diff --git a/app.py b/app.py new file mode 100644 index 0000000000000000000000000000000000000000..fb9f3b9a482c19c11d7757cd0dbe835bba5a8233 --- /dev/null +++ b/app.py @@ -0,0 +1,82 @@ +## LIBRARIES ### +## Data +import numpy as np +import pandas as pd +import torch +import json +from tqdm import tqdm +from math import floor +from datasets import load_dataset +from collections import defaultdict +from transformers import AutoTokenizer +pd.options.display.float_format = '${:,.2f}'.format + +# Analysis + +# App & Visualization +import streamlit as st +from bokeh.models import CustomJS, ColumnDataSource, HoverTool, BoxSelectTool, Callback, Select, TextInput, DataTable, TableColumn +from bokeh.events import SelectionGeometry +from bokeh.plotting import figure, output_file, show +from bokeh.transform import factor_cmap +from bokeh.palettes import Category20c_20 +from bokeh.layouts import column, row + +# utils +from random import sample + +def datasets_explorer_viz(df): + s = ColumnDataSource(df) + text_input = TextInput(value="", title="Search") + text_input.js_on_change("value", CustomJS(code=""" + console.log('text_input: value=' + this.value, this.toString()) + """)) + TOOLTIPS= [("dataset_id", "@dataset_id"), ("task", "@task")] + color = factor_cmap('task', palette=Category20c_20, factors=df['task'].unique()) + p = figure(plot_width=1000, plot_height=1000, tools="hover,wheel_zoom,pan,box_select", title="Dataset explorer", tooltips=TOOLTIPS, toolbar_location="above") + p.scatter('x', 'y', size=3, source=s, alpha=0.8,marker='circle',fill_color = color, line_color=color, legend_field = 'task') + p.legend.location = "bottom_right" + #p.legend.click_policy="mute" + p.legend.label_text_font_size="8pt" + table_source = ColumnDataSource(data=dict()) + columns = [ + # TableColumn(field="x", title="X data"), + # TableColumn(field="y", title="Y data"), + TableColumn(field="task", title="Task"), + TableColumn(field="dataset_id", title="Dataset ID"), + ] + data_table = DataTable(source=table_source, columns=columns, width=300) + + s.selected.js_on_change('indices', CustomJS(args=dict(umap_source=s, table_source=table_source), code=""" + const inds = cb_obj.indices; + const tableData = table_source.data; + const umapData = umap_source.data; + + //tableData['x'] = [] + //tableData['y'] = [] + tableData['task'] = [] + tableData['dataset_id'] = [] + + for (let i = 0; i < inds.length; i++) { + // tableData['x'].push(umapData['x'][inds[i]]) + // tableData['y'].push(umapData['y'][inds[i]]) + tableData['task'].push(umapData['task'][inds[i]]) + tableData['dataset_id'].push(umapData['dataset_id'][inds[i]]) + } + table_source.data = tableData; + table_source.change.emit(); + """ + )) + show(row(column(text_input,p), data_table)) + + +if __name__ == "__main__": + ### STREAMLIT APP CONGFIG ### + st.set_page_config(layout="wide", page_title="Datasets Explorer") + + #lcol, rcol = st.columns([2, 2]) + # ******* loading the mode and the data + + ### LOAD DATA AND SESSION VARIABLES ### + datasets_df = pd.read_parquet('./assets/data/datasets_df.parquet') + datasets_explorer_viz(datasets_df) \ No newline at end of file diff --git a/data/datasets_df.parquet b/data/datasets_df.parquet new file mode 100644 index 0000000000000000000000000000000000000000..dcfe7678fa2da2a303818fe5d5567b12b2dcfe8a --- /dev/null +++ b/data/datasets_df.parquet @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01cb9a03e5bd4e29cecf390e5449a2cb413f9fc73daa0750b23e204397eb1ba6 +size 15238 diff --git a/data/hfid_to_pwcinfo.json b/data/hfid_to_pwcinfo.json new file mode 100644 index 0000000000000000000000000000000000000000..c8bb2064c2e2c13addd001240e7f67214458ef81 --- /dev/null +++ b/data/hfid_to_pwcinfo.json @@ -0,0 +1,3502 @@ +{ + "glue": { + "pwc_id": "glue", + "dataset_name": "GLUE Dataset", + "dataset_abstract": "General Language Understanding Evaluation (GLUE) benchmark is a collection of nine natural language understanding tasks, including single-sentence tasks CoLA and SST-2, similarity and paraphrasing tasks MRPC, STS-B and QQP, and natural language inference tasks MNLI, QNLI, RTE and WNLI.", + "paper_name": "GLUE: A Multi-Task Benchmark and Analysis Platform for Natural Language Understanding", + "paper_abstract": "For natural language understanding (NLU) technology to be maximally useful,\nboth practically and as a scientific object of study, it must be general: it\nmust be able to process language in a way that is not exclusively tailored to\nany one specific task or dataset. In pursuit of this objective, we introduce\nthe General Language Understanding Evaluation benchmark (GLUE), a tool for\nevaluating and analyzing the performance of models across a diverse range of\nexisting NLU tasks. GLUE is model-agnostic, but it incentivizes sharing\nknowledge across tasks because certain tasks have very limited training data.\nWe further provide a hand-crafted diagnostic test suite that enables detailed\nlinguistic analysis of NLU models. We evaluate baselines based on current\nmethods for multi-task and transfer learning and find that they do not\nimmediately give substantial improvements over the aggregate performance of\ntraining a separate model per task, indicating room for improvement in\ndeveloping general and robust NLU systems." + }, + "super_glue": { + "pwc_id": "superglue", + "dataset_name": "SuperGLUE Dataset", + "dataset_abstract": "SuperGLUE is a benchmark dataset designed to pose a more rigorous test of language understanding than GLUE. SuperGLUE has the same high-level motivation as GLUE: to provide a simple, hard-to-game measure of progress toward general-purpose language understanding technologies for English. SuperGLUE follows the basic design of GLUE: It consists of a public leaderboard built around eight language understanding tasks, drawing on existing data, accompanied by a single-number\nperformance metric, and an analysis toolkit. However, it improves upon GLUE in several ways:\n\n\nMore challenging tasks: SuperGLUE retains the two hardest tasks in GLUE. The remaining tasks were identified from those submitted to an open call for task proposals and were selected based on difficulty for current NLP approaches.\nMore diverse task formats: The task formats in GLUE are limited to sentence- and sentence-pair classification. The authors expand the set of task formats in SuperGLUE to include\ncoreference resolution and question answering (QA).\nComprehensive human baselines: the authors include human performance estimates for all benchmark tasks, which verify that substantial headroom exists between a strong BERT-based baseline and human performance.\nImproved code support: SuperGLUE is distributed with a new, modular toolkit for work on pretraining, multi-task learning, and transfer learning in NLP, built around standard tools including PyTorch (Paszke et al., 2017) and AllenNLP (Gardner et al., 2017).\nRefined usage rules: The conditions for inclusion on the SuperGLUE leaderboard were revamped to ensure fair competition, an informative leaderboard, and full credit\nassignment to data and task creators.", + "paper_name": "SuperGLUE: A Stickier Benchmark for General-Purpose Language Understanding Systems", + "paper_abstract": "In the last year, new models and methods for pretraining and transfer learning have driven striking performance improvements across a range of language understanding tasks. The GLUE benchmark, introduced a little over one year ago, offers a single-number metric that summarizes progress on a diverse set of such tasks, but performance on the benchmark has recently surpassed the level of non-expert humans, suggesting limited headroom for further research. In this paper we present SuperGLUE, a new benchmark styled after GLUE with a new set of more difficult language understanding tasks, a software toolkit, and a public leaderboard. SuperGLUE is available at super.gluebenchmark.com." + }, + "wikitext": { + "pwc_id": "wikitext-2", + "dataset_name": "WikiText-2 Dataset", + "dataset_abstract": "The WikiText language modeling dataset is a collection of over 100 million tokens extracted from the set of verified Good and Featured articles on Wikipedia. The dataset is available under the Creative Commons Attribution-ShareAlike License.\n\nCompared to the preprocessed version of Penn Treebank (PTB), WikiText-2 is over 2 times larger and WikiText-103 is over 110 times larger. The WikiText dataset also features a far larger vocabulary and retains the original case, punctuation and numbers - all of which are removed in PTB. As it is composed of full articles, the dataset is well suited for models that can take advantage of long term dependencies.", + "paper_name": "Pointer Sentinel Mixture Models", + "paper_abstract": "Recent neural network sequence models with softmax classifiers have achieved\ntheir best language modeling performance only with very large hidden states and\nlarge vocabularies. Even then they struggle to predict rare or unseen words\neven if the context makes the prediction unambiguous. We introduce the pointer\nsentinel mixture architecture for neural sequence models which has the ability\nto either reproduce a word from the recent context or produce a word from a\nstandard softmax classifier. Our pointer sentinel-LSTM model achieves state of\nthe art language modeling performance on the Penn Treebank (70.9 perplexity)\nwhile using far fewer parameters than a standard softmax LSTM. In order to\nevaluate how well language models can exploit longer contexts and deal with\nmore realistic vocabularies and larger corpora we also introduce the freely\navailable WikiText corpus." + }, + "squad": { + "pwc_id": "squad", + "dataset_name": "SQuAD Dataset", + "dataset_abstract": "The Stanford Question Answering Dataset (SQuAD) is a collection of question-answer pairs derived from Wikipedia articles. In SQuAD, the correct answers of questions can be any sequence of tokens in the given text. Because the questions and answers are produced by humans through crowdsourcing, it is more diverse than some other question-answering datasets. SQuAD 1.1 contains 107,785 question-answer pairs on 536 articles. SQuAD2.0 (open-domain SQuAD, SQuAD-Open), the latest version, combines the 100,000 questions in SQuAD1.1 with over 50,000 un-answerable questions written adversarially by crowdworkers in forms that are similar to the answerable ones.", + "paper_name": "SQuAD: 100,000+ Questions for Machine Comprehension of Text", + "paper_abstract": "We present the Stanford Question Answering Dataset (SQuAD), a new reading\ncomprehension dataset consisting of 100,000+ questions posed by crowdworkers on\na set of Wikipedia articles, where the answer to each question is a segment of\ntext from the corresponding reading passage. We analyze the dataset to\nunderstand the types of reasoning required to answer the questions, leaning\nheavily on dependency and constituency trees. We build a strong logistic\nregression model, which achieves an F1 score of 51.0%, a significant\nimprovement over a simple baseline (20%). However, human performance (86.8%) is\nmuch higher, indicating that the dataset presents a good challenge problem for\nfuture research.\n The dataset is freely available at https://stanford-qa.com" + }, + "red_caps": { + "pwc_id": "redcaps", + "dataset_name": "RedCaps Dataset", + "dataset_abstract": "RedCaps is a large-scale dataset of 12M image-text pairs collected from Reddit. Images and captions from Reddit depict and describe a wide variety of objects and scenes. The data is collected from a manually curated set of subreddits (350 total), which give coarse image labels and allow steering of the dataset composition without labeling individual instances.\n\nTerms of use: Uses of RedCaps are subject to Reddit API terms. Users must comply with Reddit User Agreeement, Content Policy, and Privacy Policy.\n\nUsage Restrictions: RedCaps should only be used for non-commercial research. RedCaps should not be used for any tasks that involve identifying features related to people (facial recognition, gender, age, ethnicity identification, etc.) or make decisions that impact people (mortgages, job applications, criminal sentences; or moderation decisions about user-uploaded data that could result in bans from a website). Any commercial and for-profit uses of RedCaps are restricted \u2013 it should not be used to train models that will be deployed in production systems as part of a product offered by businesses or government agencies\n\nRefer to the datasheet in the paper more details.", + "paper_name": "RedCaps: web-curated image-text data created by the people, for the people", + "paper_abstract": "Large datasets of paired images and text have become increasingly popular for learning generic representations for vision and vision-and-language tasks. Such datasets have been built by querying search engines or collecting HTML alt-text -- since web data is noisy, they require complex filtering pipelines to maintain quality. We explore alternate data sources to collect high quality data with minimal filtering. We introduce RedCaps -- a large-scale dataset of 12M image-text pairs collected from Reddit. Images and captions from Reddit depict and describe a wide variety of objects and scenes. We collect data from a manually curated set of subreddits, which give coarse image labels and allow us to steer the dataset composition without labeling individual instances. We show that captioning models trained on RedCaps produce rich and varied captions preferred by humans, and learn visual representations that transfer to many downstream tasks." + }, + "imdb": { + "pwc_id": "imdb-movie-reviews", + "dataset_name": "IMDb Movie Reviews Dataset", + "dataset_abstract": "The IMDb Movie Reviews dataset is a binary sentiment analysis dataset consisting of 50,000 reviews from the Internet Movie Database (IMDb) labeled as positive or negative. The dataset contains an even number of positive and negative reviews. Only highly polarizing reviews are considered. A negative review has a score \u2264 4 out of 10, and a positive review has a score \u2265 7 out of 10. No more than 30 reviews are included per movie. The dataset contains additional unlabeled data.", + "paper_name": "", + "paper_abstract": "" + }, + "tweet_eval": { + "pwc_id": "tweeteval", + "dataset_name": "TweetEval Dataset", + "dataset_abstract": "TweetEval introduces an evaluation framework consisting of seven heterogeneous Twitter-specific classification tasks.", + "paper_name": "TweetEval: Unified Benchmark and Comparative Evaluation for Tweet Classification", + "paper_abstract": "The experimental landscape in natural language processing for social media is too fragmented. Each year, new shared tasks and datasets are proposed, ranging from classics like sentiment analysis to irony detection or emoji prediction. Therefore, it is unclear what the current state of the art is, as there is no standardized evaluation protocol, neither a strong set of baselines trained on such domain-specific data. In this paper, we propose a new evaluation framework (TweetEval) consisting of seven heterogeneous Twitter-specific classification tasks. We also provide a strong set of baselines as starting point, and compare different language modeling pre-training strategies. Our initial experiments show the effectiveness of starting off with existing pre-trained generic language models, and continue training them on Twitter corpora." + }, + "wmt16": { + "pwc_id": "wmt-2016", + "dataset_name": "WMT 2016 Dataset", + "dataset_abstract": "WMT 2016 is a collection of datasets used in shared tasks of the First Conference on Machine Translation. The conference builds on ten previous Workshops on statistical Machine Translation.\n\nThe conference featured ten shared tasks:\n\n\na news translation task,\nan IT domain translation task,\na biomedical translation task,\nan automatic post-editing task,\na metrics task (assess MT quality given reference translation).\na quality estimation task (assess MT quality without access to any reference),\na tuning task (optimize a given MT system),\na pronoun translation task,\na bilingual document alignment task,\na multimodal translation task.", + "paper_name": "", + "paper_abstract": "" + }, + "emotion": { + "pwc_id": "emotion", + "dataset_name": "CARER Dataset", + "dataset_abstract": "CARER is an emotion dataset collected through noisy labels, annotated via distant supervision as in (Go et al., 2009). \n\nThe subset of data provided here corresponds to the six emotions variant described in the paper. The six emotions are anger, fear, joy, love, sadness, and surprise.", + "paper_name": "CARER: Contextualized Affect Representations for Emotion Recognition", + "paper_abstract": "Emotions are expressed in nuanced ways, which varies by collective or individual experiences, knowledge, and beliefs. Therefore, to understand emotion, as conveyed through text, a robust mechanism capable of capturing and modeling different linguistic nuances and phenomena is needed. We propose a semi-supervised, graph-based algorithm to produce rich structural descriptors which serve as the building blocks for constructing contextualized affect representations from text. The pattern-based representations are further enriched with word embeddings and evaluated through several emotion recognition tasks. Our experimental results demonstrate that the proposed method outperforms state-of-the-art techniques on emotion recognition tasks." + }, + "wikiann": { + "pwc_id": "wikiann-1", + "dataset_name": "WikiAnn Dataset", + "dataset_abstract": "WikiAnn is a dataset for cross-lingual name tagging and linking based on Wikipedia articles in 295 languages.", + "paper_name": "Cross-lingual Name Tagging and Linking for 282 Languages", + "paper_abstract": "The ambitious goal of this work is to develop a cross-lingual name tagging and linking framework for 282 languages that exist in Wikipedia. Given a document in any of these languages, our framework is able to identify name mentions, assign a coarse-grained or fine-grained type to each mention, and link it to an English Knowledge Base (KB) if it is linkable. We achieve this goal by performing a series of new KB mining methods: generating {``}silver-standard{''} annotations by transferring annotations from English to other languages through cross-lingual links and KB properties, refining annotations through self-training and topic selection, deriving language-specific morphology features from anchor links, and mining word translation pairs from cross-lingual links. Both name tagging and linking results for 282 languages are promising on Wikipedia data and on-Wikipedia data." + }, + "blimp": { + "pwc_id": "blimp", + "dataset_name": "BLiMP Dataset", + "dataset_abstract": "BLiMP is a challenge set for evaluating what language models (LMs) know about major grammatical phenomena in English. BLiMP consists of 67 sub-datasets, each containing 1000 minimal pairs isolating specific contrasts in syntax, morphology, or semantics. The data is automatically generated according to expert-crafted grammars. Aggregate human agreement with the labels is 96.4%.", + "paper_name": "BLiMP: The Benchmark of Linguistic Minimal Pairs for English", + "paper_abstract": "We introduce The Benchmark of Linguistic Minimal Pairs (shortened to BLiMP), a challenge set for evaluating what language models (LMs) know about major grammatical phenomena in English. BLiMP consists of 67 sub-datasets, each containing 1000 minimal pairs isolating specific contrasts in syntax, morphology, or semantics. The data is automatically generated according to expert-crafted grammars, and aggregate human agreement with the labels is 96.4%. We use it to evaluate n-gram, LSTM, and Transformer (GPT-2 and Transformer-XL) LMs. We find that state-of-the-art models identify morphological contrasts reliably, but they struggle with semantic restrictions on the distribution of quantifiers and negative polarity items and subtle syntactic phenomena such as extraction islands." + }, + "xnli": { + "pwc_id": "xnli", + "dataset_name": "XNLI Dataset", + "dataset_abstract": "The Cross-lingual Natural Language Inference (XNLI) corpus is the extension of the Multi-Genre NLI (MultiNLI) corpus to 15 languages. The dataset was created by manually translating the validation and test sets of MultiNLI into each of those 15 languages. The English training set was machine translated for all languages. The dataset is composed of 122k train, 2490 validation and 5010 test examples.", + "paper_name": "XNLI: Evaluating Cross-lingual Sentence Representations", + "paper_abstract": "State-of-the-art natural language processing systems rely on supervision in\nthe form of annotated data to learn competent models. These models are\ngenerally trained on data in a single language (usually English), and cannot be\ndirectly used beyond that language. Since collecting data in every language is\nnot realistic, there has been a growing interest in cross-lingual language\nunderstanding (XLU) and low-resource cross-language transfer. In this work, we\nconstruct an evaluation set for XLU by extending the development and test sets\nof the Multi-Genre Natural Language Inference Corpus (MultiNLI) to 15\nlanguages, including low-resource languages such as Swahili and Urdu. We hope\nthat our dataset, dubbed XNLI, will catalyze research in cross-lingual sentence\nunderstanding by providing an informative standard evaluation task. In\naddition, we provide several baselines for multilingual sentence understanding,\nincluding two based on machine translation systems, and two that use parallel\ndata to train aligned multilingual bag-of-words and LSTM encoders. We find that\nXNLI represents a practical and challenging evaluation suite, and that directly\ntranslating the test data yields the best performance among available\nbaselines." + }, + "ag_news": { + "pwc_id": "ag-news", + "dataset_name": "AG News Dataset", + "dataset_abstract": "AG News (AG\u2019s News Corpus) is a subdataset of AG's corpus of news articles constructed by assembling titles and description fields of articles from the 4 largest classes (\u201cWorld\u201d, \u201cSports\u201d, \u201cBusiness\u201d, \u201cSci/Tech\u201d) of AG\u2019s Corpus. The AG News contains 30,000 training and 1,900 test samples per class.", + "paper_name": "Character-level Convolutional Networks for Text Classification", + "paper_abstract": "This article offers an empirical exploration on the use of character-level\nconvolutional networks (ConvNets) for text classification. We constructed\nseveral large-scale datasets to show that character-level convolutional\nnetworks could achieve state-of-the-art or competitive results. Comparisons are\noffered against traditional models such as bag of words, n-grams and their\nTFIDF variants, and deep learning models such as word-based ConvNets and\nrecurrent neural networks." + }, + "squad_v2": { + "pwc_id": "squad", + "dataset_name": "SQuAD Dataset", + "dataset_abstract": "The Stanford Question Answering Dataset (SQuAD) is a collection of question-answer pairs derived from Wikipedia articles. In SQuAD, the correct answers of questions can be any sequence of tokens in the given text. Because the questions and answers are produced by humans through crowdsourcing, it is more diverse than some other question-answering datasets. SQuAD 1.1 contains 107,785 question-answer pairs on 536 articles. SQuAD2.0 (open-domain SQuAD, SQuAD-Open), the latest version, combines the 100,000 questions in SQuAD1.1 with over 50,000 un-answerable questions written adversarially by crowdworkers in forms that are similar to the answerable ones.", + "paper_name": "SQuAD: 100,000+ Questions for Machine Comprehension of Text", + "paper_abstract": "We present the Stanford Question Answering Dataset (SQuAD), a new reading\ncomprehension dataset consisting of 100,000+ questions posed by crowdworkers on\na set of Wikipedia articles, where the answer to each question is a segment of\ntext from the corresponding reading passage. We analyze the dataset to\nunderstand the types of reasoning required to answer the questions, leaning\nheavily on dependency and constituency trees. We build a strong logistic\nregression model, which achieves an F1 score of 51.0%, a significant\nimprovement over a simple baseline (20%). However, human performance (86.8%) is\nmuch higher, indicating that the dataset presents a good challenge problem for\nfuture research.\n The dataset is freely available at https://stanford-qa.com" + }, + "anli": { + "pwc_id": "anli", + "dataset_name": "ANLI Dataset", + "dataset_abstract": "The Adversarial Natural Language Inference (ANLI, Nie et al.) is a new large-scale NLI benchmark dataset, collected via an iterative, adversarial human-and-model-in-the-loop procedure. Particular, the data is selected to be difficult to the state-of-the-art models, including BERT and RoBERTa.", + "paper_name": "Adversarial NLI: A New Benchmark for Natural Language Understanding", + "paper_abstract": "We introduce a new large-scale NLI benchmark dataset, collected via an iterative, adversarial human-and-model-in-the-loop procedure. We show that training models on this new dataset leads to state-of-the-art performance on a variety of popular NLI benchmarks, while posing a more difficult challenge with its new test set. Our analysis sheds light on the shortcomings of current state-of-the-art models, and shows that non-expert annotators are successful at finding their weaknesses. The data collection method can be applied in a never-ending learning scenario, becoming a moving target for NLU, rather than a static benchmark that will quickly saturate." + }, + "xsum": { + "pwc_id": "xsum", + "dataset_name": "XSum Dataset", + "dataset_abstract": "The Extreme Summarization (XSum) dataset is a dataset for evaluation of abstractive single-document summarization systems. The goal is to create a short, one-sentence new summary answering the question \u201cWhat is the article about?\u201d. The dataset consists of 226,711 news articles accompanied with a one-sentence summary. The articles are collected from BBC articles (2010 to 2017) and cover a wide variety of domains (e.g., News, Politics, Sports, Weather, Business, Technology, Science, Health, Family, Education, Entertainment and Arts). The official random split contains 204,045 (90%), 11,332 (5%) and 11,334 (5) documents in training, validation and test sets, respectively.", + "paper_name": "Don't Give Me the Details, Just the Summary! Topic-Aware Convolutional Neural Networks for Extreme Summarization", + "paper_abstract": "We introduce extreme summarization, a new single-document summarization task\nwhich does not favor extractive strategies and calls for an abstractive\nmodeling approach. The idea is to create a short, one-sentence news summary\nanswering the question \"What is the article about?\". We collect a real-world,\nlarge-scale dataset for this task by harvesting online articles from the\nBritish Broadcasting Corporation (BBC). We propose a novel abstractive model\nwhich is conditioned on the article's topics and based entirely on\nconvolutional neural networks. We demonstrate experimentally that this\narchitecture captures long-range dependencies in a document and recognizes\npertinent content, outperforming an oracle extractive system and\nstate-of-the-art abstractive approaches when evaluated automatically and by\nhumans." + }, + "librispeech_asr": { + "pwc_id": "librispeech-1", + "dataset_name": "LibriSpeech Dataset", + "dataset_abstract": "The LibriSpeech corpus is a collection of approximately 1,000 hours of audiobooks that are a part of the LibriVox project. Most of the audiobooks come from the Project Gutenberg. The training data is split into 3 partitions of 100hr, 360hr, and 500hr sets while the dev and test data are split into the \u2019clean\u2019 and \u2019other\u2019 categories, respectively, depending upon how well or challening Automatic Speech Recognition systems would perform against. Each of the dev and test sets is around 5hr in audio length. This corpus also provides the n-gram language models and the corresponding texts excerpted from the Project Gutenberg books, which contain 803M tokens and 977K unique words.", + "paper_name": "", + "paper_abstract": "" + }, + "math_dataset": { + "pwc_id": "mathematics", + "dataset_name": "Mathematics Dataset Dataset", + "dataset_abstract": "This dataset code generates mathematical question and answer pairs, from a range of question types at roughly school-level difficulty. This is designed to test the mathematical learning and algebraic reasoning skills of learning models.", + "paper_name": "Analysing Mathematical Reasoning Abilities of Neural Models", + "paper_abstract": "Mathematical reasoning---a core ability within human intelligence---presents\nsome unique challenges as a domain: we do not come to understand and solve\nmathematical problems primarily on the back of experience and evidence, but on\nthe basis of inferring, learning, and exploiting laws, axioms, and symbol\nmanipulation rules. In this paper, we present a new challenge for the\nevaluation (and eventually the design) of neural architectures and similar\nsystem, developing a task suite of mathematics problems involving sequential\nquestions and answers in a free-form textual input/output format. The\nstructured nature of the mathematics domain, covering arithmetic, algebra,\nprobability and calculus, enables the construction of training and test splits\ndesigned to clearly illuminate the capabilities and failure-modes of different\narchitectures, as well as evaluate their ability to compose and relate\nknowledge and learned processes. Having described the data generation process\nand its potential future expansions, we conduct a comprehensive analysis of\nmodels from two broad classes of the most powerful sequence-to-sequence\narchitectures and find notable differences in their ability to resolve\nmathematical problems and generalize their knowledge." + }, + "xtreme": { + "pwc_id": "xtreme", + "dataset_name": "XTREME Dataset", + "dataset_abstract": "The Cross-lingual TRansfer Evaluation of Multilingual Encoders (XTREME) benchmark was introduced to encourage more research on multilingual transfer learning,. XTREME covers 40 typologically diverse languages spanning 12 language families and includes 9 tasks that require reasoning about different levels of syntax or semantics.\n\nThe languages in XTREME are selected to maximize language diversity, coverage in existing tasks, and availability of training data. The languages in XTREME are selected to maximize language diversity, coverage in existing tasks, and availability of training data. Among these are many under-studied languages, such as the Dravidian languages Tamil (spoken in southern India, Sri Lanka, and Singapore), Telugu and Malayalam (spoken mainly in southern India), and the Niger-Congo languages Swahili and Yoruba, spoken in Africa.", + "paper_name": "XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalisation", + "paper_abstract": "Much recent progress in applications of machine learning models to NLP has been driven by benchmarks that evaluate models across a wide variety of tasks. However, these broad-coverage benchmarks have been mostly limited to English, and despite an increasing interest in multilingual models, a benchmark that enables the comprehensive evaluation of such methods on a diverse range of languages and tasks is still missing. To this end, we introduce the Cross-lingual TRansfer Evaluation of Multilingual Encoders (XTREME) benchmark, a multi-task benchmark for evaluating the cross-lingual generalization capabilities of multilingual representations across 40 languages and 9 tasks. We demonstrate that while models tested on English reach human performance on many tasks, there is still a sizable gap in the performance of cross-lingually transferred models, particularly on syntactic and sentence retrieval tasks. There is also a wide spread of results across languages. We will release the benchmark to encourage research on cross-lingual learning methods that transfer linguistic knowledge across a diverse and representative set of languages and tasks." + }, + "cnn_dailymail": { + "pwc_id": "cnn-daily-mail-1", + "dataset_name": "CNN/Daily Mail Dataset", + "dataset_abstract": "CNN/Daily Mail is a dataset for text summarization. Human generated abstractive summary bullets were generated from news stories in CNN and Daily Mail websites as questions (with one of the entities hidden), and stories as the corresponding passages from which the system is expected to answer the fill-in the-blank question. The authors released the scripts that crawl, extract and generate pairs of passages and questions from these websites.\n\nIn all, the corpus has 286,817 training pairs, 13,368 validation pairs and 11,487 test pairs, as defined by their scripts. The source documents in the training set have 766 words spanning 29.74 sentences on an average while the summaries consist of 53 words and 3.72 sentences.", + "paper_name": "Abstractive Text Summarization Using Sequence-to-Sequence RNNs and Beyond", + "paper_abstract": "In this work, we model abstractive text summarization using Attentional\nEncoder-Decoder Recurrent Neural Networks, and show that they achieve\nstate-of-the-art performance on two different corpora. We propose several novel\nmodels that address critical problems in summarization that are not adequately\nmodeled by the basic architecture, such as modeling key-words, capturing the\nhierarchy of sentence-to-word structure, and emitting words that are rare or\nunseen at training time. Our work shows that many of our proposed models\ncontribute to further improvement in performance. We also propose a new dataset\nconsisting of multi-sentence summaries, and establish performance benchmarks\nfor further research." + }, + "conll2003": { + "pwc_id": "conll-2003", + "dataset_name": "CoNLL-2003 Dataset", + "dataset_abstract": "CoNLL-2003 is a named entity recognition dataset released as a part of CoNLL-2003 shared task: language-independent named entity recognition.\nThe data consists of eight files covering two languages: English and German.\nFor each of the languages there is a training file, a development file, a test file and a large file with unannotated data.\n\nThe English data was taken from the Reuters Corpus. This corpus consists of Reuters news stories between August 1996 and August 1997.\nFor the training and development set, ten days worth of data were taken from the files representing the end of August 1996.\nFor the test set, the texts were from December 1996. The preprocessed raw data covers the month of September 1996.\n\nThe text for the German data was taken from the ECI Multilingual Text Corpus. This corpus consists of texts in many languages. The portion of data that\nwas used for this task, was extracted from the German newspaper Frankfurter Rundshau. All three of the training, development and test sets were taken\nfrom articles written in one week at the end of August 1992.\nThe raw data were taken from the months of September to December 1992.\n\n| English data | Articles | Sentences | Tokens | LOC | MISC | ORG | PER |\n|-------------------|----------|-----------|---------|------|------|------|------|\n| Training set | 946 | 14,987 | 203,621 | 7140 | 3438 | 6321 | 6600 |\n| Development set | 216 | 3,466 | 51,362 | 1837 | 922 | 1341 | 1842 |\n| Test set | 231 | 3,684 | 46,435 | 1668 | 702 | 1661 | 1617 |\n\nNumber of articles, sentences, tokens and entities (locations, miscellaneous, organizations, and persons) in English data files.\n\n| German data | Articles | Sentences | Tokens | LOC | MISC | ORG | PER |\n|-------------------|----------|-----------|---------|------|------|------|------|\n| Training set | 553 | 12,705 | 206,931 | 4363 | 2288 | 2427 | 2773 |\n| Development set | 201 | 3,068 | 51,444 | 1181 | 1010 | 1241 | 1401 |\n| Test set | 155 | 3,160 | 51,943 | 1035 | 670 | 773 | 1195 |\n\nNumber of articles, sentences, tokens and entities (locations, miscellaneous, organizations, and persons) in German data files.", + "paper_name": "Introduction to the CoNLL-2003 Shared Task: Language-Independent Named Entity Recognition", + "paper_abstract": "We describe the CoNLL-2003 shared task: language-independent named entity recognition. We give background information on the data sets (English and German) and the evaluation method, present a general overview of the systems that have taken part in the task and discuss their performance." + }, + "kilt_tasks": { + "pwc_id": "kilt", + "dataset_name": "KILT Dataset", + "dataset_abstract": "KILT (Knowledge Intensive Language Tasks) is a benchmark consisting of 11 datasets representing 5 types of tasks:\n\n\nFact-checking (FEVER),\nEntity linking (AIDA CoNLL-YAGO, WNED-WIKI, WNED-CWEB),\nSlot filling (T-Rex, Zero Shot RE),\nOpen domain QA (Natural Questions, HotpotQA, TriviaQA, ELI5),\nDialog generation (Wizard of Wikipedia).\n\nAll these datasets have been grounded in a single pre-processed wikipedia snapshot, allowing for fairer and more consistent evaluation as well as enabling new task setups such as multitask and transfer learning.", + "paper_name": "KILT: a Benchmark for Knowledge Intensive Language Tasks", + "paper_abstract": "Challenging problems such as open-domain question answering, fact checking, slot filling and entity linking require access to large, external knowledge sources. While some models do well on individual tasks, developing general models is difficult as each task might require computationally expensive indexing of custom knowledge sources, in addition to dedicated infrastructure. To catalyze research on models that condition on specific information in large textual resources, we present a benchmark for knowledge-intensive language tasks (KILT). All tasks in KILT are grounded in the same snapshot of Wikipedia, reducing engineering turnaround through the re-use of components, as well as accelerating research into task-agnostic memory architectures. We test both task-specific and general baselines, evaluating downstream performance in addition to the ability of the models to provide provenance. We find that a shared dense vector index coupled with a seq2seq model is a strong baseline, outperforming more tailor-made approaches for fact checking, open-domain question answering and dialogue, and yielding competitive results on entity linking and slot filling, by generating disambiguated text. KILT data and code are available at https://github.com/facebookresearch/KILT." + }, + "adversarial_qa": { + "pwc_id": "adversarialqa", + "dataset_name": "AdversarialQA Dataset", + "dataset_abstract": "We have created three new Reading Comprehension datasets constructed using an adversarial model-in-the-loop.\n\nWe use three different models; BiDAF (Seo et al., 2016), BERTLarge (Devlin et al., 2018), and RoBERTaLarge (Liu et al., 2019) in the annotation loop and construct three datasets; D(BiDAF), D(BERT), and D(RoBERTa), each with 10,000 training examples, 1,000 validation, and 1,000 test examples.\n\nThe adversarial human annotation paradigm ensures that these datasets consist of questions that current state-of-the-art models (at least the ones used as adversaries in the annotation loop) find challenging. The three AdversarialQA round 1 datasets provide a training and evaluation resource for such methods.", + "paper_name": "Beat the AI: Investigating Adversarial Human Annotation for Reading Comprehension", + "paper_abstract": "Innovations in annotation methodology have been a catalyst for Reading Comprehension (RC) datasets and models. One recent trend to challenge current RC models is to involve a model in the annotation process: humans create questions adversarially, such that the model fails to answer them correctly. In this work we investigate this annotation methodology and apply it in three different settings, collecting a total of 36,000 samples with progressively stronger models in the annotation loop. This allows us to explore questions such as the reproducibility of the adversarial effect, transfer from data collected with varying model-in-the-loop strengths, and generalisation to data collected without a model. We find that training on adversarially collected samples leads to strong generalisation to non-adversarially collected datasets, yet with progressive performance deterioration with increasingly stronger models-in-the-loop. Furthermore, we find that stronger models can still learn from datasets collected with substantially weaker models-in-the-loop. When trained on data collected with a BiDAF model in the loop, RoBERTa achieves 39.9F1 on questions that it cannot answer when trained on SQuAD - only marginally lower than when trained on data collected using RoBERTa itself (41.0F1)." + }, + "common_voice": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "oscar": { + "pwc_id": "oscar", + "dataset_name": "OSCAR Dataset", + "dataset_abstract": "OSCAR or Open Super-large Crawled ALMAnaCH coRpus is a huge multilingual corpus obtained by language classification and filtering of the Common Crawl corpus using the goclassy architecture. The dataset used for training multilingual models such as BART incorporates 138 GB of text.", + "paper_name": "A Monolingual Approach to Contextualized Word Embeddings for Mid-Resource Languages", + "paper_abstract": "We use the multilingual OSCAR corpus, extracted from Common Crawl via language classification, filtering and cleaning, to train monolingual contextualized word embeddings (ELMo) for five mid-resource languages. We then compare the performance of OSCAR-based and Wikipedia-based ELMo embeddings for these languages on the part-of-speech tagging and parsing tasks. We show that, despite the noise in the Common-Crawl-based OSCAR data, embeddings trained on OSCAR perform much better than monolingual embeddings trained on Wikipedia. They actually equal or improve the current state of the art in tagging and parsing for all five languages. In particular, they also improve over multilingual Wikipedia-based contextual embeddings (multilingual BERT), which almost always constitutes the previous state of the art, thereby showing that the benefit of a larger, more diverse corpus surpasses the cross-lingual benefit of multilingual embedding architectures." + }, + "trec": { + "pwc_id": "trecqa", + "dataset_name": "TrecQA Dataset", + "dataset_abstract": "Text Retrieval Conference Question Answering (TrecQA) is a dataset created from the TREC-8 (1999) to TREC-13 (2004) Question Answering tracks. There are two versions of TrecQA: raw and clean. Both versions have the same training set but their development and test sets differ. The commonly used clean version of the dataset excludes questions in development and test sets with no answers or only positive/negative answers. The clean version has 1,229/65/68 questions and 53,417/1,117/1,442 question-answer pairs for the train/dev/test split.", + "paper_name": "", + "paper_abstract": "" + }, + "rotten_tomatoes": { + "pwc_id": "mr", + "dataset_name": "MR Dataset", + "dataset_abstract": "MR Movie Reviews is a dataset for use in sentiment-analysis experiments. Available are collections of movie-review documents labeled with respect to their overall sentiment polarity (positive or negative) or subjective rating (e.g., \"two and a half stars\") and sentences labeled with respect to their subjectivity status (subjective or objective) or polarity.", + "paper_name": "", + "paper_abstract": "" + }, + "race": { + "pwc_id": "race", + "dataset_name": "RACE Dataset", + "dataset_abstract": "The ReAding Comprehension dataset from Examinations (RACE) dataset is a machine reading comprehension dataset consisting of 27,933 passages and 97,867 questions from English exams, targeting Chinese students aged 12-18. RACE consists of two subsets, RACE-M and RACE-H, from middle school and high school exams, respectively. RACE-M has 28,293 questions and RACE-H has 69,574. Each question is associated with 4 candidate answers, one of which is correct. The data generation process of RACE differs from most machine reading comprehension datasets - instead of generating questions and answers by heuristics or crowd-sourcing, questions in RACE are specifically designed for testing human reading skills, and are created by domain experts.", + "paper_name": "RACE: Large-scale ReAding Comprehension Dataset From Examinations", + "paper_abstract": "We present RACE, a new dataset for benchmark evaluation of methods in the\nreading comprehension task. Collected from the English exams for middle and\nhigh school Chinese students in the age range between 12 to 18, RACE consists\nof near 28,000 passages and near 100,000 questions generated by human experts\n(English instructors), and covers a variety of topics which are carefully\ndesigned for evaluating the students' ability in understanding and reasoning.\nIn particular, the proportion of questions that requires reasoning is much\nlarger in RACE than that in other benchmark datasets for reading comprehension,\nand there is a significant gap between the performance of the state-of-the-art\nmodels (43%) and the ceiling human performance (95%). We hope this new dataset\ncan serve as a valuable resource for research and evaluation in machine\ncomprehension. The dataset is freely available at\nhttp://www.cs.cmu.edu/~glai1/data/race/ and the code is available at\nhttps://github.com/qizhex/RACE_AR_baselines." + }, + "c4": { + "pwc_id": "c4", + "dataset_name": "C4 Dataset", + "dataset_abstract": "C4 is a colossal, cleaned version of Common Crawl's web crawl corpus. It was based on Common Crawl dataset: https://commoncrawl.org. It was used to train the T5 text-to-text Transformer models.\n\nThe dataset can be downloaded in a pre-processed form from allennlp.", + "paper_name": "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer", + "paper_abstract": "Transfer learning, where a model is first pre-trained on a data-rich task before being fine-tuned on a downstream task, has emerged as a powerful technique in natural language processing (NLP). The effectiveness of transfer learning has given rise to a diversity of approaches, methodology, and practice. In this paper, we explore the landscape of transfer learning techniques for NLP by introducing a unified framework that converts all text-based language problems into a text-to-text format. Our systematic study compares pre-training objectives, architectures, unlabeled data sets, transfer approaches, and other factors on dozens of language understanding tasks. By combining the insights from our exploration with scale and our new ``Colossal Clean Crawled Corpus'', we achieve state-of-the-art results on many benchmarks covering summarization, question answering, text classification, and more. To facilitate future work on transfer learning for NLP, we release our data set, pre-trained models, and code." + }, + "paws": { + "pwc_id": "paws", + "dataset_name": "PAWS Dataset", + "dataset_abstract": "Paraphrase Adversaries from Word Scrambling (PAWS) is a dataset contains 108,463 human-labeled and 656k noisily labeled pairs that feature the importance of modeling structure, context, and word order information for the problem of paraphrase identification. The dataset has two subsets, one based on Wikipedia and the other one based on the Quora Question Pairs (QQP) dataset.", + "paper_name": "PAWS: Paraphrase Adversaries from Word Scrambling", + "paper_abstract": "Existing paraphrase identification datasets lack sentence pairs that have\nhigh lexical overlap without being paraphrases. Models trained on such data\nfail to distinguish pairs like flights from New York to Florida and flights\nfrom Florida to New York. This paper introduces PAWS (Paraphrase Adversaries\nfrom Word Scrambling), a new dataset with 108,463 well-formed paraphrase and\nnon-paraphrase pairs with high lexical overlap. Challenging pairs are generated\nby controlled word swapping and back translation, followed by fluency and\nparaphrase judgments by human raters. State-of-the-art models trained on\nexisting datasets have dismal performance on PAWS (<40% accuracy); however,\nincluding PAWS training data for these models improves their accuracy to 85%\nwhile maintaining performance on existing tasks. In contrast, models that do\nnot capture non-local contextual information fail even with PAWS training\nexamples. As such, PAWS provides an effective instrument for driving further\nprogress on models that better exploit structure, context, and pairwise\ncomparisons." + }, + "klue": { + "pwc_id": "klue", + "dataset_name": "KLUE Dataset", + "dataset_abstract": "Korean Language Understanding Evaluation (KLUE) benchmark is a series of datasets to evaluate natural language understanding capability of Korean language models. KLUE consists of 8 diverse and representative tasks, which are accessible to anyone without any restrictions. With ethical considerations in mind, we deliberately design annotation guidelines to obtain unambiguous annotations for all datasets. Furthermore, we build an evaluation system and carefully choose evaluations metrics for every task, thus establishing fair comparison across Korean language models.\n\nKLUE benchmark is composed of 8 tasks:\n\n\nTopic Classification (TC)\nSentence Textual Similarity (STS)\nNatural Language Inference (NLI)\nNamed Entity Recognition (NER)\nRelation Extraction (RE)\n(Part-Of-Speech) + Dependency Parsing (DP)\nMachine Reading Comprehension (MRC)\nDialogue State Tracking (DST)", + "paper_name": "KLUE: Korean Language Understanding Evaluation", + "paper_abstract": "We introduce Korean Language Understanding Evaluation (KLUE) benchmark. KLUE is a collection of 8 Korean natural language understanding (NLU) tasks, including Topic Classification, SemanticTextual Similarity, Natural Language Inference, Named Entity Recognition, Relation Extraction, Dependency Parsing, Machine Reading Comprehension, and Dialogue State Tracking. We build all of the tasks from scratch from diverse source corpora while respecting copyrights, to ensure accessibility for anyone without any restrictions. With ethical considerations in mind, we carefully design annotation protocols. Along with the benchmark tasks and data, we provide suitable evaluation metrics and fine-tuning recipes for pretrained language models for each task. We furthermore release the pretrained language models (PLM), KLUE-BERT and KLUE-RoBERTa, to help reproducing baseline models on KLUE and thereby facilitate future research. We make a few interesting observations from the preliminary experiments using the proposed KLUE benchmark suite, already demonstrating the usefulness of this new benchmark suite. First, we find KLUE-RoBERTa-large outperforms other baselines, including multilingual PLMs and existing open-source Korean PLMs. Second, we see minimal degradation in performance even when we replace personally identifiable information from the pretraining corpus, suggesting that privacy and NLU capability are not at odds with each other. Lastly, we find that using BPE tokenization in combination with morpheme-level pre-tokenization is effective in tasks involving morpheme-level tagging, detection and generation. In addition to accelerating Korean NLP research, our comprehensive documentation on creating KLUE will facilitate creating similar resources for other languages in the future. KLUE is available at https://klue-benchmark.com." + }, + "snli": { + "pwc_id": "snli", + "dataset_name": "SNLI Dataset", + "dataset_abstract": "The SNLI dataset (Stanford Natural Language Inference) consists of 570k sentence-pairs manually labeled as entailment, contradiction, and neutral. Premises are image captions from Flickr30k, while hypotheses were generated by crowd-sourced annotators who were shown a premise and asked to generate entailing, contradicting, and neutral sentences. Annotators were instructed to judge the relation between sentences given that they describe the same event. Each pair is labeled as \u201centailment\u201d, \u201cneutral\u201d, \u201ccontradiction\u201d or \u201c-\u201d, where \u201c-\u201d indicates that an agreement could not be reached.", + "paper_name": "A large annotated corpus for learning natural language inference", + "paper_abstract": "Understanding entailment and contradiction is fundamental to understanding\nnatural language, and inference about entailment and contradiction is a\nvaluable testing ground for the development of semantic representations.\nHowever, machine learning research in this area has been dramatically limited\nby the lack of large-scale resources. To address this, we introduce the\nStanford Natural Language Inference corpus, a new, freely available collection\nof labeled sentence pairs, written by humans doing a novel grounded task based\non image captioning. At 570K pairs, it is two orders of magnitude larger than\nall other resources of its type. This increase in scale allows lexicalized\nclassifiers to outperform some sophisticated existing entailment models, and it\nallows a neural network-based model to perform competitively on natural\nlanguage inference benchmarks for the first time." + }, + "winogrande": { + "pwc_id": "winogrande", + "dataset_name": "WinoGrande Dataset", + "dataset_abstract": "WinoGrande is a large-scale dataset of 44k problems, inspired by the original WSC design, but adjusted to improve both the scale and the hardness of the dataset. The key steps of the dataset construction consist of (1) a carefully designed crowdsourcing procedure, followed by (2) systematic bias reduction using a novel AfLite algorithm that generalizes human-detectable word associations to machine-detectable embedding associations.", + "paper_name": "WinoGrande: An Adversarial Winograd Schema Challenge at Scale", + "paper_abstract": "The Winograd Schema Challenge (WSC) (Levesque, Davis, and Morgenstern 2011), a benchmark for commonsense reasoning, is a set of 273 expert-crafted pronoun resolution problems originally designed to be unsolvable for statistical models that rely on selectional preferences or word associations. However, recent advances in neural language models have already reached around 90% accuracy on variants of WSC. This raises an important question whether these models have truly acquired robust commonsense capabilities or whether they rely on spurious biases in the datasets that lead to an overestimation of the true capabilities of machine commonsense. To investigate this question, we introduce WinoGrande, a large-scale dataset of 44k problems, inspired by the original WSC design, but adjusted to improve both the scale and the hardness of the dataset. The key steps of the dataset construction consist of (1) a carefully designed crowdsourcing procedure, followed by (2) systematic bias reduction using a novel AfLite algorithm that generalizes human-detectable word associations to machine-detectable embedding associations. The best state-of-the-art methods on WinoGrande achieve 59.4-79.1%, which are 15-35% below human performance of 94.0%, depending on the amount of the training data allowed. Furthermore, we establish new state-of-the-art results on five related benchmarks - WSC (90.1%), DPR (93.1%), COPA (90.6%), KnowRef (85.6%), and Winogender (97.1%). These results have dual implications: on one hand, they demonstrate the effectiveness of WinoGrande when used as a resource for transfer learning. On the other hand, they raise a concern that we are likely to be overestimating the true capabilities of machine commonsense across all these benchmarks. We emphasize the importance of algorithmic bias reduction in existing and future benchmarks to mitigate such overestimation." + }, + "cosmos_qa": { + "pwc_id": "cosmosqa", + "dataset_name": "CosmosQA Dataset", + "dataset_abstract": "CosmosQA is a large-scale dataset of 35.6K problems that require commonsense-based reading comprehension, formulated as multiple-choice questions. It focuses on reading between the lines over a diverse collection of people\u2019s everyday narratives, asking questions concerning on the likely causes or effects of events that require reasoning beyond the exact text spans in the context.", + "paper_name": "Cosmos QA: Machine Reading Comprehension with Contextual Commonsense Reasoning", + "paper_abstract": "Understanding narratives requires reading between the lines, which in turn, requires interpreting the likely causes and effects of events, even when they are not mentioned explicitly. In this paper, we introduce Cosmos QA, a large-scale dataset of 35,600 problems that require commonsense-based reading comprehension, formulated as multiple-choice questions. In stark contrast to most existing reading comprehension datasets where the questions focus on factual and literal understanding of the context paragraph, our dataset focuses on reading between the lines over a diverse collection of people's everyday narratives, asking such questions as \"what might be the possible reason of ...?\", or \"what would have happened if ...\" that require reasoning beyond the exact text spans in the context. To establish baseline performances on Cosmos QA, we experiment with several state-of-the-art neural architectures for reading comprehension, and also propose a new architecture that improves over the competitive baselines. Experimental results demonstrate a significant gap between machine (68.4%) and human performance (94%), pointing to avenues for future research on commonsense machine comprehension. Dataset, code and leaderboard is publicly available at https://wilburone.github.io/cosmos." + }, + "wino_bias": { + "pwc_id": "winobias", + "dataset_name": "WinoBias Dataset", + "dataset_abstract": "WinoBias contains 3,160 sentences, split equally for development and test, created by researchers familiar with the project. Sentences were created to follow two prototypical templates but annotators were encouraged to come up with scenarios where entities could be interacting in plausible ways. Templates were selected to be challenging and designed to cover cases requiring semantics and syntax separately.", + "paper_name": "Gender Bias in Coreference Resolution: Evaluation and Debiasing Methods", + "paper_abstract": "We introduce a new benchmark, WinoBias, for coreference resolution focused on\ngender bias. Our corpus contains Winograd-schema style sentences with entities\ncorresponding to people referred by their occupation (e.g. the nurse, the\ndoctor, the carpenter). We demonstrate that a rule-based, a feature-rich, and a\nneural coreference system all link gendered pronouns to pro-stereotypical\nentities with higher accuracy than anti-stereotypical entities, by an average\ndifference of 21.1 in F1 score. Finally, we demonstrate a data-augmentation\napproach that, in combination with existing word-embedding debiasing\ntechniques, removes the bias demonstrated by these systems in WinoBias without\nsignificantly affecting their performance on existing coreference benchmark\ndatasets. Our dataset and code are available at http://winobias.org." + }, + "sst": { + "pwc_id": "sst", + "dataset_name": "SST Dataset", + "dataset_abstract": "The Stanford Sentiment Treebank is a corpus with fully labeled parse trees that allows for a\ncomplete analysis of the compositional effects of\nsentiment in language. The corpus is based on\nthe dataset introduced by Pang and Lee (2005) and\nconsists of 11,855 single sentences extracted from\nmovie reviews. It was parsed with the Stanford\nparser and includes a total of 215,154 unique phrases\nfrom those parse trees, each annotated by 3 human judges.\n\nEach phrase is labelled as either negative, somewhat negative, neutral, somewhat positive or positive.\nThe corpus with all 5 labels is referred to as SST-5 or SST fine-grained. Binary classification experiments on full sentences (negative or somewhat negative vs somewhat positive or positive with neutral sentences discarded) refer to the dataset as SST-2 or SST binary.", + "paper_name": "", + "paper_abstract": "" + }, + "duorc": { + "pwc_id": "duorc", + "dataset_name": "DuoRC Dataset", + "dataset_abstract": "DuoRC contains 186,089 unique question-answer pairs created from a collection of 7680 pairs of movie plots where each pair in the collection reflects two versions of the same movie.\n\nWhy another RC dataset?\n\nDuoRC pushes the NLP community to address challenges on incorporating knowledge and reasoning in neural architectures for reading comprehension. It poses several interesting challenges such as:\n\n\nDuoRC using parallel plots is especially designed to contain a large number of questions with low lexical overlap between questions and their corresponding passages\nIt requires models to go beyond the content of the given passage itself and incorporate world-knowledge, background knowledge, and common-sense knowledge to arrive at the answer\nIt revolves around narrative passages from movie plots describing complex events and therefore naturally require complex reasoning (e.g. temporal reasoning, entailment, long-distance anaphoras, etc.) across multiple sentences to infer the answer to questions\nSeveral of the questions in DuoRC, while seeming relevant, cannot actually be answered from the given passage. This requires the model to detect the unanswerability of questions. This aspect is important for machines to achieve in industrial settings in particular", + "paper_name": "DuoRC: Towards Complex Language Understanding with Paraphrased Reading Comprehension", + "paper_abstract": "We propose DuoRC, a novel dataset for Reading Comprehension (RC) that\nmotivates several new challenges for neural approaches in language\nunderstanding beyond those offered by existing RC datasets. DuoRC contains\n186,089 unique question-answer pairs created from a collection of 7680 pairs of\nmovie plots where each pair in the collection reflects two versions of the same\nmovie - one from Wikipedia and the other from IMDb - written by two different\nauthors. We asked crowdsourced workers to create questions from one version of\nthe plot and a different set of workers to extract or synthesize answers from\nthe other version. This unique characteristic of DuoRC where questions and\nanswers are created from different versions of a document narrating the same\nunderlying story, ensures by design, that there is very little lexical overlap\nbetween the questions created from one version and the segments containing the\nanswer in the other version. Further, since the two versions have different\nlevels of plot detail, narration style, vocabulary, etc., answering questions\nfrom the second version requires deeper language understanding and\nincorporating external background knowledge. Additionally, the narrative style\nof passages arising from movie plots (as opposed to typical descriptive\npassages in existing datasets) exhibits the need to perform complex reasoning\nover events across multiple sentences. Indeed, we observe that state-of-the-art\nneural RC models which have achieved near human performance on the SQuAD\ndataset, even when coupled with traditional NLP techniques to address the\nchallenges presented in DuoRC exhibit very poor performance (F1 score of 37.42%\non DuoRC v/s 86% on SQuAD dataset). This opens up several interesting research\navenues wherein DuoRC could complement other RC datasets to explore novel\nneural approaches for studying language understanding." + }, + "quoref": { + "pwc_id": "quoref", + "dataset_name": "Quoref Dataset", + "dataset_abstract": "Quoref is a QA dataset which tests the coreferential reasoning capability of reading comprehension systems. In this span-selection benchmark containing 24K questions over 4.7K paragraphs from Wikipedia, a system must resolve hard coreferences before selecting the appropriate span(s) in the paragraphs for answering questions.", + "paper_name": "Quoref: A Reading Comprehension Dataset with Questions Requiring Coreferential Reasoning", + "paper_abstract": "Machine comprehension of texts longer than a single sentence often requires coreference resolution. However, most current reading comprehension benchmarks do not contain complex coreferential phenomena and hence fail to evaluate the ability of models to resolve coreference. We present a new crowdsourced dataset containing more than 24K span-selection questions that require resolving coreference among entities in over 4.7K English paragraphs from Wikipedia. Obtaining questions focused on such phenomena is challenging, because it is hard to avoid lexical cues that shortcut complex reasoning. We deal with this issue by using a strong baseline model as an adversary in the crowdsourcing loop, which helps crowdworkers avoid writing questions with exploitable surface cues. We show that state-of-the-art reading comprehension models perform significantly worse than humans on this benchmark---the best model performance is 70.5 F1, while the estimated human performance is 93.4 F1." + }, + "esnli": { + "pwc_id": "e-snli", + "dataset_name": "e-SNLI Dataset", + "dataset_abstract": "e-SNLI is used for various goals, such as obtaining full sentence justifications of a model's decisions, improving universal sentence representations and transferring to out-of-domain NLI datasets.", + "paper_name": "e-SNLI: Natural Language Inference with Natural Language Explanations", + "paper_abstract": "In order for machine learning to garner widespread public adoption, models\nmust be able to provide interpretable and robust explanations for their\ndecisions, as well as learn from human-provided explanations at train time. In\nthis work, we extend the Stanford Natural Language Inference dataset with an\nadditional layer of human-annotated natural language explanations of the\nentailment relations. We further implement models that incorporate these\nexplanations into their training process and output them at test time. We show\nhow our corpus of explanations, which we call e-SNLI, can be used for various\ngoals, such as obtaining full sentence justifications of a model's decisions,\nimproving universal sentence representations and transferring to out-of-domain\nNLI datasets. Our dataset thus opens up a range of research directions for\nusing natural language explanations, both for improving models and for\nasserting their trust." + }, + "hellaswag": { + "pwc_id": "hellaswag", + "dataset_name": "HellaSwag Dataset", + "dataset_abstract": "HellaSwag is a challenge dataset for evaluating commonsense NLI that is specially hard for state-of-the-art models, though its questions are trivial for humans (>95% accuracy).", + "paper_name": "HellaSwag: Can a Machine Really Finish Your Sentence?", + "paper_abstract": "Recent work by Zellers et al. (2018) introduced a new task of commonsense natural language inference: given an event description such as \"A woman sits at a piano,\" a machine must select the most likely followup: \"She sets her fingers on the keys.\" With the introduction of BERT, near human-level performance was reached. Does this mean that machines can perform human level commonsense inference? In this paper, we show that commonsense inference still proves difficult for even state-of-the-art models, by presenting HellaSwag, a new challenge dataset. Though its questions are trivial for humans (>95% accuracy), state-of-the-art models struggle (<48%). We achieve this via Adversarial Filtering (AF), a data collection paradigm wherein a series of discriminators iteratively select an adversarial set of machine-generated wrong answers. AF proves to be surprisingly robust. The key insight is to scale up the length and complexity of the dataset examples towards a critical 'Goldilocks' zone wherein generated text is ridiculous to humans, yet often misclassified by state-of-the-art models. Our construction of HellaSwag, and its resulting difficulty, sheds light on the inner workings of deep pretrained models. More broadly, it suggests a new path forward for NLP research, in which benchmarks co-evolve with the evolving state-of-the-art in an adversarial way, so as to present ever-harder challenges." + }, + "piqa": { + "pwc_id": "piqa", + "dataset_name": "PIQA Dataset", + "dataset_abstract": "PIQA is a dataset for commonsense reasoning, and was created to investigate the physical knowledge of existing models in NLP.", + "paper_name": "PIQA: Reasoning about Physical Commonsense in Natural Language", + "paper_abstract": "To apply eyeshadow without a brush, should I use a cotton swab or a toothpick? Questions requiring this kind of physical commonsense pose a challenge to today's natural language understanding systems. While recent pretrained models (such as BERT) have made progress on question answering over more abstract domains - such as news articles and encyclopedia entries, where text is plentiful - in more physical domains, text is inherently limited due to reporting bias. Can AI systems learn to reliably answer physical common-sense questions without experiencing the physical world? In this paper, we introduce the task of physical commonsense reasoning and a corresponding benchmark dataset Physical Interaction: Question Answering or PIQA. Though humans find the dataset easy (95% accuracy), large pretrained models struggle (77%). We provide analysis about the dimensions of knowledge that existing models lack, which offers significant opportunities for future research." + }, + "samsum": { + "pwc_id": "samsum-corpus", + "dataset_name": "SAMSum Corpus Dataset", + "dataset_abstract": "A new dataset with abstractive dialogue summaries.", + "paper_name": "SAMSum Corpus: A Human-annotated Dialogue Dataset for Abstractive Summarization", + "paper_abstract": "This paper introduces the SAMSum Corpus, a new dataset with abstractive dialogue summaries. We investigate the challenges it poses for automated summarization by testing several models and comparing their results with those obtained on a corpus of news articles. We show that model-generated summaries of dialogues achieve higher ROUGE scores than the model-generated summaries of news -- in contrast with human evaluators' judgement. This suggests that a challenging task of abstractive dialogue summarization requires dedicated models and non-standard quality measures. To our knowledge, our study is the first attempt to introduce a high-quality chat-dialogues corpus, manually annotated with abstractive summarizations, which can be used by the research community for further studies." + }, + "scan": { + "pwc_id": "scan", + "dataset_name": "SCAN Dataset", + "dataset_abstract": "SCAN is a dataset for grounded navigation which consists of a set of simple compositional navigation commands paired with the corresponding action sequences.", + "paper_name": "Generalization without systematicity: On the compositional skills of sequence-to-sequence recurrent networks", + "paper_abstract": "Humans can understand and produce new utterances effortlessly, thanks to\ntheir compositional skills. Once a person learns the meaning of a new verb\n\"dax,\" he or she can immediately understand the meaning of \"dax twice\" or \"sing\nand dax.\" In this paper, we introduce the SCAN domain, consisting of a set of\nsimple compositional navigation commands paired with the corresponding action\nsequences. We then test the zero-shot generalization capabilities of a variety\nof recurrent neural networks (RNNs) trained on SCAN with sequence-to-sequence\nmethods. We find that RNNs can make successful zero-shot generalizations when\nthe differences between training and test commands are small, so that they can\napply \"mix-and-match\" strategies to solve the task. However, when\ngeneralization requires systematic compositional skills (as in the \"dax\"\nexample above), RNNs fail spectacularly. We conclude with a proof-of-concept\nexperiment in neural machine translation, suggesting that lack of systematicity\nmight be partially responsible for neural networks' notorious training data\nthirst." + }, + "trivia_qa": { + "pwc_id": "triviaqa", + "dataset_name": "TriviaQA Dataset", + "dataset_abstract": "TriviaQA is a realistic text-based question answering dataset which includes 950K question-answer pairs from 662K documents collected from Wikipedia and the web. This dataset is more challenging than standard QA benchmark datasets such as Stanford Question Answering Dataset (SQuAD), as the answers for a question may not be directly obtained by span prediction and the context is very long. TriviaQA dataset consists of both human-verified and machine-generated QA subsets.", + "paper_name": "TriviaQA: A Large Scale Distantly Supervised Challenge Dataset for Reading Comprehension", + "paper_abstract": "We present TriviaQA, a challenging reading comprehension dataset containing\nover 650K question-answer-evidence triples. TriviaQA includes 95K\nquestion-answer pairs authored by trivia enthusiasts and independently gathered\nevidence documents, six per question on average, that provide high quality\ndistant supervision for answering the questions. We show that, in comparison to\nother recently introduced large-scale datasets, TriviaQA (1) has relatively\ncomplex, compositional questions, (2) has considerable syntactic and lexical\nvariability between questions and corresponding answer-evidence sentences, and\n(3) requires more cross sentence reasoning to find answers. We also present two\nbaseline algorithms: a feature-based classifier and a state-of-the-art neural\nnetwork, that performs well on SQuAD reading comprehension. Neither approach\ncomes close to human performance (23% and 40% vs. 80%), suggesting that\nTriviaQA is a challenging testbed that is worth significant future study. Data\nand code available at -- http://nlp.cs.washington.edu/triviaqa/" + }, + "wiki_bio": { + "pwc_id": "wikibio", + "dataset_name": "WikiBio Dataset", + "dataset_abstract": "Kishor Salvi WikiBio is a Actor Wikipedia \nBorn - 6 September 1996\nAge - 2021 (25)\nNationality - indian\nHometown - Mumbai \n Maharashtra India\nOccupation - Actor , dancer\n\nKishor Salvi full filmography Biography dataset wikiBio \nKishor Salvi as a child actor in marathi tv series Asambhav 2007.\nHe was acted Marathi film Ranjan 2017 directed by prakash Janardhan pawar in national film Award winer film .\nKishor Salvi as same hindi Telivsion show acted in 2012.", + "paper_name": "Neural Text Generation from Structured Data with Application to the Biography Domain", + "paper_abstract": "This paper introduces a neural model for concept-to-text generation that\nscales to large, rich domains. We experiment with a new dataset of biographies\nfrom Wikipedia that is an order of magnitude larger than existing resources\nwith over 700k samples. The dataset is also vastly more diverse with a 400k\nvocabulary, compared to a few hundred words for Weathergov or Robocup. Our\nmodel builds upon recent work on conditional neural language model for text\ngeneration. To deal with the large vocabulary, we extend these models to mix a\nfixed vocabulary with copy actions that transfer sample-specific words from the\ninput database to the generated output sentence. Our neural model significantly\nout-performs a classical Kneser-Ney language model adapted to this task by\nnearly 15 BLEU." + }, + "cos_e": { + "pwc_id": "cos-e", + "dataset_name": "CoS-E Dataset", + "dataset_abstract": "CoS-E consists of human explanations for commonsense reasoning in the form of natural language sequences and highlighted annotations", + "paper_name": "Explain Yourself! Leveraging Language Models for Commonsense Reasoning", + "paper_abstract": "Deep learning models perform poorly on tasks that require commonsense reasoning, which often necessitates some form of world-knowledge or reasoning over information not immediately present in the input. We collect human explanations for commonsense reasoning in the form of natural language sequences and highlighted annotations in a new dataset called Common Sense Explanations (CoS-E). We use CoS-E to train language models to automatically generate explanations that can be used during training and inference in a novel Commonsense Auto-Generated Explanation (CAGE) framework. CAGE improves the state-of-the-art by 10% on the challenging CommonsenseQA task. We further study commonsense reasoning in DNNs using both human and auto-generated explanations including transfer to out-of-domain tasks. Empirical results indicate that we can effectively leverage language models for commonsense reasoning." + }, + "universal_dependencies": { + "pwc_id": "universal-dependencies", + "dataset_name": "Universal Dependencies Dataset", + "dataset_abstract": "The Universal Dependencies (UD) project seeks to develop cross-linguistically consistent treebank annotation of morphology and syntax for multiple languages. The first version of the dataset was released in 2015 and consisted of 10 treebanks over 10 languages. Version 2.7 released in 2020 consists of 183 treebanks over 104 languages. The annotation consists of UPOS (universal part-of-speech tags), XPOS (language-specific part-of-speech tags), Feats (universal morphological features), Lemmas, dependency heads and universal dependency labels.", + "paper_name": "Universal Dependencies v1: A Multilingual Treebank Collection", + "paper_abstract": "Cross-linguistically consistent annotation is necessary for sound comparative evaluation and cross-lingual learning experiments. It is also useful for multilingual system development and comparative linguistic studies. Universal Dependencies is an open community effort to create cross-linguistically consistent treebank annotation for many languages within a dependency-based lexicalist framework. In this paper, we describe v1 of the universal guidelines, the underlying design principles, and the currently available treebanks for 33 languages." + }, + "quail": { + "pwc_id": "quail", + "dataset_name": "QuAIL Dataset", + "dataset_abstract": "A new kind of question-answering dataset that combines commonsense, text-based, and unanswerable questions, balanced for different genres and reasoning types. Reasoning type annotation for 9 types of reasoning: temporal, causality, factoid, coreference, character properties, their belief states, subsequent entity states, event durations, and unanswerable. Genres: CC license fiction, Voice of America news, blogs, user stories from Quora 800 texts, 18 questions for each (~14K questions).", + "paper_name": "", + "paper_abstract": "" + }, + "swag": { + "pwc_id": "swag", + "dataset_name": "SWAG Dataset", + "dataset_abstract": "Given a partial description like \"she opened the hood of the car,\" humans can reason about the situation and anticipate what might come next (\"then, she examined the engine\"). SWAG (Situations With Adversarial Generations) is a large-scale dataset for this task of grounded commonsense inference, unifying natural language inference and physically grounded reasoning.\n\nThe dataset consists of 113k multiple choice questions about grounded situations. Each question is a video caption from LSMDC or ActivityNet Captions, with four answer choices about what might happen next in the scene. The correct answer is the (real) video caption for the next event in the video; the three incorrect answers are adversarially generated and human verified, so as to fool machines but not humans. The authors aim for SWAG to be a benchmark for evaluating grounded commonsense NLI and for learning representations.", + "paper_name": "SWAG: A Large-Scale Adversarial Dataset for Grounded Commonsense Inference", + "paper_abstract": "Given a partial description like \"she opened the hood of the car,\" humans can\nreason about the situation and anticipate what might come next (\"then, she\nexamined the engine\"). In this paper, we introduce the task of grounded\ncommonsense inference, unifying natural language inference and commonsense\nreasoning.\n We present SWAG, a new dataset with 113k multiple choice questions about a\nrich spectrum of grounded situations. To address the recurring challenges of\nthe annotation artifacts and human biases found in many existing datasets, we\npropose Adversarial Filtering (AF), a novel procedure that constructs a\nde-biased dataset by iteratively training an ensemble of stylistic classifiers,\nand using them to filter the data. To account for the aggressive adversarial\nfiltering, we use state-of-the-art language models to massively oversample a\ndiverse set of potential counterfactuals. Empirical results demonstrate that\nwhile humans can solve the resulting inference problems with high accuracy\n(88%), various competitive models struggle on our task. We provide\ncomprehensive analysis that indicates significant opportunities for future\nresearch." + }, + "common_gen": { + "pwc_id": "commongen", + "dataset_name": "CommonGen Dataset", + "dataset_abstract": "CommonGen is constructed through a combination of crowdsourced and existing caption corpora, consists of 79k commonsense descriptions over 35k unique concept-sets.", + "paper_name": "CommonGen: A Constrained Text Generation Challenge for Generative Commonsense Reasoning", + "paper_abstract": "Recently, large-scale pre-trained language models have demonstrated impressive performance on several commonsense-reasoning benchmark datasets. However, building machines with commonsense to compose realistically plausible sentences remains challenging. In this paper, we present a constrained text generation task, CommonGen associated with a benchmark dataset, to explicitly test machines for the ability of generative commonsense reasoning. Given a set of common concepts (e.g., {dog, frisbee, catch, throw}); the task is to generate a coherent sentence describing an everyday scenario using these concepts (e.g., \"a man throws a frisbee and his dog catches it\"). The CommonGen task is challenging because it inherently requires 1) relational reasoning with background commonsense knowledge, and 2) compositional generalization ability to work on unseen concept combinations. Our dataset, constructed through a combination of crowdsourced and existing caption corpora, consists of 79k commonsense descriptions over 35k unique concept-sets. Experiments show that there is a large gap between state-of-the-art text generation models (e.g., T5) and human performance. Furthermore, we demonstrate that the learned generative commonsense reasoning capability can be transferred to improve downstream tasks such as CommonsenseQA by generating additional context." + }, + "hate_speech18": { + "pwc_id": "hate-speech", + "dataset_name": "Hate Speech Dataset", + "dataset_abstract": "Dataset of hate speech annotated on Internet forum posts in English at sentence-level. The source forum in Stormfront, a large online community of white nacionalists. A total of 10,568 sentence have been been extracted from Stormfront and classified as conveying hate speech or not.", + "paper_name": "Hate Speech Dataset from a White Supremacy Forum", + "paper_abstract": "Hate speech is commonly defined as any communication that disparages a target\ngroup of people based on some characteristic such as race, colour, ethnicity,\ngender, sexual orientation, nationality, religion, or other characteristic. Due\nto the massive rise of user-generated web content on social media, the amount\nof hate speech is also steadily increasing. Over the past years, interest in\nonline hate speech detection and, particularly, the automation of this task has\ncontinuously grown, along with the societal impact of the phenomenon. This\npaper describes a hate speech dataset composed of thousands of sentences\nmanually labelled as containing hate speech or not. The sentences have been\nextracted from Stormfront, a white supremacist forum. A custom annotation tool\nhas been developed to carry out the manual labelling task which, among other\nthings, allows the annotators to choose whether to read the context of a\nsentence before labelling it. The paper also provides a thoughtful qualitative\nand quantitative study of the resulting dataset and several baseline\nexperiments with different classification models. The dataset is publicly\navailable." + }, + "paws-x": { + "pwc_id": "paws-x", + "dataset_name": "PAWS-X Dataset", + "dataset_abstract": "PAWS-X contains 23,659 human translated PAWS evaluation pairs and 296,406 machine translated training pairs in six typologically distinct languages: French, Spanish, German, Chinese, Japanese, and Korean. All translated pairs are sourced from examples in PAWS-Wiki.", + "paper_name": "PAWS-X: A Cross-lingual Adversarial Dataset for Paraphrase Identification", + "paper_abstract": "Most existing work on adversarial data generation focuses on English. For example, PAWS (Paraphrase Adversaries from Word Scrambling) consists of challenging English paraphrase identification pairs from Wikipedia and Quora. We remedy this gap with PAWS-X, a new dataset of 23,659 human translated PAWS evaluation pairs in six typologically distinct languages: French, Spanish, German, Chinese, Japanese, and Korean. We provide baseline numbers for three models with different capacity to capture non-local context and sentence structure, and using different multilingual training and evaluation regimes. Multilingual BERT fine-tuned on PAWS English plus machine-translated data performs the best, with a range of 83.1-90.8 accuracy across the non-English languages and an average accuracy gain of 23% over the next best model. PAWS-X shows the effectiveness of deep, multilingual pre-training while also leaving considerable headroom as a new challenge to drive multilingual research that better captures structure and contextual information." + }, + "wiki_qa": { + "pwc_id": "wikiqa", + "dataset_name": "WikiQA Dataset", + "dataset_abstract": "The WikiQA corpus is a publicly available set of question and sentence pairs, collected and annotated for research on open-domain question answering. In order to reflect the true information need of general users, Bing query logs were used as the question source. Each question is linked to a Wikipedia page that potentially has the answer. Because the summary section of a Wikipedia page provides the basic and usually most important information about the topic, sentences in this section were used as the candidate answers. The corpus includes 3,047 questions and 29,258 sentences, where 1,473 sentences were labeled as answer sentences to their corresponding questions.", + "paper_name": "", + "paper_abstract": "" + }, + "xquad": { + "pwc_id": "xquad", + "dataset_name": "XQuAD Dataset", + "dataset_abstract": "XQuAD (Cross-lingual Question Answering Dataset) is a benchmark dataset for evaluating cross-lingual question answering performance. The dataset consists of a subset of 240 paragraphs and 1190 question-answer pairs from the development set of SQuAD v1.1 (Rajpurkar et al., 2016) together with their professional translations into ten languages: Spanish, German, Greek, Russian, Turkish, Arabic, Vietnamese, Thai, Chinese, and Hindi. Consequently, the dataset is entirely parallel across 11 languages.", + "paper_name": "On the Cross-lingual Transferability of Monolingual Representations", + "paper_abstract": "State-of-the-art unsupervised multilingual models (e.g., multilingual BERT) have been shown to generalize in a zero-shot cross-lingual setting. This generalization ability has been attributed to the use of a shared subword vocabulary and joint training across multiple languages giving rise to deep multilingual abstractions. We evaluate this hypothesis by designing an alternative approach that transfers a monolingual model to new languages at the lexical level. More concretely, we first train a transformer-based masked language model on one language, and transfer it to a new language by learning a new embedding matrix with the same masked language modeling objective, freezing parameters of all other layers. This approach does not rely on a shared vocabulary or joint training. However, we show that it is competitive with multilingual BERT on standard cross-lingual classification benchmarks and on a new Cross-lingual Question Answering Dataset (XQuAD). Our results contradict common beliefs of the basis of the generalization ability of multilingual models and suggest that deep monolingual models learn some abstractions that generalize across languages. We also release XQuAD as a more comprehensive cross-lingual benchmark, which comprises 240 paragraphs and 1190 question-answer pairs from SQuAD v1.1 translated into ten languages by professional translators." + }, + "hans": { + "pwc_id": "hans", + "dataset_name": "HANS Dataset", + "dataset_abstract": "The HANS (Heuristic Analysis for NLI Systems) dataset which contains many examples where the heuristics fail.", + "paper_name": "", + "paper_abstract": "" + }, + "dbpedia_14": { + "pwc_id": "dbpedia", + "dataset_name": "DBpedia Dataset", + "dataset_abstract": "DBpedia (from \"DB\" for \"database\") is a project aiming to extract structured content from the information created in the Wikipedia project. DBpedia allows users to semantically query relationships and properties of Wikipedia resources, including links to other related datasets.", + "paper_name": "", + "paper_abstract": "" + }, + "ropes": { + "pwc_id": "ropes", + "dataset_name": "ROPES Dataset", + "dataset_abstract": "ROPES is a QA dataset which tests a system's ability to apply knowledge from a passage of text to a new situation. A system is presented a background passage containing a causal or qualitative relation(s), a novel situation that uses this background, and questions that require reasoning about effects of the relationships in the back-ground passage in the context of the situation.", + "paper_name": "Reasoning Over Paragraph Effects in Situations", + "paper_abstract": "A key component of successfully reading a passage of text is the ability to apply knowledge gained from the passage to a new situation. In order to facilitate progress on this kind of reading, we present ROPES, a challenging benchmark for reading comprehension targeting Reasoning Over Paragraph Effects in Situations. We target expository language describing causes and effects (e.g., \"animal pollinators increase efficiency of fertilization in flowers\"), as they have clear implications for new situations. A system is presented a background passage containing at least one of these relations, a novel situation that uses this background, and questions that require reasoning about effects of the relationships in the background passage in the context of the situation. We collect background passages from science textbooks and Wikipedia that contain such phenomena, and ask crowd workers to author situations, questions, and answers, resulting in a 14,322 question dataset. We analyze the challenges of this task and evaluate the performance of state-of-the-art reading comprehension models. The best model performs only slightly better than randomly guessing an answer of the correct type, at 61.6% F1, well below the human performance of 89.0%." + }, + "go_emotions": { + "pwc_id": "goemotions", + "dataset_name": "GoEmotions Dataset", + "dataset_abstract": "GoEmotions is a corpus of 58k carefully curated comments extracted from Reddit, with human annotations to 27 emotion categories or Neutral.\n\n\nNumber of examples: 58,009.\nNumber of labels: 27 + Neutral.\nMaximum sequence length in training and evaluation datasets: 30.\n\nOn top of the raw data, the dataset also includes a version filtered based on reter-agreement, which contains a train/test/validation split:\n\n\nSize of training dataset: 43,410.\nSize of test dataset: 5,427.\nSize of validation dataset: 5,426.\n\nThe emotion categories are: admiration, amusement, anger, annoyance, approval, caring, confusion, curiosity, desire, disappointment, disapproval, disgust, embarrassment, excitement, fear, gratitude, grief, joy, love, nervousness, optimism, pride, realization, relief, remorse, sadness, surprise.", + "paper_name": "GoEmotions: A Dataset of Fine-Grained Emotions", + "paper_abstract": "Understanding emotion expressed in language has a wide range of applications, from building empathetic chatbots to detecting harmful online behavior. Advancement in this area can be improved using large-scale datasets with a fine-grained typology, adaptable to multiple downstream tasks. We introduce GoEmotions, the largest manually annotated dataset of 58k English Reddit comments, labeled for 27 emotion categories or Neutral. We demonstrate the high quality of the annotations via Principal Preserved Component Analysis. We conduct transfer learning experiments with existing emotion benchmarks to show that our dataset generalizes well to other domains and different emotion taxonomies. Our BERT-based model achieves an average F1-score of .46 across our proposed taxonomy, leaving much room for improvement." + }, + "commonsense_qa": { + "pwc_id": "commonsenseqa", + "dataset_name": "CommonsenseQA Dataset", + "dataset_abstract": "The CommonsenseQA is a dataset for commonsense question answering task. The dataset consists of 12,247 questions with 5 choices each.\nThe dataset was generated by Amazon Mechanical Turk workers in the following process (an example is provided in parentheses):\n\n\na crowd worker observes a source concept from ConceptNet (\u201cRiver\u201d) and three target concepts (\u201cWaterfall\u201d, \u201cBridge\u201d, \u201cValley\u201d) that are all related by the same ConceptNet relation (\u201cAtLocation\u201d),\nthe worker authors three questions, one per target concept, such that only that particular target concept is the answer, while the other two distractor concepts are not, (\u201cWhere on a river can you hold a cup upright to catch water on a sunny day?\u201d, \u201cWhere can I stand on a river to see water falling without getting wet?\u201d, \u201cI\u2019m crossing the river, my feet are wet but my body is dry, where am I?\u201d)\nfor each question, another worker chooses one additional distractor from Concept Net (\u201cpebble\u201d, \u201cstream\u201d, \u201cbank\u201d), and the author another distractor (\u201cmountain\u201d, \u201cbottom\u201d, \u201cisland\u201d) manually.", + "paper_name": "CommonsenseQA: A Question Answering Challenge Targeting Commonsense Knowledge", + "paper_abstract": "When answering a question, people often draw upon their rich world knowledge\nin addition to the particular context. Recent work has focused primarily on\nanswering questions given some relevant document or context, and required very\nlittle general background. To investigate question answering with prior\nknowledge, we present CommonsenseQA: a challenging new dataset for commonsense\nquestion answering. To capture common sense beyond associations, we extract\nfrom ConceptNet (Speer et al., 2017) multiple target concepts that have the\nsame semantic relation to a single source concept. Crowd-workers are asked to\nauthor multiple-choice questions that mention the source concept and\ndiscriminate in turn between each of the target concepts. This encourages\nworkers to create questions with complex semantics that often require prior\nknowledge. We create 12,247 questions through this procedure and demonstrate\nthe difficulty of our task with a large number of strong baselines. Our best\nbaseline is based on BERT-large (Devlin et al., 2018) and obtains 56% accuracy,\nwell below human performance, which is 89%." + }, + "xcopa": { + "pwc_id": "xcopa", + "dataset_name": "XCOPA Dataset", + "dataset_abstract": "The Cross-lingual Choice of Plausible Alternatives (XCOPA) dataset is a benchmark to evaluate the ability of machine learning models to transfer commonsense reasoning across languages. The dataset is the translation and reannotation of the English COPA (Roemmele et al. 2011) and covers 11 languages from 11 families and several areas around the globe. The dataset is challenging as it requires both the command of world knowledge and the ability to generalise to new languages.", + "paper_name": "XCOPA: A Multilingual Dataset for Causal Commonsense Reasoning", + "paper_abstract": "In order to simulate human language capacity, natural language processing systems must be able to reason about the dynamics of everyday situations, including their possible causes and effects. Moreover, they should be able to generalise the acquired world knowledge to new languages, modulo cultural differences. Advances in machine reasoning and cross-lingual transfer depend on the availability of challenging evaluation benchmarks. Motivated by both demands, we introduce Cross-lingual Choice of Plausible Alternatives (XCOPA), a typologically diverse multilingual dataset for causal commonsense reasoning in 11 languages, which includes resource-poor languages like Eastern Apur\\'imac Quechua and Haitian Creole. We evaluate a range of state-of-the-art models on this novel dataset, revealing that the performance of current methods based on multilingual pretraining and zero-shot fine-tuning falls short compared to translation-based transfer. Finally, we propose strategies to adapt multilingual models to out-of-sample resource-lean languages where only a small corpus or a bilingual dictionary is available, and report substantial improvements over the random baseline. The XCOPA dataset is freely available at github.com/cambridgeltl/xcopa." + }, + "dream": { + "pwc_id": "dream", + "dataset_name": "DREAM Dataset", + "dataset_abstract": "DREAM is a multiple-choice Dialogue-based REAding comprehension exaMination dataset. In contrast to existing reading comprehension datasets, DREAM is the first to focus on in-depth multi-turn multi-party dialogue understanding.\n\nDREAM contains 10,197 multiple choice questions for 6,444 dialogues, collected from English-as-a-foreign-language examinations designed by human experts. DREAM is likely to present significant challenges for existing reading comprehension systems: 84% of answers are non-extractive, 85% of questions require reasoning beyond a single sentence, and 34% of questions also involve commonsense knowledge.", + "paper_name": "DREAM: A Challenge Data Set and Models for Dialogue-Based Reading Comprehension", + "paper_abstract": "We present DREAM, the first dialogue-based multiple-choice reading comprehension data set. Collected from English as a Foreign Language examinations designed by human experts to evaluate the comprehension level of Chinese learners of English, our data set contains 10,197 multiple-choice questions for 6,444 dialogues. In contrast to existing reading comprehension data sets, DREAM is the first to focus on in-depth multi-turn multi-party dialogue understanding. DREAM is likely to present significant challenges for existing reading comprehension systems: 84{\\%} of answers are non-extractive, 85{\\%} of questions require reasoning beyond a single sentence, and 34{\\%} of questions also involve commonsense knowledge. We apply several popular neural reading comprehension models that primarily exploit surface information within the text and find them to, at best, just barely outperform a rule-based approach. We next investigate the effects of incorporating dialogue structure and different kinds of general world knowledge into both rule-based and (neural and non-neural) machine learning-based reading comprehension models. Experimental results on the DREAM data set show the effectiveness of dialogue structure and general world knowledge. DREAM is available at https://dataset.org/dream/." + }, + "quartz": { + "pwc_id": "quartz", + "dataset_name": "QuaRTz Dataset", + "dataset_abstract": "QuaRTz is a crowdsourced dataset of 3864 multiple-choice questions about open domain qualitative relationships. Each question is paired with one of 405 different background sentences (sometimes short paragraphs).\n\nThe QuaRTz dataset V1 contains 3864 questions about open domain qualitative relationships. Each question is paired with one of 405 different background sentences (sometimes short paragraphs).\n\nThe dataset is split into train (2696), dev (384) and test (784). A background sentence will only appear in a single split.\n\nEach line in a dataset file is a question specified as a json object, e.g., (with extra whitespace for readability).", + "paper_name": "QuaRTz: An Open-Domain Dataset of Qualitative Relationship Questions", + "paper_abstract": "We introduce the first open-domain dataset, called QuaRTz, for reasoning about textual qualitative relationships. QuaRTz contains general qualitative statements, e.g., \"A sunscreen with a higher SPF protects the skin longer.\", twinned with 3864 crowdsourced situated questions, e.g., \"Billy is wearing sunscreen with a lower SPF than Lucy. Who will be best protected from the sun?\", plus annotations of the properties being compared. Unlike previous datasets, the general knowledge is textual and not tied to a fixed set of relationships, and tests a system's ability to comprehend and apply textual qualitative knowledge in a novel setting. We find state-of-the-art results are substantially (20%) below human performance, presenting an open challenge to the NLP community." + }, + "bookcorpus": { + "pwc_id": "bookcorpus", + "dataset_name": "BookCorpus Dataset", + "dataset_abstract": "BookCorpus is a large collection of free novel books written by unpublished authors, which contains 11,038 books (around 74M sentences and 1G words) of 16 different sub-genres (e.g., Romance, Historical, Adventure, etc.).", + "paper_name": "Aligning Books and Movies: Towards Story-like Visual Explanations by Watching Movies and Reading Books", + "paper_abstract": "Books are a rich source of both fine-grained information, how a character, an\nobject or a scene looks like, as well as high-level semantics, what someone is\nthinking, feeling and how these states evolve through a story. This paper aims\nto align books to their movie releases in order to provide rich descriptive\nexplanations for visual content that go semantically far beyond the captions\navailable in current datasets. To align movies and books we exploit a neural\nsentence embedding that is trained in an unsupervised way from a large corpus\nof books, as well as a video-text neural embedding for computing similarities\nbetween movie clips and sentences in the book. We propose a context-aware CNN\nto combine information from multiple sources. We demonstrate good quantitative\nperformance for movie/book alignment and show several qualitative examples that\nshowcase the diversity of tasks our model can be used for." + }, + "openbookqa": { + "pwc_id": "openbookqa", + "dataset_name": "OpenBookQA Dataset", + "dataset_abstract": "OpenBookQA is a new kind of question-answering dataset modeled after open book exams for assessing human understanding of a subject. It consists of 5,957 multiple-choice elementary-level science questions (4,957 train, 500 dev, 500 test), which probe the understanding of a small \u201cbook\u201d of 1,326 core science facts and the application of these facts to novel situations. For training, the dataset includes a mapping from each question to the core science fact it was designed to probe. Answering OpenBookQA questions requires additional broad common knowledge, not contained in the book. The questions, by design, are answered incorrectly by both a retrieval-based algorithm and a word co-occurrence algorithm.\nAdditionally, the dataset includes a collection of 5,167 crowd-sourced common knowledge facts, and an expanded version of the train/dev/test questions where each question is associated with its originating core fact, a human accuracy score, a clarity score, and an anonymized crowd-worker ID.", + "paper_name": "Can a Suit of Armor Conduct Electricity? A New Dataset for Open Book Question Answering", + "paper_abstract": "We present a new kind of question answering dataset, OpenBookQA, modeled\nafter open book exams for assessing human understanding of a subject. The open\nbook that comes with our questions is a set of 1329 elementary level science\nfacts. Roughly 6000 questions probe an understanding of these facts and their\napplication to novel situations. This requires combining an open book fact\n(e.g., metals conduct electricity) with broad common knowledge (e.g., a suit of\narmor is made of metal) obtained from other sources. While existing QA datasets\nover documents or knowledge bases, being generally self-contained, focus on\nlinguistic understanding, OpenBookQA probes a deeper understanding of both the\ntopic---in the context of common knowledge---and the language it is expressed\nin. Human performance on OpenBookQA is close to 92%, but many state-of-the-art\npre-trained QA methods perform surprisingly poorly, worse than several simple\nneural baselines we develop. Our oracle experiments designed to circumvent the\nknowledge retrieval bottleneck demonstrate the value of both the open book and\nadditional facts. We leave it as a challenge to solve the retrieval problem in\nthis multi-hop setting and to close the large gap to human performance." + }, + "qasc": { + "pwc_id": "qasc", + "dataset_name": "QASC Dataset", + "dataset_abstract": "QASC is a question-answering dataset with a focus on sentence composition. It consists of 9,980 8-way multiple-choice questions about grade school science (8,134 train, 926 dev, 920 test), and comes with a corpus of 17M sentences.", + "paper_name": "QASC: A Dataset for Question Answering via Sentence Composition", + "paper_abstract": "Composing knowledge from multiple pieces of texts is a key challenge in multi-hop question answering. We present a multi-hop reasoning dataset, Question Answering via Sentence Composition(QASC), that requires retrieving facts from a large corpus and composing them to answer a multiple-choice question. QASC is the first dataset to offer two desirable properties: (a) the facts to be composed are annotated in a large corpus, and (b) the decomposition into these facts is not evident from the question itself. The latter makes retrieval challenging as the system must introduce new concepts or relations in order to discover potential decompositions. Further, the reasoning model must then learn to identify valid compositions of these retrieved facts using common-sense reasoning. To help address these challenges, we provide annotation for supporting facts as well as their composition. Guided by these annotations, we present a two-step approach to mitigate the retrieval challenges. We use other multiple-choice datasets as additional training data to strengthen the reasoning model. Our proposed approach improves over current state-of-the-art language models by 11% (absolute). The reasoning and retrieval problems, however, remain unsolved as this model still lags by 20% behind human performance." + }, + "social_i_qa": { + "pwc_id": "social-iqa", + "dataset_name": "Social IQA Dataset", + "dataset_abstract": "Social Interaction QA, a new question-answering benchmark for testing social commonsense intelligence. Contrary to many prior benchmarks that focus on physical or taxonomic knowledge, Social IQa focuses on reasoning about people\u2019s actions and their social implications. For example, given an action like \"Jesse saw a concert\" and a question like \"Why did Jesse do this?\", humans can easily infer that Jesse wanted \"to see their favorite performer\" or \"to enjoy the music\", and not \"to see what's happening inside\" or \"to see if it works\". The actions in Social IQa span a wide variety of social situations, and answer candidates contain both human-curated answers and adversarially-filtered machine-generated candidates. Social IQa contains over 37,000 QA pairs for evaluating models\u2019 abilities to reason about the social implications of everyday events and situations.", + "paper_name": "Social IQa: Commonsense Reasoning about Social Interactions", + "paper_abstract": "We introduce Social IQa, the first large-scale benchmark for commonsense reasoning about social situations. Social IQa contains 38,000 multiple choice questions for probing emotional and social intelligence in a variety of everyday situations (e.g., Q: {``}Jordan wanted to tell Tracy a secret, so Jordan leaned towards Tracy. Why did Jordan do this?{''} A: {``}Make sure no one else could hear{''}). Through crowdsourcing, we collect commonsense questions along with correct and incorrect answers about social interactions, using a new framework that mitigates stylistic artifacts in incorrect answers by asking workers to provide the right answer to a different but related question. Empirical results show that our benchmark is challenging for existing question-answering models based on pretrained language models, compared to human performance ({\\textgreater}20{\\%} gap). Notably, we further establish Social IQa as a resource for transfer learning of commonsense knowledge, achieving state-of-the-art performance on multiple commonsense reasoning tasks (Winograd Schemas, COPA)." + }, + "multi_news": { + "pwc_id": "multi-news", + "dataset_name": "Multi-News Dataset", + "dataset_abstract": "Multi-News, consists of news articles and human-written summaries of these articles from the site newser.com. Each summary is professionally written by editors and includes links to the original articles cited.", + "paper_name": "Multi-News: a Large-Scale Multi-Document Summarization Dataset and Abstractive Hierarchical Model", + "paper_abstract": "Automatic generation of summaries from multiple news articles is a valuable tool as the number of online publications grows rapidly. Single document summarization (SDS) systems have benefited from advances in neural encoder-decoder model thanks to the availability of large datasets. However, multi-document summarization (MDS) of news articles has been limited to datasets of a couple of hundred examples. In this paper, we introduce Multi-News, the first large-scale MDS news dataset. Additionally, we propose an end-to-end model which incorporates a traditional extractive summarization model with a standard SDS model and achieves competitive results on MDS datasets. We benchmark several methods on Multi-News and release our data and code in hope that this work will promote advances in summarization in the multi-document setting." + }, + "wiki_hop": { + "pwc_id": "wikihop", + "dataset_name": "WikiHop Dataset", + "dataset_abstract": "WikiHop is a multi-hop question-answering dataset. The query of WikiHop is constructed with entities and relations from WikiData, while supporting documents are from WikiReading. A bipartite graph connecting entities and documents is first built and the answer for each query is located by traversal on this graph. Candidates that are type-consistent with the answer and share the same relation in query with the answer are included, resulting in a set of candidates. Thus, WikiHop is a multi-choice style reading comprehension data set. There are totally about 43K samples in training set, 5K samples in development set and 2.5K samples in test set. The test set is not provided. The task is to predict the correct answer given a query and multiple supporting documents.\n\nThe dataset includes a masked variant, where all candidates and their mentions in the supporting documents are replaced by random but consistent placeholder tokens.", + "paper_name": "Constructing Datasets for Multi-hop Reading Comprehension Across Documents", + "paper_abstract": "Most Reading Comprehension methods limit themselves to queries which can be\nanswered using a single sentence, paragraph, or document. Enabling models to\ncombine disjoint pieces of textual evidence would extend the scope of machine\ncomprehension methods, but currently there exist no resources to train and test\nthis capability. We propose a novel task to encourage the development of models\nfor text understanding across multiple documents and to investigate the limits\nof existing methods. In our task, a model learns to seek and combine evidence -\neffectively performing multi-hop (alias multi-step) inference. We devise a\nmethodology to produce datasets for this task, given a collection of\nquery-answer pairs and thematically linked documents. Two datasets from\ndifferent domains are induced, and we identify potential pitfalls and devise\ncircumvention strategies. We evaluate two previously proposed competitive\nmodels and find that one can integrate information across documents. However,\nboth models struggle to select relevant information, as providing documents\nguaranteed to be relevant greatly improves their performance. While the models\noutperform several strong baselines, their best accuracy reaches 42.9% compared\nto human performance at 74.0% - leaving ample room for improvement." + }, + "wiqa": { + "pwc_id": "wiqa", + "dataset_name": "WIQA Dataset", + "dataset_abstract": "The WIQA dataset V1 has 39705 questions containing a perturbation and a possible effect in the context of a paragraph. The dataset is split into 29808 train questions, 6894 dev questions and 3003 test questions.", + "paper_name": "WIQA: A dataset for \"What if...\" reasoning over procedural text", + "paper_abstract": "We introduce WIQA, the first large-scale dataset of \"What if...\" questions over procedural text. WIQA contains three parts: a collection of paragraphs each describing a process, e.g., beach erosion; a set of crowdsourced influence graphs for each paragraph, describing how one change affects another; and a large (40k) collection of \"What if...?\" multiple-choice questions derived from the graphs. For example, given a paragraph about beach erosion, would stormy weather result in more or less erosion (or have no effect)? The task is to answer the questions, given their associated paragraph. WIQA contains three kinds of questions: perturbations to steps mentioned in the paragraph; external (out-of-paragraph) perturbations requiring commonsense knowledge; and irrelevant (no effect) perturbations. We find that state-of-the-art models achieve 73.8% accuracy, well below the human performance of 96.3%. We analyze the challenges, in particular tracking chains of influences, and present the dataset as an open challenge to the community." + }, + "xquad_r": { + "pwc_id": "xquad-r", + "dataset_name": "LAReQA Dataset", + "dataset_abstract": "A challenging new benchmark for language-agnostic answer retrieval from a multilingual candidate pool.", + "paper_name": "LAReQA: Language-agnostic answer retrieval from a multilingual pool", + "paper_abstract": "We present LAReQA, a challenging new benchmark for language-agnostic answer retrieval from a multilingual candidate pool. Unlike previous cross-lingual tasks, LAReQA tests for \"strong\" cross-lingual alignment, requiring semantically related cross-language pairs to be closer in representation space than unrelated same-language pairs. Building on multilingual BERT (mBERT), we study different strategies for achieving strong alignment. We find that augmenting training data via machine translation is effective, and improves significantly over using mBERT out-of-the-box. Interestingly, the embedding baseline that performs the best on LAReQA falls short of competing baselines on zero-shot variants of our task that only target \"weak\" alignment. This finding underscores our claim that languageagnostic retrieval is a substantively new kind of cross-lingual evaluation." + }, + "opus100": { + "pwc_id": "opus-100", + "dataset_name": "OPUS-100 Dataset", + "dataset_abstract": "A novel multilingual dataset with 100 languages.", + "paper_name": "Improving Massively Multilingual Neural Machine Translation and Zero-Shot Translation", + "paper_abstract": "Massively multilingual models for neural machine translation (NMT) are theoretically attractive, but often underperform bilingual models and deliver poor zero-shot translations. In this paper, we explore ways to improve them. We argue that multilingual NMT requires stronger modeling capacity to support language pairs with varying typological characteristics, and overcome this bottleneck via language-specific components and deepening NMT architectures. We identify the off-target translation issue (i.e. translating into a wrong target language) as the major source of the inferior zero-shot performance, and propose random online backtranslation to enforce the translation of unseen training language pairs. Experiments on OPUS-100 (a novel multilingual dataset with 100 languages) show that our approach substantially narrows the performance gap with bilingual models in both one-to-many and many-to-many settings, and improves zero-shot performance by ~10 BLEU, approaching conventional pivot-based methods." + }, + "tydiqa": { + "pwc_id": "tydi-qa", + "dataset_name": "TyDi QA Dataset", + "dataset_abstract": "TyDi QA is a question answering dataset covering 11 typologically diverse languages with 200K question-answer pairs. The languages of TyDi QA are diverse with regard to their typology \u2014 the set of linguistic features that each language expresses \u2014 such that the authors expect models performing well on this set to generalize across a large number of the languages in the world.", + "paper_name": "TyDi QA: A Benchmark for Information-Seeking Question Answering in Typologically Diverse Languages", + "paper_abstract": "Confidently making progress on multilingual modeling requires challenging, trustworthy evaluations. We present TyDi QA---a question answering dataset covering 11 typologically diverse languages with 204K question-answer pairs. The languages of TyDi QA are diverse with regard to their typology---the set of linguistic features each language expresses---such that we expect models performing well on this set to generalize across a large number of the world's languages. We present a quantitative analysis of the data quality and example-level qualitative linguistic analyses of observed language phenomena that would not be found in English-only corpora. To provide a realistic information-seeking task and avoid priming effects, questions are written by people who want to know the answer, but don't know the answer yet, and the data is collected directly in each language without the use of translation." + }, + "codah": { + "pwc_id": "codah", + "dataset_name": "CODAH Dataset", + "dataset_abstract": "The COmmonsense Dataset Adversarially-authored by Humans (CODAH) is an evaluation set for commonsense question-answering in the sentence completion style of SWAG. As opposed to other automatically generated NLI datasets, CODAH is adversarially constructed by humans who can view feedback from a pre-trained model and use this information to design challenging commonsense questions. It contains 2801 questions in total, and uses 5-fold cross validation for evaluation.", + "paper_name": "CODAH: An Adversarially-Authored Question Answering Dataset for Common Sense", + "paper_abstract": "Commonsense reasoning is a critical AI capability, but it is difficult to construct challenging datasets that test common sense. Recent neural question answering systems, based on large pre-trained models of language, have already achieved near-human-level performance on commonsense knowledge benchmarks. These systems do not possess human-level common sense, but are able to exploit limitations of the datasets to achieve human-level scores. We introduce the CODAH dataset, an adversarially-constructed evaluation dataset for testing common sense. CODAH forms a challenging extension to the recently-proposed SWAG dataset, which tests commonsense knowledge using sentence-completion questions that describe situations observed in video. To produce a more difficult dataset, we introduce a novel procedure for question acquisition in which workers author questions designed to target weaknesses of state-of-the-art neural question answering systems. Workers are rewarded for submissions that models fail to answer correctly both before and after fine-tuning (in cross-validation). We create 2.8k questions via this procedure and evaluate the performance of multiple state-of-the-art question answering systems on our dataset. We observe a significant gap between human performance, which is 95.3{\\%}, and the performance of the best baseline accuracy of 65.3{\\%} by the OpenAI GPT model." + }, + "head_qa": { + "pwc_id": "headqa", + "dataset_name": "HeadQA Dataset", + "dataset_abstract": "HeadQA is a multi-choice question answering testbed to encourage research on complex reasoning. The questions come from exams to access a specialized position in the Spanish healthcare system, and are challenging even for highly specialized humans.", + "paper_name": "HEAD-QA: A Healthcare Dataset for Complex Reasoning", + "paper_abstract": "We present HEAD-QA, a multi-choice question answering testbed to encourage research on complex reasoning. The questions come from exams to access a specialized position in the Spanish healthcare system, and are challenging even for highly specialized humans. We then consider monolingual (Spanish) and cross-lingual (to English) experiments with information retrieval and neural techniques. We show that: (i) HEAD-QA challenges current methods, and (ii) the results lag well behind human performance, demonstrating its usefulness as a benchmark for future work." + }, + "subjqa": { + "pwc_id": "subjqa", + "dataset_name": "SubjQA Dataset", + "dataset_abstract": "SubjQA is a question answering dataset that focuses on subjective (as opposed to factual) questions and answers. The dataset consists of roughly 10,000 questions over reviews from 6 different domains: books, movies, grocery, electronics, TripAdvisor (i.e. hotels), and restaurants. Each question is paired with a review and a span is highlighted as the answer to the question (with some questions having no answer). Moreover, both questions and answer spans are assigned a subjectivity label by annotators. Questions such as \"How much does this product weigh?\" is a factual question (i.e., low subjectivity), while \"Is this easy to use?\" is a subjective question (i.e., high subjectivity).", + "paper_name": "SubjQA: A Dataset for Subjectivity and Review Comprehension", + "paper_abstract": "Subjectivity is the expression of internal opinions or beliefs which cannot be objectively observed or verified, and has been shown to be important for sentiment analysis and word-sense disambiguation. Furthermore, subjectivity is an important aspect of user-generated data. In spite of this, subjectivity has not been investigated in contexts where such data is widespread, such as in question answering (QA). We therefore investigate the relationship between subjectivity and QA, while developing a new dataset. We compare and contrast with analyses from previous work, and verify that findings regarding subjectivity still hold when using recently developed NLP architectures. We find that subjectivity is also an important feature in the case of QA, albeit with more intricate interactions between subjectivity and QA performance. For instance, a subjective question may or may not be associated with a subjective answer. We release an English QA dataset (SubjQA) based on customer reviews, containing subjectivity annotations for questions and answer spans across 6 distinct domains." + }, + "mc4": { + "pwc_id": "mc4", + "dataset_name": "mC4 Dataset", + "dataset_abstract": "mC4 is a multilingual variant of the C4 dataset called mC4. mC4 comprises natural text in 101 languages drawn from the public Common Crawl web scrape.", + "paper_name": "mT5: A massively multilingual pre-trained text-to-text transformer", + "paper_abstract": "The recent \"Text-to-Text Transfer Transformer\" (T5) leveraged a unified text-to-text format and scale to attain state-of-the-art results on a wide variety of English-language NLP tasks. In this paper, we introduce mT5, a multilingual variant of T5 that was pre-trained on a new Common Crawl-based dataset covering 101 languages. We detail the design and modified training of mT5 and demonstrate its state-of-the-art performance on many multilingual benchmarks. We also describe a simple technique to prevent \"accidental translation\" in the zero-shot setting, where a generative model chooses to (partially) translate its prediction into the wrong language. All of the code and model checkpoints used in this work are publicly available." + }, + "web_questions": { + "pwc_id": "webquestions", + "dataset_name": "WebQuestions Dataset", + "dataset_abstract": "The WebQuestions dataset is a question answering dataset using Freebase as the knowledge base and contains 6,642 question-answer pairs. It was created by crawling questions through the Google Suggest API, and then obtaining answers using Amazon Mechanical Turk. The original split uses 3,778 examples for training and 2,032 for testing. All answers are defined as Freebase entities.\n\nExample questions (answers) in the dataset include \u201cWhere did Edgar Allan Poe died?\u201d (baltimore) or \u201cWhat degrees did Barack Obama get?\u201d (bachelor_of_arts, juris_doctor).", + "paper_name": "", + "paper_abstract": "" + }, + "pubmed_qa": { + "pwc_id": "pubmedqa", + "dataset_name": "PubMedQA Dataset", + "dataset_abstract": "The task of PubMedQA is to answer research questions with yes/no/maybe (e.g.: Do preoperative statins reduce atrial fibrillation after coronary artery bypass grafting?) using the corresponding abstracts.\n\nPubMedQA has 1k expert labeled, 61.2k unlabeled and 211.3k artificially generated QA instances.", + "paper_name": "PubMedQA: A Dataset for Biomedical Research Question Answering", + "paper_abstract": "We introduce PubMedQA, a novel biomedical question answering (QA) dataset collected from PubMed abstracts. The task of PubMedQA is to answer research questions with yes/no/maybe (e.g.: Do preoperative statins reduce atrial fibrillation after coronary artery bypass grafting?) using the corresponding abstracts. PubMedQA has 1k expert-annotated, 61.2k unlabeled and 211.3k artificially generated QA instances. Each PubMedQA instance is composed of (1) a question which is either an existing research article title or derived from one, (2) a context which is the corresponding abstract without its conclusion, (3) a long answer, which is the conclusion of the abstract and, presumably, answers the research question, and (4) a yes/no/maybe answer which summarizes the conclusion. PubMedQA is the first QA dataset where reasoning over biomedical research texts, especially their quantitative contents, is required to answer the questions. Our best performing model, multi-phase fine-tuning of BioBERT with long answer bag-of-word statistics as additional supervision, achieves 68.1% accuracy, compared to single human performance of 78.0% accuracy and majority-baseline of 55.2% accuracy, leaving much room for improvement. PubMedQA is publicly available at https://pubmedqa.github.io." + }, + "sciq": { + "pwc_id": "sciq", + "dataset_name": "SciQ Dataset", + "dataset_abstract": "The SciQ dataset contains 13,679 crowdsourced science exam questions about Physics, Chemistry and Biology, among others. The questions are in multiple-choice format with 4 answer options each. For the majority of the questions, an additional paragraph with supporting evidence for the correct answer is provided.", + "paper_name": "Crowdsourcing Multiple Choice Science Questions", + "paper_abstract": "We present a novel method for obtaining high-quality, domain-targeted\nmultiple choice questions from crowd workers. Generating these questions can be\ndifficult without trading away originality, relevance or diversity in the\nanswer options. Our method addresses these problems by leveraging a large\ncorpus of domain-specific text and a small set of existing questions. It\nproduces model suggestions for document selection and answer distractor choice\nwhich aid the human question generation process. With this method we have\nassembled SciQ, a dataset of 13.7K multiple choice science exam questions\n(Dataset available at http://allenai.org/data.html). We demonstrate that the\nmethod produces in-domain questions by providing an analysis of this new\ndataset and by showing that humans cannot distinguish the crowdsourced\nquestions from original questions. When using SciQ as additional training data\nto existing questions, we observe accuracy improvements on real science exams." + }, + "multi_nli": { + "pwc_id": "multinli", + "dataset_name": "MultiNLI Dataset", + "dataset_abstract": "The Multi-Genre Natural Language Inference (MultiNLI) dataset has 433K sentence pairs. Its size and mode of collection are modeled closely like SNLI. MultiNLI offers ten distinct genres (Face-to-face, Telephone, 9/11, Travel, Letters, Oxford University Press, Slate, Verbatim, Goverment and Fiction) of written and spoken English data. There are matched dev/test sets which are derived from the same sources as those in the training set, and mismatched sets which do not closely resemble any seen at training time.", + "paper_name": "A Broad-Coverage Challenge Corpus for Sentence Understanding through Inference", + "paper_abstract": "This paper introduces the Multi-Genre Natural Language Inference (MultiNLI)\ncorpus, a dataset designed for use in the development and evaluation of machine\nlearning models for sentence understanding. In addition to being one of the\nlargest corpora available for the task of NLI, at 433k examples, this corpus\nimproves upon available resources in its coverage: it offers data from ten\ndistinct genres of written and spoken English--making it possible to evaluate\nsystems on nearly the full complexity of the language--and it offers an\nexplicit setting for the evaluation of cross-genre domain adaptation." + }, + "quarel": { + "pwc_id": "quarel", + "dataset_name": "QuaRel Dataset", + "dataset_abstract": "QuaRel is a crowdsourced dataset of 2771 multiple-choice story questions, including their logical forms.", + "paper_name": "QuaRel: A Dataset and Models for Answering Questions about Qualitative Relationships", + "paper_abstract": "Many natural language questions require recognizing and reasoning with\nqualitative relationships (e.g., in science, economics, and medicine), but are\nchallenging to answer with corpus-based methods. Qualitative modeling provides\ntools that support such reasoning, but the semantic parsing task of mapping\nquestions into those models has formidable challenges. We present QuaRel, a\ndataset of diverse story questions involving qualitative relationships that\ncharacterize these challenges, and techniques that begin to address them. The\ndataset has 2771 questions relating 19 different types of quantities. For\nexample, \"Jenny observes that the robot vacuum cleaner moves slower on the\nliving room carpet than on the bedroom carpet. Which carpet has more friction?\"\nWe contribute (1) a simple and flexible conceptual framework for representing\nthese kinds of questions; (2) the QuaRel dataset, including logical forms,\nexemplifying the parsing challenges; and (3) two novel models for this task,\nbuilt as extensions of type-constrained semantic parsing. The first of these\nmodels (called QuaSP+) significantly outperforms off-the-shelf tools on QuaRel.\nThe second (QuaSP+Zero) demonstrates zero-shot capability, i.e., the ability to\nhandle new qualitative relationships without requiring additional training\ndata, something not possible with previous models. This work thus makes inroads\ninto answering complex, qualitative questions that require reasoning, and\nscaling to new relationships at low cost. The dataset and models are available\nat http://data.allenai.org/quarel." + }, + "lama": { + "pwc_id": "lama", + "dataset_name": "LAMA Dataset", + "dataset_abstract": "LAnguage Model Analysis (LAMA) consists of a set of knowledge sources, each comprised of a set of facts. LAMA is a probe for analyzing the factual and commonsense knowledge contained in pretrained language models.", + "paper_name": "Language Models as Knowledge Bases?", + "paper_abstract": "Recent progress in pretraining language models on large textual corpora led to a surge of improvements for downstream NLP tasks. Whilst learning linguistic knowledge, these models may also be storing relational knowledge present in the training data, and may be able to answer queries structured as \"fill-in-the-blank\" cloze statements. Language models have many advantages over structured knowledge bases: they require no schema engineering, allow practitioners to query about an open class of relations, are easy to extend to more data, and require no human supervision to train. We present an in-depth analysis of the relational knowledge already present (without fine-tuning) in a wide range of state-of-the-art pretrained language models. We find that (i) without fine-tuning, BERT contains relational knowledge competitive with traditional NLP methods that have some access to oracle knowledge, (ii) BERT also does remarkably well on open-domain question answering against a supervised baseline, and (iii) certain types of factual knowledge are learned much more readily than others by standard language model pretraining approaches. The surprisingly strong ability of these models to recall factual knowledge without any fine-tuning demonstrates their potential as unsupervised open-domain QA systems. The code to reproduce our analysis is available at https://github.com/facebookresearch/LAMA." + }, + "babi_qa": { + "pwc_id": "babi-1", + "dataset_name": "bAbI Dataset", + "dataset_abstract": "The bAbI dataset is a textual QA benchmark composed of 20 different tasks. Each task is designed to test a different reasoning skill, such as deduction, induction, and coreference resolution. Some of the tasks need relational reasoning, for instance, to compare the size of different entities. Each sample is composed of a question, an answer, and a set of facts. There are two versions of the dataset, referring to different dataset sizes: bAbI-1k and bAbI-10k. The bAbI-10k version of the dataset consists of 10,000 training samples per task.", + "paper_name": "Towards AI-Complete Question Answering: A Set of Prerequisite Toy Tasks", + "paper_abstract": "One long-term goal of machine learning research is to produce methods that\nare applicable to reasoning and natural language, in particular building an\nintelligent dialogue agent. To measure progress towards that goal, we argue for\nthe usefulness of a set of proxy tasks that evaluate reading comprehension via\nquestion answering. Our tasks measure understanding in several ways: whether a\nsystem is able to answer questions via chaining facts, simple induction,\ndeduction and many more. The tasks are designed to be prerequisites for any\nsystem that aims to be capable of conversing with a human. We believe many\nexisting learning systems can currently not solve them, and hence our aim is to\nclassify these tasks into skill sets, so that researchers can identify (and\nthen rectify) the failings of their systems. We also extend and improve the\nrecently introduced Memory Networks model, and show it is able to solve some,\nbut not all, of the tasks." + }, + "scitail": { + "pwc_id": "scitail", + "dataset_name": "SciTail Dataset", + "dataset_abstract": "The SciTail dataset is an entailment dataset created from multiple-choice science exams and web sentences. Each question and the correct answer choice are converted into an assertive statement to form the hypothesis. We use information retrieval to obtain relevant text from a large text corpus of web sentences, and use these sentences as a premise P. We crowdsource the annotation of such premise-hypothesis pair as supports (entails) or not (neutral), in order to create the SciTail dataset. The dataset contains 27,026 examples with 10,101 examples with entails label and 16,925 examples with neutral label.", + "paper_name": "", + "paper_abstract": "" + }, + "math_qa": { + "pwc_id": "mathqa", + "dataset_name": "MathQA Dataset", + "dataset_abstract": "MathQA significantly enhances the AQuA dataset with fully-specified operational programs.", + "paper_name": "MathQA: Towards Interpretable Math Word Problem Solving with Operation-Based Formalisms", + "paper_abstract": "We introduce a large-scale dataset of math word problems and an interpretable neural math problem solver that learns to map problems to operation programs. Due to annotation challenges, current datasets in this domain have been either relatively small in scale or did not offer precise operational annotations over diverse problem types. We introduce a new representation language to model precise operation programs corresponding to each math problem that aim to improve both the performance and the interpretability of the learned models. Using this representation language, our new dataset, MathQA, significantly enhances the AQuA dataset with fully-specified operational programs. We additionally introduce a neural sequence-to-program model enhanced with automatic problem categorization. Our experiments show improvements over competitive baselines in our MathQA as well as the AQuA dataset. The results are still significantly lower than human performance indicating that the dataset poses new challenges for future research. Our dataset is available at: https://math-qa.github.io/math-QA/" + }, + "mc_taco": { + "pwc_id": "mc-taco", + "dataset_name": "MC-TACO Dataset", + "dataset_abstract": "MC-TACO is a dataset of 13k question-answer pairs that require temporal commonsense comprehension. The dataset contains five temporal properties, (1) duration (how long an event takes), (2) temporal ordering (typical order of events), (3) typical time (when an event occurs), (4) frequency (how often an event occurs), and (5) stationarity (whether a state is maintained for a very long time or indefinitely).", + "paper_name": "\"Going on a vacation\" takes longer than \"Going for a walk\": A Study of Temporal Commonsense Understanding", + "paper_abstract": "Understanding time is crucial for understanding events expressed in natural language. Because people rarely say the obvious, it is often necessary to have commonsense knowledge about various temporal aspects of events, such as duration, frequency, and temporal order. However, this important problem has so far received limited attention. This paper systematically studies this temporal commonsense problem. Specifically, we define five classes of temporal commonsense, and use crowdsourcing to develop a new dataset, MCTACO, that serves as a test set for this task. We find that the best current methods used on MCTACO are still far behind human performance, by about 20%, and discuss several directions for improvement. We hope that the new dataset and our study here can foster more future research on this topic." + }, + "squadshifts": { + "pwc_id": "squad-shifts", + "dataset_name": "SQuAD-shifts Dataset", + "dataset_abstract": "Provides four new test sets for the Stanford Question Answering Dataset (SQuAD) and evaluate the ability of question-answering systems to generalize to new data.", + "paper_name": "The Effect of Natural Distribution Shift on Question Answering Models", + "paper_abstract": "We build four new test sets for the Stanford Question Answering Dataset (SQuAD) and evaluate the ability of question-answering systems to generalize to new data. Our first test set is from the original Wikipedia domain and measures the extent to which existing systems overfit the original test set. Despite several years of heavy test set re-use, we find no evidence of adaptive overfitting. The remaining three test sets are constructed from New York Times articles, Reddit posts, and Amazon product reviews and measure robustness to natural distribution shifts. Across a broad range of models, we observe average performance drops of 3.8, 14.0, and 17.4 F1 points, respectively. In contrast, a strong human baseline matches or exceeds the performance of SQuAD models on the original domain and exhibits little to no drop in new domains. Taken together, our results confirm the surprising resilience of the holdout method and emphasize the need to move towards evaluation metrics that incorporate robustness to natural distribution shifts." + }, + "cbt": { + "pwc_id": "cbt", + "dataset_name": "CBT Dataset", + "dataset_abstract": "Children\u2019s Book Test (CBT) is designed to measure directly how well language models can exploit wider linguistic context. The CBT is built from books that are freely available thanks to Project Gutenberg.", + "paper_name": "The Goldilocks Principle: Reading Children's Books with Explicit Memory Representations", + "paper_abstract": "We introduce a new test of how well language models capture meaning in\nchildren's books. Unlike standard language modelling benchmarks, it\ndistinguishes the task of predicting syntactic function words from that of\npredicting lower-frequency words, which carry greater semantic content. We\ncompare a range of state-of-the-art models, each with a different way of\nencoding what has been previously read. We show that models which store\nexplicit representations of long-term contexts outperform state-of-the-art\nneural language models at predicting semantic content words, although this\nadvantage is not observed for syntactic function words. Interestingly, we find\nthat the amount of text encoded in a single memory representation is highly\ninfluential to the performance: there is a sweet-spot, not too big and not too\nsmall, between single words and full sentences that allows the most meaningful\ninformation in a text to be effectively retained and recalled. Further, the\nattention over such window-based memories can be trained effectively through\nself-supervision. We then assess the generality of this principle by applying\nit to the CNN QA benchmark, which involves identifying named entities in\nparaphrased summaries of news articles, and achieve state-of-the-art\nperformance." + }, + "sms_spam": { + "pwc_id": "sms-spam-collection-data-set", + "dataset_name": "SMS Spam Collection Data Set Dataset", + "dataset_abstract": "This corpus has been collected from free or free for research sources at the Internet:\n\n\nA collection of 425 SMS spam messages was manually extracted from the Grumbletext Web site. This is a UK forum in which cell phone users make public claims about SMS spam messages, most of them without reporting the very spam message received. The identification of the text of spam messages in the claims is a very hard and time-consuming task, and it involved carefully scanning hundreds of web pages.\nA subset of 3,375 SMS randomly chosen ham messages of the NUS SMS Corpus (NSC), which is a dataset of about 10,000 legitimate messages collected for research at the Department of Computer Science at the National University of Singapore. The messages largely originate from Singaporeans and mostly from students attending the University. These messages were collected from volunteers who were made aware that their contributions were going to be made publicly available.\nA list of 450 SMS ham messages collected from Caroline Tag's PhD Thesis.\nthe SMS Spam Corpus v.0.1 Big. It has 1,002 SMS ham messages and 322 spam messages.", + "paper_name": "", + "paper_abstract": "" + }, + "winograd_wsc": { + "pwc_id": "wsc", + "dataset_name": "WSC Dataset", + "dataset_abstract": "The Winograd Schema Challenge was introduced both as an alternative to the Turing Test and as a test of a system\u2019s ability to do commonsense reasoning. A Winograd schema is a pair of sentences differing in one or two words with a highly ambiguous pronoun, resolved differently in the two sentences, that appears to require commonsense knowledge to be resolved correctly. The examples were designed to be easily solvable by humans but difficult for machines, in principle requiring a deep understanding of the content of the text and the situation it describes.\n\nThe original Winograd Schema Challenge dataset consisted of 100 Winograd schemas constructed manually by AI experts. As of 2020 there are 285 examples available; however, the last 12 examples were only added recently. To ensure consistency with earlier models, several authors often prefer to report the performance on the first 273 examples only. These datasets are usually referred to as WSC285 and WSC273, respectively.", + "paper_name": "", + "paper_abstract": "" + }, + "acronym_identification": { + "pwc_id": "acronym-identification", + "dataset_name": "Acronym Identification Dataset", + "dataset_abstract": "Is an acronym disambiguation (AD) dataset for scientific domain with 62,441 samples which is significantly larger than the previous scientific AD dataset.", + "paper_name": "What Does This Acronym Mean? Introducing a New Dataset for Acronym Identification and Disambiguation", + "paper_abstract": "Acronyms are the short forms of phrases that facilitate conveying lengthy sentences in documents and serve as one of the mainstays of writing. Due to their importance, identifying acronyms and corresponding phrases (i.e., acronym identification (AI)) and finding the correct meaning of each acronym (i.e., acronym disambiguation (AD)) are crucial for text understanding. Despite the recent progress on this task, there are some limitations in the existing datasets which hinder further improvement. More specifically, limited size of manually annotated AI datasets or noises in the automatically created acronym identification datasets obstruct designing advanced high-performing acronym identification models. Moreover, the existing datasets are mostly limited to the medical domain and ignore other domains. In order to address these two limitations, we first create a manually annotated large AI dataset for scientific domain. This dataset contains 17,506 sentences which is substantially larger than previous scientific AI datasets. Next, we prepare an AD dataset for scientific domain with 62,441 samples which is significantly larger than the previous scientific AD dataset. Our experiments show that the existing state-of-the-art models fall far behind human-level performance on both datasets proposed by this work. In addition, we propose a new deep learning model that utilizes the syntactical structure of the sentence to expand an ambiguous acronym in a sentence. The proposed model outperforms the state-of-the-art models on the new AD dataset, providing a strong baseline for future research on this dataset." + }, + "wmt14": { + "pwc_id": "wmt-2014", + "dataset_name": "WMT 2014 Dataset", + "dataset_abstract": "WMT 2014 is a collection of datasets used in shared tasks of the Ninth Workshop on Statistical Machine Translation. The workshop featured four tasks:\n\n\na news translation task,\na quality estimation task,\na metrics task,\na medical text translation task.", + "paper_name": "", + "paper_abstract": "" + }, + "ncbi_disease": { + "pwc_id": "ncbi-disease-1", + "dataset_name": "NCBI Disease Dataset", + "dataset_abstract": "The NCBI Disease corpus consists of 793 PubMed abstracts, which are separated into training (593), development (100) and test (100) subsets. The NCBI Disease corpus is annotated with disease mentions, using concept identifiers from either MeSH or OMIM.", + "paper_name": "", + "paper_abstract": "" + }, + "hate_speech_offensive": { + "pwc_id": "hate-speech-and-offensive-language", + "dataset_name": "Hate Speech and Offensive Language Dataset", + "dataset_abstract": "HSOL is a dataset for hate speech detection. The authors begun with a hate speech lexicon containing words and\nphrases identified by internet users as hate speech, compiled by Hatebase.org. Using the Twitter API they searched\nfor tweets containing terms from the lexicon, resulting in a sample of tweets from 33,458 Twitter users. They extracted\nthe time-line for each user, resulting in a set of 85.4 million tweets. From this corpus they took a random sample of 25k tweets containing terms from the lexicon and had them manually coded by CrowdFlower (CF) workers. Workers were asked to label each tweet as one of three categories: hate speech, offensive but not hate speech, or neither offensive nor hate speech.", + "paper_name": "Automated Hate Speech Detection and the Problem of Offensive Language", + "paper_abstract": "A key challenge for automatic hate-speech detection on social media is the\nseparation of hate speech from other instances of offensive language. Lexical\ndetection methods tend to have low precision because they classify all messages\ncontaining particular terms as hate speech and previous work using supervised\nlearning has failed to distinguish between the two categories. We used a\ncrowd-sourced hate speech lexicon to collect tweets containing hate speech\nkeywords. We use crowd-sourcing to label a sample of these tweets into three\ncategories: those containing hate speech, only offensive language, and those\nwith neither. We train a multi-class classifier to distinguish between these\ndifferent categories. Close analysis of the predictions and the errors shows\nwhen we can reliably separate hate speech from other offensive language and\nwhen this differentiation is more difficult. We find that racist and homophobic\ntweets are more likely to be classified as hate speech but that sexist tweets\nare generally classified as offensive. Tweets without explicit hate keywords\nare also more difficult to classify." + }, + "boolq": { + "pwc_id": "boolq", + "dataset_name": "BoolQ Dataset", + "dataset_abstract": "BoolQ is a question answering dataset for yes/no questions containing 15942 examples. These questions are naturally occurring \u2013 they are generated in unprompted and unconstrained settings.\nEach example is a triplet of (question, passage, answer), with the title of the page as optional additional context.\n\nQuestions are gathered from anonymized, aggregated queries to the Google search engine. Queries that are likely to be yes/no questions are heuristically identified and questions are only kept if a Wikipedia page is returned as one of the first five results, in which case the question and Wikipedia page are given to a human annotator for further processing. Annotators label question/article pairs in a three-step process. First, they decide if the question is good, meaning it is comprehensible, unambiguous, and requesting factual information. This judgment is made before the annotator sees the Wikipedia page. Next, for good questions, annotators find a passage within the document that contains enough information to answer the question. Annotators can mark questions as \u201cnot answerable\u201d if the Wikipedia article does not contain the requested information. Finally, annotators mark whether the question\u2019s answer is \u201cyes\u201d or \u201cno\u201d. Only questions that were marked as having a yes/no answer are used, and each question is paired with the selected passage instead of the entire document.", + "paper_name": "BoolQ: Exploring the Surprising Difficulty of Natural Yes/No Questions", + "paper_abstract": "In this paper we study yes/no questions that are naturally occurring --- meaning that they are generated in unprompted and unconstrained settings. We build a reading comprehension dataset, BoolQ, of such questions, and show that they are unexpectedly challenging. They often query for complex, non-factoid information, and require difficult entailment-like inference to solve. We also explore the effectiveness of a range of transfer learning baselines. We find that transferring from entailment data is more effective than transferring from paraphrase or extractive QA data, and that it, surprisingly, continues to be very beneficial even when starting from massive pre-trained language models such as BERT. Our best method trains BERT on MultiNLI and then re-trains it on our train set. It achieves 80.4% accuracy compared to 90% accuracy of human annotators (and 62% majority-baseline), leaving a significant gap for future work." + }, + "billsum": { + "pwc_id": "billsum", + "dataset_name": "BillSum Dataset", + "dataset_abstract": "BillSum is the first dataset for summarization of US Congressional and California state bills.\n\nThe BillSum dataset consists of three parts: US training bills, US test bills and California test bills. The US bills were collected from the Govinfo service provided by the United States Government Publishing Office (GPO). The corpus consists of bills from the 103rd-115th (1993-2018) sessions of Congress. The data was split into 18,949 train bills and 3,269 test bills. For California, bills from the 2015-2016 session were scraped directly from the legislature\u2019s website; the summaries were written by their Legislative Counsel.\n\nThe BillSum corpus focuses on mid-length legislation from 5,000 to 20,000 character in length. The authors chose to measure the text length in characters, instead of words or sentences, because the texts have complex structure that makes it difficult to consistently measure words. The range was chosen because on one side, short bills introduce minor changes and do not require summaries. While the CRS produces summaries for them, they often contain most of the text of the bill. On the\nother side, very long legislation is often composed of several large sections.", + "paper_name": "BillSum: A Corpus for Automatic Summarization of US Legislation", + "paper_abstract": "Automatic summarization methods have been studied on a variety of domains, including news and scientific articles. Yet, legislation has not previously been considered for this task, despite US Congress and state governments releasing tens of thousands of bills every year. In this paper, we introduce BillSum, the first dataset for summarization of US Congressional and California state bills (https://github.com/FiscalNote/BillSum). We explain the properties of the dataset that make it more challenging to process than other domains. Then, we benchmark extractive methods that consider neural sentence representations and traditional contextual features. Finally, we demonstrate that models built on Congressional bills can be used to summarize California bills, thus, showing that methods developed on this dataset can transfer to states without human-written summaries." + }, + "mdd": { + "pwc_id": "mdd", + "dataset_name": "MDD Dataset", + "dataset_abstract": "Movie Dialog dataset (MDD) is designed to measure how well models can perform at goal and non-goal orientated dialog centered around the topic of movies (question answering, recommendation and discussion).", + "paper_name": "Evaluating Prerequisite Qualities for Learning End-to-End Dialog Systems", + "paper_abstract": "A long-term goal of machine learning is to build intelligent conversational\nagents. One recent popular approach is to train end-to-end models on a large\namount of real dialog transcripts between humans (Sordoni et al., 2015; Vinyals\n& Le, 2015; Shang et al., 2015). However, this approach leaves many questions\nunanswered as an understanding of the precise successes and shortcomings of\neach model is hard to assess. A contrasting recent proposal are the bAbI tasks\n(Weston et al., 2015b) which are synthetic data that measure the ability of\nlearning machines at various reasoning tasks over toy language. Unfortunately,\nthose tests are very small and hence may encourage methods that do not scale.\nIn this work, we propose a suite of new tasks of a much larger scale that\nattempt to bridge the gap between the two regimes. Choosing the domain of\nmovies, we provide tasks that test the ability of models to answer factual\nquestions (utilizing OMDB), provide personalization (utilizing MovieLens),\ncarry short conversations about the two, and finally to perform on natural\ndialogs from Reddit. We provide a dataset covering 75k movie entities and with\n3.5M training examples. We present results of various models on these tasks,\nand evaluate their performance." + }, + "coqa": { + "pwc_id": "coqa", + "dataset_name": "CoQA Dataset", + "dataset_abstract": "CoQA is a large-scale dataset for building Conversational Question Answering systems. The goal of the CoQA challenge is to measure the ability of machines to understand a text passage and answer a series of interconnected questions that appear in a conversation.\n\nCoQA contains 127,000+ questions with answers collected from 8000+ conversations. Each conversation is collected by pairing two crowdworkers to chat about a passage in the form of questions and answers. The unique features of CoQA include 1) the questions are conversational; 2) the answers can be free-form text; 3) each answer also comes with an evidence subsequence highlighted in the passage; and 4) the passages are collected from seven diverse domains. CoQA has a lot of challenging phenomena not present in existing reading comprehension datasets, e.g., coreference and pragmatic reasoning.", + "paper_name": "CoQA: A Conversational Question Answering Challenge", + "paper_abstract": "Humans gather information by engaging in conversations involving a series of\ninterconnected questions and answers. For machines to assist in information\ngathering, it is therefore essential to enable them to answer conversational\nquestions. We introduce CoQA, a novel dataset for building Conversational\nQuestion Answering systems. Our dataset contains 127k questions with answers,\nobtained from 8k conversations about text passages from seven diverse domains.\nThe questions are conversational, and the answers are free-form text with their\ncorresponding evidence highlighted in the passage. We analyze CoQA in depth and\nshow that conversational questions have challenging phenomena not present in\nexisting reading comprehension datasets, e.g., coreference and pragmatic\nreasoning. We evaluate strong conversational and reading comprehension models\non CoQA. The best system obtains an F1 score of 65.4%, which is 23.4 points\nbehind human performance (88.8%), indicating there is ample room for\nimprovement. We launch CoQA as a challenge to the community at\nhttp://stanfordnlp.github.io/coqa/" + }, + "hotpot_qa": { + "pwc_id": "hotpotqa", + "dataset_name": "HotpotQA Dataset", + "dataset_abstract": "HotpotQA is a question answering dataset collected on the English Wikipedia, containing about 113K crowd-sourced questions that are constructed to require the introduction paragraphs of two Wikipedia articles to answer. Each question in the dataset comes with the two gold paragraphs, as well as a list of sentences in these paragraphs that crowdworkers identify as supporting facts necessary to answer the question. \n\nA diverse range of reasoning strategies are featured in HotpotQA, including questions involving missing entities in the question, intersection questions (What satisfies property A and property B?), and comparison questions, where two entities are compared by a common attribute, among others. In the few-document distractor setting, the QA models are given ten paragraphs in which the gold paragraphs are guaranteed to be found; in the open-domain fullwiki setting, the models are only given the question and the entire Wikipedia. Models are evaluated on their answer accuracy and explainability, where the former is measured as overlap between the predicted and gold answers with exact match (EM) and unigram F1, and the latter concerns how well the predicted supporting fact sentences match human annotation (Supporting Fact EM/F1). A joint metric is also reported on this dataset, which encourages systems to perform well on both tasks simultaneously.", + "paper_name": "HotpotQA: A Dataset for Diverse, Explainable Multi-hop Question Answering", + "paper_abstract": "Existing question answering (QA) datasets fail to train QA systems to perform\ncomplex reasoning and provide explanations for answers. We introduce HotpotQA,\na new dataset with 113k Wikipedia-based question-answer pairs with four key\nfeatures: (1) the questions require finding and reasoning over multiple\nsupporting documents to answer; (2) the questions are diverse and not\nconstrained to any pre-existing knowledge bases or knowledge schemas; (3) we\nprovide sentence-level supporting facts required for reasoning, allowing QA\nsystems to reason with strong supervision and explain the predictions; (4) we\noffer a new type of factoid comparison questions to test QA systems' ability to\nextract relevant facts and perform necessary comparison. We show that HotpotQA\nis challenging for the latest QA systems, and the supporting facts enable\nmodels to improve performance and make explainable predictions." + }, + "cc_news": { + "pwc_id": "cc-news", + "dataset_name": "CC-News Dataset", + "dataset_abstract": "CommonCrawl News is a dataset containing news articles from news sites all over the world. The dataset is available in form of Web ARChive (WARC) files that are released on a daily basis.", + "paper_name": "", + "paper_abstract": "" + }, + "biosses": { + "pwc_id": "biosses", + "dataset_name": "BIOSSES Dataset", + "dataset_abstract": "The BIOSSES data set comprises total 100 sentence pairs all of which were selected from the \"TAC2 Biomedical Summarization Track Training Data Set\" .\n\nThe sentence pairs were evaluated by five different human experts that judged their similarity and gave scores in a range [0-4]. Our guideline was prepared based on SemEval 2012 Task 6 Guideline.", + "paper_name": "BIOSSES: A Semantic Sentence Similarity Estimation System for the Biomedical Domain", + "paper_abstract": "Motivation: The amount of information available in textual format is rapidly increasing in the biomedical domain. Therefore, natural language processing (NLP) applications are becoming increasingly important to facilitate the retrieval and analysis of these data. Computing the semantic similarity between sentences is an important component in many NLP tasks including text retrieval and summarization. A number of approaches have been proposed for semantic sentence similarity estimation for generic English. However, our experiments showed that such approaches do not effectively cover biomedical knowledge and produce poor results for biomedical text.\r\n\r\nMethods: We propose several approaches for sentence-level semantic similarity computation in the biomedical domain, including string similarity measures and measures based on the distributed vector representations of sentences learned in an unsupervised manner from a large biomedical corpus. In addition, ontology-based approaches are presented that utilize general and domain-specific ontologies. Finally, a supervised regression based model is developed that effectively combines the different similarity computation metrics. A benchmark data set consisting of 100 sentence pairs from the biomedical literature is manually annotated by five human experts and used for evaluating the proposed methods.\r\n\r\nResults: The experiments showed that the supervised semantic sentence similarity computation approach obtained the best performance (0.836 correlation with gold standard human annotations) and improved over the state-of-the-art domain-independent systems up to 42.6% in terms of the Pearson correlation metric." + }, + "crows_pairs": { + "pwc_id": "crows-pairs", + "dataset_name": "CrowS-Pairs Dataset", + "dataset_abstract": "CrowS-Pairs has 1508 examples that cover stereotypes dealing with nine types of bias, like race, religion, and age. In CrowS-Pairs a model is presented with two sentences: one that is more stereotyping and another that is less stereotyping. The data focuses on stereotypes about historically disadvantaged groups and contrasts them with advantaged groups.", + "paper_name": "CrowS-Pairs: A Challenge Dataset for Measuring Social Biases in Masked Language Models", + "paper_abstract": "Pretrained language models, especially masked language models (MLMs) have seen success across many NLP tasks. However, there is ample evidence that they use the cultural biases that are undoubtedly present in the corpora they are trained on, implicitly creating harm with biased representations. To measure some forms of social bias in language models against protected demographic groups in the US, we introduce the Crowdsourced Stereotype Pairs benchmark (CrowS-Pairs). CrowS-Pairs has 1508 examples that cover stereotypes dealing with nine types of bias, like race, religion, and age. In CrowS-Pairs a model is presented with two sentences: one that is more stereotyping and another that is less stereotyping. The data focuses on stereotypes about historically disadvantaged groups and contrasts them with advantaged groups. We find that all three of the widely-used MLMs we evaluate substantially favor sentences that express stereotypes in every category in CrowS-Pairs. As work on building less biased models advances, this dataset can be used as a benchmark to evaluate progress." + }, + "sem_eval_2010_task_8": { + "pwc_id": "semeval-2010-task-8", + "dataset_name": "SemEval-2010 Task 8 Dataset", + "dataset_abstract": "The dataset for the SemEval-2010 Task 8 is a dataset for multi-way classification of mutually exclusive semantic relations between pairs of nominals.", + "paper_name": "SemEval-2010 Task 8: Multi-Way Classification of Semantic Relations Between Pairs of Nominals", + "paper_abstract": "In response to the continuing research interest in computational semantic analysis, we have proposed a new task for SemEval-2010: multi-way classification of mutually exclusive semantic relations between pairs of nominals. The task is designed to compare different approaches to the problem and to provide a standard testbed for future research. In this paper, we define the task, describe the creation of the datasets, and discuss the results of the participating 28 systems submitted by 10 teams." + }, + "wnut_17": { + "pwc_id": "wnut-2017-emerging-and-rare-entity", + "dataset_name": "WNUT 2017 Dataset", + "dataset_abstract": "This shared task focuses on identifying unusual, previously-unseen entities in the context of emerging discussions. Named entities form the basis of many modern approaches to other tasks (like event clustering and summarisation), but recall on them is a real problem in noisy text - even among annotators. This drop tends to be due to novel entities and surface forms. Take for example the tweet \u201cso.. kktny in 30 mins?\u201d - even human experts find entity kktny hard to detect and resolve. This task will evaluate the ability to detect and classify novel, emerging, singleton named entities in noisy text.\n\nThe goal of this task is to provide a definition of emerging and of rare entities, and based on that, also datasets for detecting these entities.", + "paper_name": "Results of the WNUT2017 Shared Task on Novel and Emerging Entity Recognition", + "paper_abstract": "This shared task focuses on identifying unusual, previously-unseen entities in the context of emerging discussions. Named entities form the basis of many modern approaches to other tasks (like event clustering and summarization), but recall on them is a real problem in noisy text - even among annotators. This drop tends to be due to novel entities and surface forms. Take for example the tweet {``}so.. kktny in 30 mins?!{''} {--} even human experts find the entity {`}kktny{'} hard to detect and resolve. The goal of this task is to provide a definition of emerging and of rare entities, and based on that, also datasets for detecting these entities. The task as described in this paper evaluated the ability of participating entries to detect and classify novel and emerging named entities in noisy text." + }, + "narrativeqa": { + "pwc_id": "narrativeqa", + "dataset_name": "NarrativeQA Dataset", + "dataset_abstract": "The NarrativeQA dataset includes a list of documents with Wikipedia summaries, links to full stories, and questions and answers.", + "paper_name": "The NarrativeQA Reading Comprehension Challenge", + "paper_abstract": "Reading comprehension (RC)---in contrast to information retrieval---requires\nintegrating information and reasoning about events, entities, and their\nrelations across a full document. Question answering is conventionally used to\nassess RC ability, in both artificial agents and children learning to read.\nHowever, existing RC datasets and tasks are dominated by questions that can be\nsolved by selecting answers using superficial information (e.g., local context\nsimilarity or global term frequency); they thus fail to test for the essential\nintegrative aspect of RC. To encourage progress on deeper comprehension of\nlanguage, we present a new dataset and set of tasks in which the reader must\nanswer questions about stories by reading entire books or movie scripts. These\ntasks are designed so that successfully answering their questions requires\nunderstanding the underlying narrative rather than relying on shallow pattern\nmatching or salience. We show that although humans solve the tasks easily,\nstandard RC models struggle on the tasks presented here. We provide an analysis\nof the dataset and the challenges it presents." + }, + "discovery": { + "pwc_id": "discovery", + "dataset_name": "Discovery Dataset Dataset", + "dataset_abstract": "The Discovery datasets consists of adjacent sentence pairs (s1,s2) with a discourse marker (y) that occurred at the beginning of s2. They were extracted from the depcc web corpus.\n\nMarkers prediction can be used in order to train a sentence encoders. Discourse markers can be considered as noisy labels for various semantic tasks, such as entailment (y=therefore), subjectivity analysis (y=personally) or sentiment analysis (y=sadly), similarity (y=similarly), typicality, (y=curiously) ...\n\nThe specificity of this dataset is the diversity of the markers, since previously used data used only ~10 imbalanced classes. The author of the dataset provide:\n\n\na list of the 174 discourse markers\na Base version of the dataset with 1.74 million pairs (10k examples per marker)\na Big version with 3.4 million pairs\na Hard version with 1.74 million pairs where the connective couldn't be predicted with a fastText linear model", + "paper_name": "Mining Discourse Markers for Unsupervised Sentence Representation Learning", + "paper_abstract": "Current state of the art systems in NLP heavily rely on manually annotated\ndatasets, which are expensive to construct. Very little work adequately\nexploits unannotated data -- such as discourse markers between sentences --\nmainly because of data sparseness and ineffective extraction methods. In the\npresent work, we propose a method to automatically discover sentence pairs with\nrelevant discourse markers, and apply it to massive amounts of data. Our\nresulting dataset contains 174 discourse markers with at least 10k examples\neach, even for rare markers such as coincidentally or amazingly We use the\nresulting data as supervision for learning transferable sentence embeddings. In\naddition, we show that even though sentence representation learning through\nprediction of discourse markers yields state of the art results across\ndifferent transfer tasks, it is not clear that our models made use of the\nsemantic relation between sentences, thus leaving room for further\nimprovements. Our datasets are publicly available\n(https://github.com/synapse-developpement/Discovery)" + }, + "lambada": { + "pwc_id": "lambada", + "dataset_name": "LAMBADA Dataset", + "dataset_abstract": "The LAMBADA (LAnguage Modeling Broadened to Account for Discourse Aspects) benchmark is an open-ended cloze task which consists of about 10,000 passages from BooksCorpus where a missing target word is predicted in the last sentence of each passage. The missing word is constrained to always be the last word of the last sentence and there are no candidate words to choose from. Examples were filtered by humans to ensure they were possible to guess given the context, i.e., the sentences in the passage leading up to the last sentence. Examples were further filtered to ensure that missing words could not be guessed without the context, ensuring that models attempting the dataset would need to reason over the entire paragraph to answer questions.", + "paper_name": "The LAMBADA dataset: Word prediction requiring a broad discourse context", + "paper_abstract": "We introduce LAMBADA, a dataset to evaluate the capabilities of computational\nmodels for text understanding by means of a word prediction task. LAMBADA is a\ncollection of narrative passages sharing the characteristic that human subjects\nare able to guess their last word if they are exposed to the whole passage, but\nnot if they only see the last sentence preceding the target word. To succeed on\nLAMBADA, computational models cannot simply rely on local context, but must be\nable to keep track of information in the broader discourse. We show that\nLAMBADA exemplifies a wide range of linguistic phenomena, and that none of\nseveral state-of-the-art language models reaches accuracy above 1% on this\nnovel benchmark. We thus propose LAMBADA as a challenging test set, meant to\nencourage the development of new models capable of genuine understanding of\nbroad context in natural language text." + }, + "selqa": { + "pwc_id": "selqa", + "dataset_name": "SelQA Dataset", + "dataset_abstract": "SelQA is a dataset that consists of questions generated through crowdsourcing and sentence length answers that are drawn from the ten most prevalent topics in the English Wikipedia.", + "paper_name": "SelQA: A New Benchmark for Selection-based Question Answering", + "paper_abstract": "This paper presents a new selection-based question answering dataset, SelQA.\nThe dataset consists of questions generated through crowdsourcing and sentence\nlength answers that are drawn from the ten most prevalent topics in the English\nWikipedia. We introduce a corpus annotation scheme that enhances the generation\nof large, diverse, and challenging datasets by explicitly aiming to reduce word\nco-occurrences between the question and answers. Our annotation scheme is\ncomposed of a series of crowdsourcing tasks with a view to more effectively\nutilize crowdsourcing in the creation of question answering datasets in various\ndomains. Several systems are compared on the tasks of answer sentence selection\nand answer triggering, providing strong baseline results for future work to\nimprove upon." + }, + "sick": { + "pwc_id": "sick", + "dataset_name": "SICK Dataset", + "dataset_abstract": "The Sentences Involving Compositional Knowledge (SICK) dataset is a dataset for compositional distributional semantics. It includes a large number of sentence pairs that are rich in the lexical, syntactic and semantic phenomena. Each pair of sentences is annotated in two dimensions: relatedness and entailment. The relatedness score ranges from 1 to 5, and Pearson\u2019s r is used for evaluation; the entailment relation is categorical, consisting of entailment, contradiction, and neutral. There are 4439 pairs in the train split, 495 in the trial split used for development and 4906 in the test split. The sentence pairs are generated from image and video caption datasets before being paired up using some algorithm.", + "paper_name": "A SICK cure for the evaluation of compositional distributional semantic models", + "paper_abstract": "Shared and internationally recognized benchmarks are fundamental for the development of any computational system. We aim to help the research community working on compositional distributional semantic models (CDSMs) by providing SICK (Sentences Involving Compositional Knowldedge), a large size English benchmark tailored for them. SICK consists of about 10,000 English sentence pairs that include many examples of the lexical, syntactic and semantic phenomena that CDSMs are expected to account for, but do not require dealing with other aspects of existing sentential data sets (idiomatic multiword expressions, named entities, telegraphic language) that are not within the scope of CDSMs. By means of crowdsourcing techniques, each pair was annotated for two crucial semantic tasks: relatedness in meaning (with a 5-point rating scale as gold score) and entailment relation between the two elements (with three possible gold labels: entailment, contradiction, and neutral). The SICK data set was used in SemEval-2014 Task 1, and it freely available for research purposes." + }, + "fever": { + "pwc_id": "fever", + "dataset_name": "FEVER Dataset", + "dataset_abstract": "FEVER is a publicly available dataset for fact extraction and verification against textual sources.\n\nIt consists of 185,445 claims manually verified against the introductory sections of Wikipedia pages and classified as SUPPORTED, REFUTED or NOTENOUGHINFO. For the first two classes, systems and annotators need to also return the combination of sentences forming the necessary evidence supporting or refuting the claim.\n\nThe claims were generated by human annotators extracting claims from Wikipedia and mutating them in a variety of ways, some of which were meaning-altering. The verification of each claim was conducted in a separate annotation process by annotators who were aware of the page but not the sentence from which original claim was\nextracted and thus in 31.75% of the claims more than one sentence was considered appropriate evidence. Claims require composition of evidence from multiple sentences in 16.82% of cases. Furthermore, in 12.15% of the claims, this evidence was taken from multiple pages.", + "paper_name": "FEVER: a large-scale dataset for Fact Extraction and VERification", + "paper_abstract": "In this paper we introduce a new publicly available dataset for verification\nagainst textual sources, FEVER: Fact Extraction and VERification. It consists\nof 185,445 claims generated by altering sentences extracted from Wikipedia and\nsubsequently verified without knowledge of the sentence they were derived from.\nThe claims are classified as Supported, Refuted or NotEnoughInfo by annotators\nachieving 0.6841 in Fleiss $\\kappa$. For the first two classes, the annotators\nalso recorded the sentence(s) forming the necessary evidence for their\njudgment. To characterize the challenge of the dataset presented, we develop a\npipeline approach and compare it to suitably designed oracles. The best\naccuracy we achieve on labeling a claim accompanied by the correct evidence is\n31.87%, while if we ignore the evidence we achieve 50.91%. Thus we believe that\nFEVER is a challenging testbed that will help stimulate progress on claim\nverification against textual sources." + }, + "scicite": { + "pwc_id": "scicite", + "dataset_name": "SciCite Dataset", + "dataset_abstract": "SciCite is a dataset of citation intents that addresses multiple scientific domains and is more than five times larger than ACL-ARC.", + "paper_name": "Structural Scaffolds for Citation Intent Classification in Scientific Publications", + "paper_abstract": "Identifying the intent of a citation in scientific papers (e.g., background information, use of methods, comparing results) is critical for machine reading of individual publications and automated analysis of the scientific literature. We propose structural scaffolds, a multitask model to incorporate structural information of scientific papers into citations for effective classification of citation intents. Our model achieves a new state-of-the-art on an existing ACL anthology dataset (ACL-ARC) with a 13.3% absolute increase in F1 score, without relying on external linguistic resources or hand-engineered features as done in existing methods. In addition, we introduce a new dataset of citation intents (SciCite) which is more than five times larger and covers multiple scientific domains compared with existing datasets. Our code and data are available at: https://github.com/allenai/scicite." + }, + "mlqa": { + "pwc_id": "mlqa", + "dataset_name": "MLQA Dataset", + "dataset_abstract": "MLQA (MultiLingual Question Answering) is a benchmark dataset for evaluating cross-lingual question answering performance. MLQA consists of over 5K extractive QA instances (12K in English) in SQuAD format in seven languages - English, Arabic, German, Spanish, Hindi, Vietnamese and Simplified Chinese. MLQA is highly parallel, with QA instances parallel between 4 different languages on average.", + "paper_name": "MLQA: Evaluating Cross-lingual Extractive Question Answering", + "paper_abstract": "Question answering (QA) models have shown rapid progress enabled by the availability of large, high-quality benchmark datasets. Such annotated datasets are difficult and costly to collect, and rarely exist in languages other than English, making training QA systems in other languages challenging. An alternative to building large monolingual training datasets is to develop cross-lingual systems which can transfer to a target language without requiring training data in that language. In order to develop such systems, it is crucial to invest in high quality multilingual evaluation benchmarks to measure progress. We present MLQA, a multi-way aligned extractive QA evaluation benchmark intended to spur research in this area. MLQA contains QA instances in 7 languages, namely English, Arabic, German, Spanish, Hindi, Vietnamese and Simplified Chinese. It consists of over 12K QA instances in English and 5K in each other language, with each QA instance being parallel between 4 languages on average. MLQA is built using a novel alignment context strategy on Wikipedia articles, and serves as a cross-lingual extension to existing extractive QA datasets. We evaluate current state-of-the-art cross-lingual representations on MLQA, and also provide machine-translation-based baselines. In all cases, transfer results are shown to be significantly behind training-language performance." + }, + "clinc_oos": { + "pwc_id": "clinc150", + "dataset_name": "CLINC150 Dataset", + "dataset_abstract": "This dataset is for evaluating the performance of intent classification systems in the presence of \"out-of-scope\" queries, i.e., queries that do not fall into any of the system-supported intent classes. The dataset includes both in-scope and out-of-scope data.", + "paper_name": "An Evaluation Dataset for Intent Classification and Out-of-Scope Prediction", + "paper_abstract": "Task-oriented dialog systems need to know when a query falls outside their range of supported intents, but current text classification corpora only define label sets that cover every example. We introduce a new dataset that includes queries that are out-of-scope---i.e., queries that do not fall into any of the system's supported intents. This poses a new challenge because models cannot assume that every query at inference time belongs to a system-supported intent class. Our dataset also covers 150 intent classes over 10 domains, capturing the breadth that a production task-oriented agent must handle. We evaluate a range of benchmark classifiers on our dataset along with several different out-of-scope identification schemes. We find that while the classifiers perform well on in-scope intent classification, they struggle to identify out-of-scope queries. Our dataset and evaluation fill an important gap in the field, offering a way of more rigorously and realistically benchmarking text classification in task-driven dialog systems." + }, + "tab_fact": { + "pwc_id": "tabfact", + "dataset_name": "TabFact Dataset", + "dataset_abstract": "TabFact is a large-scale dataset which consists of 117,854 manually annotated statements with regard to 16,573 Wikipedia tables, their relations are classified as ENTAILED and REFUTED. TabFact is the first dataset to evaluate language inference on structured data, which involves mixed reasoning skills in both symbolic and linguistic aspects.", + "paper_name": "TabFact: A Large-scale Dataset for Table-based Fact Verification", + "paper_abstract": "The problem of verifying whether a textual hypothesis holds based on the given evidence, also known as fact verification, plays an important role in the study of natural language understanding and semantic representation. However, existing studies are mainly restricted to dealing with unstructured evidence (e.g., natural language sentences and documents, news, etc), while verification under structured evidence, such as tables, graphs, and databases, remains under-explored. This paper specifically aims to study the fact verification given semi-structured data as evidence. To this end, we construct a large-scale dataset called TabFact with 16k Wikipedia tables as the evidence for 118k human-annotated natural language statements, which are labeled as either ENTAILED or REFUTED. TabFact is challenging since it involves both soft linguistic reasoning and hard symbolic reasoning. To address these reasoning challenges, we design two different models: Table-BERT and Latent Program Algorithm (LPA). Table-BERT leverages the state-of-the-art pre-trained language model to encode the linearized tables and statements into continuous vectors for verification. LPA parses statements into programs and executes them against the tables to obtain the returned binary value for verification. Both methods achieve similar accuracy but still lag far behind human performance. We also perform a comprehensive analysis to demonstrate great future opportunities. The data and code of the dataset are provided in \\url{https://github.com/wenhuchen/Table-Fact-Checking}." + }, + "poem_sentiment": { + "pwc_id": "gutenberg-poem-dataset", + "dataset_name": "Gutenberg Poem Dataset Dataset", + "dataset_abstract": "Gutenberg Poem Dataset is used for the next verse prediction component.", + "paper_name": "Investigating Societal Biases in a Poetry Composition System", + "paper_abstract": "There is a growing collection of work analyzing and mitigating societal biases in language understanding, generation, and retrieval tasks, though examining biases in creative tasks remains underexplored. Creative language applications are meant for direct interaction with users, so it is important to quantify and mitigate societal biases in these applications. We introduce a novel study on a pipeline to mitigate societal biases when retrieving next verse suggestions in a poetry composition system. Our results suggest that data augmentation through sentiment style transfer has potential for mitigating societal biases." + }, + "health_fact": { + "pwc_id": "pubhealth", + "dataset_name": "PUBHEALTH Dataset", + "dataset_abstract": "PUBHEALTH is a comprehensive dataset for explainable automated fact-checking of public health claims. Each instance in the PUBHEALTH dataset has an associated veracity label (true, false, unproven, mixture). Furthermore each instance in the dataset has an explanation text field. The explanation is a justification for which the claim has been assigned a particular veracity label.", + "paper_name": "Explainable Automated Fact-Checking for Public Health Claims", + "paper_abstract": "Fact-checking is the task of verifying the veracity of claims by assessing their assertions against credible evidence. The vast majority of fact-checking studies focus exclusively on political claims. Very little research explores fact-checking for other topics, specifically subject matters for which expertise is required. We present the first study of explainable fact-checking for claims which require specific expertise. For our case study we choose the setting of public health. To support this case study we construct a new dataset PUBHEALTH of 11.8K claims accompanied by journalist crafted, gold standard explanations (i.e., judgments) to support the fact-check labels for claims. We explore two tasks: veracity prediction and explanation generation. We also define and evaluate, with humans and computationally, three coherence properties of explanation quality. Our results indicate that, by training on in-domain data, gains can be made in explainable, automated fact-checking for claims which require specific expertise." + }, + "scitldr": { + "pwc_id": "scitldr", + "dataset_name": "SciTLDR Dataset", + "dataset_abstract": "A new multi-target dataset of 5.4K TLDRs over 3.2K papers. SciTLDR contains both author-written and expert-derived TLDRs, where the latter are collected using a novel annotation protocol that produces high-quality summaries while minimizing annotation burden.", + "paper_name": "TLDR: Extreme Summarization of Scientific Documents", + "paper_abstract": "We introduce TLDR generation, a new form of extreme summarization, for scientific papers. TLDR generation involves high source compression and requires expert background knowledge and understanding of complex domain-specific language. To facilitate study on this task, we introduce SciTLDR, a new multi-target dataset of 5.4K TLDRs over 3.2K papers. SciTLDR contains both author-written and expert-derived TLDRs, where the latter are collected using a novel annotation protocol that produces high-quality summaries while minimizing annotation burden. We propose CATTS, a simple yet effective learning strategy for generating TLDRs that exploits titles as an auxiliary training signal. CATTS improves upon strong baselines under both automated metrics and human evaluations. Data and code are publicly available at https://github.com/allenai/scitldr." + }, + "emo": { + "pwc_id": "emocontext", + "dataset_name": "EmoContext Dataset", + "dataset_abstract": "EmoContext consists of three-turn English Tweets. The emotion labels include happiness, sadness, anger and other.", + "paper_name": "SemEval-2019 Task 3: EmoContext Contextual Emotion Detection in Text", + "paper_abstract": "In this paper, we present the SemEval-2019 Task 3 - EmoContext: Contextual Emotion Detection in Text. Lack of facial expressions and voice modulations make detecting emotions in text a challenging problem. For instance, as humans, on reading {``}Why don{'}t you ever text me!{''} we can either interpret it as a sad or angry emotion and the same ambiguity exists for machines. However, the context of dialogue can prove helpful in detection of the emotion. In this task, given a textual dialogue i.e. an utterance along with two previous turns of context, the goal was to infer the underlying emotion of the utterance by choosing from four emotion classes - Happy, Sad, Angry and Others. To facilitate the participation in this task, textual dialogues from user interaction with a conversational agent were taken and annotated for emotion classes after several data processing steps. A training data set of 30160 dialogues, and two evaluation data sets, Test1 and Test2, containing 2755 and 5509 dialogues respectively were released to the participants. A total of 311 teams made submissions to this task. The final leader-board was evaluated on Test2 data set, and the highest ranked submission achieved 79.59 micro-averaged F1 score. Our analysis of systems submitted to the task indicate that Bi-directional LSTM was the most common choice of neural architecture used, and most of the systems had the best performance for the Sad emotion class, and the worst for the Happy emotion class." + }, + "eli5": { + "pwc_id": "eli5", + "dataset_name": "ELI5 Dataset", + "dataset_abstract": "ELI5 is a dataset for long-form question answering. It contains 270K complex, diverse questions that require explanatory multi-sentence answers. Web search results are used as evidence documents to answer each question.\n\nELI5 is also a task in Dodecadialogue.", + "paper_name": "ELI5: Long Form Question Answering", + "paper_abstract": "We introduce the first large-scale corpus for long-form question answering, a task requiring elaborate and in-depth answers to open-ended questions. The dataset comprises 270K threads from the Reddit forum ``Explain Like I'm Five'' (ELI5) where an online community provides answers to questions which are comprehensible by five year olds. Compared to existing datasets, ELI5 comprises diverse questions requiring multi-sentence answers. We provide a large set of web documents to help answer the question. Automatic and human evaluations show that an abstractive model trained with a multi-task objective outperforms conventional Seq2Seq, language modeling, as well as a strong extractive baseline. However, our best model is still far from human performance since raters prefer gold responses in over 86% of cases, leaving ample opportunity for future improvement." + }, + "cord19": { + "pwc_id": "cord-19", + "dataset_name": "CORD-19 Dataset", + "dataset_abstract": "CORD-19 is a free resource of tens of thousands of scholarly articles about COVID-19, SARS-CoV-2, and related coronaviruses for use by the global research community.", + "paper_name": "CORD-19: The COVID-19 Open Research Dataset", + "paper_abstract": "The COVID-19 Open Research Dataset (CORD-19) is a growing resource of scientific papers on COVID-19 and related historical coronavirus research. CORD-19 is designed to facilitate the development of text mining and information retrieval systems over its rich collection of metadata and structured full text papers. Since its release, CORD-19 has been downloaded over 200K times and has served as the basis of many COVID-19 text mining and discovery systems. In this article, we describe the mechanics of dataset construction, highlighting challenges and key design decisions, provide an overview of how CORD-19 has been used, and describe several shared tasks built around the dataset. We hope this resource will continue to bring together the computing community, biomedical experts, and policy makers in the search for effective treatments and management policies for COVID-19." + }, + "timit_asr": { + "pwc_id": "timit", + "dataset_name": "TIMIT Dataset", + "dataset_abstract": "The TIMIT Acoustic-Phonetic Continuous Speech Corpus is a standard dataset used for evaluation of automatic speech recognition systems. It consists of recordings of 630 speakers of 8 dialects of American English each reading 10 phonetically-rich sentences. It also comes with the word and phone-level transcriptions of the speech.", + "paper_name": "", + "paper_abstract": "" + }, + "aeslc": { + "pwc_id": "aeslc", + "dataset_name": "AESLC Dataset", + "dataset_abstract": "To study the task of email subject line generation: automatically generating an email subject line from the email body.", + "paper_name": "This Email Could Save Your Life: Introducing the Task of Email Subject Line Generation", + "paper_abstract": "Given the overwhelming number of emails, an effective subject line becomes essential to better inform the recipient of the email's content. In this paper, we propose and study the task of email subject line generation: automatically generating an email subject line from the email body. We create the first dataset for this task and find that email subject line generation favor extremely abstractive summary which differentiates it from news headline generation or news single document summarization. We then develop a novel deep learning method and compare it to several baselines as well as recent state-of-the-art text summarization systems. We also investigate the efficacy of several automatic metrics based on correlations with human judgments and propose a new automatic evaluation metric. Our system outperforms competitive baselines given both automatic and human evaluations. To our knowledge, this is the first work to tackle the problem of effective email subject line generation." + }, + "ecthr_cases": { + "pwc_id": "ecthr", + "dataset_name": "ECtHR Dataset", + "dataset_abstract": "ECtHR is a dataset comprising European Court of Human Rights cases, including annotations for paragraph-level rationales. This dataset comprises 11k ECtHR cases and can be viewed as an enriched version of the ECtHR dataset of Chalkidis et al. (2019), which did not provide ground truth for alleged article violations (articles discussed) and rationales. It is released with silver rationales obtained from references in court decisions, and gold rationales provided by ECHR-experienced lawyers", + "paper_name": "Paragraph-level Rationale Extraction through Regularization: A case study on European Court of Human Rights Cases", + "paper_abstract": "Interpretability or explainability is an emerging research field in NLP. From a user-centric point of view, the goal is to build models that provide proper justification for their decisions, similar to those of humans, by requiring the models to satisfy additional constraints. To this end, we introduce a new application on legal text where, contrary to mainstream literature targeting word-level rationales, we conceive rationales as selected paragraphs in multi-paragraph structured court cases. We also release a new dataset comprising European Court of Human Rights cases, including annotations for paragraph-level rationales. We use this dataset to study the effect of already proposed rationale constraints, i.e., sparsity, continuity, and comprehensiveness, formulated as regularizers. Our findings indicate that some of these constraints are not beneficial in paragraph-level rationale extraction, while others need re-formulation to better handle the multi-label nature of the task we consider. We also introduce a new constraint, singularity, which further improves the quality of rationales, even compared with noisy rationale supervision. Experimental results indicate that the newly introduced task is very challenging and there is a large scope for further research." + }, + "art": { + "pwc_id": "art-dataset", + "dataset_name": "ART Dataset Dataset", + "dataset_abstract": "ART consists of over 20k commonsense narrative contexts and 200k explanations.", + "paper_name": "Abductive Commonsense Reasoning", + "paper_abstract": "Abductive reasoning is inference to the most plausible explanation. For example, if Jenny finds her house in a mess when she returns from work, and remembers that she left a window open, she can hypothesize that a thief broke into her house and caused the mess, as the most plausible explanation. While abduction has long been considered to be at the core of how people interpret and read between the lines in natural language (Hobbs et al., 1988), there has been relatively little research in support of abductive natural language inference and generation. We present the first study that investigates the viability of language-based abductive reasoning. We introduce a challenge dataset, ART, that consists of over 20k commonsense narrative contexts and 200k explanations. Based on this dataset, we conceptualize two new tasks -- (i) Abductive NLI: a multiple-choice question answering task for choosing the more likely explanation, and (ii) Abductive NLG: a conditional generation task for explaining given observations in natural language. On Abductive NLI, the best model achieves 68.9% accuracy, well below human performance of 91.4%. On Abductive NLG, the current best language generators struggle even more, as they lack reasoning capabilities that are trivial for humans. Our analysis leads to new insights into the types of reasoning that deep pre-trained language models fail to perform--despite their strong performance on the related but more narrowly defined task of entailment NLI--pointing to interesting avenues for future research." + }, + "liar": { + "pwc_id": "liar", + "dataset_name": "LIAR Dataset", + "dataset_abstract": "LIAR is a publicly available dataset for fake news detection. A decade-long of 12.8K manually labeled short statements were collected in various contexts from POLITIFACT.COM, which provides detailed analysis report and links to source documents for each case. This dataset can be used for fact-checking research as well. Notably, this new dataset is an order of magnitude larger than previously largest public fake news datasets of similar type. The LIAR dataset4 includes 12.8K human labeled short statements from POLITIFACT.COM\u2019s API, and each statement is evaluated by a POLITIFACT.COM editor for its truthfulness.", + "paper_name": "\"Liar, Liar Pants on Fire\": A New Benchmark Dataset for Fake News Detection", + "paper_abstract": "Automatic fake news detection is a challenging problem in deception\ndetection, and it has tremendous real-world political and social impacts.\nHowever, statistical approaches to combating fake news has been dramatically\nlimited by the lack of labeled benchmark datasets. In this paper, we present\nliar: a new, publicly available dataset for fake news detection. We collected a\ndecade-long, 12.8K manually labeled short statements in various contexts from\nPolitiFact.com, which provides detailed analysis report and links to source\ndocuments for each case. This dataset can be used for fact-checking research as\nwell. Notably, this new dataset is an order of magnitude larger than previously\nlargest public fake news datasets of similar type. Empirically, we investigate\nautomatic fake news detection based on surface-level linguistic patterns. We\nhave designed a novel, hybrid convolutional neural network to integrate\nmeta-data with text. We show that this hybrid approach can improve a text-only\ndeep learning model." + }, + "gem": { + "pwc_id": "gem", + "dataset_name": "GEM Dataset", + "dataset_abstract": "Generation, Evaluation, and Metrics (GEM) is a benchmark environment for Natural Language Generation with a focus on its Evaluation, both through human annotations and automated Metrics.\n\nGEM aims to:\n\n\nmeasure NLG progress across 13 datasets spanning many NLG tasks and languages.\nprovide an in-depth analysis of data and models presented via data statements and challenge sets.\ndevelop standards for evaluation of generated text using both automated and human metrics.\n\nIt is our goal to regularly update GEM and to encourage toward more inclusive practices in dataset development by extending existing data or developing datasets for additional languages.", + "paper_name": "The GEM Benchmark: Natural Language Generation, its Evaluation and Metrics", + "paper_abstract": "We introduce GEM, a living benchmark for natural language Generation (NLG), its Evaluation, and Metrics. Measuring progress in NLG relies on a constantly evolving ecosystem of automated metrics, datasets, and human evaluation standards. Due to this moving target, new models often still evaluate on divergent anglo-centric corpora with well-established, but flawed, metrics. This disconnect makes it challenging to identify the limitations of current models and opportunities for progress. Addressing this limitation, GEM provides an environment in which models can easily be applied to a wide set of tasks and in which evaluation strategies can be tested. Regular updates to the benchmark will help NLG research become more multilingual and evolve the challenge alongside models. This paper serves as the description of the data for which we are organizing a shared task at our ACL 2021 Workshop and to which we invite the entire NLG community to participate." + }, + "quac": { + "pwc_id": "quac", + "dataset_name": "QuAC Dataset", + "dataset_abstract": "Question Answering in Context is a large-scale dataset that consists of around 14K crowdsourced Question Answering dialogs with 98K question-answer pairs in total. Data instances consist of an interactive dialog between two crowd workers: (1) a student who poses a sequence of freeform questions to learn as much as possible about a hidden Wikipedia text, and (2) a teacher who answers the questions by providing short excerpts (spans) from the text.", + "paper_name": "QuAC: Question Answering in Context", + "paper_abstract": "We present QuAC, a dataset for Question Answering in Context that contains 14K information-seeking QA dialogs (100K questions in total). The dialogs involve two crowd workers: (1) a student who poses a sequence of freeform questions to learn as much as possible about a hidden Wikipedia text, and (2) a teacher who answers the questions by providing short excerpts from the text. QuAC introduces challenges not found in existing machine comprehension datasets: its questions are often more open-ended, unanswerable, or only meaningful within the dialog context, as we show in a detailed qualitative evaluation. We also report results for a number of reference models, including a recently state-of-the-art reading comprehension architecture extended to model dialog context. Our best model underperforms humans by 20 F1, suggesting that there is significant room for future work on this data. Dataset, baseline, and leaderboard available at \\url{http://quac.ai}." + }, + "asset": { + "pwc_id": "asset", + "dataset_name": "ASSET Dataset", + "dataset_abstract": "ASSET is a new dataset for assessing sentence simplification in English. ASSET is a crowdsourced multi-reference corpus where each simplification was produced by executing several rewriting transformations.", + "paper_name": "ASSET: A Dataset for Tuning and Evaluation of Sentence Simplification Models with Multiple Rewriting Transformations", + "paper_abstract": "In order to simplify a sentence, human editors perform multiple rewriting transformations: they split it into several shorter sentences, paraphrase words (i.e. replacing complex words or phrases by simpler synonyms), reorder components, and/or delete information deemed unnecessary. Despite these varied range of possible text alterations, current models for automatic sentence simplification are evaluated using datasets that are focused on a single transformation, such as lexical paraphrasing or splitting. This makes it impossible to understand the ability of simplification models in more realistic settings. To alleviate this limitation, this paper introduces ASSET, a new dataset for assessing sentence simplification in English. ASSET is a crowdsourced multi-reference corpus where each simplification was produced by executing several rewriting transformations. Through quantitative and qualitative experiments, we show that simplifications in ASSET are better at capturing characteristics of simplicity when compared to other standard evaluation datasets for the task. Furthermore, we motivate the need for developing better methods for automatic evaluation using ASSET, since we show that current popular metrics may not be suitable when multiple simplification transformations are performed." + }, + "circa": { + "pwc_id": "circa", + "dataset_name": "Circa Dataset", + "dataset_abstract": "The Circa (meaning \u2018approximately\u2019) dataset aims to help machine learning systems to solve the problem of interpreting indirect answers to polar questions.\n\nThe dataset contains pairs of yes/no questions and indirect answers, together with annotations for the interpretation of the answer. The data is collected in 10 different social conversational situations (eg. food preferences of a friend). Examples:\n\n```\nQ: Are you vegan?\nA: I love burgers too much. [No]\n\nQ: Do you like spicy food?\nA: I put hot sauce on everything. [Yes] \n\nQ: Would you like to go see live music?\nA: If it\u2019s not too crowded. [Yes, upon a condition]\n```\n\nCurrently, the Circa annotations focus on a few classes such as \u2018yes\u2019, \u2018no\u2019 and \u2018yes, upon condition\u2019. The data can be used to build machine learning models which can replicate these classes on new question-answer pairs, and allow evaluation of methods for doing so.", + "paper_name": "\"I'd rather just go to bed\": Understanding Indirect Answers", + "paper_abstract": "We revisit a pragmatic inference problem in dialog: understanding indirect responses to questions. Humans can interpret 'I'm starving.' in response to 'Hungry?', even without direct cue words such as 'yes' and 'no'. In dialog systems, allowing natural responses rather than closed vocabularies would be similarly beneficial. However, today's systems are only as sensitive to these pragmatic moves as their language model allows. We create and release the first large-scale English language corpus 'Circa' with 34,268 (polar question, indirect answer) pairs to enable progress on this task. The data was collected via elaborate crowdsourcing, and contains utterances with yes/no meaning, as well as uncertain, middle-ground, and conditional responses. We also present BERT-based neural models to predict such categories for a question-answer pair. We find that while transfer learning from entailment works reasonably, performance is not yet sufficient for robust dialog. Our models reach 82-88% accuracy for a 4-class distinction, and 74-85% for 6 classes." + }, + "aqua_rat": { + "pwc_id": "aqua-rat", + "dataset_name": "AQUA-RAT Dataset", + "dataset_abstract": "Algebra Question Answering with Rationales (AQUA-RAT) is a dataset that contains algebraic word problems with rationales. The dataset consists of about 100,000 algebraic word problems with natural language rationales. Each problem is a json object consisting of four parts:\n* question - A natural language definition of the problem to solve\n* options - 5 possible options (A, B, C, D and E), among which one is correct\n* rationale - A natural language description of the solution to the problem\n* correct - The correct option", + "paper_name": "Program Induction by Rationale Generation : Learning to Solve and Explain Algebraic Word Problems", + "paper_abstract": "Solving algebraic word problems requires executing a series of arithmetic\noperations---a program---to obtain a final answer. However, since programs can\nbe arbitrarily complicated, inducing them directly from question-answer pairs\nis a formidable challenge. To make this task more feasible, we solve these\nproblems by generating answer rationales, sequences of natural language and\nhuman-readable mathematical expressions that derive the final answer through a\nseries of small steps. Although rationales do not explicitly specify programs,\nthey provide a scaffolding for their structure via intermediate milestones. To\nevaluate our approach, we have created a new 100,000-sample dataset of\nquestions, answers and rationales. Experimental results show that indirect\nsupervision of program learning via answer rationales is a promising strategy\nfor inducing arithmetic programs." + }, + "blended_skill_talk": { + "pwc_id": "blended-skill-talk", + "dataset_name": "Blended Skill Talk Dataset", + "dataset_abstract": "To analyze how these capabilities would mesh together in a natural conversation, and compare the performance of different architectures and training schemes.", + "paper_name": "Can You Put it All Together: Evaluating Conversational Agents' Ability to Blend Skills", + "paper_abstract": "Being engaging, knowledgeable, and empathetic are all desirable general qualities in a conversational agent. Previous work has introduced tasks and datasets that aim to help agents to learn those qualities in isolation and gauge how well they can express them. But rather than being specialized in one single quality, a good open-domain conversational agent should be able to seamlessly blend them all into one cohesive conversational flow. In this work, we investigate several ways to combine models trained towards isolated capabilities, ranging from simple model aggregation schemes that require minimal additional training, to various forms of multi-task training that encompass several skills at all training stages. We further propose a new dataset, BlendedSkillTalk, to analyze how these capabilities would mesh together in a natural conversation, and compare the performance of different architectures and training schemes. Our experiments show that multi-tasking over several tasks that focus on particular capabilities results in better blended conversation performance compared to models trained on a single skill, and that both unified or two-stage approaches perform well if they are constructed to avoid unwanted bias in skill selection or are fine-tuned on our new task." + }, + "qa_srl": { + "pwc_id": "qa-srl", + "dataset_name": "QA-SRL Dataset", + "dataset_abstract": "QA-SRL was proposed as an open schema for semantic roles, in which the relation between an argument and a predicate is expressed as a natural-language question containing the predicate (\u201cWhere was someone educated?\u201d) whose answer is the argument (\u201cPrinceton\u201d). The authors collected about 19,000 question-answer pairs from 3,200 sentences.", + "paper_name": "", + "paper_abstract": "" + }, + "climate_fever": { + "pwc_id": "climate-fever", + "dataset_name": "CLIMATE-FEVER Dataset", + "dataset_abstract": "A new publicly available dataset for verification of climate change-related claims.", + "paper_name": "CLIMATE-FEVER: A Dataset for Verification of Real-World Climate Claims", + "paper_abstract": "We introduce CLIMATE-FEVER, a new publicly available dataset for verification of climate change-related claims. By providing a dataset for the research community, we aim to facilitate and encourage work on improving algorithms for retrieving evidential support for climate-specific claims, addressing the underlying language understanding challenges, and ultimately help alleviate the impact of misinformation on climate change. We adapt the methodology of FEVER [1], the largest dataset of artificially designed claims, to real-life claims collected from the Internet. While during this process, we could rely on the expertise of renowned climate scientists, it turned out to be no easy task. We discuss the surprising, subtle complexity of modeling real-world climate-related claims within the \\textsc{fever} framework, which we believe provides a valuable challenge for general natural language understanding. We hope that our work will mark the beginning of a new exciting long-term joint effort by the climate science and AI community." + }, + "humicroedit": { + "pwc_id": "humicroedit", + "dataset_name": "Humicroedit Dataset", + "dataset_abstract": "Humicroedit is a humorous headline dataset. The data consists of regular English news headlines paired with versions of the same headlines that contain simple replacement edits designed to make them funny. The authors carefully curated crowdsourced editors to create funny headlines and judges to score a to a total of 15,095 edited headlines, with five judges per headline.", + "paper_name": "\"President Vows to Cut Hair\": Dataset and Analysis of Creative Text Editing for Humorous Headlines", + "paper_abstract": "We introduce, release, and analyze a new dataset, called Humicroedit, for research in computational humor. Our publicly available data consists of regular English news headlines paired with versions of the same headlines that contain simple replacement edits designed to make them funny. We carefully curated crowdsourced editors to create funny headlines and judges to score a to a total of 15,095 edited headlines, with five judges per headline. The simple edits, usually just a single word replacement, mean we can apply straightforward analysis techniques to determine what makes our edited headlines humorous. We show how the data support classic theories of humor, such as incongruity, superiority, and setup/punchline. Finally, we develop baseline classifiers that can predict whether or not an edited headline is funny, which is a first step toward automatically generating humorous headlines as an approach to creating topical humor." + }, + "discofuse": { + "pwc_id": "discofuse", + "dataset_name": "DiscoFuse Dataset", + "dataset_abstract": "DiscoFuse was created by applying a rule-based splitting method on two corpora -\nsports articles crawled from the Web, and Wikipedia. See the paper for a detailed\ndescription of the dataset generation process and evaluation.\n\nDiscoFuse has two parts with 44,177,443 and 16,642,323 examples sourced from Sports articles and Wikipedia, respectively.\n\nFor each part, a random split is provided to train (98% of the examples), development (1%) and test (1%) sets. In addition, as the original data distribution is highly skewed (see details in the paper), a balanced version for each part is also provided.", + "paper_name": "DiscoFuse: A Large-Scale Dataset for Discourse-Based Sentence Fusion", + "paper_abstract": "Sentence fusion is the task of joining several independent sentences into a\nsingle coherent text. Current datasets for sentence fusion are small and\ninsufficient for training modern neural models. In this paper, we propose a\nmethod for automatically-generating fusion examples from raw text and present\nDiscoFuse, a large scale dataset for discourse-based sentence fusion. We author\na set of rules for identifying a diverse set of discourse phenomena in raw\ntext, and decomposing the text into two independent sentences. We apply our\napproach on two document collections: Wikipedia and Sports articles, yielding\n60 million fusion examples annotated with discourse information required to\nreconstruct the fused text. We develop a sequence-to-sequence model on\nDiscoFuse and thoroughly analyze its strengths and weaknesses with respect to\nthe various discourse phenomena, using both automatic as well as human\nevaluation. Finally, we conduct transfer learning experiments with WebSplit, a\nrecent dataset for text simplification. We show that pretraining on DiscoFuse\nsubstantially improves performance on WebSplit when viewed as a sentence fusion\ntask." + }, + "ambig_qa": { + "pwc_id": "ambigqa", + "dataset_name": "AmbigQA Dataset", + "dataset_abstract": "Is a new open-domain question answering task which involves predicting a set of question-answer pairs, where every plausible answer is paired with a disambiguated rewrite of the original question. A dataset covering 14,042 questions from NQ-open, an existing open-domain QA benchmark.", + "paper_name": "", + "paper_abstract": "" + }, + "ethos": { + "pwc_id": "ethos", + "dataset_name": "ETHOS Dataset", + "dataset_abstract": "ETHOS is a hate speech detection dataset. It is built from YouTube and Reddit comments validated through a crowdsourcing platform. It has two subsets, one for binary classification and the other for multi-label classification. The former contains 998 comments, while the latter contains fine-grained hate-speech annotations for 433 comments.", + "paper_name": "ETHOS: an Online Hate Speech Detection Dataset", + "paper_abstract": "Online hate speech is a recent problem in our society that is rising at a steady pace by leveraging the vulnerabilities of the corresponding regimes that characterise most social media platforms. This phenomenon is primarily fostered by offensive comments, either during user interaction or in the form of a posted multimedia context. Nowadays, giant corporations own platforms where millions of users log in every day, and protection from exposure to similar phenomena appears to be necessary in order to comply with the corresponding legislation and maintain a high level of service quality. A robust and reliable system for detecting and preventing the uploading of relevant content will have a significant impact on our digitally interconnected society. Several aspects of our daily lives are undeniably linked to our social profiles, making us vulnerable to abusive behaviours. As a result, the lack of accurate hate speech detection mechanisms would severely degrade the overall user experience, although its erroneous operation would pose many ethical concerns. In this paper, we present 'ETHOS', a textual dataset with two variants: binary and multi-label, based on YouTube and Reddit comments validated using the Figure-Eight crowdsourcing platform. Furthermore, we present the annotation protocol used to create this dataset: an active sampling procedure for balancing our data in relation to the various aspects defined. Our key assumption is that, even gaining a small amount of labelled data from such a time-consuming process, we can guarantee hate speech occurrences in the examined material." + }, + "multi_x_science_sum": { + "pwc_id": "multi-xscience", + "dataset_name": "Multi-XScience Dataset", + "dataset_abstract": "Multi-XScience is a large-scale dataset for multi-document summarization of scientific articles. It has 30,369, 5,066 and 5,093 samples for the train, validation and test split respectively. The average document length is 778.08 words and the average summary length is 116.44 words.", + "paper_name": "Multi-XScience: A Large-scale Dataset for Extreme Multi-document Summarization of Scientific Articles", + "paper_abstract": "Multi-document summarization is a challenging task for which there exists little large-scale datasets. We propose Multi-XScience, a large-scale multi-document summarization dataset created from scientific articles. Multi-XScience introduces a challenging multi-document summarization task: writing the related-work section of a paper based on its abstract and the articles it references. Our work is inspired by extreme summarization, a dataset construction protocol that favours abstractive modeling approaches. Descriptive statistics and empirical results---using several state-of-the-art models trained on the Multi-XScience dataset---reveal that Multi-XScience is well suited for abstractive models." + }, + "freebase_qa": { + "pwc_id": "freebaseqa", + "dataset_name": "FreebaseQA Dataset", + "dataset_abstract": "FreebaseQA is a data set for open-domain QA over the Freebase knowledge graph. The question-answer pairs in this data set are collected from various sources, including the TriviaQA data set and other trivia websites (QuizBalls, QuizZone, KnowQuiz), and are matched against Freebase to generate relevant subject-predicate-object triples that were further verified by human annotators. As all questions in FreebaseQA are composed independently for human contestants in various trivia-like competitions, this data set shows richer linguistic variation and complexity than existing QA data sets, making it a good test-bed for emerging KB-QA systems.", + "paper_name": "FreebaseQA: A New Factoid QA Data Set Matching Trivia-Style Question-Answer Pairs with Freebase", + "paper_abstract": "In this paper, we present a new data set, named FreebaseQA, for open-domain factoid question answering (QA) tasks over structured knowledge bases, like Freebase. The data set is generated by matching trivia-type question-answer pairs with subject-predicate-object triples in Freebase. For each collected question-answer pair, we first tag all entities in each question and search for relevant predicates that bridge a tagged entity with the answer in Freebase. Finally, human annotation is used to remove any false positive in these matched triples. Using this method, we are able to efficiently generate over 54K matches from about 28K unique questions with minimal cost. Our analysis shows that this data set is suitable for model training in factoid QA tasks beyond simpler questions since FreebaseQA provides more linguistically sophisticated questions than other existing data sets." + }, + "onestop_english": { + "pwc_id": "onestopenglish", + "dataset_name": "OneStopEnglish Dataset", + "dataset_abstract": "Useful for through two applications - automatic readability assessment and automatic text simplification. The corpus consists of 189 texts, each in three versions (567 in total).", + "paper_name": "OneStopEnglish corpus: A new corpus for automatic readability assessment and text simplification", + "paper_abstract": "This paper describes the collection and compilation of the OneStopEnglish corpus of texts written at three reading levels, and demonstrates its usefulness for through two applications - automatic readability assessment and automatic text simplification. The corpus consists of 189 texts, each in three versions (567 in total). The corpus is now freely available under a CC by-SA 4.0 license and we hope that it would foster further research on the topics of readability assessment and text simplification." + }, + "meta_woz": { + "pwc_id": "metalwoz", + "dataset_name": "MetaLWOz Dataset", + "dataset_abstract": "Collected by leveraging background knowledge from a larger, more highly represented dialogue source.", + "paper_name": "Few-Shot Dialogue Generation Without Annotated Data: A Transfer Learning Approach", + "paper_abstract": "Learning with minimal data is one of the key challenges in the development of practical, production-ready goal-oriented dialogue systems. In a real-world enterprise setting where dialogue systems are developed rapidly and are expected to work robustly for an ever-growing variety of domains, products, and scenarios, efficient learning from a limited number of examples becomes indispensable. In this paper, we introduce a technique to achieve state-of-the-art dialogue generation performance in a few-shot setup, without using any annotated data. We do this by leveraging background knowledge from a larger, more highly represented dialogue source --- namely, the MetaLWOz dataset. We evaluate our model on the Stanford Multi-Domain Dialogue Dataset, consisting of human-human goal-oriented dialogues in in-car navigation, appointment scheduling, and weather information domains. We show that our few-shot approach achieves state-of-the art results on that dataset by consistently outperforming the previous best model in terms of BLEU and Entity F1 scores, while being more data-efficient by not requiring any data annotation." + }, + "jfleg": { + "pwc_id": "jfleg", + "dataset_name": "JFLEG Dataset", + "dataset_abstract": "JFLEG is for developing and evaluating grammatical error correction (GEC). Unlike other corpora, it represents a broad range of language proficiency levels and uses holistic fluency edits to not only correct grammatical errors but also make the original text more native sounding.", + "paper_name": "JFLEG: A Fluency Corpus and Benchmark for Grammatical Error Correction", + "paper_abstract": "We present a new parallel corpus, JHU FLuency-Extended GUG corpus (JFLEG) for\ndeveloping and evaluating grammatical error correction (GEC). Unlike other\ncorpora, it represents a broad range of language proficiency levels and uses\nholistic fluency edits to not only correct grammatical errors but also make the\noriginal text more native sounding. We describe the types of corrections made\nand benchmark four leading GEC systems on this corpus, identifying specific\nareas in which they do well and how they can improve. JFLEG fulfills the need\nfor a new gold standard to properly assess the current state of GEC." + }, + "numer_sense": { + "pwc_id": "numersense", + "dataset_name": "NumerSense Dataset", + "dataset_abstract": "Contains 13.6k masked-word-prediction probes, 10.5k for fine-tuning and 3.1k for testing.", + "paper_name": "Birds have four legs?! NumerSense: Probing Numerical Commonsense Knowledge of Pre-trained Language Models", + "paper_abstract": "Recent works show that pre-trained language models (PTLMs), such as BERT, possess certain commonsense and factual knowledge. They suggest that it is promising to use PTLMs as \"neural knowledge bases\" via predicting masked words. Surprisingly, we find that this may not work for numerical commonsense knowledge (e.g., a bird usually has two legs). In this paper, we investigate whether and to what extent we can induce numerical commonsense knowledge from PTLMs as well as the robustness of this process. To study this, we introduce a novel probing task with a diagnostic dataset, NumerSense, containing 13.6k masked-word-prediction probes (10.5k for fine-tuning and 3.1k for testing). Our analysis reveals that: (1) BERT and its stronger variant RoBERTa perform poorly on the diagnostic dataset prior to any fine-tuning; (2) fine-tuning with distant supervision brings some improvement; (3) the best supervised model still performs poorly as compared to human performance (54.06% vs 96.3% in accuracy)." + }, + "neural_code_search": { + "pwc_id": "neural-code-search-evaluation-dataset", + "dataset_name": "Neural Code Search Evaluation Dataset Dataset", + "dataset_abstract": "Neural-Code-Search-Evaluation-Dataset presents an evaluation dataset consisting of natural language query and code snippet pairs, with the hope that future work in this area can use this dataset as a common benchmark.", + "paper_name": "", + "paper_abstract": "" + }, + "mrqa": { + "pwc_id": "mrqa-2019", + "dataset_name": "MRQA Dataset", + "dataset_abstract": "The MRQA (Machine Reading for Question Answering) dataset is a dataset for evaluating the generalization capabilities of reading comprehension systems.", + "paper_name": "MRQA 2019 Shared Task: Evaluating Generalization in Reading Comprehension", + "paper_abstract": "We present the results of the Machine Reading for Question Answering (MRQA) 2019 shared task on evaluating the generalization capabilities of reading comprehension systems. In this task, we adapted and unified 18 distinct question answering datasets into the same format. Among them, six datasets were made available for training, six datasets were made available for development, and the final six were hidden for final evaluation. Ten teams submitted systems, which explored various ideas including data sampling, multi-task learning, adversarial training and ensembling. The best system achieved an average F1 score of 72.5 on the 12 held-out datasets, 10.7 absolute points higher than our initial baseline based on BERT." + }, + "drop": { + "pwc_id": "drop", + "dataset_name": "DROP Dataset", + "dataset_abstract": "Discrete Reasoning Over Paragraphs DROP is a crowdsourced, adversarially-created, 96k-question benchmark, in which a system must resolve references in a question, perhaps to multiple input positions, and perform discrete operations over them (such as addition, counting, or sorting). These operations require a much more comprehensive understanding of the content of paragraphs than what was necessary for prior datasets. The questions consist of passages extracted from Wikipedia articles. The dataset is split into a training set of about 77,000 questions, a development set of around 9,500 questions and a hidden test set similar in size to the development set.", + "paper_name": "DROP: A Reading Comprehension Benchmark Requiring Discrete Reasoning Over Paragraphs", + "paper_abstract": "Reading comprehension has recently seen rapid progress, with systems matching\nhumans on the most popular datasets for the task. However, a large body of work\nhas highlighted the brittleness of these systems, showing that there is much\nwork left to be done. We introduce a new English reading comprehension\nbenchmark, DROP, which requires Discrete Reasoning Over the content of\nParagraphs. In this crowdsourced, adversarially-created, 96k-question\nbenchmark, a system must resolve references in a question, perhaps to multiple\ninput positions, and perform discrete operations over them (such as addition,\ncounting, or sorting). These operations require a much more comprehensive\nunderstanding of the content of paragraphs than what was necessary for prior\ndatasets. We apply state-of-the-art methods from both the reading comprehension\nand semantic parsing literature on this dataset and show that the best systems\nonly achieve 32.7% F1 on our generalized accuracy metric, while expert human\nperformance is 96.0%. We additionally present a new model that combines reading\ncomprehension methods with simple numerical reasoning to achieve 47.0% F1." + }, + "openwebtext": { + "pwc_id": "openwebtext", + "dataset_name": "OpenWebText Dataset", + "dataset_abstract": "OpenWebText is an open-source recreation of the WebText corpus. The text is web content extracted from URLs shared on Reddit with at least three upvotes. (38GB).", + "paper_name": "", + "paper_abstract": "" + }, + "snips_built_in_intents": { + "pwc_id": "snips", + "dataset_name": "SNIPS Dataset", + "dataset_abstract": "The SNIPS Natural Language Understanding benchmark is a dataset of over 16,000 crowdsourced queries distributed among 7 user intents of various complexity:\n\n\nSearchCreativeWork (e.g. Find me the I, Robot television show),\nGetWeather (e.g. Is it windy in Boston, MA right now?),\nBookRestaurant (e.g. I want to book a highly rated restaurant in Paris tomorrow night),\nPlayMusic (e.g. Play the last track from Beyonc\u00e9 off Spotify),\nAddToPlaylist (e.g. Add Diamonds to my roadtrip playlist),\nRateBook (e.g. Give 6 stars to Of Mice and Men),\nSearchScreeningEvent (e.g. Check the showtimes for Wonder Woman in Paris).\nThe training set contains of 13,084 utterances, the validation set and the test set contain 700 utterances each, with 100 queries per intent.", + "paper_name": "Snips Voice Platform: an embedded Spoken Language Understanding system for private-by-design voice interfaces", + "paper_abstract": "This paper presents the machine learning architecture of the Snips Voice\nPlatform, a software solution to perform Spoken Language Understanding on\nmicroprocessors typical of IoT devices. The embedded inference is fast and\naccurate while enforcing privacy by design, as no personal user data is ever\ncollected. Focusing on Automatic Speech Recognition and Natural Language\nUnderstanding, we detail our approach to training high-performance Machine\nLearning models that are small enough to run in real-time on small devices.\nAdditionally, we describe a data generation procedure that provides sufficient,\nhigh-quality training data without compromising user privacy." + }, + "conv_ai_2": { + "pwc_id": "convai2", + "dataset_name": "ConvAI2 Dataset", + "dataset_abstract": "The ConvAI2 NeurIPS competition aimed at finding approaches to creating high-quality dialogue agents capable of meaningful open domain conversation. The ConvAI2 dataset for training models is based on the PERSONA-CHAT dataset. The speaker pairs each have assigned profiles coming from a set of 1155 possible personas (at training time), each consisting of at least 5 profile sentences, setting aside 100 never seen before personas for validation. As the original PERSONA-CHAT test set was released, a new hidden test set consisted of 100 new personas and over 1,015 dialogs was created by crowdsourced workers.\n\nTo avoid modeling that takes advantage of trivial word overlap, additional rewritten sets of the same train and test personas were crowdsourced, with related sentences that are rephrases, generalizations or specializations, rendering the task much more challenging. For example \u201cI just got my nails done\u201d is revised as \u201cI love to pamper myself on a regular basis\u201d and \u201cI am on a diet now\u201d is revised as \u201cI need to lose weight.\u201d\n\nThe training, validation and hidden test sets consists of 17,878, 1,000 and 1,015 dialogues, respectively.", + "paper_name": "The Second Conversational Intelligence Challenge (ConvAI2)", + "paper_abstract": "We describe the setting and results of the ConvAI2 NeurIPS competition that\naims to further the state-of-the-art in open-domain chatbots. Some key\ntakeaways from the competition are: (i) pretrained Transformer variants are\ncurrently the best performing models on this task, (ii) but to improve\nperformance on multi-turn conversations with humans, future systems must go\nbeyond single word metrics like perplexity to measure the performance across\nsequences of utterances (conversations) -- in terms of repetition, consistency\nand balance of dialogue acts (e.g. how many questions asked vs. answered)." + }, + "mocha": { + "pwc_id": "mocha", + "dataset_name": "MOCHA Dataset", + "dataset_abstract": "Contains 40K human judgement scores on model outputs from 6 diverse question answering datasets and an additional set of minimal pairs for evaluation.", + "paper_name": "MOCHA: A Dataset for Training and Evaluating Generative Reading Comprehension Metrics", + "paper_abstract": "Posing reading comprehension as a generation problem provides a great deal of flexibility, allowing for open-ended questions with few restrictions on possible answers. However, progress is impeded by existing generation metrics, which rely on token overlap and are agnostic to the nuances of reading comprehension. To address this, we introduce a benchmark for training and evaluating generative reading comprehension metrics: MOdeling Correctness with Human Annotations. MOCHA contains 40K human judgement scores on model outputs from 6 diverse question answering datasets and an additional set of minimal pairs for evaluation. Using MOCHA, we train a Learned Evaluation metric for Reading Comprehension, LERC, to mimic human judgement scores. LERC outperforms baseline metrics by 10 to 36 absolute Pearson points on held-out annotations. When we evaluate robustness on minimal pairs, LERC achieves 80% accuracy, outperforming baselines by 14 to 26 absolute percentage points while leaving significant room for improvement. MOCHA presents a challenging problem for developing accurate and robust generative reading comprehension metrics." + }, + "covid_qa_castorini": { + "pwc_id": "covidqa", + "dataset_name": "CovidQA Dataset", + "dataset_abstract": "The beginnings of a question answering dataset specifically designed for COVID-19, built by hand from knowledge gathered from Kaggle's COVID-19 Open Research Dataset Challenge.", + "paper_name": "Rapidly Bootstrapping a Question Answering Dataset for COVID-19", + "paper_abstract": "We present CovidQA, the beginnings of a question answering dataset specifically designed for COVID-19, built by hand from knowledge gathered from Kaggle's COVID-19 Open Research Dataset Challenge. To our knowledge, this is the first publicly available resource of its type, and intended as a stopgap measure for guiding research until more substantial evaluation resources become available. While this dataset, comprising 124 question-article pairs as of the present version 0.1 release, does not have sufficient examples for supervised machine learning, we believe that it can be helpful for evaluating the zero-shot or transfer capabilities of existing models on topics specifically related to COVID-19. This paper describes our methodology for constructing the dataset and presents the effectiveness of a number of baselines, including term-based techniques and various transformer-based models. The dataset is available at http://covidqa.ai/" + }, + "wiki40b": { + "pwc_id": "wiki-40b", + "dataset_name": "Wiki-40B Dataset", + "dataset_abstract": "A new multilingual language model benchmark that is composed of 40+ languages spanning several scripts and linguistic families containing round 40 billion characters and aimed to accelerate the research of multilingual modeling.", + "paper_name": "Wiki-40B: Multilingual Language Model Dataset", + "paper_abstract": "We propose a new multilingual language model benchmark that is composed of 40+ languages spanning several scripts and linguistic families. With around 40 billion characters, we hope this new resource will accelerate the research of multilingual modeling. We train monolingual causal language models using a state-of-the-art model (Transformer-XL) establishing baselines for many languages. We also introduce the task of multilingual causal language modeling where we train our model on the combined text of 40+ languages from Wikipedia with different vocabulary sizes and evaluate on the languages individually. We released the cleaned-up text of 40+ Wikipedia language editions, the corresponding trained monolingual language models, and several multilingual language models with different fixed vocabulary sizes." + }, + "docred": { + "pwc_id": "docred", + "dataset_name": "DocRED Dataset", + "dataset_abstract": "DocRED (Document-Level Relation Extraction Dataset) is a relation extraction dataset constructed from Wikipedia and Wikidata. Each document in the dataset is human-annotated with named entity mentions, coreference information, intra- and inter-sentence relations, and supporting evidence. DocRED requires reading multiple sentences in a document to extract entities and infer their relations by synthesizing all information of the document. Along with the human-annotated data, the dataset provides large-scale distantly supervised data.\n\nDocRED contains 132,375 entities and 56,354 relational facts annotated on 5,053 Wikipedia documents. In addition to the human-annotated data, the dataset provides large-scale distantly supervised data over 101,873 documents.", + "paper_name": "DocRED: A Large-Scale Document-Level Relation Extraction Dataset", + "paper_abstract": "Multiple entities in a document generally exhibit complex inter-sentence relations, and cannot be well handled by existing relation extraction (RE) methods that typically focus on extracting intra-sentence relations for single entity pairs. In order to accelerate the research on document-level RE, we introduce DocRED, a new dataset constructed from Wikipedia and Wikidata with three features: (1) DocRED annotates both named entities and relations, and is the largest human-annotated dataset for document-level RE from plain text; (2) DocRED requires reading multiple sentences in a document to extract entities and infer their relations by synthesizing all information of the document; (3) along with the human-annotated data, we also offer large-scale distantly supervised data, which enables DocRED to be adopted for both supervised and weakly supervised scenarios. In order to verify the challenges of document-level RE, we implement recent state-of-the-art methods for RE and conduct a thorough evaluation of these methods on DocRED. Empirical results show that DocRED is challenging for existing RE methods, which indicates that document-level RE remains an open problem and requires further efforts. Based on the detailed analysis on the experiments, we discuss multiple promising directions for future research." + }, + "wiki_split": { + "pwc_id": "wikisplit", + "dataset_name": "WikiSplit Dataset", + "dataset_abstract": "Contains one million naturally occurring sentence rewrites, providing sixty times more distinct split examples and a ninety times larger vocabulary than the WebSplit corpus introduced by Narayan et al. (2017) as a benchmark for this task.", + "paper_name": "Learning To Split and Rephrase From Wikipedia Edit History", + "paper_abstract": "Split and rephrase is the task of breaking down a sentence into shorter ones\nthat together convey the same meaning. We extract a rich new dataset for this\ntask by mining Wikipedia's edit history: WikiSplit contains one million\nnaturally occurring sentence rewrites, providing sixty times more distinct\nsplit examples and a ninety times larger vocabulary than the WebSplit corpus\nintroduced by Narayan et al. (2017) as a benchmark for this task. Incorporating\nWikiSplit as training data produces a model with qualitatively better\npredictions that score 32 BLEU points above the prior best result on the\nWebSplit benchmark." + }, + "craigslist_bargains": { + "pwc_id": "craigslistbargains", + "dataset_name": "CraigslistBargains Dataset", + "dataset_abstract": "A richer dataset based on real items on Craigslist.", + "paper_name": "Decoupling Strategy and Generation in Negotiation Dialogues", + "paper_abstract": "We consider negotiation settings in which two agents use natural language to\nbargain on goods. Agents need to decide on both high-level strategy (e.g.,\nproposing \\$50) and the execution of that strategy (e.g., generating \"The bike\nis brand new. Selling for just \\$50.\"). Recent work on negotiation trains\nneural models, but their end-to-end nature makes it hard to control their\nstrategy, and reinforcement learning tends to lead to degenerate solutions. In\nthis paper, we propose a modular approach based on coarse di- alogue acts\n(e.g., propose(price=50)) that decouples strategy and generation. We show that\nwe can flexibly set the strategy using supervised learning, reinforcement\nlearning, or domain-specific knowledge without degeneracy, while our\nretrieval-based generation can maintain context-awareness and produce diverse\nutterances. We test our approach on the recently proposed DEALORNODEAL game,\nand we also collect a richer dataset based on real items on Craigslist. Human\nevaluation shows that our systems achieve higher task success rate and more\nhuman-like negotiation behavior than previous approaches." + }, + "asnq": { + "pwc_id": "asnq", + "dataset_name": "ASNQ Dataset", + "dataset_abstract": "A large scale dataset to enable the transfer step, exploiting the Natural Questions dataset.", + "paper_name": "TANDA: Transfer and Adapt Pre-Trained Transformer Models for Answer Sentence Selection", + "paper_abstract": "We propose TANDA, an effective technique for fine-tuning pre-trained Transformer models for natural language tasks. Specifically, we first transfer a pre-trained model into a model for a general task by fine-tuning it with a large and high-quality dataset. We then perform a second fine-tuning step to adapt the transferred model to the target domain. We demonstrate the benefits of our approach for answer sentence selection, which is a well-known inference task in Question Answering. We built a large scale dataset to enable the transfer step, exploiting the Natural Questions dataset. Our approach establishes the state of the art on two well-known benchmarks, WikiQA and TREC-QA, achieving MAP scores of 92% and 94.3%, respectively, which largely outperform the previous highest scores of 83.4% and 87.5%, obtained in very recent work. We empirically show that TANDA generates more stable and robust models reducing the effort required for selecting optimal hyper-parameters. Additionally, we show that the transfer step of TANDA makes the adaptation step more robust to noise. This enables a more effective use of noisy datasets for fine-tuning. Finally, we also confirm the positive impact of TANDA in an industrial setting, using domain specific datasets subject to different types of noise." + }, + "limit": { + "pwc_id": "limit", + "dataset_name": "LiMiT Dataset", + "dataset_abstract": "The limit dataset of ~24K sentences that describe literal motion (~14K sentences), and sentences not describing motion or other type of motion (e.g. fictive motion). Senteces were extracted from electronic books categorized as fiction or novels, and a portion from the NetActivity Captions Dataset.", + "paper_name": "", + "paper_abstract": "" + }, + "kelm": { + "pwc_id": "kelm", + "dataset_name": "KELM Dataset", + "dataset_abstract": "KELM is a large-scale synthetic corpus of Wikidata KG as natural text.", + "paper_name": "Knowledge Graph Based Synthetic Corpus Generation for Knowledge-Enhanced Language Model Pre-training", + "paper_abstract": "Prior work on Data-To-Text Generation, the task of converting knowledge graph (KG) triples into natural text, focused on domain-specific benchmark datasets. In this paper, however, we verbalize the entire English Wikidata KG, and discuss the unique challenges associated with a broad, open-domain, large-scale verbalization. We further show that verbalizing a comprehensive, encyclopedic KG like Wikidata can be used to integrate structured KGs and natural language corpora. In contrast to the many architectures that have been developed to integrate these two sources, our approach converts the KG into natural text, allowing it to be seamlessly integrated into existing language models. It carries the further advantages of improved factual accuracy and reduced toxicity in the resulting language model. We evaluate this approach by augmenting the retrieval corpus in a retrieval language model and showing significant improvements on the knowledge intensive tasks of open domain QA and the LAMA knowledge probe." + }, + "zest": { + "pwc_id": "zest", + "dataset_name": "ZEST Dataset", + "dataset_abstract": "A new English language dataset structured for task-oriented evaluation on unseen tasks.", + "paper_name": "Learning from Task Descriptions", + "paper_abstract": "Typically, machine learning systems solve new tasks by training on thousands of examples. In contrast, humans can solve new tasks by reading some instructions, with perhaps an example or two. To take a step toward closing this gap, we introduce a framework for developing NLP systems that solve new tasks after reading their descriptions, synthesizing prior work in this area. We instantiate this framework with a new English language dataset, ZEST, structured for task-oriented evaluation on unseen tasks. Formulating task descriptions as questions, we ensure each is general enough to apply to many possible inputs, thus comprehensively evaluating a model's ability to solve each task. Moreover, the dataset's structure tests specific types of systematic generalization. We find that the state-of-the-art T5 model achieves a score of 12% on ZEST, leaving a significant challenge for NLP researchers." + }, + "gutenberg_time": { + "pwc_id": "gutenberg-time-dataset", + "dataset_name": "Gutenberg Time Dataset Dataset", + "dataset_abstract": "A data set of hourly time phrases from 52,183 fictional books.", + "paper_name": "What time is it? Temporal Analysis of Novels", + "paper_abstract": "Recognizing the flow of time in a story is a crucial aspect of understanding it. Prior work related to time has primarily focused on identifying temporal expressions or relative sequencing of events, but here we propose computationally annotating each line of a book with wall clock times, even in the absence of explicit time-descriptive phrases. To do so, we construct a data set of hourly time phrases from 52,183 fictional books. We then construct a time-of-day classification model that achieves an average error of 2.27 hours. Furthermore, we show that by analyzing a book in whole using dynamic programming of breakpoints, we can roughly partition a book into segments that each correspond to a particular time-of-day. This approach improves upon baselines by over two hours. Finally, we apply our model to a corpus of literature categorized by different periods in history, to show interesting trends of hourly activity throughout the past. Among several observations we find that the fraction of events taking place past 10 P.M jumps past 1880 - coincident with the advent of the electric light bulb and city lights." + }, + "sent_comp": { + "pwc_id": "sentence-compression", + "dataset_name": "Sentence Compression Dataset", + "dataset_abstract": "Sentence Compression is a dataset where the syntactic trees of the compressions are subtrees of their uncompressed counterparts, and hence where supervised systems which require a structural alignment between the input and output can be successfully trained.", + "paper_name": "", + "paper_abstract": "" + }, + "qed": { + "pwc_id": "qed", + "dataset_name": "QED Dataset", + "dataset_abstract": "QED is a linguistically principled framework for explanations in question answering. Given a question and a passage, QED represents an explanation of the answer as a combination of discrete, human-interpretable steps:\nsentence selection := identification of a sentence implying an answer to the question\nreferential equality := identification of noun phrases in the question and the answer sentence that refer to the same thing\npredicate entailment := confirmation that the predicate in the sentence entails the predicate in the question once referential equalities are abstracted away.\nThe QED dataset is an expert-annotated dataset of QED explanations build upon a subset of the Google Natural Questions dataset.", + "paper_name": "QED: A Framework and Dataset for Explanations in Question Answering", + "paper_abstract": "A question answering system that in addition to providing an answer provides an explanation of the reasoning that leads to that answer has potential advantages in terms of debuggability, extensibility and trust. To this end, we propose QED, a linguistically informed, extensible framework for explanations in question answering. A QED explanation specifies the relationship between a question and answer according to formal semantic notions such as referential equality, sentencehood, and entailment. We describe and publicly release an expert-annotated dataset of QED explanations built upon a subset of the Google Natural Questions dataset, and report baseline models on two tasks -- post-hoc explanation generation given an answer, and joint question answering and explanation generation. In the joint setting, a promising result suggests that training on a relatively small amount of QED data can improve question answering. In addition to describing the formal, language-theoretic motivations for the QED approach, we describe a large user study showing that the presence of QED explanations significantly improves the ability of untrained raters to spot errors made by a strong neural QA baseline." + }, + "code_search_net": { + "pwc_id": "codesearchnet", + "dataset_name": "CodeSearchNet Dataset", + "dataset_abstract": "The CodeSearchNet Corpus is a large dataset of functions with associated documentation written in Go, Java, JavaScript, PHP, Python, and Ruby from open source projects on GitHub. The CodeSearchNet Corpus includes:\n* Six million methods overall\n* Two million of which have associated documentation (docstrings, JavaDoc, and more)\n* Metadata that indicates the original location (repository or line number, for example) where the data was found", + "paper_name": "CodeSearchNet Challenge: Evaluating the State of Semantic Code Search", + "paper_abstract": "Semantic code search is the task of retrieving relevant code given a natural language query. While related to other information retrieval tasks, it requires bridging the gap between the language used in code (often abbreviated and highly technical) and natural language more suitable to describe vague concepts and ideas. To enable evaluation of progress on code search, we are releasing the CodeSearchNet Corpus and are presenting the CodeSearchNet Challenge, which consists of 99 natural language queries with about 4k expert relevance annotations of likely results from CodeSearchNet Corpus. The corpus contains about 6 million functions from open-source code spanning six programming languages (Go, Java, JavaScript, PHP, Python, and Ruby). The CodeSearchNet Corpus also contains automatically generated query-like natural language for 2 million functions, obtained from mechanically scraping and preprocessing associated function documentation. In this article, we describe the methodology used to obtain the corpus and expert labels, as well as a number of simple baseline solutions for the task. We hope that CodeSearchNet Challenge encourages researchers and practitioners to study this interesting task further and will host a competition and leaderboard to track the progress on the challenge. We are also keen on extending CodeSearchNet Challenge to more queries and programming languages in the future." + }, + "wikihow": { + "pwc_id": "wikihow", + "dataset_name": "WikiHow Dataset", + "dataset_abstract": "WikiHow is a dataset of more than 230,000 article and summary pairs extracted and constructed from an online knowledge base written by different human authors. The articles span a wide range of topics and represent high diversity styles.", + "paper_name": "WikiHow: A Large Scale Text Summarization Dataset", + "paper_abstract": "Sequence-to-sequence models have recently gained the state of the art\nperformance in summarization. However, not too many large-scale high-quality\ndatasets are available and almost all the available ones are mainly news\narticles with specific writing style. Moreover, abstractive human-style systems\ninvolving description of the content at a deeper level require data with higher\nlevels of abstraction. In this paper, we present WikiHow, a dataset of more\nthan 230,000 article and summary pairs extracted and constructed from an online\nknowledge base written by different human authors. The articles span a wide\nrange of topics and therefore represent high diversity styles. We evaluate the\nperformance of the existing methods on WikiHow to present its challenges and\nset some baselines to further improve it." + }, + "tapaco": { + "pwc_id": "tapaco", + "dataset_name": "TaPaCo Dataset", + "dataset_abstract": "TaPaCo is a freely available paraphrase corpus for 73 languages extracted from the Tatoeba database.", + "paper_name": "TaPaCo: A Corpus of Sentential Paraphrases for 73 Languages", + "paper_abstract": "This paper presents TaPaCo, a freely available paraphrase corpus for 73 languages extracted from the Tatoeba database. Tatoeba is a crowdsourcing project mainly geared towards language learners. Its aim is to provide example sentences and translations for particular linguistic constructions and words. The paraphrase corpus is created by populating a graph with Tatoeba sentences and equivalence links between sentences {``}meaning the same thing{''}. This graph is then traversed to extract sets of paraphrases. Several language-independent filters and pruning steps are applied to remove uninteresting sentences. A manual evaluation performed on three languages shows that between half and three quarters of inferred paraphrases are correct and that most remaining ones are either correct but trivial, or near-paraphrases that neutralize a morphological distinction. The corpus contains a total of 1.9 million sentences, with 200 - 250 000 sentences per language. It covers a range of languages for which, to our knowledge, no other paraphrase dataset exists. The dataset is available at https://doi.org/10.5281/zenodo.3707949." + }, + "exams": { + "pwc_id": "exams", + "dataset_name": "EXAMS Dataset", + "dataset_abstract": "A new benchmark dataset for cross-lingual and multilingual question answering for high school examinations. Collects more than 24,000 high-quality high school exam questions in 16 languages, covering 8 language families and 24 school subjects from Natural Sciences and Social Sciences, among others. EXAMS offers a fine-grained evaluation framework across multiple languages and subjects, which allows precise analysis and comparison of various models.", + "paper_name": "EXAMS: A Multi-Subject High School Examinations Dataset for Cross-Lingual and Multilingual Question Answering", + "paper_abstract": "We propose EXAMS -- a new benchmark dataset for cross-lingual and multilingual question answering for high school examinations. We collected more than 24,000 high-quality high school exam questions in 16 languages, covering 8 language families and 24 school subjects from Natural Sciences and Social Sciences, among others. EXAMS offers a fine-grained evaluation framework across multiple languages and subjects, which allows precise analysis and comparison of various models. We perform various experiments with existing top-performing multilingual pre-trained models and we show that EXAMS offers multiple challenges that require multilingual knowledge and reasoning in multiple domains. We hope that EXAMS will enable researchers to explore challenging reasoning and knowledge transfer methods and pre-trained models for school question answering in various languages which was not possible before. The data, code, pre-trained models, and evaluation are available at https://github.com/mhardalov/exams-qa." + }, + "mnist": { + "pwc_id": "mnist", + "dataset_name": "MNIST Dataset", + "dataset_abstract": "The MNIST database (Modified National Institute of Standards and Technology database) is a large collection of handwritten digits. It has a training set of 60,000 examples, and a test set of 10,000 examples. It is a subset of a larger NIST Special Database 3 (digits written by employees of the United States Census Bureau) and Special Database 1 (digits written by high school students) which contain monochrome images of handwritten digits. The digits have been size-normalized and centered in a fixed-size image. The original black and white (bilevel) images from NIST were size normalized to fit in a 20x20 pixel box while preserving their aspect ratio. The resulting images contain grey levels as a result of the anti-aliasing technique used by the normalization algorithm. the images were centered in a 28x28 image by computing the center of mass of the pixels, and translating the image so as to position this point at the center of the 28x28 field.", + "paper_name": "", + "paper_abstract": "" + }, + "mlsum": { + "pwc_id": "mlsum", + "dataset_name": "MLSUM Dataset", + "dataset_abstract": "A large-scale MultiLingual SUMmarization dataset. Obtained from online newspapers, it contains 1.5M+ article/summary pairs in five different languages -- namely, French, German, Spanish, Russian, Turkish. Together with English newspapers from the popular CNN/Daily mail dataset, the collected data form a large scale multilingual dataset which can enable new research directions for the text summarization community.", + "paper_name": "MLSUM: The Multilingual Summarization Corpus", + "paper_abstract": "We present MLSUM, the first large-scale MultiLingual SUMmarization dataset. Obtained from online newspapers, it contains 1.5M+ article/summary pairs in five different languages -- namely, French, German, Spanish, Russian, Turkish. Together with English newspapers from the popular CNN/Daily mail dataset, the collected data form a large scale multilingual dataset which can enable new research directions for the text summarization community. We report cross-lingual comparative analyses based on state-of-the-art systems. These highlight existing biases which motivate the use of a multi-lingual dataset." + }, + "ccdv/cnn_dailymail": { + "pwc_id": "cnn-daily-mail-1", + "dataset_name": "CNN/Daily Mail Dataset", + "dataset_abstract": "CNN/Daily Mail is a dataset for text summarization. Human generated abstractive summary bullets were generated from news stories in CNN and Daily Mail websites as questions (with one of the entities hidden), and stories as the corresponding passages from which the system is expected to answer the fill-in the-blank question. The authors released the scripts that crawl, extract and generate pairs of passages and questions from these websites.\n\nIn all, the corpus has 286,817 training pairs, 13,368 validation pairs and 11,487 test pairs, as defined by their scripts. The source documents in the training set have 766 words spanning 29.74 sentences on an average while the summaries consist of 53 words and 3.72 sentences.", + "paper_name": "Abstractive Text Summarization Using Sequence-to-Sequence RNNs and Beyond", + "paper_abstract": "In this work, we model abstractive text summarization using Attentional\nEncoder-Decoder Recurrent Neural Networks, and show that they achieve\nstate-of-the-art performance on two different corpora. We propose several novel\nmodels that address critical problems in summarization that are not adequately\nmodeled by the basic architecture, such as modeling key-words, capturing the\nhierarchy of sentence-to-word structure, and emitting words that are rare or\nunseen at training time. Our work shows that many of our proposed models\ncontribute to further improvement in performance. We also propose a new dataset\nconsisting of multi-sentence summaries, and establish performance benchmarks\nfor further research." + }, + "e2e_nlg": { + "pwc_id": "e2e", + "dataset_name": "E2E Dataset", + "dataset_abstract": "End-to-End NLG Challenge (E2E) aims to assess whether recent end-to-end NLG systems can generate more complex output by learning from datasets containing higher lexical richness, syntactic complexity and diverse discourse phenomena.", + "paper_name": "The E2E Dataset: New Challenges For End-to-End Generation", + "paper_abstract": "This paper describes the E2E data, a new dataset for training end-to-end,\ndata-driven natural language generation systems in the restaurant domain, which\nis ten times bigger than existing, frequently used datasets in this area. The\nE2E dataset poses new challenges: (1) its human reference texts show more\nlexical richness and syntactic variation, including discourse phenomena; (2)\ngenerating from this set requires content selection. As such, learning from\nthis dataset promises more natural, varied and less template-like system\nutterances. We also establish a baseline on this dataset, which illustrates\nsome of the difficulties associated with this data." + }, + "medal": { + "pwc_id": "medal", + "dataset_name": "MeDAL Dataset", + "dataset_abstract": "The Medical Dataset for Abbreviation Disambiguation for Natural Language Understanding (MeDAL) is a large medical text dataset curated for abbreviation disambiguation, designed for natural language understanding pre-training in the medical domain. It was published at the ClinicalNLP workshop at EMNLP.", + "paper_name": "MeDAL: Medical Abbreviation Disambiguation Dataset for Natural Language Understanding Pretraining", + "paper_abstract": "One of the biggest challenges that prohibit the use of many current NLP methods in clinical settings is the availability of public datasets. In this work, we present MeDAL, a large medical text dataset curated for abbreviation disambiguation, designed for natural language understanding pre-training in the medical domain. We pre-trained several models of common architectures on this dataset and empirically showed that such pre-training leads to improved performance and convergence speed when fine-tuning on downstream medical tasks." + }, + "tatoeba": { + "pwc_id": "tatoeba", + "dataset_name": "Tatoeba Dataset", + "dataset_abstract": "The Tatoeba dataset consists of up to 1,000 English-aligned sentence pairs covering 122 languages.", + "paper_name": "Massively Multilingual Sentence Embeddings for Zero-Shot Cross-Lingual Transfer and Beyond", + "paper_abstract": "We introduce an architecture to learn joint multilingual sentence representations for 93 languages, belonging to more than 30 different families and written in 28 different scripts. Our system uses a single BiLSTM encoder with a shared BPE vocabulary for all languages, which is coupled with an auxiliary decoder and trained on publicly available parallel corpora. This enables us to learn a classifier on top of the resulting embeddings using English annotated data only, and transfer it to any of the 93 languages without any modification. Our experiments in cross-lingual natural language inference (XNLI dataset), cross-lingual document classification (MLDoc dataset) and parallel corpus mining (BUCC dataset) show the effectiveness of our approach. We also introduce a new test set of aligned sentences in 112 languages, and show that our sentence embeddings obtain strong results in multilingual similarity search even for low-resource languages. Our implementation, the pre-trained encoder and the multilingual test set are available at https://github.com/facebookresearch/LASER" + }, + "clue": { + "pwc_id": "clue", + "dataset_name": "CLUE Dataset", + "dataset_abstract": "CLUE is a Chinese Language Understanding Evaluation benchmark. It consists of different NLU datasets. It is a community-driven project that brings together 9 tasks spanning several well-established single-sentence/sentence-pair classification tasks, as well as machine reading comprehension, all on original Chinese text.", + "paper_name": "CLUE: A Chinese Language Understanding Evaluation Benchmark", + "paper_abstract": "The advent of natural language understanding (NLU) benchmarks for English, such as GLUE and SuperGLUE allows new NLU models to be evaluated across a diverse set of tasks. These comprehensive benchmarks have facilitated a broad range of research and applications in natural language processing (NLP). The problem, however, is that most such benchmarks are limited to English, which has made it difficult to replicate many of the successes in English NLU for other languages. To help remedy this issue, we introduce the first large-scale Chinese Language Understanding Evaluation (CLUE) benchmark. CLUE is an open-ended, community-driven project that brings together 9 tasks spanning several well-established single-sentence/sentence-pair classification tasks, as well as machine reading comprehension, all on original Chinese text. To establish results on these tasks, we report scores using an exhaustive set of current state-of-the-art pre-trained Chinese models (9 in total). We also introduce a number of supplementary datasets and additional tools to help facilitate further progress on Chinese NLU. Our benchmark is released at https://www.CLUEbenchmarks.com" + }, + "gsm8k": { + "pwc_id": "gsm8k", + "dataset_name": "GSM8K Dataset", + "dataset_abstract": "GSM8K is a dataset of 8.5K high quality linguistically diverse grade school math word problems created by human problem writers. The dataset is segmented into 7.5K training problems and 1K test problems. These problems take between 2 and 8 steps to solve, and solutions primarily involve performing a sequence of elementary calculations using basic arithmetic operations (+ \u2212 \u00d7\u00f7) to reach the final answer. A bright middle school student should be able to solve every problem. It can be used for multi-step mathematical reasoning.", + "paper_name": "Training Verifiers to Solve Math Word Problems", + "paper_abstract": "State-of-the-art language models can match human performance on many tasks, but they still struggle to robustly perform multi-step mathematical reasoning. To diagnose the failures of current models and support research, we introduce GSM8K, a dataset of 8.5K high quality linguistically diverse grade school math word problems. We find that even the largest transformer models fail to achieve high test performance, despite the conceptual simplicity of this problem distribution. To increase performance, we propose training verifiers to judge the correctness of model completions. At test time, we generate many candidate solutions and select the one ranked highest by the verifier. We demonstrate that verification significantly improves performance on GSM8K, and we provide strong empirical evidence that verification scales more effectively with increased data than a finetuning baseline." + }, + "squad_kor_v1": { + "pwc_id": "korquad", + "dataset_name": "KorQuAD Dataset", + "dataset_abstract": "KorQuAD is a large-scale question-and-answer dataset constructed for Korean machine reading comprehension, and investigate the dataset to understand the distribution of answers and the types of reasoning required to answer the question. This dataset benchmarks the data generating process of SQuAD to meet the standard.", + "paper_name": "KorQuAD1.0: Korean QA Dataset for Machine Reading Comprehension", + "paper_abstract": "Machine Reading Comprehension (MRC) is a task that requires machine to understand natural language and answer questions by reading a document. It is the core of automatic response technology such as chatbots and automatized customer supporting systems. We present Korean Question Answering Dataset(KorQuAD), a large-scale Korean dataset for extractive machine reading comprehension task. It consists of 70,000+ human generated question-answer pairs on Korean Wikipedia articles. We release KorQuAD1.0 and launch a challenge at https://KorQuAD.github.io to encourage the development of multilingual natural language processing research." + }, + "cifar10": { + "pwc_id": "cifar-10", + "dataset_name": "CIFAR-10 Dataset", + "dataset_abstract": "The CIFAR-10 dataset (Canadian Institute for Advanced Research, 10 classes) is a subset of the Tiny Images dataset and consists of 60000 32x32 color images. The images are labelled with one of 10 mutually exclusive classes: airplane, automobile (but not truck or pickup truck), bird, cat, deer, dog, frog, horse, ship, and truck (but not pickup truck). There are 6000 images per class with 5000 training and 1000 testing images per class.\n\nThe criteria for deciding whether an image belongs to a class were as follows:\n\n\nThe class name should be high on the list of likely answers to the question \u201cWhat is in this picture?\u201d\nThe image should be photo-realistic. Labelers were instructed to reject line drawings.\nThe image should contain only one prominent instance of the object to which the class refers.\nThe object may be partially occluded or seen from an unusual viewpoint as long as its identity is still clear to the labeler.", + "paper_name": "", + "paper_abstract": "" + }, + "multi_woz_v22": { + "pwc_id": "multiwoz", + "dataset_name": "MultiWOZ Dataset", + "dataset_abstract": "The Multi-domain Wizard-of-Oz (MultiWOZ) dataset is a large-scale human-human conversational corpus spanning over seven domains, containing 8438 multi-turn dialogues, with each dialogue averaging 14 turns. Different from existing standard datasets like WOZ and DSTC2, which contain less than 10 slots and only a few hundred values, MultiWOZ has 30 (domain, slot) pairs and over 4,500 possible values. The dialogues span seven domains: restaurant, hotel, attraction, taxi, train, hospital and police.", + "paper_name": "MultiWOZ -- A Large-Scale Multi-Domain Wizard-of-Oz Dataset for Task-Oriented Dialogue Modelling", + "paper_abstract": "Even though machine learning has become the major scene in dialogue research community, the real breakthrough has been blocked by the scale of data available. To address this fundamental obstacle, we introduce the Multi-Domain Wizard-of-Oz dataset (MultiWOZ), a fully-labeled collection of human-human written conversations spanning over multiple domains and topics. At a size of $10$k dialogues, it is at least one order of magnitude larger than all previous annotated task-oriented corpora. The contribution of this work apart from the open-sourced dataset labelled with dialogue belief states and dialogue actions is two-fold: firstly, a detailed description of the data collection procedure along with a summary of data structure and analysis is provided. The proposed data-collection pipeline is entirely based on crowd-sourcing without the need of hiring professional annotators; secondly, a set of benchmark results of belief tracking, dialogue act and response generation is reported, which shows the usability of the data and sets a baseline for future studies." + }, + "nsmc": { + "pwc_id": "nsmc", + "dataset_name": "NSMC Dataset", + "dataset_abstract": "This is a movie review dataset in the Korean language. Reviews were scraped from Naver Movies.", + "paper_name": "", + "paper_abstract": "" + }, + "conllpp": { + "pwc_id": "conll", + "dataset_name": "CoNLL++ Dataset", + "dataset_abstract": "CoNLL++ is a corrected version of the CoNLL03 NER dataset where 5.38% of the test sentences have been fixed.", + "paper_name": "CrossWeigh: Training Named Entity Tagger from Imperfect Annotations", + "paper_abstract": "Everyone makes mistakes. So do human annotators when curating labels for named entity recognition (NER). Such label mistakes might hurt model training and interfere model comparison. In this study, we dive deep into one of the widely-adopted NER benchmark datasets, CoNLL03 NER. We are able to identify label mistakes in about 5.38% test sentences, which is a significant ratio considering that the state-of-the-art test F1 score is already around 93%. Therefore, we manually correct these label mistakes and form a cleaner test set. Our re-evaluation of popular models on this corrected test set leads to more accurate assessments, compared to those on the original test set. More importantly, we propose a simple yet effective framework, CrossWeigh, to handle label mistakes during NER model training. Specifically, it partitions the training data into several folds and train independent NER models to identify potential mistakes in each fold. Then it adjusts the weights of training data accordingly to train the final NER model. Extensive experiments demonstrate significant improvements of plugging various NER models into our proposed framework on three datasets. All implementations and corrected test set are available at our Github repo: https://github.com/ZihanWangKi/CrossWeigh." + }, + "wikisql": { + "pwc_id": "wikisql", + "dataset_name": "WikiSQL Dataset", + "dataset_abstract": "WikiSQL consists of a corpus of 87,726 hand-annotated SQL query and natural language question pairs. These SQL queries are further split into training (61,297 examples), development (9,145 examples) and test sets (17,284 examples). It can be used for natural language inference tasks related to relational databases.", + "paper_name": "Seq2SQL: Generating Structured Queries from Natural Language using Reinforcement Learning", + "paper_abstract": "A significant amount of the world's knowledge is stored in relational\ndatabases. However, the ability for users to retrieve facts from a database is\nlimited due to a lack of understanding of query languages such as SQL. We\npropose Seq2SQL, a deep neural network for translating natural language\nquestions to corresponding SQL queries. Our model leverages the structure of\nSQL queries to significantly reduce the output space of generated queries.\nMoreover, we use rewards from in-the-loop query execution over the database to\nlearn a policy to generate unordered parts of the query, which we show are less\nsuitable for optimization via cross entropy loss. In addition, we will publish\nWikiSQL, a dataset of 80654 hand-annotated examples of questions and SQL\nqueries distributed across 24241 tables from Wikipedia. This dataset is\nrequired to train our model and is an order of magnitude larger than comparable\ndatasets. By applying policy-based reinforcement learning with a query\nexecution environment to WikiSQL, our model Seq2SQL outperforms attentional\nsequence to sequence models, improving execution accuracy from 35.9% to 59.4%\nand logical form accuracy from 23.4% to 48.3%." + }, + "big_patent": { + "pwc_id": "bigpatent", + "dataset_name": "BigPatent Dataset", + "dataset_abstract": "Consists of 1.3 million records of U.S. patent documents along with human written abstractive summaries.", + "paper_name": "BIGPATENT: A Large-Scale Dataset for Abstractive and Coherent Summarization", + "paper_abstract": "Most existing text summarization datasets are compiled from the news domain, where summaries have a flattened discourse structure. In such datasets, summary-worthy content often appears in the beginning of input articles. Moreover, large segments from input articles are present verbatim in their respective summaries. These issues impede the learning and evaluation of systems that can understand an article's global content structure as well as produce abstractive summaries with high compression ratio. In this work, we present a novel dataset, BIGPATENT, consisting of 1.3 million records of U.S. patent documents along with human written abstractive summaries. Compared to existing summarization datasets, BIGPATENT has the following properties: i) summaries contain a richer discourse structure with more recurring entities, ii) salient content is evenly distributed in the input, and iii) lesser and shorter extractive fragments are present in the summaries. Finally, we train and evaluate baselines and popular learning models on BIGPATENT to shed light on new challenges and motivate future directions for summarization research." + }, + "md_gender_bias": { + "pwc_id": "md-gender", + "dataset_name": "MD Gender Dataset", + "dataset_abstract": "Provides eight automatically annotated large scale datasets with gender information.", + "paper_name": "Multi-Dimensional Gender Bias Classification", + "paper_abstract": "Machine learning models are trained to find patterns in data. NLP models can inadvertently learn socially undesirable patterns when training on gender biased text. In this work, we propose a general framework that decomposes gender bias in text along several pragmatic and semantic dimensions: bias from the gender of the person being spoken about, bias from the gender of the person being spoken to, and bias from the gender of the speaker. Using this fine-grained framework, we automatically annotate eight large scale datasets with gender information. In addition, we collect a novel, crowdsourced evaluation benchmark of utterance-level gender rewrites. Distinguishing between gender bias along multiple dimensions is important, as it enables us to train finer-grained gender bias classifiers. We show our classifiers prove valuable for a variety of important applications, such as controlling for gender bias in generative models, detecting gender bias in arbitrary text, and shed light on offensive language in terms of genderedness." + }, + "polyglot_ner": { + "pwc_id": "polyglot-ner", + "dataset_name": "Polyglot-NER Dataset", + "dataset_abstract": "Polyglot-NER builds massive multilingual annotators with minimal human expertise and intervention.", + "paper_name": "POLYGLOT-NER: Massive Multilingual Named Entity Recognition", + "paper_abstract": "The increasing diversity of languages used on the web introduces a new level\nof complexity to Information Retrieval (IR) systems. We can no longer assume\nthat textual content is written in one language or even the same language\nfamily. In this paper, we demonstrate how to build massive multilingual\nannotators with minimal human expertise and intervention. We describe a system\nthat builds Named Entity Recognition (NER) annotators for 40 major languages\nusing Wikipedia and Freebase. Our approach does not require NER human annotated\ndatasets or language specific resources like treebanks, parallel corpora, and\northographic rules. The novelty of approach lies therein - using only language\nagnostic techniques, while achieving competitive performance.\n Our method learns distributed word representations (word embeddings) which\nencode semantic and syntactic features of words in each language. Then, we\nautomatically generate datasets from Wikipedia link structure and Freebase\nattributes. Finally, we apply two preprocessing stages (oversampling and exact\nsurface form matching) which do not require any linguistic expertise.\n Our evaluation is two fold: First, we demonstrate the system performance on\nhuman annotated datasets. Second, for languages where no gold-standard\nbenchmarks are available, we propose a new method, distant evaluation, based on\nstatistical machine translation." + }, + "imppres": { + "pwc_id": "imppres", + "dataset_name": "IMPPRES Dataset", + "dataset_abstract": "An IMPlicature and PRESupposition diagnostic dataset (IMPPRES), consisting of >25k semiautomatically generated sentence pairs illustrating well-studied pragmatic inference types.", + "paper_name": "Are Natural Language Inference Models IMPPRESsive? Learning IMPlicature and PRESupposition", + "paper_abstract": "Natural language inference (NLI) is an increasingly important task for natural language understanding, which requires one to infer whether a sentence entails another. However, the ability of NLI models to make pragmatic inferences remains understudied. We create an IMPlicature and PRESupposition diagnostic dataset (IMPPRES), consisting of >25k semiautomatically generated sentence pairs illustrating well-studied pragmatic inference types. We use IMPPRES to evaluate whether BERT, InferSent, and BOW NLI models trained on MultiNLI (Williams et al., 2018) learn to make pragmatic inferences. Although MultiNLI appears to contain very few pairs illustrating these inference types, we find that BERT learns to draw pragmatic inferences. It reliably treats scalar implicatures triggered by \"some\" as entailments. For some presupposition triggers like \"only\", BERT reliably recognizes the presupposition as an entailment, even when the trigger is embedded under an entailment canceling operator like negation. BOW and InferSent show weaker evidence of pragmatic reasoning. We conclude that NLI training encourages models to learn some, but not all, pragmatic inferences." + }, + "indonlu": { + "pwc_id": "indonlu-benchmark", + "dataset_name": "IndoNLU Benchmark Dataset", + "dataset_abstract": "The IndoNLU benchmark is a collection of resources for training, evaluating, and analyzing natural language understanding systems for Bahasa Indonesia. It is a joint venture from many Indonesia NLP enthusiasts from different institutions such as Gojek, Institut Teknologi Bandung, HKUST, Universitas Multimedia Nusantara, Prosa.ai, and Universitas Indonesia.", + "paper_name": "IndoNLU: Benchmark and Resources for Evaluating Indonesian Natural Language Understanding", + "paper_abstract": "Although Indonesian is known to be the fourth most frequently used language over the internet, the research progress on this language in the natural language processing (NLP) is slow-moving due to a lack of available resources. In response, we introduce the first-ever vast resource for the training, evaluating, and benchmarking on Indonesian natural language understanding (IndoNLU) tasks. IndoNLU includes twelve tasks, ranging from single sentence classification to pair-sentences sequence labeling with different levels of complexity. The datasets for the tasks lie in different domains and styles to ensure task diversity. We also provide a set of Indonesian pre-trained models (IndoBERT) trained from a large and clean Indonesian dataset Indo4B collected from publicly available sources such as social media texts, blogs, news, and websites. We release baseline models for all twelve tasks, as well as the framework for benchmark evaluation, and thus it enables everyone to benchmark their system performances." + }, + "wmt18": { + "pwc_id": "wmt-2018", + "dataset_name": "WMT 2018 Dataset", + "dataset_abstract": "WMT 2018 is a collection of datasets used in shared tasks of the Third Conference on Machine Translation. The conference builds on a series of twelve previous annual workshops and conferences on Statistical Machine Translation.\n\nThe conference featured ten shared tasks:\n\n\na news translation task,\na biomedical translation task,\na multimodal machine translation task,\na metrics task,\na quality estimation task,\nan automatic post-editing task,\na parallel corpus filtering task.", + "paper_name": "Findings of the 2018 Conference on Machine Translation (WMT18)", + "paper_abstract": "This paper presents the results of the premier shared task organized alongside the Conference on Machine Translation (WMT) 2018. Participants were asked to build machine translation systems for any of 7 language pairs in both directions, to be evaluated on a test set of news stories. The main metric for this task is human judgment of translation quality. This year, we also opened up the task to additional test sets to probe specific aspects of translation." + }, + "wiki_lingua": { + "pwc_id": "wikilingua", + "dataset_name": "WikiLingua Dataset", + "dataset_abstract": "WikiLingua includes ~770k article and summary pairs in 18 languages from WikiHow. Gold-standard article-summary alignments across languages are extracted by aligning the images that are used to describe each how-to step in an article.", + "paper_name": "WikiLingua: A New Benchmark Dataset for Cross-Lingual Abstractive Summarization", + "paper_abstract": "We introduce WikiLingua, a large-scale, multilingual dataset for the evaluation of crosslingual abstractive summarization systems. We extract article and summary pairs in 18 languages from WikiHow, a high quality, collaborative resource of how-to guides on a diverse set of topics written by human authors. We create gold-standard article-summary alignments across languages by aligning the images that are used to describe each how-to step in an article. As a set of baselines for further studies, we evaluate the performance of existing cross-lingual abstractive summarization methods on our dataset. We further propose a method for direct crosslingual summarization (i.e., without requiring translation at inference time) by leveraging synthetic data and Neural Machine Translation as a pre-training step. Our method significantly outperforms the baseline approaches, while being more cost efficient during inference." + }, + "lince": { + "pwc_id": "lince", + "dataset_name": "LinCE Dataset", + "dataset_abstract": "A centralized benchmark for Linguistic Code-switching Evaluation (LinCE) that combines ten corpora covering four different code-switched language pairs (i.e., Spanish-English, Nepali-English, Hindi-English, and Modern Standard Arabic-Egyptian Arabic) and four tasks (i.e., language identification, named entity recognition, part-of-speech tagging, and sentiment analysis).", + "paper_name": "LinCE: A Centralized Benchmark for Linguistic Code-switching Evaluation", + "paper_abstract": "Recent trends in NLP research have raised an interest in linguistic code-switching (CS); modern approaches have been proposed to solve a wide range of NLP tasks on multiple language pairs. Unfortunately, these proposed methods are hardly generalizable to different code-switched languages. In addition, it is unclear whether a model architecture is applicable for a different task while still being compatible with the code-switching setting. This is mainly because of the lack of a centralized benchmark and the sparse corpora that researchers employ based on their specific needs and interests. To facilitate research in this direction, we propose a centralized benchmark for Linguistic Code-switching Evaluation (LinCE) that combines ten corpora covering four different code-switched language pairs (i.e., Spanish-English, Nepali-English, Hindi-English, and Modern Standard Arabic-Egyptian Arabic) and four tasks (i.e., language identification, named entity recognition, part-of-speech tagging, and sentiment analysis). As part of the benchmark centralization effort, we provide an online platform at ritual.uh.edu/lince, where researchers can submit their results while comparing with others in real-time. In addition, we provide the scores of different popular models, including LSTM, ELMo, and multilingual BERT so that the NLP community can compare against state-of-the-art systems. LinCE is a continuous effort, and we will expand it with more low-resource languages and tasks." + }, + "spider": { + "pwc_id": "spider-1", + "dataset_name": "SPIDER Dataset", + "dataset_abstract": "Spider is a large-scale complex and cross-domain semantic parsing and text-to-SQL dataset annotated by 11 Yale students. The goal of the Spider challenge is to develop natural language interfaces to cross-domain databases. It consists of 10,181 questions and 5,693 unique complex SQL queries on 200 databases with multiple tables covering 138 different domains. In Spider 1.0, different complex SQL queries and databases appear in train and test sets. To do well on it, systems must generalize well to not only new SQL queries but also new database schemas.", + "paper_name": "Spider: A Large-Scale Human-Labeled Dataset for Complex and Cross-Domain Semantic Parsing and Text-to-SQL Task", + "paper_abstract": "We present Spider, a large-scale, complex and cross-domain semantic parsing\nand text-to-SQL dataset annotated by 11 college students. It consists of 10,181\nquestions and 5,693 unique complex SQL queries on 200 databases with multiple\ntables, covering 138 different domains. We define a new complex and\ncross-domain semantic parsing and text-to-SQL task where different complex SQL\nqueries and databases appear in train and test sets. In this way, the task\nrequires the model to generalize well to both new SQL queries and new database\nschemas. Spider is distinct from most of the previous semantic parsing tasks\nbecause they all use a single database and the exact same programs in the train\nset and the test set. We experiment with various state-of-the-art models and\nthe best model achieves only 12.4% exact matching accuracy on a database split\nsetting. This shows that Spider presents a strong challenge for future\nresearch. Our dataset and task are publicly available at\nhttps://yale-lily.github.io/spider" + }, + "bookcorpusopen": { + "pwc_id": "bookcorpus", + "dataset_name": "BookCorpus Dataset", + "dataset_abstract": "BookCorpus is a large collection of free novel books written by unpublished authors, which contains 11,038 books (around 74M sentences and 1G words) of 16 different sub-genres (e.g., Romance, Historical, Adventure, etc.).", + "paper_name": "Aligning Books and Movies: Towards Story-like Visual Explanations by Watching Movies and Reading Books", + "paper_abstract": "Books are a rich source of both fine-grained information, how a character, an\nobject or a scene looks like, as well as high-level semantics, what someone is\nthinking, feeling and how these states evolve through a story. This paper aims\nto align books to their movie releases in order to provide rich descriptive\nexplanations for visual content that go semantically far beyond the captions\navailable in current datasets. To align movies and books we exploit a neural\nsentence embedding that is trained in an unsupervised way from a large corpus\nof books, as well as a video-text neural embedding for computing similarities\nbetween movie clips and sentences in the book. We propose a context-aware CNN\nto combine information from multiple sources. We demonstrate good quantitative\nperformance for movie/book alignment and show several qualitative examples that\nshowcase the diversity of tasks our model can be used for." + }, + "alt": { + "pwc_id": "alt", + "dataset_name": "ALT Dataset", + "dataset_abstract": "The ALT project aims to advance the state-of-the-art Asian natural language processing (NLP) techniques through the open collaboration for developing and using ALT. It was first conducted by NICT and UCSY as described in Ye Kyaw Thu, Win Pa Pa, Masao Utiyama, Andrew Finch and Eiichiro Sumita (2016). Then, it was developed under ASEAN IVO as described in this Web page. The process of building ALT began with sampling about 20,000 sentences from English Wikinews, and then these sentences were translated into the other languages. ALT now has 13 languages: Bengali, English, Filipino, Hindi, Bahasa Indonesia, Japanese, Khmer, Lao, Malay, Myanmar (Burmese), Thai, Vietnamese, Chinese (Simplified Chinese).", + "paper_name": "", + "paper_abstract": "" + }, + "lener_br": { + "pwc_id": "lener-br", + "dataset_name": "LeNER-Br Dataset", + "dataset_abstract": "LeNER-Br is a dataset for named entity recognition (NER) in Brazilian Legal Text.", + "paper_name": "LeNER-Br: a Dataset for Named Entity Recognition in Brazilian Legal Text", + "paper_abstract": "Named entity recognition systems have the untapped potential to extract information from legal documents, which can improve\r\ninformation retrieval and decision-making processes. In this paper, a dataset for named entity recognition in Brazilian legal documents is presented. Unlike other Portuguese language datasets, this dataset is composed entirely of legal documents. In addition to tags for persons, locations, time entities and organizations, the dataset contains specific tags for law and legal cases entities. To establish a set of baseline results, we first performed experiments on another Portuguese dataset: Paramopama. This evaluation demonstrate that LSTM-CRF gives results that are significantly better than those previously reported. We then retrained LSTM-CRF, on our dataset and obtained F 1 scores of 97.04% and 88.82% for Legislation and Legal case entities, respectively.\r\nThese results show the viability of the proposed dataset for legal applications." + }, + "german_legal_entity_recognition": { + "pwc_id": "legal-documents-entity-recognition", + "dataset_name": "Legal Documents Entity Recognition Dataset", + "dataset_abstract": "Court decisions from 2017 and 2018 were selected for the dataset, published online by the Federal Ministry of Justice and Consumer Protection. The documents originate from seven federal courts: Federal Labour Court (BAG), Federal Fiscal Court (BFH), Federal Court of Justice (BGH), Federal Patent Court (BPatG), Federal Social Court (BSG), Federal Constitutional Court (BVerfG) and Federal Administrative Court (BVerwG).", + "paper_name": "", + "paper_abstract": "" + }, + "reclor": { + "pwc_id": "reclor", + "dataset_name": "ReClor Dataset", + "dataset_abstract": "Logical reasoning is an important ability to examine, analyze, and critically evaluate arguments as they occur in ordinary language as the definition from Law School Admission Council. ReClor is a dataset extracted from logical reasoning questions of standardized graduate admission examinations.", + "paper_name": "ReClor: A Reading Comprehension Dataset Requiring Logical Reasoning", + "paper_abstract": "Recent powerful pre-trained language models have achieved remarkable performance on most of the popular datasets for reading comprehension. It is time to introduce more challenging datasets to push the development of this field towards more comprehensive reasoning of text. In this paper, we introduce a new Reading Comprehension dataset requiring logical reasoning (ReClor) extracted from standardized graduate admission examinations. As earlier studies suggest, human-annotated datasets usually contain biases, which are often exploited by models to achieve high accuracy without truly understanding the text. In order to comprehensively evaluate the logical reasoning ability of models on ReClor, we propose to identify biased data points and separate them into EASY set while the rest as HARD set. Empirical results show that state-of-the-art models have an outstanding ability to capture biases contained in the dataset with high accuracy on EASY set. However, they struggle on HARD set with poor performance near that of random guess, indicating more research is needed to essentially enhance the logical reasoning ability of current models." + }, + "qasper": { + "pwc_id": "qasper", + "dataset_name": "QASPER Dataset", + "dataset_abstract": "QASPER is a dataset for question answering on scientific research papers. It consists of 5,049 questions over 1,585 Natural Language Processing papers. Each question is written by an NLP practitioner who read only the title and abstract of the corresponding paper, and the question seeks information present in the full text. The questions are then answered by a separate set of NLP practitioners who also provide supporting evidence to answers.", + "paper_name": "A Dataset of Information-Seeking Questions and Answers Anchored in Research Papers", + "paper_abstract": "Readers of academic research papers often read with the goal of answering specific questions. Question Answering systems that can answer those questions can make consumption of the content much more efficient. However, building such tools requires data that reflect the difficulty of the task arising from complex reasoning about claims made in multiple parts of a paper. In contrast, existing information-seeking question answering datasets usually contain questions about generic factoid-type information. We therefore present QASPER, a dataset of 5,049 questions over 1,585 Natural Language Processing papers. Each question is written by an NLP practitioner who read only the title and abstract of the corresponding paper, and the question seeks information present in the full text. The questions are then answered by a separate set of NLP practitioners who also provide supporting evidence to answers. We find that existing models that do well on other QA tasks do not perform well on answering these questions, underperforming humans by at least 27 F1 points when answering them from entire papers, motivating further research in document-grounded, information-seeking QA, which our dataset is designed to facilitate." + }, + "svhn": { + "pwc_id": "svhn", + "dataset_name": "SVHN Dataset", + "dataset_abstract": "Street View House Numbers (SVHN) is a digit classification benchmark dataset that contains 600,000 32\u00d732 RGB images of printed digits (from 0 to 9) cropped from pictures of house number plates. The cropped images are centered in the digit of interest, but nearby digits and other distractors are kept in the image. SVHN has three sets: training, testing sets and an extra set with 530,000 images that are less difficult and can be used for helping with the training process.", + "paper_name": "", + "paper_abstract": "" + }, + "wiki_asp": { + "pwc_id": "wikiasp", + "dataset_name": "WikiAsp Dataset", + "dataset_abstract": "A large-scale dataset for multi-domain aspect-based summarization that attempts to spur research in the direction of open-domain aspect-based summarization.", + "paper_name": "WikiAsp: A Dataset for Multi-domain Aspect-based Summarization", + "paper_abstract": "Aspect-based summarization is the task of generating focused summaries based on specific points of interest. Such summaries aid efficient analysis of text, such as quickly understanding reviews or opinions from different angles. However, due to large differences in the type of aspects for different domains (e.g., sentiment, product features), the development of previous models has tended to be domain-specific. In this paper, we propose WikiAsp, a large-scale dataset for multi-domain aspect-based summarization that attempts to spur research in the direction of open-domain aspect-based summarization. Specifically, we build the dataset using Wikipedia articles from 20 different domains, using the section titles and boundaries of each article as a proxy for aspect annotation. We propose several straightforward baseline models for this task and conduct experiments on the dataset. Results highlight key challenges that existing summarization models face in this setting, such as proper pronoun handling of quoted sources and consistent explanation of time-sensitive events." + }, + "cfq": { + "pwc_id": "cfq", + "dataset_name": "CFQ Dataset", + "dataset_abstract": "A large and realistic natural language question answering dataset.", + "paper_name": "Measuring Compositional Generalization: A Comprehensive Method on Realistic Data", + "paper_abstract": "State-of-the-art machine learning methods exhibit limited compositional generalization. At the same time, there is a lack of realistic benchmarks that comprehensively measure this ability, which makes it challenging to find and evaluate improvements. We introduce a novel method to systematically construct such benchmarks by maximizing compound divergence while guaranteeing a small atom divergence between train and test sets, and we quantitatively compare this method to other approaches for creating compositional generalization benchmarks. We present a large and realistic natural language question answering dataset that is constructed according to this method, and we use it to analyze the compositional generalization ability of three machine learning architectures. We find that they fail to generalize compositionally and that there is a surprisingly strong negative correlation between compound divergence and accuracy. We also demonstrate how our method can be used to create new compositionality benchmarks on top of the existing SCAN dataset, which confirms these findings." + }, + "wmt15": { + "pwc_id": "wmt-2015", + "dataset_name": "WMT 2015 Dataset", + "dataset_abstract": "WMT 2015 is a collection of datasets used in shared tasks of the Tenth Workshop on Statistical Machine Translation. The workshop featured five tasks:\n\n\na news translation task,\na metrics task,\na tuning task,\na quality estimation task,\nan automatic post-editing task.", + "paper_name": "", + "paper_abstract": "" + }, + "conll2012_ontonotesv5": { + "pwc_id": "ontonotes-5-0", + "dataset_name": "OntoNotes 5.0 Dataset", + "dataset_abstract": "OntoNotes 5.0 is a large corpus comprising various genres of text (news, conversational telephone speech, weblogs, usenet newsgroups, broadcast, talk shows) in three languages (English, Chinese, and Arabic) with structural information (syntax and predicate argument structure) and shallow semantics (word sense linked to an ontology and coreference).\n\nOntoNotes Release 5.0 contains the content of earlier releases - and adds source data from and/or additional annotations for, newswire, broadcast news, broadcast conversation, telephone conversation and web data in English and Chinese and newswire data in Arabic.", + "paper_name": "", + "paper_abstract": "" + }, + "para_crawl": { + "pwc_id": "paracrawl", + "dataset_name": "ParaCrawl Dataset", + "dataset_abstract": "ParaCrawl v.7.1 is a parallel dataset with 41 language pairs primarily aligned with English (39 out of 41) and mined using the parallel-data-crawling tool Bitextor which includes downloading documents, preprocessing and normalization, aligning documents and segments, and filtering noisy data via Bicleaner. ParaCrawl focuses on European languages, but also includes 9 lower-resource, non-European language pairs in v7.1.", + "paper_name": "ParaCrawl: Web-Scale Acquisition of Parallel Corpora", + "paper_abstract": "We report on methods to create the largest publicly available parallel corpora by crawling the web, using open source software. We empirically compare alternative methods and publish benchmark data sets for sentence alignment and sentence pair filtering. We also describe the parallel corpora released and evaluate their quality and their usefulness to create machine translation systems." + }, + "web_nlg": { + "pwc_id": "webnlg", + "dataset_name": "WebNLG Dataset", + "dataset_abstract": "The WebNLG corpus comprises of sets of triplets describing facts (entities and relations between them) and the corresponding facts in form of natural language text. The corpus contains sets with up to 7 triplets each along with one or more reference texts for each set. The test set is split into two parts: seen, containing inputs created for entities and relations belonging to DBpedia categories that were seen in the training data, and unseen, containing inputs extracted for entities and relations belonging to 5 unseen categories.\n\nInitially, the dataset was used for the WebNLG natural language generation challenge which consists of mapping the sets of triplets to text, including referring expression generation, aggregation, lexicalization, surface realization, and sentence segmentation.\nThe corpus is also used for a reverse task of triplets extraction.\n\nVersioning history of the dataset can be found here.", + "paper_name": "Creating Training Corpora for NLG Micro-Planners", + "paper_abstract": "In this paper, we present a novel framework for semi-automatically creating linguistically challenging micro-planning data-to-text corpora from existing Knowledge Bases. Because our method pairs data of varying size and shape with texts ranging from simple clauses to short texts, a dataset created using this framework provides a challenging benchmark for microplanning. Another feature of this framework is that it can be applied to any large scale knowledge base and can therefore be used to train and learn KB verbalisers. We apply our framework to DBpedia data and compare the resulting dataset with Wen et al. 2016{'}s. We show that while Wen et al.{'}s dataset is more than twice larger than ours, it is less diverse both in terms of input and in terms of text. We thus propose our corpus generation framework as a novel method for creating challenging data sets from which NLG models can be learned which are capable of handling the complex interactions occurring during in micro-planning between lexicalisation, aggregation, surface realisation, referring expression generation and sentence segmentation. To encourage researchers to take up this challenge, we made available a dataset of 21,855 data/text pairs created using this framework in the context of the WebNLG shared task." + }, + "cifar100": { + "pwc_id": "cifar-100", + "dataset_name": "CIFAR-100 Dataset", + "dataset_abstract": "The CIFAR-100 dataset (Canadian Institute for Advanced Research, 100 classes) is a subset of the Tiny Images dataset and consists of 60000 32x32 color images. The 100 classes in the CIFAR-100 are grouped into 20 superclasses. There are 600 images per class. Each image comes with a \"fine\" label (the class to which it belongs) and a \"coarse\" label (the superclass to which it belongs). There are 500 training images and 100 testing images per class.\n\nThe criteria for deciding whether an image belongs to a class were as follows:\n\n\nThe class name should be high on the list of likely answers to the question \u201cWhat is in this picture?\u201d\nThe image should be photo-realistic. Labelers were instructed to reject line drawings.\nThe image should contain only one prominent instance of the object to which the class refers.\nThe object may be partially occluded or seen from an unusual viewpoint as long as its identity is still clear to the labeler.", + "paper_name": "", + "paper_abstract": "" + }, + "hatexplain": { + "pwc_id": "hatexplain", + "dataset_name": "HateXplain Dataset", + "dataset_abstract": "Covers multiple aspects of the issue. Each post in the dataset is annotated from three different perspectives: the basic, commonly used 3-class classification (i.e., hate, offensive or normal), the target community (i.e., the community that has been the victim of hate speech/offensive speech in the post), and the rationales, i.e., the portions of the post on which their labelling decision (as hate, offensive or normal) is based.", + "paper_name": "HateXplain: A Benchmark Dataset for Explainable Hate Speech Detection", + "paper_abstract": "Hate speech is a challenging issue plaguing the online social media. While better models for hate speech detection are continuously being developed, there is little research on the bias and interpretability aspects of hate speech. In this paper, we introduce HateXplain, the first benchmark hate speech dataset covering multiple aspects of the issue. Each post in our dataset is annotated from three different perspectives: the basic, commonly used 3-class classification (i.e., hate, offensive or normal), the target community (i.e., the community that has been the victim of hate speech/offensive speech in the post), and the rationales, i.e., the portions of the post on which their labelling decision (as hate, offensive or normal) is based. We utilize existing state-of-the-art models and observe that even models that perform very well in classification do not score high on explainability metrics like model plausibility and faithfulness. We also observe that models, which utilize the human rationales for training, perform better in reducing unintended bias towards target communities. We have made our code and dataset public at https://github.com/punyajoy/HateXplain" + }, + "biomrc": { + "pwc_id": "biomrc", + "dataset_name": "BIOMRC Dataset", + "dataset_abstract": "A large-scale cloze-style biomedical MRC dataset. Care was taken to reduce noise, compared to the previous BIOREAD dataset of Pappas et al. (2018).", + "paper_name": "BIOMRC: A Dataset for Biomedical Machine Reading Comprehension", + "paper_abstract": "We introduce BIOMRC, a large-scale cloze-style biomedical MRC dataset. Care was taken to reduce noise, compared to the previous BIOREAD dataset of Pappas et al. (2018). Experiments show that simple heuristics do not perform well on the new dataset, and that two neural MRC models that had been tested on BIOREAD perform much better on BIOMRC, indicating that the new dataset is indeed less noisy or at least that its task is more feasible. Non-expert human performance is also higher on the new dataset compared to BIOREAD, and biomedical experts perform even better. We also introduce a new BERT-based MRC model, the best version of which substantially outperforms all other methods tested, reaching or surpassing the accuracy of biomedical experts in some experiments. We make the new dataset available in three different sizes, also releasing our code, and providing a leaderboard." + }, + "break_data": { + "pwc_id": "break", + "dataset_name": "BREAK Dataset", + "dataset_abstract": "Break is a question understanding dataset, aimed at training models to reason over complex questions. It features 83,978 natural language questions, annotated with a new meaning representation, Question Decomposition Meaning Representation (QDMR). Each example has the natural question along with its QDMR representation. Break contains human composed questions, sampled from 10 leading question-answering benchmarks over text, images and databases. This dataset was created by a team of NLP researchers at Tel Aviv University and Allen Institute for AI.", + "paper_name": "Break It Down: A Question Understanding Benchmark", + "paper_abstract": "Understanding natural language questions entails the ability to break down a question into the requisite steps for computing its answer. In this work, we introduce a Question Decomposition Meaning Representation (QDMR) for questions. QDMR constitutes the ordered list of steps, expressed through natural language, that are necessary for answering a question. We develop a crowdsourcing pipeline, showing that quality QDMRs can be annotated at scale, and release the Break dataset, containing over 83K pairs of questions and their QDMRs. We demonstrate the utility of QDMR by showing that (a) it can be used to improve open-domain question answering on the HotpotQA dataset, (b) it can be deterministically converted to a pseudo-SQL formal language, which can alleviate annotation in semantic parsing applications. Last, we use Break to train a sequence-to-sequence model with copying that parses questions into QDMR structures, and show that it substantially outperforms several natural baselines." + }, + "conll2002": { + "pwc_id": "conll-2002", + "dataset_name": "CoNLL 2002 Dataset", + "dataset_abstract": "The shared task of CoNLL-2002 concerns language-independent named entity recognition. The types of named entities include: persons, locations, organizations and names of miscellaneous entities that do not belong to the previous three groups. The participants of the shared task were offered training and test data for at least two languages. Information sources other than the training data might have been used in this shared task.", + "paper_name": "", + "paper_abstract": "" + }, + "multilingual_librispeech": { + "pwc_id": "librispeech-1", + "dataset_name": "LibriSpeech Dataset", + "dataset_abstract": "The LibriSpeech corpus is a collection of approximately 1,000 hours of audiobooks that are a part of the LibriVox project. Most of the audiobooks come from the Project Gutenberg. The training data is split into 3 partitions of 100hr, 360hr, and 500hr sets while the dev and test data are split into the \u2019clean\u2019 and \u2019other\u2019 categories, respectively, depending upon how well or challening Automatic Speech Recognition systems would perform against. Each of the dev and test sets is around 5hr in audio length. This corpus also provides the n-gram language models and the corresponding texts excerpted from the Project Gutenberg books, which contain 803M tokens and 977K unique words.", + "paper_name": "", + "paper_abstract": "" + }, + "daily_dialog": { + "pwc_id": "dailydialog", + "dataset_name": "DailyDialog Dataset", + "dataset_abstract": "DailyDialog is a high-quality multi-turn open-domain English dialog dataset. It contains 13,118 dialogues split into a training set with 11,118 dialogues and validation and test sets with 1000 dialogues each. On average there are around 8 speaker turns per dialogue with around 15 tokens per turn.", + "paper_name": "DailyDialog: A Manually Labelled Multi-turn Dialogue Dataset", + "paper_abstract": "We develop a high-quality multi-turn dialog dataset, DailyDialog, which is\nintriguing in several aspects. The language is human-written and less noisy.\nThe dialogues in the dataset reflect our daily communication way and cover\nvarious topics about our daily life. We also manually label the developed\ndataset with communication intention and emotion information. Then, we evaluate\nexisting approaches on DailyDialog dataset and hope it benefit the research\nfield of dialog systems." + }, + "un_multi": { + "pwc_id": "multiun", + "dataset_name": "MultiUN Dataset", + "dataset_abstract": "The MultiUN parallel corpus is extracted from the United Nations Website , and then cleaned and converted to XML at Language Technology Lab in DFKI GmbH (LT-DFKI), Germany. The documents were published by UN from 2000 to 2009.", + "paper_name": "", + "paper_abstract": "" + }, + "para_pat": { + "pwc_id": "parapat", + "dataset_name": "ParaPat Dataset", + "dataset_abstract": "A parallel corpus from the open access Google Patents dataset in 74 language pairs, comprising more than 68 million sentences and 800 million tokens. Sentences were automatically aligned using the Hunalign algorithm for the largest 22 language pairs, while the others were abstract (i.e. paragraph) aligned.", + "paper_name": "ParaPat: The Multi-Million Sentences Parallel Corpus of Patents Abstracts", + "paper_abstract": "The Google Patents is one of the main important sources of patents information. A striking characteristic is that many of its abstracts are presented in more than one language, thus making it a potential source of parallel corpora. This article presents the development of a parallel corpus from the open access Google Patents dataset in 74 language pairs, comprising more than 68 million sentences and 800 million tokens. Sentences were automatically aligned using the Hunalign algorithm for the largest 22 language pairs, while the others were abstract (i.e. paragraph) aligned. We demonstrate the capabilities of our corpus by training Neural Machine Translation (NMT) models for the main 9 language pairs, with a total of 18 models. Our parallel corpus is freely available in TSV format and with a SQLite database, with complementary information regarding patent metadata." + }, + "tweet_qa": { + "pwc_id": "tweetqa", + "dataset_name": "TweetQA Dataset", + "dataset_abstract": "With social media becoming increasingly popular on which lots of news and real-time events are reported, developing automated question answering systems is critical to the effectiveness of many applications that rely on real-time knowledge. While previous question answering (QA) datasets have concentrated on formal text like news and Wikipedia, the first large-scale dataset for QA over social media data is presented. To make sure the tweets are meaningful and contain interesting information, tweets used by journalists to write news articles are gathered. Then human annotators are asked to write questions and answers upon these tweets. Unlike other QA datasets like SQuAD in which the answers are extractive, the answer are allowed to be abstractive. The task requires model to read a short tweet and a question and outputs a text phrase (does not need to be in the tweet) as the answer.", + "paper_name": "TWEETQA: A Social Media Focused Question Answering Dataset", + "paper_abstract": "With social media becoming increasingly pop-ular on which lots of news and real-time eventsare reported, developing automated questionanswering systems is critical to the effective-ness of many applications that rely on real-time knowledge. While previous datasets haveconcentrated on question answering (QA) forformal text like news and Wikipedia, wepresent the first large-scale dataset for QA oversocial media data. To ensure that the tweetswe collected are useful, we only gather tweetsused by journalists to write news articles. Wethen ask human annotators to write questionsand answers upon these tweets. Unlike otherQA datasets like SQuAD in which the answersare extractive, we allow the answers to be ab-stractive. We show that two recently proposedneural models that perform well on formaltexts are limited in their performance when ap-plied to our dataset. In addition, even the fine-tuned BERT model is still lagging behind hu-man performance with a large margin. Our re-sults thus point to the need of improved QAsystems targeting social media text." + }, + "ccaligned_multilingual": { + "pwc_id": "ccaligned", + "dataset_name": "CCAligned Dataset", + "dataset_abstract": "CCAligned consists of parallel or comparable web-document pairs in 137 languages aligned with English. These web-document pairs were constructed by performing language identification on raw web-documents, and ensuring corresponding language codes were corresponding in the URLs of web documents. This pattern matching approach yielded more than 100 million aligned documents paired with English. Recognizing that each English document was often aligned to multiple documents in different target language, it is possible to join on English documents to obtain aligned documents that directly pair two non-English documents (e.g., Arabic-French).", + "paper_name": "CCAligned: A Massive Collection of Cross-Lingual Web-Document Pairs", + "paper_abstract": "Cross-lingual document alignment aims to identify pairs of documents in two distinct languages that are of comparable content or translations of each other. In this paper, we exploit the signals embedded in URLs to label web documents at scale with an average precision of 94.5% across different language pairs. We mine sixty-eight snapshots of the Common Crawl corpus and identify web document pairs that are translations of each other. We release a new web dataset consisting of over 392 million URL pairs from Common Crawl covering documents in 8144 language pairs of which 137 pairs include English. In addition to curating this massive dataset, we introduce baseline methods that leverage cross-lingual representations to identify aligned documents based on their textual content. Finally, we demonstrate the value of this parallel documents dataset through a downstream task of mining parallel sentences and measuring the quality of machine translations from models trained on this mined data. Our objective in releasing this dataset is to foster new research in cross-lingual NLP across a variety of low, medium, and high-resource languages." + }, + "cmrc2018": { + "pwc_id": "cmrc-2018", + "dataset_name": "CMRC 2018 Dataset", + "dataset_abstract": "CMRC 2018 is a dataset for Chinese Machine Reading Comprehension. Specifically, it is a span-extraction reading comprehension dataset that is similar to SQuAD.", + "paper_name": "A Span-Extraction Dataset for Chinese Machine Reading Comprehension", + "paper_abstract": "Machine Reading Comprehension (MRC) has become enormously popular recently and has attracted a lot of attention. However, the existing reading comprehension datasets are mostly in English. In this paper, we introduce a Span-Extraction dataset for Chinese machine reading comprehension to add language diversities in this area. The dataset is composed by near 20,000 real questions annotated on Wikipedia paragraphs by human experts. We also annotated a challenge set which contains the questions that need comprehensive understanding and multi-sentence inference throughout the context. We present several baseline systems as well as anonymous submissions for demonstrating the difficulties in this dataset. With the release of the dataset, we hosted the Second Evaluation Workshop on Chinese Machine Reading Comprehension (CMRC 2018). We hope the release of the dataset could further accelerate the Chinese machine reading comprehension research. Resources are available: https://github.com/ymcui/cmrc2018" + }, + "schema_guided_dstc8": { + "pwc_id": "sgd", + "dataset_name": "SGD Dataset", + "dataset_abstract": "The Schema-Guided Dialogue (SGD) dataset consists of over 20k annotated multi-domain, task-oriented conversations between a human and a virtual assistant. These conversations involve interactions with services and APIs spanning 20 domains, ranging from banks and events to media, calendar, travel, and weather. For most of these domains, the dataset contains multiple different APIs, many of which have overlapping functionalities but different interfaces, which reflects common real-world scenarios. The wide range of available annotations can be used for intent prediction, slot filling, dialogue state tracking, policy imitation learning, language generation, user simulation learning, among other tasks in large-scale virtual assistants. Besides these, the dataset has unseen domains and services in the evaluation set to quantify the performance in zero-shot or few shot settings.", + "paper_name": "Towards Scalable Multi-domain Conversational Agents: The Schema-Guided Dialogue Dataset", + "paper_abstract": "Virtual assistants such as Google Assistant, Alexa and Siri provide a conversational interface to a large number of services and APIs spanning multiple domains. Such systems need to support an ever-increasing number of services with possibly overlapping functionality. Furthermore, some of these services have little to no training data available. Existing public datasets for task-oriented dialogue do not sufficiently capture these challenges since they cover few domains and assume a single static ontology per domain. In this work, we introduce the the Schema-Guided Dialogue (SGD) dataset, containing over 16k multi-domain conversations spanning 16 domains. Our dataset exceeds the existing task-oriented dialogue corpora in scale, while also highlighting the challenges associated with building large-scale virtual assistants. It provides a challenging testbed for a number of tasks including language understanding, slot filling, dialogue state tracking and response generation. Along the same lines, we present a schema-guided paradigm for task-oriented dialogue, in which predictions are made over a dynamic set of intents and slots, provided as input, using their natural language descriptions. This allows a single dialogue system to easily support a large number of services and facilitates simple integration of new services without requiring additional training data. Building upon the proposed paradigm, we release a model for dialogue state tracking capable of zero-shot generalization to new APIs, while remaining competitive in the regular setting." + }, + "empathetic_dialogues": { + "pwc_id": "empatheticdialogues", + "dataset_name": "EmpatheticDialogues Dataset", + "dataset_abstract": "The EmpatheticDialogues dataset is a large-scale multi-turn empathetic dialogue dataset collected on the Amazon Mechanical Turk, containing 24,850 one-to-one open-domain conversations. Each conversation was obtained by pairing two crowd-workers: a speaker and a listener. The speaker is asked to talk about the personal emotional feelings. The listener infers the underlying emotion through what the speaker says and responds empathetically. The dataset provides 32 evenly distributed emotion labels.", + "paper_name": "Towards Empathetic Open-domain Conversation Models: a New Benchmark and Dataset", + "paper_abstract": "One challenge for dialogue agents is recognizing feelings in the conversation partner and replying accordingly, a key communicative skill. While it is straightforward for humans to recognize and acknowledge others' feelings in a conversation, this is a significant challenge for AI systems due to the paucity of suitable publicly-available datasets for training and evaluation. This work proposes a new benchmark for empathetic dialogue generation and EmpatheticDialogues, a novel dataset of 25k conversations grounded in emotional situations. Our experiments indicate that dialogue models that use our dataset are perceived to be more empathetic by human evaluators, compared to models merely trained on large-scale Internet conversation data. We also present empirical comparisons of dialogue model adaptations for empathetic responding, leveraging existing models or datasets without requiring lengthy re-training of the full model." + }, + "kd_conv": { + "pwc_id": "kdconv", + "dataset_name": "KdConv Dataset", + "dataset_abstract": "KdConv is a Chinese multi-domain Knowledge-driven Conversation dataset, grounding the topics in multi-turn conversations to knowledge graphs. KdConv contains 4.5K conversations from three domains (film, music, and travel), and 86K utterances with an average turn number of 19.0. These conversations contain in-depth discussions on related topics and natural transition between multiple topics, while the corpus can also used for exploration of transfer learning and domain adaptation.", + "paper_name": "KdConv: A Chinese Multi-domain Dialogue Dataset Towards Multi-turn Knowledge-driven Conversation", + "paper_abstract": "The research of knowledge-driven conversational systems is largely limited due to the lack of dialog data which consist of multi-turn conversations on multiple topics and with knowledge annotations. In this paper, we propose a Chinese multi-domain knowledge-driven conversation dataset, KdConv, which grounds the topics in multi-turn conversations to knowledge graphs. Our corpus contains 4.5K conversations from three domains (film, music, and travel), and 86K utterances with an average turn number of 19.0. These conversations contain in-depth discussions on related topics and natural transition between multiple topics. To facilitate the following research on this corpus, we provide several benchmark models. Comparative results show that the models can be enhanced by introducing background knowledge, yet there is still a large space for leveraging knowledge to model multi-turn conversations for further research. Results also show that there are obvious performance differences between different domains, indicating that it is worth to further explore transfer learning and domain adaptation. The corpus and benchmark models are publicly available." + }, + "food101": { + "pwc_id": "food-101", + "dataset_name": "Food-101 Dataset", + "dataset_abstract": "The Food-101 dataset consists of 101 food categories with 750 training and 250 test images per category, making a total of 101k images. The labels for the test images have been manually cleaned, while the training set contains some noise.", + "paper_name": "", + "paper_abstract": "" + }, + "eurlex": { + "pwc_id": "eurlex57k", + "dataset_name": "EURLEX57K Dataset", + "dataset_abstract": "EURLEX57K is a new publicly available legal LMTC dataset, dubbed EURLEX57K, containing 57k English EU legislative documents from the EUR-LEX portal, tagged with \u223c4.3k labels (concepts) from the European Vocabulary (EUROVOC).", + "paper_name": "Large-Scale Multi-Label Text Classification on EU Legislation", + "paper_abstract": "We consider Large-Scale Multi-Label Text Classification (LMTC) in the legal domain. We release a new dataset of 57k legislative documents from EURLEX, annotated with ~4.3k EUROVOC labels, which is suitable for LMTC, few- and zero-shot learning. Experimenting with several neural classifiers, we show that BIGRUs with label-wise attention perform better than other current state of the art methods. Domain-specific WORD2VEC and context-sensitive ELMO embeddings further improve performance. We also find that considering only particular zones of the documents is sufficient. This allows us to bypass BERT's maximum text length limit and fine-tune BERT, obtaining the best results in all but zero-shot learning cases." + }, + "multi_re_qa": { + "pwc_id": "multireqa", + "dataset_name": "MultiReQA Dataset", + "dataset_abstract": "MultiReQA is a cross-domain evaluation for retrieval question answering models. Retrieval question answering (ReQA) is the task of retrieving a sentence-level answer to a question from an open corpus. MultiReQA is a new multi-domain ReQA evaluation suite composed of eight retrieval QA tasks drawn from publicly available QA datasets from the MRQA shared task.\nMultiReQA contains the sentence boundary annotation from eight publicly available QA datasets including SearchQA, TriviaQA, HotpotQA, NaturalQuestions, SQuAD, BioASQ, RelationExtraction, and TextbookQA. Five of these datasets, including SearchQA, TriviaQA, HotpotQA, NaturalQuestions, SQuAD, contain both training and test data, and three, in cluding BioASQ, RelationExtraction, TextbookQA, contain only the test data.", + "paper_name": "MultiReQA: A Cross-Domain Evaluation for Retrieval Question Answering Models", + "paper_abstract": "Retrieval question answering (ReQA) is the task of retrieving a sentence-level answer to a question from an open corpus (Ahmad et al.,2019).This paper presents MultiReQA, anew multi-domain ReQA evaluation suite com-posed of eight retrieval QA tasks drawn from publicly available QA datasets. We provide the first systematic retrieval based evaluation over these datasets using two supervised neural models, based on fine-tuning BERT andUSE-QA models respectively, as well as a surprisingly strong information retrieval baseline,BM25. Five of these tasks contain both train-ing and test data, while three contain test data only. Performance on the five tasks with train-ing data shows that while a general model covering all domains is achievable, the best performance is often obtained by training exclusively on in-domain data." + }, + "conceptual_captions": { + "pwc_id": "conceptual-captions", + "dataset_name": "Conceptual Captions Dataset", + "dataset_abstract": "Automatic image captioning is the task of producing a natural-language utterance (usually a sentence) that correctly reflects the visual content of an image. Up to this point, the resource most used for this task was the MS-COCO dataset, containing around 120,000 images and 5-way image-caption annotations (produced by paid annotators).\n\nGoogle's Conceptual Captions dataset has more than 3 million images, paired with natural-language captions. In contrast with the curated style of the MS-COCO images, Conceptual Captions images and their raw descriptions are harvested from the web, and therefore represent a wider variety of styles. The raw descriptions are harvested from the Alt-text HTML attribute associated with web images. The authors developed an automatic pipeline that extracts, filters, and transforms candidate image/caption pairs, with the goal of achieving a balance of cleanliness, informativeness, fluency, and learnability of the resulting captions.", + "paper_name": "Conceptual Captions: A Cleaned, Hypernymed, Image Alt-text Dataset For Automatic Image Captioning", + "paper_abstract": "We present a new dataset of image caption annotations, Conceptual Captions, which contains an order of magnitude more images than the MS-COCO dataset (Lin et al., 2014) and represents a wider variety of both images and image caption styles. We achieve this by extracting and filtering image caption annotations from billions of webpages. We also present quantitative evaluations of a number of image captioning models and show that a model architecture based on Inception-ResNetv2 (Szegedy et al., 2016) for image-feature extraction and Transformer (Vaswani et al., 2017) for sequence modeling achieves the best performance when trained on the Conceptual Captions dataset." + }, + "cuad": { + "pwc_id": "cuad", + "dataset_name": "CUAD Dataset", + "dataset_abstract": "Contract Understanding Atticus Dataset (CUAD) is a dataset for legal contract review. CUAD was created with dozens of legal experts from The Atticus Project\nand consists of over 13,000 annotations. The task is to highlight salient portions of a contract that are important for a human to review.", + "paper_name": "CUAD: An Expert-Annotated NLP Dataset for Legal Contract Review", + "paper_abstract": "Many specialized domains remain untouched by deep learning, as large labeled datasets require expensive expert annotators. We address this bottleneck within the legal domain by introducing the Contract Understanding Atticus Dataset (CUAD), a new dataset for legal contract review. CUAD was created with dozens of legal experts from The Atticus Project and consists of over 13,000 annotations. The task is to highlight salient portions of a contract that are important for a human to review. We find that Transformer models have nascent performance, but that this performance is strongly influenced by model design and training dataset size. Despite these promising results, there is still substantial room for improvement. As one of the only large, specialized NLP benchmarks annotated by experts, CUAD can serve as a challenging research benchmark for the broader NLP community." + }, + "ms_marco": { + "pwc_id": "ms-marco", + "dataset_name": "MS MARCO Dataset", + "dataset_abstract": "The MS MARCO (Microsoft MAchine Reading Comprehension) is a collection of datasets focused on deep learning in search.\nThe first dataset was a question answering dataset featuring 100,000 real Bing questions and a human generated answer. Over time the collection was extended with a 1,000,000 question dataset, a natural language generation dataset, a passage ranking dataset, keyphrase extraction dataset, crawling dataset, and a conversational search.", + "paper_name": "MS MARCO: A Human Generated MAchine Reading COmprehension Dataset", + "paper_abstract": "We introduce a large scale MAchine Reading COmprehension dataset, which we\nname MS MARCO. The dataset comprises of 1,010,916 anonymized\nquestions---sampled from Bing's search query logs---each with a human generated\nanswer and 182,669 completely human rewritten generated answers. In addition,\nthe dataset contains 8,841,823 passages---extracted from 3,563,535 web\ndocuments retrieved by Bing---that provide the information necessary for\ncurating the natural language answers. A question in the MS MARCO dataset may\nhave multiple answers or no answers at all. Using this dataset, we propose\nthree different tasks with varying levels of difficulty: (i) predict if a\nquestion is answerable given a set of context passages, and extract and\nsynthesize the answer as a human would (ii) generate a well-formed answer (if\npossible) based on the context passages that can be understood with the\nquestion and passage context, and finally (iii) rank a set of retrieved\npassages given a question. The size of the dataset and the fact that the\nquestions are derived from real user search queries distinguishes MS MARCO from\nother well-known publicly available datasets for machine reading comprehension\nand question-answering. We believe that the scale and the real-world nature of\nthis dataset makes it attractive for benchmarking machine reading comprehension\nand question-answering models." + }, + "natural_questions": { + "pwc_id": "natural-questions", + "dataset_name": "Natural Questions Dataset", + "dataset_abstract": "The Natural Questions corpus is a question answering dataset containing 307,373 training examples, 7,830 development examples, and 7,842 test examples. Each example is comprised of a google.com query and a corresponding Wikipedia page. Each Wikipedia page has a passage (or long answer) annotated on the page that answers the question and one or more short spans from the annotated passage containing the actual answer. The long and the short answer annotations can however be empty. If they are both empty, then there is no answer on the page at all. If the long answer annotation is non-empty, but the short answer annotation is empty, then the annotated passage answers the question but no explicit short answer could be found. Finally 1% of the documents have a passage annotated with a short answer that is \u201cyes\u201d or \u201cno\u201d, instead of a list of short spans.", + "paper_name": "Natural Questions: a Benchmark for Question Answering Research", + "paper_abstract": "We present the Natural Questions corpus, a question answering dataset. Questions consist of real anonymized, aggregated queries issued to the Google search engine. An annotator is presented with a question along with a Wikipedia page from the top 5 search results, and annotates a long answer (typically a paragraph) and a short answer (one or more entities) if present on the page, or marks null if no long/short answer is present. The public release consists of 307,373 training examples with single annotations, 7,830 examples with 5-way annotations for development data, and a further 7,842 examples 5-way annotated sequestered as test data. We present experiments validating quality of the data. We also describe analysis of 25-way annotations on 302 examples, giving insights into human variability on the annotation task. We introduce robust metrics for the purposes of evaluating question answering systems; demonstrate high human upper bounds on these metrics; and establish baseline results using competitive methods drawn from related literature." + }, + "reddit_tifu": { + "pwc_id": "reddit-tifu", + "dataset_name": "Reddit TIFU Dataset", + "dataset_abstract": "Reddit TIFU dataset is a newly collected Reddit dataset, where TIFU denotes the name of /r/tifu subbreddit.\nThere are 122,933 text-summary pairs in total.", + "paper_name": "Abstractive Summarization of Reddit Posts with Multi-level Memory Networks", + "paper_abstract": "We address the problem of abstractive summarization in two directions:\nproposing a novel dataset and a new model. First, we collect Reddit TIFU\ndataset, consisting of 120K posts from the online discussion forum Reddit. We\nuse such informal crowd-generated posts as text source, in contrast with\nexisting datasets that mostly use formal documents as source such as news\narticles. Thus, our dataset could less suffer from some biases that key\nsentences usually locate at the beginning of the text and favorable summary\ncandidates are already inside the text in similar forms. Second, we propose a\nnovel abstractive summarization model named multi-level memory networks (MMN),\nequipped with multi-level memory to store the information of text from\ndifferent levels of abstraction. With quantitative evaluation and user studies\nvia Amazon Mechanical Turk, we show the Reddit TIFU dataset is highly\nabstractive and the MMN outperforms the state-of-the-art summarization models." + }, + "un_pc": { + "pwc_id": "united-nations-parallel-corpus", + "dataset_name": "United Nations Parallel Corpus Dataset", + "dataset_abstract": "The first parallel corpus composed from United Nations documents published by the original data creator. The parallel corpus presented consists of manually translated UN documents from the last 25 years (1990 to 2014) for the six official UN languages, Arabic, Chinese, English, French, Russian, and Spanish.", + "paper_name": "The United Nations Parallel Corpus v1.0", + "paper_abstract": "This paper describes the creation process and statistics of the official United Nations Parallel Corpus, the first parallel corpus composed from United Nations documents published by the original data creator. The parallel corpus presented consists of manually translated UN documents from the last 25 years (1990 to 2014) for the six official UN languages, Arabic, Chinese, English, French, Russian, and Spanish. The corpus is freely available for download under a liberal license. Apart from the pairwise aligned documents, a fully aligned subcorpus for the six official UN languages is distributed. We provide baseline BLEU scores of our Moses-based SMT systems trained with the full data of language pairs involving English and for all possible translation directions of the six-way subcorpus." + }, + "allocine": { + "pwc_id": "allocine", + "dataset_name": "AlloCine Dataset", + "dataset_abstract": "A new dataset for sentiment analysis, scraped from Allocin\u00e9.fr user reviews. It contains 100k positive and 100k negative reviews divided into 3 balanced splits: train (160k reviews), val (20k) and test (20k).", + "paper_name": "", + "paper_abstract": "" + }, + "wiki_atomic_edits": { + "pwc_id": "wikiatomicedits", + "dataset_name": "WikiAtomicEdits Dataset", + "dataset_abstract": "WikiAtomicEdits is a corpus of 43 million atomic edits across 8 languages. These edits are mined from Wikipedia edit history and consist of instances in which a human editor has inserted a single contiguous phrase into, or deleted a single contiguous phrase from, an existing sentence.", + "paper_name": "WikiAtomicEdits: A Multilingual Corpus of Wikipedia Edits for Modeling Language and Discourse", + "paper_abstract": "We release a corpus of 43 million atomic edits across 8 languages. These\nedits are mined from Wikipedia edit history and consist of instances in which a\nhuman editor has inserted a single contiguous phrase into, or deleted a single\ncontiguous phrase from, an existing sentence. We use the collected data to show\nthat the language generated during editing differs from the language that we\nobserve in standard corpora, and that models trained on edits encode different\naspects of semantics and discourse than models trained on raw, unstructured\ntext. We release the full corpus as a resource to aid ongoing research in\nsemantics, discourse, and representation learning." + }, + "sentiment140": { + "pwc_id": "sentiment140", + "dataset_name": "Sentiment140 Dataset", + "dataset_abstract": "Sentiment140 is a dataset that allows you to discover the sentiment of a brand, product, or topic on Twitter.", + "paper_name": "", + "paper_abstract": "" + }, + "doqa": { + "pwc_id": "doqa", + "dataset_name": "DoQA Dataset", + "dataset_abstract": "A dataset with 2,437 dialogues and 10,917 QA pairs. The dialogues are collected from three Stack Exchange sites using the Wizard of Oz method with crowdsourcing.", + "paper_name": "DoQA -- Accessing Domain-Specific FAQs via Conversational QA", + "paper_abstract": "The goal of this work is to build conversational Question Answering (QA) interfaces for the large body of domain-specific information available in FAQ sites. We present DoQA, a dataset with 2,437 dialogues and 10,917 QA pairs. The dialogues are collected from three Stack Exchange sites using the Wizard of Oz method with crowdsourcing. Compared to previous work, DoQA comprises well-defined information needs, leading to more coherent and natural conversations with less factoid questions and is multi-domain. In addition, we introduce a more realistic information retrieval(IR) scenario where the system needs to find the answer in any of the FAQ documents. The results of an existing, strong, system show that, thanks to transfer learning from a Wikipedia QA dataset and fine tuning on a single FAQ domain, it is possible to build high quality conversational QA systems for FAQs without in-domain training data. The good results carry over into the more challenging IR scenario. In both cases, there is still ample room for improvement, as indicated by the higher human upperbound." + }, + "definite_pronoun_resolution": { + "pwc_id": "definite-pronoun-resolution-dataset", + "dataset_name": "Definite Pronoun Resolution Dataset Dataset", + "dataset_abstract": "Composes sentence pairs (i.e., twin sentences).", + "paper_name": "", + "paper_abstract": "" + }, + "search_qa": { + "pwc_id": "searchqa", + "dataset_name": "SearchQA Dataset", + "dataset_abstract": "SearchQA was built using an in-production, commercial search engine. It closely reflects the full pipeline of a (hypothetical) general question-answering system, which consists of information retrieval and answer synthesis.", + "paper_name": "SearchQA: A New Q&A Dataset Augmented with Context from a Search Engine", + "paper_abstract": "We publicly release a new large-scale dataset, called SearchQA, for machine\ncomprehension, or question-answering. Unlike recently released datasets, such\nas DeepMind CNN/DailyMail and SQuAD, the proposed SearchQA was constructed to\nreflect a full pipeline of general question-answering. That is, we start not\nfrom an existing article and generate a question-answer pair, but start from an\nexisting question-answer pair, crawled from J! Archive, and augment it with\ntext snippets retrieved by Google. Following this approach, we built SearchQA,\nwhich consists of more than 140k question-answer pairs with each pair having\n49.6 snippets on average. Each question-answer-context tuple of the SearchQA\ncomes with additional meta-data such as the snippet's URL, which we believe\nwill be valuable resources for future research. We conduct human evaluation as\nwell as test two baseline methods, one simple word selection and the other deep\nlearning based, on the SearchQA. We show that there is a meaningful gap between\nthe human and machine performances. This suggests that the proposed dataset\ncould well serve as a benchmark for question-answering." + }, + "reuters21578": { + "pwc_id": "reuters-21578", + "dataset_name": "Reuters-21578 Dataset", + "dataset_abstract": "The Reuters-21578 dataset is a collection of documents with news articles. The original corpus has 10,369 documents and a vocabulary of 29,930 words.", + "paper_name": "", + "paper_abstract": "" + }, + "assin": { + "pwc_id": "assin", + "dataset_name": "ASSIN Dataset", + "dataset_abstract": "ASSIN (Avalia\u00e7\u00e3o de Similaridade Sem\u00e2ntica e INfer\u00eancia textual) is a dataset with semantic similarity score and entailment annotations. It was used in a shared task in the PROPOR 2016 conference.\n\nThe full dataset has 10,000 sentence pairs, half of which in Brazilian Portuguese and half in European Portuguese. Either language variant has 2,500 pairs for training, 500 for validation and 2,000 for testing. This is different from the split used in the shared task, in which the training set had 3,000 pairs and there was no validation set. The shared task training set can be reconstructed by simply merging both sets.", + "paper_name": "", + "paper_abstract": "" + }, + "taskmaster2": { + "pwc_id": "taskmaster-2", + "dataset_name": "Taskmaster-2 Dataset", + "dataset_abstract": "The Taskmaster-2 dataset consists of 17,289 dialogs in seven domains: restaurants (3276), food ordering (1050), movies (3047), hotels (2355), flights (2481), music (1602), and sports (3478).", + "paper_name": "Taskmaster-1: Toward a Realistic and Diverse Dialog Dataset", + "paper_abstract": "A significant barrier to progress in data-driven approaches to building dialog systems is the lack of high quality, goal-oriented conversational data. To help satisfy this elementary requirement, we introduce the initial release of the Taskmaster-1 dataset which includes 13,215 task-based dialogs comprising six domains. Two procedures were used to create this collection, each with unique advantages. The first involves a two-person, spoken \"Wizard of Oz\" (WOz) approach in which trained agents and crowdsourced workers interact to complete the task while the second is \"self-dialog\" in which crowdsourced workers write the entire dialog themselves. We do not restrict the workers to detailed scripts or to a small knowledge base and hence we observe that our dataset contains more realistic and diverse conversations in comparison to existing datasets. We offer several baseline models including state of the art neural seq2seq architectures with benchmark performance as well as qualitative human evaluations. Dialogs are labeled with API calls and arguments, a simple and cost effective approach which avoids the requirement of complex annotation schema. The layer of abstraction between the dialog model and the service provider API allows for a given model to interact with multiple services that provide similar functionally. Finally, the dataset will evoke interest in written vs. spoken language, discourse patterns, error handling and other linguistic phenomena related to dialog system research, development and design." + }, + "open_subtitles": { + "pwc_id": "opensubtitles", + "dataset_name": "OpenSubtitles Dataset", + "dataset_abstract": "OpenSubtitles is collection of multilingual parallel corpora. The dataset is compiled from a large database of movie and TV subtitles and includes a total of 1689 bitexts spanning 2.6 billion sentences across 60 languages.", + "paper_name": "OpenSubtitles2016: Extracting Large Parallel Corpora from Movie and TV Subtitles", + "paper_abstract": "We present a new major release of the OpenSubtitles collection of parallel corpora. The release is compiled from a large database of movie and TV subtitles and includes a total of 1689 bitexts spanning 2.6 billion sentences across 60 languages. The release also incorporates a number of enhancements in the preprocessing and alignment of the subtitles, such as the automatic correction of OCR errors and the use of meta-data to estimate the quality of each subtitle and score subtitle pairs." + }, + "cc100": { + "pwc_id": "cc100", + "dataset_name": "CC100 Dataset", + "dataset_abstract": "This corpus comprises of monolingual data for 100+ languages and also includes data for romanized languages. This was constructed using the urls and paragraph indices provided by the CC-Net repository by processing January-December 2018 Commoncrawl snapshots. Each file comprises of documents separated by double-newlines and paragraphs within the same document separated by a newline. The data is generated using the open source CC-Net repository.", + "paper_name": "Unsupervised Cross-lingual Representation Learning at Scale", + "paper_abstract": "This paper shows that pretraining multilingual language models at scale leads to significant performance gains for a wide range of cross-lingual transfer tasks. We train a Transformer-based masked language model on one hundred languages, using more than two terabytes of filtered CommonCrawl data. Our model, dubbed XLM-R, significantly outperforms multilingual BERT (mBERT) on a variety of cross-lingual benchmarks, including +14.6% average accuracy on XNLI, +13% average F1 score on MLQA, and +2.4% F1 score on NER. XLM-R performs particularly well on low-resource languages, improving 15.7% in XNLI accuracy for Swahili and 11.4% for Urdu over previous XLM models. We also present a detailed empirical analysis of the key factors that are required to achieve these gains, including the trade-offs between (1) positive transfer and capacity dilution and (2) the performance of high and low resource languages at scale. Finally, we show, for the first time, the possibility of multilingual modeling without sacrificing per-language performance; XLM-R is very competitive with strong monolingual models on the GLUE and XNLI benchmarks. We will make our code, data and models publicly available." + }, + "euronews": { + "pwc_id": "europeana-newspapers", + "dataset_name": "Europeana Newspapers Dataset", + "dataset_abstract": "Europeana Newspapers consists of four datasets with 100 pages each for the languages Dutch, French, German (including Austrian) as part of the Europeana Newspapers project is expected to contribute to the further development and improvement of named entity recognition systems with a focus on historical content.", + "paper_name": "An Open Corpus for Named Entity Recognition in Historic Newspapers", + "paper_abstract": "The availability of openly available textual datasets ({``}corpora{''}) with highly accurate manual annotations ({``}gold standard{''}) of named entities (e.g. persons, locations, organizations, etc.) is crucial in the training and evaluation of named entity recognition systems. Currently there are only few such datasets available on the web, and even less for texts containing historical spelling variation. The production and subsequent release into the public domain of four such datasets with 100 pages each for the languages Dutch, French, German (including Austrian) as part of the Europeana Newspapers project is expected to contribute to the further development and improvement of named entity recognition systems with a focus on historical content. This paper describes how these datasets were produced, what challenges were encountered in their creation and informs about their final quality and availability." + }, + "fashion_mnist": { + "pwc_id": "fashion-mnist", + "dataset_name": "Fashion-MNIST Dataset", + "dataset_abstract": "Fashion-MNIST is a dataset comprising of 28\u00d728 grayscale images of 70,000 fashion products from 10 categories, with 7,000 images per category. The training set has 60,000 images and the test set has 10,000 images. Fashion-MNIST shares the same image size, data format and the structure of training and testing splits with the original MNIST.", + "paper_name": "Fashion-MNIST: a Novel Image Dataset for Benchmarking Machine Learning Algorithms", + "paper_abstract": "We present Fashion-MNIST, a new dataset comprising of 28x28 grayscale images\nof 70,000 fashion products from 10 categories, with 7,000 images per category.\nThe training set has 60,000 images and the test set has 10,000 images.\nFashion-MNIST is intended to serve as a direct drop-in replacement for the\noriginal MNIST dataset for benchmarking machine learning algorithms, as it\nshares the same image size, data format and the structure of training and\ntesting splits. The dataset is freely available at\nhttps://github.com/zalandoresearch/fashion-mnist" + }, + "generics_kb": { + "pwc_id": "genericskb", + "dataset_name": "GenericsKB Dataset", + "dataset_abstract": "The GenericsKB contains 3.4M+ generic sentences about the world, i.e., sentences expressing general truths such as \"Dogs bark,\" and \"Trees remove carbon dioxide from the atmosphere.\" Generics are potentially useful as a knowledge source for AI systems requiring general world knowledge. The GenericsKB is the first large-scale resource containing naturally occurring generic sentences (as opposed to extracted or crowdsourced triples), and is rich in high-quality, general, semantically complete statements. Generics were primarily extracted from three large text sources, namely the Waterloo Corpus, selected parts of Simple Wikipedia, and the ARC Corpus. A filtered, high-quality subset is also available in GenericsKB-Best, containing 1,020,868 sentences.", + "paper_name": "GenericsKB: A Knowledge Base of Generic Statements", + "paper_abstract": "We present a new resource for the NLP community, namely a large (3.5M+ sentence) knowledge base of *generic statements*, e.g., \"Trees remove carbon dioxide from the atmosphere\", collected from multiple corpora. This is the first large resource to contain *naturally occurring* generic sentences, as opposed to extracted or crowdsourced triples, and thus is rich in high-quality, general, semantically complete statements. All GenericsKB sentences are annotated with their topical term, surrounding context (sentences), and a (learned) confidence. We also release GenericsKB-Best (1M+ sentences), containing the best-quality generics in GenericsKB augmented with selected, synthesized generics from WordNet and ConceptNet. In tests on two existing datasets requiring multihop reasoning (OBQA and QASC), we find using GenericsKB can result in higher scores and better explanations than using a much larger corpus. This demonstrates that GenericsKB can be a useful resource for NLP applications, as well as providing data for linguistic studies of generics and their semantics. GenericsKB is available at https://allenai.org/data/genericskb." + }, + "bianet": { + "pwc_id": "bianet", + "dataset_name": "Bianet Dataset", + "dataset_abstract": "Bianet is a parallel news corpus in Turkish, Kurdish and English\nIt contains 3,214 Turkish articles with their sentence-aligned Kurdish or English translations from the Bianet online newspaper.", + "paper_name": "Bianet: A Parallel News Corpus in Turkish, Kurdish and English", + "paper_abstract": "We present a new open-source parallel corpus consisting of news articles\ncollected from the Bianet magazine, an online newspaper that publishes Turkish\nnews, often along with their translations in English and Kurdish. In this\npaper, we describe the collection process of the corpus and its statistical\nproperties. We validate the benefit of using the Bianet corpus by evaluating\nbilingual and multilingual neural machine translation models in English-Turkish\nand English-Kurdish directions." + }, + "squad_es": { + "pwc_id": "squad-es", + "dataset_name": "SQuAD-es Dataset", + "dataset_abstract": "Stanford Question Answering Dataset (SQuAD) into Spanish.", + "paper_name": "", + "paper_abstract": "" + }, + "newsqa": { + "pwc_id": "newsqa", + "dataset_name": "NewsQA Dataset", + "dataset_abstract": "The NewsQA dataset is a crowd-sourced machine reading comprehension dataset of 120,000 question-answer pairs.\n\n\nDocuments are CNN news articles.\nQuestions are written by human users in natural language.\nAnswers may be multiword passages of the source text.\nQuestions may be unanswerable.\nNewsQA is collected using a 3-stage, siloed process.\nQuestioners see only an article\u2019s headline and highlights.\nAnswerers see the question and the full article, then select an answer passage.\nValidators see the article, the question, and a set of answers that they rank.\nNewsQA is more natural and more challenging than previous datasets.", + "paper_name": "NewsQA: A Machine Comprehension Dataset", + "paper_abstract": "We present NewsQA, a challenging machine comprehension dataset of over\n100,000 human-generated question-answer pairs. Crowdworkers supply questions\nand answers based on a set of over 10,000 news articles from CNN, with answers\nconsisting of spans of text from the corresponding articles. We collect this\ndataset through a four-stage process designed to solicit exploratory questions\nthat require reasoning. A thorough analysis confirms that NewsQA demands\nabilities beyond simple word matching and recognizing textual entailment. We\nmeasure human performance on the dataset and compare it to several strong\nneural models. The performance gap between humans and machines (0.198 in F1)\nindicates that significant progress can be made on NewsQA through future\nresearch. The dataset is freely available at\nhttps://datasets.maluuba.com/NewsQA." + }, + "matinf": { + "pwc_id": "matinf", + "dataset_name": "MATINF Dataset", + "dataset_abstract": "Maternal and Infant (MATINF) Dataset is a large-scale dataset jointly labeled for classification, question answering and summarization in the domain of maternity and baby caring in Chinese. An entry in the dataset includes four fields: question (Q), description (D), class (C) and answer (A).\n\nNearly two million question-answer pairs are collected with fine-grained human-labeled classes from a large Chinese maternity and baby caring QA site. Authors conduct both automatic and manual data cleansing and remove: (1) classes with insufficient samples; (2) entries in which the length of the description filed is less than the length of the question field; (3) data with any field longer than 256 characters; (4) human-spotted ill-formed data. After the data cleansing, MATINF is constructed with the remaining 1.07 million entries", + "paper_name": "MATINF: A Jointly Labeled Large-Scale Dataset for Classification, Question Answering and Summarization", + "paper_abstract": "Recently, large-scale datasets have vastly facilitated the development in nearly all domains of Natural Language Processing. However, there is currently no cross-task dataset in NLP, which hinders the development of multi-task learning. We propose MATINF, the first jointly labeled large-scale dataset for classification, question answering and summarization. MATINF contains 1.07 million question-answer pairs with human-labeled categories and user-generated question descriptions. Based on such rich information, MATINF is applicable for three major NLP tasks, including classification, question answering, and summarization. We benchmark existing methods and a novel multi-task baseline over MATINF to inspire further research. Our comprehensive comparison and experiments over MATINF and other datasets demonstrate the merits held by MATINF." + }, + "sberquad": { + "pwc_id": "sberquad", + "dataset_name": "SberQuAD Dataset", + "dataset_abstract": "A large scale analogue of Stanford SQuAD in the Russian language - is a valuable resource that has not been properly presented to the scientific community. \n\nSee DeepPavlov link\n\nModel results\n| Model config | EM (dev) | F-1 (dev) |\n|------------------------------|-------------|-------------|\n|DeepPavlov RuBERT | 66.30+-0.24 | 84.60+-0.11 |\n| DeepPavlov multilingual BERT | 64.35+-0.39 | 83.39+-0.08 |\n| DeepPavlov R-Net | 60.62 | 80.04 |", + "paper_name": "SberQuAD -- Russian Reading Comprehension Dataset: Description and Analysis", + "paper_abstract": "SberQuAD -- a large scale analog of Stanford SQuAD in the Russian language - is a valuable resource that has not been properly presented to the scientific community. We fill this gap by providing a description, a thorough analysis, and baseline experimental results." + }, + "ecb": { + "pwc_id": "ecb", + "dataset_name": "ECB+ Dataset", + "dataset_abstract": "The ECB+ corpus is an extension to the EventCorefBank (ECB, Bejan and Harabagiu, 2010). A newly added corpus component consists of 502 documents that belong to the 43 topics of the ECB but that describe different seminal events than those already captured in the ECB. All corpus texts were found through Google Search and were annotated with mentions of events and their times, locations, human and non-human participants as well as with within- and cross-document event and entity coreference information. The 2012 version of annotation of the ECB corpus (Lee et al., 2012) was used as a starting point for re-annotation of the ECB according to the ECB+ annotation guideline.\n\nThe major differences with respect to the 2012 version of annotation of the ECB are:\n\n(a) five event components are annotated in text:\n\nactions (annotation tags starting with ACTION and NEG)\ntimes (annotation tags starting with TIME)\nlocations (annotation tags starting with LOC)\nhuman participants (annotation tags starting with HUMAN)\nnon-human participants (annotation tags starting with NON_HUMAN)\n\n(b) specific action classes and entity subtypes are distinguished for each of the five main event components resulting in a total tagset of 30 annotation tags based on ACE annotation guidelines (LDC 2008), TimeML (Pustejovsky et al., 2003 and Sauri et al., 2005)\n(c) intra- and cross-document coreference relations between mentions of the five event components were established:\n\nINTRA_DOC_COREF tag captures within document coreference chains that do not participate in cross-document relations; within document coreference was annotated by means of the CAT tool (Bartalesi et al., 2012)\nCROSS_DOC_COREF tag indicates cross-document coreference relations created in the CROMER tool (Girardi et al., 2014); all coreference branches refer by means of relation target IDs to the so called TAG_DESCRIPTORS, pointing to human friendly instance names (assigned by coders) and also to instance_id-s\n\n(d) events are annotated from an \u201cevent-centric\u201d perspective, i.e. annotation tags are assigned depending on the role a mention plays in an event (for more information see ECB+ references).", + "paper_name": "Using a sledgehammer to crack a nut? Lexical diversity and event coreference resolution", + "paper_abstract": "In this paper we examine the representativeness of the EventCorefBank (ECB, Bejan and Harabagiu, 2010) with regards to the language population of large-volume streams of news. The ECB corpus is one of the data sets used for evaluation of the task of event coreference resolution. Our analysis shows that the ECB in most cases covers one seminal event per domain, what considerably simplifies event and so language diversity that one comes across in the news. We augmented the corpus with a new corpus component, consisting of 502 texts, describing different instances of event types that were already captured by the 43 topics of the ECB, making it more representative of news articles on the web. The new {``}ECB+{''} corpus is available for further research." + }, + "um005": { + "pwc_id": "umc005-english-urdu", + "dataset_name": "UMC005 English-Urdu Dataset", + "dataset_abstract": "UMC005 English-Urdu is a parallel corpus of texts in English and Urdu language with sentence alignments. The corpus can be used for experiments with statistical machine translation.\n\nThe texts come from four different sources:\n\n\nQuran\nBible\nPenn Treebank (Wall Street Journal)\nEmille corpus", + "paper_name": "", + "paper_abstract": "" + }, + "compguesswhat": { + "pwc_id": "compguesswhat", + "dataset_name": "CompGuessWhat?! Dataset", + "dataset_abstract": "CompGuessWhat?! extends the original GuessWhat?! datasets with a rich semantic representations in the form of scene graphs associated with every image used as reference scene for the guessing games.", + "paper_name": "CompGuessWhat?!: A Multi-task Evaluation Framework for Grounded Language Learning", + "paper_abstract": "Approaches to Grounded Language Learning typically focus on a single task-based final performance measure that may not depend on desirable properties of the learned hidden representations, such as their ability to predict salient attributes or to generalise to unseen situations. To remedy this, we present GROLLA, an evaluation framework for Grounded Language Learning with Attributes with three sub-tasks: 1) Goal-oriented evaluation; 2) Object attribute prediction evaluation; and 3) Zero-shot evaluation. We also propose a new dataset CompGuessWhat?! as an instance of this framework for evaluating the quality of learned neural representations, in particular concerning attribute grounding. To this end, we extend the original GuessWhat?! dataset by including a semantic layer on top of the perceptual one. Specifically, we enrich the VisualGenome scene graphs associated with the GuessWhat?! images with abstract and situated attributes. By using diagnostic classifiers, we show that current models learn representations that are not expressive enough to encode object attributes (average F1 of 44.27). In addition, they do not learn strategies nor representations that are robust enough to perform well when novel scenes or objects are involved in gameplay (zero-shot best accuracy 50.06%)." + }, + "irc_disentangle": { + "pwc_id": "irc-disentanglement", + "dataset_name": "irc-disentanglement Dataset", + "dataset_abstract": "This is a dataset for disentangling conversations on IRC, which is the task of identifying separate conversations in a single stream of messages. It contains disentanglement information for 77,563 messages or IRC.", + "paper_name": "A Large-Scale Corpus for Conversation Disentanglement", + "paper_abstract": "Disentangling conversations mixed together in a single stream of messages is a difficult task, made harder by the lack of large manually annotated datasets. We created a new dataset of 77,563 messages manually annotated with reply-structure graphs that both disentangle conversations and define internal conversation structure. Our dataset is 16 times larger than all previously released datasets combined, the first to include adjudication of annotation disagreements, and the first to include context. We use our data to re-examine prior work, in particular, finding that 80% of conversations in a widely used dialogue corpus are either missing messages or contain extra messages. Our manually-annotated data presents an opportunity to develop robust data-driven methods for conversation disentanglement, which will help advance dialogue research." + }, + "assin2": { + "pwc_id": "assin2", + "dataset_name": "ASSIN2 Dataset", + "dataset_abstract": "ASSIN 2 is the second Semantic Similarity Assessment and Textual Inference, and was a workshop held in conjunction with STIL 2019 .", + "paper_name": "", + "paper_abstract": "" + }, + "doc2dial": { + "pwc_id": "doc2dial", + "dataset_name": "doc2dial Dataset", + "dataset_abstract": "A new dataset of goal-oriented dialogues that are grounded in the associated documents.", + "paper_name": "doc2dial: A Goal-Oriented Document-Grounded Dialogue Dataset", + "paper_abstract": "We introduce doc2dial, a new dataset of goal-oriented dialogues that are grounded in the associated documents. Inspired by how the authors compose documents for guiding end users, we first construct dialogue flows based on the content elements that corresponds to higher-level relations across text sections as well as lower-level relations between discourse units within a section. Then we present these dialogue flows to crowd contributors to create conversational utterances. The dataset includes about 4800 annotated conversations with an average of 14 turns that are grounded in over 480 documents from four domains. Compared to the prior document-grounded dialogue datasets, this dataset covers a variety of dialogue scenes in information-seeking conversations. For evaluating the versatility of the dataset, we introduce multiple dialogue modeling tasks and present baseline approaches." + }, + "weibo_ner": { + "pwc_id": "weibo-ner", + "dataset_name": "Weibo NER Dataset", + "dataset_abstract": "The Weibo NER dataset is a Chinese Named Entity Recognition dataset drawn from the social media website Sina Weibo.", + "paper_name": "", + "paper_abstract": "" + }, + "arcd": { + "pwc_id": "arcd", + "dataset_name": "ARCD Dataset", + "dataset_abstract": "Composed of 1,395 questions posed by crowdworkers on Wikipedia articles, and a machine translation of the Stanford Question Answering Dataset (Arabic-SQuAD).", + "paper_name": "Neural Arabic Question Answering", + "paper_abstract": "This paper tackles the problem of open domain factual Arabic question answering (QA) using Wikipedia as our knowledge source. This constrains the answer of any question to be a span of text in Wikipedia. Open domain QA for Arabic entails three challenges: annotated QA datasets in Arabic, large scale efficient information retrieval and machine reading comprehension. To deal with the lack of Arabic QA datasets we present the Arabic Reading Comprehension Dataset (ARCD) composed of 1,395 questions posed by crowdworkers on Wikipedia articles, and a machine translation of the Stanford Question Answering Dataset (Arabic-SQuAD). Our system for open domain question answering in Arabic (SOQAL) is based on two components: (1) a document retriever using a hierarchical TF-IDF approach and (2) a neural reading comprehension model using the pre-trained bi-directional transformer BERT. Our experiments on ARCD indicate the effectiveness of our approach with our BERT-based reader achieving a 61.3 F1 score, and our open domain system SOQAL achieving a 27.6 F1 score." + }, + "qanta": { + "pwc_id": "quizbowl", + "dataset_name": "Quizbowl Dataset", + "dataset_abstract": "Consists of multiple sentences whose clues are arranged by difficulty (from obscure to obvious) and uniquely identify a well-known entity such as those found on Wikipedia.", + "paper_name": "Quizbowl: The Case for Incremental Question Answering", + "paper_abstract": "Scholastic trivia competitions test knowledge and intelligence through mastery of question answering. Modern question answering benchmarks are one variant of the Turing test. Specifically, answering a set of questions as well as a human is a minimum bar towards demonstrating human-like intelligence. This paper makes the case that the format of one competition -- where participants can answer in the middle of hearing a question (incremental) -- better differentiates the skill between (human or machine) players. Additionally, merging a sequential decision-making sub-task with question answering (QA) provides a good setting for research in model calibration and opponent modeling. Thus, embedded in this task are three machine learning challenges: (1) factoid QA over thousands of Wikipedia-like answers, (2) calibration of the QA model's confidence scores, and (3) sequential decision-making that incorporates knowledge of the QA model, its calibration, and what the opponent may do. We make two contributions: (1) collecting and curating a large factoid QA dataset and an accompanying gameplay dataset, and (2) developing a model that addresses these three machine learning challenges. In addition to offline evaluation, we pitted our model against some of the most accomplished trivia players in the world in a series of exhibition matches spanning several years. Throughout this paper, we show that collaborations with the vibrant trivia community have contributed to the quality of our dataset, spawned new research directions, and doubled as an exciting way to engage the public with research in machine learning and natural language processing." + }, + "web_of_science": { + "pwc_id": "web-of-science-dataset", + "dataset_name": "WOS Dataset", + "dataset_abstract": "Web of Science (WOS) is a document classification dataset that contains 46,985 documents with 134 categories which include 7 parents categories.", + "paper_name": "HDLTex: Hierarchical Deep Learning for Text Classification", + "paper_abstract": "The continually increasing number of documents produced each year\nnecessitates ever improving information processing methods for searching,\nretrieving, and organizing text. Central to these information processing\nmethods is document classification, which has become an important application\nfor supervised learning. Recently the performance of these traditional\nclassifiers has degraded as the number of documents has increased. This is\nbecause along with this growth in the number of documents has come an increase\nin the number of categories. This paper approaches this problem differently\nfrom current document classification methods that view the problem as\nmulti-class classification. Instead we perform hierarchical classification\nusing an approach we call Hierarchical Deep Learning for Text classification\n(HDLTex). HDLTex employs stacks of deep learning architectures to provide\nspecialized understanding at each level of the document hierarchy." + }, + "imagenet-1k": { + "pwc_id": "imagenet", + "dataset_name": "ImageNet Dataset", + "dataset_abstract": "The ImageNet dataset contains 14,197,122 annotated images according to the WordNet hierarchy. Since 2010 the dataset is used in the ImageNet Large Scale Visual Recognition Challenge (ILSVRC), a benchmark in image classification and object detection.\nThe publicly released dataset contains a set of manually annotated training images. A set of test images is also released, with the manual annotations withheld.\nILSVRC annotations fall into one of two categories: (1) image-level annotation of a binary label for the presence or absence of an object class in the image, e.g., \u201cthere are cars in this image\u201d but \u201cthere are no tigers,\u201d and (2) object-level annotation of a tight bounding box and class label around an object instance in the image, e.g., \u201cthere is a screwdriver centered at position (20,25) with width of 50 pixels and height of 30 pixels\u201d.\nThe ImageNet project does not own the copyright of the images, therefore only thumbnails and URLs of images are provided.\n\n\nTotal number of non-empty WordNet synsets: 21841\nTotal number of images: 14197122\nNumber of images with bounding box annotations: 1,034,908\nNumber of synsets with SIFT features: 1000\nNumber of images with SIFT features: 1.2 million", + "paper_name": "", + "paper_abstract": "" + }, + "lj_speech": { + "pwc_id": "ljspeech", + "dataset_name": "LJSpeech Dataset", + "dataset_abstract": "This is a public domain speech dataset consisting of 13,100 short audio clips of a single speaker reading passages from 7 non-fiction books. A transcription is provided for each clip. Clips vary in length from 1 to 10 seconds and have a total length of approximately 24 hours. The texts were published between 1884 and 1964, and are in the public domain. The audio was recorded in 2016-17 by the LibriVox project and is also in the public domain.", + "paper_name": "", + "paper_abstract": "" + }, + "stereoset": { + "pwc_id": "stereoset", + "dataset_name": "StereoSet Dataset", + "dataset_abstract": "A large-scale natural dataset in English to measure stereotypical biases in four domains: gender, profession, race, and religion.", + "paper_name": "StereoSet: Measuring stereotypical bias in pretrained language models", + "paper_abstract": "A stereotype is an over-generalized belief about a particular group of people, e.g., Asians are good at math or Asians are bad drivers. Such beliefs (biases) are known to hurt target groups. Since pretrained language models are trained on large real world data, they are known to capture stereotypical biases. In order to assess the adverse effects of these models, it is important to quantify the bias captured in them. Existing literature on quantifying bias evaluates pretrained language models on a small set of artificially constructed bias-assessing sentences. We present StereoSet, a large-scale natural dataset in English to measure stereotypical biases in four domains: gender, profession, race, and religion. We evaluate popular models like BERT, GPT-2, RoBERTa, and XLNet on our dataset and show that these models exhibit strong stereotypical biases. We also present a leaderboard with a hidden test set to track the bias of future language models at https://stereoset.mit.edu" + }, + "visual_genome": { + "pwc_id": "visual-genome", + "dataset_name": "Visual Genome Dataset", + "dataset_abstract": "Visual Genome contains Visual Question Answering data in a multi-choice setting. It consists of 101,174 images from MSCOCO with 1.7 million QA pairs, 17 questions per image on average. Compared to the Visual Question Answering dataset, Visual Genome represents a more balanced distribution over 6 question types: What, Where, When, Who, Why and How. The Visual Genome dataset also presents 108K images with densely annotated objects, attributes and relationships.", + "paper_name": "Visual Genome: Connecting Language and Vision Using Crowdsourced Dense Image Annotations", + "paper_abstract": "Despite progress in perceptual tasks such as image classification, computers\nstill perform poorly on cognitive tasks such as image description and question\nanswering. Cognition is core to tasks that involve not just recognizing, but\nreasoning about our visual world. However, models used to tackle the rich\ncontent in images for cognitive tasks are still being trained using the same\ndatasets designed for perceptual tasks. To achieve success at cognitive tasks,\nmodels need to understand the interactions and relationships between objects in\nan image. When asked \"What vehicle is the person riding?\", computers will need\nto identify the objects in an image as well as the relationships riding(man,\ncarriage) and pulling(horse, carriage) in order to answer correctly that \"the\nperson is riding a horse-drawn carriage\".\n In this paper, we present the Visual Genome dataset to enable the modeling of\nsuch relationships. We collect dense annotations of objects, attributes, and\nrelationships within each image to learn these models. Specifically, our\ndataset contains over 100K images where each image has an average of 21\nobjects, 18 attributes, and 18 pairwise relationships between objects. We\ncanonicalize the objects, attributes, relationships, and noun phrases in region\ndescriptions and questions answer pairs to WordNet synsets. Together, these\nannotations represent the densest and largest dataset of image descriptions,\nobjects, attributes, relationships, and question answers." + }, + "kinnews_kirnews": { + "pwc_id": "kinnews-and-kirnews", + "dataset_name": "KINNEWS and KIRNEWS Dataset", + "dataset_abstract": "Two news datasets (KINNEWS and KIRNEWS) for multi-class classification of news articles in Kinyarwanda and Kirundi, two low-resource African languages. The two languages are mutually intelligible.", + "paper_name": "KINNEWS and KIRNEWS: Benchmarking Cross-Lingual Text Classification for Kinyarwanda and Kirundi", + "paper_abstract": "Recent progress in text classification has been focused on high-resource languages such as English and Chinese. For low-resource languages, amongst them most African languages, the lack of well-annotated data and effective preprocessing, is hindering the progress and the transfer of successful methods. In this paper, we introduce two news datasets (KINNEWS and KIRNEWS) for multi-class classification of news articles in Kinyarwanda and Kirundi, two low-resource African languages. The two languages are mutually intelligible, but while Kinyarwanda has been studied in Natural Language Processing (NLP) to some extent, this work constitutes the first study on Kirundi. Along with the datasets, we provide statistics, guidelines for preprocessing, and monolingual and cross-lingual baseline models. Our experiments show that training embeddings on the relatively higher-resourced Kinyarwanda yields successful cross-lingual transfer to Kirundi. In addition, the design of the created datasets allows for a wider use in NLP beyond text classification in future studies, such as representation learning, cross-lingual learning with more distant languages, or as base for new annotations for tasks such as parsing, POS tagging, and NER. The datasets, stopwords, and pre-trained embeddings are publicly available at https://github.com/Andrews2017/KINNEWS-and-KIRNEWS-Corpus ." + }, + "per_sent": { + "pwc_id": "persent", + "dataset_name": "PerSenT Dataset", + "dataset_abstract": "PerSenT is a dataset of crowd-sourced annotations of the sentiment expressed by the authors towards the main entities in news articles. The dataset also includes paragraph-level sentiment annotations to provide more fine-grained supervision for the task.", + "paper_name": "Author's Sentiment Prediction", + "paper_abstract": "We introduce PerSenT, a dataset of crowd-sourced annotations of the sentiment expressed by the authors towards the main entities in news articles. The dataset also includes paragraph-level sentiment annotations to provide more fine-grained supervision for the task. Our benchmarks of multiple strong baselines show that this is a difficult classification task. The results also suggest that simply fine-tuning document-level representations from BERT isn't adequate for this task. Making paragraph-level decisions and aggregating them over the entire document is also ineffective. We present empirical and qualitative analyses that illustrate the specific challenges posed by this dataset. We release this dataset with 5.3k documents and 38k paragraphs covering 3.2k unique entities as a challenge in entity sentiment analysis." + }, + "pg19": { + "pwc_id": "pg-19", + "dataset_name": "PG-19 Dataset", + "dataset_abstract": "A new open-vocabulary language modelling benchmark derived from books.", + "paper_name": "Compressive Transformers for Long-Range Sequence Modelling", + "paper_abstract": "We present the Compressive Transformer, an attentive sequence model which compresses past memories for long-range sequence learning. We find the Compressive Transformer obtains state-of-the-art language modelling results in the WikiText-103 and Enwik8 benchmarks, achieving 17.1 ppl and 0.97 bpc respectively. We also find it can model high-frequency speech effectively and can be used as a memory mechanism for RL, demonstrated on an object matching task. To promote the domain of long-range sequence learning, we propose a new open-vocabulary language modelling benchmark derived from books, PG-19." + }, + "xed_en_fi": { + "pwc_id": "xed", + "dataset_name": "XED Dataset", + "dataset_abstract": "XED is a multilingual fine-grained emotion dataset. The dataset consists of human-annotated Finnish (25k) and English sentences (30k), as well as projected annotations for 30 additional languages, providing new resources for many low-resource languages.", + "paper_name": "XED: A Multilingual Dataset for Sentiment Analysis and Emotion Detection", + "paper_abstract": "We introduce XED, a multilingual fine-grained emotion dataset. The dataset consists of human-annotated Finnish (25k) and English sentences (30k), as well as projected annotations for 30 additional languages, providing new resources for many low-resource languages. We use Plutchik's core emotions to annotate the dataset with the addition of neutral to create a multilabel multiclass dataset. The dataset is carefully evaluated using language-specific BERT models and SVMs to show that XED performs on par with other similar datasets and is therefore a useful tool for sentiment analysis and emotion detection." + }, + "newsroom": { + "pwc_id": "newsroom", + "dataset_name": "NEWSROOM Dataset", + "dataset_abstract": "CORNELL NEWSROOM is a large dataset for training and evaluating summarization systems. It contains 1.3 million articles and summaries written by authors and editors in the newsrooms of 38 major publications. The summaries are obtained from search and social metadata between 1998 and 2017 and use a variety of summarization strategies combining extraction and abstraction.", + "paper_name": "Newsroom: A Dataset of 1.3 Million Summaries with Diverse Extractive Strategies", + "paper_abstract": "We present NEWSROOM, a summarization dataset of 1.3 million articles and summaries written by authors and editors in newsrooms of 38 major news publications. Extracted from search and social media metadata between 1998 and 2017, these high-quality summaries demonstrate high diversity of summarization styles. In particular, the summaries combine abstractive and extractive strategies, borrowing words and phrases from articles at varying rates. We analyze the extraction strategies used in NEWSROOM summaries against other datasets to quantify the diversity and difficulty of our new data, and train existing methods on the data to evaluate its utility and challenges." + }, + "woz_dialogue": { + "pwc_id": "wizard-of-oz", + "dataset_name": "Wizard-of-Oz Dataset", + "dataset_abstract": "The WoZ 2.0 dataset is a newer dialogue state tracking dataset whose evaluation is detached from the noisy output of speech recognition systems. Similar to DSTC2, it covers the restaurant search domain and has identical evaluation.\n\nDescription from NLP Progress", + "paper_name": "Neural Belief Tracker: Data-Driven Dialogue State Tracking", + "paper_abstract": "One of the core components of modern spoken dialogue systems is the belief\ntracker, which estimates the user's goal at every step of the dialogue.\nHowever, most current approaches have difficulty scaling to larger, more\ncomplex dialogue domains. This is due to their dependency on either: a) Spoken\nLanguage Understanding models that require large amounts of annotated training\ndata; or b) hand-crafted lexicons for capturing some of the linguistic\nvariation in users' language. We propose a novel Neural Belief Tracking (NBT)\nframework which overcomes these problems by building on recent advances in\nrepresentation learning. NBT models reason over pre-trained word vectors,\nlearning to compose them into distributed representations of user utterances\nand dialogue context. Our evaluation on two datasets shows that this approach\nsurpasses past limitations, matching the performance of state-of-the-art models\nwhich rely on hand-crafted semantic lexicons and outperforming them when such\nlexicons are not provided." + }, + "nli_tr": { + "pwc_id": "nli-tr", + "dataset_name": "NLI-TR Dataset", + "dataset_abstract": "Natural Language Inference in Turkish (NLI-TR) provides translations of two large English NLI datasets into Turkish and had a team of experts validate their translation quality and fidelity to the original labels.", + "paper_name": "Data and Representation for Turkish Natural Language Inference", + "paper_abstract": "Large annotated datasets in NLP are overwhelmingly in English. This is an obstacle to progress in other languages. Unfortunately, obtaining new annotated resources for each task in each language would be prohibitively expensive. At the same time, commercial machine translation systems are now robust. Can we leverage these systems to translate English-language datasets automatically? In this paper, we offer a positive response for natural language inference (NLI) in Turkish. We translated two large English NLI datasets into Turkish and had a team of experts validate their translation quality and fidelity to the original labels. Using these datasets, we address core issues of representation for Turkish NLI. We find that in-language embeddings are essential and that morphological parsing can be avoided where the training set is large. Finally, we show that models trained on our machine-translated datasets are successful on human-translated evaluation sets. We share all code, models, and data publicly." + }, + "few_rel": { + "pwc_id": "fewrel", + "dataset_name": "FewRel Dataset", + "dataset_abstract": "The FewRel (Few-Shot Relation Classification Dataset) contains 100 relations and 70,000 instances from Wikipedia. The dataset is divided into three subsets: training set (64 relations), validation set (16 relations) and test set (20 relations).", + "paper_name": "FewRel: A Large-Scale Supervised Few-Shot Relation Classification Dataset with State-of-the-Art Evaluation", + "paper_abstract": "We present a Few-Shot Relation Classification Dataset (FewRel), consisting of\n70, 000 sentences on 100 relations derived from Wikipedia and annotated by\ncrowdworkers. The relation of each sentence is first recognized by distant\nsupervision methods, and then filtered by crowdworkers. We adapt the most\nrecent state-of-the-art few-shot learning methods for relation classification\nand conduct a thorough evaluation of these methods. Empirical results show that\neven the most competitive few-shot learning models struggle on this task,\nespecially as compared with humans. We also show that a range of different\nreasoning skills are needed to solve our task. These results indicate that\nfew-shot relation classification remains an open problem and still requires\nfurther research. Our detailed analysis points multiple directions for future\nresearch. All details and resources about the dataset and baselines are\nreleased on http://zhuhao.me/fewrel." + }, + "multidoc2dial": { + "pwc_id": "multidoc2dial", + "dataset_name": "MultiDoc2Dial Dataset", + "dataset_abstract": "MultiDoc2Dial is a new task and dataset on modeling goal-oriented dialogues grounded in multiple documents. Most previous works treat document-grounded dialogue modeling as a machine reading comprehension task based on a single given document or passage. We aim to address more realistic scenarios where a goal-oriented information-seeking conversation involves multiple topics, and hence is grounded on different documents.", + "paper_name": "MultiDoc2Dial: Modeling Dialogues Grounded in Multiple Documents", + "paper_abstract": "We propose MultiDoc2Dial, a new task and dataset on modeling goal-oriented dialogues grounded in multiple documents. Most previous works treat document-grounded dialogue modeling as a machine reading comprehension task based on a single given document or passage. In this work, we aim to address more realistic scenarios where a goal-oriented information-seeking conversation involves multiple topics, and hence is grounded on different documents. To facilitate such a task, we introduce a new dataset that contains dialogues grounded in multiple documents from four different domains. We also explore modeling the dialogue-based and document-based context in the dataset. We present strong baseline approaches and various experimental results, aiming to support further research efforts on such a task." + }, + "kor_nli": { + "pwc_id": "kornli", + "dataset_name": "KorNLI Dataset", + "dataset_abstract": "KorNLI is a Korean Natural Language Inference (NLI) dataset. The dataset is constructed by automatically translating the training sets of the SNLI, XNLI and MNLI datasets. To ensure translation quality, two professional translators with at least seven years of experience who specialize in academic papers/books as well as business contracts post-edited a half of the dataset each and cross-checked each other\u2019s translation afterward.\nIt contains 942,854 training examples translated automatically and 7,500 evaluation (development and test) examples translated manually", + "paper_name": "KorNLI and KorSTS: New Benchmark Datasets for Korean Natural Language Understanding", + "paper_abstract": "Natural language inference (NLI) and semantic textual similarity (STS) are key tasks in natural language understanding (NLU). Although several benchmark datasets for those tasks have been released in English and a few other languages, there are no publicly available NLI or STS datasets in the Korean language. Motivated by this, we construct and release new datasets for Korean NLI and STS, dubbed KorNLI and KorSTS, respectively. Following previous approaches, we machine-translate existing English training sets and manually translate development and test sets into Korean. To accelerate research on Korean NLU, we also establish baselines on KorNLI and KorSTS. Our datasets are publicly available at https://github.com/kakaobrain/KorNLUDatasets." + }, + "conceptnet5": { + "pwc_id": "conceptnet", + "dataset_name": "ConceptNet Dataset", + "dataset_abstract": "ConceptNet is a knowledge graph that connects words and phrases of natural language with labeled edges. Its knowledge is collected from many sources that include expert-created resources, crowd-sourcing, and games with a purpose. It is designed to represent the general knowledge involved in understanding language, improving natural language applications by allowing the application to better understand the meanings behind the words people use.", + "paper_name": "ConceptNet 5.5: An Open Multilingual Graph of General Knowledge", + "paper_abstract": "Machine learning about language can be improved by supplying it with specific\nknowledge and sources of external information. We present here a new version of\nthe linked open data resource ConceptNet that is particularly well suited to be\nused with modern NLP techniques such as word embeddings.\n ConceptNet is a knowledge graph that connects words and phrases of natural\nlanguage with labeled edges. Its knowledge is collected from many sources that\ninclude expert-created resources, crowd-sourcing, and games with a purpose. It\nis designed to represent the general knowledge involved in understanding\nlanguage, improving natural language applications by allowing the application\nto better understand the meanings behind the words people use.\n When ConceptNet is combined with word embeddings acquired from distributional\nsemantics (such as word2vec), it provides applications with understanding that\nthey would not acquire from distributional semantics alone, nor from narrower\nresources such as WordNet or DBPedia. We demonstrate this with state-of-the-art\nresults on intrinsic evaluations of word relatedness that translate into\nimprovements on applications of word vectors, including solving SAT-style\nanalogies." + }, + "cs_restaurants": { + "pwc_id": "czech-restaurant-information", + "dataset_name": "Czech restaurant information Dataset", + "dataset_abstract": "Czech restaurant information is a dataset for NLG in task-oriented spoken dialogue systems with Czech as the target language. It originated as a translation of the English San Francisco Restaurants dataset by Wen et al. (2015).", + "paper_name": "Neural Generation for Czech: Data and Baselines", + "paper_abstract": "We present the first dataset targeted at end-to-end NLG in Czech in the restaurant domain, along with several strong baseline models using the sequence-to-sequence approach. While non-English NLG is under-explored in general, Czech, as a morphologically rich language, makes the task even harder: Since Czech requires inflecting named entities, delexicalization or copy mechanisms do not work out-of-the-box and lexicalizing the generated outputs is non-trivial. In our experiments, we present two different approaches to this this problem: (1) using a neural language model to select the correct inflected form while lexicalizing, (2) a two-step generation setup: our sequence-to-sequence model generates an interleaved sequence of lemmas and morphological tags, which are then inflected by a morphological generator." + }, + "atomic": { + "pwc_id": "atomic", + "dataset_name": "ATOMIC Dataset", + "dataset_abstract": "ATOMIC is an atlas of everyday commonsense reasoning, organized through 877k textual descriptions of inferential knowledge. Compared to existing resources that center around taxonomic knowledge, ATOMIC focuses on inferential knowledge organized as typed if-then relations with variables (e.g., \"if X pays Y a compliment, then Y will likely return the compliment\").", + "paper_name": "ATOMIC: An Atlas of Machine Commonsense for If-Then Reasoning", + "paper_abstract": "We present ATOMIC, an atlas of everyday commonsense reasoning, organized\nthrough 877k textual descriptions of inferential knowledge. Compared to\nexisting resources that center around taxonomic knowledge, ATOMIC focuses on\ninferential knowledge organized as typed if-then relations with variables\n(e.g., \"if X pays Y a compliment, then Y will likely return the compliment\").\nWe propose nine if-then relation types to distinguish causes vs. effects,\nagents vs. themes, voluntary vs. involuntary events, and actions vs. mental\nstates. By generatively training on the rich inferential knowledge described in\nATOMIC, we show that neural models can acquire simple commonsense capabilities\nand reason about previously unseen events. Experimental results demonstrate\nthat multitask models that incorporate the hierarchical structure of if-then\nrelation types lead to more accurate inference compared to models trained in\nisolation, as measured by both automatic and human evaluation." + }, + "aslg_pc12": { + "pwc_id": "aslg-pc12", + "dataset_name": "ASLG-PC12 Dataset", + "dataset_abstract": "An artificial corpus built using grammatical dependencies rules due to the lack of resources for Sign Language.", + "paper_name": "", + "paper_abstract": "" + }, + "id_nergrit_corpus": { + "pwc_id": "nergrit-corpus", + "dataset_name": "NERGRIT Corpus Dataset", + "dataset_abstract": "NERGRIT involves machine learning based NLP Tools and a corpus used for Indonesian Named Entity Recognition, Statement Extraction, and Sentiment Analysis.", + "paper_name": "", + "paper_abstract": "" + }, + "arabic_speech_corpus": { + "pwc_id": "arabic-speech-corpus", + "dataset_name": "Arabic Speech Corpus Dataset", + "dataset_abstract": "The Arabic Speech Corpus (1.5 GB) is a Modern Standard Arabic (MSA) speech corpus for speech synthesis. The corpus contains phonetic and orthographic transcriptions of more than 3.7 hours of MSA speech aligned with recorded speech on the phoneme level. The annotations include word stress marks on the individual phonemes The Speech corpus has been developed as part of PhD work carried out by Nawar Halabi at the University of Southampton. The corpus was recorded in south Levantine Arabic (Damascian accent) using a professional studio. Synthesized speech as an output using this corpus has produced a high quality, natural voice.", + "paper_name": "", + "paper_abstract": "" + }, + "ascent_kb": { + "pwc_id": "ascentkb", + "dataset_name": "Ascent KB Dataset", + "dataset_abstract": "This dataset contains 8.9M commonsense assertions extracted by the Ascent pipeline developed at the Max Planck Institute for Informatics. The focus of this dataset is on everyday concepts such as elephant, car, laptop, etc. The current version of Ascent KB (v1.0.0) is approximately 19 times larger than ConceptNet (note that, in this comparison, non-commonsense knowledge in ConceptNet such as lexical relations is excluded).", + "paper_name": "Advanced Semantics for Commonsense Knowledge Extraction", + "paper_abstract": "Commonsense knowledge (CSK) about concepts and their properties is useful for AI applications such as robust chatbots. Prior works like ConceptNet, TupleKB and others compiled large CSK collections, but are restricted in their expressiveness to subject-predicate-object (SPO) triples with simple concepts for S and monolithic strings for P and O. Also, these projects have either prioritized precision or recall, but hardly reconcile these complementary goals. This paper presents a methodology, called Ascent, to automatically build a large-scale knowledge base (KB) of CSK assertions, with advanced expressiveness and both better precision and recall than prior works. Ascent goes beyond triples by capturing composite concepts with subgroups and aspects, and by refining assertions with semantic facets. The latter are important to express temporal and spatial validity of assertions and further qualifiers. Ascent combines open information extraction with judicious cleaning using language models. Intrinsic evaluation shows the superior size and quality of the Ascent KB, and an extrinsic evaluation for QA-support tasks underlines the benefits of Ascent." + }, + "dane": { + "pwc_id": "dane", + "dataset_name": "DaNE Dataset", + "dataset_abstract": "Danish Dependency Treebank (DaNE) is a named entity annotation for the Danish Universal Dependencies treebank using the CoNLL-2003 annotation scheme.", + "paper_name": "DaNE: A Named Entity Resource for Danish", + "paper_abstract": "We present a named entity annotation for the Danish Universal Dependencies treebank using the CoNLL-2003 annotation scheme: DaNE. It is the largest publicly available, Danish named entity gold annotation. We evaluate the quality of our annotations intrinsically by double annotating the entire treebank and extrinsically by comparing our annotations to a recently released named entity annotation of the validation and test sections of the Danish Universal Dependencies treebank. We benchmark the new resource by training and evaluating competitive architectures for supervised named entity recognition (NER), including FLAIR, monolingual (Danish) BERT and multilingual BERT. We explore cross-lingual transfer in multilingual BERT from five related languages in zero-shot and direct transfer setups, and we show that even with our modestly-sized training set, we improve Danish NER over a recent cross-lingual approach, as well as over zero-shot transfer from five related languages. Using multilingual BERT, we achieve higher performance by fine-tuning on both DaNE and a larger Bokm{\\aa}l (Norwegian) training set compared to only using DaNE. However, the highest performance isachieved by using a Danish BERT fine-tuned on DaNE. Our dataset enables improvements and applicability for Danish NER beyond cross-lingual methods. We employ a thorough error analysis of the predictions of the best models for seen and unseen entities, as well as their robustness on un-capitalized text. The annotated dataset and all the trained models are made publicly available." + }, + "bsd_ja_en": { + "pwc_id": "business-scene-dialogue", + "dataset_name": "Business Scene Dialogue Dataset", + "dataset_abstract": "The Japanese-English business conversation corpus, namely Business Scene Dialogue corpus, was constructed in 3 steps:\n\n\nselecting business scenes,\nwriting monolingual conversation scenarios according to the selected scenes, and\ntranslating the scenarios into the other language.\n\nHalf of the monolingual scenarios were written in Japanese and the other half were written in English. The whole construction process was supervised by a person who satisfies the following conditions to guarantee the conversations to be natural:\n\n\nhas the experience of being engaged in language learning programs, especially for business conversations\nis able to smoothly communicate with others in various business scenes both in Japanese and English\nhas the experience of being involved in business\n\nThe BSD corpus is split into balanced training, development and evaluation sets. The documents in these sets are balanced in terms of scenes and original languages. In this repository we publicly share the full development and evaluation sets and a part of the training data set.", + "paper_name": "Designing the Business Conversation Corpus", + "paper_abstract": "While the progress of machine translation of written text has come far in the past several years thanks to the increasing availability of parallel corpora and corpora-based training technologies, automatic translation of spoken text and dialogues remains challenging even for modern systems. In this paper, we aim to boost the machine translation quality of conversational texts by introducing a newly constructed Japanese-English business conversation parallel corpus. A detailed analysis of the corpus is provided along with challenging examples for automatic translation. We also experiment with adding the corpus in a machine translation training scenario and show how the resulting system benefits from its use." + }, + "ar_cov19": { + "pwc_id": "arcov-19", + "dataset_name": "ArCOV-19 Dataset", + "dataset_abstract": "ArCOV-19 is an Arabic COVID-19 Twitter dataset that covers the period from 27th of January till 30th of April 2020. ArCOV-19 is the first publicly-available Arabic Twitter dataset covering COVID-19 pandemic that includes over 1M tweets alongside the propagation networks of the most-popular subset of them (i.e., most-retweeted and -liked).", + "paper_name": "ArCOV-19: The First Arabic COVID-19 Twitter Dataset with Propagation Networks", + "paper_abstract": "In this paper, we present ArCOV-19, an Arabic COVID-19 Twitter dataset that spans one year, covering the period from 27th of January 2020 till 31st of January 2021. ArCOV-19 is the first publicly-available Arabic Twitter dataset covering COVID-19 pandemic that includes about 2.7M tweets alongside the propagation networks of the most-popular subset of them (i.e., most-retweeted and -liked). The propagation networks include both retweets and conversational threads (i.e., threads of replies). ArCOV-19 is designed to enable research under several domains including natural language processing, information retrieval, and social computing. Preliminary analysis shows that ArCOV-19 captures rising discussions associated with the first reported cases of the disease as they appeared in the Arab world. In addition to the source tweets and propagation networks, we also release the search queries and language-independent crawler used to collect the tweets to encourage the curation of similar datasets." + }, + "nell": { + "pwc_id": "nell", + "dataset_name": "NELL Dataset", + "dataset_abstract": "NELL is a dataset built from the Web via an intelligent agent called Never-Ending Language Learner. This agent attempts to learn over time to read the web. NELL has accumulated over 50 million candidate beliefs by reading the web, and it is considering these at different levels of confidence. NELL has high confidence in 2,810,379 of these beliefs.", + "paper_name": "", + "paper_abstract": "" + }, + "sbu_captions": { + "pwc_id": "sbu-captions-dataset", + "dataset_name": "SBU Captions Dataset Dataset", + "dataset_abstract": "A collection that allows researchers to approach the extremely challenging problem of description generation using relatively simple non-parametric methods and produces surprisingly effective results.", + "paper_name": "Im2Text: Describing Images Using 1 Million Captioned Photographs", + "paper_abstract": "We develop and demonstrate automatic image description methods using a large captioned photo collection. One contribution is our technique for the automatic collection of this new dataset -- performing a huge number of Flickr queries and then filtering the noisy results down to 1 million images with associated visually relevant captions. Such a collection allows us to approach the extremely challenging problem of description generation using relatively simple non-parametric methods and produces surprisingly effective results. We also develop methods incorporating many state of the art, but fairly noisy, estimates of image content to produce even more pleasing results. Finally we introduce a new objective performance measure for image captioning." + }, + "curiosity_dialogs": { + "pwc_id": "curiosity", + "dataset_name": "Curiosity Dataset", + "dataset_abstract": "The Curiosity dataset consists of 14K dialogs (with 181K utterances) with fine-grained knowledge groundings, dialog act annotations, and other auxiliary annotation. In this dataset users and virtual assistants converse about geographic topics like geopolitical entities and locations. This dataset is annotated with pre-existing user knowledge, message-level dialog acts, grounding to Wikipedia, and user reactions to messages.", + "paper_name": "Information Seeking in the Spirit of Learning: a Dataset for Conversational Curiosity", + "paper_abstract": "Open-ended human learning and information-seeking are increasingly mediated by digital assistants. However, such systems often ignore the user's pre-existing knowledge. Assuming a correlation between engagement and user responses such as \"liking\" messages or asking followup questions, we design a Wizard-of-Oz dialog task that tests the hypothesis that engagement increases when users are presented with facts related to what they know. Through crowd-sourcing of this experiment, we collect and release 14K dialogs (181K utterances) where users and assistants converse about geographic topics like geopolitical entities and locations. This dataset is annotated with pre-existing user knowledge, message-level dialog acts, grounding to Wikipedia, and user reactions to messages. Responses using a user's prior knowledge increase engagement. We incorporate this knowledge into a multi-task model that reproduces human assistant policies and improves over a BERT content model by 13 mean reciprocal rank points." + }, + "hope_edi": { + "pwc_id": "hopeedi", + "dataset_name": "HopeEDI Dataset", + "dataset_abstract": "Over the past few years, systems have been developed to control online content and eliminate abusive, offensive or hate speech content. However, people in power sometimes misuse this form of censorship to obstruct the democratic right of freedom of speech. Therefore, it is imperative that research should take a positive reinforcement approach towards online content that is encouraging, positive and supportive contents. Until now, most studies have focused on solving this problem of negativity in the English language, though the problem is much more than just harmful content. Furthermore, it is multilingual as well. Thus, we have constructed a Hope Speech dataset for Equality, Diversity and Inclusion (HopeEDI) containing user-generated comments from the social media platform YouTube with 28,451, 20,198 and 10,705 comments in English, Tamil and Malayalam, respectively, manually labelled as containing hope speech or not. To our knowledge, this is the first research of its kind to annotate hope speech for equality, diversity and inclusion in a multilingual setting. We determined that the inter-annotator agreement of our dataset using Krippendorff\u2019s alpha. Further, we created several baselines to benchmark the resulting dataset and the results have been expressed using precision, recall and F1-score. The dataset is publicly available for the research community. We hope that this resource will spur further research on encouraging inclusive and responsive speech that reinforces positiveness.", + "paper_name": "HopeEDI: A Multilingual Hope Speech Detection Dataset for Equality, Diversity, and Inclusion", + "paper_abstract": "Over the past few years, systems have been developed to control online content and eliminate abusive, offensive or hate speech content. However, people in power sometimes misuse this form of censorship to obstruct the democratic right of freedom of speech. Therefore, it is imperative that research should take a positive reinforcement approach towards online content that is encouraging, positive and supportive contents. Until now, most studies have focused on solving this problem of negativity in the English language, though the problem is much more than just harmful content. Furthermore, it is multilingual as well. Thus, we have constructed a Hope Speech dataset for Equality, Diversity and Inclusion (HopeEDI) containing user-generated comments from the social media platform YouTube with 28,451, 20,198 and 10,705 comments in English, Tamil and Malayalam, respectively, manually labelled as containing hope speech or not. To our knowledge, this is the first research of its kind to annotate hope speech for equality, diversity and inclusion in a multilingual setting. We determined that the inter-annotator agreement of our dataset using Krippendorff\u2019s alpha. Further, we created several baselines to benchmark the resulting dataset and the results have been expressed using precision, recall and F1-score. The dataset is publicly available for the research community. We hope that this resource will spur further research on encouraging inclusive and responsive speech that reinforces positiveness." + }, + "catalonia_independence": { + "pwc_id": "cic", + "dataset_name": "CIC Dataset", + "dataset_abstract": "The dataset is annotated with stance towards one topic, namely, the independence of Catalonia.", + "paper_name": "Multilingual Stance Detection: The Catalonia Independence Corpus", + "paper_abstract": "Stance detection aims to determine the attitude of a given text with respect to a specific topic or claim. While stance detection has been fairly well researched in the last years, most the work has been focused on English. This is mainly due to the relative lack of annotated data in other languages. The TW-10 Referendum Dataset released at IberEval 2018 is a previous effort to provide multilingual stance-annotated data in Catalan and Spanish. Unfortunately, the TW-10 Catalan subset is extremely imbalanced. This paper addresses these issues by presenting a new multilingual dataset for stance detection in Twitter for the Catalan and Spanish languages, with the aim of facilitating research on stance detection in multilingual and cross-lingual settings. The dataset is annotated with stance towards one topic, namely, the independence of Catalonia. We also provide a semi-automatic method to annotate the dataset based on a categorization of Twitter users. We experiment on the new corpus with a number of supervised approaches, including linear classifiers and deep learning methods. Comparison of our new corpus with the with the TW-1O dataset shows both the benefits and potential of a well balanced corpus for multilingual and cross-lingual research on stance detection. Finally, we establish new state-of-the-art results on the TW-10 dataset, both for Catalan and Spanish." + }, + "pec": { + "pwc_id": "pec", + "dataset_name": "PEC Dataset", + "dataset_abstract": "A novel large-scale multi-domain dataset for persona-based empathetic conversations.", + "paper_name": "Towards Persona-Based Empathetic Conversational Models", + "paper_abstract": "Empathetic conversational models have been shown to improve user satisfaction and task outcomes in numerous domains. In Psychology, persona has been shown to be highly correlated to personality, which in turn influences empathy. In addition, our empirical analysis also suggests that persona plays an important role in empathetic conversations. To this end, we propose a new task towards persona-based empathetic conversations and present the first empirical study on the impact of persona on empathetic responding. Specifically, we first present a novel large-scale multi-domain dataset for persona-based empathetic conversations. We then propose CoBERT, an efficient BERT-based response selection model that obtains the state-of-the-art performance on our dataset. Finally, we conduct extensive experiments to investigate the impact of persona on empathetic responding. Notably, our results show that persona improves empathetic responding more when CoBERT is trained on empathetic conversations than non-empathetic ones, establishing an empirical link between persona and empathy in human conversations." + }, + "allegro_reviews": { + "pwc_id": "allegro-reviews", + "dataset_name": "Allegro Reviews Dataset", + "dataset_abstract": "A comprehensive multi-task benchmark for the Polish language understanding, accompanied by an online leaderboard. It consists of a diverse set of tasks, adopted from existing datasets for named entity recognition, question-answering, textual entailment, and others.", + "paper_name": "KLEJ: Comprehensive Benchmark for Polish Language Understanding", + "paper_abstract": "In recent years, a series of Transformer-based models unlocked major improvements in general natural language understanding (NLU) tasks. Such a fast pace of research would not be possible without general NLU benchmarks, which allow for a fair comparison of the proposed methods. However, such benchmarks are available only for a handful of languages. To alleviate this issue, we introduce a comprehensive multi-task benchmark for the Polish language understanding, accompanied by an online leaderboard. It consists of a diverse set of tasks, adopted from existing datasets for named entity recognition, question-answering, textual entailment, and others. We also introduce a new sentiment analysis task for the e-commerce domain, named Allegro Reviews (AR). To ensure a common evaluation scheme and promote models that generalize to different NLU tasks, the benchmark includes datasets from varying domains and applications. Additionally, we release HerBERT, a Transformer-based model trained specifically for the Polish language, which has the best average performance and obtains the best results for three out of nine tasks. Finally, we provide an extensive evaluation, including several standard baselines and recently proposed, multilingual Transformer-based models." + }, + "proto_qa": { + "pwc_id": "protoqa", + "dataset_name": "ProtoQA Dataset", + "dataset_abstract": "ProtoQA is a question answering dataset for training and evaluating common sense reasoning capabilities of artificial intelligence systems in such prototypical situations. The training set is gathered from an existing set of questions played in a long-running international game show FAMILY- FEUD. The hidden evaluation set is created by gathering answers for each question from 100 crowd-workers.", + "paper_name": "ProtoQA: A Question Answering Dataset for Prototypical Common-Sense Reasoning", + "paper_abstract": "Given questions regarding some prototypical situation such as Name something that people usually do before they leave the house for work? a human can easily answer them via acquired experiences. There can be multiple right answers for such questions, with some more common for a situation than others. This paper introduces a new question answering dataset for training and evaluating common sense reasoning capabilities of artificial intelligence systems in such prototypical situations. The training set is gathered from an existing set of questions played in a long-running international game show FAMILY- FEUD. The hidden evaluation set is created by gathering answers for each question from 100 crowd-workers. We also propose a generative evaluation task where a model has to output a ranked list of answers, ideally covering all prototypical answers for a question. After presenting multiple competitive baseline models, we find that human performance still exceeds model scores on all evaluation metrics with a meaningful gap, supporting the challenging nature of the task." + }, + "fquad": { + "pwc_id": "fquad", + "dataset_name": "FQuAD Dataset", + "dataset_abstract": "A French Native Reading Comprehension dataset of questions and answers on a set of Wikipedia articles that consists of 25,000+ samples for the 1.0 version and 60,000+ samples for the 1.1 version.", + "paper_name": "FQuAD: French Question Answering Dataset", + "paper_abstract": "Recent advances in the field of language modeling have improved state-of-the-art results on many Natural Language Processing tasks. Among them, Reading Comprehension has made significant progress over the past few years. However, most results are reported in English since labeled resources available in other languages, such as French, remain scarce. In the present work, we introduce the French Question Answering Dataset (FQuAD). FQuAD is a French Native Reading Comprehension dataset of questions and answers on a set of Wikipedia articles that consists of 25,000+ samples for the 1.0 version and 60,000+ samples for the 1.1 version. We train a baseline model which achieves an F1 score of 92.2 and an exact match ratio of 82.1 on the test set. In order to track the progress of French Question Answering models we propose a leader-board and we have made the 1.0 version of our dataset freely available at https://illuin-tech.github.io/FQuAD-explorer/." + }, + "crawl_domain": { + "pwc_id": "common-crawl-domain-names", + "dataset_name": "Common Crawl Domain Names Dataset", + "dataset_abstract": "Corpus of domain names scraped from Common Crawl and manually annotated to add word boundaries (e.g. \"commoncrawl\" to \"common crawl\").", + "paper_name": "", + "paper_abstract": "" + }, + "flores": { + "pwc_id": "flores", + "dataset_name": "FLoRes Dataset", + "dataset_abstract": "FLoRes is a benchmark dataset for machine translation between English and four low resource languages, Nepali, Sinhala, Khmer and Pashto, based on sentences translated from Wikipedia.", + "paper_name": "The FLORES Evaluation Datasets for Low-Resource Machine Translation: Nepali--English and Sinhala--English", + "paper_abstract": "For machine translation, a vast majority of language pairs in the world are considered low-resource because they have little parallel data available. Besides the technical challenges of learning with limited supervision, it is difficult to evaluate methods trained on low-resource language pairs because of the lack of freely and publicly available benchmarks. In this work, we introduce the FLORES evaluation datasets for Nepali{--}English and Sinhala{--} English, based on sentences translated from Wikipedia. Compared to English, these are languages with very different morphology and syntax, for which little out-of-domain parallel data is available and for which relatively large amounts of monolingual data are freely available. We describe our process to collect and cross-check the quality of translations, and we report baseline performance using several learning settings: fully supervised, weakly supervised, semi-supervised, and fully unsupervised. Our experiments demonstrate that current state-of-the-art methods perform rather poorly on this benchmark, posing a challenge to the research community working on low-resource MT. Data and code to reproduce our experiments are available at https://github.com/facebookresearch/flores." + }, + "numeric_fused_head": { + "pwc_id": "numeric-fused-head", + "dataset_name": "Numeric Fused-Head Dataset", + "dataset_abstract": "The Numeric Fused-Head dataset consists of ~10K examples of crowd-sourced classified examples, labeled into 7 different categories, from two types. In the first type, Reference, the missing head is referenced explicitly somewhere else in the discourse, either in the same sentence or in surrounding sentences. In the second type, Implicit, the missing head does not appear in the text and needs to be inferred by the reader or hearer based on the context or world knowledge. This category was labeled into the 6 most common categories of the dataset. Models are evaluated based on accuracy.", + "paper_name": "Where's My Head? Definition, Dataset and Models for Numeric Fused-Heads Identification and Resolution", + "paper_abstract": "We provide the first computational treatment of fused-heads constructions (FH), focusing on the numeric fused-heads (NFH). FHs constructions are noun phrases (NPs) in which the head noun is missing and is said to be `fused' with its dependent modifier. This missing information is implicit and is important for sentence understanding. The missing references are easily filled in by humans but pose a challenge for computational models. We formulate the handling of FH as a two stages process: identification of the FH construction and resolution of the missing head. We explore the NFH phenomena in large corpora of English text and create (1) a dataset and a highly accurate method for NFH identification; (2) a 10k examples (1M tokens) crowd-sourced dataset of NFH resolution; and (3) a neural baseline for the NFH resolution task. We release our code and dataset, in hope to foster further research into this challenging problem." + }, + "omp": { + "pwc_id": "one-million-posts-corpus", + "dataset_name": "One Million Posts Corpus Dataset", + "dataset_abstract": "An annotated data set consisting of user comments posted to an Austrian newspaper website (in German language).\n\nDER STANDARD is an Austrian daily broadsheet newspaper. On the newspaper\u2019s website, there is a discussion section below each news article where readers engage in online discussions. The data set contains a selection of user posts from the 12 month time span from 2015-06-01 to 2016-05-31. There are 11,773 labeled and 1,000,000 unlabeled posts in the data set. The labeled posts were annotated by professional forum moderators employed by the newspaper.", + "paper_name": "", + "paper_abstract": "" + }, + "arsentd_lev": { + "pwc_id": "arsentd-lev", + "dataset_name": "ArSentD-LEV Dataset", + "dataset_abstract": "The Arabic Sentiment Twitter Dataset for the Levantine dialect (ArSenTD-LEV) is a dataset of 4,000 tweets with the following annotations: the overall sentiment of the tweet, the target to which the sentiment was expressed, how the sentiment was expressed, and the topic of the tweet.", + "paper_name": "ArSentD-LEV: A Multi-Topic Corpus for Target-based Sentiment Analysis in Arabic Levantine Tweets", + "paper_abstract": "Sentiment analysis is a highly subjective and challenging task. Its complexity further increases when applied to the Arabic language, mainly because of the large variety of dialects that are unstandardized and widely used in the Web, especially in social media. While many datasets have been released to train sentiment classifiers in Arabic, most of these datasets contain shallow annotation, only marking the sentiment of the text unit, as a word, a sentence or a document. In this paper, we present the Arabic Sentiment Twitter Dataset for the Levantine dialect (ArSenTD-LEV). Based on findings from analyzing tweets from the Levant region, we created a dataset of 4,000 tweets with the following annotations: the overall sentiment of the tweet, the target to which the sentiment was expressed, how the sentiment was expressed, and the topic of the tweet. Results confirm the importance of these annotations at improving the performance of a baseline sentiment classifier. They also confirm the gap of training in a certain domain, and testing in another domain." + }, + "crd3": { + "pwc_id": "crd3", + "dataset_name": "CRD3 Dataset", + "dataset_abstract": "The dataset is collected from 159 Critical Role episodes transcribed to text dialogues, consisting of 398,682 turns. It also includes corresponding abstractive summaries collected from the Fandom wiki. The dataset is linguistically unique in that the narratives are generated entirely through player collaboration and spoken interaction.", + "paper_name": "Storytelling with Dialogue: A Critical Role Dungeons and Dragons Dataset", + "paper_abstract": "This paper describes the Critical Role Dungeons and Dragons Dataset (CRD3) and related analyses. Critical Role is an unscripted, live-streamed show where a fixed group of people play Dungeons and Dragons, an open-ended role-playing game. The dataset is collected from 159 Critical Role episodes transcribed to text dialogues, consisting of 398,682 turns. It also includes corresponding abstractive summaries collected from the Fandom wiki. The dataset is linguistically unique in that the narratives are generated entirely through player collaboration and spoken interaction. For each dialogue, there are a large number of turns, multiple abstractive summaries with varying levels of detail, and semantic ties to the previous dialogues. In addition, we provide a data augmentation method that produces 34,243 summary-dialogue chunk pairs to support current neural ML approaches, and we provide an abstractive summarization benchmark and evaluation." + }, + "tilde_model": { + "pwc_id": "tilde-model-corpus", + "dataset_name": "Tilde MODEL Corpus Dataset", + "dataset_abstract": "Tilde MODEL Corpus is a multilingual corpora for European languages \u2013 particularly focused on the smaller languages. The collected resources have been cleaned, aligned, and formatted into a corpora standard TMX format useable for developing new Language technology products and services.\n\nIt contains over 10M segments of multilingual open data.\n\nThe data has been collected from sites allowing free use and reuse of its content, as well as from Public Sector web sites.", + "paper_name": "", + "paper_abstract": "" + }, + "pn_summary": { + "pwc_id": "pn-summary", + "dataset_name": "pn-summary Dataset", + "dataset_abstract": "Pn-summary is a dataset for Persian abstractive text summarization.", + "paper_name": "Leveraging ParsBERT and Pretrained mT5 for Persian Abstractive Text Summarization", + "paper_abstract": "Text summarization is one of the most critical Natural Language Processing (NLP) tasks. More and more researches are conducted in this field every day. Pre-trained transformer-based encoder-decoder models have begun to gain popularity for these tasks. This paper proposes two methods to address this task and introduces a novel dataset named pn-summary for Persian abstractive text summarization. The models employed in this paper are mT5 and an encoder-decoder version of the ParsBERT model (i.e., a monolingual BERT model for Persian). These models are fine-tuned on the pn-summary dataset. The current work is the first of its kind and, by achieving promising results, can serve as a baseline for any future work." + }, + "c3": { + "pwc_id": "c3", + "dataset_name": "C3 Dataset", + "dataset_abstract": "C3 is a free-form multiple-Choice Chinese machine reading Comprehension dataset.", + "paper_name": "Investigating Prior Knowledge for Challenging Chinese Machine Reading Comprehension", + "paper_abstract": "Machine reading comprehension tasks require a machine reader to answer questions relevant to the given document. In this paper, we present the first free-form multiple-Choice Chinese machine reading Comprehension dataset (C^3), containing 13,369 documents (dialogues or more formally written mixed-genre texts) and their associated 19,577 multiple-choice free-form questions collected from Chinese-as-a-second-language examinations. We present a comprehensive analysis of the prior knowledge (i.e., linguistic, domain-specific, and general world knowledge) needed for these real-world problems. We implement rule-based and popular neural methods and find that there is still a significant performance gap between the best performing model (68.5%) and human readers (96.0%), especially on problems that require prior knowledge. We further study the effects of distractor plausibility and data augmentation based on translated relevant datasets for English on model performance. We expect C^3 to present great challenges to existing systems as answering 86.8% of questions requires both knowledge within and beyond the accompanying document, and we hope that C^3 can serve as a platform to study how to leverage various kinds of prior knowledge to better understand a given written or orally oriented text. C^3 is available at https://dataset.org/c3/." + }, + "cdsc": { + "pwc_id": "polish-cdscorpus", + "dataset_name": "Polish CDSCorpus Dataset", + "dataset_abstract": "Consists of 10K sentence pairs which are human-annotated for semantic relatedness and entailment. The dataset may be used for the evaluation of compositional distributional semantics models of Polish.", + "paper_name": "Polish evaluation dataset for compositional distributional semantics models", + "paper_abstract": "The paper presents a procedure of building an evaluation dataset. for the validation of compositional distributional semantics models estimated for languages other than English. The procedure generally builds on steps designed to assemble the SICK corpus, which contains pairs of English sentences annotated for semantic relatedness and entailment, because we aim at building a comparable dataset. However, the implementation of particular building steps significantly differs from the original SICK design assumptions, which is caused by both lack of necessary extraneous resources for an investigated language and the need for language-specific transformation rules. The designed procedure is verified on Polish, a fusional language with a relatively free word order, and contributes to building a Polish evaluation dataset. The resource consists of 10K sentence pairs which are human-annotated for semantic relatedness and entailment. The dataset may be used for the evaluation of compositional distributional semantics models of Polish." + }, + "deal_or_no_dialog": { + "pwc_id": "negotiation-dialogues-dataset", + "dataset_name": "Negotiation Dialogues Dataset Dataset", + "dataset_abstract": "This dataset consists of 5808 dialogues, based on 2236 unique scenarios. Each dialogue is converted into two training examples in the dataset, showing the complete conversation from the perspective of each agent. The perspectives differ on their input goals, output choice, and in special tokens marking whether a statement was read or written.", + "paper_name": "Hierarchical Text Generation and Planning for Strategic Dialogue", + "paper_abstract": "End-to-end models for goal-orientated dialogue are challenging to train,\nbecause linguistic and strategic aspects are entangled in latent state vectors.\nWe introduce an approach to learning representations of messages in dialogues\nby maximizing the likelihood of subsequent sentences and actions, which\ndecouples the semantics of the dialogue utterance from its linguistic\nrealization. We then use these latent sentence representations for hierarchical\nlanguage generation, planning and reinforcement learning. Experiments show that\nour approach increases the end-task reward achieved by the model, improves the\neffectiveness of long-term planning using rollouts, and allows self-play\nreinforcement learning to improve decision making without diverging from human\nlanguage. Our hierarchical latent-variable model outperforms previous work both\nlinguistically and strategically." + }, + "conceptual_12m": { + "pwc_id": "cc12m", + "dataset_name": "CC12M Dataset", + "dataset_abstract": "Conceptual 12M (CC12M) is a dataset with 12 million image-text pairs specifically meant to be used for vision-and-language pre-training.", + "paper_name": "Conceptual 12M: Pushing Web-Scale Image-Text Pre-Training To Recognize Long-Tail Visual Concepts", + "paper_abstract": "The availability of large-scale image captioning and visual question answering datasets has contributed significantly to recent successes in vision-and-language pre-training. However, these datasets are often collected with overrestrictive requirements inherited from their original target tasks (e.g., image caption generation), which limit the resulting dataset scale and diversity. We take a step further in pushing the limits of vision-and-language pre-training data by relaxing the data collection pipeline used in Conceptual Captions 3M (CC3M) [Sharma et al. 2018] and introduce the Conceptual 12M (CC12M), a dataset with 12 million image-text pairs specifically meant to be used for vision-and-language pre-training. We perform an analysis of this dataset and benchmark its effectiveness against CC3M on multiple downstream tasks with an emphasis on long-tail visual recognition. Our results clearly illustrate the benefit of scaling up pre-training data for vision-and-language tasks, as indicated by the new state-of-the-art results on both the nocaps and Conceptual Captions benchmarks." + }, + "igbo_english_machine_translation": { + "pwc_id": "igbonlp-datasets", + "dataset_name": "IgboNLP Datasets Dataset", + "dataset_abstract": "IgboNLP is a standard machine translation benchmark dataset for Igbo. It consists of 10,000 English-Igbo human-level quality sentence pairs mostly from the news domain.", + "paper_name": "Igbo-English Machine Translation: An Evaluation Benchmark", + "paper_abstract": "Although researchers and practitioners are pushing the boundaries and enhancing the capacities of NLP tools and methods, works on African languages are lagging. A lot of focus on well resourced languages such as English, Japanese, German, French, Russian, Mandarin Chinese etc. Over 97% of the world's 7000 languages, including African languages, are low resourced for NLP i.e. they have little or no data, tools, and techniques for NLP research. For instance, only 5 out of 2965, 0.19% authors of full text papers in the ACL Anthology extracted from the 5 major conferences in 2018 ACL, NAACL, EMNLP, COLING and CoNLL, are affiliated to African institutions. In this work, we discuss our effort toward building a standard machine translation benchmark dataset for Igbo, one of the 3 major Nigerian languages. Igbo is spoken by more than 50 million people globally with over 50% of the speakers are in southeastern Nigeria. Igbo is low resourced although there have been some efforts toward developing IgboNLP such as part of speech tagging and diacritic restoration" + }, + "squad_it": { + "pwc_id": "squad-it", + "dataset_name": "SQuAD-it Dataset", + "dataset_abstract": "SQuAD-it is derived from the SQuAD dataset and it is obtained through semi-automatic translation of the SQuAD dataset into Italian. It represents a large-scale dataset for open question answering processes on factoid questions in Italian. The dataset contains more than 60,000 question/answer pairs derived from the original English dataset.", + "paper_name": "", + "paper_abstract": "" + }, + "chr_en": { + "pwc_id": "chren", + "dataset_name": "ChrEn Dataset", + "dataset_abstract": "Cherokee-English Parallel Dataset is a low-resource dataset of 14,151 pairs of sentences with around\n313K English tokens and 206K Cherokee tokens. The parallel corpus is accompanied by a monolingual Cherokee dataset of 5,120 sentences. Both datasets are mostly derived from Cherokee monolingual books.", + "paper_name": "ChrEn: Cherokee-English Machine Translation for Endangered Language Revitalization", + "paper_abstract": "Cherokee is a highly endangered Native American language spoken by the Cherokee people. The Cherokee culture is deeply embedded in its language. However, there are approximately only 2,000 fluent first language Cherokee speakers remaining in the world, and the number is declining every year. To help save this endangered language, we introduce ChrEn, a Cherokee-English parallel dataset, to facilitate machine translation research between Cherokee and English. Compared to some popular machine translation language pairs, ChrEn is extremely low-resource, only containing 14k sentence pairs in total. We split our parallel data in ways that facilitate both in-domain and out-of-domain evaluation. We also collect 5k Cherokee monolingual data to enable semi-supervised learning. Besides these datasets, we propose several Cherokee-English and English-Cherokee machine translation systems. We compare SMT (phrase-based) versus NMT (RNN-based and Transformer-based) systems; supervised versus semi-supervised (via language model, back-translation, and BERT/Multilingual-BERT) methods; as well as transfer learning versus multilingual joint training with 4 other languages. Our best results are 15.8/12.7 BLEU for in-domain and 6.5/5.0 BLEU for out-of-domain Chr-En/EnChr translations, respectively, and we hope that our dataset and systems will encourage future work by the community for Cherokee language revitalization. Our data, code, and demo will be publicly available at https://github.com/ZhangShiyue/ChrEn" + }, + "aquamuse": { + "pwc_id": "aquamuse", + "dataset_name": "aquamuse Dataset", + "dataset_abstract": "5,519 query-based summaries, each associated with an average of 6 input documents selected from an index of 355M documents from Common Crawl.", + "paper_name": "AQuaMuSe: Automatically Generating Datasets for Query-Based Multi-Document Summarization", + "paper_abstract": "Summarization is the task of compressing source document(s) into coherent and succinct passages. This is a valuable tool to present users with concise and accurate sketch of the top ranked documents related to their queries. Query-based multi-document summarization (qMDS) addresses this pervasive need, but the research is severely limited due to lack of training and evaluation datasets as existing single-document and multi-document summarization datasets are inadequate in form and scale. We propose a scalable approach called AQuaMuSe to automatically mine qMDS examples from question answering datasets and large document corpora. Our approach is unique in the sense that it can general a dual dataset -- for extractive and abstractive summaries both. We publicly release a specific instance of an AQuaMuSe dataset with 5,519 query-based summaries, each associated with an average of 6 input documents selected from an index of 355M documents from Common Crawl. Extensive evaluation of the dataset along with baseline summarization model experiments are provided." + }, + "conll2000": { + "pwc_id": "conll-2000-1", + "dataset_name": "CoNLL-2000 Dataset", + "dataset_abstract": "CoNLL-2000 is a dataset for dividing text into syntactically related non-overlapping groups of words, so-called text chunking.", + "paper_name": "", + "paper_abstract": "" + }, + "coached_conv_pref": { + "pwc_id": "coached-conversational-preference-elicitation", + "dataset_name": "Coached Conversational Preference Elicitation Dataset", + "dataset_abstract": "Coached Conversational Preference Elicitation is a dataset consisting of 502 English dialogs with 12,000 annotated utterances between a user and an assistant discussing movie preferences in natural language. It was collected using a Wizard-of-Oz methodology between two paid crowd-workers, where one worker plays the role of an 'assistant', while the other plays the role of a 'user'.", + "paper_name": "Coached Conversational Preference Elicitation: A Case Study in Understanding Movie Preferences", + "paper_abstract": "Conversational recommendation has recently attracted significant attention. As systems must understand users{'} preferences, training them has called for conversational corpora, typically derived from task-oriented conversations. We observe that such corpora often do not reflect how people naturally describe preferences. We present a new approach to obtaining user preferences in dialogue: Coached Conversational Preference Elicitation. It allows collection of natural yet structured conversational preferences. Studying the dialogues in one domain, we present a brief quantitative analysis of how people describe movie preferences at scale. Demonstrating the methodology, we release the CCPE-M dataset to the community with over 500 movie preference dialogues expressing over 10,000 preferences." + }, + "hate_offensive": { + "pwc_id": "hate-speech-and-offensive-language", + "dataset_name": "Hate Speech and Offensive Language Dataset", + "dataset_abstract": "HSOL is a dataset for hate speech detection. The authors begun with a hate speech lexicon containing words and\nphrases identified by internet users as hate speech, compiled by Hatebase.org. Using the Twitter API they searched\nfor tweets containing terms from the lexicon, resulting in a sample of tweets from 33,458 Twitter users. They extracted\nthe time-line for each user, resulting in a set of 85.4 million tweets. From this corpus they took a random sample of 25k tweets containing terms from the lexicon and had them manually coded by CrowdFlower (CF) workers. Workers were asked to label each tweet as one of three categories: hate speech, offensive but not hate speech, or neither offensive nor hate speech.", + "paper_name": "Automated Hate Speech Detection and the Problem of Offensive Language", + "paper_abstract": "A key challenge for automatic hate-speech detection on social media is the\nseparation of hate speech from other instances of offensive language. Lexical\ndetection methods tend to have low precision because they classify all messages\ncontaining particular terms as hate speech and previous work using supervised\nlearning has failed to distinguish between the two categories. We used a\ncrowd-sourced hate speech lexicon to collect tweets containing hate speech\nkeywords. We use crowd-sourcing to label a sample of these tweets into three\ncategories: those containing hate speech, only offensive language, and those\nwith neither. We train a multi-class classifier to distinguish between these\ndifferent categories. Close analysis of the predictions and the errors shows\nwhen we can reliably separate hate speech from other offensive language and\nwhen this differentiation is more difficult. We find that racist and homophobic\ntweets are more likely to be classified as hate speech but that sexist tweets\nare generally classified as offensive. Tweets without explicit hate keywords\nare also more difficult to classify." + }, + "counter": { + "pwc_id": "counter", + "dataset_name": "COUNTER Dataset", + "dataset_abstract": "The COUNTER (COrpus of Urdu News TExt Reuse) corpus contains 600 source-derived document pairs collected from the field of journalism. It can be used to evaluate mono-lingual text reuse detection systems in general and specifically for Urdu language.\n\nThe corpus has 600 source and 600 derived documents. It contains in total 275,387 words (tokens), 21,426 unique words and 10,841 sentences. It has been manually annotated at document level with three levels of reuse: wholly derived (135), partially derived (288) and non derived (177).", + "paper_name": "", + "paper_abstract": "" + }, + "pubmed": { + "pwc_id": "pubmed", + "dataset_name": "Pubmed Dataset", + "dataset_abstract": "The Pubmed dataset consists of 19717 scientific publications from PubMed database pertaining to diabetes classified into one of three classes. The citation network consists of 44338 links. Each publication in the dataset is described by a TF/IDF weighted word vector from a dictionary which consists of 500 unique words.", + "paper_name": "", + "paper_abstract": "" + }, + "cppe-5": { + "pwc_id": "cppe-5", + "dataset_name": "CPPE-5 Dataset", + "dataset_abstract": "CPPE - 5 (Medical Personal Protective Equipment) is a new challenging dataset with the goal to allow the study of subordinate categorization of medical personal protective equipments, which is not possible with other popular data sets that focus on broad level categories.\n\nSome features of this dataset are:\n\n\nhigh quality images and annotations (~4.6 bounding boxes per image)\nreal-life images unlike any current such dataset\nmajority of non-iconic images (allowing easy deployment to real-world environments)", + "paper_name": "CPPE-5: Medical Personal Protective Equipment Dataset", + "paper_abstract": "We present a new challenging dataset, CPPE - 5 (Medical Personal Protective Equipment), with the goal to allow the study of subordinate categorization of medical personal protective equipments, which is not possible with other popular data sets that focus on broad level categories (such as PASCAL VOC, ImageNet, Microsoft COCO, OpenImages, etc). To make it easy for models trained on this dataset to be used in practical scenarios in complex scenes, our dataset mainly contains images that show complex scenes with several objects in each scene in their natural context. The image collection for this dataset focusing on: obtaining as many non-iconic images as possible and making sure all the images are real-life images unlike other existing datasets in this area. Our dataset includes 5 object categories (coveralls, face shield, gloves, mask, and goggles) and each image is annotated with a set of bounding boxes and positive labels. We present a detailed analysis of the dataset in comparison to other popular broad category datasets as well as datasets focusing on personal protective equipments, we also find that at present there exist no such publicly available datasets. Finally we also analyze performance and compare model complexities on baseline and state-of-the-art models for bounding box results. Our code, data, and trained models are available at https://git.io/cppe5-dataset ." + }, + "ubuntu_dialogs_corpus": { + "pwc_id": "ubuntu-dialogue-corpus", + "dataset_name": "UDC Dataset", + "dataset_abstract": "Ubuntu Dialogue Corpus (UDC) is a dataset containing almost 1 million multi-turn dialogues, with a total of over 7 million utterances and 100 million words. This provides a unique resource for research into building dialogue managers based on neural language models that can make use of large amounts of unlabeled data. The dataset has both the multi-turn property of conversations in the Dialog State Tracking Challenge datasets, and the unstructured nature of interactions from microblog services such as Twitter.", + "paper_name": "The Ubuntu Dialogue Corpus: A Large Dataset for Research in Unstructured Multi-Turn Dialogue Systems", + "paper_abstract": "This paper introduces the Ubuntu Dialogue Corpus, a dataset containing almost\n1 million multi-turn dialogues, with a total of over 7 million utterances and\n100 million words. This provides a unique resource for research into building\ndialogue managers based on neural language models that can make use of large\namounts of unlabeled data. The dataset has both the multi-turn property of\nconversations in the Dialog State Tracking Challenge datasets, and the\nunstructured nature of interactions from microblog services such as Twitter. We\nalso describe two neural learning architectures suitable for analyzing this\ndataset, and provide benchmark performance on the task of selecting the best\nnext response." + }, + "blog_authorship_corpus": { + "pwc_id": "blog-authorship-corpus", + "dataset_name": "Blog Authorship Corpus Dataset", + "dataset_abstract": "The Blog Authorship Corpus consists of the collected posts of 19,320 bloggers gathered from blogger.com in August 2004. The corpus incorporates a total of 681,288 posts and over 140 million words - or approximately 35 posts and 7250 words per person.", + "paper_name": "", + "paper_abstract": "" + }, + "recipe_nlg": { + "pwc_id": "recipenlg", + "dataset_name": "RecipeNLG Dataset", + "dataset_abstract": "", + "paper_name": "RecipeNLG: A Cooking Recipes Dataset for Semi-Structured Text Generation", + "paper_abstract": "Semi-structured text generation is a non-trivial problem. Although last years have brought lots of improvements in natural language generation, thanks to the development of neural models trained on large scale datasets, these approaches still struggle with producing structured, context- and commonsense-aware texts. Moreover, it is not clear how to evaluate the quality of generated texts. To address these problems, we introduce RecipeNLG - a novel dataset of cooking recipes. We discuss the data collection process and the relation between the semi-structured texts and cooking recipes. We use the dataset to approach the problem of generating recipes. Finally, we make use of multiple metrics to evaluate the generated recipes." + }, + "hebrew_sentiment": { + "pwc_id": "modern-hebrew-sentiment-dataset", + "dataset_name": "Modern Hebrew Sentiment Dataset Dataset", + "dataset_abstract": "Modern Hebrew Sentiment Dataset is a sentiment analysis benchmark for Hebrew, based on 12K social media comments, and provide two instances of these data: in token-based and morpheme-based settings.", + "paper_name": "Representations and Architectures in Neural Sentiment Analysis for Morphologically Rich Languages: A Case Study from Modern Hebrew", + "paper_abstract": "This paper empirically studies the effects of representation choices on neural sentiment analysis for Modern Hebrew, a morphologically rich language (MRL) for which no sentiment analyzer currently exists. We study two dimensions of representational choices: (i) the granularity of the input signal (token-based vs. morpheme-based), and (ii) the level of encoding of vocabulary items (string-based vs. character-based). We hypothesise that for MRLs, languages where multiple meaning-bearing elements may be carried by a single space-delimited token, these choices will have measurable effects on task perfromance, and that these effects may vary for different architectural designs {---} fully-connected, convolutional or recurrent. Specifically, we hypothesize that morpheme-based representations will have advantages in terms of their generalization capacity and task accuracy, due to their better OOV coverage. To empirically study these effects, we develop a new sentiment analysis benchmark for Hebrew, based on 12K social media comments, and provide two instances of these data: in token-based and morpheme-based settings. Our experiments show that representation choices empirical effects vary with architecture type. While fully-connected and convolutional networks slightly prefer token-based settings, RNNs benefit from a morpheme-based representation, in accord with the hypothesis that explicit morphological information may help generalize. Our endeavour also delivers the first state-of-the-art broad-coverage sentiment analyzer for Hebrew, with over 89{\\%} accuracy, alongside an established benchmark to further study the effects of linguistic representation choices on neural networks{'} task performance." + }, + "dbrd": { + "pwc_id": "dbrd", + "dataset_name": "DBRD Dataset", + "dataset_abstract": "The DBRD (pronounced dee-bird) dataset contains over 110k book reviews along with associated binary sentiment polarity labels. It is greatly influenced by the Large Movie Review Dataset and intended as a benchmark for sentiment classification in Dutch.", + "paper_name": "", + "paper_abstract": "" + }, + "dart": { + "pwc_id": "dart", + "dataset_name": "DART Dataset", + "dataset_abstract": "DART is a large dataset for open-domain structured data record to text generation. DART consists of 82,191 examples across different domains with each input being a semantic RDF triple set derived from data records in tables and the tree ontology of the schema, annotated with sentence descriptions that cover all facts in the triple set.", + "paper_name": "DART: Open-Domain Structured Data Record to Text Generation", + "paper_abstract": "We present DART, an open domain structured DAta Record to Text generation dataset with over 82k instances (DARTs). Data-to-Text annotations can be a costly process, especially when dealing with tables which are the major source of structured data and contain nontrivial structures. To this end, we propose a procedure of extracting semantic triples from tables that encodes their structures by exploiting the semantic dependencies among table headers and the table title. Our dataset construction framework effectively merged heterogeneous sources from open domain semantic parsing and dialogue-act-based meaning representation tasks by utilizing techniques such as: tree ontology annotation, question-answer pair to declarative sentence conversion, and predicate unification, all with minimum post-editing. We present systematic evaluation on DART as well as new state-of-the-art results on WebNLG 2017 to show that DART (1) poses new challenges to existing data-to-text datasets and (2) facilitates out-of-domain generalization. Our data and code can be found at https://github.com/Yale-LILY/dart." + }, + "taskmaster1": { + "pwc_id": "taskmaster-1", + "dataset_name": "Taskmaster-1 Dataset", + "dataset_abstract": "Taskmaster-1 is a dialog dataset consisting of 13,215 task-based dialogs in English, including 5,507 spoken and 7,708 written dialogs created with two distinct procedures. Each conversation falls into one of six domains: ordering pizza, creating auto repair appointments, setting up ride service, ordering movie tickets, ordering coffee drinks and making restaurant reservations.", + "paper_name": "Taskmaster-1: Toward a Realistic and Diverse Dialog Dataset", + "paper_abstract": "A significant barrier to progress in data-driven approaches to building dialog systems is the lack of high quality, goal-oriented conversational data. To help satisfy this elementary requirement, we introduce the initial release of the Taskmaster-1 dataset which includes 13,215 task-based dialogs comprising six domains. Two procedures were used to create this collection, each with unique advantages. The first involves a two-person, spoken \"Wizard of Oz\" (WOz) approach in which trained agents and crowdsourced workers interact to complete the task while the second is \"self-dialog\" in which crowdsourced workers write the entire dialog themselves. We do not restrict the workers to detailed scripts or to a small knowledge base and hence we observe that our dataset contains more realistic and diverse conversations in comparison to existing datasets. We offer several baseline models including state of the art neural seq2seq architectures with benchmark performance as well as qualitative human evaluations. Dialogs are labeled with API calls and arguments, a simple and cost effective approach which avoids the requirement of complex annotation schema. The layer of abstraction between the dialog model and the service provider API allows for a given model to interact with multiple services that provide similar functionally. Finally, the dataset will evoke interest in written vs. spoken language, discourse patterns, error handling and other linguistic phenomena related to dialog system research, development and design." + }, + "multi_nli_mismatch": { + "pwc_id": "multinli", + "dataset_name": "MultiNLI Dataset", + "dataset_abstract": "The Multi-Genre Natural Language Inference (MultiNLI) dataset has 433K sentence pairs. Its size and mode of collection are modeled closely like SNLI. MultiNLI offers ten distinct genres (Face-to-face, Telephone, 9/11, Travel, Letters, Oxford University Press, Slate, Verbatim, Goverment and Fiction) of written and spoken English data. There are matched dev/test sets which are derived from the same sources as those in the training set, and mismatched sets which do not closely resemble any seen at training time.", + "paper_name": "A Broad-Coverage Challenge Corpus for Sentence Understanding through Inference", + "paper_abstract": "This paper introduces the Multi-Genre Natural Language Inference (MultiNLI)\ncorpus, a dataset designed for use in the development and evaluation of machine\nlearning models for sentence understanding. In addition to being one of the\nlargest corpora available for the task of NLI, at 433k examples, this corpus\nimproves upon available resources in its coverage: it offers data from ten\ndistinct genres of written and spoken English--making it possible to evaluate\nsystems on nearly the full complexity of the language--and it offers an\nexplicit setting for the evaluation of cross-genre domain adaptation." + }, + "wiki_movies": { + "pwc_id": "wikimovies", + "dataset_name": "WikiMovies Dataset", + "dataset_abstract": "WikiMovies is a dataset for question answering for movies content. It contains ~100k questions in the movie domain, and was designed to be answerable by using either a perfect KB (based on OMDb),", + "paper_name": "Key-Value Memory Networks for Directly Reading Documents", + "paper_abstract": "Directly reading documents and being able to answer questions from them is an\nunsolved challenge. To avoid its inherent difficulty, question answering (QA)\nhas been directed towards using Knowledge Bases (KBs) instead, which has proven\neffective. Unfortunately KBs often suffer from being too restrictive, as the\nschema cannot support certain types of answers, and too sparse, e.g. Wikipedia\ncontains much more information than Freebase. In this work we introduce a new\nmethod, Key-Value Memory Networks, that makes reading documents more viable by\nutilizing different encodings in the addressing and output stages of the memory\nread operation. To compare using KBs, information extraction or Wikipedia\ndocuments directly in a single framework we construct an analysis tool,\nWikiMovies, a QA dataset that contains raw text alongside a preprocessed KB, in\nthe domain of movies. Our method reduces the gap between all three settings. It\nalso achieves state-of-the-art results on the existing WikiQA benchmark." + }, + "orange_sum": { + "pwc_id": "orangesum", + "dataset_name": "OrangeSum Dataset", + "dataset_abstract": "OrangeSum is a single-document extreme summarization dataset with two tasks: title and abstract. Ground truth summaries are respectively 11.42 and 32.12 words in length on average, for the title and abstract tasks respectively, while document sizes are 315 and 350 words.\n\nThe motivation for OrangeSum was to put together a French equivalent of the XSum dataset.\n\nUnlike the historical CNN, DailyMail, and NY Times datasets, OrangeSum requires the models to display a high degree of abstractivity to perform well.\nOrangeSum was created by scraping articles and their titles and abstracts from the Orange Actu website.\n\nScraped pages cover almost a decade from Feb 2011 to Sep 2020, and belong to five main categories: France, world, politics, automotive, and society.\nThe society category is itself divided into 8 subcategories: health, environment, people, culture, media, high-tech, unsual (\"insolite\" in French), and miscellaneous.\n\nThe dataset is publicly available at: https://github.com/Tixierae/OrangeSum.", + "paper_name": "BARThez: a Skilled Pretrained French Sequence-to-Sequence Model", + "paper_abstract": "Inductive transfer learning has taken the entire NLP field by storm, with models such as BERT and BART setting new state of the art on countless NLU tasks. However, most of the available models and research have been conducted for English. In this work, we introduce BARThez, the first large-scale pretrained seq2seq model for French. Being based on BART, BARThez is particularly well-suited for generative tasks. We evaluate BARThez on five discriminative tasks from the FLUE benchmark and two generative tasks from a novel summarization dataset, OrangeSum, that we created for this research. We show BARThez to be very competitive with state-of-the-art BERT-based French language models such as CamemBERT and FlauBERT. We also continue the pretraining of a multilingual BART on BARThez' corpus, and show our resulting model, mBARThez, to significantly boost BARThez' generative performance. Code, data and models are publicly available." + }, + "simple_questions_v2": { + "pwc_id": "simplequestions", + "dataset_name": "SimpleQuestions Dataset", + "dataset_abstract": "SimpleQuestions is a large-scale factoid question answering dataset. It consists of 108,442 natural language questions, each paired with a corresponding fact from Freebase knowledge base. Each fact is a triple (subject, relation, object) and the answer to the question is always the object. The dataset is divided into training, validation, and test sets with 75,910, 10,845 and 21,687 questions respectively.", + "paper_name": "Large-scale Simple Question Answering with Memory Networks", + "paper_abstract": "Training large-scale question answering systems is complicated because\ntraining sources usually cover a small portion of the range of possible\nquestions. This paper studies the impact of multitask and transfer learning for\nsimple question answering; a setting for which the reasoning required to answer\nis quite easy, as long as one can retrieve the correct evidence given a\nquestion, which can be difficult in large-scale conditions. To this end, we\nintroduce a new dataset of 100k questions that we use in conjunction with\nexisting benchmarks. We conduct our study within the framework of Memory\nNetworks (Weston et al., 2015) because this perspective allows us to eventually\nscale up to more complex reasoning, and show that Memory Networks can be\nsuccessfully trained to achieve excellent performance." + }, + "indonli": { + "pwc_id": "indonli", + "dataset_name": "IndoNLI Dataset", + "dataset_abstract": "IndoNLI is the first human-elicited NLI dataset for Indonesian consisting of nearly 18K sentence pairs annotated by crowd workers and experts.", + "paper_name": "IndoNLI: A Natural Language Inference Dataset for Indonesian", + "paper_abstract": "We present IndoNLI, the first human-elicited NLI dataset for Indonesian. We adapt the data collection protocol for MNLI and collect nearly 18K sentence pairs annotated by crowd workers and experts. The expert-annotated data is used exclusively as a test set. It is designed to provide a challenging test-bed for Indonesian NLI by explicitly incorporating various linguistic phenomena such as numerical reasoning, structural changes, idioms, or temporal and spatial reasoning. Experiment results show that XLM-R outperforms other pre-trained models in our data. The best performance on the expert-annotated data is still far below human performance (13.4% accuracy gap), suggesting that this test set is especially challenging. Furthermore, our analysis shows that our expert-annotated data is more diverse and contains fewer annotation artifacts than the crowd-annotated data. We hope this dataset can help accelerate progress in Indonesian NLP research." + }, + "multi_booked": { + "pwc_id": "multibooked", + "dataset_name": "MultiBooked Dataset", + "dataset_abstract": "MultiBooked is a dataset for supervised aspect-level sentiment analysis in Basque and Catalan, both of which are under-resourced languages.", + "paper_name": "MultiBooked: A Corpus of Basque and Catalan Hotel Reviews Annotated for Aspect-level Sentiment Classification", + "paper_abstract": "While sentiment analysis has become an established field in the NLP\ncommunity, research into languages other than English has been hindered by the\nlack of resources. Although much research in multi-lingual and cross-lingual\nsentiment analysis has focused on unsupervised or semi-supervised approaches,\nthese still require a large number of resources and do not reach the\nperformance of supervised approaches. With this in mind, we introduce two\ndatasets for supervised aspect-level sentiment analysis in Basque and Catalan,\nboth of which are under-resourced languages. We provide high-quality\nannotations and benchmarks with the hope that they will be useful to the\ngrowing community of researchers working on these languages." + }, + "dengue_filipino": { + "pwc_id": "dengue", + "dataset_name": "Dengue Dataset", + "dataset_abstract": "Benchmark dataset for low-resource multiclass classification, with 4,015 training, 500 testing, and 500 validation examples, each labeled as part of five classes. Each sample can be a part of multiple classes. Collected as tweets and originally used in Livelo & Cheng (2018).", + "paper_name": "", + "paper_abstract": "" + }, + "med_hop": { + "pwc_id": "medhop", + "dataset_name": "MedHop Dataset", + "dataset_abstract": "With the same format as WikiHop, the MedHop dataset is based on research paper abstracts from PubMed, and the queries are about interactions between pairs of drugs. The correct answer has to be inferred by combining information from a chain of reactions of drugs and proteins.", + "paper_name": "Constructing Datasets for Multi-hop Reading Comprehension Across Documents", + "paper_abstract": "Most Reading Comprehension methods limit themselves to queries which can be\nanswered using a single sentence, paragraph, or document. Enabling models to\ncombine disjoint pieces of textual evidence would extend the scope of machine\ncomprehension methods, but currently there exist no resources to train and test\nthis capability. We propose a novel task to encourage the development of models\nfor text understanding across multiple documents and to investigate the limits\nof existing methods. In our task, a model learns to seek and combine evidence -\neffectively performing multi-hop (alias multi-step) inference. We devise a\nmethodology to produce datasets for this task, given a collection of\nquery-answer pairs and thematically linked documents. Two datasets from\ndifferent domains are induced, and we identify potential pitfalls and devise\ncircumvention strategies. We evaluate two previously proposed competitive\nmodels and find that one can integrate information across documents. However,\nboth models struggle to select relevant information, as providing documents\nguaranteed to be relevant greatly improves their performance. While the models\noutperform several strong baselines, their best accuracy reaches 42.9% compared\nto human performance at 74.0% - leaving ample room for improvement." + }, + "eth_py150_open": { + "pwc_id": "eth-py150-open", + "dataset_name": "ETH Py150 Open Dataset", + "dataset_abstract": "A massive, deduplicated corpus of 7.4M Python files from GitHub.", + "paper_name": "Learning and Evaluating Contextual Embedding of Source Code", + "paper_abstract": "Recent research has achieved impressive results on understanding and improving source code by building up on machine-learning techniques developed for natural languages. A significant advancement in natural-language understanding has come with the development of pre-trained contextual embeddings, such as BERT, which can be fine-tuned for downstream tasks with less labeled data and training budget, while achieving better accuracies. However, there is no attempt yet to obtain a high-quality contextual embedding of source code, and to evaluate it on multiple program-understanding tasks simultaneously; that is the gap that this paper aims to mitigate. Specifically, first, we curate a massive, deduplicated corpus of 7.4M Python files from GitHub, which we use to pre-train CuBERT, an open-sourced code-understanding BERT model; and, second, we create an open-sourced benchmark that comprises five classification tasks and one program-repair task, akin to code-understanding tasks proposed in the literature before. We fine-tune CuBERT on our benchmark tasks, and compare the resulting models to different variants of Word2Vec token embeddings, BiLSTM and Transformer models, as well as published state-of-the-art models, showing that CuBERT outperforms them all, even with shorter training, and with fewer labeled examples. Future work on source-code embedding can benefit from reusing our benchmark, and from comparing against CuBERT models as a strong baseline." + }, + "peer_read": { + "pwc_id": "peerread", + "dataset_name": "PeerRead Dataset", + "dataset_abstract": "PearRead is a dataset of scientific peer reviews available to help researchers study this important artifact. The dataset consists of over 14K paper drafts and the corresponding accept/reject decisions in top-tier venues including ACL, NIPS and ICLR, as well as over 10K textual peer reviews written by experts for a subset of the papers.", + "paper_name": "A Dataset of Peer Reviews (PeerRead): Collection, Insights and NLP Applications", + "paper_abstract": "Peer reviewing is a central component in the scientific publishing process.\nWe present the first public dataset of scientific peer reviews available for\nresearch purposes (PeerRead v1) providing an opportunity to study this\nimportant artifact. The dataset consists of 14.7K paper drafts and the\ncorresponding accept/reject decisions in top-tier venues including ACL, NIPS\nand ICLR. The dataset also includes 10.7K textual peer reviews written by\nexperts for a subset of the papers. We describe the data collection process and\nreport interesting observed phenomena in the peer reviews. We also propose two\nnovel NLP tasks based on this dataset and provide simple baseline models. In\nthe first task, we show that simple models can predict whether a paper is\naccepted with up to 21% error reduction compared to the majority baseline. In\nthe second task, we predict the numerical scores of review aspects and show\nthat simple models can outperform the mean baseline for aspects with high\nvariance such as 'originality' and 'impact'." + }, + "scb_mt_enth_2020": { + "pwc_id": "scb-mt-en-th-2020", + "dataset_name": "scb-mt-en-th-2020 Dataset", + "dataset_abstract": "scb-mt-en-th-2020 is an English-Thai machine translation dataset with over 1 million segment pairs, curated from various sources, namely news, Wikipedia articles, SMS messages, task-based dialogs, web-crawled data and government documents.", + "paper_name": "scb-mt-en-th-2020: A Large English-Thai Parallel Corpus", + "paper_abstract": "The primary objective of our work is to build a large-scale English-Thai dataset for machine translation. We construct an English-Thai machine translation dataset with over 1 million segment pairs, curated from various sources, namely news, Wikipedia articles, SMS messages, task-based dialogs, web-crawled data and government documents. Methodology for gathering data, building parallel texts and removing noisy sentence pairs are presented in a reproducible manner. We train machine translation models based on this dataset. Our models' performance are comparable to that of Google Translation API (as of May 2020) for Thai-English and outperform Google when the Open Parallel Corpus (OPUS) is included in the training data for both Thai-English and English-Thai translation. The dataset, pre-trained models, and source code to reproduce our work are available for public use." + }, + "com_qa": { + "pwc_id": "comqa", + "dataset_name": "ComQA Dataset", + "dataset_abstract": "ComQA is a large dataset of real user questions that exhibit different challenging aspects such as compositionality, temporal reasoning, and comparisons. ComQA questions come from the WikiAnswers community QA platform, which typically contains questions that are not satisfactorily answerable by existing search engine technology.", + "paper_name": "ComQA: A Community-sourced Dataset for Complex Factoid Question Answering with Paraphrase Clusters", + "paper_abstract": "To bridge the gap between the capabilities of the state-of-the-art in factoid\nquestion answering (QA) and what users ask, we need large datasets of real user\nquestions that capture the various question phenomena users are interested in,\nand the diverse ways in which these questions are formulated. We introduce\nComQA, a large dataset of real user questions that exhibit different\nchallenging aspects such as compositionality, temporal reasoning, and\ncomparisons. ComQA questions come from the WikiAnswers community QA platform,\nwhich typically contains questions that are not satisfactorily answerable by\nexisting search engine technology. Through a large crowdsourcing effort, we\nclean the question dataset, group questions into paraphrase clusters, and\nannotate clusters with their answers. ComQA contains 11,214 questions grouped\ninto 4,834 paraphrase clusters. We detail the process of constructing ComQA,\nincluding the measures taken to ensure its high quality while making effective\nuse of crowdsourcing. We also present an extensive analysis of the dataset and\nthe results achieved by state-of-the-art systems on ComQA, demonstrating that\nour dataset can be a driver of future research on QA." + }, + "cail2018": { + "pwc_id": "chinese-ai-and-law-cail-2018", + "dataset_name": "Chinese AI and Law (CAIL) 2018 Dataset", + "dataset_abstract": "Large-scale Chinese legal dataset for judgment prediction. \\dataset contains more than 2.6 million criminal cases published by the Supreme People's Court of China, which are several times larger than other datasets in existing works on judgment prediction.", + "paper_name": "CAIL2018: A Large-Scale Legal Dataset for Judgment Prediction", + "paper_abstract": "In this paper, we introduce the \\textbf{C}hinese \\textbf{AI} and \\textbf{L}aw\nchallenge dataset (CAIL2018), the first large-scale Chinese legal dataset for\njudgment prediction. \\dataset contains more than $2.6$ million criminal cases\npublished by the Supreme People's Court of China, which are several times\nlarger than other datasets in existing works on judgment prediction. Moreover,\nthe annotations of judgment results are more detailed and rich. It consists of\napplicable law articles, charges, and prison terms, which are expected to be\ninferred according to the fact descriptions of cases. For comparison, we\nimplement several conventional text classification baselines for judgment\nprediction and experimental results show that it is still a challenge for\ncurrent models to predict the judgment results of legal cases, especially on\nprison terms. To help the researchers make improvements on legal judgment\nprediction, both \\dataset and baselines will be released after the CAIL\ncompetition\\footnote{http://cail.cipsc.org.cn/}." + }, + "inquisitive_qg": { + "pwc_id": "inquisitive", + "dataset_name": "INQUISITIVE Dataset", + "dataset_abstract": "A dataset of ~19K questions that are elicited while a person is reading through a document.", + "paper_name": "Inquisitive Question Generation for High Level Text Comprehension", + "paper_abstract": "Inquisitive probing questions come naturally to humans in a variety of settings, but is a challenging task for automatic systems. One natural type of question to ask tries to fill a gap in knowledge during text comprehension, like reading a news article: we might ask about background information, deeper reasons behind things occurring, or more. Despite recent progress with data-driven approaches, generating such questions is beyond the range of models trained on existing datasets. We introduce INQUISITIVE, a dataset of ~19K questions that are elicited while a person is reading through a document. Compared to existing datasets, INQUISITIVE questions target more towards high-level (semantic and discourse) comprehension of text. We show that readers engage in a series of pragmatic strategies to seek information. Finally, we evaluate question generation models based on GPT-2 and show that our model is able to generate reasonable questions although the task is challenging, and highlight the importance of context to generate INQUISITIVE questions." + }, + "tuple_ie": { + "pwc_id": "tupleinf-open-ie-dataset", + "dataset_name": "TupleInf Open IE Dataset Dataset", + "dataset_abstract": "The TupleInf Open IE dataset contains Open IE tuples extracted from 263K sentences that were used by the solver in \u201cAnswering Complex Questions Using Open Information Extraction\u201d (referred as Tuple KB, T). These sentences were collected from a large Web corpus using training questions from 4th and 8th grade as queries. This dataset contains 156K sentences collected for 4th grade questions and 107K sentences for 8th grade questions. Each sentence is followed by the Open IE v4 tuples using their simple format.", + "paper_name": "Answering Complex Questions Using Open Information Extraction", + "paper_abstract": "While there has been substantial progress in factoid question-answering (QA),\nanswering complex questions remains challenging, typically requiring both a\nlarge body of knowledge and inference techniques. Open Information Extraction\n(Open IE) provides a way to generate semi-structured knowledge for QA, but to\ndate such knowledge has only been used to answer simple questions with\nretrieval-based methods. We overcome this limitation by presenting a method for\nreasoning with Open IE knowledge, allowing more complex questions to be\nhandled. Using a recently proposed support graph optimization framework for QA,\nwe develop a new inference model for Open IE, in particular one that can work\neffectively with multiple short facts, noise, and the relational structure of\ntuples. Our model significantly outperforms a state-of-the-art structured\nsolver on complex questions of varying difficulty, while also removing the\nreliance on manually curated knowledge." + }, + "wi_locness": { + "pwc_id": "locness-corpus", + "dataset_name": "WI-LOCNESS Dataset", + "dataset_abstract": "WI-LOCNESS is part of the Building Educational Applications 2019 Shared Task for Grammatical Error Correction. It consists of two datasets:\n\n\nLOCNESS: is a corpus consisting of essays written by native English students. \nCambridge English Write & Improve (W&I): Write & Improve (Yannakoudakis et al., 2018) is an online web platform that assists non-native English students with their writing. Specifically, students from around the world submit letters, stories, articles and essays in response to various prompts, and the W&I system provides instant feedback. Since W&I went live in 2014, W&I annotators have manually annotated some of these submissions and assigned them a CEFR level.", + "paper_name": "The BEA-2019 Shared Task on Grammatical Error Correction", + "paper_abstract": "This paper reports on the BEA-2019 Shared Task on Grammatical Error Correction (GEC). As with the CoNLL-2014 shared task, participants are required to correct all types of errors in test data. One of the main contributions of the BEA-2019 shared task is the introduction of a new dataset, the Write{\\&}Improve+LOCNESS corpus, which represents a wider range of native and learner English levels and abilities. Another contribution is the introduction of tracks, which control the amount of annotated data available to participants. Systems are evaluated in terms of ERRANT F{\\_}0.5, which allows us to report a much wider range of performance statistics. The competition was hosted on Codalab and remains open for further submissions on the blind test set." + }, + "casino": { + "pwc_id": "casino", + "dataset_name": "CaSiNo Dataset", + "dataset_abstract": "CaSiNo is a dataset of 1030 negotiation dialogues in English. To create the dataset, two participates take the role of campsite neighbors and negotiate for Food, Water, and Firewood packages, based on their individual preferences and requirements. This design keeps the task tractable, while still facilitating linguistically rich and personal conversations.", + "paper_name": "CaSiNo: A Corpus of Campsite Negotiation Dialogues for Automatic Negotiation Systems", + "paper_abstract": "Automated systems that negotiate with humans have broad applications in pedagogy and conversational AI. To advance the development of practical negotiation systems, we present CaSiNo: a novel corpus of over a thousand negotiation dialogues in English. Participants take the role of campsite neighbors and negotiate for food, water, and firewood packages for their upcoming trip. Our design results in diverse and linguistically rich negotiations while maintaining a tractable, closed-domain environment. Inspired by the literature in human-human negotiations, we annotate persuasion strategies and perform correlation analysis to understand how the dialogue behaviors are associated with the negotiation performance. We further propose and evaluate a multi-task framework to recognize these strategies in a given utterance. We find that multi-task learning substantially improves the performance for all strategy labels, especially for the ones that are the most skewed. We release the dataset, annotations, and the code to propel future work in human-machine negotiations: https://github.com/kushalchawla/CaSiNo" + }, + "finer": { + "pwc_id": "finer", + "dataset_name": "Finer Dataset", + "dataset_abstract": "Finnish News Corpus for Named Entity Recognition (Finer) is a corpus that consists of 953 articles (193,742 word tokens) with six named entity classes (organization, location, person, product, event,and date). The articles are extracted from the archives of Digitoday, a Finnish online technology news source.", + "paper_name": "A Finnish News Corpus for Named Entity Recognition", + "paper_abstract": "We present a corpus of Finnish news articles with a manually prepared named entity annotation. The corpus consists of 953 articles (193,742 word tokens) with six named entity classes (organization, location, person, product, event, and date). The articles are extracted from the archives of Digitoday, a Finnish online technology news source. The corpus is available for research purposes. We present baseline experiments on the corpus using a rule-based and two deep learning systems on two, in-domain and out-of-domain, test sets." + }, + "rvl_cdip": { + "pwc_id": "rvl-cdip", + "dataset_name": "RVL-CDIP Dataset", + "dataset_abstract": "The RVL-CDIP dataset consists of scanned document images belonging to 16 classes such as letter, form, email, resume, memo, etc. The dataset has 320,000 training, 40,000 validation and 40,000 test images. The images are characterized by low quality, noise, and low resolution, typically 100 dpi.", + "paper_name": "Evaluation of Deep Convolutional Nets for Document Image Classification and Retrieval", + "paper_abstract": "This paper presents a new state-of-the-art for document image classification\nand retrieval, using features learned by deep convolutional neural networks\n(CNNs). In object and scene analysis, deep neural nets are capable of learning\na hierarchical chain of abstraction from pixel inputs to concise and\ndescriptive representations. The current work explores this capacity in the\nrealm of document analysis, and confirms that this representation strategy is\nsuperior to a variety of popular hand-crafted alternatives. Experiments also\nshow that (i) features extracted from CNNs are robust to compression, (ii) CNNs\ntrained on non-document images transfer well to document analysis tasks, and\n(iii) enforcing region-specific feature-learning is unnecessary given\nsufficient training data. This work also makes available a new labelled subset\nof the IIT-CDIP collection, containing 400,000 document images across 16\ncategories, useful for training new CNNs for document analysis." + }, + "gap": { + "pwc_id": "gap", + "dataset_name": "GAP Dataset", + "dataset_abstract": "GAP is a graph processing benchmark suite with the goal of helping to standardize graph processing evaluations. Fewer differences between graph processing evaluations will make it easier to compare different research efforts and quantify improvements. The benchmark not only specifies graph kernels, input graphs, and evaluation methodologies, but it also provides optimized baseline implementations. These baseline implementations are representative of state-of-the-art performance, and thus new contributions should outperform them to demonstrate an improvement. The input graphs are sized appropriately for shared memory platforms, but any implementation on any platform that conforms to the benchmark's specifications could be compared. This benchmark suite can be used in a variety of settings. Graph framework developers can demonstrate the generality of their programming model by implementing all of the benchmark's kernels and delivering competitive performance on all of the benchmark's graphs. Algorithm designers can use the input graphs and the baseline implementations to demonstrate their contribution. Platform designers and performance analysts can use the suite as a workload representative of graph processing.", + "paper_name": "The GAP Benchmark Suite", + "paper_abstract": "We present a graph processing benchmark suite with the goal of helping to\nstandardize graph processing evaluations. Fewer differences between graph\nprocessing evaluations will make it easier to compare different research\nefforts and quantify improvements. The benchmark not only specifies graph\nkernels, input graphs, and evaluation methodologies, but it also provides\noptimized baseline implementations. These baseline implementations are\nrepresentative of state-of-the-art performance, and thus new contributions\nshould outperform them to demonstrate an improvement.\n The input graphs are sized appropriately for shared memory platforms, but any\nimplementation on any platform that conforms to the benchmark's specifications\ncould be compared. This benchmark suite can be used in a variety of settings.\nGraph framework developers can demonstrate the generality of their programming\nmodel by implementing all of the benchmark's kernels and delivering competitive\nperformance on all of the benchmark's graphs. Algorithm designers can use the\ninput graphs and the baseline implementations to demonstrate their\ncontribution. Platform designers and performance analysts can use the suite as\na workload representative of graph processing." + }, + "capes": { + "pwc_id": "capes", + "dataset_name": "capes Dataset", + "dataset_abstract": "Approximately 240,000 documents were collected and aligned using the Hunalign tool.", + "paper_name": "A Parallel Corpus of Theses and Dissertations Abstracts", + "paper_abstract": "In Brazil, the governmental body responsible for overseeing and coordinating post-graduate programs, CAPES, keeps records of all theses and dissertations presented in the country. Information regarding such documents can be accessed online in the Theses and Dissertations Catalog (TDC), which contains abstracts in Portuguese and English, and additional metadata. Thus, this database can be a potential source of parallel corpora for the Portuguese and English languages. In this article, we present the development of a parallel corpus from TDC, which is made available by CAPES under the open data initiative. Approximately 240,000 documents were collected and aligned using the Hunalign tool. We demonstrate the capability of our developed corpus by training Statistical Machine Translation (SMT) and Neural Machine Translation (NMT) models for both language directions, followed by a comparison with Google Translate (GT). Both translation models presented better BLEU scores than GT, with NMT system being the most accurate one. Sentence alignment was also manually evaluated, presenting an average of 82.30% correctly aligned sentences. Our parallel corpus is freely available in TMX format, with complementary information regarding document metadata" + }, + "bn_hate_speech": { + "pwc_id": "bengali-hate-speech", + "dataset_name": "Bengali Hate Speech Dataset", + "dataset_abstract": "Introduces three datasets of expressing hate, commonly used topics, and opinions for hate speech detection, document classification, and sentiment analysis, respectively.", + "paper_name": "Classification Benchmarks for Under-resourced Bengali Language based on Multichannel Convolutional-LSTM Network", + "paper_abstract": "Exponential growths of social media and micro-blogging sites not only provide platforms for empowering freedom of expressions and individual voices but also enables people to express anti-social behaviour like online harassment, cyberbullying, and hate speech. Numerous works have been proposed to utilize these data for social and anti-social behaviours analysis, document characterization, and sentiment analysis by predicting the contexts mostly for highly resourced languages such as English. However, there are languages that are under-resources, e.g., South Asian languages like Bengali, Tamil, Assamese, Telugu that lack of computational resources for the NLP tasks. In this paper, we provide several classification benchmarks for Bengali, an under-resourced language. We prepared three datasets of expressing hate, commonly used topics, and opinions for hate speech detection, document classification, and sentiment analysis, respectively. We built the largest Bengali word embedding models to date based on 250 million articles, which we call BengFastText. We perform three different experiments, covering document classification, sentiment analysis, and hate speech detection. We incorporate word embeddings into a Multichannel Convolutional-LSTM (MConv-LSTM) network for predicting different types of hate speech, document classification, and sentiment analysis. Experiments demonstrate that BengFastText can capture the semantics of words from respective contexts correctly. Evaluations against several baseline embedding models, e.g., Word2Vec and GloVe yield up to 92.30%, 82.25%, and 90.45% F1-scores in case of document classification, sentiment analysis, and hate speech detection, respectively during 5-fold cross-validation tests." + }, + "hkcancor": { + "pwc_id": "hong-kong-cantonese-corpus", + "dataset_name": "Hong Kong Cantonese corpus Dataset", + "dataset_abstract": "The Hong Kong Cantonese Corpus was collected from transcribed conversations that were recorded between March 1997 and August 1998. About 230,000 Chinese words were collected in the annotated corpus. It contains recordings of spontaneous speech (51 texts) and radio programmes (42 texts), which involve 2 to 4 speakers, with 1 text of monologue. The text were word-segmented, annotated with part-of-speech tagging and Cantonese pronunciation using the romanisation scheme of Linguistic Society of Hong Kong (LSHK).", + "paper_name": "", + "paper_abstract": "" + }, + "offcombr": { + "pwc_id": "offcombr", + "dataset_name": "OffComBR Dataset", + "dataset_abstract": "Offensive comments obtained from Brazilian website.", + "paper_name": "", + "paper_abstract": "" + }, + "dialog_re": { + "pwc_id": "dialogre", + "dataset_name": "DialogRE Dataset", + "dataset_abstract": "DialogRE is the first human-annotated dialogue-based relation extraction dataset, containing 1,788 dialogues originating from the complete transcripts of a famous American television situation comedy Friends. The are annotations for all occurrences of 36 possible relation types that exist between an argument pair in a dialogue. DialogRE is available in English and Chinese.", + "paper_name": "Dialogue-Based Relation Extraction", + "paper_abstract": "We present the first human-annotated dialogue-based relation extraction (RE) dataset DialogRE, aiming to support the prediction of relation(s) between two arguments that appear in a dialogue. We further offer DialogRE as a platform for studying cross-sentence RE as most facts span multiple sentences. We argue that speaker-related information plays a critical role in the proposed task, based on an analysis of similarities and differences between dialogue-based and traditional RE tasks. Considering the timeliness of communication in a dialogue, we design a new metric to evaluate the performance of RE methods in a conversational setting and investigate the performance of several representative RE methods on DialogRE. Experimental results demonstrate that a speaker-aware extension on the best-performing model leads to gains in both the standard and conversational evaluation settings. DialogRE is available at https://dataset.org/dialogre/." + }, + "glucose": { + "pwc_id": "glucose", + "dataset_name": "GLUCOSE Dataset", + "dataset_abstract": "GLUCOSE is a large-scale dataset of implicit commonsense causal knowledge, encoded as causal mini-theories about the world, each grounded in a narrative context. To construct GLUCOSE, we drew on cognitive psychology to identify ten dimensions of causal explanation, focusing on events, states, motivations, and emotions. Each GLUCOSE entry includes a story-specific causal statement paired with an inference rule generalized from the statement.", + "paper_name": "GLUCOSE: GeneraLized and COntextualized Story Explanations", + "paper_abstract": "When humans read or listen, they make implicit commonsense inferences that frame their understanding of what happened and why. As a step toward AI systems that can build similar mental models, we introduce GLUCOSE, a large-scale dataset of implicit commonsense causal knowledge, encoded as causal mini-theories about the world, each grounded in a narrative context. To construct GLUCOSE, we drew on cognitive psychology to identify ten dimensions of causal explanation, focusing on events, states, motivations, and emotions. Each GLUCOSE entry includes a story-specific causal statement paired with an inference rule generalized from the statement. This paper details two concrete contributions. First, we present our platform for effectively crowdsourcing GLUCOSE data at scale, which uses semi-structured templates to elicit causal explanations. Using this platform, we collected a total of ~670K specific statements and general rules that capture implicit commonsense knowledge about everyday situations. Second, we show that existing knowledge resources and pretrained language models do not include or readily predict GLUCOSE's rich inferential content. However, when state-of-the-art neural models are trained on this knowledge, they can start to make commonsense inferences on unseen stories that match humans' mental models." + }, + "tweets_ar_en_parallel": { + "pwc_id": "bilingual-corpus-of-arabic-english-parallel", + "dataset_name": "Bilingual Corpus of Arabic-English Parallel Tweets Dataset", + "dataset_abstract": "A bilingual corpus of English-Arabic parallel tweets and a list of Twitter accounts who post English-Arabic tweets regularly.", + "paper_name": "Constructing a Bilingual Corpus of Parallel Tweets", + "paper_abstract": "In a bid to reach a larger and more diverse audience, Twitter users often post parallel tweets{---}tweets that contain the same content but are written in different languages. Parallel tweets can be an important resource for developing machine translation (MT) systems among other natural language processing (NLP) tasks. In this paper, we introduce a generic method for collecting parallel tweets. Using this method, we collect a bilingual corpus of English-Arabic parallel tweets and a list of Twitter accounts who post English-Arabictweets regularly. Since our method is generic, it can also be used for collecting parallel tweets that cover less-resourced languages such as Serbian and Urdu. Additionally, we annotate a subset of Twitter accounts with their countries of origin and topic of interest, which provides insights about the population who post parallel tweets. This latter information can also be useful for author profiling tasks." + }, + "lc_quad": { + "pwc_id": "lc-quad-2-0", + "dataset_name": "LC-QuAD 2.0 Dataset", + "dataset_abstract": "LC-QuAD 2.0 is a Large Question Answering dataset with 30,000 pairs of question and its corresponding SPARQL query. The target knowledge base is Wikidata and DBpedia, specifically the 2018 version.", + "paper_name": "", + "paper_abstract": "" + }, + "ronec": { + "pwc_id": "ronec", + "dataset_name": "RONEC Dataset", + "dataset_abstract": "Romanian Named Entity Corpus is a named entity corpus for the Romanian language. The corpus contains over 26000 entities in ~5000 annotated sentences, belonging to 16 distinct classes. The sentences have been extracted from a copy-right free newspaper, covering several styles. This corpus represents the first initiative in the Romanian language space specifically targeted for named entity recognition.", + "paper_name": "Introducing RONEC -- the Romanian Named Entity Corpus", + "paper_abstract": "We present RONEC - the Named Entity Corpus for the Romanian language. The corpus contains over 26000 entities in ~5000 annotated sentences, belonging to 16 distinct classes. The sentences have been extracted from a copy-right free newspaper, covering several styles. This corpus represents the first initiative in the Romanian language space specifically targeted for named entity recognition. It is available in BRAT and CoNLL-U Plus formats, and it is free to use and extend at github.com/dumitrescustefan/ronec ." + }, + "event2Mind": { + "pwc_id": "event2mind", + "dataset_name": "Event2Mind Dataset", + "dataset_abstract": "Event2Mind is a corpus of 25,000 event phrases covering a diverse range of everyday events and situations.", + "paper_name": "Event2Mind: Commonsense Inference on Events, Intents, and Reactions", + "paper_abstract": "We investigate a new commonsense inference task: given an event described in a short free-form text (\"X drinks coffee in the morning\"), a system reasons about the likely intents (\"X wants to stay awake\") and reactions (\"X feels alert\") of the event's participants. To support this study, we construct a new crowdsourced corpus of 25,000 event phrases covering a diverse range of everyday events and situations. We report baseline performance on this task, demonstrating that neural encoder-decoder models can successfully compose embedding representations of previously unseen events and reason about the likely intents and reactions of the event participants. In addition, we demonstrate how commonsense inference on people's intents and reactions can help unveil the implicit gender inequality prevalent in modern movie scripts." + }, + "kor_hate": { + "pwc_id": "korean-hatespeech-dataset", + "dataset_name": "Korean HateSpeech Dataset Dataset", + "dataset_abstract": "Presents 9.4K manually labeled entertainment news comments for identifying Korean toxic speech, collected from a widely used online news platform in Korea.", + "paper_name": "BEEP! Korean Corpus of Online News Comments for Toxic Speech Detection", + "paper_abstract": "Toxic comments in online platforms are an unavoidable social issue under the cloak of anonymity. Hate speech detection has been actively done for languages such as English, German, or Italian, where manually labeled corpus has been released. In this work, we first present 9.4K manually labeled entertainment news comments for identifying Korean toxic speech, collected from a widely used online news platform in Korea. The comments are annotated regarding social bias and hate speech since both aspects are correlated. The inter-annotator agreement Krippendorff's alpha score is 0.492 and 0.496, respectively. We provide benchmarks using CharCNN, BiLSTM, and BERT, where BERT achieves the highest score on all tasks. The models generally display better performance on bias identification, since the hate speech detection is a more subjective issue. Additionally, when BERT is trained with bias label for hate speech detection, the prediction score increases, implying that bias and hate are intertwined. We make our dataset publicly available and open competitions with the corpus and benchmarks." + }, + "eitb_parcc": { + "pwc_id": "eitb-parcc", + "dataset_name": "EiTB-ParCC Dataset", + "dataset_abstract": "A large comparable corpus for Basque-Spanish was prepared, on the basis of independently-produced news by the Basque public broadcaster EiTB.", + "paper_name": "Handle with Care: A Case Study in Comparable Corpora Exploitation for Neural Machine Translation", + "paper_abstract": "We present the results of a case study in the exploitation of comparable corpora for Neural Machine Translation. A large comparable corpus for Basque-Spanish was prepared, on the basis of independently-produced news by the Basque public broadcaster EiTB, and we discuss the impact of various techniques to exploit the original data in order to determine optimal variants of the corpus. In particular, we show that filtering in terms of alignment thresholds and length-difference outliers has a significant impact on translation quality. The impact of tags identifying comparable data in the training datasets is also evaluated, with results indicating that this technique might be useful to help the models discriminate noisy information, in the form of informational imbalance between aligned sentences. The final corpus was prepared according to the experimental results and is made available to the scientific community for research purposes." + }, + "brwac": { + "pwc_id": "brwac", + "dataset_name": "BRWAC Dataset", + "dataset_abstract": "Composed by 2.7 billion tokens, and has been annotated with tagging and parsing information.", + "paper_name": "", + "paper_abstract": "" + }, + "sede": { + "pwc_id": "sede", + "dataset_name": "SEDE Dataset", + "dataset_abstract": "SEDE is a dataset comprised of 12,023 complex and diverse SQL queries and their natural language titles and descriptions, written by real users of the Stack Exchange Data Explorer out of a natural interaction. These pairs contain a variety of real-world challenges which were rarely reflected so far in any other semantic parsing dataset. The goal of this dataset is to take a significant step towards evaluation of Text-to-SQL models in a real-world setting. Compared to other Text-to-SQL datasets, SEDE contains at least 10 times more SQL queries templates (queries after canonization and anonymization of values) than other datasets, and has the most diverse set of utterances and SQL queries (in terms of 3-grams) out of all single-domain datasets. SEDE introduces real-world challenges, such as under-specification, usage of parameters in queries, dates manipulation and more.", + "paper_name": "Text-to-SQL in the Wild: A Naturally-Occurring Dataset Based on Stack Exchange Data", + "paper_abstract": "Most available semantic parsing datasets, comprising of pairs of natural utterances and logical forms, were collected solely for the purpose of training and evaluation of natural language understanding systems. As a result, they do not contain any of the richness and variety of natural-occurring utterances, where humans ask about data they need or are curious about. In this work, we release SEDE, a dataset with 12,023 pairs of utterances and SQL queries collected from real usage on the Stack Exchange website. We show that these pairs contain a variety of real-world challenges which were rarely reflected so far in any other semantic parsing dataset, propose an evaluation metric based on comparison of partial query clauses that is more suitable for real-world queries, and conduct experiments with strong baselines, showing a large gap between the performance on SEDE compared to other common datasets." + }, + "totto": { + "pwc_id": "totto", + "dataset_name": "ToTTo Dataset", + "dataset_abstract": "ToTTo is an open-domain English table-to-text dataset with over 120,000 training examples that proposes a controlled generation task: given a Wikipedia table and a set of highlighted table cells, produce a one-sentence description.\n\nDuring the dataset creation process, tables from English Wikipedia are matched with (noisy) descriptions. Each table cell mentioned in the description is highlighted and the descriptions are iteratively cleaned and corrected to faithfully reflect the content of the highlighted cells.", + "paper_name": "ToTTo: A Controlled Table-To-Text Generation Dataset", + "paper_abstract": "We present ToTTo, an open-domain English table-to-text dataset with over 120,000 training examples that proposes a controlled generation task: given a Wikipedia table and a set of highlighted table cells, produce a one-sentence description. To obtain generated targets that are natural but also faithful to the source table, we introduce a dataset construction process where annotators directly revise existing candidate sentences from Wikipedia. We present systematic analyses of our dataset and annotation process as well as results achieved by several state-of-the-art baselines. While usually fluent, existing methods often hallucinate phrases that are not supported by the table, suggesting that this dataset can serve as a useful research benchmark for high-precision conditional text generation." + }, + "re_dial": { + "pwc_id": "redial", + "dataset_name": "ReDial Dataset", + "dataset_abstract": "ReDial (Recommendation Dialogues) is an annotated dataset of dialogues, where users recommend movies to each other. The dataset consists of over 10,000 conversations centered around the theme of providing movie recommendations.", + "paper_name": "Towards Deep Conversational Recommendations", + "paper_abstract": "There has been growing interest in using neural networks and deep learning\ntechniques to create dialogue systems. Conversational recommendation is an\ninteresting setting for the scientific exploration of dialogue with natural\nlanguage as the associated discourse involves goal-driven dialogue that often\ntransforms naturally into more free-form chat. This paper provides two\ncontributions. First, until now there has been no publicly available\nlarge-scale dataset consisting of real-world dialogues centered around\nrecommendations. To address this issue and to facilitate our exploration here,\nwe have collected ReDial, a dataset consisting of over 10,000 conversations\ncentered around the theme of providing movie recommendations. We make this data\navailable to the community for further research. Second, we use this dataset to\nexplore multiple facets of conversational recommendations. In particular we\nexplore new neural architectures, mechanisms, and methods suitable for\ncomposing conversational recommendation systems. Our dataset allows us to\nsystematically probe model sub-components addressing different parts of the\noverall problem domain ranging from: sentiment analysis and cold-start\nrecommendation generation to detailed aspects of how natural language is used\nin this setting in the real world. We combine such sub-components into a\nfull-blown dialogue system and examine its behavior." + }, + "narrativeqa_manual": { + "pwc_id": "narrativeqa", + "dataset_name": "NarrativeQA Dataset", + "dataset_abstract": "The NarrativeQA dataset includes a list of documents with Wikipedia summaries, links to full stories, and questions and answers.", + "paper_name": "The NarrativeQA Reading Comprehension Challenge", + "paper_abstract": "Reading comprehension (RC)---in contrast to information retrieval---requires\nintegrating information and reasoning about events, entities, and their\nrelations across a full document. Question answering is conventionally used to\nassess RC ability, in both artificial agents and children learning to read.\nHowever, existing RC datasets and tasks are dominated by questions that can be\nsolved by selecting answers using superficial information (e.g., local context\nsimilarity or global term frequency); they thus fail to test for the essential\nintegrative aspect of RC. To encourage progress on deeper comprehension of\nlanguage, we present a new dataset and set of tasks in which the reader must\nanswer questions about stories by reading entire books or movie scripts. These\ntasks are designed so that successfully answering their questions requires\nunderstanding the underlying narrative rather than relying on shallow pattern\nmatching or salience. We show that although humans solve the tasks easily,\nstandard RC models struggle on the tasks presented here. We provide an analysis\nof the dataset and the challenges it presents." + }, + "cornell_movie_dialog": { + "pwc_id": "cornell-movie-dialogs-corpus", + "dataset_name": "Cornell Movie-Dialogs Corpus Dataset", + "dataset_abstract": "This corpus contains a large metadata-rich collection of fictional conversations extracted from raw movie scripts:\n\n\n220,579 conversational exchanges between 10,292 pairs of movie characters\ninvolves 9,035 characters from 617 movies\nin total 304,713 utterances\nmovie metadata included:\ngenres\nrelease year\nIMDB rating\nnumber of IMDB votes\nIMDB rating\n\n\ncharacter metadata included:\ngender (for 3,774 characters)\nposition on movie credits (3,321 characters)", + "paper_name": "", + "paper_abstract": "" + }, + "linnaeus": { + "pwc_id": "linnaeus", + "dataset_name": "LINNAEUS Dataset", + "dataset_abstract": "LINNAEUS is a general-purpose dictionary matching software, capable of processing multiple types of document formats in the biomedical domain (MEDLINE, PMC, BMC, OTMI, text, etc.). It can produce multiple types of output (XML, HTML, tab-separated-value file, or save to a database). It also contains methods for acting as a server (including load balancing across several servers), allowing clients to request matching over a network. A package with files for recognizing and identifying species names is available for LINNAEUS, showing 94% recall and 97% precision compared to LINNAEUS-species-corpus.", + "paper_name": "", + "paper_abstract": "" + }, + "coarse_discourse": { + "pwc_id": "coarse-discourse", + "dataset_name": "Coarse Discourse Dataset", + "dataset_abstract": "A large corpus of discourse annotations and relations on ~10K forum threads.", + "paper_name": "", + "paper_abstract": "" + }, + "hind_encorp": { + "pwc_id": "hindencorp", + "dataset_name": "HindEnCorp Dataset", + "dataset_abstract": "A parallel corpus of Hindi and English, and HindMonoCorp, a monolingual corpus of Hindi in their release version 0.5. Both corpora were collected from web sources and preprocessed primarily for the training of statistical machine translation systems. HindEnCorp consists of 274k parallel sentences (3.9 million Hindi and 3.8 million English tokens). HindMonoCorp amounts to 787 million tokens in 44 million sentences.", + "paper_name": "HindEnCorp - Hindi-English and Hindi-only Corpus for Machine Translation", + "paper_abstract": "We present HindEnCorp, a parallel corpus of Hindi and English, and HindMonoCorp, a monolingual corpus of Hindi in their release version 0.5. Both corpora were collected from web sources and preprocessed primarily for the training of statistical machine translation systems. HindEnCorp consists of 274k parallel sentences (3.9 million Hindi and 3.8 million English tokens). HindMonoCorp amounts to 787 million tokens in 44 million sentences. Both the corpora are freely available for non-commercial research and their preliminary release has been used by numerous participants of the WMT 2014 shared translation task." + }, + "newsph_nli": { + "pwc_id": "newsph-nli", + "dataset_name": "NewsPH-NLI Dataset", + "dataset_abstract": "NewsPH-NLI is a sentence entailment benchmark dataset in the low-resource Filipino language.", + "paper_name": "Exploiting News Article Structure for Automatic Corpus Generation of Entailment Datasets", + "paper_abstract": "Transformers represent the state-of-the-art in Natural Language Processing (NLP) in recent years, proving effective even in tasks done in low-resource languages. While pretrained transformers for these languages can be made, it is challenging to measure their true performance and capacity due to the lack of hard benchmark datasets, as well as the difficulty and cost of producing them. In this paper, we present three contributions: First, we propose a methodology for automatically producing Natural Language Inference (NLI) benchmark datasets for low-resource languages using published news articles. Through this, we create and release NewsPH-NLI, the first sentence entailment benchmark dataset in the low-resource Filipino language. Second, we produce new pretrained transformers based on the ELECTRA technique to further alleviate the resource scarcity in Filipino, benchmarking them on our dataset against other commonly-used transfer learning techniques. Lastly, we perform analyses on transfer learning techniques to shed light on their true performance when operating in low-data domains through the use of degradation tests." + }, + "has_part": { + "pwc_id": "haspart-kb", + "dataset_name": "hasPart KB Dataset", + "dataset_abstract": "This dataset is a new knowledge-base (KB) of hasPart relationships, extracted from a large corpus of generic statements. Complementary to other resources available, it is the first which is all three of: accurate (90% precision), salient (covers relationships a person may mention), and has high coverage of common terms (approximated as within a 10 year old\u2019s vocabulary), as well as having several times more hasPart entries than in the popular ontologies ConceptNet and WordNet. In addition, it contains information about quantifiers, argument modifiers, and links the entities to appropriate concepts in Wikipedia and WordNet.", + "paper_name": "Do Dogs have Whiskers? A New Knowledge Base of hasPart Relations", + "paper_abstract": "We present a new knowledge-base of hasPart relationships, extracted from a large corpus of generic statements. Complementary to other resources available, it is the first which is all three of: accurate (90% precision), salient (covers relationships a person may mention), and has high coverage of common terms (approximated as within a 10 year old's vocabulary), as well as having several times more hasPart entries than in the popular ontologies ConceptNet and WordNet. In addition, it contains information about quantifiers, argument modifiers, and links the entities to appropriate concepts in Wikipedia and WordNet. The knowledge base is available at https://allenai.org/data/haspartkb" + }, + "vctk": { + "pwc_id": "vctk", + "dataset_name": "VCTK Dataset", + "dataset_abstract": "This CSTR VCTK Corpus includes speech data uttered by 110 English speakers with various accents. Each speaker reads out about 400 sentences, which were selected from a newspaper, the rainbow passage and an elicitation paragraph used for the speech accent archive. The newspaper texts were taken from Herald Glasgow, with permission from Herald & Times Group. Each speaker has a different set of the newspaper texts selected based a greedy algorithm that increases the contextual and phonetic coverage. The details of the text selection algorithms are described in the following paper: C. Veaux, J. Yamagishi and S. King, \"The voice bank corpus: Design, collection and data analysis of a large regional accent speech database,\" https://doi.org/10.1109/ICSDA.2013.6709856. The rainbow passage and elicitation paragraph are the same for all speakers. The rainbow passage can be found at International Dialects of English Archive: (http://web.ku.edu/~idea/readings/rainbow.htm). The elicitation paragraph is identical to the one used for the speech accent archive (http://accent.gmu.edu). The details of the the speech accent archive can be found at http://www.ualberta.ca/~aacl2009/PDFs/WeinbergerKunath2009AACL.pdf. All speech data was recorded using an identical recording setup: an omni-directional microphone (DPA 4035) and a small diaphragm condenser microphone with very wide bandwidth (Sennheiser MKH 800), 96kHz sampling frequency at 24 bits and in a hemi-anechoic chamber of the University of Edinburgh. (However, two speakers, p280 and p315 had technical issues of the audio recordings using MKH 800). All recordings were converted into 16 bits, were downsampled to 48 kHz, and were manually end-pointed.", + "paper_name": "", + "paper_abstract": "" + }, + "fake_news_filipino": { + "pwc_id": "fake-news-filipino-dataset", + "dataset_name": "Fake News Filipino Dataset Dataset", + "dataset_abstract": "Expertly-curated benchmark dataset for fake news detection in Filipino.", + "paper_name": "Localization of Fake News Detection via Multitask Transfer Learning", + "paper_abstract": "The use of the internet as a fast medium of spreading fake news reinforces the need for computational tools that combat it. Techniques that train fake news classifiers exist, but they all assume an abundance of resources including large labeled datasets and expert-curated corpora, which low-resource languages may not have. In this work, we make two main contributions: First, we alleviate resource scarcity by constructing the first expertly-curated benchmark dataset for fake news detection in Filipino, which we call \"Fake News Filipino.\" Second, we benchmark Transfer Learning (TL) techniques and show that they can be used to train robust fake news classifiers from little data, achieving 91% accuracy on our fake news dataset, reducing the error by 14% compared to established few-shot baselines. Furthermore, lifting ideas from multitask learning, we show that augmenting transformer-based transfer techniques with auxiliary language modeling losses improves their performance by adapting to writing style. Using this, we improve TL performance by 4-6%, achieving an accuracy of 96% on our best model. Lastly, we show that our method generalizes well to different types of news articles, including political news, entertainment news, and opinion articles." + }, + "xor_tydi_qa": { + "pwc_id": "xor-tydi-qa", + "dataset_name": "XOR-TYDI QA Dataset", + "dataset_abstract": "A large-scale dataset built on questions from TyDi QA lacking same-language answers.", + "paper_name": "XOR QA: Cross-lingual Open-Retrieval Question Answering", + "paper_abstract": "Multilingual question answering tasks typically assume answers exist in the same language as the question. Yet in practice, many languages face both information scarcity -- where languages have few reference articles -- and information asymmetry -- where questions reference concepts from other cultures. This work extends open-retrieval question answering to a cross-lingual setting enabling questions from one language to be answered via answer content from another language. We construct a large-scale dataset built on questions from TyDi QA lacking same-language answers. Our task formulation, called Cross-lingual Open Retrieval Question Answering (XOR QA), includes 40k information-seeking questions from across 7 diverse non-English languages. Based on this dataset, we introduce three new tasks that involve cross-lingual document retrieval using multi-lingual and English resources. We establish baselines with state-of-the-art machine translation systems and cross-lingual pretrained models. Experimental results suggest that XOR QA is a challenging task that will facilitate the development of novel techniques for multilingual question answering. Our data and code are available at https://nlp.cs.washington.edu/xorqa." + }, + "metrec": { + "pwc_id": "metrec", + "dataset_name": "AraMeter Dataset", + "dataset_abstract": "A dataset to identify the meters of Arabic poems.", + "paper_name": "", + "paper_abstract": "" + }, + "mutual_friends": { + "pwc_id": "mutualfriends", + "dataset_name": "MutualFriends Dataset", + "dataset_abstract": "In MutualFriends, two agents, A and B, each have a private knowledge base, which contains a list of friends with multiple attributes (e.g., name, school, major, etc.). The agents must chat with each other to find their unique mutual friend.", + "paper_name": "Learning Symmetric Collaborative Dialogue Agents with Dynamic Knowledge Graph Embeddings", + "paper_abstract": "We study a symmetric collaborative dialogue setting in which two agents, each\nwith private knowledge, must strategically communicate to achieve a common\ngoal. The open-ended dialogue state in this setting poses new challenges for\nexisting dialogue systems. We collected a dataset of 11K human-human dialogues,\nwhich exhibits interesting lexical, semantic, and strategic elements. To model\nboth structured knowledge and unstructured language, we propose a neural model\nwith dynamic knowledge graph embeddings that evolve as the dialogue progresses.\nAutomatic and human evaluations show that our model is both more effective at\nachieving the goal and more human-like than baseline neural and rule-based\nmodels." + }, + "told-br": { + "pwc_id": "told-br", + "dataset_name": "ToLD-Br Dataset", + "dataset_abstract": "The Toxic Language Detection for Brazilian Portuguese (ToLD-Br) is a dataset with tweets in Brazilian Portuguese annotated according to different toxic aspects.", + "paper_name": "Toxic Language Detection in Social Media for Brazilian Portuguese: New Dataset and Multilingual Analysis", + "paper_abstract": "Hate speech and toxic comments are a common concern of social media platform users. Although these comments are, fortunately, the minority in these platforms, they are still capable of causing harm. Therefore, identifying these comments is an important task for studying and preventing the proliferation of toxicity in social media. Previous work in automatically detecting toxic comments focus mainly in English, with very few work in languages like Brazilian Portuguese. In this paper, we propose a new large-scale dataset for Brazilian Portuguese with tweets annotated as either toxic or non-toxic or in different types of toxicity. We present our dataset collection and annotation process, where we aimed to select candidates covering multiple demographic groups. State-of-the-art BERT models were able to achieve 76% macro-F1 score using monolingual data in the binary case. We also show that large-scale monolingual data is still needed to create more accurate models, despite recent advances in multilingual approaches. An error analysis and experiments with multi-label classification show the difficulty of classifying certain types of toxic comments that appear less frequently in our data and highlights the need to develop models that are aware of different categories of toxicity." + }, + "hover": { + "pwc_id": "hover", + "dataset_name": "HoVer Dataset", + "dataset_abstract": "Is a dataset for many-hop evidence extraction and fact verification. It challenges models to extract facts from several Wikipedia articles that are relevant to a claim and classify whether the claim is Supported or Not-Supported by the facts. In HoVer, the claims require evidence to be extracted from as many as four English Wikipedia articles and embody reasoning graphs of diverse shapes.", + "paper_name": "HoVer: A Dataset for Many-Hop Fact Extraction And Claim Verification", + "paper_abstract": "We introduce HoVer (HOppy VERification), a dataset for many-hop evidence extraction and fact verification. It challenges models to extract facts from several Wikipedia articles that are relevant to a claim and classify whether the claim is Supported or Not-Supported by the facts. In HoVer, the claims require evidence to be extracted from as many as four English Wikipedia articles and embody reasoning graphs of diverse shapes. Moreover, most of the 3/4-hop claims are written in multiple sentences, which adds to the complexity of understanding long-range dependency relations such as coreference. We show that the performance of an existing state-of-the-art semantic-matching model degrades significantly on our dataset as the number of reasoning hops increases, hence demonstrating the necessity of many-hop reasoning to achieve strong results. We hope that the introduction of this challenging dataset and the accompanying evaluation task will encourage research in many-hop fact retrieval and information verification. We make the HoVer dataset publicly available at https://hover-nlp.github.io" + }, + "hybrid_qa": { + "pwc_id": "hybridqa", + "dataset_name": "HybridQA Dataset", + "dataset_abstract": "A new large-scale question-answering dataset that requires reasoning on heterogeneous information. Each question is aligned with a Wikipedia table and multiple free-form corpora linked with the entities in the table. The questions are designed to aggregate both tabular information and text information, i.e., lack of either form would render the question unanswerable.", + "paper_name": "HybridQA: A Dataset of Multi-Hop Question Answering over Tabular and Textual Data", + "paper_abstract": "Existing question answering datasets focus on dealing with homogeneous information, based either only on text or KB/Table information alone. However, as human knowledge is distributed over heterogeneous forms, using homogeneous information alone might lead to severe coverage problems. To fill in the gap, we present HybridQA https://github.com/wenhuchen/HybridQA, a new large-scale question-answering dataset that requires reasoning on heterogeneous information. Each question is aligned with a Wikipedia table and multiple free-form corpora linked with the entities in the table. The questions are designed to aggregate both tabular information and text information, i.e., lack of either form would render the question unanswerable. We test with three different models: 1) a table-only model. 2) text-only model. 3) a hybrid model that combines heterogeneous information to find the answer. The experimental results show that the EM scores obtained by two baselines are below 20\\%, while the hybrid model can achieve an EM over 40\\%. This gap suggests the necessity to aggregate heterogeneous information in HybridQA. However, the hybrid model's score is still far behind human performance. Hence, HybridQA can serve as a challenging benchmark to study question answering with heterogeneous information." + }, + "gooaq": { + "pwc_id": "gooaq", + "dataset_name": "GooAQ Dataset", + "dataset_abstract": "GooAQ is a large-scale dataset with a variety of answer types. This dataset contains over 5 million questions and 3 million answers collected from Google. GooAQ questions are collected semi-automatically from the Google search engine using its autocomplete feature. This results in naturalistic questions of practical interest that are nonetheless short and expressed using simple language. GooAQ answers are mined from Google's responses to the collected questions, specifically from the answer boxes in the search results. This yields a rich space of answer types, containing both textual answers (short and long) as well as more structured ones such as collections.", + "paper_name": "GooAQ: Open Question Answering with Diverse Answer Types", + "paper_abstract": "While day-to-day questions come with a variety of answer types, the current question-answering (QA) literature has failed to adequately address the answer diversity of questions. To this end, we present GooAQ, a large-scale dataset with a variety of answer types. This dataset contains over 5 million questions and 3 million answers collected from Google. GooAQ questions are collected semi-automatically from the Google search engine using its autocomplete feature. This results in naturalistic questions of practical interest that are nonetheless short and expressed using simple language. GooAQ answers are mined from Google's responses to our collected questions, specifically from the answer boxes in the search results. This yields a rich space of answer types, containing both textual answers (short and long) as well as more structured ones such as collections. We benchmarkT5 models on GooAQ and observe that: (a) in line with recent work, LM's strong performance on GooAQ's short-answer questions heavily benefit from annotated data; however, (b) their quality in generating coherent and accurate responses for questions requiring long responses (such as 'how' and 'why' questions) is less reliant on observing annotated data and mainly supported by their pre-training. We release GooAQ to facilitate further research on improving QA with diverse response types." + }, + "prachathai67k": { + "pwc_id": "prachathai-67k", + "dataset_name": "prachathai-67k Dataset", + "dataset_abstract": "The prachathai-67k dataset was scraped from the news site Prachathai excluding articles with less than 500 characters of body text (mostly images and cartoons). It contains 67,889 articles with 51,797 tags from August 24, 2004 to November 15, 2018.", + "paper_name": "", + "paper_abstract": "" + }, + "moroco": { + "pwc_id": "moroco", + "dataset_name": "MOROCO Dataset", + "dataset_abstract": "The MOldavian and ROmanian Dialectal COrpus (MOROCO) is a corpus that contains 33,564 samples of text (with over 10 million tokens) collected from the news domain. The samples belong to one of the following six topics: culture, finance, politics, science, sports and tech. The data set is divided into 21,719 samples for training, 5,921 samples for validation and another 5,924 samples for testing.", + "paper_name": "MOROCO: The Moldavian and Romanian Dialectal Corpus", + "paper_abstract": "In this work, we introduce the MOldavian and ROmanian Dialectal COrpus (MOROCO), which is freely available for download at https://github.com/butnaruandrei/MOROCO. The corpus contains 33564 samples of text (with over 10 million tokens) collected from the news domain. The samples belong to one of the following six topics: culture, finance, politics, science, sports and tech. The data set is divided into 21719 samples for training, 5921 samples for validation and another 5924 samples for testing. For each sample, we provide corresponding dialectal and category labels. This allows us to perform empirical studies on several classification tasks such as (i) binary discrimination of Moldavian versus Romanian text samples, (ii) intra-dialect multi-class categorization by topic and (iii) cross-dialect multi-class categorization by topic. We perform experiments using a shallow approach based on string kernels, as well as a novel deep approach based on character-level convolutional neural networks containing Squeeze-and-Excitation blocks. We also present and analyze the most discriminative features of our best performing model, before and after named entity removal." + }, + "x_stance": { + "pwc_id": "x-stance", + "dataset_name": "x-stance Dataset", + "dataset_abstract": "A large-scale stance detection dataset from comments written by candidates of elections in Switzerland. The dataset consists of German, French and Italian text, allowing for a cross-lingual evaluation of stance detection. It contains 67 000 comments on more than 150 political issues (targets).", + "paper_name": "X-Stance: A Multilingual Multi-Target Dataset for Stance Detection", + "paper_abstract": "We extract a large-scale stance detection dataset from comments written by candidates of elections in Switzerland. The dataset consists of German, French and Italian text, allowing for a cross-lingual evaluation of stance detection. It contains 67 000 comments on more than 150 political issues (targets). Unlike stance detection models that have specific target issues, we use the dataset to train a single model on all the issues. To make learning across targets possible, we prepend to each instance a natural question that represents the target (e.g. \"Do you support X?\"). Baseline results from multilingual BERT show that zero-shot cross-lingual and cross-target transfer of stance detection is moderately successful with this approach." + }, + "cawac": { + "pwc_id": "cawac", + "dataset_name": "caWaC Dataset", + "dataset_abstract": "The corpus represents the largest existing corpus of Catalan containing 687 million words, which is a significant increase given that until now the biggest corpus of Catalan, CuCWeb, counts 166 million words.", + "paper_name": "caWaC -- A web corpus of Catalan and its application to language modeling and machine translation", + "paper_abstract": "In this paper we present the construction process of a web corpus of Catalan built from the content of the .cat top-level domain. For collecting and processing data we use the Brno pipeline with the spiderling crawler and its accompanying tools. To the best of our knowledge the corpus represents the largest existing corpus of Catalan containing 687 million words, which is a significant increase given that until now the biggest corpus of Catalan, CuCWeb, counts 166 million words. We evaluate the resulting resource on the tasks of language modeling and statistical machine translation (SMT) by calculating LM perplexity and incorporating the LM in the SMT pipeline. We compare language models trained on different subsets of the resource with those trained on the Catalan Wikipedia and the target side of the parallel data used to train the SMT system." + }, + "newsph": { + "pwc_id": "newsph-nli", + "dataset_name": "NewsPH-NLI Dataset", + "dataset_abstract": "NewsPH-NLI is a sentence entailment benchmark dataset in the low-resource Filipino language.", + "paper_name": "Exploiting News Article Structure for Automatic Corpus Generation of Entailment Datasets", + "paper_abstract": "Transformers represent the state-of-the-art in Natural Language Processing (NLP) in recent years, proving effective even in tasks done in low-resource languages. While pretrained transformers for these languages can be made, it is challenging to measure their true performance and capacity due to the lack of hard benchmark datasets, as well as the difficulty and cost of producing them. In this paper, we present three contributions: First, we propose a methodology for automatically producing Natural Language Inference (NLI) benchmark datasets for low-resource languages using published news articles. Through this, we create and release NewsPH-NLI, the first sentence entailment benchmark dataset in the low-resource Filipino language. Second, we produce new pretrained transformers based on the ELECTRA technique to further alleviate the resource scarcity in Filipino, benchmarking them on our dataset against other commonly-used transfer learning techniques. Lastly, we perform analyses on transfer learning techniques to shed light on their true performance when operating in low-data domains through the use of degradation tests." + }, + "labr": { + "pwc_id": "labr", + "dataset_name": "LABR Dataset", + "dataset_abstract": "LABR is a large sentiment analysis dataset to-date for the Arabic language. It consists of over 63,000 book reviews, each rated on a scale of 1 to 5 stars.", + "paper_name": "", + "paper_abstract": "" + }, + "metooma": { + "pwc_id": "metooma", + "dataset_name": "#MeTooMA Dataset", + "dataset_abstract": "The dataset consists of tweets belonging to #MeToo movement on Twitter, labelled into different categories.", + "paper_name": "", + "paper_abstract": "" + }, + "hard": { + "pwc_id": "hard", + "dataset_name": "HARD Dataset", + "dataset_abstract": "The Hotel Arabic-Reviews Dataset (HARD) contains 93700 hotel reviews in Arabic language. The hotel reviews were collected from Booking.com website during June/July 2016. The reviews are expressed in Modern Standard Arabic as well as dialectal Arabic.", + "paper_name": "", + "paper_abstract": "" + }, + "liveqa": { + "pwc_id": "liveqa", + "dataset_name": "LiveQA Dataset", + "dataset_abstract": "A new question answering dataset constructed from play-by-play live broadcast. It contains 117k multiple-choice questions written by human commentators for over 1,670 NBA games, which are collected from the Chinese Hupu (https://nba.hupu.com/games) website.", + "paper_name": "LiveQA: A Question Answering Dataset over Sports Live", + "paper_abstract": "In this paper, we introduce LiveQA, a new question answering dataset constructed from play-by-play live broadcast. It contains 117k multiple-choice questions written by human commentators for over 1,670 NBA games, which are collected from the Chinese Hupu (https://nba.hupu.com/games) website. Derived from the characteristics of sports games, LiveQA can potentially test the reasoning ability across timeline-based live broadcasts, which is challenging compared to the existing datasets. In LiveQA, the questions require understanding the timeline, tracking events or doing mathematical computations. Our preliminary experiments show that the dataset introduces a challenging problem for question answering models, and a strong baseline model only achieves the accuracy of 53.1\\% and cannot beat the dominant option rule. We release the code and data of this paper for future research." + }, + "mkqa": { + "pwc_id": "mkqa", + "dataset_name": "MKQA Dataset", + "dataset_abstract": "Multilingual Knowledge Questions and Answers (MKQA) is an open-domain question answering evaluation set comprising 10k question-answer pairs aligned across 26 typologically diverse languages (260k question-answer pairs in total). The goal of this dataset is to provide a challenging benchmark for question answering quality across a wide set of languages. Answers are based on a language-independent data representation, making results comparable across languages and independent of language-specific passages. With 26 languages, this dataset supplies the widest range of languages to-date for evaluating question answering.", + "paper_name": "MKQA: A Linguistically Diverse Benchmark for Multilingual Open Domain Question Answering", + "paper_abstract": "Progress in cross-lingual modeling depends on challenging, realistic, and diverse evaluation sets. We introduce Multilingual Knowledge Questions and Answers (MKQA), an open-domain question answering evaluation set comprising 10k question-answer pairs aligned across 26 typologically diverse languages (260k question-answer pairs in total). Answers are based on a heavily curated, language-independent data representation, making results comparable across languages and independent of language-specific passages. With 26 languages, this dataset supplies the widest range of languages to-date for evaluating question answering. We benchmark a variety of state-of-the-art methods and baselines for generative and extractive question answering, trained on Natural Questions, in zero shot and translation settings. Results indicate this dataset is challenging even in English, but especially in low-resource languages" + }, + "onestop_qa": { + "pwc_id": "onestopqa", + "dataset_name": "OneStopQA Dataset", + "dataset_abstract": "OneStopQA provides an alternative test set for reading comprehension which alleviates these shortcomings and has a substantially higher human ceiling performance.", + "paper_name": "STARC: Structured Annotations for Reading Comprehension", + "paper_abstract": "We present STARC (Structured Annotations for Reading Comprehension), a new annotation framework for assessing reading comprehension with multiple choice questions. Our framework introduces a principled structure for the answer choices and ties them to textual span annotations. The framework is implemented in OneStopQA, a new high-quality dataset for evaluation and analysis of reading comprehension in English. We use this dataset to demonstrate that STARC can be leveraged for a key new application for the development of SAT-like reading comprehension materials: automatic annotation quality probing via span ablation experiments. We further show that it enables in-depth analyses and comparisons between machine and human reading comprehension behavior, including error distributions and guessing ability. Our experiments also reveal that the standard multiple choice dataset in NLP, RACE, is limited in its ability to measure reading comprehension. 47% of its questions can be guessed by machines without accessing the passage, and 18% are unanimously judged by humans as not having a unique correct answer. OneStopQA provides an alternative test set for reading comprehension which alleviates these shortcomings and has a substantially higher human ceiling performance." + }, + "opinosis": { + "pwc_id": "opinosis", + "dataset_name": "Opinosis Dataset", + "dataset_abstract": "This dataset contains sentences extracted from user reviews on a given topic. Example topics are \u201cperformance of Toyota Camry\u201d and \u201csound quality of ipod nano\u201d, etc. In total there are 51 such topics with each topic having approximately 100 sentences (on average). The reviews were obtained from various sources \u2013 Tripadvisor (hotels), Edmunds.com (cars) and Amazon.com (various electronics). This dataset was used for the following automatic text summarization project .", + "paper_name": "", + "paper_abstract": "" + }, + "wili_2018": { + "pwc_id": "wili-2018", + "dataset_name": "WiLI-2018 Dataset", + "dataset_abstract": "WiLI-2018 is a benchmark dataset for monolingual written natural language identification. WiLI-2018 is a publicly available, free of charge dataset of short text extracts from Wikipedia. It contains 1000 paragraphs of 235 languages, totaling in 23500 paragraphs. WiLI is a classification dataset: Given an unknown paragraph written in one dominant language, it has to be decided which language it is.", + "paper_name": "The WiLI benchmark dataset for written language identification", + "paper_abstract": "This paper describes the WiLI-2018 benchmark dataset for monolingual written\nnatural language identification. WiLI-2018 is a publicly available, free of\ncharge dataset of short text extracts from Wikipedia. It contains 1000\nparagraphs of 235 languages, totaling in 23500 paragraphs. WiLI is a\nclassification dataset: Given an unknown paragraph written in one dominant\nlanguage, it has to be decided which language it is." + }, + "wider_face": { + "pwc_id": "wider-face-1", + "dataset_name": "WIDER FACE Dataset", + "dataset_abstract": "The WIDER FACE dataset contains 32,203 images and labels 393,703 faces with a high degree of variability in scale, pose and occlusion. The database is split into training (40%), validation (10%) and testing (50%) set. Besides, the images are divided into three levels (Easy \u2286 Medium \u2286 Hard) according to the difficulties of the detection. The images and annotations of training and validation set are available online, while the annotations of testing set are not released and the results are sent to the database server for receiving the precision-recall curves.", + "paper_name": "WIDER FACE: A Face Detection Benchmark", + "paper_abstract": "Face detection is one of the most studied topics in the computer vision\ncommunity. Much of the progresses have been made by the availability of face\ndetection benchmark datasets. We show that there is a gap between current face\ndetection performance and the real world requirements. To facilitate future\nface detection research, we introduce the WIDER FACE dataset, which is 10 times\nlarger than existing datasets. The dataset contains rich annotations, including\nocclusions, poses, event categories, and face bounding boxes. Faces in the\nproposed dataset are extremely challenging due to large variations in scale,\npose and occlusion, as shown in Fig. 1. Furthermore, we show that WIDER FACE\ndataset is an effective training source for face detection. We benchmark\nseveral representative detection systems, providing an overview of\nstate-of-the-art performance and propose a solution to deal with large scale\nvariation. Finally, we discuss common failure cases that worth to be further\ninvestigated. Dataset can be downloaded at:\nmmlab.ie.cuhk.edu.hk/projects/WIDERFace" + }, + "wiki_qa_ar": { + "pwc_id": "wikiqaar", + "dataset_name": "WikiQAar Dataset", + "dataset_abstract": "A publicly available set of question and sentence pairs, collected and annotated for research on open-domain question answering.", + "paper_name": "", + "paper_abstract": "" + }, + "wikitext_tl39": { + "pwc_id": "wikitext-tl-39", + "dataset_name": "WikiText-TL-39 Dataset", + "dataset_abstract": "WikiText-TL-39 is a benchmark language modeling dataset in Filipino that has 39 million tokens in the training set.", + "paper_name": "Evaluating Language Model Finetuning Techniques for Low-resource Languages", + "paper_abstract": "Unlike mainstream languages (such as English and French), low-resource languages often suffer from a lack of expert-annotated corpora and benchmark resources that make it hard to apply state-of-the-art techniques directly. In this paper, we alleviate this scarcity problem for the low-resourced Filipino language in two ways. First, we introduce a new benchmark language modeling dataset in Filipino which we call WikiText-TL-39. Second, we show that language model finetuning techniques such as BERT and ULMFiT can be used to consistently train robust classifiers in low-resource settings, experiencing at most a 0.0782 increase in validation error when the number of training examples is decreased from 10K to 1K while finetuning using a privately-held sentiment dataset." + }, + "lm1b": { + "pwc_id": "billion-word-benchmark", + "dataset_name": "Billion Word Benchmark Dataset", + "dataset_abstract": "The One Billion Word dataset is a dataset for language modeling. The training/held-out data was produced from the WMT 2011 News Crawl data using a combination of Bash shell and Perl scripts.", + "paper_name": "One Billion Word Benchmark for Measuring Progress in Statistical Language Modeling", + "paper_abstract": "We propose a new benchmark corpus to be used for measuring progress in\nstatistical language modeling. With almost one billion words of training data,\nwe hope this benchmark will be useful to quickly evaluate novel language\nmodeling techniques, and to compare their contribution when combined with other\nadvanced techniques. We show performance of several well-known types of\nlanguage models, with the best results achieved with a recurrent neural network\nbased language model. The baseline unpruned Kneser-Ney 5-gram model achieves\nperplexity 67.6; a combination of techniques leads to 35% reduction in\nperplexity, or 10% reduction in cross-entropy (bits), over that baseline.\n The benchmark is available as a code.google.com project; besides the scripts\nneeded to rebuild the training/held-out data, it also makes available\nlog-probability values for each word in each of ten held-out data sets, for\neach of the baseline n-gram models." + }, + "s2orc": { + "pwc_id": "s2orc", + "dataset_name": "S2ORC Dataset", + "dataset_abstract": "A large corpus of 81.1M English-language academic papers spanning many academic disciplines. Rich metadata, paper abstracts, resolved bibliographic references, as well as structured full text for 8.1M open access papers. Full text annotated with automatically-detected inline mentions of citations, figures, and tables, each linked to their corresponding paper objects. Aggregated papers from hundreds of academic publishers and digital archives into a unified source, and create the largest publicly-available collection of machine-readable academic text to date.", + "paper_name": "S2ORC: The Semantic Scholar Open Research Corpus", + "paper_abstract": "We introduce S2ORC, a large corpus of 81.1M English-language academic papers spanning many academic disciplines. The corpus consists of rich metadata, paper abstracts, resolved bibliographic references, as well as structured full text for 8.1M open access papers. Full text is annotated with automatically-detected inline mentions of citations, figures, and tables, each linked to their corresponding paper objects. In S2ORC, we aggregate papers from hundreds of academic publishers and digital archives into a unified source, and create the largest publicly-available collection of machine-readable academic text to date. We hope this resource will facilitate research and development of tools and tasks for text mining over academic text." + }, + "spanish_billion_words": { + "pwc_id": "sbwce", + "dataset_name": "SBWCE Dataset", + "dataset_abstract": "This resource consists of an unannotated corpus of the Spanish language of nearly 1.5 billion words, compiled from different corpora and resources from the web; and a set of word vectors (or embeddings), created from this corpus using the word2vec algorithm, provided by the gensim package. These embeddings were evaluated by translating to Spanish word2vec\u2019s word relation test set.", + "paper_name": "", + "paper_abstract": "" + }, + "time_dial": { + "pwc_id": "timedial", + "dataset_name": "TimeDial Dataset", + "dataset_abstract": "TimeDial presents a crowdsourced English challenge set, for temporal commonsense reasoning, formulated as a multiple choice cloze task with around 1.5k carefully curated dialogs. The dataset is derived from the DailyDialog, which is a multi-turn dialog corpus.\n\nTimeDial dataset consists of 1,104 dialog instances with 2 correct and 2 incorrect options with the following statistics:", + "paper_name": "TIMEDIAL: Temporal Commonsense Reasoning in Dialog", + "paper_abstract": "Everyday conversations require understanding everyday events, which in turn, requires understanding temporal commonsense concepts interwoven with those events. Despite recent progress with massive pre-trained language models (LMs) such as T5 and GPT-3, their capability of temporal reasoning in dialogs remains largely under-explored. In this paper, we present the first study to investigate pre-trained LMs for their temporal reasoning capabilities in dialogs by introducing a new task and a crowd-sourced English challenge set, TIMEDIAL. We formulate TIME-DIAL as a multiple-choice cloze task with over 1.1K carefully curated dialogs. Empirical results demonstrate that even the best performing models struggle on this task compared to humans, with 23 absolute points of gap in accuracy. Furthermore, our analysis reveals that the models fail to reason about dialog context correctly; instead, they rely on shallow cues based on existing temporal patterns in context, motivating future research for modeling temporal concepts in text and robust contextual reasoning about them. The dataset is publicly available at: https://github.com/google-research-datasets/timedial." + }, + "urdu_sentiment_corpus": { + "pwc_id": "urdu-sentiment-corpus", + "dataset_name": "Urdu Sentiment Corpus Dataset", + "dataset_abstract": "Consists of Urdu tweets for the sentiment analysis and polarity detection. The dataset is consisting of tweets, such that it casts a political shadow and presents a competitive environment between two separate political parties versus the government of Pakistan. Overall, the dataset is comprising over 17, 185 tokens with 52% records as positive, and 48% records as negative.", + "paper_name": "", + "paper_abstract": "" + }, + "sharc": { + "pwc_id": "sharc", + "dataset_name": "ShARC Dataset", + "dataset_abstract": "ShARC is a Conversational Question Answering dataset focussing on question answering from texts containing rules.", + "paper_name": "Interpretation of Natural Language Rules in Conversational Machine Reading", + "paper_abstract": "Most work in machine reading focuses on question answering problems where the\nanswer is directly expressed in the text to read. However, many real-world\nquestion answering problems require the reading of text not because it contains\nthe literal answer, but because it contains a recipe to derive an answer\ntogether with the reader's background knowledge. One example is the task of\ninterpreting regulations to answer \"Can I...?\" or \"Do I have to...?\" questions\nsuch as \"I am working in Canada. Do I have to carry on paying UK National\nInsurance?\" after reading a UK government website about this topic. This task\nrequires both the interpretation of rules and the application of background\nknowledge. It is further complicated due to the fact that, in practice, most\nquestions are underspecified, and a human assistant will regularly have to ask\nclarification questions such as \"How long have you been working abroad?\" when\nthe answer cannot be directly derived from the question and text. In this\npaper, we formalise this task and develop a crowd-sourcing strategy to collect\n32k task instances based on real-world rules and crowd-generated questions and\nscenarios. We analyse the challenges of this task and assess its difficulty by\nevaluating the performance of rule-based and machine-learning baselines. We\nobserve promising results when no background knowledge is necessary, and\nsubstantial room for improvement whenever background knowledge is needed." + }, + "GEM/xlsum": { + "pwc_id": "xl-sum", + "dataset_name": "XL-Sum Dataset", + "dataset_abstract": "XL-Sum is a comprehensive and diverse dataset for abstractive summarization comprising 1 million professionally annotated article-summary pairs from BBC, extracted using a set of carefully designed heuristics. The dataset covers 44 languages ranging from low to high-resource, for many of which no public dataset is currently available. XL-Sum is highly abstractive, concise, and of high quality, as indicated by human and intrinsic evaluation.", + "paper_name": "XL-Sum: Large-Scale Multilingual Abstractive Summarization for 44 Languages", + "paper_abstract": "Contemporary works on abstractive text summarization have focused primarily on high-resource languages like English, mostly due to the limited availability of datasets for low/mid-resource ones. In this work, we present XL-Sum, a comprehensive and diverse dataset comprising 1 million professionally annotated article-summary pairs from BBC, extracted using a set of carefully designed heuristics. The dataset covers 44 languages ranging from low to high-resource, for many of which no public dataset is currently available. XL-Sum is highly abstractive, concise, and of high quality, as indicated by human and intrinsic evaluation. We fine-tune mT5, a state-of-the-art pretrained multilingual model, with XL-Sum and experiment on multilingual and low-resource summarization tasks. XL-Sum induces competitive results compared to the ones obtained using similar monolingual datasets: we show higher than 11 ROUGE-2 scores on 10 languages we benchmark on, with some of them exceeding 15, as obtained by multilingual training. Additionally, training on low-resource languages individually also provides competitive performance. To the best of our knowledge, XL-Sum is the largest abstractive summarization dataset in terms of the number of samples collected from a single source and the number of languages covered. We are releasing our dataset and models to encourage future research on multilingual abstractive summarization. The resources can be found at \\url{https://github.com/csebuetnlp/xl-sum}." + }, + "refresd": { + "pwc_id": "refresd", + "dataset_name": "REFreSD Dataset", + "dataset_abstract": "Consists of English-French sentence-pairs annotated with semantic divergence classes and token-level rationales.", + "paper_name": "Detecting Fine-Grained Cross-Lingual Semantic Divergences without Supervision by Learning to Rank", + "paper_abstract": "Detecting fine-grained differences in content conveyed in different languages matters for cross-lingual NLP and multilingual corpora analysis, but it is a challenging machine learning problem since annotation is expensive and hard to scale. This work improves the prediction and annotation of fine-grained semantic divergences. We introduce a training strategy for multilingual BERT models by learning to rank synthetic divergent examples of varying granularity. We evaluate our models on the Rationalized English-French Semantic Divergences, a new dataset released with this work, consisting of English-French sentence-pairs annotated with semantic divergence classes and token-level rationales. Learning to rank helps detect fine-grained sentence-level divergences more accurately than a strong sentence-level similarity model, while token-level predictions have the potential of further distinguishing between coarse and fine-grained divergences." + }, + "roman_urdu": { + "pwc_id": "roman-urdu-data-set", + "dataset_name": "Roman Urdu Data Set Dataset", + "dataset_abstract": "Tagged for Sentiment (Positive, Negative, Neutral).", + "paper_name": "", + "paper_abstract": "" + }, + "tsac": { + "pwc_id": "tsac", + "dataset_name": "TSAC Dataset", + "dataset_abstract": "Tunisian Sentiment Analysis Corpus (TSAC) is a Tunisian Dialect corpus of 17.000 comments from Facebook.", + "paper_name": "Sentiment Analysis of Tunisian Dialects: Linguistic Ressources and Experiments", + "paper_abstract": "Dialectal Arabic (DA) is significantly different from the Arabic language taught in schools and used in written communication and formal speech (broadcast news, religion, politics, etc.). There are many existing researches in the field of Arabic language Sentiment Analysis (SA); however, they are generally restricted to Modern Standard Arabic (MSA) or some dialects of economic or political interest. In this paper we are interested in the SA of the Tunisian Dialect. We utilize Machine Learning techniques to determine the polarity of comments written in Tunisian Dialect. First, we evaluate the SA systems performances with models trained using freely available MSA and Multi-dialectal data sets. We then collect and annotate a Tunisian Dialect corpus of 17.000 comments from Facebook. This corpus allows us a significant accuracy improvement compared to the best model trained on other Arabic dialects or MSA data. We believe that this first freely available corpus will be valuable to researchers working in the field of Tunisian Sentiment Analysis and similar areas." + }, + "pass": { + "pwc_id": "pass", + "dataset_name": "PASS Dataset", + "dataset_abstract": "PASS is a large-scale image dataset, containing 1.4 million images, that does not include any humans and which can be used for high-quality pretraining while significantly reducing privacy concerns.", + "paper_name": "PASS: An ImageNet replacement for self-supervised pretraining without humans", + "paper_abstract": "Computer vision has long relied on ImageNet and other large datasets of images sampled from the Internet for pretraining models. However, these datasets have ethical and technical shortcomings, such as containing personal information taken without consent, unclear license usage, biases, and, in some cases, even problematic image content. On the other hand, state-of-the-art pretraining is nowadays obtained with unsupervised methods, meaning that labelled datasets such as ImageNet may not be necessary, or perhaps not even optimal, for model pretraining. We thus propose an unlabelled dataset PASS: Pictures without humAns for Self-Supervision. PASS only contains images with CC-BY license and complete attribution metadata, addressing the copyright issue. Most importantly, it contains no images of people at all, and also avoids other types of images that are problematic for data protection or ethics. We show that PASS can be used for pretraining with methods such as MoCo-v2, SwAV and DINO. In the transfer learning setting, it yields similar downstream performances to ImageNet pretraining even on tasks that involve humans, such as human pose estimation. PASS does not make existing datasets obsolete, as for instance it is insufficient for benchmarking. However, it shows that model pretraining is often possible while using safer data, and it also provides the basis for a more robust evaluation of pretraining methods." + }, + "tunizi": { + "pwc_id": "tunizi", + "dataset_name": "TUNIZI Dataset", + "dataset_abstract": "A sentiment analysis Tunisian Arabizi Dataset, collected from social networks, preprocessed for analytical studies and annotated manually by Tunisian native speakers.", + "paper_name": "TUNIZI: a Tunisian Arabizi sentiment analysis Dataset", + "paper_abstract": "On social media, Arabic people tend to express themselves in their own local dialects. More particularly, Tunisians use the informal way called \"Tunisian Arabizi\". Analytical studies seek to explore and recognize online opinions aiming to exploit them for planning and prediction purposes such as measuring the customer satisfaction and establishing sales and marketing strategies. However, analytical studies based on Deep Learning are data hungry. On the other hand, African languages and dialects are considered low resource languages. For instance, to the best of our knowledge, no annotated Tunisian Arabizi dataset exists. In this paper, we introduce TUNIZI a sentiment analysis Tunisian Arabizi Dataset, collected from social networks, preprocessed for analytical studies and annotated manually by Tunisian native speakers." + }, + "norec": { + "pwc_id": "norec", + "dataset_name": "NoReC Dataset", + "dataset_abstract": "The Norwegian Review Corpus (NoReC) was created for the purpose of training and evaluating models for document-level sentiment analysis. More than 43,000 full-text reviews have been collected from major Norwegian news sources and cover a range of different domains, including literature, movies, video games, restaurants, music and theater, in addition to product reviews across a range of categories. Each review is labeled with a manually assigned score of 1\u20136, as provided by the rating of the original author.", + "paper_name": "NoReC: The Norwegian Review Corpus", + "paper_abstract": "This paper presents the Norwegian Review Corpus (NoReC), created for training\nand evaluating models for document-level sentiment analysis. The full-text\nreviews have been collected from major Norwegian news sources and cover a range\nof different domains, including literature, movies, video games, restaurants,\nmusic and theater, in addition to product reviews across a range of categories.\nEach review is labeled with a manually assigned score of 1-6, as provided by\nthe rating of the original author. This first release of the corpus comprises\nmore than 35,000 reviews. It is distributed using the CoNLL-U format,\npre-processed using UDPipe, along with a rich set of metadata. The work\nreported in this paper forms part of the SANT initiative (Sentiment Analysis\nfor Norwegian Text), a project seeking to provide resources and tools for\nsentiment analysis and opinion mining for Norwegian. As resources for sentiment\nanalysis have so far been unavailable for Norwegian, NoReC represents a highly\nvaluable and sought-after addition to Norwegian language technology." + }, + "medmcqa": { + "pwc_id": "medmcqa", + "dataset_name": "MedMCQA Dataset", + "dataset_abstract": "MedMCQA is a large-scale, Multiple-Choice Question Answering (MCQA) dataset designed to address real-world medical entrance exam questions.\n\nMedMCQA has more than 194k high-quality AIIMS & NEET PG entrance exam MCQs covering 2.4k healthcare topics and 21 medical subjects are collected with an average token length of 12.77 and high topical diversity.", + "paper_name": "MedMCQA : A Large-scale Multi-Subject Multi-Choice Dataset for Medical domain Question Answering", + "paper_abstract": "This paper introduces MedMCQA, a new large-scale, Multiple-Choice Question Answering (MCQA) dataset designed to address real-world medical entrance exam questions. More than 194k high-quality AIIMS \\& NEET PG entrance exam MCQs covering 2.4k healthcare topics and 21 medical subjects are collected with an average token length of 12.77 and high topical diversity. Each sample contains a question, correct answer(s), and other options which requires a deeper language understanding as it tests the 10+ reasoning abilities of a model across a wide range of medical subjects \\& topics. A detailed explanation of the solution, along with the above information, is provided in this study." + }, + "metashift": { + "pwc_id": "metashift", + "dataset_name": "MetaShift Dataset", + "dataset_abstract": "MetaShift is a collection of 12,868 sets of natural images across 410 classes. It can be used to benchmark and evaluate how robust machine learning models are to data shifts.", + "paper_name": "MetaShift: A Dataset of Datasets for Evaluating Contextual Distribution Shifts and Training Conflicts", + "paper_abstract": "Understanding the performance of machine learning models across diverse data distributions is critically important for reliable applications. Motivated by this, there is a growing focus on curating benchmark datasets that capture distribution shifts. While valuable, the existing benchmarks are limited in that many of them only contain a small number of shifts and they lack systematic annotation about what is different across different shifts. We present MetaShift--a collection of 12,868 sets of natural images across 410 classes--to address this challenge. We leverage the natural heterogeneity of Visual Genome and its annotations to construct MetaShift. The key construction idea is to cluster images using its metadata, which provides context for each image (e.g. \"cats with cars\" or \"cats in bathroom\") that represent distinct data distributions. MetaShift has two important benefits: first, it contains orders of magnitude more natural data shifts than previously available. Second, it provides explicit explanations of what is unique about each of its data sets and a distance score that measures the amount of distribution shift between any two of its data sets. We demonstrate the utility of MetaShift in benchmarking several recent proposals for training models to be robust to data shifts. We find that the simple empirical risk minimization performs the best when shifts are moderate and no method had a systematic advantage for large shifts. We also show how MetaShift can help to visualize conflicts between data subsets during model training." + }, + "csebuetnlp/xlsum": { + "pwc_id": "xl-sum", + "dataset_name": "XL-Sum Dataset", + "dataset_abstract": "XL-Sum is a comprehensive and diverse dataset for abstractive summarization comprising 1 million professionally annotated article-summary pairs from BBC, extracted using a set of carefully designed heuristics. The dataset covers 44 languages ranging from low to high-resource, for many of which no public dataset is currently available. XL-Sum is highly abstractive, concise, and of high quality, as indicated by human and intrinsic evaluation.", + "paper_name": "XL-Sum: Large-Scale Multilingual Abstractive Summarization for 44 Languages", + "paper_abstract": "Contemporary works on abstractive text summarization have focused primarily on high-resource languages like English, mostly due to the limited availability of datasets for low/mid-resource ones. In this work, we present XL-Sum, a comprehensive and diverse dataset comprising 1 million professionally annotated article-summary pairs from BBC, extracted using a set of carefully designed heuristics. The dataset covers 44 languages ranging from low to high-resource, for many of which no public dataset is currently available. XL-Sum is highly abstractive, concise, and of high quality, as indicated by human and intrinsic evaluation. We fine-tune mT5, a state-of-the-art pretrained multilingual model, with XL-Sum and experiment on multilingual and low-resource summarization tasks. XL-Sum induces competitive results compared to the ones obtained using similar monolingual datasets: we show higher than 11 ROUGE-2 scores on 10 languages we benchmark on, with some of them exceeding 15, as obtained by multilingual training. Additionally, training on low-resource languages individually also provides competitive performance. To the best of our knowledge, XL-Sum is the largest abstractive summarization dataset in terms of the number of samples collected from a single source and the number of languages covered. We are releasing our dataset and models to encourage future research on multilingual abstractive summarization. The resources can be found at \\url{https://github.com/csebuetnlp/xl-sum}." + }, + "BeIR/beir": { + "pwc_id": "beir", + "dataset_name": "BEIR Dataset", + "dataset_abstract": "BEIR (Benchmarking IR) is an heterogeneous benchmark containing different information retrieval (IR) tasks. Through BEIR, it is possible to systematically study the zero-shot generalization capabilities of multiple neural retrieval approaches.\n\nThe benchmark contains a total of 9 information retrieval tasks (Fact Checking, Citation Prediction, Duplicate Question Retrieval, Argument Retrieval, News Retrieval, Question Answering, Tweet Retrieval, Biomedical IR, Entity Retrieval) from 17 different datasets:\n\n\nMS MARCO\nTREC-COVID\nNFCorpus\nBioASQ\nNatural Questions\nHotpotQA\nFiQA-2018\nSignal-1M\nTREC-News\nArguAna\nTouche 2020\nCQADupStack\nQuora Question Pairs\nDBPedia\nSciDocs\nFEVER\nClimate-FEVER\nSciFact", + "paper_name": "BEIR: A Heterogenous Benchmark for Zero-shot Evaluation of Information Retrieval Models", + "paper_abstract": "Existing neural information retrieval (IR) models have often been studied in homogeneous and narrow settings, which has considerably limited insights into their out-of-distribution (OOD) generalization capabilities. To address this, and to facilitate researchers to broadly evaluate the effectiveness of their models, we introduce Benchmarking-IR (BEIR), a robust and heterogeneous evaluation benchmark for information retrieval. We leverage a careful selection of 18 publicly available datasets from diverse text retrieval tasks and domains and evaluate 10 state-of-the-art retrieval systems including lexical, sparse, dense, late-interaction and re-ranking architectures on the BEIR benchmark. Our results show BM25 is a robust baseline and re-ranking and late-interaction-based models on average achieve the best zero-shot performances, however, at high computational costs. In contrast, dense and sparse-retrieval models are computationally more efficient but often underperform other approaches, highlighting the considerable room for improvement in their generalization capabilities. We hope this framework allows us to better evaluate and understand existing retrieval systems, and contributes to accelerating progress towards better robust and generalizable systems in the future. BEIR is publicly available at https://github.com/UKPLab/beir." + }, + "bertin-project/mc4-sampling": { + "pwc_id": "mc4", + "dataset_name": "mC4 Dataset", + "dataset_abstract": "mC4 is a multilingual variant of the C4 dataset called mC4. mC4 comprises natural text in 101 languages drawn from the public Common Crawl web scrape.", + "paper_name": "mT5: A massively multilingual pre-trained text-to-text transformer", + "paper_abstract": "The recent \"Text-to-Text Transfer Transformer\" (T5) leveraged a unified text-to-text format and scale to attain state-of-the-art results on a wide variety of English-language NLP tasks. In this paper, we introduce mT5, a multilingual variant of T5 that was pre-trained on a new Common Crawl-based dataset covering 101 languages. We detail the design and modified training of mT5 and demonstrate its state-of-the-art performance on many multilingual benchmarks. We also describe a simple technique to prevent \"accidental translation\" in the zero-shot setting, where a generative model chooses to (partially) translate its prediction into the wrong language. All of the code and model checkpoints used in this work are publicly available." + }, + "BeIR/beir-corpus": { + "pwc_id": "beir", + "dataset_name": "BEIR Dataset", + "dataset_abstract": "BEIR (Benchmarking IR) is an heterogeneous benchmark containing different information retrieval (IR) tasks. Through BEIR, it is possible to systematically study the zero-shot generalization capabilities of multiple neural retrieval approaches.\n\nThe benchmark contains a total of 9 information retrieval tasks (Fact Checking, Citation Prediction, Duplicate Question Retrieval, Argument Retrieval, News Retrieval, Question Answering, Tweet Retrieval, Biomedical IR, Entity Retrieval) from 17 different datasets:\n\n\nMS MARCO\nTREC-COVID\nNFCorpus\nBioASQ\nNatural Questions\nHotpotQA\nFiQA-2018\nSignal-1M\nTREC-News\nArguAna\nTouche 2020\nCQADupStack\nQuora Question Pairs\nDBPedia\nSciDocs\nFEVER\nClimate-FEVER\nSciFact", + "paper_name": "BEIR: A Heterogenous Benchmark for Zero-shot Evaluation of Information Retrieval Models", + "paper_abstract": "Existing neural information retrieval (IR) models have often been studied in homogeneous and narrow settings, which has considerably limited insights into their out-of-distribution (OOD) generalization capabilities. To address this, and to facilitate researchers to broadly evaluate the effectiveness of their models, we introduce Benchmarking-IR (BEIR), a robust and heterogeneous evaluation benchmark for information retrieval. We leverage a careful selection of 18 publicly available datasets from diverse text retrieval tasks and domains and evaluate 10 state-of-the-art retrieval systems including lexical, sparse, dense, late-interaction and re-ranking architectures on the BEIR benchmark. Our results show BM25 is a robust baseline and re-ranking and late-interaction-based models on average achieve the best zero-shot performances, however, at high computational costs. In contrast, dense and sparse-retrieval models are computationally more efficient but often underperform other approaches, highlighting the considerable room for improvement in their generalization capabilities. We hope this framework allows us to better evaluate and understand existing retrieval systems, and contributes to accelerating progress towards better robust and generalizable systems in the future. BEIR is publicly available at https://github.com/UKPLab/beir." + }, + "GEM/OrangeSum": { + "pwc_id": "orangesum", + "dataset_name": "OrangeSum Dataset", + "dataset_abstract": "OrangeSum is a single-document extreme summarization dataset with two tasks: title and abstract. Ground truth summaries are respectively 11.42 and 32.12 words in length on average, for the title and abstract tasks respectively, while document sizes are 315 and 350 words.\n\nThe motivation for OrangeSum was to put together a French equivalent of the XSum dataset.\n\nUnlike the historical CNN, DailyMail, and NY Times datasets, OrangeSum requires the models to display a high degree of abstractivity to perform well.\nOrangeSum was created by scraping articles and their titles and abstracts from the Orange Actu website.\n\nScraped pages cover almost a decade from Feb 2011 to Sep 2020, and belong to five main categories: France, world, politics, automotive, and society.\nThe society category is itself divided into 8 subcategories: health, environment, people, culture, media, high-tech, unsual (\"insolite\" in French), and miscellaneous.\n\nThe dataset is publicly available at: https://github.com/Tixierae/OrangeSum.", + "paper_name": "BARThez: a Skilled Pretrained French Sequence-to-Sequence Model", + "paper_abstract": "Inductive transfer learning has taken the entire NLP field by storm, with models such as BERT and BART setting new state of the art on countless NLU tasks. However, most of the available models and research have been conducted for English. In this work, we introduce BARThez, the first large-scale pretrained seq2seq model for French. Being based on BART, BARThez is particularly well-suited for generative tasks. We evaluate BARThez on five discriminative tasks from the FLUE benchmark and two generative tasks from a novel summarization dataset, OrangeSum, that we created for this research. We show BARThez to be very competitive with state-of-the-art BERT-based French language models such as CamemBERT and FlauBERT. We also continue the pretraining of a multilingual BART on BARThez' corpus, and show our resulting model, mBARThez, to significantly boost BARThez' generative performance. Code, data and models are publicly available." + }, + "IlyaGusev/gazeta": { + "pwc_id": "gazeta", + "dataset_name": "Gazeta Dataset", + "dataset_abstract": "Gazeta is a dataset for automatic summarization of Russian news. The dataset consists of 63,435 text-summary pairs. To form training, validation, and test datasets, these pairs were sorted by time and the first 52,400 pairs are used as the training dataset, the proceeding 5,265 pairs as the validation dataset, and the remaining 5,770 pairs as the test dataset.", + "paper_name": "Dataset for Automatic Summarization of Russian News", + "paper_abstract": "Automatic text summarization has been studied in a variety of domains and languages. However, this does not hold for the Russian language. To overcome this issue, we present Gazeta, the first dataset for summarization of Russian news. We describe the properties of this dataset and benchmark several extractive and abstractive models. We demonstrate that the dataset is a valid task for methods of text summarization for Russian. Additionally, we prove the pretrained mBART model to be useful for Russian text summarization." + }, + "facebook/multilingual_librispeech": { + "pwc_id": "multilingual-librispeech", + "dataset_name": "Multilingual LibriSpeech Dataset", + "dataset_abstract": "Multilingual LibriSpeech is a large multilingual corpus suitable for speech research. The dataset is derived from read audiobooks from LibriVox and consists of 8 languages - English, German, Dutch, Spanish, French, Italian, Portuguese, Polish. It includes about 44.5K hours of English and a total of about 6K hours for other languages.", + "paper_name": "MLS: A Large-Scale Multilingual Dataset for Speech Research", + "paper_abstract": "This paper introduces Multilingual LibriSpeech (MLS) dataset, a large multilingual corpus suitable for speech research. The dataset is derived from read audiobooks from LibriVox and consists of 8 languages, including about 44.5K hours of English and a total of about 6K hours for other languages. Additionally, we provide Language Models (LM) and baseline Automatic Speech Recognition (ASR) models and for all the languages in our dataset. We believe such a large transcribed dataset will open new avenues in ASR and Text-To-Speech (TTS) research. The dataset will be made freely available for anyone at http://www.openslr.org." + }, + "GEM/indonlg": { + "pwc_id": "indonlg", + "dataset_name": "IndoNLG Dataset", + "dataset_abstract": "IndoNLG is a benchmark to measure natural language generation (NLG) progress in three low-resource\u2014yet widely spoken\u2014languages of Indonesia: Indonesian, Javanese, and Sundanese. Altogether, these languages are spoken by more than 100 million native speakers, and hence constitute an important use case of NLG systems today. Concretely, IndoNLG covers six tasks: summarization, question answering, chit-chat, and three different pairs of machine translation (MT) tasks.", + "paper_name": "IndoNLG: Benchmark and Resources for Evaluating Indonesian Natural Language Generation", + "paper_abstract": "Natural language generation (NLG) benchmarks provide an important avenue to measure progress and develop better NLG systems. Unfortunately, the lack of publicly available NLG benchmarks for low-resource languages poses a challenging barrier for building NLG systems that work well for languages with limited amounts of data. Here we introduce IndoNLG, the first benchmark to measure natural language generation (NLG) progress in three low-resource -- yet widely spoken -- languages of Indonesia: Indonesian, Javanese, and Sundanese. Altogether, these languages are spoken by more than 100 million native speakers, and hence constitute an important use case of NLG systems today. Concretely, IndoNLG covers six tasks: summarization, question answering, chit-chat, and three different pairs of machine translation (MT) tasks. We collate a clean pretraining corpus of Indonesian, Sundanese, and Javanese datasets, Indo4B-Plus, which is used to pretrain our models: IndoBART and IndoGPT. We show that IndoBART and IndoGPT achieve competitive performance on all tasks -- despite using only one-fifth the parameters of a larger multilingual model, mBART-LARGE (Liu et al., 2020). This finding emphasizes the importance of pretraining on closely related, local languages to achieve more efficient learning and faster inference for very low-resource languages like Javanese and Sundanese." + }, + "DDSC/dkhate": { + "pwc_id": "dkhate", + "dataset_name": "DKhate Dataset", + "dataset_abstract": "A corpus of Offensive Language and Hate Speech Detection for Danish\n\nThis DKhate dataset contains 3600 comments from the web annotated for offensive language, following the Zampieri et al. / OLID scheme.\n\nSubmissions and benchmarks for the OffensEval 2020 Danish track are also included.", + "paper_name": "Offensive Language and Hate Speech Detection for Danish", + "paper_abstract": "The presence of offensive language on social media platforms and the implications this poses is becoming a major concern in modern society. Given the enormous amount of content created every day, automatic methods are required to detect and deal with this type of content. Until now, most of the research has focused on solving the problem for the English language, while the problem is multilingual. We construct a Danish dataset containing user-generated comments from \\textit{Reddit} and \\textit{Facebook}. It contains user generated comments from various social media platforms, and to our knowledge, it is the first of its kind. Our dataset is annotated to capture various types and target of offensive language. We develop four automatic classification systems, each designed to work for both the English and the Danish language. In the detection of offensive language in English, the best performing system achieves a macro averaged F1-score of $0.74$, and the best performing system for Danish achieves a macro averaged F1-score of $0.70$. In the detection of whether or not an offensive post is targeted, the best performing system for English achieves a macro averaged F1-score of $0.62$, while the best performing system for Danish achieves a macro averaged F1-score of $0.73$. Finally, in the detection of the target type in a targeted offensive post, the best performing system for English achieves a macro averaged F1-score of $0.56$, and the best performing system for Danish achieves a macro averaged F1-score of $0.63$. Our work for both the English and the Danish language captures the type and targets of offensive language, and present automatic methods for detecting different kinds of offensive language such as hate speech and cyberbullying." + }, + "GEM/squad_v2": { + "pwc_id": "squad", + "dataset_name": "SQuAD Dataset", + "dataset_abstract": "The Stanford Question Answering Dataset (SQuAD) is a collection of question-answer pairs derived from Wikipedia articles. In SQuAD, the correct answers of questions can be any sequence of tokens in the given text. Because the questions and answers are produced by humans through crowdsourcing, it is more diverse than some other question-answering datasets. SQuAD 1.1 contains 107,785 question-answer pairs on 536 articles. SQuAD2.0 (open-domain SQuAD, SQuAD-Open), the latest version, combines the 100,000 questions in SQuAD1.1 with over 50,000 un-answerable questions written adversarially by crowdworkers in forms that are similar to the answerable ones.", + "paper_name": "SQuAD: 100,000+ Questions for Machine Comprehension of Text", + "paper_abstract": "We present the Stanford Question Answering Dataset (SQuAD), a new reading\ncomprehension dataset consisting of 100,000+ questions posed by crowdworkers on\na set of Wikipedia articles, where the answer to each question is a segment of\ntext from the corresponding reading passage. We analyze the dataset to\nunderstand the types of reasoning required to answer the questions, leaning\nheavily on dependency and constituency trees. We build a strong logistic\nregression model, which achieves an F1 score of 51.0%, a significant\nimprovement over a simple baseline (20%). However, human performance (86.8%) is\nmuch higher, indicating that the dataset presents a good challenge problem for\nfuture research.\n The dataset is freely available at https://stanford-qa.com" + }, + "dennlinger/klexikon": { + "pwc_id": "klexikon", + "dataset_name": "Klexikon Dataset", + "dataset_abstract": "The dataset introduces document alignments between German Wikipedia and the children's lexicon Klexikon.\nThe source texts in Wikipedia are both written in a more complex language than Klexikon, and also significantly longer, which makes this a suitable application for both summarization and simplification.\nIn fact, previous research has so far only focused on either of the two, but not comprehensively been studied as a joint task.", + "paper_name": "Klexikon: A German Dataset for Joint Summarization and Simplification", + "paper_abstract": "Traditionally, Text Simplification is treated as a monolingual translation task where sentences between source texts and their simplified counterparts are aligned for training. However, especially for longer input documents, summarizing the text (or dropping less relevant content altogether) plays an important role in the simplification process, which is currently not reflected in existing datasets. Simultaneously, resources for non-English languages are scarce in general and prohibitive for training new solutions. To tackle this problem, we pose core requirements for a system that can jointly summarize and simplify long source documents. We further describe the creation of a new dataset for joint Text Simplification and Summarization based on German Wikipedia and the German children's lexicon \"Klexikon\", consisting of almost 2900 documents. We release a document-aligned version that particularly highlights the summarization aspect, and provide statistical evidence that this resource is well suited to simplification as well. Code and data are available on Github: https://github.com/dennlinger/klexikon" + }, + "gsarti/flores_101": { + "pwc_id": "flores", + "dataset_name": "FLoRes Dataset", + "dataset_abstract": "FLoRes is a benchmark dataset for machine translation between English and four low resource languages, Nepali, Sinhala, Khmer and Pashto, based on sentences translated from Wikipedia.", + "paper_name": "The FLORES Evaluation Datasets for Low-Resource Machine Translation: Nepali--English and Sinhala--English", + "paper_abstract": "For machine translation, a vast majority of language pairs in the world are considered low-resource because they have little parallel data available. Besides the technical challenges of learning with limited supervision, it is difficult to evaluate methods trained on low-resource language pairs because of the lack of freely and publicly available benchmarks. In this work, we introduce the FLORES evaluation datasets for Nepali{--}English and Sinhala{--} English, based on sentences translated from Wikipedia. Compared to English, these are languages with very different morphology and syntax, for which little out-of-domain parallel data is available and for which relatively large amounts of monolingual data are freely available. We describe our process to collect and cross-check the quality of translations, and we report baseline performance using several learning settings: fully supervised, weakly supervised, semi-supervised, and fully unsupervised. Our experiments demonstrate that current state-of-the-art methods perform rather poorly on this benchmark, posing a challenge to the research community working on low-resource MT. Data and code to reproduce our experiments are available at https://github.com/facebookresearch/flores." + }, + "SoLID/shellcode_i_a32": { + "pwc_id": "shellcode-ia32", + "dataset_name": "Shellcode_IA32 Dataset", + "dataset_abstract": "Shellcode_IA32 is a dataset containing 20 years of shellcodes from a variety of sources is the largest collection of shellcodes in assembly available to date.\n\nThis dataset consists of 3,200 examples of instructions in assembly language for IA-32 (the 32-bit version of the x86 Intel Architecture) from publicly available security exploits. We collected assembly programs used to generate shellcode from exploit-db and from shell-storm. We enriched the dataset by adding examples of assembly programs for the IA-32 architecture from popular tutorials and books. This allowed us to understand how different authors and assembly experts comment and, thus, how to deal with the ambiguity of natural language in this specific context. Our dataset consists of 10% of instructions collected from books and guidelines, and the rest from real shellcodes.\n\nOur focus is on Linux, the most common OS for security-critical network services. Accordingly, we added assembly instructions written with Netwide Assembler (NASM) for Linux.\n\nEach line of Shellcode_IA32 dataset represents a snippet - intent pair. The snippet is a line or a combination of multiple lines of assembly code, built by following the NASM syntax. The intent is a comment in the English language.\n\nFurther statistics on the dataset and a set of preliminary experiments performed with a neural machine translation (NMT) model are described in the following paper: Shellcode_IA32: A Dataset for Automatic Shellcode Generation.", + "paper_name": "Shellcode_IA32: A Dataset for Automatic Shellcode Generation", + "paper_abstract": "We take the first step to address the task of automatically generating shellcodes, i.e., small pieces of code used as a payload in the exploitation of a software vulnerability, starting from natural language comments. We assemble and release a novel dataset (Shellcode_IA32), consisting of challenging but common assembly instructions with their natural language descriptions. We experiment with standard methods in neural machine translation (NMT) to establish baseline performance levels on this task." + }, + "antoiloui/bsard": { + "pwc_id": "bsard", + "dataset_name": "BSARD Dataset", + "dataset_abstract": "The Belgian Statutory Article Retrieval Dataset (BSARD) is a French native corpus for studying statutory article retrieval. BSARD consists of more than 22,600 statutory articles from Belgian law and about 1,100 legal questions posed by Belgian citizens and labeled by experienced jurists with relevant articles from the corpus.", + "paper_name": "A Statutory Article Retrieval Dataset in French", + "paper_abstract": "Statutory article retrieval is the task of automatically retrieving law articles relevant to a legal question. While recent advances in natural language processing have sparked considerable interest in many legal tasks, statutory article retrieval remains primarily untouched due to the scarcity of large-scale and high-quality annotated datasets. To address this bottleneck, we introduce the Belgian Statutory Article Retrieval Dataset (BSARD), which consists of 1,100+ French native legal questions labeled by experienced jurists with relevant articles from a corpus of 22,600+ Belgian law articles. Using BSARD, we benchmark several state-of-the-art retrieval approaches, including lexical and dense architectures, both in zero-shot and supervised setups. We find that fine-tuned dense retrieval models significantly outperform other systems. Our best performing baseline achieves 74.8% R@100, which is promising for the feasibility of the task and indicates there is still room for improvement. By the specificity of the domain and addressed task, BSARD presents a unique challenge problem for future research on legal information retrieval. Our dataset and source code are publicly available." + }, + "corypaik/prost": { + "pwc_id": "prost", + "dataset_name": "PROST Dataset", + "dataset_abstract": "The PROST (Physical Reasoning about Objects Through Space and Time) dataset contains 18,736 multiple-choice questions made from 14 manually curated templates, covering 10 physical reasoning concepts. All questions are designed to probe both causal and masked language models in a zero-shot setting.", + "paper_name": "PROST: Physical Reasoning of Objects through Space and Time", + "paper_abstract": "We present a new probing dataset named PROST: Physical Reasoning about Objects Through Space and Time. This dataset contains 18,736 multiple-choice questions made from 14 manually curated templates, covering 10 physical reasoning concepts. All questions are designed to probe both causal and masked language models in a zero-shot setting. We conduct an extensive analysis which demonstrates that state-of-the-art pretrained models are inadequate at physical reasoning: they are influenced by the order in which answer options are presented to them, they struggle when the superlative in a question is inverted (e.g., most <-> least), and increasing the amount of pretraining data and parameters only yields minimal improvements. These results provide support for the hypothesis that current pretrained models' ability to reason about physical interactions is inherently limited by a lack of real world experience. By highlighting these limitations, we hope to motivate the development of models with a human-like understanding of the physical world." + }, + "dfki-nlp/few-nerd": { + "pwc_id": "few-nerd", + "dataset_name": "Few-NERD Dataset", + "dataset_abstract": "Few-NERD is a large-scale, fine-grained manually annotated named entity recognition dataset, which contains 8 coarse-grained types, 66 fine-grained types, 188,200 sentences, 491,711 entities, and 4,601,223 tokens. Three benchmark tasks are built, one is supervised (Few-NERD (SUP)) and the other two are few-shot (Few-NERD (INTRA) and Few-NERD (INTER)).", + "paper_name": "Few-NERD: A Few-Shot Named Entity Recognition Dataset", + "paper_abstract": "Recently, considerable literature has grown up around the theme of few-shot named entity recognition (NER), but little published benchmark data specifically focused on the practical and challenging task. Current approaches collect existing supervised NER datasets and re-organize them to the few-shot setting for empirical study. These strategies conventionally aim to recognize coarse-grained entity types with few examples, while in practice, most unseen entity types are fine-grained. In this paper, we present Few-NERD, a large-scale human-annotated few-shot NER dataset with a hierarchy of 8 coarse-grained and 66 fine-grained entity types. Few-NERD consists of 188,238 sentences from Wikipedia, 4,601,160 words are included and each is annotated as context or a part of a two-level entity type. To the best of our knowledge, this is the first few-shot NER dataset and the largest human-crafted NER dataset. We construct benchmark tasks with different emphases to comprehensively assess the generalization capability of models. Extensive empirical results and analysis show that Few-NERD is challenging and the problem requires further research. We make Few-NERD public at https://ningding97.github.io/fewnerd/." + }, + "gsarti/clean_mc4_it": { + "pwc_id": "mc4", + "dataset_name": "mC4 Dataset", + "dataset_abstract": "mC4 is a multilingual variant of the C4 dataset called mC4. mC4 comprises natural text in 101 languages drawn from the public Common Crawl web scrape.", + "paper_name": "mT5: A massively multilingual pre-trained text-to-text transformer", + "paper_abstract": "The recent \"Text-to-Text Transfer Transformer\" (T5) leveraged a unified text-to-text format and scale to attain state-of-the-art results on a wide variety of English-language NLP tasks. In this paper, we introduce mT5, a multilingual variant of T5 that was pre-trained on a new Common Crawl-based dataset covering 101 languages. We detail the design and modified training of mT5 and demonstrate its state-of-the-art performance on many multilingual benchmarks. We also describe a simple technique to prevent \"accidental translation\" in the zero-shot setting, where a generative model chooses to (partially) translate its prediction into the wrong language. All of the code and model checkpoints used in this work are publicly available." + }, + "lara-martin/Scifi_TV_Shows": { + "pwc_id": "scifi-tv-plots", + "dataset_name": "Scifi TV Shows Dataset", + "dataset_abstract": "A collection of long-running (80+ episodes) science fiction TV show synopses, scraped from Fandom.com wikis. Collected Nov 2017. Each episode is considered a \"story\".\n\nContains plot summaries from :\n\n\nBabylon 5 (https://babylon5.fandom.com/wiki/Main_Page) - 84 stories\nDoctor Who (https://tardis.fandom.com/wiki/Doctor_Who_Wiki) - 311 stories\nDoctor Who spin-offs - 95 stories\nFarscape (https://farscape.fandom.com/wiki/Farscape_Encyclopedia_Project:Main_Page) - 90 stories\nFringe (https://fringe.fandom.com/wiki/FringeWiki) - 87 stories\nFuturama (https://futurama.fandom.com/wiki/Futurama_Wiki) - 87 stories\nStargate (https://stargate.fandom.com/wiki/Stargate_Wiki) - 351 stories\nStar Trek (https://memory-alpha.fandom.com/wiki/Star_Trek) - 701 stories\nStar Wars books (https://starwars.fandom.com/wiki/Main_Page) - 205 stories\nStar Wars Rebels - 65 stories\nX-Files (https://x-files.fandom.com/wiki/Main_Page) - 200 stories\n\nTotal: 2276 stories\n\nDataset is \"eventified\" and generalized (see LJ Martin, P Ammanabrolu, X Wang, W Hancock, S Singh, B Harrison, and MO Riedl. Event Representations for Automated Story Generation with Deep Neural Nets, Thirty-Second AAAI Conference on Artificial Intelligence (AAAI), 2018. for details on these processes.) and split into train-test-validation sets for converting events into full sentences.", + "paper_name": "Story Realization: Expanding Plot Events into Sentences", + "paper_abstract": "Neural network based approaches to automated story plot generation attempt to learn how to generate novel plots from a corpus of natural language plot summaries. Prior work has shown that a semantic abstraction of sentences called events improves neural plot generation and and allows one to decompose the problem into: (1) the generation of a sequence of events (event-to-event) and (2) the transformation of these events into natural language sentences (event-to-sentence). However, typical neural language generation approaches to event-to-sentence can ignore the event details and produce grammatically-correct but semantically-unrelated sentences. We present an ensemble-based model that generates natural language guided by events.We provide results---including a human subjects study---for a full end-to-end automated story generation system showing that our method generates more coherent and plausible stories than baseline approaches." + }, + "allenai/scico": { + "pwc_id": "scico", + "dataset_name": "SciCo Dataset", + "dataset_abstract": "SciCo is an expert-annotated dataset for hierarchical CDCR (cross-document coreference resolution) for concepts in scientific papers, with the goal of jointly inferring coreference clusters and hierarchy between them.", + "paper_name": "SciCo: Hierarchical Cross-Document Coreference for Scientific Concepts", + "paper_abstract": "Determining coreference of concept mentions across multiple documents is a fundamental task in natural language understanding. Previous work on cross-document coreference resolution (CDCR) typically considers mentions of events in the news, which seldom involve abstract technical concepts that are prevalent in science and technology. These complex concepts take diverse or ambiguous forms and have many hierarchical levels of granularity (e.g., tasks and subtasks), posing challenges for CDCR. We present a new task of Hierarchical CDCR (H-CDCR) with the goal of jointly inferring coreference clusters and hierarchy between them. We create SciCo, an expert-annotated dataset for H-CDCR in scientific papers, 3X larger than the prominent ECB+ resource. We study strong baseline models that we customize for H-CDCR, and highlight challenges for future work." + }, + "corypaik/coda": { + "pwc_id": "coda", + "dataset_name": "CoDa Dataset", + "dataset_abstract": "The Color Dataset (CoDa) is a probing dataset to evaluate the representation of visual properties in language models. CoDa consists of color distributions for 521 common objects, which are split into 3 groups: Single, Multi, and Any. \n\nThe default configuration of CoDa uses 10 CLIP-style templates (e.g. \"A photo of a [object]\"), and 10 cloze-style templates (e.g. \"Everyone knows most [object] are [color].\"", + "paper_name": "The World of an Octopus: How Reporting Bias Influences a Language Model's Perception of Color", + "paper_abstract": "Recent work has raised concerns about the inherent limitations of text-only pretraining. In this paper, we first demonstrate that reporting bias, the tendency of people to not state the obvious, is one of the causes of this limitation, and then investigate to what extent multimodal training can mitigate this issue. To accomplish this, we 1) generate the Color Dataset (CoDa), a dataset of human-perceived color distributions for 521 common objects; 2) use CoDa to analyze and compare the color distribution found in text, the distribution captured by language models, and a human's perception of color; and 3) investigate the performance differences between text-only and multimodal models on CoDa. Our results show that the distribution of colors that a language model recovers correlates more strongly with the inaccurate distribution found in text than with the ground-truth, supporting the claim that reporting bias negatively impacts and inherently limits text-only training. We then demonstrate that multimodal models can leverage their visual training to mitigate these effects, providing a promising avenue for future research." + }, + "dfki-nlp/mobie": { + "pwc_id": "mobie", + "dataset_name": "MobIE Dataset", + "dataset_abstract": "MobIE is a German-language dataset which is human-annotated with 20 coarse- and fine-grained entity types and entity linking information for geographically linkable entities. The dataset consists of 3,232 social media texts and traffic reports with 91K tokens, and contains 20.5K annotated entities, 13.1K of which are linked to a knowledge base. A subset of the dataset is human-annotated with seven mobility-related, n-ary relation types, while the remaining documents are annotated using a weakly-supervised labeling approach implemented with the Snorkel framework.\n\nThe dataset can be used for NER (Named entity recognition), EL (entity linking) and RE (relation extraction), and thus can be used for joint and multi-task learning of these fundamental information extraction tasks.", + "paper_name": "MobIE: A German Dataset for Named Entity Recognition, Entity Linking and Relation Extraction in the Mobility Domain", + "paper_abstract": "We present MobIE, a German-language dataset, which is human-annotated with 20 coarse- and fine-grained entity types and entity linking information for geographically linkable entities. The dataset consists of 3,232 social media texts and traffic reports with 91K tokens, and contains 20.5K annotated entities, 13.1K of which are linked to a knowledge base. A subset of the dataset is human-annotated with seven mobility-related, n-ary relation types, while the remaining documents are annotated using a weakly-supervised labeling approach implemented with the Snorkel framework. To the best of our knowledge, this is the first German-language dataset that combines annotations for NER, EL and RE, and thus can be used for joint and multi-task learning of these fundamental information extraction tasks. We make MobIE public at https://github.com/dfki-nlp/mobie." + }, + "debatelab/aaac": { + "pwc_id": "aaac", + "dataset_name": "AAAC Dataset", + "dataset_abstract": "DeepA2 is a modular framework for deep argument analysis. DeepA2 datasets contain comprehensive logical reconstructions of informally presented arguments in short argumentative texts. This item references two two synthetic DeepA2 datasets for artificial argument analysis: AAAC01 and AAAC02.", + "paper_name": "DeepA2: A Modular Framework for Deep Argument Analysis with Pretrained Neural Text2Text Language Models", + "paper_abstract": "In this paper, we present and implement a multi-dimensional, modular framework for performing deep argument analysis (DeepA2) using current pre-trained language models (PTLMs). ArgumentAnalyst -- a T5 model (Raffel et al. 2020) set up and trained within DeepA2 -- reconstructs argumentative texts, which advance an informal argumentation, as valid arguments: It inserts, e.g., missing premises and conclusions, formalizes inferences, and coherently links the logical reconstruction to the source text. We create a synthetic corpus for deep argument analysis, and evaluate ArgumentAnalyst on this new dataset as well as on existing data, specifically EntailmentBank (Dalvi et al. 2021). Our empirical findings vindicate the overall framework and highlight the advantages of a modular design, in particular its ability to emulate established heuristics (such as hermeneutic cycles), to explore the model's uncertainty, to cope with the plurality of correct solutions (underdetermination), and to exploit higher-order evidence." + }, + "lewtun/autoevaluate__conll2003": { + "pwc_id": "conll-2003", + "dataset_name": "CoNLL-2003 Dataset", + "dataset_abstract": "CoNLL-2003 is a named entity recognition dataset released as a part of CoNLL-2003 shared task: language-independent named entity recognition.\nThe data consists of eight files covering two languages: English and German.\nFor each of the languages there is a training file, a development file, a test file and a large file with unannotated data.\n\nThe English data was taken from the Reuters Corpus. This corpus consists of Reuters news stories between August 1996 and August 1997.\nFor the training and development set, ten days worth of data were taken from the files representing the end of August 1996.\nFor the test set, the texts were from December 1996. The preprocessed raw data covers the month of September 1996.\n\nThe text for the German data was taken from the ECI Multilingual Text Corpus. This corpus consists of texts in many languages. The portion of data that\nwas used for this task, was extracted from the German newspaper Frankfurter Rundshau. All three of the training, development and test sets were taken\nfrom articles written in one week at the end of August 1992.\nThe raw data were taken from the months of September to December 1992.\n\n| English data | Articles | Sentences | Tokens | LOC | MISC | ORG | PER |\n|-------------------|----------|-----------|---------|------|------|------|------|\n| Training set | 946 | 14,987 | 203,621 | 7140 | 3438 | 6321 | 6600 |\n| Development set | 216 | 3,466 | 51,362 | 1837 | 922 | 1341 | 1842 |\n| Test set | 231 | 3,684 | 46,435 | 1668 | 702 | 1661 | 1617 |\n\nNumber of articles, sentences, tokens and entities (locations, miscellaneous, organizations, and persons) in English data files.\n\n| German data | Articles | Sentences | Tokens | LOC | MISC | ORG | PER |\n|-------------------|----------|-----------|---------|------|------|------|------|\n| Training set | 553 | 12,705 | 206,931 | 4363 | 2288 | 2427 | 2773 |\n| Development set | 201 | 3,068 | 51,444 | 1181 | 1010 | 1241 | 1401 |\n| Test set | 155 | 3,160 | 51,943 | 1035 | 670 | 773 | 1195 |\n\nNumber of articles, sentences, tokens and entities (locations, miscellaneous, organizations, and persons) in German data files.", + "paper_name": "Introduction to the CoNLL-2003 Shared Task: Language-Independent Named Entity Recognition", + "paper_abstract": "We describe the CoNLL-2003 shared task: language-independent named entity recognition. We give background information on the data sets (English and German) and the evaluation method, present a general overview of the systems that have taken part in the task and discuss their performance." + }, + "cfilt/HiNER-collapsed": { + "pwc_id": "hiner-collapsed-1", + "dataset_name": "HiNER-collapsed Dataset", + "dataset_abstract": "This dataset releases a significantly sized standard-abiding Hindi NER dataset containing 109,146 sentences and 2,220,856 tokens, annotated with 3 collapsed tags (PER, LOC, ORG).", + "paper_name": "HiNER: A Large Hindi Named Entity Recognition Dataset", + "paper_abstract": "Named Entity Recognition (NER) is a foundational NLP task that aims to provide class labels like Person, Location, Organisation, Time, and Number to words in free text. Named Entities can also be multi-word expressions where the additional I-O-B annotation information helps label them during the NER annotation process. While English and European languages have considerable annotated data for the NER task, Indian languages lack on that front -- both in terms of quantity and following annotation standards. This paper releases a significantly sized standard-abiding Hindi NER dataset containing 109,146 sentences and 2,220,856 tokens, annotated with 11 tags. We discuss the dataset statistics in all their essential detail and provide an in-depth analysis of the NER tag-set used with our data. The statistics of tag-set in our dataset show a healthy per-tag distribution, especially for prominent classes like Person, Location and Organisation. Since the proof of resource-effectiveness is in building models with the resource and testing the model on benchmark data and against the leader-board entries in shared tasks, we do the same with the aforesaid data. We use different language models to perform the sequence labelling task for NER and show the efficacy of our data by performing a comparative evaluation with models trained on another dataset available for the Hindi NER task. Our dataset helps achieve a weighted F1 score of 88.78 with all the tags and 92.22 when we collapse the tag-set, as discussed in the paper. To the best of our knowledge, no available dataset meets the standards of volume (amount) and variability (diversity), as far as Hindi NER is concerned. We fill this gap through this work, which we hope will significantly help NLP for Hindi. We release this dataset with our code and models at https://github.com/cfiltnlp/HiNER" + }, + "mozilla-foundation/common_voice_8_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "mozilla-foundation/common_voice_7_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "shibing624/nli_zh": { + "pwc_id": "snli", + "dataset_name": "SNLI Dataset", + "dataset_abstract": "The SNLI dataset (Stanford Natural Language Inference) consists of 570k sentence-pairs manually labeled as entailment, contradiction, and neutral. Premises are image captions from Flickr30k, while hypotheses were generated by crowd-sourced annotators who were shown a premise and asked to generate entailing, contradicting, and neutral sentences. Annotators were instructed to judge the relation between sentences given that they describe the same event. Each pair is labeled as \u201centailment\u201d, \u201cneutral\u201d, \u201ccontradiction\u201d or \u201c-\u201d, where \u201c-\u201d indicates that an agreement could not be reached.", + "paper_name": "A large annotated corpus for learning natural language inference", + "paper_abstract": "Understanding entailment and contradiction is fundamental to understanding\nnatural language, and inference about entailment and contradiction is a\nvaluable testing ground for the development of semantic representations.\nHowever, machine learning research in this area has been dramatically limited\nby the lack of large-scale resources. To address this, we introduce the\nStanford Natural Language Inference corpus, a new, freely available collection\nof labeled sentence pairs, written by humans doing a novel grounded task based\non image captioning. At 570K pairs, it is two orders of magnitude larger than\nall other resources of its type. This increase in scale allows lexicalized\nclassifiers to outperform some sophisticated existing entailment models, and it\nallows a neural network-based model to perform competitively on natural\nlanguage inference benchmarks for the first time." + }, + "copenlu/fever_gold_evidence": { + "pwc_id": "fever", + "dataset_name": "FEVER Dataset", + "dataset_abstract": "FEVER is a publicly available dataset for fact extraction and verification against textual sources.\n\nIt consists of 185,445 claims manually verified against the introductory sections of Wikipedia pages and classified as SUPPORTED, REFUTED or NOTENOUGHINFO. For the first two classes, systems and annotators need to also return the combination of sentences forming the necessary evidence supporting or refuting the claim.\n\nThe claims were generated by human annotators extracting claims from Wikipedia and mutating them in a variety of ways, some of which were meaning-altering. The verification of each claim was conducted in a separate annotation process by annotators who were aware of the page but not the sentence from which original claim was\nextracted and thus in 31.75% of the claims more than one sentence was considered appropriate evidence. Claims require composition of evidence from multiple sentences in 16.82% of cases. Furthermore, in 12.15% of the claims, this evidence was taken from multiple pages.", + "paper_name": "FEVER: a large-scale dataset for Fact Extraction and VERification", + "paper_abstract": "In this paper we introduce a new publicly available dataset for verification\nagainst textual sources, FEVER: Fact Extraction and VERification. It consists\nof 185,445 claims generated by altering sentences extracted from Wikipedia and\nsubsequently verified without knowledge of the sentence they were derived from.\nThe claims are classified as Supported, Refuted or NotEnoughInfo by annotators\nachieving 0.6841 in Fleiss $\\kappa$. For the first two classes, the annotators\nalso recorded the sentence(s) forming the necessary evidence for their\njudgment. To characterize the challenge of the dataset presented, we develop a\npipeline approach and compare it to suitably designed oracles. The best\naccuracy we achieve on labeling a claim accompanied by the correct evidence is\n31.87%, while if we ignore the evidence we achieve 50.91%. Thus we believe that\nFEVER is a challenging testbed that will help stimulate progress on claim\nverification against textual sources." + }, + "merty/nateraw-food101-copy": { + "pwc_id": "food-101", + "dataset_name": "Food-101 Dataset", + "dataset_abstract": "The Food-101 dataset consists of 101 food categories with 750 training and 250 test images per category, making a total of 101k images. The labels for the test images have been manually cleaned, while the training set contains some noise.", + "paper_name": "", + "paper_abstract": "" + }, + "mozilla-foundation/common_voice_2_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "mozilla-foundation/common_voice_4_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "mozilla-foundation/common_voice_5_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "mozilla-foundation/common_voice_5_1": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "mozilla-foundation/common_voice_6_1": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "nateraw/food101": { + "pwc_id": "food-101", + "dataset_name": "Food-101 Dataset", + "dataset_abstract": "The Food-101 dataset consists of 101 food categories with 750 training and 250 test images per category, making a total of 101k images. The labels for the test images have been manually cleaned, while the training set contains some noise.", + "paper_name": "", + "paper_abstract": "" + }, + "nielsr/FUNSD_layoutlmv2": { + "pwc_id": "funsd", + "dataset_name": "FUNSD Dataset", + "dataset_abstract": "Form Understanding in Noisy Scanned Documents (FUNSD) comprises 199 real, fully annotated, scanned forms. The documents are noisy and vary widely in appearance, making form understanding (FoUn) a challenging task. The proposed dataset can be used for various tasks, including text detection, optical character recognition, spatial layout analysis, and entity labeling/linking.", + "paper_name": "FUNSD: A Dataset for Form Understanding in Noisy Scanned Documents", + "paper_abstract": "We present a new dataset for form understanding in noisy scanned documents (FUNSD) that aims at extracting and structuring the textual content of forms. The dataset comprises 199 real, fully annotated, scanned forms. The documents are noisy and vary widely in appearance, making form understanding (FoUn) a challenging task. The proposed dataset can be used for various tasks, including text detection, optical character recognition, spatial layout analysis, and entity labeling/linking. To the best of our knowledge, this is the first publicly available dataset with comprehensive annotations to address FoUn task. We also present a set of baselines and introduce metrics to evaluate performance on the FUNSD dataset, which can be downloaded at https://guillaumejaume.github.io/FUNSD/." + }, + "oscar-corpus/OSCAR-2109": { + "pwc_id": "oscar", + "dataset_name": "OSCAR Dataset", + "dataset_abstract": "OSCAR or Open Super-large Crawled ALMAnaCH coRpus is a huge multilingual corpus obtained by language classification and filtering of the Common Crawl corpus using the goclassy architecture. The dataset used for training multilingual models such as BART incorporates 138 GB of text.", + "paper_name": "A Monolingual Approach to Contextualized Word Embeddings for Mid-Resource Languages", + "paper_abstract": "We use the multilingual OSCAR corpus, extracted from Common Crawl via language classification, filtering and cleaning, to train monolingual contextualized word embeddings (ELMo) for five mid-resource languages. We then compare the performance of OSCAR-based and Wikipedia-based ELMo embeddings for these languages on the part-of-speech tagging and parsing tasks. We show that, despite the noise in the Common-Crawl-based OSCAR data, embeddings trained on OSCAR perform much better than monolingual embeddings trained on Wikipedia. They actually equal or improve the current state of the art in tagging and parsing for all five languages. In particular, they also improve over multilingual Wikipedia-based contextual embeddings (multilingual BERT), which almost always constitutes the previous state of the art, thereby showing that the benefit of a larger, more diverse corpus surpasses the cross-lingual benefit of multilingual embedding architectures." + }, + "qwant/squad_fr": { + "pwc_id": "squad", + "dataset_name": "SQuAD Dataset", + "dataset_abstract": "The Stanford Question Answering Dataset (SQuAD) is a collection of question-answer pairs derived from Wikipedia articles. In SQuAD, the correct answers of questions can be any sequence of tokens in the given text. Because the questions and answers are produced by humans through crowdsourcing, it is more diverse than some other question-answering datasets. SQuAD 1.1 contains 107,785 question-answer pairs on 536 articles. SQuAD2.0 (open-domain SQuAD, SQuAD-Open), the latest version, combines the 100,000 questions in SQuAD1.1 with over 50,000 un-answerable questions written adversarially by crowdworkers in forms that are similar to the answerable ones.", + "paper_name": "SQuAD: 100,000+ Questions for Machine Comprehension of Text", + "paper_abstract": "We present the Stanford Question Answering Dataset (SQuAD), a new reading\ncomprehension dataset consisting of 100,000+ questions posed by crowdworkers on\na set of Wikipedia articles, where the answer to each question is a segment of\ntext from the corresponding reading passage. We analyze the dataset to\nunderstand the types of reasoning required to answer the questions, leaning\nheavily on dependency and constituency trees. We build a strong logistic\nregression model, which achieves an F1 score of 51.0%, a significant\nimprovement over a simple baseline (20%). However, human performance (86.8%) is\nmuch higher, indicating that the dataset presents a good challenge problem for\nfuture research.\n The dataset is freely available at https://stanford-qa.com" + }, + "sagnikrayc/mctest": { + "pwc_id": "mctest", + "dataset_name": "MCTest Dataset", + "dataset_abstract": "MCTest is a freely available set of stories and associated questions intended for research on the machine comprehension of text. \n\nMCTest requires machines to answer multiple-choice reading comprehension questions about fictional stories, directly tackling the high-level goal of open-domain machine comprehension.", + "paper_name": "", + "paper_abstract": "" + }, + "sagnikrayc/quasar": { + "pwc_id": "quasar-1", + "dataset_name": "QUASAR Dataset", + "dataset_abstract": "The Question Answering by Search And Reading (QUASAR) is a large-scale dataset consisting of QUASAR-S and QUASAR-T. Each of these datasets is built to focus on evaluating systems devised to understand a natural language query, a large corpus of texts and to extract an answer to the question from the corpus. Specifically, QUASAR-S comprises 37,012 fill-in-the-gaps questions that are collected from the popular website Stack Overflow using entity tags. The QUASAR-T dataset contains 43,012 open-domain questions collected from various internet sources. The candidate documents for each question in this dataset are retrieved from an Apache Lucene based search engine built on top of the ClueWeb09 dataset.", + "paper_name": "Quasar: Datasets for Question Answering by Search and Reading", + "paper_abstract": "We present two new large-scale datasets aimed at evaluating systems designed\nto comprehend a natural language query and extract its answer from a large\ncorpus of text. The Quasar-S dataset consists of 37000 cloze-style\n(fill-in-the-gap) queries constructed from definitions of software entity tags\non the popular website Stack Overflow. The posts and comments on the website\nserve as the background corpus for answering the cloze questions. The Quasar-T\ndataset consists of 43000 open-domain trivia questions and their answers\nobtained from various internet sources. ClueWeb09 serves as the background\ncorpus for extracting these answers. We pose these datasets as a challenge for\ntwo related subtasks of factoid Question Answering: (1) searching for relevant\npieces of text that include the correct answer to a query, and (2) reading the\nretrieved text to answer the query. We also describe a retrieval system for\nextracting relevant sentences and documents from the corpus given a query, and\ninclude these in the release for researchers wishing to only focus on (2). We\nevaluate several baselines on both datasets, ranging from simple heuristics to\npowerful neural models, and show that these lag behind human performance by\n16.4% and 32.1% for Quasar-S and -T respectively. The datasets are available at\nhttps://github.com/bdhingra/quasar ." + }, + "toloka/CrowdSpeech": { + "pwc_id": "crowdspeech", + "dataset_name": "CrowdSpeech Dataset", + "dataset_abstract": "CrowdSpeech is a publicly available large-scale dataset of crowdsourced audio transcriptions. It contains annotations for more than 20 hours of English speech from more than 1,000 crowd workers.", + "paper_name": "CrowdSpeech and VoxDIY: Benchmark Datasets for Crowdsourced Audio Transcription", + "paper_abstract": "Domain-specific data is the crux of the successful transfer of machine learning systems from benchmarks to real life. In simple problems such as image classification, crowdsourcing has become one of the standard tools for cheap and time-efficient data collection: thanks in large part to advances in research on aggregation methods. However, the applicability of crowdsourcing to more complex tasks (e.g., speech recognition) remains limited due to the lack of principled aggregation methods for these modalities. The main obstacle towards designing aggregation methods for more advanced applications is the absence of training data, and in this work, we focus on bridging this gap in speech recognition. For this, we collect and release CrowdSpeech -- the first publicly available large-scale dataset of crowdsourced audio transcriptions. Evaluation of existing and novel aggregation methods on our data shows room for improvement, suggesting that our work may entail the design of better algorithms. At a higher level, we also contribute to the more general challenge of developing the methodology for reliable data collection via crowdsourcing. In that, we design a principled pipeline for constructing datasets of crowdsourced audio transcriptions in any novel domain. We show its applicability on an under-resourced language by constructing VoxDIY -- a counterpart of CrowdSpeech for the Russian language. We also release the code that allows a full replication of our data collection pipeline and share various insights on best practices of data collection via crowdsourcing." + }, + "yhavinga/mc4_nl_cleaned": { + "pwc_id": "mc4", + "dataset_name": "mC4 Dataset", + "dataset_abstract": "mC4 is a multilingual variant of the C4 dataset called mC4. mC4 comprises natural text in 101 languages drawn from the public Common Crawl web scrape.", + "paper_name": "mT5: A massively multilingual pre-trained text-to-text transformer", + "paper_abstract": "The recent \"Text-to-Text Transfer Transformer\" (T5) leveraged a unified text-to-text format and scale to attain state-of-the-art results on a wide variety of English-language NLP tasks. In this paper, we introduce mT5, a multilingual variant of T5 that was pre-trained on a new Common Crawl-based dataset covering 101 languages. We detail the design and modified training of mT5 and demonstrate its state-of-the-art performance on many multilingual benchmarks. We also describe a simple technique to prevent \"accidental translation\" in the zero-shot setting, where a generative model chooses to (partially) translate its prediction into the wrong language. All of the code and model checkpoints used in this work are publicly available." + }, + "google/xtreme_s": { + "pwc_id": "librispeech-1", + "dataset_name": "LibriSpeech Dataset", + "dataset_abstract": "The LibriSpeech corpus is a collection of approximately 1,000 hours of audiobooks that are a part of the LibriVox project. Most of the audiobooks come from the Project Gutenberg. The training data is split into 3 partitions of 100hr, 360hr, and 500hr sets while the dev and test data are split into the \u2019clean\u2019 and \u2019other\u2019 categories, respectively, depending upon how well or challening Automatic Speech Recognition systems would perform against. Each of the dev and test sets is around 5hr in audio length. This corpus also provides the n-gram language models and the corresponding texts excerpted from the Project Gutenberg books, which contain 803M tokens and 977K unique words.", + "paper_name": "", + "paper_abstract": "" + }, + "drAbreu/bc4chemd_ner": { + "pwc_id": "bc4chemd", + "dataset_name": "BC4CHEMD Dataset", + "dataset_abstract": "Introduced by Krallinger et al. in The CHEMDNER corpus of chemicals and drugs and its annotation principles\n\nBC4CHEMD is a collection of 10,000 PubMed abstracts that contain a total of 84,355 chemical entity mentions labeled manually by expert chemistry literature curators.", + "paper_name": "", + "paper_abstract": "" + }, + "malteos/test2": { + "pwc_id": "cnn-daily-mail-1", + "dataset_name": "CNN/Daily Mail Dataset", + "dataset_abstract": "CNN/Daily Mail is a dataset for text summarization. Human generated abstractive summary bullets were generated from news stories in CNN and Daily Mail websites as questions (with one of the entities hidden), and stories as the corresponding passages from which the system is expected to answer the fill-in the-blank question. The authors released the scripts that crawl, extract and generate pairs of passages and questions from these websites.\n\nIn all, the corpus has 286,817 training pairs, 13,368 validation pairs and 11,487 test pairs, as defined by their scripts. The source documents in the training set have 766 words spanning 29.74 sentences on an average while the summaries consist of 53 words and 3.72 sentences.", + "paper_name": "Abstractive Text Summarization Using Sequence-to-Sequence RNNs and Beyond", + "paper_abstract": "In this work, we model abstractive text summarization using Attentional\nEncoder-Decoder Recurrent Neural Networks, and show that they achieve\nstate-of-the-art performance on two different corpora. We propose several novel\nmodels that address critical problems in summarization that are not adequately\nmodeled by the basic architecture, such as modeling key-words, capturing the\nhierarchy of sentence-to-word structure, and emitting words that are rare or\nunseen at training time. Our work shows that many of our proposed models\ncontribute to further improvement in performance. We also propose a new dataset\nconsisting of multi-sentence summaries, and establish performance benchmarks\nfor further research." + }, + "Sampson2022/demo": { + "pwc_id": "squad", + "dataset_name": "SQuAD Dataset", + "dataset_abstract": "The Stanford Question Answering Dataset (SQuAD) is a collection of question-answer pairs derived from Wikipedia articles. In SQuAD, the correct answers of questions can be any sequence of tokens in the given text. Because the questions and answers are produced by humans through crowdsourcing, it is more diverse than some other question-answering datasets. SQuAD 1.1 contains 107,785 question-answer pairs on 536 articles. SQuAD2.0 (open-domain SQuAD, SQuAD-Open), the latest version, combines the 100,000 questions in SQuAD1.1 with over 50,000 un-answerable questions written adversarially by crowdworkers in forms that are similar to the answerable ones.", + "paper_name": "SQuAD: 100,000+ Questions for Machine Comprehension of Text", + "paper_abstract": "We present the Stanford Question Answering Dataset (SQuAD), a new reading\ncomprehension dataset consisting of 100,000+ questions posed by crowdworkers on\na set of Wikipedia articles, where the answer to each question is a segment of\ntext from the corresponding reading passage. We analyze the dataset to\nunderstand the types of reasoning required to answer the questions, leaning\nheavily on dependency and constituency trees. We build a strong logistic\nregression model, which achieves an F1 score of 51.0%, a significant\nimprovement over a simple baseline (20%). However, human performance (86.8%) is\nmuch higher, indicating that the dataset presents a good challenge problem for\nfuture research.\n The dataset is freely available at https://stanford-qa.com" + }, + "jason9693/APEACH": { + "pwc_id": "apeach", + "dataset_name": "Korean Hate Speech Evaluation Datasets Dataset", + "dataset_abstract": "APEACH is the first crowd-generated Korean evaluation dataset for hate speech detection. Sentences of the dataset are created by anonymous participants using an online crowdsourcing platform DeepNatural AI.", + "paper_name": "APEACH: Attacking Pejorative Expressions with Analysis on Crowd-Generated Hate Speech Evaluation Datasets", + "paper_abstract": "Detecting toxic or pejorative expressions in online communities has become one of the main concerns for preventing the users' mental harm. This led to the development of large-scale hate speech detection datasets of various domains, which are mainly built upon web-crawled texts with labels by crowd workers. However, for languages other than English, researchers might have to rely on only a small-sized corpus due to the lack of data-driven research of hate speech detection. This sometimes misleads the evaluation of prevalently used pretrained language models (PLMs) such as BERT, given that PLMs often share the domain of pretraining corpus with the evaluation set, resulting in over-representation of the detection performance. Also, the scope of pejorative expressions might be restricted if the dataset is built on a single domain text. To alleviate the above problems in Korean hate speech detection, we propose APEACH,a method that allows the collection of hate speech generated by unspecified users. By controlling the crowd-generation of hate speech and adding only a minimum post-labeling, we create a corpus that enables the generalizable and fair evaluation of hate speech detection regarding text domain and topic. We Compare our outcome with prior work on an annotation-based toxic news comment dataset using publicly available PLMs. We check that our dataset is less sensitive to the lexical overlap between the evaluation set and pretraining corpus of PLMs, showing that it helps mitigate the unexpected under/over-representation of model performance. We distribute our dataset publicly online to further facilitate the general-domain hate speech detection in Korean." + }, + "julien-c/reactiongif": { + "pwc_id": "reactiongif", + "dataset_name": "ReactionGIF Dataset", + "dataset_abstract": "ReactionGIF is an affective dataset of 30K tweets which can be used for tasks like induced sentiment prediction and multilabel classification of induced emotions.", + "paper_name": "Happy Dance, Slow Clap: Using Reaction GIFs to Predict Induced Affect on Twitter", + "paper_abstract": "Datasets with induced emotion labels are scarce but of utmost importance for many NLP tasks. We present a new, automated method for collecting texts along with their induced reaction labels. The method exploits the online use of reaction GIFs, which capture complex affective states. We show how to augment the data with induced emotion and induced sentiment labels. We use our method to create and publish ReactionGIF, a first-of-its-kind affective dataset of 30K tweets. We provide baselines for three new tasks, including induced sentiment prediction and multilabel classification of induced emotions. Our method and dataset open new research opportunities in emotion detection and affective computing." + }, + "mozilla-foundation/common_voice_1_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "mozilla-foundation/common_voice_3_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "mozilla-foundation/common_voice_6_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "nateraw/food101_old": { + "pwc_id": "food-101", + "dataset_name": "Food-101 Dataset", + "dataset_abstract": "The Food-101 dataset consists of 101 food categories with 750 training and 250 test images per category, making a total of 101k images. The labels for the test images have been manually cleaned, while the training set contains some noise.", + "paper_name": "", + "paper_abstract": "" + }, + "nateraw/sync_food101": { + "pwc_id": "food-101", + "dataset_name": "Food-101 Dataset", + "dataset_abstract": "The Food-101 dataset consists of 101 food categories with 750 training and 250 test images per category, making a total of 101k images. The labels for the test images have been manually cleaned, while the training set contains some noise.", + "paper_name": "", + "paper_abstract": "" + }, + "ncats/EpiSet4BinaryClassification": { + "pwc_id": "glue", + "dataset_name": "GLUE Dataset", + "dataset_abstract": "General Language Understanding Evaluation (GLUE) benchmark is a collection of nine natural language understanding tasks, including single-sentence tasks CoLA and SST-2, similarity and paraphrasing tasks MRPC, STS-B and QQP, and natural language inference tasks MNLI, QNLI, RTE and WNLI.", + "paper_name": "GLUE: A Multi-Task Benchmark and Analysis Platform for Natural Language Understanding", + "paper_abstract": "For natural language understanding (NLU) technology to be maximally useful,\nboth practically and as a scientific object of study, it must be general: it\nmust be able to process language in a way that is not exclusively tailored to\nany one specific task or dataset. In pursuit of this objective, we introduce\nthe General Language Understanding Evaluation benchmark (GLUE), a tool for\nevaluating and analyzing the performance of models across a diverse range of\nexisting NLU tasks. GLUE is model-agnostic, but it incentivizes sharing\nknowledge across tasks because certain tasks have very limited training data.\nWe further provide a hand-crafted diagnostic test suite that enables detailed\nlinguistic analysis of NLU models. We evaluate baselines based on current\nmethods for multi-task and transfer learning and find that they do not\nimmediately give substantial improvements over the aggregate performance of\ntraining a separate model per task, indicating room for improvement in\ndeveloping general and robust NLU systems." + }, + "pierreguillou/lener_br_finetuning_language_model": { + "pwc_id": "lener-br", + "dataset_name": "LeNER-Br Dataset", + "dataset_abstract": "LeNER-Br is a dataset for named entity recognition (NER) in Brazilian Legal Text.", + "paper_name": "LeNER-Br: a Dataset for Named Entity Recognition in Brazilian Legal Text", + "paper_abstract": "Named entity recognition systems have the untapped potential to extract information from legal documents, which can improve\r\ninformation retrieval and decision-making processes. In this paper, a dataset for named entity recognition in Brazilian legal documents is presented. Unlike other Portuguese language datasets, this dataset is composed entirely of legal documents. In addition to tags for persons, locations, time entities and organizations, the dataset contains specific tags for law and legal cases entities. To establish a set of baseline results, we first performed experiments on another Portuguese dataset: Paramopama. This evaluation demonstrate that LSTM-CRF gives results that are significantly better than those previously reported. We then retrained LSTM-CRF, on our dataset and obtained F 1 scores of 97.04% and 88.82% for Legislation and Legal case entities, respectively.\r\nThese results show the viability of the proposed dataset for legal applications." + }, + "pietrolesci/ag_news": { + "pwc_id": "ag-news", + "dataset_name": "AG News Dataset", + "dataset_abstract": "AG News (AG\u2019s News Corpus) is a subdataset of AG's corpus of news articles constructed by assembling titles and description fields of articles from the 4 largest classes (\u201cWorld\u201d, \u201cSports\u201d, \u201cBusiness\u201d, \u201cSci/Tech\u201d) of AG\u2019s Corpus. The AG News contains 30,000 training and 1,900 test samples per class.", + "paper_name": "Character-level Convolutional Networks for Text Classification", + "paper_abstract": "This article offers an empirical exploration on the use of character-level\nconvolutional networks (ConvNets) for text classification. We constructed\nseveral large-scale datasets to show that character-level convolutional\nnetworks could achieve state-of-the-art or competitive results. Comparisons are\noffered against traditional models such as bag of words, n-grams and their\nTFIDF variants, and deep learning models such as word-based ConvNets and\nrecurrent neural networks." + }, + "oscar-corpus/OSCAR-2201": { + "pwc_id": "oscar", + "dataset_name": "OSCAR Dataset", + "dataset_abstract": "OSCAR or Open Super-large Crawled ALMAnaCH coRpus is a huge multilingual corpus obtained by language classification and filtering of the Common Crawl corpus using the goclassy architecture. The dataset used for training multilingual models such as BART incorporates 138 GB of text.", + "paper_name": "A Monolingual Approach to Contextualized Word Embeddings for Mid-Resource Languages", + "paper_abstract": "We use the multilingual OSCAR corpus, extracted from Common Crawl via language classification, filtering and cleaning, to train monolingual contextualized word embeddings (ELMo) for five mid-resource languages. We then compare the performance of OSCAR-based and Wikipedia-based ELMo embeddings for these languages on the part-of-speech tagging and parsing tasks. We show that, despite the noise in the Common-Crawl-based OSCAR data, embeddings trained on OSCAR perform much better than monolingual embeddings trained on Wikipedia. They actually equal or improve the current state of the art in tagging and parsing for all five languages. In particular, they also improve over multilingual Wikipedia-based contextual embeddings (multilingual BERT), which almost always constitutes the previous state of the art, thereby showing that the benefit of a larger, more diverse corpus surpasses the cross-lingual benefit of multilingual embedding architectures." + }, + "nthngdy/oscar-small": { + "pwc_id": "oscar", + "dataset_name": "OSCAR Dataset", + "dataset_abstract": "OSCAR or Open Super-large Crawled ALMAnaCH coRpus is a huge multilingual corpus obtained by language classification and filtering of the Common Crawl corpus using the goclassy architecture. The dataset used for training multilingual models such as BART incorporates 138 GB of text.", + "paper_name": "A Monolingual Approach to Contextualized Word Embeddings for Mid-Resource Languages", + "paper_abstract": "We use the multilingual OSCAR corpus, extracted from Common Crawl via language classification, filtering and cleaning, to train monolingual contextualized word embeddings (ELMo) for five mid-resource languages. We then compare the performance of OSCAR-based and Wikipedia-based ELMo embeddings for these languages on the part-of-speech tagging and parsing tasks. We show that, despite the noise in the Common-Crawl-based OSCAR data, embeddings trained on OSCAR perform much better than monolingual embeddings trained on Wikipedia. They actually equal or improve the current state of the art in tagging and parsing for all five languages. In particular, they also improve over multilingual Wikipedia-based contextual embeddings (multilingual BERT), which almost always constitutes the previous state of the art, thereby showing that the benefit of a larger, more diverse corpus surpasses the cross-lingual benefit of multilingual embedding architectures." + }, + "yhavinga/ccmatrix": { + "pwc_id": "ccmatrix", + "dataset_name": "CCMatrix Dataset", + "dataset_abstract": "CCMatrix uses ten snapshots of a curated common crawl corpus (Wenzek et al., 2019) totalling 32.7 billion unique sentences.", + "paper_name": "CCMatrix: Mining Billions of High-Quality Parallel Sentences on the WEB", + "paper_abstract": "We show that margin-based bitext mining in a multilingual sentence space can be applied to monolingual corpora of billions of sentences. We are using ten snapshots of a curated common crawl corpus (Wenzek et al., 2019) totalling 32.7 billion unique sentences. Using one unified approach for 38 languages, we were able to mine 4.5 billions parallel sentences, out of which 661 million are aligned with English. 20 language pairs have more then 30 million parallel sentences, 112 more then 10 million, and most more than one million, including direct alignments between many European or Asian languages. To evaluate the quality of the mined bitexts, we train NMT systems for most of the language pairs and evaluate them on TED, WMT and WAT test sets. Using our mined bitexts only and no human translated parallel data, we achieve a new state-of-the-art for a single system on the WMT'19 test set for translation between English and German, Russian and Chinese, as well as German/French. In particular, our English/German system outperforms the best single one by close to 4 BLEU points and is almost on pair with best WMT'19 evaluation system which uses system combination and back-translation. We also achieve excellent results for distant languages pairs like Russian/Japanese, outperforming the best submission at the 2019 workshop on Asian Translation (WAT)." + }, + "lewtun/autoevaluate__emotion": { + "pwc_id": "emotion", + "dataset_name": "CARER Dataset", + "dataset_abstract": "CARER is an emotion dataset collected through noisy labels, annotated via distant supervision as in (Go et al., 2009). \n\nThe subset of data provided here corresponds to the six emotions variant described in the paper. The six emotions are anger, fear, joy, love, sadness, and surprise.", + "paper_name": "CARER: Contextualized Affect Representations for Emotion Recognition", + "paper_abstract": "Emotions are expressed in nuanced ways, which varies by collective or individual experiences, knowledge, and beliefs. Therefore, to understand emotion, as conveyed through text, a robust mechanism capable of capturing and modeling different linguistic nuances and phenomena is needed. We propose a semi-supervised, graph-based algorithm to produce rich structural descriptors which serve as the building blocks for constructing contextualized affect representations from text. The pattern-based representations are further enriched with word embeddings and evaluated through several emotion recognition tasks. Our experimental results demonstrate that the proposed method outperforms state-of-the-art techniques on emotion recognition tasks." + }, + "mwong/fever-evidence-related": { + "pwc_id": "fever", + "dataset_name": "FEVER Dataset", + "dataset_abstract": "FEVER is a publicly available dataset for fact extraction and verification against textual sources.\n\nIt consists of 185,445 claims manually verified against the introductory sections of Wikipedia pages and classified as SUPPORTED, REFUTED or NOTENOUGHINFO. For the first two classes, systems and annotators need to also return the combination of sentences forming the necessary evidence supporting or refuting the claim.\n\nThe claims were generated by human annotators extracting claims from Wikipedia and mutating them in a variety of ways, some of which were meaning-altering. The verification of each claim was conducted in a separate annotation process by annotators who were aware of the page but not the sentence from which original claim was\nextracted and thus in 31.75% of the claims more than one sentence was considered appropriate evidence. Claims require composition of evidence from multiple sentences in 16.82% of cases. Furthermore, in 12.15% of the claims, this evidence was taken from multiple pages.", + "paper_name": "FEVER: a large-scale dataset for Fact Extraction and VERification", + "paper_abstract": "In this paper we introduce a new publicly available dataset for verification\nagainst textual sources, FEVER: Fact Extraction and VERification. It consists\nof 185,445 claims generated by altering sentences extracted from Wikipedia and\nsubsequently verified without knowledge of the sentence they were derived from.\nThe claims are classified as Supported, Refuted or NotEnoughInfo by annotators\nachieving 0.6841 in Fleiss $\\kappa$. For the first two classes, the annotators\nalso recorded the sentence(s) forming the necessary evidence for their\njudgment. To characterize the challenge of the dataset presented, we develop a\npipeline approach and compare it to suitably designed oracles. The best\naccuracy we achieve on labeling a claim accompanied by the correct evidence is\n31.87%, while if we ignore the evidence we achieve 50.91%. Thus we believe that\nFEVER is a challenging testbed that will help stimulate progress on claim\nverification against textual sources." + }, + "mwong/climate-evidence-related": { + "pwc_id": "climate-fever", + "dataset_name": "CLIMATE-FEVER Dataset", + "dataset_abstract": "A new publicly available dataset for verification of climate change-related claims.", + "paper_name": "CLIMATE-FEVER: A Dataset for Verification of Real-World Climate Claims", + "paper_abstract": "We introduce CLIMATE-FEVER, a new publicly available dataset for verification of climate change-related claims. By providing a dataset for the research community, we aim to facilitate and encourage work on improving algorithms for retrieving evidential support for climate-specific claims, addressing the underlying language understanding challenges, and ultimately help alleviate the impact of misinformation on climate change. We adapt the methodology of FEVER [1], the largest dataset of artificially designed claims, to real-life claims collected from the Internet. While during this process, we could rely on the expertise of renowned climate scientists, it turned out to be no easy task. We discuss the surprising, subtle complexity of modeling real-world climate-related claims within the \\textsc{fever} framework, which we believe provides a valuable challenge for general natural language understanding. We hope that our work will mark the beginning of a new exciting long-term joint effort by the climate science and AI community." + }, + "mwong/fever-claim-related": { + "pwc_id": "fever", + "dataset_name": "FEVER Dataset", + "dataset_abstract": "FEVER is a publicly available dataset for fact extraction and verification against textual sources.\n\nIt consists of 185,445 claims manually verified against the introductory sections of Wikipedia pages and classified as SUPPORTED, REFUTED or NOTENOUGHINFO. For the first two classes, systems and annotators need to also return the combination of sentences forming the necessary evidence supporting or refuting the claim.\n\nThe claims were generated by human annotators extracting claims from Wikipedia and mutating them in a variety of ways, some of which were meaning-altering. The verification of each claim was conducted in a separate annotation process by annotators who were aware of the page but not the sentence from which original claim was\nextracted and thus in 31.75% of the claims more than one sentence was considered appropriate evidence. Claims require composition of evidence from multiple sentences in 16.82% of cases. Furthermore, in 12.15% of the claims, this evidence was taken from multiple pages.", + "paper_name": "FEVER: a large-scale dataset for Fact Extraction and VERification", + "paper_abstract": "In this paper we introduce a new publicly available dataset for verification\nagainst textual sources, FEVER: Fact Extraction and VERification. It consists\nof 185,445 claims generated by altering sentences extracted from Wikipedia and\nsubsequently verified without knowledge of the sentence they were derived from.\nThe claims are classified as Supported, Refuted or NotEnoughInfo by annotators\nachieving 0.6841 in Fleiss $\\kappa$. For the first two classes, the annotators\nalso recorded the sentence(s) forming the necessary evidence for their\njudgment. To characterize the challenge of the dataset presented, we develop a\npipeline approach and compare it to suitably designed oracles. The best\naccuracy we achieve on labeling a claim accompanied by the correct evidence is\n31.87%, while if we ignore the evidence we achieve 50.91%. Thus we believe that\nFEVER is a challenging testbed that will help stimulate progress on claim\nverification against textual sources." + }, + "mwong/climate-claim-related": { + "pwc_id": "climate-fever", + "dataset_name": "CLIMATE-FEVER Dataset", + "dataset_abstract": "A new publicly available dataset for verification of climate change-related claims.", + "paper_name": "CLIMATE-FEVER: A Dataset for Verification of Real-World Climate Claims", + "paper_abstract": "We introduce CLIMATE-FEVER, a new publicly available dataset for verification of climate change-related claims. By providing a dataset for the research community, we aim to facilitate and encourage work on improving algorithms for retrieving evidential support for climate-specific claims, addressing the underlying language understanding challenges, and ultimately help alleviate the impact of misinformation on climate change. We adapt the methodology of FEVER [1], the largest dataset of artificially designed claims, to real-life claims collected from the Internet. While during this process, we could rely on the expertise of renowned climate scientists, it turned out to be no easy task. We discuss the surprising, subtle complexity of modeling real-world climate-related claims within the \\textsc{fever} framework, which we believe provides a valuable challenge for general natural language understanding. We hope that our work will mark the beginning of a new exciting long-term joint effort by the climate science and AI community." + }, + "Peihao/test-dateset": { + "pwc_id": "c4", + "dataset_name": "C4 Dataset", + "dataset_abstract": "C4 is a colossal, cleaned version of Common Crawl's web crawl corpus. It was based on Common Crawl dataset: https://commoncrawl.org. It was used to train the T5 text-to-text Transformer models.\n\nThe dataset can be downloaded in a pre-processed form from allennlp.", + "paper_name": "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer", + "paper_abstract": "Transfer learning, where a model is first pre-trained on a data-rich task before being fine-tuned on a downstream task, has emerged as a powerful technique in natural language processing (NLP). The effectiveness of transfer learning has given rise to a diversity of approaches, methodology, and practice. In this paper, we explore the landscape of transfer learning techniques for NLP by introducing a unified framework that converts all text-based language problems into a text-to-text format. Our systematic study compares pre-training objectives, architectures, unlabeled data sets, transfer approaches, and other factors on dozens of language understanding tasks. By combining the insights from our exploration with scale and our new ``Colossal Clean Crawled Corpus'', we achieve state-of-the-art results on many benchmarks covering summarization, question answering, text classification, and more. To facilitate future work on transfer learning for NLP, we release our data set, pre-trained models, and code." + }, + "surrey-nlp/PLOD-filtered": { + "pwc_id": "plod-filtered", + "dataset_name": "PLOD-filtered Dataset", + "dataset_abstract": "PLOD: An Abbreviation Detection Dataset\n\nThis is the PLOD (filtered) Dataset published at LREC 2022. The dataset can help build sequence labelling models for the task of Abbreviation Detection.", + "paper_name": "PLOD: An Abbreviation Detection Dataset for Scientific Documents", + "paper_abstract": "The detection and extraction of abbreviations from unstructured texts can help to improve the performance of Natural Language Processing tasks, such as machine translation and information retrieval. However, in terms of publicly available datasets, there is not enough data for training deep-neural-networks-based models to the point of generalising well over data. This paper presents PLOD, a large-scale dataset for abbreviation detection and extraction that contains 160k+ segments automatically annotated with abbreviations and their long forms. We performed manual validation over a set of instances and a complete automatic validation for this dataset. We then used it to generate several baseline models for detecting abbreviations and long forms. The best models achieved an F1-score of 0.92 for abbreviations and 0.89 for detecting their corresponding long forms. We release this dataset along with our code and all the models publicly in https://github.com/surrey-nlp/PLOD-AbbreviationDetection" + }, + "surrey-nlp/PLOD-unfiltered": { + "pwc_id": "plod-an-abbreviation-detection-dataset-for", + "dataset_name": "PLOD-unfiltered Dataset", + "dataset_abstract": "PLOD: An Abbreviation Detection Dataset\n\nThis is the PLOD (unfiltered) Dataset published at LREC 2022. The dataset can help build sequence labelling models for the task of Abbreviation Detection.", + "paper_name": "PLOD: An Abbreviation Detection Dataset for Scientific Documents", + "paper_abstract": "The detection and extraction of abbreviations from unstructured texts can help to improve the performance of Natural Language Processing tasks, such as machine translation and information retrieval. However, in terms of publicly available datasets, there is not enough data for training deep-neural-networks-based models to the point of generalising well over data. This paper presents PLOD, a large-scale dataset for abbreviation detection and extraction that contains 160k+ segments automatically annotated with abbreviations and their long forms. We performed manual validation over a set of instances and a complete automatic validation for this dataset. We then used it to generate several baseline models for detecting abbreviations and long forms. The best models achieved an F1-score of 0.92 for abbreviations and 0.89 for detecting their corresponding long forms. We release this dataset along with our code and all the models publicly in https://github.com/surrey-nlp/PLOD-AbbreviationDetection" + }, + "Lexi/spanextract": { + "pwc_id": "squad", + "dataset_name": "SQuAD Dataset", + "dataset_abstract": "The Stanford Question Answering Dataset (SQuAD) is a collection of question-answer pairs derived from Wikipedia articles. In SQuAD, the correct answers of questions can be any sequence of tokens in the given text. Because the questions and answers are produced by humans through crowdsourcing, it is more diverse than some other question-answering datasets. SQuAD 1.1 contains 107,785 question-answer pairs on 536 articles. SQuAD2.0 (open-domain SQuAD, SQuAD-Open), the latest version, combines the 100,000 questions in SQuAD1.1 with over 50,000 un-answerable questions written adversarially by crowdworkers in forms that are similar to the answerable ones.", + "paper_name": "SQuAD: 100,000+ Questions for Machine Comprehension of Text", + "paper_abstract": "We present the Stanford Question Answering Dataset (SQuAD), a new reading\ncomprehension dataset consisting of 100,000+ questions posed by crowdworkers on\na set of Wikipedia articles, where the answer to each question is a segment of\ntext from the corresponding reading passage. We analyze the dataset to\nunderstand the types of reasoning required to answer the questions, leaning\nheavily on dependency and constituency trees. We build a strong logistic\nregression model, which achieves an F1 score of 51.0%, a significant\nimprovement over a simple baseline (20%). However, human performance (86.8%) is\nmuch higher, indicating that the dataset presents a good challenge problem for\nfuture research.\n The dataset is freely available at https://stanford-qa.com" + }, + "aps/imagenet2012": { + "pwc_id": "imagenet", + "dataset_name": "ImageNet Dataset", + "dataset_abstract": "The ImageNet dataset contains 14,197,122 annotated images according to the WordNet hierarchy. Since 2010 the dataset is used in the ImageNet Large Scale Visual Recognition Challenge (ILSVRC), a benchmark in image classification and object detection.\nThe publicly released dataset contains a set of manually annotated training images. A set of test images is also released, with the manual annotations withheld.\nILSVRC annotations fall into one of two categories: (1) image-level annotation of a binary label for the presence or absence of an object class in the image, e.g., \u201cthere are cars in this image\u201d but \u201cthere are no tigers,\u201d and (2) object-level annotation of a tight bounding box and class label around an object instance in the image, e.g., \u201cthere is a screwdriver centered at position (20,25) with width of 50 pixels and height of 30 pixels\u201d.\nThe ImageNet project does not own the copyright of the images, therefore only thumbnails and URLs of images are provided.\n\n\nTotal number of non-empty WordNet synsets: 21841\nTotal number of images: 14197122\nNumber of images with bounding box annotations: 1,034,908\nNumber of synsets with SIFT features: 1000\nNumber of images with SIFT features: 1.2 million", + "paper_name": "", + "paper_abstract": "" + }, + "patrickvonplaten/librispeech_asr_self_contained": { + "pwc_id": "librispeech-1", + "dataset_name": "LibriSpeech Dataset", + "dataset_abstract": "The LibriSpeech corpus is a collection of approximately 1,000 hours of audiobooks that are a part of the LibriVox project. Most of the audiobooks come from the Project Gutenberg. The training data is split into 3 partitions of 100hr, 360hr, and 500hr sets while the dev and test data are split into the \u2019clean\u2019 and \u2019other\u2019 categories, respectively, depending upon how well or challening Automatic Speech Recognition systems would perform against. Each of the dev and test sets is around 5hr in audio length. This corpus also provides the n-gram language models and the corresponding texts excerpted from the Project Gutenberg books, which contain 803M tokens and 977K unique words.", + "paper_name": "", + "paper_abstract": "" + }, + "lewtun/autoevaluate__imdb": { + "pwc_id": "imdb-movie-reviews", + "dataset_name": "IMDb Movie Reviews Dataset", + "dataset_abstract": "The IMDb Movie Reviews dataset is a binary sentiment analysis dataset consisting of 50,000 reviews from the Internet Movie Database (IMDb) labeled as positive or negative. The dataset contains an even number of positive and negative reviews. Only highly polarizing reviews are considered. A negative review has a score \u2264 4 out of 10, and a positive review has a score \u2265 7 out of 10. No more than 30 reviews are included per movie. The dataset contains additional unlabeled data.", + "paper_name": "", + "paper_abstract": "" + }, + "lewtun/autoevaluate__squad": { + "pwc_id": "squad", + "dataset_name": "SQuAD Dataset", + "dataset_abstract": "The Stanford Question Answering Dataset (SQuAD) is a collection of question-answer pairs derived from Wikipedia articles. In SQuAD, the correct answers of questions can be any sequence of tokens in the given text. Because the questions and answers are produced by humans through crowdsourcing, it is more diverse than some other question-answering datasets. SQuAD 1.1 contains 107,785 question-answer pairs on 536 articles. SQuAD2.0 (open-domain SQuAD, SQuAD-Open), the latest version, combines the 100,000 questions in SQuAD1.1 with over 50,000 un-answerable questions written adversarially by crowdworkers in forms that are similar to the answerable ones.", + "paper_name": "SQuAD: 100,000+ Questions for Machine Comprehension of Text", + "paper_abstract": "We present the Stanford Question Answering Dataset (SQuAD), a new reading\ncomprehension dataset consisting of 100,000+ questions posed by crowdworkers on\na set of Wikipedia articles, where the answer to each question is a segment of\ntext from the corresponding reading passage. We analyze the dataset to\nunderstand the types of reasoning required to answer the questions, leaning\nheavily on dependency and constituency trees. We build a strong logistic\nregression model, which achieves an F1 score of 51.0%, a significant\nimprovement over a simple baseline (20%). However, human performance (86.8%) is\nmuch higher, indicating that the dataset presents a good challenge problem for\nfuture research.\n The dataset is freely available at https://stanford-qa.com" + }, + "lewtun/autoevaluate__xsum": { + "pwc_id": "xsum", + "dataset_name": "XSum Dataset", + "dataset_abstract": "The Extreme Summarization (XSum) dataset is a dataset for evaluation of abstractive single-document summarization systems. The goal is to create a short, one-sentence new summary answering the question \u201cWhat is the article about?\u201d. The dataset consists of 226,711 news articles accompanied with a one-sentence summary. The articles are collected from BBC articles (2010 to 2017) and cover a wide variety of domains (e.g., News, Politics, Sports, Weather, Business, Technology, Science, Health, Family, Education, Entertainment and Arts). The official random split contains 204,045 (90%), 11,332 (5%) and 11,334 (5) documents in training, validation and test sets, respectively.", + "paper_name": "Don't Give Me the Details, Just the Summary! Topic-Aware Convolutional Neural Networks for Extreme Summarization", + "paper_abstract": "We introduce extreme summarization, a new single-document summarization task\nwhich does not favor extractive strategies and calls for an abstractive\nmodeling approach. The idea is to create a short, one-sentence news summary\nanswering the question \"What is the article about?\". We collect a real-world,\nlarge-scale dataset for this task by harvesting online articles from the\nBritish Broadcasting Corporation (BBC). We propose a novel abstractive model\nwhich is conditioned on the article's topics and based entirely on\nconvolutional neural networks. We demonstrate experimentally that this\narchitecture captures long-range dependencies in a document and recognizes\npertinent content, outperforming an oracle extractive system and\nstate-of-the-art abstractive approaches when evaluated automatically and by\nhumans." + }, + "lewtun/autoevaluate__ncbi_disease": { + "pwc_id": "ncbi-disease-1", + "dataset_name": "NCBI Disease Dataset", + "dataset_abstract": "The NCBI Disease corpus consists of 793 PubMed abstracts, which are separated into training (593), development (100) and test (100) subsets. The NCBI Disease corpus is annotated with disease mentions, using concept identifiers from either MeSH or OMIM.", + "paper_name": "", + "paper_abstract": "" + }, + "cfilt/HiNER-original": { + "pwc_id": "hiner-original-1", + "dataset_name": "HiNER-original Dataset", + "dataset_abstract": "This dataset releases a significantly sized standard-abiding Hindi NER dataset containing 109,146 sentences and 2,220,856 tokens, annotated with 11 tags.", + "paper_name": "HiNER: A Large Hindi Named Entity Recognition Dataset", + "paper_abstract": "Named Entity Recognition (NER) is a foundational NLP task that aims to provide class labels like Person, Location, Organisation, Time, and Number to words in free text. Named Entities can also be multi-word expressions where the additional I-O-B annotation information helps label them during the NER annotation process. While English and European languages have considerable annotated data for the NER task, Indian languages lack on that front -- both in terms of quantity and following annotation standards. This paper releases a significantly sized standard-abiding Hindi NER dataset containing 109,146 sentences and 2,220,856 tokens, annotated with 11 tags. We discuss the dataset statistics in all their essential detail and provide an in-depth analysis of the NER tag-set used with our data. The statistics of tag-set in our dataset show a healthy per-tag distribution, especially for prominent classes like Person, Location and Organisation. Since the proof of resource-effectiveness is in building models with the resource and testing the model on benchmark data and against the leader-board entries in shared tasks, we do the same with the aforesaid data. We use different language models to perform the sequence labelling task for NER and show the efficacy of our data by performing a comparative evaluation with models trained on another dataset available for the Hindi NER task. Our dataset helps achieve a weighted F1 score of 88.78 with all the tags and 92.22 when we collapse the tag-set, as discussed in the paper. To the best of our knowledge, no available dataset meets the standards of volume (amount) and variability (diversity), as far as Hindi NER is concerned. We fill this gap through this work, which we hope will significantly help NLP for Hindi. We release this dataset with our code and models at https://github.com/cfiltnlp/HiNER" + }, + "janck/bigscience-lama": { + "pwc_id": "lama", + "dataset_name": "LAMA Dataset", + "dataset_abstract": "LAnguage Model Analysis (LAMA) consists of a set of knowledge sources, each comprised of a set of facts. LAMA is a probe for analyzing the factual and commonsense knowledge contained in pretrained language models.", + "paper_name": "Language Models as Knowledge Bases?", + "paper_abstract": "Recent progress in pretraining language models on large textual corpora led to a surge of improvements for downstream NLP tasks. Whilst learning linguistic knowledge, these models may also be storing relational knowledge present in the training data, and may be able to answer queries structured as \"fill-in-the-blank\" cloze statements. Language models have many advantages over structured knowledge bases: they require no schema engineering, allow practitioners to query about an open class of relations, are easy to extend to more data, and require no human supervision to train. We present an in-depth analysis of the relational knowledge already present (without fine-tuning) in a wide range of state-of-the-art pretrained language models. We find that (i) without fine-tuning, BERT contains relational knowledge competitive with traditional NLP methods that have some access to oracle knowledge, (ii) BERT also does remarkably well on open-domain question answering against a supervised baseline, and (iii) certain types of factual knowledge are learned much more readily than others by standard language model pretraining approaches. The surprisingly strong ability of these models to recall factual knowledge without any fine-tuning demonstrates their potential as unsupervised open-domain QA systems. The code to reproduce our analysis is available at https://github.com/facebookresearch/LAMA." + }, + "AmazonScience/massive": { + "pwc_id": "massive", + "dataset_name": "MASSIVE Dataset", + "dataset_abstract": "MASSIVE is a parallel dataset of > 1M utterances across 51 languages with annotations for the Natural Language Understanding tasks of intent prediction and slot annotation. Utterances span 60 intents and include 55 slot types. MASSIVE was created by localizing the SLURP dataset, composed of general Intelligent Voice Assistant single-shot interactions.", + "paper_name": "MASSIVE: A 1M-Example Multilingual Natural Language Understanding Dataset with 51 Typologically-Diverse Languages", + "paper_abstract": "We present the MASSIVE dataset--Multilingual Amazon Slu resource package (SLURP) for Slot-filling, Intent classification, and Virtual assistant Evaluation. MASSIVE contains 1M realistic, parallel, labeled virtual assistant utterances spanning 51 languages, 18 domains, 60 intents, and 55 slots. MASSIVE was created by tasking professional translators to localize the English-only SLURP dataset into 50 typologically diverse languages from 29 genera. We also present modeling results on XLM-R and mT5, including exact match accuracy, intent classification accuracy, and slot-filling F1 score. We have released our dataset, modeling code, and models publicly." + }, + "strombergnlp/danfever": { + "pwc_id": "danfever", + "dataset_name": "DanFEVER Dataset", + "dataset_abstract": "We present a dataset, DANFEVER, intended for claim verification in Danish. The dataset builds upon the task framing of the FEVER fact extraction and verification challenge. DANFEVER can be used for creating models for detecting mis- & disinformation in Danish as well as for verification in multilingual settings.", + "paper_name": "DanFEVER: claim verification dataset for Danish", + "paper_abstract": "We present a dataset, DanFEVER, intended for multilingual misinformation research. The dataset is in Danish and has the same format as the well-known English FEVER dataset. It can be used for testing methods in multilingual settings, as well as for creating models in production for the Danish language." + }, + "strombergnlp/broad_twitter_corpus": { + "pwc_id": "broad-twitter-corpus", + "dataset_name": "Broad Twitter Corpus Dataset", + "dataset_abstract": "This paper introduces the Broad Twitter Corpus (BTC), which is not only significantly bigger, but sampled across different regions, temporal periods, and types of Twitter users. The gold-standard named entity annotations are made by a combination of NLP experts and crowd workers, which enables us to harness crowd recall while maintaining high quality. We also measure the entity drift observed in our dataset (i.e. how entity representation varies over time), and compare to newswire.", + "paper_name": "Broad Twitter Corpus: A Diverse Named Entity Recognition Resource", + "paper_abstract": "One of the main obstacles, hampering method development and comparative evaluation of named entity recognition in social media, is the lack of a sizeable, diverse, high quality annotated corpus, analogous to the CoNLL{'}2003 news dataset. For instance, the biggest Ritter tweet corpus is only 45,000 tokens {--} a mere 15{\\%} the size of CoNLL{'}2003. Another major shortcoming is the lack of temporal, geographic, and author diversity. This paper introduces the Broad Twitter Corpus (BTC), which is not only significantly bigger, but sampled across different regions, temporal periods, and types of Twitter users. The gold-standard named entity annotations are made by a combination of NLP experts and crowd workers, which enables us to harness crowd recall while maintaining high quality. We also measure the entity drift observed in our dataset (i.e. how entity representation varies over time), and compare to newswire. The corpus is released openly, including source text and intermediate annotations." + }, + "strombergnlp/ipm_nel": { + "pwc_id": "ipm-nel", + "dataset_name": "IPM NEL Dataset", + "dataset_abstract": "This data is for the task of named entity recognition and linking/disambiguation over tweets. It comprises\nthe addition of an entity URI layer on top of an NER-annotated tweet dataset. The task is to detect entities\nand then provide a correct link to them in DBpedia, thus disambiguating otherwise ambiguous entity surface\nforms; for example, this means linking \"Paris\" to the correct instance of a city named that (e.g. Paris, \nFrance vs. Paris, Texas).\n\nThe data concentrates on ten types of named entities: company, facility, geographic location, movie, musical\nartist, person, product, sports team, TV show, and other.\n\nThe file is tab separated, in CoNLL format, with line breaks between tweets.\nData preserves the tokenisation used in the Ritter datasets.\nPoS labels are not present for all tweets, but where they could be found in the Ritter\ndata, they're given. In cases where a URI could not be agreed, or was not present in\nDBpedia, there is a NIL. See the paper for a full description of the methodology.", + "paper_name": "Analysis of Named Entity Recognition and Linking for Tweets", + "paper_abstract": "Applying natural language processing for mining and intelligent information\naccess to tweets (a form of microblog) is a challenging, emerging research\narea. Unlike carefully authored news text and other longer content, tweets pose\na number of new challenges, due to their short, noisy, context-dependent, and\ndynamic nature. Information extraction from tweets is typically performed in a\npipeline, comprising consecutive stages of language identification,\ntokenisation, part-of-speech tagging, named entity recognition and entity\ndisambiguation (e.g. with respect to DBpedia). In this work, we describe a new\nTwitter entity disambiguation dataset, and conduct an empirical analysis of\nnamed entity recognition and disambiguation, investigating how robust a number\nof state-of-the-art systems are on such noisy texts, what the main sources of\nerror are, and which problems should be further investigated to improve the\nstate of the art." + }, + "strombergnlp/shaj": { + "pwc_id": "shaj", + "dataset_name": "SHAJ Dataset", + "dataset_abstract": "This is an abusive/offensive language detection dataset for Albanian. The data is formatted following the OffensEval convention. Data is from Instagram and YouTube comments.", + "paper_name": "Detecting Abusive Albanian", + "paper_abstract": "The ever growing usage of social media in the recent years has had a direct impact on the increased presence of hate speech and offensive speech in online platforms. Research on effective detection of such content has mainly focused on English and a few other widespread languages, while the leftover majority fail to have the same work put into them and thus cannot benefit from the steady advancements made in the field. In this paper we present \\textsc{Shaj}, an annotated Albanian dataset for hate speech and offensive speech that has been constructed from user-generated content on various social media platforms. Its annotation follows the hierarchical schema introduced in OffensEval. The dataset is tested using three different classification models, the best of which achieves an F1 score of 0.77 for the identification of offensive language, 0.64 F1 score for the automatic categorization of offensive types and lastly, 0.52 F1 score for the offensive language target identification." + }, + "strombergnlp/polstance": { + "pwc_id": "polstance", + "dataset_name": "polstance Dataset", + "dataset_abstract": "Political stance in Danish. Examples represent statements by politicians and are annotated for, against, or neutral to a given topic/article.", + "paper_name": "Political Stance in Danish", + "paper_abstract": "The task of stance detection consists of classifying the opinion within a text towards some target. This paper seeks to generate a dataset of quotes from Danish politicians, label this dataset to allow the task of stance detection to be performed, and present annotation guidelines to allow further expansion of the generated dataset. Furthermore, three models based on an LSTM architecture are designed, implemented and optimized to perform the task of stance detection for the generated dataset. Experiments are performed using conditionality and bi-directionality for these models, and using either singular word embeddings or averaged word embeddings for an entire quote, to determine the optimal model design. The simplest model design, applying neither conditionality or bi-directionality, and averaged word embeddings across quotes, yields the strongest results. Furthermore, it was found that inclusion of the quotes politician, and the party affiliation of the quoted politician, greatly improved performance of the strongest model." + }, + "strombergnlp/twitter_pos_vcb": { + "pwc_id": "twitter-pos-vcb", + "dataset_name": "Twitter PoS VCB Dataset", + "dataset_abstract": "The data is about 1.5 million English tweets annotated for part-of-speech using Ritter's extension of the PTB tagset. The tweets are from 2012 and 2013, tokenized using the GATE tokenizer and tagged jointly using the CMU ARK tagger and Ritter's T-POS tagger. Only when both these taggers' outputs are completely compatible over a whole tweet, is that tweet added to the dataset.", + "paper_name": "", + "paper_abstract": "" + }, + "strombergnlp/zulu_stance": { + "pwc_id": "zulu-stance", + "dataset_name": "zulu-stance Dataset", + "dataset_abstract": "This is a stance detection dataset in the Zulu language. The data is translated to Zulu by Zulu native speakers, from English source texts.\n\nOur paper aims at utilizing this progress made for English to transfers that knowledge into other languages, which is a non-trivial task due to the domain gap between English and the target languages. We propose a black-box non-intrusive method that utilizes techniques from Domain Adaptation to reduce the domain gap, without requiring any human expertise in the target language, by leveraging low-quality data in both a supervised and unsupervised manner. This allows us to rapidly achieve similar results for stance detection for the Zulu language, the target language in this work, as are found for English. A natively-translated dataset is used for evaluation of domain transfer.", + "paper_name": "Bridging the Domain Gap for Stance Detection for the Zulu language", + "paper_abstract": "Misinformation has become a major concern in recent last years given its spread across our information sources. In the past years, many NLP tasks have been introduced in this area, with some systems reaching good results on English language datasets. Existing AI based approaches for fighting misinformation in literature suggest automatic stance detection as an integral first step to success. Our paper aims at utilizing this progress made for English to transfers that knowledge into other languages, which is a non-trivial task due to the domain gap between English and the target languages. We propose a black-box non-intrusive method that utilizes techniques from Domain Adaptation to reduce the domain gap, without requiring any human expertise in the target language, by leveraging low-quality data in both a supervised and unsupervised manner. This allows us to rapidly achieve similar results for stance detection for the Zulu language, the target language in this work, as are found for English. We also provide a stance detection dataset in the Zulu language. Our experimental results show that by leveraging English datasets and machine translation we can increase performances on both English data along with other languages." + }, + "mozilla-foundation/common_voice_9_0": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "google/wit": { + "pwc_id": "wit", + "dataset_name": "WIT Dataset", + "dataset_abstract": "Wikipedia-based Image Text (WIT) Dataset is a large multimodal multilingual dataset. WIT is composed of a curated set of 37.6 million entity rich image-text examples with 11.5 million unique images across 108 Wikipedia languages. Its size enables WIT to be used as a pretraining dataset for multimodal machine learning models.\n\nKey Advantages\n\nA few unique advantages of WIT:\n\n\nThe largest multimodal dataset (time of this writing) by the number of image-text examples.\nA massively multilingual (first of its kind) with coverage for over 100+ languages.\nA collection of diverse set of concepts and real world entities.\nBrings forth challenging real-world test sets.", + "paper_name": "WIT: Wikipedia-based Image Text Dataset for Multimodal Multilingual Machine Learning", + "paper_abstract": "The milestone improvements brought about by deep representation learning and pre-training techniques have led to large performance gains across downstream NLP, IR and Vision tasks. Multimodal modeling techniques aim to leverage large high-quality visio-linguistic datasets for learning complementary information (across image and text modalities). In this paper, we introduce the Wikipedia-based Image Text (WIT) Dataset (https://github.com/google-research-datasets/wit) to better facilitate multimodal, multilingual learning. WIT is composed of a curated set of 37.6 million entity rich image-text examples with 11.5 million unique images across 108 Wikipedia languages. Its size enables WIT to be used as a pretraining dataset for multimodal models, as we show when applied to downstream tasks such as image-text retrieval. WIT has four main and unique advantages. First, WIT is the largest multimodal dataset by the number of image-text examples by 3x (at the time of writing). Second, WIT is massively multilingual (first of its kind) with coverage over 100+ languages (each of which has at least 12K examples) and provides cross-lingual texts for many images. Third, WIT represents a more diverse set of concepts and real world entities relative to what previous datasets cover. Lastly, WIT provides a very challenging real-world test set, as we empirically illustrate using an image-text retrieval task as an example." + }, + "shanya/crd3": { + "pwc_id": "crd3", + "dataset_name": "CRD3 Dataset", + "dataset_abstract": "The dataset is collected from 159 Critical Role episodes transcribed to text dialogues, consisting of 398,682 turns. It also includes corresponding abstractive summaries collected from the Fandom wiki. The dataset is linguistically unique in that the narratives are generated entirely through player collaboration and spoken interaction.", + "paper_name": "Storytelling with Dialogue: A Critical Role Dungeons and Dragons Dataset", + "paper_abstract": "This paper describes the Critical Role Dungeons and Dragons Dataset (CRD3) and related analyses. Critical Role is an unscripted, live-streamed show where a fixed group of people play Dungeons and Dragons, an open-ended role-playing game. The dataset is collected from 159 Critical Role episodes transcribed to text dialogues, consisting of 398,682 turns. It also includes corresponding abstractive summaries collected from the Fandom wiki. The dataset is linguistically unique in that the narratives are generated entirely through player collaboration and spoken interaction. For each dialogue, there are a large number of turns, multiple abstractive summaries with varying levels of detail, and semantic ties to the previous dialogues. In addition, we provide a data augmentation method that produces 34,243 summary-dialogue chunk pairs to support current neural ML approaches, and we provide an abstractive summarization benchmark and evaluation." + }, + "wikimedia/wit_base": { + "pwc_id": "wit", + "dataset_name": "WIT Dataset", + "dataset_abstract": "Wikipedia-based Image Text (WIT) Dataset is a large multimodal multilingual dataset. WIT is composed of a curated set of 37.6 million entity rich image-text examples with 11.5 million unique images across 108 Wikipedia languages. Its size enables WIT to be used as a pretraining dataset for multimodal machine learning models.\n\nKey Advantages\n\nA few unique advantages of WIT:\n\n\nThe largest multimodal dataset (time of this writing) by the number of image-text examples.\nA massively multilingual (first of its kind) with coverage for over 100+ languages.\nA collection of diverse set of concepts and real world entities.\nBrings forth challenging real-world test sets.", + "paper_name": "WIT: Wikipedia-based Image Text Dataset for Multimodal Multilingual Machine Learning", + "paper_abstract": "The milestone improvements brought about by deep representation learning and pre-training techniques have led to large performance gains across downstream NLP, IR and Vision tasks. Multimodal modeling techniques aim to leverage large high-quality visio-linguistic datasets for learning complementary information (across image and text modalities). In this paper, we introduce the Wikipedia-based Image Text (WIT) Dataset (https://github.com/google-research-datasets/wit) to better facilitate multimodal, multilingual learning. WIT is composed of a curated set of 37.6 million entity rich image-text examples with 11.5 million unique images across 108 Wikipedia languages. Its size enables WIT to be used as a pretraining dataset for multimodal models, as we show when applied to downstream tasks such as image-text retrieval. WIT has four main and unique advantages. First, WIT is the largest multimodal dataset by the number of image-text examples by 3x (at the time of writing). Second, WIT is massively multilingual (first of its kind) with coverage over 100+ languages (each of which has at least 12K examples) and provides cross-lingual texts for many images. Third, WIT represents a more diverse set of concepts and real world entities relative to what previous datasets cover. Lastly, WIT provides a very challenging real-world test set, as we empirically illustrate using an image-text retrieval task as an example." + }, + "orieg/elsevier-oa-cc-by": { + "pwc_id": "elsevier-oa-cc-by", + "dataset_name": "Elsevier OA CC-BY Dataset", + "dataset_abstract": "An open corpus of Scientific Research papers which has a representative sample from across scientific disciplines. This corpus not only includes the full text of the article, but also the metadata of the documents, along with the bibliographic information for each reference.", + "paper_name": "Elsevier OA CC-By Corpus", + "paper_abstract": "We introduce the Elsevier OA CC-BY corpus. This is the first open corpus of Scientific Research papers which has a representative sample from across scientific disciplines. This corpus not only includes the full text of the article, but also the metadata of the documents, along with the bibliographic information for each reference." + }, + "JoesSattle/common_voice_specific_version": { + "pwc_id": "common-voice", + "dataset_name": "Common Voice Dataset", + "dataset_abstract": "Common Voice is an audio dataset that consists of a unique MP3 and corresponding text file. There are 9,283 recorded hours in the dataset. The dataset also includes demographic metadata like age, sex, and accent. The dataset consists of 7,335 validated hours in 60 languages.", + "paper_name": "Common Voice: A Massively-Multilingual Speech Corpus", + "paper_abstract": "The Common Voice corpus is a massively-multilingual collection of transcribed speech intended for speech technology research and development. Common Voice is designed for Automatic Speech Recognition purposes but can be useful in other domains (e.g. language identification). To achieve scale and sustainability, the Common Voice project employs crowdsourcing for both data collection and data validation. The most recent release includes 29 languages, and as of November 2019 there are a total of 38 languages collecting data. Over 50,000 individuals have participated so far, resulting in 2,500 hours of collected audio. To our knowledge this is the largest audio corpus in the public domain for speech recognition, both in terms of number of hours and number of languages. As an example use case for Common Voice, we present speech recognition experiments using Mozilla's DeepSpeech Speech-to-Text toolkit. By applying transfer learning from a source English model, we find an average Character Error Rate improvement of 5.99 +/- 5.48 for twelve target languages (German, French, Italian, Turkish, Catalan, Slovenian, Welsh, Irish, Breton, Tatar, Chuvash, and Kabyle). For most of these languages, these are the first ever published results on end-to-end Automatic Speech Recognition." + }, + "filwsyl/video_tags": { + "pwc_id": "mnist", + "dataset_name": "MNIST Dataset", + "dataset_abstract": "The MNIST database (Modified National Institute of Standards and Technology database) is a large collection of handwritten digits. It has a training set of 60,000 examples, and a test set of 10,000 examples. It is a subset of a larger NIST Special Database 3 (digits written by employees of the United States Census Bureau) and Special Database 1 (digits written by high school students) which contain monochrome images of handwritten digits. The digits have been size-normalized and centered in a fixed-size image. The original black and white (bilevel) images from NIST were size normalized to fit in a 20x20 pixel box while preserving their aspect ratio. The resulting images contain grey levels as a result of the anti-aliasing technique used by the normalization algorithm. the images were centered in a 28x28 image by computing the center of mass of the pixels, and translating the image so as to position this point at the center of the 28x28 field.", + "paper_name": "", + "paper_abstract": "" + }, + "strombergnlp/twitter_pos": { + "pwc_id": "ritter-pos", + "dataset_name": "Ritter PoS Dataset", + "dataset_abstract": "PTB-tagged English Tweets", + "paper_name": "Named Entity Recognition in Tweets: An Experimental Study", + "paper_abstract": "People tweet more than 100 Million times\r\ndaily, yielding a noisy, informal, but sometimes informative corpus of 140-character\r\nmessages that mirrors the zeitgeist in an unprecedented manner. The performance of\r\nstandard NLP tools is severely degraded on\r\ntweets. This paper addresses this issue by\r\nre-building the NLP pipeline beginning with\r\npart-of-speech tagging, through chunking, to\r\nnamed-entity recognition. Our novel T-NER\r\nsystem doubles F1 score compared with the\r\nStanford NER system. T-NER leverages the\r\nredundancy inherent in tweets to achieve this\r\nperformance, using LabeledLDA to exploit\r\nFreebase dictionaries as a source of distant\r\nsupervision. LabeledLDA outperforms cotraining, increasing F1 by 25% over ten common entity types.\r\nOur NLP tools are available at: http://\r\ngithub.com/aritter/twitter_nlp" + }, + "strombergnlp/rustance": { + "pwc_id": "rustance", + "dataset_name": "RuStance Dataset", + "dataset_abstract": "Includes Russian tweets and news comments from multiple sources, covering multiple stories, as well as text classification approaches to stance detection as benchmarks over this data in this language.", + "paper_name": "Stance Prediction for Russian: Data and Analysis", + "paper_abstract": "Stance detection is a critical component of rumour and fake news\nidentification. It involves the extraction of the stance a particular author\ntakes related to a given claim, both expressed in text. This paper investigates\nstance classification for Russian. It introduces a new dataset, RuStance, of\nRussian tweets and news comments from multiple sources, covering multiple\nstories, as well as text classification approaches to stance detection as\nbenchmarks over this data in this language. As well as presenting this\nopenly-available dataset, the first of its kind for Russian, the paper presents\na baseline for stance prediction in the language." + }, + "rpeeters/wdc-computers": { + "pwc_id": "wdc-products", + "dataset_name": "WDC Products Dataset", + "dataset_abstract": "Many e-shops have started to mark-up product data within their HTML pages using the schema.org vocabulary. The Web Data Commons project regularly extracts such data from the Common Crawl, a large public web crawl. The Web Data Commons Training and Test Sets for Large-Scale Product Matching contain product offers from different e-shops in the form of binary product pairs (with corresponding label \"match\" or \"no match\") for four product categories, computers, cameras, watches and shoes. \n\nIn order to support the evaluation of machine learning-based matching methods, the data is split into training, validation and test sets. For each product category, we provide training sets in four different sizes (2.000-70.000 pairs). Furthermore there are sets of ids for each training set for a possible validation split (stratified random draw) available. The test set for each product category consists of 1.100 product pairs. The labels of the test sets were manually checked while those of the training sets were derived using shared product identifiers from the Web via weak supervision. \n\nThe data stems from the WDC Product Data Corpus for Large-Scale Product Matching - Version 2.0 which consists of 26 million product offers originating from 79 thousand websites.", + "paper_name": "", + "paper_abstract": "" + }, + "rpeeters/wdc-watches": { + "pwc_id": "wdc-products", + "dataset_name": "WDC Products Dataset", + "dataset_abstract": "Many e-shops have started to mark-up product data within their HTML pages using the schema.org vocabulary. The Web Data Commons project regularly extracts such data from the Common Crawl, a large public web crawl. The Web Data Commons Training and Test Sets for Large-Scale Product Matching contain product offers from different e-shops in the form of binary product pairs (with corresponding label \"match\" or \"no match\") for four product categories, computers, cameras, watches and shoes. \n\nIn order to support the evaluation of machine learning-based matching methods, the data is split into training, validation and test sets. For each product category, we provide training sets in four different sizes (2.000-70.000 pairs). Furthermore there are sets of ids for each training set for a possible validation split (stratified random draw) available. The test set for each product category consists of 1.100 product pairs. The labels of the test sets were manually checked while those of the training sets were derived using shared product identifiers from the Web via weak supervision. \n\nThe data stems from the WDC Product Data Corpus for Large-Scale Product Matching - Version 2.0 which consists of 26 million product offers originating from 79 thousand websites.", + "paper_name": "", + "paper_abstract": "" + }, + "MilaNLProc/honest": { + "pwc_id": "honest-en", + "dataset_name": "HONEST Dataset", + "dataset_abstract": "The HONEST dataset is a template-based corpus for testing the hurtfulness of sentence completions in language models (e.g., BERT) in six different languages (English, Italian, French, Portuguese, Romanian, and Spanish). HONEST is composed of 420 instances for each language, which are generated from 28 identity terms (14 male and 14 female) and 15 templates. It uses a set of identifier terms in singular and plural (i.e., woman, women, girl, boys) and a series of predicates (i.e., \u201cworks as [MASK]\u201d, \u201cis known for [MASK]\u201d). The objective is to use language models to fill the sentence, then the hurtfulness of the completion is evaluated.", + "paper_name": "HONEST: Measuring Hurtful Sentence Completion in Language Models", + "paper_abstract": "Language models have revolutionized the field of NLP. However, language models capture and proliferate hurtful stereotypes, especially in text generation. Our results show that 4.3{\\%} of the time, language models complete a sentence with a hurtful word. These cases are not random, but follow language and gender-specific patterns. We propose a score to measure hurtful sentence completions in language models (HONEST). It uses a systematic template- and lexicon-based bias evaluation methodology for six languages. Our findings suggest that these models replicate and amplify deep-seated societal stereotypes about gender roles. Sentence completions refer to sexual promiscuity when the target is female in 9{\\%} of the time, and in 4{\\%} to homosexuality when the target is male. The results raise questions about the use of these models in production settings." + }, + "strombergnlp/nordic_langid": { + "pwc_id": "nordic-langid", + "dataset_name": "nordic_langid Dataset", + "dataset_abstract": "Automatic language identification is a challenging problem. Discriminating between closely related languages is especially difficult. This paper presents a machine learning approach for automatic language identification for the Nordic languages, which often suffer miscategorisation by existing state-of-the-art tools. Concretely we will focus on discrimination between six Nordic languages: Danish, Swedish, Norwegian (Nynorsk), Norwegian (Bokm\u00e5l), Faroese and Icelandic.", + "paper_name": "Discriminating Between Similar Nordic Languages", + "paper_abstract": "Automatic language identification is a challenging problem. Discriminating between closely related languages is especially difficult. This paper presents a machine learning approach for automatic language identification for the Nordic languages, which often suffer miscategorisation by existing state-of-the-art tools. Concretely we will focus on discrimination between six Nordic languages: Danish, Swedish, Norwegian (Nynorsk), Norwegian (Bokm{\\aa}l), Faroese and Icelandic." + }, + "aps/charades": { + "pwc_id": "charades", + "dataset_name": "Charades Dataset", + "dataset_abstract": "The Charades dataset is composed of 9,848 videos of daily indoors activities with an average length of 30 seconds, involving interactions with 46 objects classes in 15 types of indoor scenes and containing a vocabulary of 30 verbs leading to 157 action classes. Each video in this dataset is annotated by multiple free-text descriptions, action labels, action intervals and classes of interacting objects. 267 different users were presented with a sentence, which includes objects and actions from a fixed vocabulary, and they recorded a video acting out the sentence. In total, the dataset contains 66,500 temporal annotations for 157 action classes, 41,104 labels for 46 object classes, and 27,847 textual descriptions of the videos. In the standard split there are7,986 training video and 1,863 validation video.", + "paper_name": "Hollywood in Homes: Crowdsourcing Data Collection for Activity Understanding", + "paper_abstract": "Computer vision has a great potential to help our daily lives by searching\nfor lost keys, watering flowers or reminding us to take a pill. To succeed with\nsuch tasks, computer vision methods need to be trained from real and diverse\nexamples of our daily dynamic scenes. While most of such scenes are not\nparticularly exciting, they typically do not appear on YouTube, in movies or TV\nbroadcasts. So how do we collect sufficiently many diverse but boring samples\nrepresenting our lives? We propose a novel Hollywood in Homes approach to\ncollect such data. Instead of shooting videos in the lab, we ensure diversity\nby distributing and crowdsourcing the whole process of video creation from\nscript writing to video recording and annotation. Following this procedure we\ncollect a new dataset, Charades, with hundreds of people recording videos in\ntheir own homes, acting out casual everyday activities. The dataset is composed\nof 9,848 annotated videos with an average length of 30 seconds, showing\nactivities of 267 people from three continents. Each video is annotated by\nmultiple free-text descriptions, action labels, action intervals and classes of\ninteracted objects. In total, Charades provides 27,847 video descriptions,\n66,500 temporally localized intervals for 157 action classes and 41,104 labels\nfor 46 object classes. Using this rich data, we evaluate and provide baseline\nresults for several tasks including action recognition and automatic\ndescription generation. We believe that the realism, diversity, and casual\nnature of this dataset will present unique challenges and new opportunities for\ncomputer vision community." + }, + "strombergnlp/bornholmsk_parallel": { + "pwc_id": "bornholmsk-parallel", + "dataset_name": "bornholmsk_parallel Dataset", + "dataset_abstract": "This dataset is parallel text for Bornholmsk and Danish.", + "paper_name": "Bornholmsk Natural Language Processing: Resources and Tools", + "paper_abstract": "This paper introduces language processing resources and tools for Bornholmsk, a language spoken on the island of Bornholm, with roots in Danish and closely related to Scanian. This presents an overview of the language and available data, and the first NLP models for this living, minority Nordic language. Sammenfattnijng p\u00e5 borrijnholmst: D\u00e6jnna artikkelijn introduserer naturspr\u00e5gsresurser \u00e5 varktoi for borrijnholmst, ed spr\u00e5g a d\u00e6r snakkes p\u00e5 \u00f6n Borrijnholm me r\u00f8dder i danst \u00e5 i n\u00e6r familia me sk\u00e5nst. Artikkelijn gjer ed \u00e2uersyn \u00e2uer spr\u00e5ged \u00e5 di datan som fijnnes, \u00e5 di fosste NLP mod\u00e6llarna for d\u00e6tta l\u00e6wenes nordiska minnret\u00e2lsspr\u00e5ged." + }, + "strombergnlp/bajer_danish_misogyny": { + "pwc_id": "bajer-danish-misogyny", + "dataset_name": "bajer_danish_misogyny Dataset", + "dataset_abstract": "This is a high-quality dataset of annotated posts sampled from social media posts and annotated for misogyny. Danish language.", + "paper_name": "Annotating Online Misogyny", + "paper_abstract": "Online misogyny, a category of online abusive language, has serious and harmful social consequences. Automatic detection of misogynistic language online, while imperative, poses complicated challenges to both data gathering, data annotation, and bias mitigation, as this type of data is linguistically complex and diverse. This paper makes three contributions in this area: Firstly, we describe the detailed design of our iterative annotation process and codebook. Secondly, we present a comprehensive taxonomy of labels for annotating misogyny in natural written language, and finally, we introduce a high-quality dataset of annotated posts sampled from social media posts." + } +} \ No newline at end of file diff --git a/data/paper_dataset_emb.json b/data/paper_dataset_emb.json new file mode 100644 index 0000000000000000000000000000000000000000..a60e1f721520c6c13f0f8c6d3863797d2da1b561 --- /dev/null +++ b/data/paper_dataset_emb.json @@ -0,0 +1,500 @@ +{"paper_id": "glue", "embedding": [-0.09748974442481995, 1.078713059425354, -0.17817726731300354, -0.2897760272026062, 0.5205777287483215, -0.09769241511821747, 0.5270925164222717, 0.883083701133728, 0.9963855147361755, 0.9968183636665344, 0.6969402432441711, -0.007674923166632652, 0.2082872986793518, -0.629805862903595, -0.27251002192497253, -0.2727734446525574, -1.2095342874526978, -1.1667041778564453, -1.7879718542099, -0.3566678464412689, -0.9590877294540405, -0.19254562258720398, 0.2213434875011444, 0.48275846242904663, -0.32135510444641113, -0.6850990056991577, 1.1058388948440552, -1.5156335830688477, 0.31653520464897156, 0.5679324865341187, -0.44618475437164307, 1.4049370288848877, -1.119618535041809, 0.3786056637763977, -0.34618079662323, -0.4565158784389496, 0.09070970863103867, 0.5736925005912781, -0.34601667523384094, -0.06401470303535461, -0.8056929707527161, -0.12917806208133698, 0.26865261793136597, 0.5544466376304626, 0.8901807069778442, -0.584419310092926, -0.2163953334093094, 0.5101349949836731, -0.524506688117981, 0.14967958629131317, -0.5588943958282471, -0.006165914237499237, 0.3638007938861847, 0.6000365018844604, -0.5998787879943848, 1.3392952680587769, 0.7179951071739197, -1.0333573818206787, 0.8944264054298401, -1.23457670211792, 1.2542622089385986, 1.850576639175415, -0.6201446652412415, 0.2523399293422699, 0.9507966637611389, 0.04975813627243042, 1.2880035638809204, 0.38540172576904297, 0.45042842626571655, 0.6803503036499023, -0.11504537612199783, -0.9218394160270691, 0.3103965222835541, 0.39193302392959595, 0.3443371653556824, 0.9988664388656616, 0.12429337203502655, 0.12879127264022827, 0.27517592906951904, -0.37901782989501953, -0.37801840901374817, 0.4098641276359558, 0.8659229278564453, -0.6261093020439148, 0.07889063656330109, 0.608748197555542, 0.24460554122924805, -1.0492253303527832, 0.8568933606147766, -1.7582656145095825, 0.14045843482017517, 0.0926436111330986, 0.06148844584822655, -0.19461803138256073, -0.4378560781478882, 0.05338955670595169, -0.0828227549791336, -0.5247302055358887, -0.5673877596855164, 0.5886004567146301, 0.7280533909797668, -0.3162791430950165, 0.26120713353157043, -0.22844934463500977, 0.6543481945991516, 0.9534653425216675, -0.3287646472454071, -0.29472824931144714, -0.8947945833206177, -0.39007502794265747, 0.44108903408050537, 1.0928937196731567, 0.03759656101465225, 0.4452213644981384, 0.1276538074016571, 0.25562584400177, 0.43461987376213074, -0.6169524192810059, -0.3608647286891937, 0.11656874418258667, 0.3270190954208374, -1.113478660583496, -0.3305172622203827, -0.5925848484039307, 0.6242942810058594, -0.750909686088562, 0.19254770874977112, -0.39011648297309875, 0.6915005445480347, -0.06822589784860611, 0.4970304071903229, 0.14895287156105042, -0.6376112699508667, -0.20748130977153778, 2.8713769912719727, -0.642744779586792, 1.708173394203186, -0.9029883742332458, 0.020213138312101364, -0.3335725665092468, 0.245630145072937, 1.0081377029418945, 0.1710050106048584, -0.638024091720581, -0.5890929102897644, 0.1171649843454361, -0.6174918413162231, 0.7029193043708801, -1.1100082397460938, -0.07609544694423676, -0.19941093027591705, 0.2557823956012726, -1.4918512105941772, -0.8088850378990173, 0.41969892382621765, 0.24937471747398376, 0.08008837699890137, 0.8852242231369019, -0.33768990635871887, 0.9518133401870728, 0.4728488624095917, -0.3201436400413513, -0.2890486717224121, 0.253042608499527, -1.0129553079605103, -0.1275804042816162, 0.7016433477401733, -0.5273656845092773, -0.5728983283042908, -0.7715904116630554, 0.7855445146560669, -0.2780373692512512, 0.09237585216760635, -0.3981989324092865, -0.11938126385211945, 0.5982018113136292, 0.8490667939186096, 0.3305436968803406, 0.37215515971183777, -0.5165969133377075, -0.08746719360351562, -0.5824072957038879, -0.09822506457567215, 0.6921583414077759, -0.5459337830543518, 0.769654393196106, -2.2822377681732178, 0.0015187710523605347, 0.3816472887992859, 0.33259353041648865, 0.0659264624118805, -0.5331155061721802, 0.13059626519680023, 0.0361904613673687, 0.2350834161043167, -0.05597361549735069, 0.8363327980041504, -1.2574913501739502, -0.33925169706344604, 0.43966245651245117, -0.2780054211616516, -0.10314211994409561, -0.03075142204761505, 1.6243863105773926, 0.4979221522808075, -0.7152026295661926, -0.7681550979614258, -1.6790136098861694, -0.027115263044834137, 2.510122060775757, 0.2208258956670761, -0.7640355825424194, -0.8087549805641174, -0.626128613948822, 0.2108645737171173, -0.6387097239494324, 0.18430545926094055, -0.6909252405166626, 0.08052530884742737, -1.3631254434585571, 0.2738122045993805, -0.6780411601066589, 0.3036119043827057, 0.6711233854293823, 1.3684449195861816, -0.3975374102592468, -0.3801998794078827, -0.26593923568725586, -0.583558201789856, 0.39894697070121765, 0.9908259510993958, 0.1650991290807724, -0.3626539707183838, 0.5318558216094971, -0.20845893025398254, 0.4301348924636841, 0.6614859700202942, 0.8157881498336792, -0.5162709355354309, 0.2590043544769287, -0.137573704123497, 1.070061445236206, 0.07120009511709213, 0.041697435081005096, -0.1912565380334854, 0.3378911316394806, -0.4097195565700531, -0.9166952967643738, 0.1195468157529831, 0.35159775614738464, 1.5170201063156128, 1.0364365577697754, -0.6606617569923401, 0.8991227149963379, -1.2827125787734985, 0.11419542878866196, -0.4577457904815674, -0.3371567130088806, -0.3728793263435364, -0.26574474573135376, 0.5144622325897217, -0.503319501876831, 0.20826125144958496, -0.21911649405956268, 0.06624557077884674, -1.7301769256591797, -0.2623964250087738, -0.294856995344162, -0.3099707365036011, -1.4405018091201782, -0.4442400634288788, -0.010230027139186859, -0.7931569814682007, -0.5591468811035156, -0.15992076694965363, 0.4557672441005707, 0.7277023792266846, 1.1277565956115723, 1.6774214506149292, 0.11967252194881439, 0.4701882600784302, 0.10322989523410797, 1.2026911973953247, -0.7932945489883423, 0.5653203725814819, 0.06475935876369476, 0.3672230541706085, -0.7935153841972351, 0.3763055205345154, -0.6209117770195007, 0.3152662515640259, 0.8056570887565613, -0.047797687351703644, 0.2025546431541443, -0.3865189254283905, -0.9804847240447998, 0.8672530055046082, -0.5521557927131653, 0.5983237028121948, -0.4707610607147217, 1.9092473983764648, 0.33291032910346985, -0.7374318838119507, 0.8518820405006409, 0.05268275737762451, -0.18202351033687592, 1.129032015800476, -0.4498036503791809, 0.6316341757774353, 0.12148500978946686, -0.20357178151607513, 0.5358502864837646, 0.28578391671180725, -2.0411994457244873, 0.1248675137758255, 0.9456853866577148, -0.2656145393848419, -0.6237977743148804, -0.7494248747825623, 0.10885770618915558, -0.9900274872779846, -0.07225858420133591, 0.4100581109523773, -1.0730143785476685, 0.4490000605583191, 0.09717563539743423, 0.4235067367553711, 0.7972018122673035, -0.17265482246875763, 0.46963587403297424, 0.9235342741012573, 0.5354305505752563, -0.8488405346870422, -0.14529818296432495, 0.8517505526542664, -0.5718826651573181, 0.2135079950094223, 0.5165585875511169, 1.1700111627578735, 1.1124483346939087, -0.23645520210266113, -0.22329950332641602, 1.0125048160552979, 0.797699511051178, 0.08115474879741669, 0.08375746756792068, -0.3424617052078247, 0.295590341091156, 0.1679578721523285, 0.8042171001434326, 0.04725874587893486, -0.7852911353111267, -0.8716729879379272, -0.36267760396003723, -0.14787834882736206, -0.6881174445152283, 1.7260245084762573, 0.540601909160614, 1.1838438510894775, -0.029745755717158318, 0.26252272725105286, -0.5737794041633606, -0.01752578839659691, 0.6903507113456726, 0.34767812490463257, -0.40112948417663574, -0.6404095888137817, -0.016115985810756683, 0.684680700302124, -0.29733723402023315, -0.31030961871147156, -0.005562470760196447, 0.8977205753326416, -0.09374798834323883, -0.9257047176361084, 0.07345747202634811, 0.9279441237449646, 0.4179605543613434, 1.3497782945632935, -0.789792537689209, -0.3892437219619751, 0.6485599279403687, 0.7760420441627502, 0.058209292590618134, -0.035698793828487396, -0.577778697013855, 0.07788681983947754, 0.6332473754882812, 1.1306853294372559, 0.08237941563129425, 1.3388549089431763, 0.6446470618247986, -0.7803554534912109, -0.9161552786827087, -0.2818468511104584, -1.125558853149414, -0.45499879121780396, -0.1957666575908661, -0.348834753036499, -0.42544546723365784, 0.8919428586959839, -0.5518133640289307, -0.5162839889526367, 0.8936468362808228, -0.8643173575401306, -1.2605172395706177, 0.7034964561462402, 1.0723772048950195, -1.1029386520385742, -0.29897764325141907, -0.2974258065223694, -0.6625493764877319, -0.9110903739929199, -0.0048758299089968204, -0.857867956161499, 0.07971413433551788, -0.10864682495594025, 1.2155632972717285, 0.2576208710670471, -0.1864234060049057, -1.1296181678771973, 0.5967192649841309, 1.4259319305419922, -0.9000840187072754, 0.1907738596200943, -0.23636269569396973, 0.5088455080986023, -0.4496936500072479, -1.0535614490509033, -0.4969840347766876, 0.997717022895813, -0.1280088722705841, -0.02177886664867401, -0.8144885897636414, -0.8244438171386719, 0.252666711807251, -0.1644955277442932, 0.5982945561408997, -0.7866341471672058, 0.19627635180950165, -0.17807912826538086, 0.3347315788269043, 0.6370210647583008, -0.6076156497001648, -0.7377384305000305, 0.8837975263595581, -0.31986290216445923, 0.6307762861251831, -0.08809217065572739, 0.5285841226577759, 1.2106202840805054, 0.1531921625137329, -0.05391637980937958, -0.26813700795173645, -11.704898834228516, 0.12394307553768158, -0.0960078090429306, -0.1879327893257141, 0.46064919233322144, -0.6868878602981567, 0.6989307403564453, -0.1207069456577301, 0.22804060578346252, -0.9386232495307922, 0.4936310648918152, 1.03696870803833, 0.453697144985199, -0.2730010747909546, -0.48852747678756714, -1.2050156593322754, -0.3582775294780731, -0.6159921884536743, 0.29216015338897705, 0.1950540542602539, -0.7836328744888306, -1.0757421255111694, -0.040359821170568466, 0.45194318890571594, 0.3780134320259094, 0.3367210030555725, -0.340856671333313, 0.07919205725193024, -0.4938645362854004, 0.01273336261510849, 0.548732578754425, -0.14377692341804504, -0.6414048075675964, -0.6278570294380188, 0.6410324573516846, 0.11249490082263947, -0.7538091540336609, 0.29724961519241333, 0.8285679221153259, 0.18285222351551056, -0.712411105632782, 0.22529307007789612, 0.3369651436805725, -0.3228389620780945, -0.6449776887893677, 0.505947470664978, 0.35981178283691406, -1.08005690574646, 0.3045920133590698, -1.055930733680725, -0.640366792678833, -0.6910074353218079, -0.9285846948623657, -0.7610387802124023, 0.3306279480457306, -0.23913432657718658, -0.6252680420875549, 0.055823639035224915, -0.3511585295200348, -1.1058034896850586, 0.44034746289253235, 0.4201982617378235, -0.27713122963905334, 0.1686611920595169, 0.44457513093948364, -0.766747772693634, 0.5928419828414917, 0.4290843904018402, -0.38449954986572266, 0.4816036820411682, -1.1648614406585693, 0.49412253499031067, 0.14607399702072144, 0.18919029831886292, -0.6718612313270569, -0.10387750715017319, -0.5433777570724487, -0.12101361155509949, 0.5234562158584595, -0.003013867884874344, -0.7231268286705017, 0.4895555078983307, 0.09690851718187332, -0.3559035062789917, -1.1644456386566162, 0.1689389944076538, -0.2362852692604065, 0.3330910801887512, 1.1701301336288452, -0.4020563066005707, 0.9961857795715332, 0.07827792316675186, -0.18923623859882355, 0.10689681023359299, -0.5194360613822937, 0.678702175617218, -0.37883293628692627, 0.5087751746177673, 0.5416675806045532, -0.8336105942726135, 0.3076508343219757, -0.4214462339878082, -0.5138291120529175, -0.005071170628070831, 0.15498101711273193, 0.30104127526283264, 0.2173353135585785, 0.12752798199653625, 0.39114052057266235, -0.43629762530326843, 0.9848794341087341, -0.20512138307094574, -0.7687745094299316, 0.7137898802757263, -0.2688823342323303, 0.7278277277946472, 0.7692617177963257, 0.4759855270385742, 0.8407931327819824, 0.7954895496368408, -0.39265352487564087, 1.420040249824524, 0.28911903500556946, 1.541110634803772, 0.08103123307228088, -0.19889234006404877, 0.7944279313087463, 0.9260998368263245, 0.018376724794507027, -1.4630907773971558, -0.09601277112960815, -0.1531064361333847, 0.07100103795528412, -0.1908395141363144, -0.1171107217669487, -0.058723803609609604, -1.1101932525634766, 1.5937421321868896, -0.7862091660499573, 0.09943880140781403, -0.08296571671962738, -0.9843308329582214, -0.2798604667186737, -0.8235818147659302, -0.8284298777580261, 0.18376390635967255, -1.9601114988327026, -0.04719117656350136, -0.41357359290122986, -0.25177478790283203, -0.12890636920928955, 0.10343017429113388, 1.1134140491485596, -1.091050386428833, -0.17271417379379272, -0.12652143836021423, 0.8083293437957764, -0.49170389771461487, -0.7783353328704834, -0.35779714584350586, -0.030114710330963135, 1.0027010440826416, -0.5951523780822754, 0.9809819459915161, 0.32779160141944885, 0.29719749093055725, -0.2858033776283264, -0.03616461902856827, -0.2880419194698334, 0.2970030903816223, 1.122702956199646, -1.2295300960540771, 0.11858334392309189, -0.5849621295928955, -0.3057623505592346, -1.072082757949829, -0.15791240334510803, 1.3526582717895508, -0.5728579759597778, 0.17086653411388397, -0.1249970942735672, 0.8167244791984558, 0.41561222076416016, -0.45049816370010376, -0.4575856029987335, -0.41921764612197876, 0.18447154760360718, 0.798894464969635, 0.17391173541545868, 0.5348306894302368, -1.5299497842788696, -1.2857756614685059, -0.6355570554733276, 0.04446565732359886, 0.3943283259868622, -0.0990397185087204, 0.770551323890686, 0.40233418345451355, 0.32246264815330505, 0.36277857422828674, -0.029146935790777206, 1.078235387802124, 0.17340196669101715, 0.26661548018455505, 0.42025578022003174, 0.11370439827442169, -0.5303786993026733, 0.35500556230545044, 0.1352347433567047, 0.7223383784294128, -1.3810794353485107, -0.39869850873947144, 0.17859730124473572, -0.3694508671760559, 0.06166829541325569, -1.2649307250976562, 0.03652215003967285, -0.15408630669116974, -0.1252337098121643, -1.2953656911849976, -0.028829775750637054, 0.9980513453483582, -0.3537585735321045, 0.6245747208595276, 0.5573329925537109, 0.5637068152427673, 0.49680671095848083, 0.4377294182777405, 1.3660746812820435, -0.1443750560283661, -0.11159351468086243, -0.3077988028526306, 0.515405535697937, -0.2324298620223999, -0.004930764436721802, -0.05905058607459068, -1.2140361070632935, 0.4022706151008606, -0.6909254193305969, 0.8541353940963745, -0.26585298776626587, 0.32943421602249146, 0.7193994522094727, 1.2255191802978516, -0.5842005014419556, -1.7064772844314575, -0.30091148614883423, -1.120428204536438, 0.3283992409706116, 0.09889163076877594, 0.502011775970459, 0.7675348520278931, 0.8800632357597351, 0.20220668613910675, 1.1120580434799194, -0.25636619329452515, -0.21322764456272125, -0.4682878851890564, -0.07702137529850006, 1.377047061920166, 0.5390108227729797, 0.275163859128952, -0.06844214349985123, -0.5847825407981873, -0.6148343682289124, -0.09198451042175293, -0.5579206943511963, 1.223848581314087, 1.1178698539733887, -0.0938585102558136, -0.04081257805228233, -1.017290711402893, 0.4784650206565857, -0.722896933555603, 0.4091256260871887, 0.40229958295822144, -0.19981828331947327, -1.4630643129348755, -0.755378246307373, -0.26553669571876526, 1.1304235458374023, -0.2054077684879303, -0.06955558061599731, -0.8196094036102295, 0.46311062574386597, 0.007475045509636402, -0.028211014345288277, -0.6535720229148865, -0.22462014853954315, -0.35363641381263733, 0.2408571094274521, 0.8711466789245605, -0.7096064686775208, -0.13566827774047852, 0.08420892059803009, -0.730006217956543, 0.7081250548362732, 0.05390270799398422, -0.6098121404647827, -1.0734165906906128, 0.39453011751174927, -0.15616101026535034, -0.25533729791641235, 1.0312671661376953, -0.33622002601623535, -1.8803778886795044, 0.8652138710021973, 1.2660531997680664, -0.6811636090278625, -0.08355618268251419, 0.15932202339172363, 0.18486586213111877, 0.2657070457935333, 0.9834869503974915]} +{"paper_id": "super_glue", "embedding": [0.11143074184656143, 1.152889609336853, 0.017748001962900162, -0.01732599548995495, 0.565417468547821, -0.18199467658996582, 0.5398812294006348, 0.512042760848999, 1.1368088722229004, 1.0135828256607056, 0.7121341824531555, -0.08498051762580872, 0.2869482636451721, -0.5056363344192505, -0.3290005326271057, -0.5749186277389526, -1.1408507823944092, -1.338152527809143, -1.855904221534729, -0.14291656017303467, -1.2171286344528198, -0.29421764612197876, 0.08988454937934875, 0.860240638256073, -0.10214583575725555, -0.910159170627594, 0.6975305676460266, -1.1563308238983154, -0.04070153832435608, 0.5292723178863525, -0.8807822465896606, 1.3212131261825562, -1.3319646120071411, 0.5227612853050232, -0.275675505399704, -0.9075637459754944, -0.2354554384946823, 0.41946718096733093, -0.1733400672674179, -0.1547238826751709, -0.41607820987701416, -0.3194286823272705, 0.605659544467926, 0.25416097044944763, 0.8574241995811462, -0.6036909818649292, -0.2667011022567749, 0.09495903551578522, -0.20658421516418457, 0.27339494228363037, -0.6337650418281555, 0.1575915813446045, 0.32339394092559814, 0.3491100072860718, -0.38738301396369934, 1.1643739938735962, 0.6464920043945312, -1.2918676137924194, 0.959186315536499, -0.6085134744644165, 1.0426218509674072, 2.024629831314087, -0.8493214249610901, 0.3002403974533081, 0.9287580251693726, 0.17627494037151337, 1.4933152198791504, 0.43321192264556885, 0.5120783448219299, 0.827556312084198, -0.40223395824432373, -0.764901340007782, 0.46401458978652954, 0.6362202167510986, 0.3132944405078888, 0.788274884223938, -0.02119380794465542, 0.33425241708755493, -0.15194368362426758, -0.42806529998779297, -0.396227091550827, 0.43653422594070435, 0.5360307097434998, -0.44264084100723267, 0.22735430300235748, 0.46551164984703064, 0.22352614998817444, -1.0520684719085693, 0.6011459231376648, -1.594783902168274, 0.46663254499435425, 0.1605033278465271, 0.1512715071439743, -0.03647378832101822, -0.6787250638008118, 0.1292147934436798, -0.041044920682907104, -0.3588990867137909, -0.3678286075592041, 0.3504945635795593, 0.7047654986381531, -0.18018268048763275, 0.45486536622047424, -0.26450690627098083, 0.5161417722702026, 1.000680685043335, -0.4474153518676758, -0.5275033116340637, -1.3902970552444458, -0.5762695670127869, 0.7585513591766357, 1.3460792303085327, -0.06134294718503952, 0.21300533413887024, 0.27021121978759766, 0.3189488649368286, 0.5394152402877808, -0.560687780380249, -0.40279722213745117, 0.0775819942355156, -0.32849618792533875, -0.9041433334350586, -0.5034169554710388, -0.6686404943466187, 0.7070120573043823, -0.7833566069602966, 0.1282564103603363, -0.897197425365448, 0.6114669442176819, -0.14466334879398346, 0.6113494634628296, 0.6200084090232849, -0.46481946110725403, 0.2682723104953766, 3.029103994369507, -0.7853049635887146, 1.2763323783874512, -0.5829047560691833, 0.021133046597242355, -0.6092011332511902, 0.17523321509361267, 1.5981734991073608, 0.07948540151119232, -0.9567162990570068, -0.5451708436012268, 0.4284569323062897, -0.8735105395317078, 0.3970361649990082, -1.3811426162719727, -0.49047717452049255, 0.059111129492521286, 0.3282439112663269, -1.3130398988723755, -0.8686160445213318, 0.3560947775840759, 0.14301425218582153, 0.27396485209465027, 0.9049725532531738, -0.3841150104999542, 1.1196368932724, 0.29683658480644226, 0.041162289679050446, -0.10428942739963531, 0.3643612265586853, -1.081278920173645, -0.0059921881183981895, 1.1683417558670044, -0.5080649256706238, -0.7161338925361633, -0.6498907208442688, 0.8238231539726257, -0.2020590603351593, 0.08738121390342712, -0.44660714268684387, 0.00010005570948123932, 0.5515544414520264, 0.7024700045585632, 0.8044967651367188, 0.3059247136116028, -0.4787326157093048, -0.003892902284860611, -0.5426239371299744, -0.12166111916303635, 0.7510350346565247, -0.416474312543869, 0.8668262362480164, -2.2495269775390625, -0.16301624476909637, -0.05921456217765808, 0.5482372641563416, -0.12162711471319199, -0.2761264145374298, 0.19192072749137878, 0.402180016040802, 0.5709086656570435, -0.4283810257911682, 1.0213775634765625, -1.3146593570709229, -0.4565642178058624, 0.24564950168132782, 0.03607819601893425, -0.36075475811958313, 0.09796832501888275, 1.2874221801757812, 0.16734495759010315, -0.3595445156097412, -0.9638504385948181, -1.5869200229644775, -0.08187659829854965, 2.381606101989746, 0.04617936536669731, -0.7584686279296875, -0.5575235486030579, -1.0780187845230103, 0.03557231277227402, -0.9971165657043457, 0.19151589274406433, -0.7301442623138428, -0.24513474106788635, -1.349122405052185, 0.2904864549636841, -0.37611737847328186, -0.10875744372606277, 1.0074646472930908, 1.445831298828125, -0.11928357928991318, -0.12951232492923737, -0.31279411911964417, -0.5051892995834351, 0.4754837155342102, 0.6762003898620605, 0.21338076889514923, -0.30899304151535034, 0.5805510878562927, -0.20190805196762085, 0.5274627804756165, 1.0667953491210938, 0.8356191515922546, -0.5521489381790161, 0.4570592939853668, -0.02541596069931984, 0.7927596569061279, -0.29464995861053467, -0.310385137796402, -0.03922995179891586, 0.30984047055244446, -0.2819494903087616, -0.9875662326812744, -0.21062053740024567, 0.07122379541397095, 1.40213942527771, 0.8207000494003296, -0.6884697079658508, 0.6609358191490173, -0.9955658316612244, 0.09735721349716187, -0.3806469440460205, -0.4369867146015167, -0.4066007733345032, -0.23676373064517975, 0.14038562774658203, -0.5289196968078613, 0.24228054285049438, -0.4627663493156433, -0.08675296604633331, -1.635135293006897, -0.7940243482589722, -0.06297479569911957, -0.6968098282814026, -1.6999684572219849, -0.3736597001552582, -0.041039422154426575, -1.1451283693313599, -0.32088837027549744, 0.2366677075624466, 0.49387434124946594, 0.18542037904262543, 1.2447222471237183, 1.9210482835769653, 0.20052699744701385, 0.6928251385688782, 0.24040798842906952, 1.1252713203430176, -0.606024444103241, 0.3836684823036194, 0.5499833226203918, 0.2405567467212677, -0.9192118644714355, 0.2742100954055786, -0.8575605750083923, 0.33338868618011475, 0.7968648672103882, 0.019268877804279327, 0.16338330507278442, -0.273740291595459, -1.1360923051834106, 0.6752718091011047, -0.6527871489524841, 0.8750033974647522, -0.8763798475265503, 1.920302391052246, 0.4068396985530853, -0.6135300993919373, 1.0172059535980225, -0.01646341197192669, -0.21676307916641235, 1.0446126461029053, -0.680344820022583, 0.6181697249412537, 0.19941474497318268, -0.482204794883728, 0.5809177756309509, 0.37228381633758545, -2.065767765045166, 0.21693047881126404, 0.66676926612854, 0.3153389096260071, -0.2963342070579529, -0.5670508146286011, 0.408447265625, -0.5438070893287659, -0.016125991940498352, 0.7658331990242004, -0.6954208612442017, 0.4722885191440582, 0.319627583026886, 0.4552590250968933, 0.4346766173839569, -0.15559884905815125, 0.4777439534664154, 1.0336723327636719, 0.5538411140441895, -0.8868244886398315, -0.2719157636165619, 1.0597575902938843, -0.6162309646606445, 0.34006938338279724, 0.7518174052238464, 0.997830331325531, 1.075594186782837, -0.48535698652267456, -0.037525277584791183, 0.9298854470252991, 0.5863441228866577, 0.02980898693203926, 0.10037918388843536, -0.5750795006752014, -0.14091132581233978, 0.2070075124502182, 0.8981472849845886, 0.01741379126906395, -0.9121103286743164, -1.0813398361206055, -0.3594731092453003, -0.13694380223751068, -0.804395318031311, 1.731455683708191, 0.3090347349643707, 0.9608469605445862, -0.026598233729600906, 0.2041933536529541, -0.3510505259037018, 0.044526856392621994, 0.810589075088501, 0.13190391659736633, -0.08674037456512451, -0.7630460262298584, 0.611281156539917, 0.6972512602806091, 0.02689826488494873, -0.5218179225921631, -0.3167933225631714, 0.6587671637535095, -0.2645060122013092, -1.251462697982788, 0.1570933312177658, 0.8552420139312744, 0.4356217384338379, 1.6497310400009155, -1.1196961402893066, -0.103644460439682, 0.5339159369468689, 0.7579536437988281, 0.002255612052977085, 0.4238278865814209, 0.08631736040115356, 0.37224534153938293, 0.4574328660964966, 1.468677282333374, -0.03330393135547638, 1.3351449966430664, 0.982754647731781, -0.8270223140716553, -1.1423611640930176, -0.38518083095550537, -1.1936838626861572, -0.43142348527908325, -0.01689046248793602, -0.5736675262451172, -0.34785929322242737, 0.7551295757293701, -0.7524954676628113, -0.4012327194213867, 0.63848876953125, -0.7862013578414917, -1.346712589263916, 0.5366668105125427, 1.2637898921966553, -0.5578664541244507, -0.34663912653923035, 0.0012448430061340332, -0.7137647867202759, -1.0531295537948608, -0.028832126408815384, -1.1766141653060913, 0.16291865706443787, -0.1066552996635437, 0.9580344557762146, 0.45817452669143677, -0.46511393785476685, -0.8319082856178284, 0.7725377678871155, 1.632977843284607, -0.9821140170097351, 0.3115679621696472, -0.13319216668605804, 0.7863212823867798, -0.22682183980941772, -0.9383761882781982, -0.43556246161460876, 0.9224319458007812, -0.57879638671875, 0.14016148447990417, -0.7194268703460693, -0.7050524353981018, 0.6508257985115051, 0.04010738059878349, 0.7235047221183777, -0.851352334022522, 0.10692459344863892, -0.29934796690940857, 0.5757672190666199, 0.6451116800308228, -0.7105814218521118, -0.5824891328811646, 0.9154554009437561, -0.2961246073246002, 0.3844965398311615, 0.4349343478679657, 0.7147608995437622, 1.1295768022537231, 0.47542935609817505, -0.1511181890964508, -0.3746912181377411, -11.054352760314941, 0.21272560954093933, -0.07068463414907455, -0.25831466913223267, 0.41791465878486633, -0.550931453704834, 0.6580238342285156, 0.029196785762906075, -0.1027635782957077, -0.6652634739875793, 0.45305725932121277, 1.1310160160064697, 0.3127058148384094, -0.3532102108001709, -0.38245630264282227, -0.9854722023010254, -0.3452623188495636, -0.9870327711105347, 0.2727476954460144, 0.6714499592781067, -0.9579209089279175, -1.51295006275177, 0.3063979744911194, 0.3461458384990692, 0.5000405311584473, -0.014614652842283249, -0.4974327087402344, -0.01496504619717598, -0.18408358097076416, 0.20339956879615784, 0.25215598940849304, -0.16980375349521637, -0.9633618593215942, -0.6518248319625854, 0.9283910393714905, -0.06490328907966614, -0.9698536396026611, 0.1265740543603897, 1.1180669069290161, 0.011140452697873116, -0.614224910736084, 0.11839810013771057, 0.16333547234535217, -0.5838055610656738, -0.7696989178657532, 0.36911797523498535, 0.46017202734947205, -1.2985477447509766, 0.124911829829216, -1.176371693611145, -0.6286574602127075, -0.9463697075843811, -1.3768261671066284, -0.9381110668182373, 0.579870343208313, -0.24622169137001038, -0.3296247720718384, 0.15047137439250946, -0.026870373636484146, -0.9160023927688599, 0.5023091435432434, 0.5139201879501343, -0.30285438895225525, 0.23230090737342834, 0.42940643429756165, -0.8781120181083679, 0.8392693996429443, 0.3998079299926758, -0.21617835760116577, 0.6656302213668823, -1.0352157354354858, 0.794237494468689, 0.11526311188936234, 0.3475290834903717, -0.7652876377105713, -0.33036577701568604, -0.16220828890800476, -0.37219542264938354, 0.15350782871246338, 0.13359035551548004, -0.9411463737487793, 0.3012150228023529, 0.47581756114959717, -0.21480554342269897, -0.9544987678527832, 0.031902674585580826, -0.38461148738861084, 0.3030286133289337, 1.0811307430267334, -0.3537246882915497, 1.1896240711212158, -0.49844419956207275, -0.2561991810798645, -0.17197901010513306, -0.5169020295143127, 0.8496370911598206, -0.7649956345558167, 0.7182872295379639, 0.38317063450813293, -0.7906447052955627, 0.29477787017822266, -0.06090569496154785, -0.5024315118789673, 0.16484561562538147, 0.37521466612815857, 0.3133298456668854, 0.09271353483200073, -0.03134172409772873, 0.3645991086959839, -0.5496695637702942, 1.0934633016586304, 0.14010833203792572, -0.5796234011650085, 1.0877286195755005, -0.4540298879146576, 0.9332334995269775, 0.7426725625991821, 0.4197453260421753, 0.8524190187454224, 0.5321236848831177, -0.6500865817070007, 1.4236669540405273, 0.33860188722610474, 1.4227110147476196, -0.13285797834396362, 0.09615621715784073, 0.994587779045105, 0.5351153016090393, 0.5792647004127502, -1.605209231376648, 0.1763719916343689, -0.3352569341659546, -0.07451440393924713, -0.12480057030916214, -0.02767978236079216, -0.09886747598648071, -1.5672112703323364, 1.5652800798416138, -0.7098879814147949, 0.03672827035188675, 0.3144296407699585, -0.9812531471252441, -0.0502350851893425, -0.885870099067688, -0.9244661927223206, 0.23625168204307556, -2.0860836505889893, -0.10137991607189178, -0.49622228741645813, -0.7043604254722595, -0.045200277119874954, -0.08299660682678223, 1.1544488668441772, -0.931786298751831, 0.0356023907661438, -0.07714050263166428, 0.7797251343727112, -0.641543447971344, -0.7275072932243347, -0.5167016983032227, 0.36125192046165466, 1.412987470626831, -0.43201401829719543, 0.6591850519180298, 0.5291985273361206, 0.047644346952438354, -0.6573253870010376, -0.1185392439365387, -0.19593508541584015, 0.4589407444000244, 1.2241898775100708, -1.114708662033081, -0.06086808443069458, -0.8887537717819214, 0.06519179046154022, -1.1970610618591309, -0.2860371172428131, 1.6378705501556396, -0.3312617540359497, 0.1735745519399643, -0.17774011194705963, 1.0182770490646362, 0.5934097766876221, -0.7102997899055481, -0.5683848857879639, -0.36273932456970215, -0.19758754968643188, 0.5550172328948975, 0.09632451087236404, 0.2921878397464752, -1.3443492650985718, -1.0848135948181152, -0.5404139161109924, -0.05816926807165146, 0.14611965417861938, -0.07713325321674347, 0.6459044218063354, 0.26577383279800415, 0.34493517875671387, 0.3052458167076111, -0.4554639160633087, 0.8741419911384583, -0.012240681797266006, 0.0041518621146678925, 0.057107653468847275, 0.030584387481212616, -0.3132294714450836, 0.4801149368286133, 0.40795010328292847, 0.814801812171936, -1.2945990562438965, -0.8065931797027588, -0.08528822660446167, -0.12073232233524323, 0.0014960020780563354, -1.0410078763961792, -0.041328661143779755, -0.10317949205636978, 0.021576132625341415, -1.3673288822174072, 0.0651351809501648, 1.4111071825027466, 0.04206450283527374, 0.5466864705085754, 0.8119584321975708, 0.4087361693382263, 0.4138477146625519, 0.3716925382614136, 1.2807366847991943, -0.3075951933860779, -0.2796492576599121, -0.3950727581977844, 0.07888317853212357, -0.25596582889556885, -0.032950472086668015, 0.08068861067295074, -1.4293103218078613, 0.03873591870069504, -0.7115211486816406, 0.6887539029121399, -0.2651674151420593, 0.2844070792198181, 0.7014216780662537, 1.1663697957992554, -0.36988645792007446, -1.2605457305908203, -0.2371613085269928, -1.1278760433197021, 0.11878557503223419, 0.24926412105560303, 0.33801472187042236, 0.7833698391914368, 0.7997780442237854, 0.1248767226934433, 1.2850611209869385, 0.3626610338687897, -0.2159249633550644, -0.41441765427589417, 0.2261527180671692, 1.3564904928207397, 0.5622125864028931, 0.23600511252880096, -0.0492183193564415, -1.0269057750701904, -0.8325263857841492, -0.21377745270729065, -0.44183120131492615, 1.072325348854065, 1.0201456546783447, -0.01013923343271017, -0.15412721037864685, -0.8249810934066772, 0.23732036352157593, -0.6794078946113586, 0.588435709476471, 0.422397255897522, -0.4630219340324402, -1.2400333881378174, -0.9111350774765015, -0.17034247517585754, 1.0869052410125732, -0.3925732374191284, 0.15782210230827332, -0.7223476767539978, 0.5289561152458191, -0.14869828522205353, -0.11075802147388458, -0.5692982077598572, -0.058785755187273026, -0.1918448507785797, 0.32270729541778564, 0.8670111894607544, -0.7583092451095581, -0.482030987739563, 0.08775664865970612, -0.9861775636672974, 0.3985055387020111, -0.07959805428981781, -0.9804248213768005, -0.841944694519043, 0.5499758124351501, 0.38529613614082336, -0.4167163372039795, 1.2901499271392822, -0.1821141541004181, -1.7648552656173706, 0.9949306845664978, 1.1983420848846436, -0.8711421489715576, 0.01569666899740696, 0.2646900713443756, 0.5878104567527771, 0.4937734007835388, 1.2848960161209106]} +{"paper_id": "wikitext", "embedding": [-0.704131543636322, 1.3532938957214355, 0.392983615398407, 0.043933287262916565, 0.2277783453464508, -0.30025577545166016, 0.29356926679611206, 0.8881368041038513, 0.7966625094413757, 0.48203030228614807, 1.063057541847229, -0.20334693789482117, 0.07817957550287247, 0.08863968402147293, 0.0035504810512065887, -0.6376277804374695, -0.7733141779899597, -0.5253041386604309, -0.6133678555488586, -0.5868001580238342, -1.0378541946411133, -0.050205811858177185, -0.10796557366847992, 0.5507078766822815, -0.4992285370826721, -0.6865062713623047, 0.27316659688949585, -0.9997664093971252, 0.19607329368591309, 0.3582848906517029, -0.33122116327285767, 0.857634425163269, -1.4031625986099243, 0.2959585189819336, -0.5308524370193481, -0.7415688633918762, -0.8337108492851257, 0.23061683773994446, -0.03533162549138069, 0.2341606765985489, -0.27880164980888367, -0.5267806649208069, 0.8469385504722595, 0.3940333425998688, 0.7584021091461182, -0.04495842009782791, 0.03629675507545471, 0.6373518109321594, 0.12044031918048859, 0.22205547988414764, -0.5619511008262634, 0.46828532218933105, 0.5869070887565613, 0.4496571123600006, -0.4909423291683197, 0.7302975058555603, 0.045940645039081573, -1.0844333171844482, 0.017097467556595802, -1.2561850547790527, 0.14446492493152618, 1.683315396308899, -0.487619012594223, 0.29483160376548767, 0.7109746932983398, 0.09833253920078278, 0.6961390376091003, 0.07636173069477081, 0.021114669740200043, 0.9185354709625244, -0.19980961084365845, -0.4931458532810211, 0.6836963891983032, 0.041636645793914795, 0.42331430315971375, 0.8975552320480347, 0.5296374559402466, 0.40223872661590576, 0.3593578040599823, 0.17156121134757996, -0.01925988867878914, 0.9853534698486328, 0.5618545413017273, -0.20514577627182007, -0.6150243878364563, 0.2634085714817047, 0.39034345746040344, -0.574043333530426, 0.10854849964380264, -1.1045291423797607, 0.07155875116586685, -0.169886976480484, -0.13831177353858948, 0.015799880027770996, -0.35462531447410583, -0.31600305438041687, -0.06323914974927902, -0.26514554023742676, -0.43304601311683655, 0.7118318676948547, 0.7331082820892334, -0.4440767168998718, 0.03937950357794762, -0.46299341320991516, 0.45963254570961, 0.2120552808046341, -0.46736714243888855, -0.8151360154151917, -0.4950770437717438, -0.20392370223999023, 0.21087071299552917, 1.2019402980804443, 0.15568804740905762, 0.7288742661476135, 0.2730032503604889, -0.2875521183013916, 0.5215799808502197, -0.3743043839931488, -0.48473063111305237, -0.20378397405147552, 0.03989686071872711, -1.1768592596054077, -0.1720789074897766, -0.29353997111320496, 0.40869563817977905, -0.724543571472168, 0.4434659779071808, -0.5651400089263916, -0.22555123269557953, -0.6793278455734253, 0.5925067663192749, 0.7418869733810425, -0.25279393792152405, -0.3981662690639496, 3.0840330123901367, -1.2263028621673584, 0.8560177683830261, -0.5621830224990845, 0.3449845314025879, -0.7652689814567566, -0.4272298514842987, 1.246545433998108, -0.38685619831085205, -0.4180167019367218, -0.48056790232658386, 0.15934281051158905, -0.6452085971832275, 0.5320810675621033, -0.40188780426979065, -0.029197346419095993, -0.2660171389579773, 0.6064291596412659, -1.156529426574707, -1.366090178489685, 0.3882081210613251, 0.33054405450820923, 0.4856494069099426, 0.6117317080497742, -0.5810626745223999, 1.209180235862732, 0.7461230158805847, 0.24353724718093872, -0.5632586479187012, 0.705184280872345, -0.8594213128089905, 0.30001115798950195, 1.3847672939300537, 0.017441559582948685, -0.3954846262931824, -0.7302234172821045, 0.48908713459968567, -0.02367113158106804, 0.1716027855873108, 0.10604868829250336, -0.019944926723837852, 0.17827415466308594, 0.3172018527984619, 0.14276321232318878, 0.3405004143714905, -0.3954794108867645, 0.053891539573669434, -0.16989344358444214, 0.2691541016101837, 0.7066402435302734, -0.09379932284355164, 0.9270443320274353, -1.638927698135376, -0.08084188401699066, 0.06416802108287811, 0.5365645289421082, -0.32593145966529846, -0.4517401456832886, 0.010355375707149506, 0.3419291377067566, 0.007623903453350067, -0.19479462504386902, 0.6432002186775208, -0.7906193137168884, -0.7152374982833862, 0.9856332540512085, -0.25051257014274597, -0.4906380772590637, -0.23485951125621796, 1.0133299827575684, 0.7511105537414551, -0.1518329679965973, -0.5059913992881775, -1.3961795568466187, 0.6862068772315979, 1.999346375465393, 0.3450700640678406, -1.180637001991272, -1.032454490661621, -1.2583482265472412, 0.24821186065673828, -1.0407437086105347, -0.12526974081993103, -0.4229797124862671, 0.2707973122596741, -1.4931259155273438, 0.4044967293739319, -0.38740822672843933, 0.2732023298740387, 0.05627834051847458, 1.1286474466323853, 0.006139084696769714, -0.3419467508792877, -0.3822980523109436, -0.6729952096939087, 0.16567037999629974, 1.015214204788208, -0.2575885057449341, -0.26819297671318054, -0.037682920694351196, -0.06411868333816528, -0.09388183057308197, 0.033357881009578705, 0.4902832508087158, 0.20001006126403809, 0.009200258180499077, 0.40940654277801514, 0.8104830980300903, -0.35186123847961426, -0.19169831275939941, 0.11677952110767365, -0.05304514244198799, -0.5059714913368225, -0.1229887530207634, -0.14048856496810913, 0.0682748407125473, 1.4274394512176514, 1.049288272857666, -0.5145794749259949, 0.6867759823799133, -1.122551441192627, 0.4756918251514435, 0.13912108540534973, -0.5283069610595703, -0.7461182475090027, -0.08958151936531067, 0.6620082855224609, -0.29624438285827637, -0.0714067816734314, -0.44317251443862915, 0.052137091755867004, -0.939150869846344, -1.0906810760498047, -0.699771523475647, -0.712111234664917, -1.384552240371704, -0.4494721591472626, 0.23976045846939087, -0.25214242935180664, -0.052067119628190994, 0.07106289267539978, 0.5774848461151123, 0.26628145575523376, 0.30425748229026794, 1.629506230354309, -0.07391058653593063, 0.6736111044883728, -0.061491407454013824, 0.3519638180732727, -0.6255956292152405, 0.3799055218696594, -0.3017267882823944, -0.4295021891593933, -0.8503262400627136, -0.5496270656585693, -0.06002476066350937, 0.3947541415691376, 0.21821287274360657, -0.18637368083000183, 0.28665444254875183, -0.3676167130470276, -1.276320457458496, 0.9958427548408508, -0.7966040372848511, 0.5260485410690308, -1.348333716392517, 1.5740362405776978, 0.5830977559089661, 0.01597999408841133, 0.31636136770248413, -0.476934015750885, 0.8386036157608032, 1.072168231010437, -0.6984224319458008, 0.9147173166275024, 0.14941877126693726, -0.4677884578704834, 0.14430345594882965, 0.057083405554294586, -2.3594326972961426, 0.12803909182548523, 0.39218807220458984, 0.5511289238929749, -0.13463202118873596, -0.819574773311615, 0.4782528877258301, -0.23010337352752686, -0.29939761757850647, 0.09885136038064957, -0.6821951866149902, 0.7369970679283142, -0.1801755428314209, 0.31133413314819336, 0.5169963240623474, -0.3633834719657898, -0.08725841343402863, 1.268127679824829, 0.7809005975723267, -1.2801339626312256, 0.08344022184610367, 0.9207901358604431, -0.5850075483322144, 0.1257927566766739, 0.9470440745353699, 0.7346579432487488, 0.966926097869873, -1.035107970237732, 0.33669716119766235, 0.8822080492973328, 0.8372651934623718, -0.332051157951355, 0.09287139773368835, -0.1992824822664261, 0.08289951086044312, 0.5900443196296692, 1.2069532871246338, 0.49429336190223694, -0.7254190444946289, -0.3582174479961395, 0.0015601543709635735, -0.6657454371452332, -0.8873847126960754, 1.1840108633041382, 0.8597979545593262, 1.6149705648422241, 0.17808467149734497, 0.44314682483673096, -0.3825992941856384, 0.11709222197532654, 0.5381965041160583, -0.07605068385601044, 0.0800519734621048, -0.6740388870239258, 0.49019986391067505, 0.6552874445915222, 0.250553697347641, -0.4818434715270996, -0.6668145656585693, 0.4656606614589691, 0.5858157873153687, -0.7315463423728943, -0.2676814794540405, 0.28832074999809265, 0.6025820374488831, 1.7445778846740723, -0.5151461362838745, -0.6695601940155029, 0.40971434116363525, 0.29913395643234253, 0.8307071924209595, 0.2226058542728424, -0.6375237703323364, 0.0352310836315155, 0.2677224278450012, 0.6240537762641907, -0.26429370045661926, 0.8016709685325623, 0.9463961124420166, -0.6081228852272034, -0.05770852789282799, 0.1454389989376068, -0.8982046246528625, 0.29006966948509216, 0.009180597960948944, 0.018922127783298492, -0.47052741050720215, 0.7602518796920776, -0.31903254985809326, -0.5076431632041931, 0.8466604948043823, 0.05119140073657036, -0.8868130445480347, 0.4914373755455017, 1.2882431745529175, -1.4070502519607544, -0.47266685962677, -0.08395136147737503, -0.9418562650680542, -1.0495542287826538, 0.9342619776725769, -0.3767454922199249, 0.3155059814453125, -0.30725058913230896, 0.45684123039245605, -0.6861212849617004, 0.005691893398761749, -1.4972201585769653, 0.9863113760948181, 0.9127284288406372, 0.10411007702350616, 0.42907312512397766, -0.7985550761222839, 0.7506232857704163, -0.2793750464916229, -1.2836525440216064, -0.19791418313980103, 0.43682271242141724, -0.27511340379714966, -0.21918556094169617, -0.45973479747772217, -0.02504221722483635, -0.38556501269340515, 0.6442888975143433, 0.24035586416721344, -0.7230409383773804, -0.10453376173973083, -0.07035581767559052, 0.8579372763633728, 1.205433964729309, -0.6914749145507812, -0.8356698751449585, 0.38199514150619507, -0.9622429013252258, 0.011147625744342804, 0.09838028252124786, 0.7552838921546936, 0.7857932448387146, 0.4685426950454712, 0.619784414768219, 0.13023942708969116, -12.721821784973145, 0.6820406913757324, -0.3618412911891937, 0.15221169590950012, 0.2834278345108032, -0.023968063294887543, 0.5106697678565979, 0.20298877358436584, 0.10683222860097885, -0.4753022789955139, 0.4173375070095062, 1.2351984977722168, 0.2639644145965576, -0.6062436103820801, -0.19580557942390442, -1.3917044401168823, -0.22986382246017456, -0.4655473232269287, 0.6267176866531372, 0.6962074637413025, 0.004584163427352905, -1.1009541749954224, 0.17038536071777344, 0.4943622946739197, -0.49234023690223694, -0.5444890260696411, 0.22290101647377014, 0.43680569529533386, -0.23560592532157898, -0.024744410067796707, 0.021588172763586044, -0.030986057594418526, -1.073163628578186, 0.21782051026821136, 0.8508098721504211, -0.09623086452484131, -1.5997051000595093, -0.18771275877952576, 0.8883978724479675, -0.10313967615365982, -0.5319641828536987, -0.05522645264863968, 0.2087758481502533, -1.0619254112243652, -0.8093394041061401, 0.3981228470802307, 0.4515978693962097, -0.990017831325531, -0.04890478402376175, -1.0311086177825928, -0.5293847918510437, -1.0049853324890137, -0.8431843519210815, -0.9357776045799255, 0.5933025479316711, 0.20035144686698914, -0.571908712387085, 0.0755838081240654, -0.2546272873878479, -0.7176929712295532, 0.3289518356323242, 0.7082235813140869, -0.2825774848461151, 0.17486369609832764, 0.513383150100708, -0.9699653387069702, 0.3865969181060791, 0.2672904133796692, 0.6038979291915894, 0.5025725960731506, -0.9600779414176941, 0.608613133430481, 0.7086861729621887, 0.1386384218931198, -0.5138834118843079, -0.030307196080684662, 0.259333074092865, -0.8411777019500732, 0.5236780047416687, 0.6732126474380493, -0.40972641110420227, 0.3368299603462219, 0.22154945135116577, -0.34260591864585876, -0.5934639573097229, -0.13009610772132874, -0.12832120060920715, -0.24047060310840607, 1.4088542461395264, 0.7646039128303528, 1.40650475025177, 0.14442023634910583, -0.7611492276191711, 0.13543090224266052, -0.6953994035720825, 1.0834434032440186, -0.7292550206184387, 0.809178352355957, 0.4198050796985626, -0.17798593640327454, 0.4922749102115631, -0.30347883701324463, -0.4517928957939148, -0.10577040910720825, 0.9445757269859314, -0.17025122046470642, 0.07985451817512512, 0.5451432466506958, 0.378786563873291, 0.27402299642562866, 1.0082976818084717, 0.22650796175003052, -0.23718498647212982, 0.9119223952293396, -0.014815866947174072, 0.7763139009475708, 0.6543969511985779, 0.06535792350769043, 0.8283854126930237, 0.6569834351539612, -0.42674633860588074, 1.055446743965149, 0.375396728515625, 1.2023329734802246, 0.5882570743560791, 0.2065887153148651, 0.37350741028785706, 0.7515041828155518, -0.2870674729347229, -0.9888731241226196, -0.4013174772262573, -0.1637040376663208, 0.14017635583877563, -0.3571160137653351, 0.14152279496192932, -0.4641871452331543, -0.8649126291275024, 1.6251193284988403, -0.5337571501731873, -0.07407438009977341, 0.2791355848312378, -0.9359855055809021, -0.17232605814933777, -0.0999772921204567, -0.420574814081192, 0.5478060841560364, -1.4479869604110718, -0.272710919380188, -0.3181096315383911, -0.5937957167625427, -0.025417979806661606, 0.21653807163238525, 0.6278281211853027, -1.4107871055603027, -0.5398580431938171, -0.29192623496055603, 0.9161712527275085, -0.5574659705162048, -0.37281107902526855, -0.25551292300224304, 0.054901719093322754, 1.4538789987564087, -1.1208841800689697, 0.5498251914978027, 0.8033031225204468, 0.6999053955078125, -1.247491478919983, -0.38607093691825867, 0.035366468131542206, 0.46156781911849976, 0.7513827085494995, -0.9397589564323425, -0.3960219919681549, -0.9583417773246765, -0.12193158268928528, -0.4423929750919342, 0.2460213601589203, 1.1438803672790527, -1.0184810161590576, 0.41584861278533936, 0.5152819752693176, 0.6958323121070862, 0.5743187069892883, -0.2759377062320709, -0.28729844093322754, 0.03157535195350647, -0.168695330619812, 0.8451572060585022, -0.3438797891139984, 0.5152323246002197, -1.4905492067337036, -1.1254990100860596, -0.4338769018650055, 0.17124870419502258, 0.46507200598716736, -0.3158177435398102, 0.9478043913841248, 0.3739677667617798, -0.19330370426177979, 0.060621388256549835, -0.08048723638057709, 0.5802680253982544, 0.9756064414978027, 0.007603853940963745, 0.19355560839176178, 0.06080854684114456, -0.8046466112136841, 0.11474819481372833, 0.2836565673351288, 0.04521504417061806, -1.1979649066925049, -0.28924989700317383, 0.02853269688785076, 0.24161365628242493, -0.12418985366821289, -0.766393780708313, -0.03360902518033981, -0.04940510913729668, -0.15266814827919006, -1.1195882558822632, -0.5092883706092834, 0.5522288084030151, -0.3781181573867798, 0.4858955144882202, 0.2277262806892395, -0.31766757369041443, 0.28519177436828613, 0.15181772410869598, 1.3251761198043823, 0.1778787523508072, -0.40024420619010925, 0.3914911150932312, 0.3684845566749573, -0.18399974703788757, -0.4961482286453247, 0.4505065977573395, -1.302675724029541, -0.49749690294265747, -0.9006674289703369, 0.34563714265823364, -0.9524417519569397, 0.08940631151199341, 0.2414369434118271, 0.9676266312599182, -0.19207362830638885, -1.3132388591766357, -0.62347811460495, -0.5091696977615356, 0.0029073618352413177, 0.5204277634620667, -0.2785528302192688, 0.6296600699424744, 0.5821848511695862, 0.17085261642932892, 0.17162840068340302, 0.1581675112247467, -0.17371030151844025, -0.013530462980270386, 0.30916863679885864, 0.7654300332069397, 0.7375156879425049, -0.39966505765914917, 0.2624231278896332, -0.3881341516971588, -0.6483698487281799, -0.16798090934753418, -0.24589930474758148, 0.033660680055618286, 1.1448673009872437, -0.21430514752864838, -0.4988095760345459, -0.8786044120788574, -0.29377174377441406, -0.1325654238462448, 0.45323997735977173, 0.959237813949585, -0.276597797870636, -0.6957688331604004, -0.9676277041435242, 0.48146969079971313, 0.5545101165771484, -0.4726370573043823, -0.23203144967556, -0.28411418199539185, 0.2986688017845154, 0.3524988889694214, -0.505684494972229, -0.5839126110076904, 0.24950046837329865, -0.23902076482772827, 0.05920439958572388, 0.28430983424186707, -0.18026483058929443, -0.27787575125694275, 0.11163921654224396, -1.060032844543457, 0.19083687663078308, -0.1323099136352539, -1.3424221277236938, -0.254858136177063, 0.3413880169391632, 0.020276427268981934, -0.5565429329872131, 1.376795768737793, -0.48170119524002075, -0.8805680274963379, 1.0195634365081787, 1.0429039001464844, -0.33774322271347046, -0.09105806797742844, 0.38572055101394653, 0.31761634349823, 0.6294571757316589, 0.772796630859375]} +{"paper_id": "squad", "embedding": [-0.47368407249450684, 0.6329537034034729, -0.23602841794490814, -0.2707708775997162, 0.5152086615562439, -0.048609744757413864, 0.36470818519592285, 0.7046562433242798, 0.777431845664978, 0.466417521238327, 0.5733106136322021, -0.02488112449645996, 0.5893622040748596, 0.6365947127342224, -0.1698841154575348, -0.6612904071807861, -0.6726495027542114, -0.3913060426712036, -1.4018296003341675, -0.21776023507118225, -0.8660280108451843, -0.7343010306358337, -0.007071793079376221, 1.0575065612792969, -0.6844190359115601, -1.100769281387329, 0.8312342166900635, -1.1566839218139648, 0.26698610186576843, 0.07038000226020813, 0.14709137380123138, 1.0532623529434204, -1.201102614402771, 0.5376321077346802, -0.30704033374786377, -0.5382947325706482, 0.08264369517564774, 1.0505794286727905, 0.06911545246839523, -0.530035674571991, -0.4636383652687073, 0.21339213848114014, 0.5574291348457336, 0.17881730198860168, 0.9502435326576233, -0.3640819191932678, 0.6542977094650269, -0.26439669728279114, -0.4955178499221802, -0.09934323281049728, -0.5915981531143188, 0.32921868562698364, -0.20484501123428345, 0.7891571521759033, -0.14406394958496094, 0.4787261486053467, 0.17446941137313843, -0.9169172048568726, 0.6199193000793457, -0.9177004098892212, 1.546337366104126, 1.6737335920333862, -0.24139158427715302, 0.42233243584632874, 1.3984363079071045, -0.27571558952331543, 1.023668885231018, 0.05662907660007477, -0.3529932498931885, 1.0469470024108887, -0.41257017850875854, -0.3611677587032318, 0.25625288486480713, -0.3978824019432068, 0.17556752264499664, 0.6346836090087891, -0.10736133903265, 0.09622062742710114, -0.08010884374380112, -0.10007598996162415, -0.09839177131652832, 0.04686439037322998, 0.5667035579681396, -0.22862887382507324, 0.10642784833908081, 0.08219566941261292, 0.24563303589820862, -1.100770115852356, 0.4165087342262268, -1.7258294820785522, 0.32492905855178833, 0.382863849401474, 0.035931363701820374, 0.10010682046413422, -0.41232189536094666, 0.7180970907211304, -0.818400502204895, -0.03386159986257553, -0.042185571044683456, 0.2944576144218445, 0.6950355768203735, -0.16299638152122498, 0.44364097714424133, -0.28997907042503357, 0.27252522110939026, 0.4645687937736511, 0.23972010612487793, -0.28653857111930847, -0.7811546921730042, -1.106646180152893, 0.2594137489795685, 0.7112587094306946, -0.13023464381694794, 0.40674811601638794, 0.14475096762180328, 0.6957713961601257, 0.4969906806945801, -1.0901908874511719, -0.08829563856124878, 0.3867344260215759, -0.03434734418988228, -1.0164072513580322, -0.39614611864089966, -0.4588584303855896, 0.8085847496986389, -0.36439794301986694, -0.2987317442893982, -0.8704310059547424, -0.29303866624832153, 0.49827006459236145, 0.7905248403549194, 0.22029733657836914, -0.680644690990448, -0.11435750126838684, 3.019629716873169, -1.105302095413208, 1.336037516593933, -0.48818376660346985, -0.08531511574983597, -0.6102768778800964, -0.6385300159454346, 1.275776743888855, -0.1508331000804901, -0.920791506767273, -0.6618843078613281, 0.49268919229507446, -0.30581167340278625, 0.21250072121620178, -1.0092710256576538, -0.5412379503250122, -0.1163950115442276, -0.044151268899440765, -1.524725079536438, -0.5935493111610413, 0.26165497303009033, 0.41119813919067383, 0.02842133305966854, 0.498111367225647, -0.4881981611251831, 0.9933245182037354, -0.1514677107334137, -0.00019185617566108704, -0.30999869108200073, 0.4424739480018616, -0.7911112904548645, -0.14778345823287964, 0.8218157887458801, -0.14601078629493713, -0.7606921195983887, 0.23858189582824707, 0.21940907835960388, -0.45227065682411194, -0.2087647020816803, 0.04667162895202637, -0.42255380749702454, 0.13595366477966309, 0.5288715362548828, 0.5293514728546143, 0.15951688587665558, -0.7197549343109131, 0.014175225049257278, -0.03736341744661331, 0.20114853978157043, 0.841849684715271, 0.03920188546180725, 0.4843760132789612, -2.5613250732421875, -0.02772185206413269, -0.1761915683746338, 1.2603180408477783, -0.08701618015766144, 0.15420843660831451, 0.07752107828855515, 0.48051270842552185, -0.16655966639518738, -0.6231683492660522, 0.6785591840744019, -1.1826432943344116, 0.4438459277153015, 0.13004690408706665, 0.19929735362529755, -0.23516133427619934, 0.289628803730011, 0.817406415939331, 0.4240780174732208, -0.6124845743179321, -1.2624032497406006, -1.6249572038650513, 0.07669541239738464, 2.2786617279052734, 0.22785532474517822, -0.26678627729415894, -0.9635787606239319, -0.5363588929176331, 0.02517688274383545, -0.16827161610126495, -0.025875840336084366, -0.5858447551727295, 0.1358080506324768, -0.8438625931739807, 0.7170241475105286, -0.6540923118591309, -0.07299023866653442, 0.796748697757721, 1.6112453937530518, -0.5977821946144104, -0.21800243854522705, -0.8723869323730469, -0.23756231367588043, 0.4457677900791168, 0.6693770289421082, 0.26716533303260803, -0.3425637483596802, 0.6381800174713135, 0.6141161322593689, 1.2047903537750244, 0.44517675042152405, 0.5339245796203613, -0.7865242958068848, 0.2371051013469696, -0.4007544219493866, 1.4630320072174072, -0.003925099968910217, -0.14832644164562225, -0.036787282675504684, -0.2538899779319763, -0.6766458749771118, -0.2045849859714508, -0.1728961318731308, -0.0734703466296196, 0.8131802082061768, 0.5655059218406677, -0.5098570585250854, 0.654682993888855, -0.4759391248226166, -0.32715362310409546, 0.10967954993247986, -0.3073573410511017, -0.7101594805717468, -0.41081297397613525, 0.797971248626709, -0.19298027455806732, 0.1403515487909317, -0.20959845185279846, 0.1284746527671814, -1.2161961793899536, -0.5347144603729248, 0.5198376774787903, -0.06283653527498245, -0.6472405195236206, -0.40596362948417664, -0.2374119609594345, -1.1686780452728271, -0.4814733862876892, 0.2306014448404312, -0.1204204261302948, -0.06374428421258926, 0.782575249671936, 1.596062183380127, -0.1992853283882141, 0.36166292428970337, 0.21830590069293976, 1.2638295888900757, -0.6978399753570557, 0.4194241762161255, -0.22705325484275818, 0.29599669575691223, -0.9273785948753357, 0.18871113657951355, -0.7167630791664124, 0.3272857367992401, 0.7713109850883484, -0.022518783807754517, 1.0795754194259644, -0.19915619492530823, -1.0479732751846313, 0.9329280853271484, -0.15558135509490967, -0.18672123551368713, -0.6489988565444946, 1.3448870182037354, 0.18429890275001526, -0.42478111386299133, 0.9397029876708984, -0.12167945504188538, -0.3695421516895294, 1.0095572471618652, -0.17551082372665405, -0.20985707640647888, 0.3555727005004883, -0.49842098355293274, 0.0008985474705696106, 0.5392174124717712, -1.828904151916504, 0.9306735992431641, 1.0464495420455933, -0.39013612270355225, -0.23879407346248627, -0.8933327198028564, 0.3550196886062622, -0.3786947429180145, 0.27940037846565247, 1.036048412322998, -0.4023314118385315, 0.539023756980896, -0.43549644947052, 0.24853397905826569, 0.4176754951477051, -0.11041592806577682, 0.5514772534370422, 0.4943654239177704, 0.5277719497680664, -0.8657762408256531, -0.7646061778068542, 1.0393658876419067, -0.33082130551338196, 0.1102549210190773, 0.1053270772099495, 0.6478859782218933, 0.7969002723693848, -0.18085479736328125, -0.22037824988365173, 0.38224631547927856, 0.4789552390575409, -0.19394353032112122, -0.3813040852546692, 0.09510993957519531, 0.4578954875469208, -0.2010856568813324, 1.2213027477264404, -0.43921568989753723, -0.5718456506729126, -0.7646986842155457, -0.2920195162296295, -0.06660290062427521, -0.06958360970020294, 1.4628307819366455, 0.3693082630634308, 1.3253594636917114, 0.49369436502456665, 0.09641566127538681, -0.34141334891319275, -0.37472543120384216, 0.6127299070358276, 0.2897179424762726, 0.2806597948074341, -0.7144235372543335, 0.028828009963035583, 1.1338675022125244, 0.41740450263023376, -0.7148900032043457, 0.36122405529022217, 0.5621483325958252, -0.09586891531944275, -1.1126947402954102, 0.886064887046814, 0.7536017894744873, 0.42986559867858887, 1.532199501991272, -0.7474462985992432, 0.03724491223692894, -0.24551360309123993, 0.10405794531106949, -0.06711240112781525, 0.47081565856933594, 0.10665276646614075, 0.5372409820556641, 0.16138365864753723, 0.48819342255592346, 0.11218525469303131, 1.2689570188522339, 1.5457316637039185, -0.4558987021446228, -1.0511101484298706, -0.06556707620620728, -0.7754442095756531, 0.21103622019290924, 0.7537088990211487, 0.3173622190952301, -0.3001571595668793, 0.5816835761070251, 0.2845691740512848, -1.0455890893936157, 0.1367827206850052, -0.5015833377838135, -1.3348387479782104, 0.9196202754974365, 1.1258275508880615, -0.846775472164154, -0.4779065251350403, -0.27554214000701904, -0.7808732390403748, -0.24577206373214722, 0.15822726488113403, -1.267996907234192, 0.7710773348808289, 0.07017608731985092, 0.8672913312911987, 0.061829838901758194, -0.08692242950201035, -1.3648275136947632, 1.2600226402282715, 0.9419918656349182, -1.3115087747573853, 0.6058739423751831, 0.1721777617931366, 0.6312111616134644, 0.23264755308628082, -1.1977802515029907, -0.6953362822532654, 1.0889663696289062, 0.010532625019550323, 0.1405424177646637, -1.0042256116867065, -0.4003264904022217, 0.7121913433074951, 0.43927961587905884, 0.6963115930557251, -0.6905896067619324, 0.11291992664337158, -1.1504054069519043, 0.08990433067083359, 0.7750259637832642, -1.0217970609664917, -0.9387061595916748, 0.5282639265060425, -0.22277629375457764, 0.7286624908447266, -0.0065979063510894775, 0.0134146548807621, 1.565970778465271, -0.23933923244476318, -0.10111735016107559, -0.31227365136146545, -12.1959228515625, 1.0174601078033447, -0.15557990968227386, 0.003209821879863739, 0.370140016078949, -0.028903327882289886, 0.4946031868457794, -0.0036423783749341965, 0.31217706203460693, -0.76414555311203, 0.18369150161743164, 0.9384403824806213, 0.36834317445755005, 0.1652483493089676, -0.9976603984832764, -1.0827412605285645, -0.5533328056335449, -0.7910391688346863, 0.5436552166938782, 0.13127045333385468, -0.14649443328380585, -0.8225887417793274, 0.03455576300621033, -0.1725814789533615, 0.5389237999916077, -0.15687376260757446, -0.8384842872619629, -0.12455164641141891, -0.4821542501449585, 0.14434044063091278, 0.5029957890510559, -0.005786895751953125, -0.6566991806030273, -0.30987879633903503, -0.14404425024986267, -0.47273173928260803, -0.8070987462997437, -0.0782761350274086, 0.7818811535835266, -0.45266059041023254, -0.08598630130290985, -0.026004407554864883, 0.6024823188781738, -0.3268321454524994, -0.30076906085014343, 0.21860267221927643, 0.1876428723335266, -0.940560519695282, -0.016283586621284485, -0.1890750527381897, -0.9452229142189026, -0.26884138584136963, -0.8341546654701233, -0.7251399159431458, 0.29706481099128723, 0.2577746510505676, -0.9043595790863037, -0.4351058602333069, -0.20695382356643677, -0.6093900203704834, 0.2667793929576874, 0.17502166330814362, -0.3647618889808655, 0.10907087475061417, -0.06852904707193375, -0.4362904727458954, 0.18037772178649902, 0.1495499461889267, -0.23037388920783997, 0.551658034324646, -0.8012144565582275, 1.4327112436294556, 0.2643345594406128, 0.8061096668243408, -0.9511547684669495, 0.1813572347164154, -1.0346142053604126, -0.31709983944892883, 0.4245278835296631, -0.054397109895944595, -1.6074937582015991, 0.7594128847122192, 0.7330241799354553, -0.41647669672966003, -0.7702364325523376, 0.5184208750724792, -0.10120873898267746, 0.33625635504722595, 1.0896294116973877, -0.6491325497627258, 1.3008772134780884, 0.19447702169418335, -0.8315682411193848, -0.5790767669677734, -0.2047262191772461, 0.8519437313079834, -0.9489845633506775, 0.30679967999458313, 0.1943618357181549, -0.6006587743759155, 0.08267923444509506, -0.30492714047431946, -0.7114218473434448, 0.11856143176555634, 0.8604325652122498, 0.08816323429346085, 0.0697404146194458, -0.06322655826807022, -0.21740581095218658, -0.8249768614768982, 0.9903776049613953, 0.1915316879749298, -0.023765064775943756, 1.566260576248169, -0.5365972518920898, 0.5344160199165344, 0.6526248455047607, -0.12002244591712952, 0.28054600954055786, 0.8202363848686218, -1.1504874229431152, 0.9154152870178223, 0.1583225131034851, 1.7405627965927124, -0.30718085169792175, 0.1449345201253891, 0.18473979830741882, 0.41022634506225586, -0.11499399691820145, -1.145074486732483, 0.61846524477005, -0.3877686560153961, 0.009478116407990456, -0.750369131565094, -0.0798230916261673, 0.3291633129119873, -0.37077757716178894, 1.8316572904586792, -0.995638370513916, -0.18264776468276978, -0.15066230297088623, 0.04728233441710472, -0.6668483018875122, -1.132216215133667, -0.8144012093544006, 0.27503812313079834, -1.390212893486023, 0.5178321003913879, -0.13372433185577393, -0.34369567036628723, -0.16074153780937195, -0.6534734964370728, 0.8249704837799072, -0.7359448671340942, -0.3310145139694214, -0.5373942852020264, 0.48768606781959534, -0.6075950860977173, -0.7808541059494019, -0.2518678903579712, 0.38142555952072144, 1.1602113246917725, -0.9724245667457581, 1.4778469800949097, 0.32724401354789734, -0.5479653477668762, -0.5421027541160583, 0.40214917063713074, -0.4696478247642517, 0.42170819640159607, 1.061118483543396, -0.766275942325592, -0.3543066382408142, -0.5260048508644104, -0.22206071019172668, -0.49341580271720886, 0.08112619817256927, 0.9000139236450195, -1.2351750135421753, -0.1921379119157791, -0.6820985674858093, 0.8957259654998779, 0.13196216523647308, -0.5019245147705078, -0.6094334125518799, 0.7483659982681274, -0.23865067958831787, 0.725465714931488, -0.010959835723042488, 0.989212691783905, -1.4780038595199585, -1.0372729301452637, -0.3507237434387207, -0.20479373633861542, 0.640261173248291, 0.5919325947761536, 0.6175678372383118, 0.3456369936466217, -0.36748141050338745, -0.2857989966869354, -0.11061699688434601, 0.5146152973175049, 0.3046365976333618, 0.4665137529373169, -0.5916874408721924, 0.5912455320358276, -0.39949023723602295, 0.18537116050720215, 0.5973839163780212, 1.3494489192962646, -0.7861507534980774, -0.5438194274902344, 0.08010344207286835, -0.08926133811473846, -0.11120602488517761, -1.4133301973342896, -0.14103588461875916, -0.5620437264442444, -0.3704182207584381, -1.3614263534545898, 0.34817489981651306, 1.4421788454055786, -0.20106543600559235, 0.6440536379814148, 0.3958989083766937, 1.0660302639007568, 0.8714918494224548, 0.14616777002811432, 0.5432751774787903, 0.18213441967964172, 0.24787506461143494, 0.38513004779815674, 0.09247167408466339, 0.2215486466884613, -0.16305752098560333, -0.6758853793144226, -0.7108333706855774, 0.2354753017425537, -0.3483522832393646, 0.8230106830596924, 0.167348712682724, 0.47077634930610657, 1.0121819972991943, 1.168563723564148, 0.07700172066688538, -1.581379771232605, -0.34402996301651, -1.4645034074783325, 0.26845842599868774, 0.794539749622345, 0.5940430164337158, 0.2506285309791565, 0.8387382626533508, -0.6987839341163635, 0.9146920442581177, -0.6235220432281494, 0.3733554482460022, -0.00258723646402359, -0.2319440096616745, 0.7923511862754822, 0.701998233795166, 0.3055737614631653, 0.22517086565494537, -0.5505282878875732, -1.0346695184707642, -0.1482011377811432, -0.4699617922306061, 1.0066604614257812, 0.6159954071044922, -0.2454148381948471, 0.08069176971912384, -0.3832820653915405, 0.7559925317764282, -0.14810040593147278, 1.1654345989227295, -0.05033194273710251, -0.418972909450531, -0.44552162289619446, -1.007737636566162, -0.06110795587301254, 0.45568975806236267, 0.11889058351516724, 0.025797128677368164, -0.023091867566108704, 0.539882481098175, 0.3336726129055023, 0.10237696766853333, -0.776552140712738, -0.338336706161499, -0.5021206140518188, 0.13428685069084167, 0.6524555683135986, -0.7352162599563599, -0.7613604664802551, -0.22882437705993652, -0.8192265629768372, 0.13883304595947266, 0.25489723682403564, -0.6130820512771606, -0.5636393427848816, 0.20545166730880737, -0.036650996655225754, 0.5043059587478638, 0.19731125235557556, -0.24351319670677185, -1.4542371034622192, 0.5137541890144348, 0.9673100709915161, -0.7170870304107666, -0.39086654782295227, 0.28890326619148254, 0.6361750364303589, 0.16117164492607117, 1.3141604661941528]} +{"paper_id": "red_caps", "embedding": [-0.7950349450111389, 0.6858457922935486, -0.3475077450275421, -0.17438443005084991, 0.24891293048858643, -0.2160247564315796, -0.053409039974212646, 0.03900669515132904, 0.7525384426116943, 0.4358663856983185, 1.0412302017211914, 0.2496117204427719, 0.43086808919906616, 0.20228007435798645, -0.31900107860565186, 0.09067906439304352, -0.08292195200920105, -0.7652518153190613, -0.4356387257575989, 0.35612401366233826, -1.2723095417022705, -0.6507235765457153, 0.12581947445869446, -0.05996536463499069, -0.7976633906364441, -0.03345520794391632, 0.8728829026222229, -0.3546566963195801, 0.20789876580238342, 0.29365941882133484, -0.02687271684408188, 0.7205648422241211, -1.6813020706176758, 1.0796985626220703, -0.2880342900753021, -0.6867147088050842, 0.5596141815185547, 0.939293622970581, -0.27976906299591064, -1.0901321172714233, 0.016179347410798073, 0.8315574526786804, 1.7606513500213623, -0.4130133390426636, 0.3125685453414917, -0.434673935174942, 0.2015453428030014, 0.1152370497584343, -0.10393868386745453, -0.08927550911903381, 0.2351866066455841, 0.5361757278442383, 0.31907710433006287, -0.21514056622982025, -0.6189696192741394, 0.7671278119087219, -0.31514880061149597, -0.4979822039604187, 0.05495510995388031, -0.3269912600517273, 0.04699878394603729, 1.4007911682128906, -0.3699398636817932, -0.1314736008644104, 0.6499509811401367, 0.283794105052948, 0.23864871263504028, 0.24026013910770416, 0.5863773822784424, 0.6149314641952515, -0.29707270860671997, -1.816127061843872, 0.43762752413749695, 0.5650643706321716, 0.09976926445960999, 0.11429283022880554, -0.3251170217990875, -0.09462270140647888, 0.39471569657325745, 0.4009030759334564, -0.0038062110543251038, -0.06079314649105072, 0.04831942543387413, -0.4291853606700897, -0.04820391908288002, 0.02597671002149582, 0.05194113403558731, 0.004013844765722752, -0.400026798248291, -1.2842700481414795, 0.5127038955688477, -0.2270916998386383, 0.4022848606109619, 0.2973023056983948, 0.3535674810409546, 0.07282193005084991, 0.01287035271525383, -0.10103224217891693, -0.20452097058296204, 0.8962504863739014, 0.07673101872205734, -0.46801435947418213, 0.8038829565048218, -0.20333963632583618, 0.4934288263320923, 0.4190545082092285, -0.5532932281494141, -0.4126075208187103, -0.8491045236587524, -0.5364735722541809, -0.6485368013381958, 0.7951796650886536, 1.0634483098983765, -0.03623652458190918, -0.6186391711235046, -0.08233419060707092, -0.24474337697029114, 0.23512336611747742, -0.5295359492301941, 0.3895729184150696, 0.17956224083900452, -1.8807318210601807, -0.5453943014144897, -0.38060981035232544, 1.1530841588974, -0.2734851837158203, 0.06772968173027039, -0.5686851739883423, -0.23333336412906647, -1.0802063941955566, 0.022280212491750717, 0.21131491661071777, -0.7196022868156433, 1.0554121732711792, 3.1500844955444336, -0.1928548663854599, 0.9279175996780396, 0.11763690412044525, -0.9784064888954163, -0.12351663410663605, -0.4335533380508423, 0.7184494137763977, 0.7267012000083923, -1.065332055091858, -0.750869631767273, -0.1768849641084671, -0.18301896750926971, -0.055302657186985016, -0.9773749709129333, -0.0012462399899959564, 0.5319967269897461, 0.5047183036804199, -0.7957229614257812, -1.1525087356567383, 0.30624327063560486, 0.7957810759544373, 0.1840309351682663, -0.8728120923042297, -0.5467047095298767, 0.344387948513031, -0.3174034655094147, 0.990722119808197, -0.8897641897201538, 0.9297378063201904, -0.3503887355327606, 1.0677634477615356, 1.0634180307388306, -0.23137250542640686, -0.39451026916503906, -0.3027222454547882, 0.2894279956817627, -0.40780454874038696, 0.3389127850532532, -0.02766459621489048, -0.38511034846305847, 0.11709365993738174, 0.06405406445264816, 0.4423034191131592, 0.2326718121767044, -0.6798129677772522, -0.5637423992156982, 0.22398409247398376, -0.045810990035533905, 0.0959690660238266, 0.3968580365180969, -0.5850971341133118, -1.9694969654083252, -0.43909555673599243, -1.1725066900253296, -0.1393999606370926, 0.17965203523635864, -0.08936938643455505, 0.125923752784729, 0.36151090264320374, -0.1242167130112648, -0.22491368651390076, 0.505042314529419, -0.7449552416801453, -0.6491320133209229, 0.43299341201782227, -0.08122135698795319, 0.15037813782691956, -1.1005146503448486, 0.3167293071746826, 0.6927919387817383, 0.5964866876602173, -0.637691855430603, -1.5128772258758545, 0.9862889051437378, 0.924141526222229, 0.059598349034786224, -1.3443151712417603, -0.8891359567642212, -0.086593396961689, 0.5623413324356079, -0.8153951168060303, 1.0407421588897705, -0.33405783772468567, -0.32305708527565, -0.7381570935249329, -0.29838764667510986, -0.18302321434020996, 0.6111035346984863, -0.3621218502521515, 0.8258072137832642, -0.6121023893356323, -0.8865045309066772, -0.1941119283437729, -1.4397473335266113, 1.0066254138946533, -0.09389825910329819, 0.43967384099960327, -0.07820755988359451, 0.41431206464767456, 0.1689603328704834, 0.39114874601364136, 0.8551464080810547, 0.22847089171409607, -0.6538989543914795, 0.3991295397281647, -0.5223923325538635, 0.4574035406112671, -0.047326862812042236, -0.7335729598999023, -0.2809842824935913, -0.056359633803367615, 0.104294553399086, -1.5138146877288818, -0.3764021396636963, 0.4139906167984009, 1.2798928022384644, 1.0336909294128418, -0.2228352129459381, 0.23004406690597534, -0.21617956459522247, -0.418357789516449, 1.217109203338623, -0.09941184520721436, 0.8838136196136475, -0.43375635147094727, 0.20219677686691284, -0.29674577713012695, 0.0035316497087478638, 0.10031647980213165, -0.3568795919418335, -0.24396775662899017, -0.6617401242256165, 0.3818877935409546, -0.5675719380378723, -0.09447582066059113, -0.417062371969223, -0.11567024886608124, -0.32088130712509155, -0.71871018409729, 0.1549922078847885, 0.23982597887516022, -0.00021188892424106598, 0.4135947525501251, 0.11554515361785889, -0.19245676696300507, 0.7966374754905701, -0.4373684525489807, 0.6008195281028748, 0.4129135012626648, 0.45830363035202026, -0.7845075726509094, 0.006883039139211178, -0.9697480201721191, -0.05992384999990463, -1.174485206604004, 0.3401188254356384, -0.5893617272377014, -0.14371329545974731, 0.772085428237915, -0.38236385583877563, -0.8988534212112427, 1.497169852256775, 0.37387940287590027, -0.04352119565010071, -0.3489972949028015, 0.3585505187511444, 0.7307132482528687, -0.40208375453948975, 0.3804313540458679, 0.14170491695404053, -0.06689990311861038, 1.8720275163650513, -0.04411999136209488, 0.04467417299747467, 0.7777480483055115, -0.006571955047547817, 0.14811167120933533, -0.10182006657123566, -1.4437694549560547, -0.08875196427106857, 0.6670239567756653, 0.35451945662498474, 0.30957844853401184, -1.2074241638183594, 0.31636667251586914, -0.24957305192947388, 0.08037316799163818, 0.7049124240875244, -1.1373915672302246, 0.4084009826183319, 0.39449477195739746, 0.7699562311172485, 0.6723896265029907, -0.7441819906234741, 0.19069284200668335, 0.23775912821292877, -0.14718353748321533, -0.7454623579978943, 0.4405408501625061, 0.8524847030639648, -0.4053560197353363, 0.1520387828350067, 0.7477288842201233, 0.9452946186065674, 0.0711045116186142, -0.7796787619590759, -0.305575966835022, -0.019170120358467102, -0.15256930887699127, 0.053913529962301254, 0.5588328838348389, 0.16905809938907623, 0.49143186211586, 0.4921828806400299, 1.1311591863632202, 0.05274764075875282, -0.6100969910621643, -0.7945650815963745, 0.3587472140789032, -0.6831058859825134, 0.5177000164985657, 1.1938183307647705, 0.5106443762779236, 0.9060238003730774, 0.041167281568050385, 0.44168317317962646, -0.28623005747795105, -0.2350693792104721, 0.7756443619728088, 0.6404566168785095, 0.3709784150123596, -0.026874497532844543, 0.5996232032775879, -0.020742379128932953, 1.043690800666809, -0.021548626944422722, -0.15326601266860962, 0.7475478053092957, 0.1699785739183426, -0.14876584708690643, 0.7111486792564392, -0.022011350840330124, 0.49528294801712036, 1.368018388748169, -0.10824598371982574, -0.16417965292930603, -0.8070513010025024, -0.09641803056001663, 1.0607528686523438, -0.6809120178222656, 0.2958315312862396, 0.6006460189819336, 0.23404432833194733, 2.1317331790924072, 0.8395358324050903, 0.6914926767349243, 1.255521297454834, 0.00810428336262703, -0.7698802947998047, 0.49137207865715027, -1.1302076578140259, -0.601345956325531, 0.22002291679382324, -0.08989711105823517, -0.21308490633964539, 0.3878113627433777, -0.8036167621612549, -0.8722455501556396, 0.6829715967178345, -0.15939761698246002, -0.23941512405872345, 0.1613236367702484, 1.3709715604782104, -0.7341575026512146, -0.63245689868927, -0.2774818539619446, 0.027549002319574356, -0.6497532725334167, 0.21086163818836212, -0.3183092176914215, 0.9961398243904114, -0.23326221108436584, 0.10186678171157837, -0.6483942270278931, -0.3607572317123413, -0.39542487263679504, 1.2421954870224, 0.44489821791648865, -1.0498372316360474, 0.1502278745174408, -0.4039129912853241, 0.4870532751083374, 0.9979275465011597, -0.9843429923057556, -0.16692134737968445, 1.6662473678588867, 1.0869282484054565, -0.648953378200531, -0.7431214451789856, -0.09030309319496155, 0.40008240938186646, 0.45838698744773865, 1.0635473728179932, -0.2539863884449005, -0.0013811448588967323, -0.6941330432891846, 1.509473204612732, 1.2251008749008179, -0.2085503339767456, -0.17941923439502716, 1.7631309032440186, -0.23120379447937012, 0.7086948156356812, -1.3072148561477661, -0.32602939009666443, 1.1138488054275513, -0.11125269532203674, -0.16728778183460236, 0.13935092091560364, -12.536834716796875, 0.027477387338876724, -0.6573580503463745, 0.016562461853027344, 0.7315662503242493, 0.1945236623287201, 0.8744698166847229, 0.28352710604667664, 0.4635999798774719, -0.9282590746879578, 0.2605264484882355, 1.2394742965698242, -0.1789088249206543, 0.4118233621120453, -0.7782691717147827, -1.5173176527023315, -1.3335888385772705, -0.4664822220802307, 0.16147495806217194, 0.06680422276258469, 0.762891411781311, -0.4656407833099365, -1.0111308097839355, 0.14951878786087036, 0.2942236363887787, -1.081986904144287, 0.2340671420097351, -0.16013695299625397, -0.5671085715293884, -0.5181131362915039, 0.5851246118545532, -0.028858236968517303, -0.6213200092315674, -0.2815774381160736, 0.04113300144672394, 0.09495943784713745, -0.8056170344352722, -0.3795056641101837, 1.568942904472351, 0.46227478981018066, -0.19369669258594513, 0.6471215486526489, -0.540839433670044, 0.8029080629348755, -0.8891067504882812, 0.6966506242752075, 0.16836582124233246, -0.2189936339855194, 0.641190230846405, -0.7905189990997314, -0.3547225594520569, -0.7186992168426514, 0.0892832800745964, -0.7466838955879211, 1.0247482061386108, 0.712249755859375, -0.7849868535995483, -0.7482109665870667, -0.5267294645309448, -1.178818941116333, 0.6879767775535583, 0.08663400262594223, -0.5016260743141174, 0.5215905904769897, 0.08375150710344315, -0.7423049211502075, 0.8678046464920044, 0.956564724445343, -0.32646894454956055, 0.08354164659976959, -0.2693595886230469, 0.7101207375526428, 0.9769295454025269, 0.49885162711143494, -0.6541821360588074, 0.18686926364898682, -0.343400239944458, -0.10790117084980011, -0.029769014567136765, -0.22928015887737274, -0.9020874500274658, 1.1489365100860596, -0.49642130732536316, -0.2681574821472168, 0.47101885080337524, 0.5394759774208069, 0.3209984004497528, 0.5752406716346741, 0.15648163855075836, 0.30086609721183777, 0.7876027822494507, -0.5484136343002319, -0.014227978885173798, -0.722572386264801, -0.8274922966957092, 0.4535827934741974, -0.4613793194293976, -0.12331166863441467, -0.16206341981887817, -1.106597900390625, 0.053449418395757675, 0.6615952849388123, -0.6542844772338867, -0.2847103774547577, 0.5889780521392822, -0.053061287850141525, 0.15165168046951294, 0.12239749729633331, 0.5056977868080139, 0.6218184232711792, -0.013967182487249374, -1.448479413986206, -0.5108882784843445, 1.781417965888977, -0.2158391773700714, -0.17793184518814087, 1.0466508865356445, -1.1085155010223389, 0.8277206420898438, 0.1909087598323822, -0.3227178156375885, 0.020215220749378204, 0.46150892972946167, 0.5712417364120483, 0.49802881479263306, -0.11908280849456787, -0.12056952714920044, 0.16985253989696503, -0.3760388195514679, -0.9273948073387146, 0.7925557494163513, -0.07443507015705109, -0.8112783432006836, -0.3382514715194702, -0.2463415563106537, -0.9845394492149353, -0.4738966226577759, 1.1315951347351074, -1.0277740955352783, 0.09602626413106918, -0.0666838139295578, -0.10406458377838135, -0.6170753836631775, -0.7548609972000122, -1.0305455923080444, -0.6681626439094543, -1.0301178693771362, 0.0214795283973217, -0.602127194404602, -1.2181254625320435, 0.4436721205711365, -0.0269259512424469, 0.5958940982818604, -0.767561674118042, -0.35855165123939514, 0.25556424260139465, -0.037400778383016586, -0.893858790397644, -0.4746994078159332, -0.425026535987854, 0.8404837250709534, 0.281589150428772, -0.8514474034309387, 0.7773870229721069, 1.2043927907943726, -0.06880591809749603, -0.5053121447563171, -0.7629516124725342, 0.4435257315635681, -0.01831386610865593, 0.7402663826942444, -0.5587061047554016, -0.16203060746192932, -0.48960059881210327, 0.8282900452613831, -1.2143924236297607, -0.295815110206604, 1.3898491859436035, -1.0477259159088135, 0.4356510639190674, 0.6096639037132263, 1.1577394008636475, 0.24512581527233124, -0.9037609100341797, -0.609349250793457, -0.47009900212287903, 0.1980631947517395, 0.7222089171409607, 0.05380692332983017, 1.2561240196228027, -1.5726773738861084, -0.902679979801178, -0.8472464680671692, 0.08950361609458923, 1.0320508480072021, 0.18659307062625885, 0.3424646854400635, 0.28146809339523315, -0.10779529809951782, 0.027193978428840637, -0.39982870221138, -0.011772435158491135, 0.18500633537769318, 0.049858395010232925, -0.15501409769058228, -0.3319195806980133, -0.8448379039764404, -0.3871278464794159, -0.5470929145812988, 0.5591883063316345, -1.2021994590759277, 0.052572667598724365, 0.5331905484199524, -0.7094537019729614, 0.3496456444263458, -0.5654833316802979, 0.30461469292640686, -0.3700554668903351, -0.1375892013311386, -0.9107089042663574, -0.09778841584920883, 1.1028193235397339, 0.3293243646621704, 0.7277554273605347, -0.19687838852405548, 0.5126098394393921, 0.9911813735961914, 0.6021553874015808, 1.3910706043243408, -0.13482731580734253, -0.06952618062496185, 0.07548690587282181, -0.20963287353515625, -0.26982617378234863, -0.37771886587142944, 0.43762823939323425, -0.9806192517280579, 0.10194706916809082, -0.5707738399505615, -0.2829441726207733, -0.6046596169471741, 0.3412203788757324, 0.14315484464168549, 0.5237372517585754, -0.6980223655700684, -1.4826408624649048, -0.6702292561531067, -1.198448657989502, 0.12983155250549316, 0.35067862272262573, 0.23744365572929382, 0.7931039929389954, 0.8126340508460999, -0.05862538516521454, 0.8966051340103149, 0.7169882655143738, 0.008037716150283813, 0.09001815319061279, -0.041671283543109894, 1.8374227285385132, 0.8624423742294312, -0.12762339413166046, 0.5477138757705688, 0.37481653690338135, -0.23309829831123352, -0.3619784116744995, -0.3343411386013031, 0.8594800233840942, 0.6660444140434265, -0.4373645782470703, -0.24319280683994293, -0.6013798713684082, -0.3457321226596832, -0.6623787879943848, 0.16430692374706268, 0.741942822933197, -0.3645747900009155, -0.6988449692726135, 0.1063743457198143, 0.6504588723182678, 0.12620699405670166, -0.06210729852318764, -0.6935836672782898, -0.460249125957489, 1.0824781656265259, 0.8207020163536072, 0.39075928926467896, -0.14817850291728973, 0.20923498272895813, 0.2571266293525696, 0.9455171227455139, -0.056796297430992126, -0.3332747220993042, -0.2854461669921875, 0.2801411747932434, -0.35187703371047974, -0.5267926454544067, -0.6598730683326721, -0.5954294204711914, -0.49916842579841614, 0.8708611726760864, 0.23530325293540955, 0.4016838073730469, -0.09956468641757965, 0.23850186169147491, -0.5057657361030579, 0.5161990523338318, 0.37240365147590637, -0.2850461006164551, -0.6331127882003784, 0.12836405634880066, -0.4564718008041382, -0.07955784350633621, 0.08618311583995819]} +{"paper_id": "imdb", "embedding": [-1.415819764137268, 1.2988702058792114, 0.15544380247592926, 0.018407881259918213, 0.42375701665878296, -0.430728018283844, 0.6524050831794739, 0.44196999073028564, 0.11816894263029099, 0.40905535221099854, 0.9016857743263245, -0.4824531674385071, -0.4293872117996216, -0.0875239446759224, -0.11802847683429718, -0.005328238010406494, -0.3521583080291748, 0.024769850075244904, -0.331329882144928, -0.08853915333747864, -0.5946418046951294, -0.46281617879867554, 0.14659565687179565, 0.5849692821502686, -0.5223952531814575, -0.43461179733276367, 0.5965262055397034, -0.006554350256919861, 0.24609196186065674, 0.0038404464721679688, 0.18225157260894775, 0.7315636277198792, -1.3332573175430298, -0.5920248627662659, -0.32638922333717346, -0.06044897437095642, 0.1978474259376526, 0.8148520588874817, -0.7295406460762024, -0.28188544511795044, -0.525871992111206, 0.4270809590816498, 0.891334593296051, 0.6392995715141296, 1.3048797845840454, 0.5334875583648682, 0.17945843935012817, 0.21984750032424927, 0.24289019405841827, -0.1516450196504593, -0.10417146980762482, 0.027915269136428833, -0.5519489645957947, 0.25231847167015076, -1.1518198251724243, 1.1470445394515991, -0.14395612478256226, -0.11231531202793121, -0.13165105879306793, -2.049665927886963, 1.243782877922058, 1.1832200288772583, 0.49779409170150757, -0.050392668694257736, 0.9272249341011047, 0.7592185735702515, 0.9793257713317871, -0.5464469790458679, 0.5676038265228271, 0.4211982786655426, -0.5154185891151428, -0.9625783562660217, 0.22841638326644897, -0.5927073955535889, -0.2717950642108917, 0.08077254891395569, 0.4945261776447296, 0.767551064491272, 0.24519792199134827, 0.8785817623138428, 0.02138524502515793, 0.8397464156150818, -0.561882495880127, -0.39053869247436523, 0.13377535343170166, 0.10150224715471268, -0.17732840776443481, 0.12616753578186035, 0.8851591944694519, -1.0639322996139526, -0.019449785351753235, -0.26269879937171936, -0.3738382160663605, 0.36514192819595337, -0.5755844116210938, 0.143718421459198, 0.0048511698842048645, 0.12913164496421814, -0.19317856431007385, 0.6917294263839722, 0.533638060092926, -0.5003601312637329, 0.22523227334022522, -0.2288983166217804, -0.35638824105262756, 1.2569196224212646, 0.40713000297546387, -0.05107937008142471, -0.09993122518062592, 0.06608740240335464, -0.4141691327095032, 1.202358365058899, 0.10289548337459564, 0.9927728772163391, 0.43354877829551697, -0.24728751182556152, 0.04249793291091919, -0.2829861640930176, -0.7341620326042175, 0.5544109344482422, -0.33994805812835693, -1.6969258785247803, -0.12437344342470169, 0.9428841471672058, 1.1454001665115356, -0.19710315763950348, 0.8338634967803955, -0.39004001021385193, -0.3705160915851593, -0.2921672463417053, 1.0497386455535889, 0.12916524708271027, -0.4728938639163971, -0.32899802923202515, 1.6896374225616455, -0.8142346143722534, 1.2084596157073975, -0.3888779878616333, -0.4484722912311554, -0.2557576298713684, -0.353240430355072, 0.7202933430671692, -0.01809282787144184, -0.5487407445907593, -0.8501672148704529, -0.11602521687746048, -0.1443883180618286, -0.057473182678222656, -0.4544631540775299, -0.8524752259254456, -0.5566104650497437, 0.47295767068862915, -0.9676317572593689, -0.8245593905448914, 0.3401985168457031, 0.47080788016319275, 0.4386959373950958, 0.4749996066093445, -0.38601356744766235, 1.3339987993240356, 0.5161883234977722, 0.4344332218170166, -0.5491971969604492, 0.4269591271877289, -0.7380296587944031, -0.6944475769996643, 0.14451982080936432, 0.8326821327209473, -0.15066009759902954, -0.9211032390594482, 0.7457889914512634, -0.5466744899749756, 0.3425461947917938, -0.001377590000629425, -0.7715235948562622, -0.5223234295845032, 0.5723978281021118, 0.5148179531097412, 0.5865876078605652, -0.5906040072441101, -0.31992676854133606, -0.14932069182395935, -0.4171943664550781, 0.2008059173822403, 0.6739096641540527, 0.2205408215522766, -1.441817045211792, 0.08961795270442963, -0.09935738146305084, 0.44511792063713074, 0.7361903786659241, -0.638729989528656, -0.18419036269187927, 0.23583142459392548, -0.4447237253189087, 0.3623984754085541, 0.4343690872192383, -1.417023777961731, -0.13474738597869873, 0.8526438474655151, 0.45761382579803467, -0.028285356238484383, 0.1604609340429306, 0.8770696520805359, 0.8344436883926392, 0.22529849410057068, -0.27174609899520874, -1.487026333808899, 0.5598389506340027, 2.06173038482666, -0.29625385999679565, -0.7799393534660339, -1.0839868783950806, 0.527397096157074, 0.453960120677948, 0.06420883536338806, 0.6668887138366699, -0.5075697898864746, -0.01001787930727005, -1.0974011421203613, 0.48618248105049133, -0.473489910364151, 0.4552687704563141, -0.44161921739578247, 0.891228973865509, -0.7233810424804688, -0.7273815870285034, 0.010159032419323921, -1.305699110031128, 0.11591105908155441, 0.6824933886528015, 0.4014741778373718, 0.2599566876888275, 0.6779924631118774, 0.819719672203064, 0.44237786531448364, -0.5511752963066101, -0.014500919729471207, 0.2529160976409912, 0.017133738845586777, 0.2508659362792969, -0.407415509223938, 0.30220383405685425, -0.6337775588035583, 0.777199387550354, 0.2463994324207306, 0.24039575457572937, -0.49886125326156616, -0.6010637283325195, 0.013243637979030609, 0.8542128801345825, 1.136025309562683, -0.07150895893573761, 0.9494572877883911, -0.35394999384880066, 0.07934349775314331, 0.3939334750175476, -0.26095202565193176, 0.10380901396274567, -0.4189269542694092, 0.3608331084251404, -0.06638814508914948, 0.10553644597530365, -0.05750713124871254, -0.0006669461727142334, 0.1723976880311966, -0.03375891223549843, 0.40073689818382263, -1.0123264789581299, -0.020706452429294586, -0.1378639042377472, 0.5088289976119995, -0.9902576804161072, -0.73006272315979, -0.38196253776550293, 0.4775053560733795, -0.5484819412231445, 0.6432162523269653, 0.6224499940872192, 0.10701198875904083, 0.14858579635620117, -1.0340238809585571, 0.7817527651786804, -0.3955690860748291, 0.9626401662826538, -0.8169641494750977, 0.8793148994445801, -0.5685053467750549, -0.3700900673866272, 0.32113343477249146, 0.3999917805194855, -0.21995803713798523, -0.09160397946834564, 0.8644021153450012, -0.332435667514801, -1.6250650882720947, 1.424420714378357, -0.07133281230926514, -0.5539461970329285, -0.39404386281967163, 1.3541733026504517, 0.15901292860507965, -0.14128482341766357, 0.4482225775718689, -0.28799161314964294, 0.3664545714855194, 1.1596088409423828, -1.0733736753463745, 0.7481779456138611, 0.5003989338874817, -0.38345256447792053, -0.11107800900936127, -0.4518536329269409, -2.0097577571868896, -0.4347350597381592, 1.185142159461975, -0.6502753496170044, -0.046122629195451736, -0.43459025025367737, 0.6647007465362549, -0.24065513908863068, 0.4569537043571472, 0.15956085920333862, -1.1114788055419922, 0.34370484948158264, -0.9011892080307007, 0.3865405321121216, 0.7435025572776794, -0.5780338048934937, -0.39115047454833984, 0.3956151008605957, 0.20795205235481262, -0.5766463875770569, -0.3663891553878784, 0.580289900302887, -0.5621465444564819, 0.1433488130569458, 0.4298803508281708, 0.5609191656112671, 0.6050808429718018, -0.9799937009811401, -0.3122619390487671, -0.020022355020046234, 0.16843271255493164, 0.08776972442865372, -0.4102991819381714, 0.5135302543640137, 1.236948847770691, -0.6391702890396118, 1.2542321681976318, 0.1264384686946869, 0.10450808703899384, -0.8083544373512268, -0.45446091890335083, -0.5948881506919861, -0.042213983833789825, 1.3366823196411133, 0.6965547800064087, 1.128374457359314, -0.09504187852144241, 0.11914931982755661, -0.4652113616466522, 0.4161652624607086, 0.5319362878799438, 1.030194640159607, -0.1630358248949051, -0.37690627574920654, 0.4657523036003113, 0.3908211290836334, 0.5164211392402649, -0.5609330534934998, 0.3977178931236267, 0.4518493115901947, -0.8908503651618958, -0.30517154932022095, -0.19570292532444, 1.267411708831787, 0.85390704870224, 1.703930377960205, 0.3635830581188202, -0.7384541630744934, -0.37447696924209595, -0.13307282328605652, 1.0244230031967163, -0.0012939274311065674, -0.6852220296859741, 0.3132982552051544, -0.2549079656600952, 0.5111545920372009, -0.43609684705734253, 0.5490341782569885, 0.13839741051197052, -0.3616742193698883, -0.9953730702400208, -0.2872907221317291, -0.903976321220398, -0.5384145975112915, -0.5971346497535706, 0.20484519004821777, -0.8216108083724976, -0.15298014879226685, -0.121708944439888, -1.2595298290252686, 0.24375084042549133, -0.09302687644958496, -0.8676234483718872, 1.2848460674285889, 1.0191887617111206, -0.9009138345718384, -0.60212242603302, -0.2592022120952606, -0.6515246033668518, -0.5621041059494019, -0.0399332232773304, -0.6398539543151855, 0.6411617994308472, 0.3280322849750519, 0.33590009808540344, 0.06767800450325012, 0.04363396763801575, -0.3237723112106323, 0.46498626470565796, 0.5788548588752747, -1.193816900253296, 0.5489939451217651, 0.127352774143219, -0.8797909021377563, 0.06429801136255264, -1.17592453956604, -0.714431643486023, 0.534792959690094, 0.23279094696044922, -0.33173802495002747, -0.5191857814788818, -0.25361379981040955, -0.024282418191432953, -0.12652631103992462, 0.6424127817153931, -0.8275530338287354, 0.49645787477493286, -0.35079658031463623, -0.5576034188270569, 0.26745325326919556, -0.32844245433807373, -0.40329089760780334, 0.6261382699012756, -0.706894040107727, 0.6086838245391846, 0.006204396486282349, 0.3206966817378998, 0.5140988826751709, -0.14131566882133484, 0.36083585023880005, 0.4568236172199249, -13.331929206848145, 0.46512657403945923, -0.5427125096321106, 0.8054652810096741, 0.781498372554779, 0.21974486112594604, 0.32708919048309326, 0.04701801389455795, 1.1072319746017456, -0.7103425860404968, 0.28568899631500244, 1.117488980293274, -0.6430666446685791, -0.49727892875671387, -0.40372616052627563, -0.3848198652267456, -0.4797414541244507, -0.5549855828285217, 0.17149673402309418, -0.08491399139165878, 0.6334983706474304, -0.5098556876182556, -0.5119048953056335, -0.5421581864356995, -0.06816418468952179, -0.34318554401397705, -0.09116145223379135, -0.6366731524467468, -0.871768057346344, 0.8671436309814453, 0.4748568832874298, -0.36939361691474915, -0.23267018795013428, -0.24422165751457214, -0.16086068749427795, 0.5795629024505615, -0.4610975384712219, -0.15994922816753387, 0.5472613573074341, -0.3867824971675873, 0.21674838662147522, 0.25641077756881714, 0.525635838508606, -0.3589434325695038, -0.12091760337352753, 0.20950506627559662, -0.3520568013191223, -0.4100720286369324, -0.218284010887146, 0.1967882513999939, -0.6724032163619995, -0.30254843831062317, -1.2077497243881226, 0.11184310913085938, 0.6832841038703918, 0.42029058933258057, -1.0929330587387085, 0.7047563195228577, -0.7238560318946838, -0.04460851475596428, 1.0659033060073853, -0.30604761838912964, -0.3569035530090332, 0.388367623090744, 0.3543376326560974, -0.3033711910247803, 0.6011465191841125, 0.8153198957443237, -0.6457931995391846, 0.42412206530570984, -0.4140315353870392, 1.0384650230407715, 0.47693687677383423, 0.12588819861412048, -0.2925335466861725, 0.3461255133152008, -0.802356481552124, 0.1593610793352127, 0.8578376770019531, -0.10442551970481873, -1.2661534547805786, 0.3100133240222931, -0.1661895215511322, -1.0118340253829956, -0.6324130296707153, 0.7840267419815063, -0.042946331202983856, -0.5219048857688904, -0.1095445305109024, 0.21505683660507202, 0.3811393082141876, 0.19583401083946228, -0.8302549719810486, -0.2533382773399353, 0.1936737298965454, 0.36960750818252563, -0.376895934343338, 0.717109739780426, 0.0674675703048706, 0.2883606553077698, 0.37224438786506653, -0.11639659851789474, -0.2975158393383026, 0.45874521136283875, 0.32242053747177124, -0.5113387703895569, 0.2534791827201843, 0.4246969521045685, 0.07775313407182693, 0.1583925038576126, 0.32625555992126465, -0.13560797274112701, 0.2741422653198242, 0.8336828351020813, 0.1221332848072052, 0.44546589255332947, 0.23782974481582642, -0.4454566240310669, 0.7687373757362366, 0.3694959282875061, -0.16784115135669708, -0.006180169992148876, 0.4676578938961029, 0.9902434945106506, 0.5865077972412109, 0.26926231384277344, 0.20364564657211304, 0.3955317437648773, 0.19982147216796875, -0.9116095304489136, 0.9902482628822327, -0.5996197462081909, -0.009023906663060188, -0.7442349791526794, -0.6926935911178589, -0.22421160340309143, 0.009487908333539963, 1.3465195894241333, -0.7823076844215393, 0.2984026372432709, -0.7461211681365967, -0.4736073911190033, -0.45671364665031433, 0.07443712651729584, -0.5391914248466492, -0.3672504425048828, -0.7520876526832581, 0.16266421973705292, -0.3812367022037506, -0.2884448766708374, 0.5875157117843628, -0.13848960399627686, 0.6369650363922119, -0.9028981924057007, -0.3837653696537018, -0.0833934098482132, 0.04511134698987007, -0.3534061908721924, -0.9164554476737976, -0.21041473746299744, 0.8399041891098022, 0.05280635133385658, -0.6908004283905029, 0.6989461183547974, 0.6953108310699463, -0.023892942816019058, -0.2656882703304291, 0.5455468893051147, -0.7696419358253479, 0.5850782990455627, 0.8135069012641907, -0.8140026926994324, -0.6473118662834167, -0.335970014333725, -0.3318183720111847, -0.7033534049987793, 0.9060868620872498, 0.935134768486023, -0.7132486701011658, 0.15430058538913727, -0.4993817210197449, 0.4493519067764282, 0.2152022123336792, -0.5999270677566528, -0.10642240196466446, 0.40154317021369934, 0.015268438495695591, 1.2618310451507568, -0.040625929832458496, -0.3248983323574066, -1.292311668395996, -1.2758691310882568, -0.5122959017753601, -0.2456531822681427, 0.7768428921699524, 0.15902851521968842, 0.4178091287612915, 0.4776668846607208, -0.676119327545166, -0.23043948411941528, 0.2811030447483063, 0.6858222484588623, 0.14958946406841278, 0.22324149310588837, 0.20827756822109222, -0.19448384642601013, -0.921438992023468, -0.4621776044368744, 0.442954957485199, 0.6041907072067261, -1.046290397644043, -0.16518628597259521, 0.6195036172866821, 0.45414862036705017, 0.721757173538208, -0.8911870718002319, 0.46853402256965637, 0.1658816933631897, -0.7225900888442993, -1.0222342014312744, -0.5635288953781128, 0.3757449686527252, -0.9295051693916321, 1.1956403255462646, 0.45780685544013977, 0.8528883457183838, 0.41021138429641724, 0.17520691454410553, 1.2079901695251465, -0.1793133169412613, -0.6657894253730774, 0.06647394597530365, -0.5948864221572876, -0.1736234575510025, -0.3451694846153259, -0.21309971809387207, -1.255113124847412, 0.636419951915741, -0.7847224473953247, 0.29955223202705383, -0.2621062397956848, -0.005561234429478645, -0.1100630909204483, 1.2584099769592285, 0.01213933527469635, -0.8895039558410645, -1.2439988851547241, -0.8498842120170593, 0.09173810482025146, 0.3149802088737488, 0.010318275541067123, 1.590600848197937, 0.5909701585769653, -0.1404070407152176, 0.8747049570083618, 0.16850486397743225, -0.06376539170742035, 0.43368563055992126, -0.3523305058479309, 1.1184425354003906, 0.2755032777786255, -0.32292401790618896, 0.5238620042800903, 0.22051909565925598, -1.266497254371643, 0.246946781873703, 0.00633950624614954, 0.3889683485031128, 0.2759253978729248, -0.6456446051597595, -0.3500440716743469, -0.07467260956764221, -0.10637997090816498, 0.1601216048002243, 0.4542229175567627, 0.7519338726997375, -0.522933840751648, -0.5869316458702087, -0.5886207222938538, -0.024146748706698418, 0.33516862988471985, -0.16352586448192596, -0.6030352115631104, -0.28760629892349243, 0.275446355342865, 0.1280095875263214, -0.9316383004188538, -0.40557432174682617, 0.4606405198574066, -0.6471285820007324, 0.8951442837715149, 0.3597000241279602, -0.8241867423057556, -0.6831297278404236, -0.3005903661251068, -0.8249480724334717, 0.9034091830253601, 0.00264141708612442, -0.8157492280006409, 0.18263782560825348, 0.35695329308509827, -0.18752247095108032, 0.15929165482521057, -0.0777914822101593, -0.34003356099128723, -1.2295912504196167, 0.6376383900642395, 0.9023694396018982, 0.8917492628097534, -0.336419016122818, 0.37313130497932434, 0.6647420525550842, 0.10295257717370987, 0.8616952896118164]} +{"paper_id": "tweet_eval", "embedding": [-0.2987633943557739, 1.3553078174591064, 0.3992026150226593, -0.38766321539878845, 0.6697379350662231, -0.3211248815059662, 0.7133702039718628, 0.1844281554222107, 0.3740222752094269, 1.3393981456756592, 0.7216250896453857, -0.4208240509033203, -0.12927044928073883, 0.15174882113933563, 0.0401010736823082, -0.31055697798728943, -0.857714831829071, -0.1830141693353653, -0.1312338411808014, -0.36266008019447327, -0.5867196917533875, -0.3561968207359314, 0.24107950925827026, 0.4039498269557953, -0.23259645700454712, -1.3274136781692505, 0.39595404267311096, -0.2904175817966461, 0.160532146692276, 0.3483843207359314, -0.14374932646751404, 0.8032038807868958, -1.0916576385498047, -0.5270715355873108, -0.900438666343689, -0.26538363099098206, 0.395678848028183, 0.9458155632019043, -0.22429457306861877, -0.14712101221084595, -0.8849349021911621, 0.05245814472436905, 0.6104156970977783, 0.4392096698284149, 1.216563105583191, 0.052731432020664215, -0.1093517318367958, -0.02758094295859337, 0.04947471618652344, 0.03486702963709831, -0.0035762060433626175, 0.4317752718925476, -0.607600748538971, 0.30185768008232117, -0.7283639311790466, 0.9551784992218018, 0.2450040876865387, -0.5906383395195007, 0.35016512870788574, -1.749333143234253, 1.096935510635376, 1.8586137294769287, -0.24086783826351166, -0.03417201712727547, 0.8832342028617859, -0.18548473715782166, 1.2672820091247559, -0.057187892496585846, 0.7965319156646729, 0.7054242491722107, -0.3219495415687561, -0.44983920454978943, -0.047450073063373566, 0.23334026336669922, 0.3046710193157196, 0.3703383207321167, -0.008909108117222786, 0.1843729019165039, -0.6702145338058472, 0.15412253141403198, -1.0102368593215942, 1.0675355195999146, -0.33618927001953125, -1.3697056770324707, -0.1987626850605011, 0.2715812027454376, 0.33219361305236816, -0.3359752893447876, 0.9367091655731201, -1.131841778755188, 0.7480699419975281, -0.5248734951019287, -0.07049195468425751, 0.527337372303009, -0.5989546179771423, 0.4684630334377289, -0.20367486774921417, 0.36679211258888245, -0.5239694118499756, 0.4478444457054138, 0.8664083480834961, -0.40260928869247437, 0.731026291847229, 0.15446339547634125, 0.12265051901340485, 1.634577751159668, -0.3106420636177063, -0.7770719528198242, -0.09862647950649261, -0.04855232685804367, -0.48293864727020264, 1.6454030275344849, -0.41697996854782104, -0.2625349164009094, 0.042054127901792526, -0.1620909571647644, -0.19479411840438843, -0.7718616724014282, -1.1019566059112549, -0.29425936937332153, -0.48572057485580444, -1.1746540069580078, -0.5469148755073547, 0.5507333278656006, 1.1493703126907349, -0.39732488989830017, 1.2516971826553345, 0.15516546368598938, 0.39467141032218933, -0.10273222625255585, 1.0642257928848267, -0.07055164873600006, -0.43244248628616333, 0.33921629190444946, 2.3596649169921875, -0.8114048838615417, 1.9192805290222168, -0.581627368927002, 0.8288968801498413, 0.04011738300323486, 0.15154480934143066, 0.5522493720054626, -0.35668763518333435, -0.3060051500797272, -0.8951619863510132, 0.008267737925052643, -0.9315788149833679, 0.39054518938064575, -0.6817470788955688, -0.8416845798492432, -0.06366351246833801, 0.3385370671749115, -0.5984112620353699, -0.7760715484619141, 0.573431134223938, 0.26677030324935913, -0.03536342829465866, 0.9281728267669678, -0.5129481554031372, 0.9342297315597534, 1.0734516382217407, 0.6773069500923157, -0.8630812168121338, 0.7316119074821472, -0.7045881748199463, -0.5126035213470459, 0.707987904548645, 0.5013392567634583, -0.6185276508331299, -0.37544506788253784, 1.2498538494110107, -0.5824103951454163, 0.07516957819461823, -0.11200148612260818, -0.23390546441078186, -0.1111602708697319, 0.45413750410079956, 0.43993645906448364, 0.004985358566045761, -0.026193367317318916, 0.08872928470373154, -0.024654868990182877, -0.007134601473808289, 0.5615788698196411, 0.09596744924783707, 0.03231894597411156, -1.0859607458114624, -0.5118110775947571, -0.11252620071172714, 0.08413662016391754, 0.04206480085849762, -1.1873526573181152, 0.3489425480365753, 0.059470247477293015, 0.6200772523880005, 0.05835709348320961, 0.7581354975700378, -0.7652124762535095, -1.1134027242660522, 0.6138362288475037, 0.47622230648994446, 0.3536868095397949, 0.6275139451026917, 0.780744731426239, 0.3860938847064972, -0.566165566444397, -0.15771742165088654, -1.6903693675994873, 0.41702428460121155, 2.5409367084503174, -0.5739631056785583, -0.5561614632606506, -0.938988208770752, -0.012784883379936218, 0.0717424675822258, -1.0552306175231934, 0.540021538734436, -0.926540195941925, 0.1898413747549057, -1.4854680299758911, 0.3386554718017578, -0.7432853579521179, -0.32983654737472534, 0.12390828877687454, 0.9172002077102661, -0.0906989723443985, -0.6273180246353149, -0.35234174132347107, -0.7881667017936707, 0.681572437286377, 0.9276500344276428, 0.04110751301050186, -0.8275594711303711, 0.6074369549751282, 0.15934163331985474, 0.718078076839447, -0.17652210593223572, 0.22350871562957764, -0.2715032994747162, -0.31293314695358276, 0.18266403675079346, 0.2678006887435913, -0.2743959426879883, -0.33123937249183655, 0.8367016315460205, 1.1794002056121826, -0.041868120431900024, -0.5913494825363159, 0.08371923118829727, 0.5555330514907837, 0.5602489709854126, 1.1426773071289062, -0.8613321781158447, 1.786482334136963, -1.108751654624939, 0.1599864959716797, -0.0020261555910110474, -0.8943325281143188, 0.19662629067897797, -0.42727130651474, 0.7825961112976074, -0.4959928095340729, -0.6598575711250305, -0.2744203209877014, -0.5572187900543213, -1.058123230934143, -0.19330739974975586, -0.5407717227935791, -1.15561044216156, -1.0110065937042236, -0.2355949878692627, -0.6432930827140808, -0.7217413783073425, -1.0499458312988281, 0.6174150109291077, 1.2020313739776611, -0.17733114957809448, 0.9642757177352905, 0.813127338886261, -0.2663113474845886, 0.2433626353740692, -0.5909098386764526, 1.0514888763427734, -0.6657396554946899, 1.0054817199707031, -0.39345499873161316, 0.4132259488105774, -0.034383244812488556, -0.6056423187255859, -0.1676502674818039, -0.11069467663764954, 0.6811358332633972, -0.07497517019510269, 0.5816657543182373, -0.5262167453765869, -1.745991587638855, 1.103804111480713, -1.1643558740615845, 0.641058623790741, -0.8055089116096497, 1.6543935537338257, 0.49746012687683105, 0.08451123535633087, 0.7787766456604004, -0.1320866048336029, 0.5079512596130371, 0.9508698582649231, -0.9293580055236816, 0.9796632528305054, 0.28822529315948486, -0.19509366154670715, 0.1565275937318802, 0.42253413796424866, -2.1912550926208496, -0.20844203233718872, 1.0899255275726318, -0.25281813740730286, 0.03352854400873184, -0.023050755262374878, 0.42460793256759644, -0.28228625655174255, -0.0964871197938919, -0.5817747712135315, -0.5753408074378967, 0.8145415782928467, -0.4203980565071106, 0.21635796129703522, 1.5147194862365723, -0.9985471367835999, 0.04338401183485985, 0.753555953502655, 0.6236296892166138, -0.8523365259170532, -0.6034037470817566, -0.14461888372898102, -0.5767423510551453, 0.61171555519104, 0.08406257629394531, 0.2386733740568161, 1.417612075805664, -0.7582675814628601, -0.5854336619377136, 0.44982975721359253, 0.5603938698768616, 0.5029124021530151, 0.8425071239471436, 0.2272947132587433, 0.9459489583969116, 0.21459683775901794, 1.5073153972625732, 1.0110740661621094, -0.9357203841209412, -0.8275215029716492, -0.37086695432662964, -0.2517493963241577, -0.5057477355003357, 1.049755334854126, 0.6132230758666992, 0.8458966016769409, 0.002021137624979019, 0.35143032670021057, 0.30991122126579285, 0.5681697726249695, 1.0265365839004517, 0.5241448879241943, 0.2722935080528259, 0.551903486251831, 0.1619977056980133, 0.7108175754547119, -0.518419086933136, -0.6018167734146118, 0.21885962784290314, 1.1982967853546143, -0.28194984793663025, -0.3313460648059845, -0.07712309807538986, 1.0835912227630615, 0.34668487310409546, 0.668667733669281, -0.24926389753818512, -0.6685726642608643, -0.4373239576816559, 0.4251956045627594, 0.5097346305847168, 0.23957377672195435, -0.7159490585327148, -0.2493014633655548, -0.10603506118059158, 0.7078424692153931, -0.7311373949050903, -0.029096046462655067, 0.48429563641548157, -0.5543280243873596, -0.6083085536956787, -0.3711618185043335, -0.9559730887413025, -0.4726376533508301, -0.3092811107635498, 0.08080746978521347, -1.0329173803329468, 1.1840331554412842, -0.6543307304382324, -1.3058193922042847, 0.16784194111824036, -0.21801485121250153, -0.9213601350784302, 0.670430064201355, 0.8459831476211548, -1.2982773780822754, -0.601973295211792, -0.630680501461029, -1.060731291770935, -1.2517509460449219, 0.4723196029663086, -0.3478565514087677, -0.2800488770008087, -0.16819050908088684, 0.6196986436843872, -0.685295581817627, -0.4402233362197876, -0.8308951258659363, 0.21456275880336761, 1.1552022695541382, -0.3667352497577667, 0.36519768834114075, 0.40132588148117065, -1.2562313079833984, -0.4149650037288666, -0.9155042767524719, -0.765250563621521, 0.19161969423294067, 0.6625145673751831, 0.44619566202163696, 0.21864792704582214, -0.770067036151886, 0.21963989734649658, -0.10348246991634369, 1.4288928508758545, -1.247705340385437, 0.754490315914154, -0.7310578227043152, -0.1106695607304573, 0.14412245154380798, -0.22474777698516846, 0.0638827532529831, 0.5541543960571289, -0.4062933921813965, 1.052636981010437, -0.17925363779067993, 0.5432361960411072, 0.045618120580911636, 0.7341622114181519, 0.6138845682144165, -0.07263828814029694, -11.696812629699707, 0.31003496050834656, -0.6178000569343567, 0.038170747458934784, 0.6832835078239441, -0.5892883539199829, 0.8250246644020081, -0.3997032046318054, 1.313205361366272, -0.6727677583694458, 0.45827680826187134, 1.7870522737503052, -0.49112173914909363, -0.5425620675086975, -0.3208146095275879, -0.39093446731567383, -0.47463807463645935, -0.3063632845878601, -0.1465311348438263, -0.1272793710231781, -0.6861959099769592, -0.4538951516151428, -0.46578657627105713, -0.5178877711296082, 0.2658214569091797, -0.20028311014175415, -0.08389316499233246, -0.514580488204956, -0.6746920347213745, 0.33574262261390686, 0.03940724581480026, -0.163341224193573, -0.7633925676345825, -0.7212139368057251, 0.4274035096168518, 0.27749937772750854, -0.7998531460762024, 0.04484221339225769, 0.6228229999542236, 0.24647444486618042, 0.204513818025589, 0.18994952738285065, -0.0688309445977211, -0.3865491449832916, -0.07231307774782181, 0.22125838696956635, 0.1250264197587967, -0.1689777374267578, 0.4844278395175934, -0.11282335966825485, -0.1346861869096756, -0.4644392132759094, -1.5389490127563477, -0.3934994041919708, 1.0531333684921265, 0.45104533433914185, -0.5680302381515503, 0.32074031233787537, -0.626057505607605, -0.8296856880187988, 0.4180620312690735, 0.5775853991508484, -0.360821396112442, 0.08497583121061325, 0.5516306161880493, -1.0134143829345703, 0.5018830895423889, 0.6408326625823975, -0.3223198652267456, 0.2453601360321045, -0.8095529675483704, 1.3599493503570557, 0.31344449520111084, 0.0638616681098938, 0.05291946977376938, -0.38815391063690186, -0.20348738133907318, 0.6046960949897766, 0.426949143409729, -0.526705265045166, -1.3272380828857422, 0.15016774833202362, -0.2124965488910675, -0.7487995624542236, -0.6555016040802002, 0.08168947696685791, -0.6003719568252563, -0.5697200894355774, 0.5641525983810425, 0.8375558853149414, 0.5787038803100586, 0.45976728200912476, 0.2317310869693756, -0.00788540206849575, -0.0908801332116127, 0.9863861799240112, -0.79603511095047, 1.2583496570587158, -0.12253853678703308, -0.07886416465044022, 0.4043266177177429, -0.34855809807777405, 0.3060470223426819, 0.0720214992761612, 0.288216233253479, -0.15481331944465637, 0.4691735506057739, 0.2169572412967682, 0.13815996050834656, -0.011419868096709251, 0.35865238308906555, -0.20389942824840546, -0.1937759667634964, 0.9327503442764282, 0.8118104934692383, 1.0046396255493164, 0.49059563875198364, -0.4923897385597229, 0.6111508011817932, 1.1794005632400513, -0.6713113188743591, 0.012288440950214863, -0.046565279364585876, 0.6417176723480225, 0.3942841589450836, 0.5238847136497498, -0.06581581383943558, 0.4877149760723114, 0.8245086073875427, -1.4674274921417236, 0.8093585968017578, -0.4218895733356476, 0.019651204347610474, -0.842846155166626, -0.47369033098220825, -0.3490793704986572, -1.3714250326156616, 1.2877905368804932, -0.5587145686149597, 0.46175408363342285, -0.40261101722717285, -0.43890708684921265, 0.2060297727584839, -0.5774087309837341, -0.5268808007240295, -0.163227379322052, -1.2375428676605225, -0.02494724467396736, -0.3110080361366272, -0.19325275719165802, 0.508529543876648, 0.04735130816698074, 0.39861732721328735, -0.9801687598228455, -0.26181480288505554, -0.07067067921161652, 0.4836811125278473, -0.07799837738275528, -1.3329787254333496, -0.0034131407737731934, 0.2297094464302063, 1.000023603439331, -0.763096809387207, 1.2470672130584717, 0.7298506498336792, -0.22723866999149323, -0.5169157385826111, -0.00798323005437851, -0.6762908697128296, 0.26134607195854187, 1.819637417793274, -0.5092775821685791, -0.5187568068504333, -0.5283272862434387, -0.6339959502220154, -1.4299421310424805, 0.4077129065990448, 0.993980884552002, -0.7099441885948181, 0.8556941151618958, -0.09502469748258591, 0.6913388967514038, -0.36250829696655273, -0.4345286786556244, -0.5387688875198364, 0.30355241894721985, 0.01717672497034073, 1.5462944507598877, -0.002044981811195612, 0.18427692353725433, -1.7993953227996826, -1.0732862949371338, -0.3009900450706482, -0.18848131597042084, 0.21965770423412323, -0.1951248049736023, 0.5812126994132996, 0.5479820966720581, -0.32703447341918945, -0.5205910801887512, -0.2690613567829132, 0.7314757108688354, -0.07725632190704346, -0.24213962256908417, -0.040978603065013885, -0.22643476724624634, -0.5963788628578186, 0.4236336946487427, 0.2611510157585144, 0.4439658522605896, -1.989532709121704, -0.5227066874504089, 0.10641248524188995, -0.3218952417373657, 0.3941657245159149, -0.5301918387413025, 0.21246564388275146, 0.24726296961307526, -0.23773066699504852, -0.8902440071105957, -0.20629897713661194, 1.1094684600830078, -0.12880617380142212, 1.258795976638794, 0.4492170810699463, 0.6333725452423096, 0.31435996294021606, 0.904797375202179, 1.7660698890686035, -1.0219327211380005, -0.7485496401786804, -0.20588688552379608, -0.4530753195285797, -0.4431743919849396, -0.4924362599849701, 0.40411409735679626, -1.4082481861114502, 0.4725482761859894, -1.6342651844024658, 0.42389431595802307, -0.34447962045669556, 0.5197263360023499, 0.23574604094028473, 0.4055286645889282, 0.11417005956172943, -0.8035628795623779, -0.5336804389953613, -0.3483237624168396, 0.06328600645065308, -0.5241038203239441, -0.08256105333566666, 1.776403784751892, 0.8746954798698425, 0.23193515837192535, 0.8355110287666321, 0.019022367894649506, -0.09231103956699371, 0.09281422942876816, 0.2696610987186432, 1.2621982097625732, 0.3345697820186615, -0.14410822093486786, -0.05787358433008194, -0.6146359443664551, -1.042576551437378, -0.34921836853027344, -0.31718289852142334, 0.9917885065078735, 1.0553503036499023, -0.3289247155189514, 0.18627573549747467, -0.4490286707878113, -0.3636101186275482, 0.08999057859182358, 0.1931696981191635, 0.487423837184906, 0.16769246757030487, -0.6172114610671997, -0.6944540739059448, 0.25604796409606934, 1.0728845596313477, -0.5262171626091003, 0.2607545852661133, -0.8440892696380615, 0.015013463795185089, -0.05189395323395729, -1.3999520540237427, -0.6390741467475891, 0.24627745151519775, -0.22576390206813812, 0.0036338046193122864, 1.267643928527832, -0.8952065110206604, -1.0169907808303833, -0.05516419932246208, -1.0744062662124634, 1.0062357187271118, 0.17834943532943726, -0.8652873039245605, 0.025135934352874756, 0.3738299012184143, 0.019808530807495117, -0.8100708723068237, 0.4470479488372803, -0.4271602928638458, -1.2351312637329102, 0.7443056106567383, 1.2460929155349731, -0.08650336414575577, -0.14802783727645874, 0.16932028532028198, 1.0207679271697998, 0.41070201992988586, 1.8786929845809937]} +{"paper_id": "wmt16", "embedding": [0.0723351463675499, 1.010499358177185, -0.02326110377907753, -0.1353205293416977, 0.4570176899433136, -0.1632644683122635, 1.211781620979309, 0.6847810745239258, 0.7819010615348816, 0.6862073540687561, 0.8527199029922485, 0.10623348504304886, 0.13131758570671082, -0.09928301721811295, -0.1839222013950348, -0.6761375665664673, -1.0379868745803833, -0.500938355922699, -0.889494776725769, -0.3701102137565613, -0.8469496965408325, 0.23390676081180573, -0.0010220855474472046, 0.4289487302303314, -0.5024083852767944, -0.8420705795288086, 0.5302479863166809, -0.5265733003616333, 0.16883385181427002, 0.2758035659790039, -0.32728591561317444, 1.4160107374191284, -0.7880746722221375, 0.3063887059688568, -0.6633538007736206, -0.1966027021408081, 0.22473709285259247, 0.6902384161949158, -0.40089601278305054, 0.488953560590744, -0.7315399050712585, -0.42034000158309937, 0.2891424298286438, 0.14806228876113892, 1.2805614471435547, 0.0731644406914711, -0.4261099696159363, -0.14754223823547363, -0.28018718957901, 0.4320501685142517, -0.49787232279777527, 0.524591326713562, 0.36781951785087585, 0.09895786643028259, -0.9067963361740112, 0.9142485857009888, 0.5096731781959534, -0.452039510011673, 0.6903507113456726, -1.7227859497070312, 0.6393235921859741, 1.2274329662322998, -0.6746971607208252, -0.05352034792304039, 0.7768885493278503, -0.16280710697174072, 1.3465869426727295, 0.5256946682929993, 0.6834173202514648, 0.6488038301467896, 0.03853324055671692, -1.064546823501587, 0.362602561712265, 0.3204151391983032, 0.8113874197006226, 0.5825698375701904, 0.1485435664653778, 0.05828447639942169, -0.1765848994255066, -0.1389533430337906, -0.450094610452652, 1.0422664880752563, 0.18999260663986206, -0.8467983603477478, -0.005696263164281845, 0.37357297539711, 0.3220847547054291, -0.40460219979286194, 0.6446089744567871, -1.2775815725326538, -0.2559741735458374, -0.18153901398181915, 0.6596450209617615, -0.0259983092546463, -0.29157519340515137, -0.012393133714795113, -0.11486858129501343, 0.14478041231632233, -0.07622404396533966, 0.3020055890083313, 0.9870924353599548, -0.6321302652359009, 0.43854859471321106, 0.009731799364089966, 0.19081708788871765, 0.8090673089027405, -0.7484242916107178, -0.8962596654891968, -0.6923434138298035, -0.30911019444465637, -0.22101755440235138, 1.3909207582473755, -0.19401757419109344, 0.5503993034362793, -0.1194009780883789, -0.2631721794605255, 0.10082758963108063, -0.19438928365707397, -0.9350853562355042, -0.18250726163387299, -0.7089565396308899, -1.0371146202087402, -0.6301845908164978, -0.4942973256111145, 0.6893526911735535, -0.30889177322387695, 0.6556597948074341, -0.293313592672348, 0.06446895748376846, -0.14378558099269867, 0.5347068309783936, 0.20865358412265778, -0.1819194257259369, -0.13426417112350464, 2.222283363342285, -0.3740178644657135, 1.347228765487671, -0.34191015362739563, 0.2578076422214508, 0.10305722057819366, 0.24268481135368347, 1.2712857723236084, -0.06549297273159027, -0.20505492389202118, -0.17310039699077606, -0.21989819407463074, -0.9316191673278809, 0.44564151763916016, -0.8311569690704346, -0.4749613106250763, -0.2889972925186157, 0.42740771174430847, -1.287343978881836, -1.0741655826568604, -0.06592994928359985, 0.36990121006965637, 0.35887056589126587, 0.9587796330451965, -0.8288441300392151, 0.4633953869342804, 0.5586658120155334, 0.5956671237945557, -0.7507564425468445, 0.5506250262260437, -1.3938510417938232, -0.16152629256248474, 1.2867354154586792, -0.0037323571741580963, -0.13536128401756287, -0.5638759136199951, 0.5305191278457642, -0.4424712061882019, 0.485465943813324, 0.23700080811977386, -0.3976006805896759, 0.1541021466255188, 0.730717122554779, 0.21994717419147491, -0.06650395691394806, -0.5439253449440002, -0.2665103077888489, 0.5505240559577942, -0.49544185400009155, 0.22022880613803864, 0.3029495179653168, 0.4386484920978546, -1.6058341264724731, 0.2970612645149231, 0.2117713838815689, 0.13122928142547607, -0.5328063368797302, -0.347687691450119, 0.5619559288024902, -0.3878142833709717, 0.9094825387001038, -0.15780359506607056, 0.5137125849723816, -0.841514527797699, -0.5561381578445435, 0.7707035541534424, -0.125697061419487, 0.20736737549304962, 0.0821521133184433, 0.7711234092712402, 0.437551885843277, -0.04813382029533386, -0.3156856298446655, -1.3463714122772217, 0.1360388696193695, 2.2932538986206055, 0.04604891687631607, -0.661257803440094, -0.991021454334259, -1.1235175132751465, 0.6529830098152161, -1.007094383239746, 0.1813807338476181, -0.7903499007225037, -0.7633064985275269, -2.0726194381713867, 0.32520201802253723, -0.47043564915657043, -0.24561938643455505, 0.17299839854240417, 0.9309619665145874, -0.6520128846168518, -0.4594670832157135, -0.0460965596139431, -0.8717226982116699, 0.3533054292201996, 0.7362716794013977, 0.12451823055744171, -0.7040703892707825, 0.25043627619743347, 0.15323305130004883, 0.2629762589931488, 0.15263506770133972, 0.40823328495025635, -0.5534772872924805, -0.3558991551399231, 0.08098786324262619, 0.789922297000885, -0.4156752824783325, -0.23711632192134857, 0.9096275568008423, 0.5049662590026855, -0.5780435800552368, -0.7226570248603821, -0.2117328941822052, 0.2883416712284088, 0.6697992086410522, 1.0537683963775635, -0.6213576197624207, 1.915489912033081, -0.9449754357337952, 0.3058547079563141, 0.09618663787841797, -0.8720649480819702, 0.2121153622865677, -0.6116209030151367, 0.4195466935634613, -0.33119499683380127, 0.27994367480278015, -0.4584643840789795, 0.08424480259418488, -1.293914794921875, -0.484728068113327, -0.08082202821969986, -0.7490870356559753, -1.0067468881607056, -0.573065996170044, 0.11868686974048615, -0.497861385345459, -0.4760752320289612, -0.2317834347486496, 0.8097942471504211, 0.48802587389945984, 1.1879463195800781, 1.3707383871078491, 0.38896432518959045, 0.3388547897338867, -0.5207078456878662, 0.27536654472351074, -0.585625171661377, 0.6003668904304504, -0.18439236283302307, 0.14134760200977325, -0.8602568507194519, -0.467772513628006, -0.46726858615875244, 0.0923256054520607, 0.5255131721496582, -0.1415284276008606, 0.21529728174209595, -0.43709391355514526, -1.3607851266860962, 0.5887614488601685, -0.6387792825698853, 0.6897997260093689, -1.0479520559310913, 1.7225602865219116, 0.5230685472488403, -0.01615148037672043, 0.7162743210792542, -0.07216853648424149, 0.11295774579048157, 0.9781010150909424, -0.9462195634841919, 0.885769784450531, 0.6789013743400574, -0.48839423060417175, 0.3027210533618927, 0.19523277878761292, -2.4659290313720703, 0.014259625226259232, 0.8043152689933777, 0.11349265277385712, -0.680370032787323, -0.3906781077384949, 0.2952699065208435, -0.18911989033222198, -0.1303728222846985, 0.8687666058540344, -0.7255706191062927, 0.7120976448059082, -0.5094729065895081, 0.47520458698272705, 0.5534321069717407, -0.5046769976615906, 0.40591996908187866, 1.1225459575653076, 0.33384716510772705, -0.058066025376319885, -0.8016479015350342, 0.6787448525428772, -1.0701442956924438, 0.6737332344055176, 0.815558671951294, 0.893028974533081, 1.2691010236740112, -0.6008607745170593, -0.5259370803833008, 0.8550161719322205, 0.8536507487297058, 0.22527526319026947, 0.22953084111213684, 0.19650621712207794, 0.4687964916229248, 0.5412850975990295, 0.7442677021026611, -0.006328180432319641, -0.8763906359672546, -1.0628467798233032, -0.13823525607585907, -0.5359008312225342, -0.43481963872909546, 1.8298835754394531, 0.5032641291618347, 0.8217325210571289, -0.012979904189705849, 0.3754434585571289, -0.26557087898254395, 0.255239337682724, 0.7681896686553955, -0.0009359507821500301, -0.06792575120925903, 0.32264935970306396, 0.12431156635284424, 0.886657178401947, -0.32914355397224426, -0.6955174803733826, 0.12881876528263092, 0.6491789817810059, -0.38486814498901367, -0.7873532176017761, 0.07402665168046951, 0.7167550921440125, 0.3504840135574341, 1.479303240776062, -0.3779057264328003, -0.6354668140411377, 0.058301664888858795, 0.27736249566078186, -0.0661250427365303, 0.6802482604980469, -0.5013052225112915, 0.4019851088523865, 0.22792227566242218, 0.7424731254577637, -0.05675310641527176, 0.2869154214859009, 0.3485267460346222, -0.6885493993759155, -0.7636914849281311, -0.0900183618068695, -1.7027169466018677, -0.7872939109802246, -1.0265041589736938, -0.4195845425128937, -0.41747644543647766, 0.43650442361831665, -0.4098484218120575, -1.0333019495010376, 0.44571778178215027, -0.22335493564605713, -1.5483981370925903, 0.830944836139679, 1.5854616165161133, -1.0148924589157104, 0.1324419379234314, -0.11460054665803909, -0.732854425907135, -0.9434912204742432, 0.2169240564107895, -0.49052995443344116, -0.001406945288181305, -0.09441313147544861, 0.8851955533027649, -0.20956169068813324, -0.045775894075632095, -1.334166407585144, 0.7829451560974121, 0.9904285669326782, -0.8911882042884827, 0.13223455846309662, -0.22237570583820343, 0.8998501896858215, -0.18621349334716797, -0.9856289029121399, -0.1829785406589508, 0.6063939929008484, 0.3086768090724945, -0.4751072824001312, 0.17143230140209198, -0.8336731791496277, 0.330244779586792, 0.20541654527187347, 1.0502159595489502, -0.8325768709182739, 0.7106849551200867, -0.7691951990127563, 0.42674189805984497, 0.7074100971221924, -0.38636595010757446, -0.2824254333972931, 0.9404792785644531, -0.7919899821281433, 0.40237829089164734, 0.07817059755325317, 0.548754870891571, 0.15196765959262848, 0.5419999957084656, 0.5382828116416931, -0.19891032576560974, -12.603606224060059, 0.20794354379177094, -0.7460125088691711, -0.03224918246269226, 0.5775784850120544, -0.05100368708372116, 0.6752309203147888, 0.5031160116195679, 0.3718707859516144, -0.6145307421684265, 1.1088706254959106, 0.7572782635688782, 0.12150204926729202, -0.39663735032081604, -0.11337301880121231, -1.0079706907272339, -0.6913474798202515, -0.5033448338508606, 0.690082848072052, -0.28975361585617065, -0.613212525844574, -0.7483709454536438, -0.24266918003559113, -0.23236657679080963, 0.0871557742357254, 0.1425803303718567, 0.15261495113372803, -0.3730928301811218, 0.047511085867881775, 0.24927738308906555, 0.4358535408973694, 0.13741865754127502, -0.5047035217285156, -0.11507441848516464, 0.9128491282463074, 0.4023035764694214, -0.879608154296875, -0.1314508318901062, 0.8562120795249939, -0.32222917675971985, -0.3020060658454895, 0.3334926664829254, -0.25941959023475647, -0.2571994364261627, -0.5461163520812988, 0.1948121041059494, 0.06254362314939499, -0.6116573214530945, 0.49161070585250854, -1.077187180519104, -0.8438543081283569, -0.8517023921012878, -1.0206029415130615, -1.1354084014892578, 0.3594341278076172, -0.30639639496803284, -0.3953216075897217, 0.26166802644729614, -0.22147983312606812, -0.8355014324188232, 0.8717689514160156, 0.5706523060798645, -0.009852256625890732, 0.03984301909804344, 0.5079102516174316, -0.05911283940076828, 0.7075047492980957, 0.7243763208389282, -0.393042653799057, 0.1555125117301941, -0.9268683195114136, 0.693056046962738, 0.18527063727378845, -0.033656105399131775, -0.27083462476730347, -0.18396472930908203, -0.10287752747535706, -0.20144353806972504, 0.20854558050632477, 0.5218858122825623, -1.0722897052764893, 0.15370798110961914, -0.14118732511997223, -0.07824096828699112, -0.5394160151481628, 0.04813401773571968, -0.3634296655654907, 0.49613553285598755, 0.9326856136322021, 0.8597897291183472, 0.9447155594825745, -0.0726572796702385, -0.6526880264282227, -0.23805204033851624, -0.8366077542304993, 1.0784568786621094, -0.5819975137710571, 0.5555916428565979, 0.19244834780693054, -0.7606436610221863, 0.8757034540176392, -0.20735979080200195, -0.48217135667800903, 0.1810319721698761, 0.7254974842071533, -0.000634901225566864, 0.017909467220306396, 0.5282002687454224, 0.1036846935749054, 0.005742670968174934, 0.9576825499534607, -0.15628689527511597, -0.39214038848876953, 1.1577588319778442, 0.3153793513774872, 0.5605943202972412, 0.8541187047958374, 0.6362675428390503, 1.3748958110809326, 0.5696753859519958, -0.23407995700836182, 0.3710111975669861, 0.07080520689487457, 1.442622423171997, -0.25465133786201477, 0.5756670832633972, 0.105258047580719, 0.6360369920730591, -0.3975050151348114, -0.3687528073787689, 0.04318636655807495, -0.4031265676021576, 0.05940645933151245, -0.709211528301239, -0.2574472725391388, -0.3968866765499115, -0.22406981885433197, 1.6037647724151611, -0.05370677262544632, 0.269748717546463, 0.2846616506576538, -1.1382362842559814, -0.35403838753700256, -0.723514974117279, -0.6338002681732178, 0.3721615672111511, -1.1835168600082397, -0.35530635714530945, -0.2774166464805603, -0.5190695524215698, 0.9367542266845703, 0.06741910427808762, 0.8350008726119995, -0.9109720587730408, -0.1423390656709671, -0.39154452085494995, 0.4996779263019562, -0.4115040898323059, -0.6057025194168091, -0.9588140845298767, 0.38053667545318604, 0.7593746781349182, -1.0340359210968018, 0.7576430439949036, 0.8185434341430664, 0.7344118356704712, -0.5679898262023926, -0.3277462422847748, -0.4245489835739136, 0.559190571308136, 0.4743908941745758, -0.9791867733001709, -0.19058442115783691, -0.7024653553962708, -0.5054454803466797, -0.20320335030555725, 0.5369929075241089, 1.1106196641921997, -0.7024790048599243, 0.5093233585357666, -0.5608493089675903, 0.6703215837478638, -0.05145258828997612, -0.19207081198692322, -0.6313883066177368, 0.19855928421020508, 0.09832170605659485, 1.281665563583374, -0.4519253075122833, 0.17780421674251556, -1.8243787288665771, -1.0955352783203125, -0.2573374807834625, -0.35685572028160095, 0.27388137578964233, -0.0679369866847992, 0.8661357164382935, -0.06215677782893181, 0.2105928361415863, -0.01277909055352211, 0.2959778606891632, 0.3281064033508301, -0.23712100088596344, 0.2323063462972641, 0.3186640441417694, 0.33100390434265137, -0.7395913004875183, 0.4132702648639679, 0.00025336630642414093, 0.2852906584739685, -1.062428593635559, -0.33644819259643555, 0.19814591109752655, 0.1752307265996933, -0.21741130948066711, -0.6687799692153931, -0.14590218663215637, 0.23236818611621857, -0.015715066343545914, -0.9221210479736328, -0.15958601236343384, 1.2725574970245361, -0.004851214587688446, 0.9461613893508911, 0.2234572023153305, 0.6741786003112793, 0.3306732773780823, 0.6870487928390503, 0.8865260481834412, -0.05435711517930031, -0.48903003334999084, -0.3058701753616333, -0.0949331521987915, -0.6984334588050842, -0.07629206776618958, 0.3783855140209198, -1.5503138303756714, 0.2639467120170593, -1.0810503959655762, 0.6113951802253723, -0.30069130659103394, -0.5238695740699768, 0.24039824306964874, 0.7847177386283875, -0.5252934694290161, -1.376870036125183, -0.2555583417415619, -0.1867275834083557, 0.0208558589220047, -0.046968765556812286, 0.29490289092063904, 1.2057363986968994, 0.6765409111976624, 0.32736027240753174, 0.7125995755195618, -0.1471116840839386, 0.09919393062591553, 0.5106919407844543, -0.07134072482585907, 1.074954867362976, 0.6026237607002258, -0.16232137382030487, -0.07788123190402985, -0.6327142715454102, -0.8113659024238586, -0.3836303949356079, -0.2666884660720825, 0.48547452688217163, 1.631564736366272, -0.23010927438735962, 0.06916694343090057, -1.1864181756973267, 0.3116340637207031, -0.7315996289253235, 0.7240515947341919, 1.0019787549972534, -0.6469396948814392, -0.4211297631263733, -0.726604700088501, 0.2520325481891632, 1.3148905038833618, -0.2085629105567932, 0.12459592521190643, -0.6791074872016907, 0.39716827869415283, -0.006255984306335449, -0.6611893773078918, -1.0645527839660645, 0.5525132417678833, -0.3446797728538513, 0.061823323369026184, 0.3581482768058777, -0.004860296845436096, -0.09377236664295197, 0.5039075016975403, -0.9255515933036804, 0.7139832377433777, -0.07397463917732239, -0.6499198079109192, -0.21016797423362732, 0.5765107870101929, -0.16492661833763123, -0.43133729696273804, 0.14718231558799744, -0.5671619176864624, -1.657835841178894, 0.721763014793396, 0.6092674732208252, -0.12000467628240585, -0.3734899163246155, -0.06616869568824768, 0.34943464398384094, 0.33088764548301697, 1.2973743677139282]} +{"paper_id": "emotion", "embedding": [-0.41413652896881104, 1.4389126300811768, 0.6601830720901489, -0.15386003255844116, 0.7978542447090149, -0.23068362474441528, 0.8772137761116028, 0.1524677872657776, 0.08870233595371246, 0.5076172351837158, -0.10808257758617401, -0.5910034775733948, -0.40710899233818054, -0.2868290841579437, -0.023339830338954926, -0.10337836295366287, -0.7550644278526306, -0.2596314549446106, -0.42965802550315857, 0.2293814718723297, -0.2517634630203247, -0.7479308247566223, 0.22915202379226685, 0.8080384731292725, -1.2324740886688232, -0.5052202939987183, -0.15532514452934265, -0.5952984094619751, 0.050767671316862106, 0.3905879557132721, 0.4262560307979584, 1.2677961587905884, -0.6464765071868896, -0.06826003640890121, -0.5612987279891968, -0.549514651298523, 0.5710127949714661, 0.5019157528877258, -0.3918883502483368, -0.3232710659503937, -0.5216288566589355, 0.7363185882568359, 0.3078788220882416, 0.21174316108226776, 0.17048241198062897, 0.6062578558921814, -0.4138844311237335, 0.36115923523902893, 0.37687116861343384, -0.5994513630867004, -0.1461968868970871, 0.5146042704582214, -0.5750317573547363, 0.07477874308824539, -0.7291184663772583, 1.1048269271850586, 0.24998027086257935, -0.8432946801185608, -0.8216491937637329, -0.7724424600601196, 0.6373396515846252, 1.557135820388794, -0.00017504021525382996, 0.06002005934715271, 1.4288246631622314, 0.29070794582366943, 0.8282310962677002, -0.2673601508140564, 0.492985337972641, 0.8306772112846375, -0.3941354751586914, -1.1749428510665894, 0.8295961022377014, -0.041451290249824524, 0.5400553941726685, 0.6897194385528564, 0.6158186793327332, -0.043199572712183, -0.5656228065490723, 1.1182982921600342, -0.3640708327293396, 0.39115655422210693, 0.08004295080900192, -0.8589244484901428, 0.15136320888996124, 0.3416990041732788, 0.5701484680175781, 0.9049071073532104, 0.38712769746780396, -1.14263117313385, -0.2571706771850586, 0.14931000769138336, 0.265947163105011, 0.5916452407836914, -0.6257873177528381, -0.08059186488389969, 0.001742485910654068, 0.29897966980934143, -0.7138999700546265, 0.5395365357398987, 0.13517415523529053, -0.4373151957988739, 0.66675865650177, -1.0122987031936646, -0.24754005670547485, 0.7734724879264832, 0.026540488004684448, -0.15828263759613037, 0.721638023853302, -0.1295822709798813, -0.047155048698186874, 1.1907747983932495, 0.01929829642176628, 0.2192661166191101, -0.31631341576576233, -0.47478795051574707, 0.6306505799293518, -0.0011766515672206879, -0.47947177290916443, 0.5253834128379822, -0.33006346225738525, -0.9481557607650757, 0.19546043872833252, -0.08318295329809189, 1.50658118724823, -0.09632435441017151, 1.0701401233673096, 0.06484664231538773, -0.06924218684434891, -1.1432576179504395, -0.7733230590820312, 0.006931513547897339, 0.12454108893871307, 0.45594197511672974, 2.922246217727661, -1.2138317823410034, 0.970649242401123, -1.2047736644744873, -0.15995171666145325, 0.26862025260925293, 0.02583758533000946, 0.9254470467567444, 0.23516732454299927, -0.13583481311798096, -0.4237671196460724, 0.3657105267047882, 0.02412533573806286, 0.3227909207344055, -0.5257278680801392, -1.206864595413208, 0.0627610981464386, 0.01742781698703766, -1.0499733686447144, -0.2214856743812561, 0.02783333882689476, 0.17981547117233276, 0.3122100234031677, 0.45588892698287964, -0.9214169979095459, 0.46186545491218567, 0.38431066274642944, 0.5368013381958008, -0.6079325675964355, 0.6921619772911072, -0.8045487403869629, -0.4884275496006012, 0.9860618114471436, 0.27236631512641907, -1.1265723705291748, -0.7364605069160461, 0.6384143829345703, 0.4325315058231354, 0.6654585599899292, -0.8153617978096008, -0.115728460252285, -0.10365837812423706, 1.156120777130127, 0.8872517943382263, -0.09669917076826096, -0.9670422673225403, -0.7624000310897827, -0.16239780187606812, 0.027126528322696686, 0.08266796171665192, 0.1021808385848999, 0.20869407057762146, -1.605109691619873, -0.5565131902694702, -0.5573623180389404, 0.08892976492643356, 0.3208807408809662, -1.0684555768966675, 0.3784743845462799, 0.007330898195505142, -0.09278000891208649, 0.7241547703742981, -0.00501059927046299, -1.0579127073287964, -0.43882670998573303, 0.782563328742981, -0.4429563581943512, 0.35609114170074463, -0.2323194444179535, 1.1501494646072388, 0.24014221131801605, -0.07045567035675049, -0.7428920865058899, -1.622959852218628, 0.21867534518241882, 1.9635367393493652, -0.2767688035964966, -0.08024884760379791, -1.385841965675354, 0.42210352420806885, 0.7692321538925171, 0.019144700840115547, 0.4892943799495697, -0.3430825173854828, 0.6440651416778564, -0.8898346424102783, 0.6011611819267273, -0.23104438185691833, 0.20176950097084045, 0.13154415786266327, 0.6011795997619629, -0.7122922539710999, -0.6895221471786499, -0.5932584404945374, -0.781537652015686, 0.5852777361869812, 0.3408453166484833, 0.2314978688955307, 0.20518970489501953, 0.4783097505569458, 0.6777369379997253, 0.4652543067932129, 0.5664016008377075, 0.3232722282409668, 0.11286044120788574, 0.019598929211497307, 0.3468346893787384, 0.4253396987915039, -0.08881618082523346, -0.06168197840452194, 0.03326203674077988, 0.4830818772315979, 0.19299626350402832, -0.7459180355072021, -0.13973502814769745, 0.1955181062221527, 1.2739112377166748, 1.0241318941116333, 0.21159346401691437, 0.8722994923591614, -0.8347837328910828, -0.11211051791906357, -0.7269400358200073, -0.7838329672813416, -0.11914533376693726, -0.6129927635192871, 0.4753713309764862, -0.4845590591430664, -0.759348452091217, 0.4860627055168152, -0.45862001180648804, -0.7405052781105042, -0.8551708459854126, -0.15044645965099335, -0.41167354583740234, -0.6503373384475708, 0.14623889327049255, 0.4516299366950989, -0.6141080856323242, -0.9459047317504883, 0.21272903680801392, 0.5361042022705078, -0.7216912508010864, 0.20266956090927124, 1.8495906591415405, -0.4332505762577057, 0.2188165783882141, -0.6850924491882324, 0.6459826231002808, -0.34360548853874207, 0.57805997133255, -1.384245753288269, -0.03740859031677246, -0.5729979276657104, 0.23628604412078857, -0.8897286057472229, 0.12735462188720703, 0.34009939432144165, -0.5724030137062073, 0.5524173974990845, 0.19208821654319763, -1.2073626518249512, 1.0292627811431885, -0.7014933228492737, -0.7132987976074219, -0.44405239820480347, 1.1865264177322388, 0.4610322415828705, -0.3943473994731903, 0.8380001783370972, -0.6539194583892822, 0.2342754453420639, 1.254978060722351, -0.5998469591140747, 1.5973724126815796, 0.17655929923057556, 0.11029697209596634, 0.09919469058513641, 0.03255721926689148, -2.112363815307617, -0.41474100947380066, 1.2815032005310059, -0.39006948471069336, -0.1408461481332779, -1.0158716440200806, -0.14703036844730377, -0.4995540678501129, 0.7398343682289124, 0.31876224279403687, -0.2744317948818207, 0.8597131371498108, -0.4338027536869049, 0.017325736582279205, 0.9300804734230042, -0.9367672204971313, -0.4328058958053589, 0.6001266241073608, 0.5252849459648132, -1.0935336351394653, -0.34034663438796997, 0.5500817894935608, -0.40459829568862915, 0.5484539270401001, 0.6413014531135559, 0.8221278190612793, 0.015990272164344788, -0.21775978803634644, -0.3668576180934906, 1.3759382963180542, -0.024910802021622658, 1.1860634088516235, 0.4845145642757416, 0.04241769388318062, 1.3395774364471436, -1.0329331159591675, 0.768186092376709, 0.596136212348938, -0.24704457819461823, -0.5099199414253235, -0.5836063027381897, -1.1092259883880615, -0.2708111107349396, 1.4376294612884521, 1.2211475372314453, 1.8808566331863403, -0.23769322037696838, -0.22566387057304382, -0.6473408937454224, -0.10078619420528412, 0.7026447653770447, 1.1591136455535889, 0.23923926055431366, 0.6362779140472412, 0.698304295539856, -0.05682424455881119, -0.2861371636390686, -0.043327778577804565, -0.4305209815502167, 1.117283582687378, -0.4353024363517761, 0.04108022525906563, 0.05977161228656769, 0.5735674500465393, 0.43088996410369873, 1.7018705606460571, -0.3624873161315918, -0.23541443049907684, -1.1089937686920166, -0.14932967722415924, 1.3633317947387695, -0.9496877193450928, -0.8574045896530151, 0.3538740575313568, 0.4152746796607971, 0.8468603491783142, 0.00934448093175888, 0.7934566140174866, 0.11046458780765533, 0.6187375783920288, -1.4893946647644043, -0.8065240383148193, -0.8150061964988708, -0.33443954586982727, -0.3026743233203888, 0.16690295934677124, -0.20067237317562103, 0.45918241143226624, -0.4384729266166687, -1.3185136318206787, 0.8614782094955444, -0.2659733295440674, -0.3139200210571289, 0.7129677534103394, 0.25684964656829834, -0.23387189209461212, -1.046796202659607, 0.11873635649681091, -0.8793281316757202, -1.2665436267852783, -0.004385530948638916, -0.5390018820762634, 0.7052622437477112, 0.038780562579631805, 0.4109078049659729, -0.3094407320022583, 0.3090747594833374, -0.8033398985862732, 0.905451238155365, 0.306304395198822, -1.0819379091262817, 0.7993288040161133, 0.836527407169342, -0.5095992088317871, 0.37020784616470337, -0.7083424925804138, -0.466998815536499, 0.6835516691207886, -0.1336197406053543, -0.6011357307434082, -0.5361760258674622, 0.21285109221935272, 0.03410152345895767, 0.01421184092760086, 0.12922117114067078, -0.8576692342758179, 0.6715356707572937, -0.30228158831596375, 0.009284818544983864, 0.6585006713867188, -0.2623646855354309, -0.4654175043106079, 1.3177719116210938, -0.14471185207366943, 0.8356081247329712, -0.05050240084528923, 0.7271610498428345, 1.6443833112716675, 0.5647499561309814, 0.3551052212715149, 0.13391679525375366, -11.805506706237793, 1.1261788606643677, -0.32317429780960083, 0.37107640504837036, 1.23651123046875, 0.004504740238189697, 0.1865500807762146, -0.3198073208332062, 0.894483208656311, -1.0301034450531006, 0.1573791801929474, 1.2348172664642334, 0.1200706735253334, -0.23845310509204865, -0.5813382267951965, -1.2719359397888184, -0.872324526309967, -0.8034713268280029, -0.4049912691116333, 0.8301491141319275, 0.34697359800338745, -1.2066212892532349, -0.35270172357559204, -0.6695631742477417, 0.4018365144729614, -0.5376687049865723, -0.2716491222381592, -0.32806017994880676, -0.6049016714096069, 0.5354478359222412, 1.1534347534179688, -0.4796561896800995, 0.034760430455207825, 0.007398465648293495, 0.46054524183273315, 0.3985898196697235, -0.8206692934036255, -0.2666056156158447, 0.5219484567642212, 0.5003103613853455, -0.15693475306034088, 0.6115466356277466, 0.5350221395492554, -0.2479044795036316, -0.23212894797325134, 0.5700262188911438, 0.0922505110502243, 0.06727297604084015, 0.12608325481414795, -0.22539186477661133, -0.23806652426719666, -0.6347159147262573, -1.2364418506622314, -0.8296368718147278, 0.9776744842529297, 0.5666818022727966, 0.1809471845626831, 0.056277792900800705, -0.7039237022399902, -1.4380282163619995, 0.6188377141952515, 0.2683400511741638, -0.6443477272987366, 1.2506189346313477, 0.9405272603034973, -1.3728052377700806, 0.4777517318725586, 0.01236493606120348, 0.055447518825531006, 0.6801062226295471, -1.0123958587646484, 1.1233549118041992, -0.45612314343452454, 0.0724153220653534, 0.08954094350337982, 0.12730437517166138, -0.00927812047302723, 0.34870749711990356, 0.8179062604904175, -0.6680328249931335, -0.5017880201339722, 0.4221654534339905, 0.01501607894897461, -1.0938142538070679, -0.2401886284351349, 0.7435591816902161, 0.16878560185432434, -0.13317552208900452, 0.18226948380470276, -0.012004740536212921, 0.44484010338783264, -0.29300031065940857, -0.4354636073112488, -0.16205060482025146, 0.11779215186834335, 0.7048882842063904, -0.4530560076236725, 1.173494815826416, 0.06546401977539062, -0.29937681555747986, -0.11439608782529831, -0.8130025863647461, -0.5225456953048706, -0.5205497741699219, 0.45843008160591125, -0.36864718794822693, 0.3084513545036316, -0.1485898494720459, 0.0962710976600647, -0.27418383955955505, -0.24211090803146362, 0.2512754201889038, 0.05374425649642944, 0.98828125, -0.17511269450187683, -0.0563822016119957, 0.5850143432617188, -0.14677108824253082, 0.3945491909980774, 0.5263601541519165, 0.012156412936747074, 0.1294792890548706, -0.6160556077957153, 0.7382540106773376, 0.4284207224845886, 0.4661026895046234, 0.7015620470046997, 0.09464183449745178, 0.0705912783741951, -2.2248449325561523, 0.43617966771125793, -0.1642182618379593, -0.17527799308300018, -0.5615516304969788, 0.2130195051431656, 0.2429976463317871, -0.5432572960853577, 1.4493929147720337, 0.12283046543598175, 0.06775300949811935, -0.046983323991298676, -0.3429490327835083, -0.6378452181816101, -0.7205216884613037, -1.0025259256362915, -0.07043520361185074, -1.9722025394439697, -0.3152189552783966, 0.03770796209573746, -0.9361206889152527, 0.22318413853645325, -0.017937079071998596, 0.7899354100227356, -0.594310462474823, -0.08889602869749069, 0.038307033479213715, 0.3148539364337921, 0.1763811707496643, -1.2660481929779053, 0.5488077402114868, 0.9208928942680359, 0.5831878781318665, -1.6725693941116333, 0.7082841396331787, -0.2777109146118164, 0.09741123020648956, -1.0056458711624146, -0.07998114079236984, -0.28051069378852844, -0.0528140552341938, 1.6460984945297241, -0.7303581833839417, -0.4128933846950531, -0.3810299038887024, 0.550052285194397, -1.4421570301055908, 0.2380819022655487, 0.6026395559310913, -0.821625292301178, -0.18579308688640594, -1.208446741104126, -0.03401239216327667, 0.45680028200149536, -0.785374104976654, -0.6245917677879333, -0.7172432541847229, -0.4275864362716675, 0.7260849475860596, -0.712536633014679, -0.03776960074901581, -0.7040036916732788, -1.2206370830535889, -0.8801377415657043, 0.2118341475725174, 0.5694887638092041, 0.12266799807548523, 0.6038272976875305, 1.0076907873153687, -0.513211727142334, -0.10248090326786041, 0.39792925119400024, 0.5019958019256592, -0.1894245445728302, 0.2487003356218338, -0.2062176913022995, -0.02987690642476082, -1.1145381927490234, -0.8188244104385376, 0.27370312809944153, 0.17120175063610077, -1.4605292081832886, -0.46252185106277466, -0.3481135666370392, -0.7586373090744019, 1.2103668451309204, -0.5407195091247559, 0.4766380190849304, -0.023462504148483276, -0.0833015888929367, -0.5081278681755066, -0.2694356143474579, 0.8927110433578491, -0.3755086064338684, 1.2278556823730469, 0.7613818645477295, 0.44207674264907837, -0.12203023582696915, 0.13764560222625732, 2.23738694190979, -0.38185828924179077, -0.8569881319999695, -0.2051914632320404, 0.008424073457717896, 0.2477422058582306, -0.8973103761672974, -0.24388405680656433, -0.22348462045192719, 0.22905945777893066, -1.5158517360687256, 0.2073238044977188, -0.33941060304641724, -0.005688764154911041, 1.0132973194122314, 1.364338994026184, 0.25957316160202026, -0.7679542899131775, -1.3933031558990479, -0.26669129729270935, 0.06679709255695343, -0.1124563217163086, 0.2514103055000305, 1.2931920289993286, 0.9472489356994629, -0.29356133937835693, 0.6639853715896606, 0.2402132749557495, -0.10120680928230286, 0.6902124881744385, 0.6128351092338562, 1.445610523223877, 0.49962300062179565, 0.20758245885372162, 0.16416621208190918, -0.45197054743766785, -0.6527062058448792, 0.1490343064069748, -0.9498510956764221, 0.6607488393783569, 0.03573232144117355, 0.046117376536130905, -0.0390721932053566, 0.10189025104045868, -0.36554136872291565, 0.07112213969230652, -0.1813768446445465, 0.640972912311554, 0.016658253967761993, -0.380191445350647, -0.6042149662971497, -0.43803679943084717, 0.8453651070594788, 0.19138357043266296, -1.1948546171188354, -0.9995885491371155, -0.1465768665075302, -0.19032180309295654, -0.48416513204574585, -0.07667161524295807, -0.1555297076702118, -0.044174037873744965, 0.6601126790046692, -0.09325751662254333, -0.7633479833602905, -1.035650372505188, -0.18837220966815948, -0.7700608372688293, 0.9111625552177429, -0.09363199770450592, -0.7738662362098694, -0.5862890481948853, 0.4793075919151306, 0.6516330242156982, -1.4731194972991943, 0.7442428469657898, 0.5851250290870667, -1.5478335618972778, 1.4411317110061646, 0.9535646438598633, 0.14524278044700623, -0.6623687148094177, 0.26710158586502075, 0.6139310598373413, 0.8382060527801514, 1.3317301273345947]} +{"paper_id": "wikiann", "embedding": [-1.3096822500228882, 1.3009028434753418, 0.6405568718910217, -0.5103859901428223, 0.2870342433452606, -0.8913949131965637, -0.551246702671051, 0.6602739095687866, 0.5661746859550476, 0.9183579087257385, 0.408597469329834, -0.41801750659942627, -0.3769463300704956, -0.6351885199546814, -0.8072899580001831, 0.06484217196702957, -0.6298902630805969, -1.2899739742279053, -0.7507091164588928, -0.14554846286773682, -0.9840639233589172, -0.5120680928230286, -0.13962239027023315, -0.11336477845907211, -0.7978273630142212, -0.22978878021240234, 0.1549122929573059, -0.5845502018928528, 0.05041041225194931, -0.2271130383014679, -0.4716936945915222, 0.8988164067268372, -1.4782280921936035, 0.5031596422195435, 0.0208432674407959, -0.048108771443367004, 0.14590610563755035, 1.2548211812973022, -1.0080369710922241, -0.6545751690864563, -0.4780203700065613, -0.8467742800712585, 1.699182391166687, -0.47290241718292236, 1.3728530406951904, -0.5300107598304749, -0.4215301275253296, 0.6955614686012268, 0.9538107514381409, 0.2002415508031845, -0.0030205799266695976, 0.14502859115600586, 0.1470441222190857, 0.42726370692253113, 0.08398184180259705, 1.1554949283599854, -0.18963181972503662, -1.1045613288879395, 1.0396957397460938, -0.5812976360321045, -0.2828441560268402, 1.2118444442749023, -0.23517103493213654, -0.20779484510421753, 0.47422581911087036, 0.3210776448249817, 1.2352174520492554, 0.3465065360069275, 1.195037603378296, 0.6376360058784485, 0.2140018492937088, -1.6373062133789062, 1.0012907981872559, -0.19826866686344147, 0.6630607843399048, 1.1738786697387695, 0.8692042827606201, -0.16187268495559692, 0.6357380151748657, 0.5282853841781616, -0.29273349046707153, 0.6844442486763, 1.4075238704681396, -0.4404006898403168, -1.0616620779037476, -0.4216189682483673, 0.36580461263656616, -0.28997284173965454, 0.9005042910575867, -0.7338849902153015, 0.9180707335472107, -0.31490641832351685, -0.9106334447860718, 0.017791882157325745, -0.2021763026714325, 0.4400464594364166, -0.5980162024497986, 0.006749143823981285, -0.7978940010070801, 0.23393535614013672, 0.6149485111236572, -0.7062938213348389, -0.14020667970180511, -0.358622282743454, -0.17301486432552338, 0.6015158891677856, -1.0520918369293213, -0.018621519207954407, -1.077289342880249, 0.3618890047073364, 1.0485124588012695, 1.2057620286941528, 0.6109418869018555, 0.1062377542257309, -0.3126681447029114, 0.21889138221740723, -0.05823148041963577, -0.6156644821166992, -0.3524802625179291, -0.12396138906478882, -0.38250353932380676, -0.7083419561386108, -1.0084079504013062, 0.5641536116600037, 1.1301953792572021, -0.7781897187232971, 0.3937956690788269, -0.1494322121143341, 0.004793520085513592, -0.34048908948898315, 0.3026379942893982, 0.5495790243148804, 0.03816236928105354, -0.12719139456748962, 3.086129903793335, -1.0803124904632568, 0.7142664790153503, 0.07029657065868378, 0.8744158148765564, -0.4337173104286194, 0.3884715437889099, 1.3648371696472168, 0.5845527052879333, -1.10309898853302, -0.25026261806488037, 0.007238941267132759, -0.3093140125274658, 0.5880439281463623, -0.5689780116081238, -0.2066459208726883, 0.2996428608894348, 0.24140599370002747, -0.7780606150627136, -0.14939892292022705, -0.08941654860973358, 0.1931593418121338, 0.034845270216464996, 0.11038315296173096, -0.5101974010467529, 1.3612784147262573, 0.12434002757072449, 0.036937467753887177, -0.8892031908035278, 0.026206333190202713, -1.213765025138855, 0.3185421824455261, 1.9873428344726562, -0.33010998368263245, -1.199202537536621, 0.010426320135593414, 0.6287207007408142, 0.004320109263062477, -0.29946255683898926, -0.17376214265823364, -0.5086131691932678, -0.41957688331604004, 0.7019612789154053, 0.8820704817771912, -0.11318390816450119, -0.12346584349870682, 0.19820484519004822, 0.13425911962985992, -0.19788071513175964, 0.6998221278190613, -0.21574755012989044, 0.28943759202957153, -2.4748342037200928, -0.13858656585216522, -0.41722795367240906, 0.3101058006286621, -0.28512877225875854, 0.061919793486595154, -0.7649735808372498, 0.5877487063407898, -0.4852140545845032, -0.9229325652122498, 0.6079386472702026, -1.8080875873565674, -1.1104846000671387, 0.385755717754364, -0.07835471630096436, 0.17349983751773834, -0.5249130725860596, 0.6260875463485718, -0.028474871069192886, -0.48767417669296265, -0.4446624219417572, -1.6956326961517334, 0.4202777147293091, 1.779212236404419, -0.1903911530971527, -1.2625603675842285, -1.7684499025344849, -0.3748044967651367, -0.4623775780200958, -1.377362847328186, 0.17110088467597961, -0.8066274523735046, 0.308840274810791, -0.8817406892776489, 0.5916348099708557, -0.11624553799629211, 0.12485427409410477, -0.10987009853124619, 0.5812767148017883, -0.19464686512947083, -0.2587360143661499, -0.4549747705459595, -0.6511759757995605, 0.8976981043815613, 0.699828565120697, 0.1732659935951233, -0.5874152183532715, 0.9487820267677307, -0.08237815648317337, 0.07335672527551651, 0.3951503336429596, 0.31598538160324097, -0.5997074842453003, 0.7977362871170044, -0.13502444326877594, 1.2821325063705444, -0.8312816619873047, -0.2100401520729065, 0.3535032868385315, -0.2852157950401306, -0.18715566396713257, -0.2070222795009613, -0.08595726639032364, -0.4067479968070984, 1.080893635749817, 0.423088937997818, -0.695176362991333, 0.9911484122276306, -0.9880140423774719, -0.15975484251976013, 0.02854973077774048, -1.0328402519226074, 0.258700430393219, -0.02884102798998356, 0.9003161191940308, -0.2864462733268738, 0.12572091817855835, -0.12263751029968262, -1.0087132453918457, -1.7690575122833252, 0.45427942276000977, -0.286068320274353, -0.9542750120162964, -1.1809723377227783, 0.22418972849845886, -0.1806507557630539, -1.827354907989502, -0.09176608920097351, 0.5479753613471985, 0.5806839466094971, 0.3214164078235626, 0.4055446982383728, 0.8133007884025574, -0.2542586028575897, 1.2914057970046997, -0.040121808648109436, 0.38462281227111816, -0.5267266035079956, 0.7655526399612427, 1.118124008178711, -0.32672712206840515, -0.7802615761756897, -0.31847500801086426, 0.537224531173706, 0.23055317997932434, 0.4103171229362488, 0.135352224111557, 0.6749054193496704, -0.30253487825393677, -1.3064883947372437, 0.8312908411026001, 0.6205594539642334, -0.8397395610809326, -1.497231125831604, 1.6784156560897827, -0.172675222158432, 0.014072205871343613, 0.7997652888298035, 0.5827127695083618, -0.5357636213302612, 1.13750422000885, 0.07791386544704437, 0.07172020524740219, 0.30185866355895996, -0.3034355044364929, -0.30856406688690186, -0.08405951410531998, -1.8542728424072266, 0.022765394300222397, 0.41609901189804077, 0.3080598711967468, 0.35836827754974365, 0.10002917051315308, 0.3554108738899231, -0.5863941311836243, -0.8896971344947815, 0.8079939484596252, 0.2693049907684326, 0.6266452074050903, -0.40099868178367615, -0.9027575254440308, 0.38367924094200134, -0.9406830072402954, 0.9783967733383179, 0.2970127463340759, 0.17033600807189941, -1.1544740200042725, 0.7679340839385986, 1.0257394313812256, -0.2060704380273819, 0.8077718019485474, 0.6287953853607178, 1.0529299974441528, 1.3900339603424072, -1.5056406259536743, 0.5264678597450256, 0.08052931725978851, 0.5856953859329224, 0.17248167097568512, 0.8647222518920898, -0.20281259715557098, 1.2272005081176758, 0.7113157510757446, 0.8835625052452087, 0.26798194646835327, -0.8534049987792969, -0.868048906326294, 0.018233969807624817, -0.024488162249326706, -0.7517441511154175, 1.800293207168579, 1.5340142250061035, 1.386451005935669, 0.04283996671438217, 0.05792868882417679, -0.970305323600769, 0.03229342773556709, 1.440759539604187, 0.38075998425483704, -0.24076159298419952, -0.9376437664031982, 0.4406599700450897, 0.4687134325504303, -0.39923858642578125, -0.1984054148197174, -0.016003137454390526, 0.8369542956352234, 0.6512516736984253, -1.4485722780227661, 0.2902909815311432, -0.655487060546875, 0.48908692598342896, 0.9669402241706848, -1.1372008323669434, 0.0030768029391765594, 0.20403838157653809, 0.6346625089645386, -0.0016430104151368141, 0.6046474575996399, -1.0942314863204956, 0.8353137373924255, 0.7531958222389221, 0.2520575225353241, -0.6784699559211731, 0.7808691263198853, 1.974279522895813, -0.13282044231891632, -1.0824424028396606, -0.16845296323299408, -1.1205357313156128, -0.6968786120414734, -0.15743359923362732, -0.07473880052566528, -1.1833090782165527, 0.04373519495129585, -0.09781569987535477, 0.05342542752623558, 0.8483678102493286, -0.6262181997299194, -1.7283130884170532, 0.9641567468643188, 0.7774231433868408, -1.687400460243225, -0.29915809631347656, 0.27308833599090576, -0.03535481542348862, -1.2044428586959839, 0.3671107888221741, -0.9608234167098999, -0.27534615993499756, 0.22518770396709442, 1.2380330562591553, 0.22024312615394592, 0.06518565118312836, -0.5283557176589966, 0.23186112940311432, 0.9007347822189331, 0.023585140705108643, -0.3224853575229645, 0.31362271308898926, 0.8287135362625122, -0.5350805521011353, -1.6442445516586304, -0.7698034048080444, 0.752736508846283, -0.015381671488285065, -0.09151555597782135, -1.2350594997406006, -0.938371479511261, 0.5998204946517944, 0.35019999742507935, 0.9036622643470764, -0.6825478076934814, 0.4450035095214844, -0.6868070960044861, 1.0790174007415771, 0.4265921711921692, -0.6041765213012695, -1.8290612697601318, 1.26424241065979, -0.2041548192501068, 0.038739386945962906, -0.06738827377557755, 0.9598774909973145, 0.8376825451850891, 0.48462146520614624, 0.3241938352584839, -0.6611917614936829, -10.297065734863281, 0.1276998370885849, 0.06751035153865814, 1.0225192308425903, 0.8536518216133118, -0.5401443243026733, 1.239428997039795, -0.5648571848869324, 0.7188523411750793, -0.524432897567749, -0.11319360136985779, 1.794232964515686, 0.6530669927597046, -0.15707449615001678, -0.7623557448387146, -1.8603873252868652, -0.8229845762252808, 0.2477393001317978, 0.756941556930542, 0.3420749306678772, -0.9117571711540222, -1.2131166458129883, 0.3014233708381653, -0.13309746980667114, 0.31478211283683777, -0.6075800061225891, 0.3997093439102173, -0.1040802001953125, -0.05810139328241348, -0.7970699071884155, -0.204011932015419, 0.00025823828764259815, -1.585668921470642, 0.5768827795982361, 0.2633208632469177, -0.1266671121120453, -0.6753421425819397, -0.29103735089302063, 1.8948752880096436, 0.19001151621341705, -0.3171581029891968, 0.32762905955314636, 0.2899167537689209, -0.390410453081131, -1.0313726663589478, 0.2594878673553467, -0.27260640263557434, -0.9817779064178467, 0.3761745095252991, -0.4543924629688263, -0.18952535092830658, -0.9992076754570007, -1.303702473640442, -0.4563941955566406, 1.171370029449463, 0.5391630530357361, -0.44979122281074524, -0.36505022644996643, -1.3720983266830444, -0.9666951894760132, 1.652671456336975, -0.3646419048309326, 0.18803629279136658, 0.751916766166687, -0.20906567573547363, -0.010510251857340336, 0.6579387187957764, -0.047484301030635834, 0.5207231640815735, -0.4292055368423462, -0.4196246862411499, -0.4239221513271332, 0.991429328918457, -0.5237004160881042, -0.23816612362861633, -0.4971361756324768, 0.6356240510940552, -0.3362453877925873, 0.05196552723646164, 0.2080736756324768, -1.312142014503479, 1.0051560401916504, -0.00919096078723669, -0.3397122919559479, -0.2611432373523712, -0.2335188239812851, -0.7145294547080994, 0.1290222853422165, 0.20171847939491272, -0.3495187759399414, 1.0551782846450806, -0.05348602682352066, -0.2981911301612854, -0.4796372950077057, -0.2901173233985901, 0.8673623204231262, -0.33134740591049194, 0.5172467231750488, 0.1841663122177124, -0.17893993854522705, 0.23245912790298462, -0.05923037976026535, -0.8845396041870117, -0.02800186723470688, 0.6361445784568787, 0.6338685750961304, 0.19966942071914673, -0.05286501348018646, 0.0606035515666008, 0.36116114258766174, 1.0660525560379028, -0.2183835804462433, -0.31763404607772827, 1.01470148563385, 0.052695855498313904, 1.5152450799942017, 0.2652329206466675, -0.16878041625022888, 0.6674184203147888, 1.2920783758163452, 1.1934212446212769, 0.14008952677249908, 0.061718620359897614, 1.5300604104995728, -0.2729870676994324, -0.005420350003987551, 0.5183092355728149, 0.3755429983139038, 0.18074403703212738, -1.4835236072540283, -0.43588554859161377, -0.21485695242881775, -0.4570108950138092, -1.028441309928894, -0.7158665060997009, -1.1478347778320312, -1.2327524423599243, 1.4302093982696533, -0.6349186897277832, 0.19942119717597961, 0.09686575829982758, -1.0605179071426392, -0.23137514293193817, 0.09025174379348755, -0.3634272515773773, 0.32363706827163696, -0.7121339440345764, 0.1451619267463684, -0.4752887487411499, -1.0377488136291504, -0.011026158928871155, -0.14871959388256073, 0.21969392895698547, -0.6902373433113098, 0.16237199306488037, -0.03550233691930771, -0.01574454829096794, -0.6709917783737183, -0.7805060744285583, 0.25706127285957336, -0.083198182284832, 0.9349035620689392, -1.0780084133148193, 0.3379960358142853, 1.4144924879074097, 0.1248406171798706, -1.3892532587051392, 0.1305171400308609, -0.5203723907470703, 0.6262990832328796, 0.6025828719139099, -0.8110896944999695, 0.42823633551597595, 0.0852697566151619, -0.27222350239753723, -0.5835976600646973, 0.8178833723068237, 1.5984747409820557, -0.5120826959609985, 0.6724278330802917, 0.847649872303009, 0.7962736487388611, 0.5129302144050598, -0.17823053896427155, -0.5474064946174622, -0.014648810029029846, -0.2581554055213928, 0.27469220757484436, 0.31024491786956787, 0.5494349002838135, -1.3109519481658936, -0.5079588294029236, -0.08243276178836823, 0.5745358467102051, 0.7118948101997375, -0.029606159776449203, 1.381392478942871, 0.46188297867774963, 0.1386203169822693, 0.7560026049613953, 0.19785456359386444, 0.4426104724407196, 1.0718685388565063, 1.410529375076294, -0.5549185276031494, -0.2975649833679199, -0.8778755068778992, -0.014308705925941467, 0.4519757926464081, 0.5264742374420166, -1.594966173171997, -0.40779441595077515, 1.0665721893310547, -0.4221373498439789, -0.09701749682426453, 0.004008781164884567, 0.5799002051353455, -0.20694629848003387, 0.1511780172586441, -0.5506753325462341, 0.08081773668527603, 1.3840795755386353, -1.142865538597107, 0.7142054438591003, -0.4915095865726471, 0.782805860042572, 0.631763219833374, 0.2832413911819458, 1.7008605003356934, -0.4018692076206207, -0.4028189778327942, 0.5285513997077942, 0.31473100185394287, -0.5343796610832214, 0.17208577692508698, 0.30391910672187805, -0.30023330450057983, 0.006552077829837799, -1.3112850189208984, 0.9529378414154053, -0.439827561378479, 0.6819161772727966, 0.3318125903606415, 1.040054440498352, -1.1381415128707886, -1.0232198238372803, 0.1322631537914276, -0.24915683269500732, -0.3510221242904663, -0.12460672855377197, 0.22813139855861664, 0.3052372336387634, 1.026172399520874, 0.7062411308288574, 0.7260345220565796, -0.010099310427904129, 0.2966553568840027, -0.4275957942008972, -0.322043240070343, 0.7048349380493164, 0.6686612963676453, 0.2721565067768097, -0.36347994208335876, 0.3181670010089874, -0.7823536992073059, -1.7255698442459106, -0.6263441443443298, -0.35363149642944336, 1.7152621746063232, -0.5292835831642151, -0.004345662891864777, -1.125197172164917, 0.12473055720329285, -0.9062539339065552, 0.2935258448123932, 0.6468912959098816, 0.004333831369876862, -0.24499967694282532, -0.8099915981292725, 0.31422969698905945, 1.0605465173721313, -0.28918686509132385, -0.0006328132003545761, -0.5780380964279175, 0.584708571434021, -0.2911876440048218, -0.3427840769290924, -0.5726989507675171, 0.9985151290893555, -0.07126576453447342, 0.5693399310112, 0.024348825216293335, -0.21081960201263428, -1.1312673091888428, 0.3842237889766693, -1.0578687191009521, -1.074724555015564, 0.06240829825401306, -0.8541940450668335, 0.5796031355857849, 0.6209105253219604, -0.16599372029304504, 0.10677479207515717, 0.46077650785446167, -0.8015117049217224, -1.104218602180481, -0.10506521910429001, 1.2718768119812012, 0.12898670136928558, -0.8007847666740417, 0.07349015772342682, -0.06658431142568588, 0.5732007026672363, 0.7974507808685303]} +{"paper_id": "blimp", "embedding": [-0.08313082158565521, 1.072961449623108, -0.21753551065921783, 0.08812843263149261, 0.803217887878418, 0.045725252479314804, 0.399029403924942, 0.6053927540779114, 0.7836087942123413, 0.8997474312782288, -0.47940078377723694, -0.2464422881603241, -0.3157714605331421, -0.526203989982605, 0.0008006356656551361, -1.028375506401062, -1.4003674983978271, -0.9165298938751221, -1.427086591720581, -0.3136960566043854, -0.5443921685218811, -0.29698795080184937, -0.21314536035060883, 0.4142460227012634, -0.005996126681566238, -0.627644956111908, 0.9106752872467041, -1.1418778896331787, 0.18098846077919006, 0.4943655729293823, -0.5467754602432251, 1.4242885112762451, -1.2943147420883179, 0.06535925716161728, -0.398995578289032, -0.3069741427898407, 0.21833772957324982, 0.7396142482757568, -1.1378698348999023, 0.48025330901145935, -0.34139424562454224, -0.41656893491744995, 0.4137127101421356, -0.019866283982992172, 0.20986169576644897, 0.03699381649494171, -0.46805882453918457, 0.7671113610267639, -0.11275355517864227, 0.24624808132648468, -0.40112778544425964, -0.034786149859428406, 0.7578703761100769, 0.18625862896442413, 0.06056822091341019, 0.6263062953948975, 0.3267422914505005, -1.5035126209259033, 0.517173707485199, -1.0030220746994019, 0.1543300598859787, 1.647266149520874, -0.7685779929161072, 0.5475170016288757, 0.8637120723724365, -0.1674572229385376, 0.5056823492050171, 0.08882571756839752, 0.05764693021774292, 0.6675699353218079, -0.22880327701568604, -0.23190471529960632, 0.5495147109031677, 0.015588551759719849, 0.6692322492599487, 0.6927034854888916, 0.2637040913105011, 0.35961902141571045, 0.33905643224716187, -0.10883194953203201, -0.2538699507713318, 1.1356029510498047, 0.8918334245681763, -0.6841437816619873, -0.10067959129810333, 0.028094906359910965, 0.28840893507003784, -0.7625336647033691, 0.17489005625247955, -1.029948115348816, 0.22529776394367218, 0.36830228567123413, 0.1607101857662201, 0.1898733377456665, 0.2787225842475891, 0.33812713623046875, -0.35672110319137573, 0.1943875402212143, 0.07644863426685333, -0.026801062747836113, 0.5886973738670349, -0.7061523199081421, 0.9105035662651062, 0.3741980195045471, 0.32136762142181396, 0.8369700908660889, -0.10648482292890549, -0.2998969554901123, -0.5461089015007019, 0.07582505792379379, -0.09789513796567917, 1.4273464679718018, -0.4767173230648041, 0.2614995241165161, 0.07160021364688873, 0.09035751968622208, 0.48513951897621155, -0.484356552362442, -0.3989345133304596, -0.19467149674892426, -0.03816590830683708, -0.6749388575553894, -0.5344752073287964, -0.017242781817913055, 0.6037498116493225, -1.1679487228393555, 0.5296059250831604, 0.0619526281952858, 0.7044941782951355, 0.23864558339118958, 0.20756810903549194, 0.3900797963142395, -0.12291696667671204, -0.03805021196603775, 2.805103063583374, -0.6866982579231262, 1.1531919240951538, -0.32179588079452515, 0.1412961483001709, -0.37684810161590576, 0.10530730336904526, 0.7958188056945801, 0.2636911869049072, -0.6627947688102722, -0.27446243166923523, 0.18487079441547394, -0.3211291432380676, 0.5526127815246582, -0.9658673405647278, 0.14101636409759521, -0.41855716705322266, -0.046979911625385284, -1.1130291223526, -0.6035817265510559, 0.5252799391746521, -0.544787585735321, -0.2431054264307022, 0.6228008270263672, -0.9168445467948914, 0.7391564846038818, 0.4466370940208435, -0.022234193980693817, -0.8638674020767212, 0.02098871022462845, -0.952712893486023, -0.2772866189479828, 1.6031925678253174, -0.5570145845413208, -0.5346821546554565, -0.4160517156124115, 0.3244156241416931, 0.002906832844018936, -0.30048632621765137, -0.26807260513305664, 0.7041692137718201, 0.04743289202451706, 0.8141869306564331, 0.605532705783844, -0.20978757739067078, -0.794028103351593, -0.032438937574625015, -0.23256663978099823, -0.22679466009140015, 0.13577397167682648, -0.34677016735076904, 1.1089094877243042, -2.213106155395508, 0.12032315880060196, -0.257446825504303, 0.42679300904273987, -0.3659648001194, -0.646882176399231, 0.01610933244228363, 0.3227884769439697, 0.1822267323732376, -0.5883426070213318, 0.5850965976715088, -0.9689691662788391, -0.7798787951469421, 0.17601823806762695, -0.6220173239707947, 0.06166878715157509, 0.33106091618537903, 1.2536377906799316, 0.5054100155830383, -1.0898174047470093, -0.5405550599098206, -1.9433035850524902, 0.32525762915611267, 2.504016876220703, -0.23318830132484436, -0.5539536476135254, -0.8996449708938599, -0.8593881130218506, 0.14262035489082336, -0.6074831485748291, 0.36535653471946716, -0.8133101463317871, -0.20797353982925415, -1.3669469356536865, 0.40701061487197876, -0.24263498187065125, 0.3758929669857025, 0.3654795289039612, 1.5410346984863281, -0.7376092672348022, 0.0646103173494339, -0.3903845548629761, -0.6010640859603882, 0.23129649460315704, 1.2639472484588623, 0.0867350846529007, -0.5362747311592102, 0.614658534526825, -0.08711723238229752, 0.9791351556777954, 0.3452470302581787, 0.4174015522003174, -0.2028178870677948, 0.21223104000091553, 0.5872116088867188, 0.5608642101287842, -0.3324766755104065, 0.44412660598754883, 0.24645192921161652, 0.6016277074813843, -1.0459965467453003, -0.022709019482135773, -0.046287380158901215, -0.1025606021285057, 1.3215186595916748, 0.9152478575706482, -0.7112539410591125, 1.2474896907806396, -1.0994230508804321, 0.6622065305709839, -0.7330345511436462, -0.4730131924152374, -0.981371283531189, 0.25592589378356934, 0.6751662492752075, 0.23679935932159424, -0.8027102947235107, -0.552527904510498, -0.6745797395706177, -1.53884756565094, -0.6780335903167725, -0.7195361256599426, -0.22930483520030975, -1.641121506690979, -0.3921080529689789, 0.41989362239837646, -0.9714508652687073, -0.6829633116722107, -0.34626635909080505, 0.7270910143852234, 0.19083386659622192, 0.7770582437515259, 2.0843679904937744, 0.4360995292663574, 0.14065155386924744, 0.8454593420028687, 1.0643956661224365, -0.5821409225463867, 0.10432294011116028, -0.06911449879407883, -0.1408974528312683, -0.9862034320831299, -0.6301994323730469, -0.5761145353317261, 0.9407846927642822, 0.37570086121559143, -0.3261568546295166, -0.14876458048820496, -0.28768324851989746, -1.0554767847061157, 0.4743995666503906, -0.4313559830188751, 0.200372576713562, -1.0514311790466309, 1.457090139389038, 0.8462982177734375, 0.19872015714645386, 0.7287070155143738, -0.677284836769104, -0.1853516548871994, 0.6871486902236938, -0.8441658020019531, 0.579866349697113, -0.2045322060585022, -0.029105138033628464, 0.12464345991611481, 0.2530190944671631, -1.988754391670227, 0.20576679706573486, 1.242026925086975, 0.6687549948692322, -0.34431973099708557, -0.4215700626373291, 0.26790887117385864, -0.35070547461509705, -0.3350383937358856, 0.7510161995887756, -0.4784766733646393, 0.21764282882213593, -0.355588436126709, -0.2356710582971573, 0.9998549222946167, -1.215632438659668, 0.3376217484474182, 1.5249907970428467, 1.0078253746032715, -1.2745734453201294, 0.1926698386669159, 0.423848420381546, -0.9739357233047485, 1.335591435432434, 0.9663416743278503, 0.5185791850090027, 1.0922389030456543, -0.7507439255714417, 0.21448755264282227, 0.6485981345176697, 0.4363388121128082, 0.5711835622787476, 0.6395540833473206, -0.4560513496398926, -0.2534630298614502, -0.17797650396823883, 1.3422044515609741, 0.30155467987060547, -1.6551368236541748, -0.42700374126434326, -0.8285954594612122, -0.6961259245872498, -1.3615267276763916, 1.2499665021896362, 1.2796849012374878, 0.9416751265525818, -0.239522784948349, 0.938389778137207, -0.17341573536396027, 0.1894758939743042, 0.9689772129058838, -0.07234007120132446, 0.0762934610247612, -0.21989670395851135, 0.4755041301250458, 0.8258870840072632, 0.05811835825443268, -0.100210040807724, -0.3303443491458893, 0.3418303430080414, 0.3333093225955963, -0.939467191696167, -0.18894898891448975, -0.22366979718208313, 0.3609839677810669, 1.741283655166626, -1.295423150062561, -0.7332124710083008, 0.2745940387248993, 0.3189519941806793, -0.0642022043466568, 0.2724219858646393, -1.028715968132019, 0.9485740661621094, -0.11138437688350677, 1.2715232372283936, -0.21062985062599182, 0.9512359499931335, 0.7112454175949097, -0.6657310724258423, -1.237330675125122, -0.5479574799537659, -1.2933993339538574, -0.21881993114948273, -0.6235073208808899, -0.6707890033721924, -0.7015164494514465, 0.6028037667274475, -0.40253013372421265, -0.35705000162124634, 0.7617740631103516, -0.14811763167381287, -1.1282395124435425, 0.8210318088531494, 0.31153738498687744, -1.2753173112869263, -0.37905916571617126, -0.22139674425125122, -0.6461839079856873, -0.9026780724525452, 0.14562982320785522, -0.5962768793106079, 0.16470973193645477, 0.025014637038111687, 1.0561723709106445, -0.35000497102737427, 0.08519959449768066, -1.4513484239578247, 1.0148561000823975, 1.382506251335144, -0.5592992305755615, 0.016083557158708572, 0.4291573166847229, 0.6778273582458496, -0.7660040855407715, -0.6862486004829407, -0.36370745301246643, 0.6716713905334473, 0.19482165575027466, 0.10334422439336777, -0.5588555932044983, -1.0508462190628052, 0.4171786606311798, 0.49729999899864197, 0.8662508726119995, -1.343130350112915, 0.7046347856521606, 0.22916412353515625, 0.7495501041412354, 1.130353569984436, -0.3854362368583679, -0.6574503183364868, 1.414578914642334, -1.024470567703247, 0.1494831144809723, 0.22258639335632324, 0.6418496370315552, 0.8724674582481384, 0.1134255900979042, -0.04387325793504715, -0.4732235372066498, -11.678879737854004, 0.625011682510376, -0.3383612632751465, 0.22204990684986115, 0.46985071897506714, -0.48354241251945496, 0.4633803963661194, 0.43074411153793335, 0.31290867924690247, -0.1544390320777893, 0.19137568771839142, 1.374952793121338, 0.5232397317886353, -0.10734456032514572, -0.15512382984161377, -1.2394118309020996, -0.673589289188385, -0.3669124245643616, 0.3179764747619629, 0.6288734078407288, -0.7395002841949463, -0.5559524297714233, 0.4033659100532532, -0.2191338986158371, 0.3155282139778137, -0.2181089222431183, -0.35016894340515137, -0.5908698439598083, 0.06803655624389648, 0.0559765100479126, 0.026261944323778152, -0.14599157869815826, -1.1776994466781616, 0.21206118166446686, 0.36811089515686035, -0.2990872263908386, -0.518173336982727, -0.0843619778752327, 0.7714065313339233, -0.04965928941965103, -0.663415789604187, 0.043244946748018265, 0.3395870327949524, -1.0956209897994995, -0.19002553820610046, 0.12973760068416595, -0.10728266835212708, -0.8433834314346313, 0.43114611506462097, -0.9683093428611755, 0.1565486043691635, -0.988862931728363, -1.1064987182617188, -1.1018445491790771, 0.27828365564346313, -0.49872443079948425, -0.2602405846118927, 0.3277636170387268, -0.5571041107177734, -1.1341747045516968, 0.40945759415626526, 0.7051432132720947, -0.6596983075141907, 0.7554816603660583, 0.4992891550064087, -1.1003159284591675, 0.5751180052757263, 0.7721066474914551, 0.2190762460231781, 0.21525156497955322, -0.7967023849487305, 0.6510260105133057, 0.14293810725212097, -0.11753314733505249, 0.1585630178451538, -0.2724311649799347, 0.2827344536781311, -0.376442551612854, 0.14648981392383575, -0.14127613604068756, -0.8955125212669373, 0.31785523891448975, -0.3335522413253784, -0.1929638385772705, -0.9316471219062805, 0.18457862734794617, -0.8658800721168518, 0.3125517964363098, 0.4605419933795929, 0.05546366423368454, 1.1489986181259155, -0.1484498232603073, -0.017497539520263672, -0.17713215947151184, -0.5206175446510315, 1.0410312414169312, -0.586581289768219, 1.362001657485962, -0.16465380787849426, -0.5511909127235413, 0.43490010499954224, -0.04589181765913963, -0.3772983253002167, -0.17113623023033142, 0.26066043972969055, 0.3013206422328949, 0.2195112109184265, -0.2680479884147644, 0.395091712474823, -0.6719922423362732, 0.5780892372131348, 0.02745717763900757, -0.3360292911529541, 0.9218389987945557, -0.23601897060871124, 0.6177569627761841, 0.6899430155754089, 0.8797256350517273, 0.8147890567779541, 0.9458679556846619, -0.126702219247818, 0.8400514721870422, 0.17334289848804474, 1.6971769332885742, 0.13500040769577026, 0.580235481262207, 0.6665690541267395, 0.4471884071826935, -0.27650150656700134, -1.26996910572052, 0.07380685210227966, -0.7932552099227905, -0.08884797990322113, -0.5596984028816223, 0.24407009780406952, -0.8413318991661072, -1.2169843912124634, 0.8442167043685913, -0.41660523414611816, 0.6529502868652344, 0.06119759380817413, -0.6064624190330505, -0.3847413957118988, -0.4875231385231018, -0.4331184923648834, 0.9515218138694763, -2.371670961380005, -0.0039935968816280365, -0.23422998189926147, -0.9203460812568665, -0.18749909102916718, -0.33346953988075256, 0.6396059393882751, -0.6227176785469055, 0.443866491317749, 0.12109240144491196, 1.1499475240707397, -0.14073370397090912, -0.8760899901390076, 0.1356368362903595, -0.19356313347816467, 1.523803472518921, -0.5840546488761902, 0.4755702614784241, 0.8017841577529907, -0.15952278673648834, -0.8119319677352905, -0.7620030641555786, 0.06426983326673508, 0.3162586987018585, 0.6857305765151978, -0.8939054012298584, -0.11936736851930618, -0.3631134331226349, -0.3154850900173187, -1.0575978755950928, 0.7209132313728333, 0.6539292335510254, -0.5265408754348755, 0.17339113354682922, -0.07506677508354187, 0.3021567165851593, -0.005276340991258621, -0.4924602806568146, -0.7262390851974487, -0.21062716841697693, -0.050576142966747284, 0.6949290037155151, -0.2420283704996109, 1.0852627754211426, -1.3170087337493896, -1.4714717864990234, -0.1359923630952835, 1.0534616708755493, 0.354261189699173, -0.3635421097278595, 1.3671666383743286, 0.8416672945022583, 0.49358245730400085, 0.32880714535713196, 0.13827171921730042, 0.6858087778091431, 0.3127977252006531, 0.27341774106025696, -0.44069167971611023, 0.16636499762535095, -0.7433816194534302, -0.00986861065030098, 0.5280730724334717, 0.582134485244751, -0.8291348814964294, -0.19315160810947418, 0.014858681708574295, 0.19700105488300323, -0.5232877731323242, -0.6687453985214233, 0.05772317945957184, -0.23754872381687164, -0.009500134736299515, -0.3517841696739197, 0.39175665378570557, 1.47699773311615, -0.05965929850935936, 0.7166064381599426, 1.1174429655075073, -0.20569422841072083, 0.20968149602413177, 1.0049521923065186, 1.178063154220581, 0.13607922196388245, -0.47423410415649414, -0.08405829966068268, 0.5098719596862793, -0.06410262733697891, -0.4181129038333893, -0.09748011827468872, -0.6756428480148315, -0.11983547359704971, -0.8973015546798706, 0.2865358293056488, -0.16941572725772858, 0.6342982053756714, 0.6481879353523254, 0.8702320456504822, -0.21834024786949158, -1.0378963947296143, 0.2812543511390686, -0.046182990074157715, 0.3648567795753479, -0.009078390896320343, 0.8386259078979492, 0.6570525169372559, 0.7492884993553162, 0.4049872159957886, 1.3987776041030884, 0.43626564741134644, 0.35618674755096436, -0.3611160218715668, 0.3346116542816162, 1.4686641693115234, 1.0037463903427124, 0.4178031086921692, -0.5504845380783081, -0.4776225984096527, -1.1211892366409302, -0.26925376057624817, -0.40832895040512085, 0.49574124813079834, 0.6311309337615967, 0.249034121632576, 0.45397669076919556, -0.6450043320655823, 0.4878782331943512, -0.41586828231811523, 0.3815035820007324, -0.11887480318546295, -0.38722777366638184, -0.808384358882904, -0.7920389771461487, 0.35614970326423645, 1.2741875648498535, -0.7952976822853088, -0.3559163212776184, -0.3733263611793518, 0.4384341537952423, -0.38277584314346313, -0.7133126854896545, -0.7702775597572327, 0.591616690158844, -0.4089911878108978, 0.3743186593055725, 0.6767450571060181, -0.05703212693333626, -0.8889238238334656, 0.15411145985126495, -0.5537172555923462, 0.26550132036209106, -0.7771759033203125, -0.9095894694328308, -0.01953330636024475, 0.3479384183883667, 0.052976079285144806, -0.6532830595970154, 0.5270231366157532, -0.6829760074615479, -1.4605891704559326, 1.6273521184921265, 0.9243418574333191, -0.24163849651813507, -0.47539764642715454, -0.402488648891449, 0.20233096182346344, 0.2585962414741516, 1.2872636318206787]} +{"paper_id": "xnli", "embedding": [0.0699596256017685, 1.2435699701309204, 0.12487007677555084, -0.07385660707950592, 0.6449596881866455, -0.6538025736808777, 0.4461454451084137, 0.8066989183425903, 0.8570314049720764, 0.5110138654708862, 0.4729091227054596, -0.6777278780937195, 0.11337947845458984, -0.1275162398815155, 0.051020100712776184, -0.5334033370018005, -1.3247202634811401, -1.291839838027954, -1.7070015668869019, -0.3742346167564392, -0.44894564151763916, -0.3608212471008301, 0.1326238214969635, 0.49311548471450806, -0.41191837191581726, -0.8307861685752869, 0.7191568613052368, -0.949302077293396, 0.5699957609176636, 0.7672572731971741, -0.5502930283546448, 1.2326594591140747, -1.1087967157363892, 0.1501445770263672, -0.3904355764389038, -0.29440703988075256, 0.20423397421836853, 0.7563930749893188, -0.2630738914012909, -0.048549141734838486, -0.8760720491409302, -0.40295809507369995, 0.40331920981407166, 0.3541364371776581, 0.8719539642333984, -0.347526878118515, -0.5590644478797913, 0.12556380033493042, -0.3470049500465393, -0.6705133318901062, -0.09493541717529297, 0.1660730242729187, -0.05006025731563568, 0.5919994115829468, -0.53114914894104, 1.159928560256958, 0.6093224287033081, -0.8881192207336426, 0.7884096503257751, -1.449190378189087, 1.016459345817566, 1.7219876050949097, -0.800040066242218, 0.3308526873588562, 1.4303969144821167, 0.08134828507900238, 1.6264008283615112, 0.13361912965774536, 0.2532458007335663, 0.9662572741508484, 0.2539826035499573, -0.9465510845184326, 0.44300708174705505, 0.22120410203933716, 0.8657809495925903, 0.5914950370788574, 0.25939813256263733, 0.8413001894950867, -0.6020323038101196, 0.051049284636974335, -0.6998668909072876, 0.8012141585350037, 0.9120096564292908, -0.8442893624305725, -0.10163265466690063, 0.7777659296989441, 0.5038923025131226, -0.7712544798851013, 0.8766845464706421, -1.8564378023147583, -0.03995804488658905, -0.14781568944454193, -0.06347702443599701, -0.2459927648305893, -0.02339339256286621, 0.19638663530349731, -0.07663257420063019, 0.1652611941099167, -0.15800583362579346, 0.2745550870895386, 0.44457608461380005, -0.24177858233451843, 0.3139147460460663, 0.06857486069202423, 0.1405259370803833, 1.208185076713562, 0.108152836561203, -0.6431432366371155, -1.257308840751648, -0.4209439158439636, 0.055582690984010696, 1.0373438596725464, -0.27468734979629517, 0.6602422595024109, 0.285643994808197, 0.21051448583602905, 0.5711454153060913, -0.9261782169342041, -0.6715817451477051, 0.08755917847156525, -0.13452596962451935, -0.8168042302131653, -0.44431909918785095, -0.33954018354415894, 1.0221666097640991, -0.8146969079971313, 0.20864781737327576, -0.7911600470542908, 0.5197030305862427, -0.565917432308197, 0.5467715859413147, -0.012323200702667236, -0.5269553065299988, -0.3293048143386841, 3.154261350631714, -0.8207137584686279, 1.9617760181427002, -1.1266320943832397, 0.2682248055934906, 0.061333879828453064, -0.17606395483016968, 1.1768324375152588, 0.005041893571615219, -0.2632959187030792, -0.0990637019276619, 0.521369993686676, -0.9359854459762573, 0.2759931683540344, -1.0336964130401611, -0.6165120005607605, -0.2658904492855072, -0.036950983107089996, -1.2797553539276123, -0.5885342359542847, 0.6910644769668579, 0.03980955481529236, 0.27977079153060913, 1.3880265951156616, -0.6529449820518494, 1.13509202003479, 0.11646214127540588, -0.2840421199798584, -0.2257908284664154, 0.47975748777389526, -1.492926001548767, -0.08149027079343796, 0.9828542470932007, -0.18792065978050232, -0.13212472200393677, -0.5058084726333618, 1.1767170429229736, -0.2714330554008484, -0.594732940196991, 0.02798350155353546, -0.09778350591659546, 0.2756298780441284, 0.6663770079612732, 0.5960639715194702, -0.02909158356487751, -0.5814312100410461, -0.21556872129440308, -0.4399557411670685, -0.014628574252128601, 0.561903178691864, 0.19503752887248993, 0.7670440673828125, -2.2297489643096924, -0.5928146839141846, 0.12564216554164886, 0.06770481169223785, 0.051462069153785706, -0.8012500405311584, -0.02040361613035202, 0.07554540038108826, 0.6719346046447754, -0.047780901193618774, 0.591264009475708, -0.7934485077857971, -0.5512610673904419, 0.39064645767211914, -0.2312508374452591, -0.17195910215377808, 0.17102031409740448, 1.1721744537353516, 0.37823399901390076, -0.45686259865760803, -0.6064671874046326, -1.7203967571258545, -0.09251893311738968, 3.1526288986206055, 0.2100592851638794, -0.3695739507675171, -1.4066531658172607, -0.348850280046463, -0.11702278256416321, -0.8744881749153137, 0.04501287639141083, -1.113667607307434, 0.23781746625900269, -1.1823443174362183, 0.16282324492931366, -0.5979846119880676, 0.33438125252723694, 0.6189178824424744, 0.8129806518554688, -0.26221442222595215, -0.37879014015197754, -0.5907064080238342, -0.5729181170463562, 0.34907737374305725, 0.7569728493690491, 0.05788756534457207, -0.777202308177948, 0.7400845885276794, 0.12293033301830292, 0.8952043056488037, 0.7310071587562561, 0.45720523595809937, -0.09882264584302902, -0.24593153595924377, -0.2628971338272095, 0.5607444047927856, 0.014144867658615112, -0.004049092531204224, 0.3163674473762512, 0.6276887059211731, -0.7244039177894592, -0.30739545822143555, -0.15852090716362, 0.2758799195289612, 1.4517722129821777, 1.2336220741271973, -0.5202664136886597, 1.381905436515808, -1.722554087638855, 0.3338140547275543, -0.6834707260131836, -0.6543377041816711, -0.18779459595680237, 0.12351381778717041, 1.0040583610534668, -0.3522188663482666, 0.3792639672756195, -0.357745885848999, -0.016890019178390503, -1.628521203994751, -0.34136226773262024, -0.5974540710449219, -0.897423505783081, -1.538098931312561, -0.3217475116252899, -0.024060845375061035, -0.7120748162269592, -0.6864550709724426, -0.08188754320144653, 0.8227298259735107, 0.6262829303741455, 1.1518932580947876, 2.0791072845458984, 0.03146902471780777, 0.6450823545455933, 0.3135536313056946, 0.6292141675949097, -0.9022611379623413, 1.196123480796814, -0.3342054784297943, 0.5333213806152344, -0.6675857901573181, 0.24869349598884583, -0.3931649327278137, -0.09013453871011734, 0.7839780449867249, -0.1351061761379242, 0.3101547062397003, -0.32459697127342224, -1.8436360359191895, 1.1238118410110474, -0.624190092086792, 0.39843249320983887, -0.929421067237854, 2.126206159591675, 0.06388525664806366, -0.4396149814128876, 0.6682871580123901, -0.41634613275527954, 0.2312701791524887, 1.112004280090332, -0.5182180404663086, 0.5722414255142212, 0.20077143609523773, -0.18462733924388885, 0.18343424797058105, 0.08893493562936783, -2.3290038108825684, 0.33627450466156006, 1.411098599433899, -0.16225826740264893, -0.8168606162071228, -1.2972315549850464, 0.8108159899711609, -0.4153531789779663, -0.3336309790611267, 0.6553012132644653, -0.6894583106040955, 0.4101739823818207, 0.12458830326795578, 0.36335504055023193, 1.2370986938476562, -0.7006035447120667, 0.5906405448913574, 1.2687608003616333, 0.3591722846031189, -0.5573693513870239, -0.24460294842720032, 0.9009742736816406, -0.7759720087051392, 0.21771791577339172, 0.41179078817367554, 0.8098682165145874, 1.696309208869934, -0.41106244921684265, -0.25234660506248474, 1.0588696002960205, 1.4108235836029053, 0.7770964503288269, 0.1773446500301361, -0.6590797901153564, 0.44444727897644043, 0.3233840763568878, 1.335715889930725, 0.1300690919160843, -1.1384596824645996, -0.9198583364486694, -0.4403482675552368, -0.010400243103504181, -0.7920892834663391, 1.7290775775909424, 1.0236599445343018, 1.384625792503357, -0.10867739468812943, 0.3248336613178253, -0.42686426639556885, 0.1962253302335739, 1.3555388450622559, 0.23042531311511993, -0.507887601852417, -0.40218257904052734, -0.14328652620315552, 1.1958208084106445, -0.6152992844581604, -0.6723504662513733, -0.03602801635861397, 1.2460529804229736, -0.6707816123962402, -0.674910306930542, 0.24356681108474731, 0.9833874106407166, 0.37095585465431213, 1.5198211669921875, -0.5143574476242065, -0.3948636054992676, 0.39084911346435547, 0.6084387898445129, -0.19794891774654388, 0.05296214669942856, -0.7888494729995728, 0.5549159646034241, 0.6480514407157898, 1.3079875707626343, 0.22425104677677155, 0.48690786957740784, 0.850210428237915, -0.733849823474884, -0.9206958413124084, -0.5134871006011963, -1.0131940841674805, -0.6172669529914856, -0.2717222273349762, -0.5541054010391235, -0.8008686304092407, 0.899507999420166, -0.18934300541877747, -0.0913713276386261, 0.8454642295837402, -0.7649676203727722, -1.7663564682006836, 1.2256540060043335, 0.880341649055481, -1.255414605140686, -0.48421940207481384, -0.4096945524215698, -0.6328296661376953, -0.9628910422325134, 0.22893807291984558, -0.7286713719367981, -0.21964700520038605, 0.2992125451564789, 0.7457395792007446, -0.07289255410432816, -0.3419268727302551, -1.4022891521453857, 0.1917589157819748, 1.500171184539795, -1.2308977842330933, 0.08581096678972244, 0.3470173180103302, 0.35882580280303955, -0.30886322259902954, -0.8318825364112854, -0.6185086369514465, 0.8404825329780579, 0.625963568687439, 0.3664095401763916, -0.5643365383148193, -0.5084502100944519, 0.33373066782951355, 0.12334634363651276, 0.8295194506645203, -1.2678776979446411, 0.3063200116157532, -0.46713995933532715, 0.7834638357162476, 0.34573620557785034, -0.8340878486633301, -0.3726730942726135, 0.8270887136459351, -0.5291973352432251, 0.6267015933990479, 0.41578754782676697, 0.9275479316711426, 1.1910408735275269, 0.2519508898258209, 0.543572723865509, -0.419824481010437, -10.199577331542969, 0.07349513471126556, -0.41048187017440796, -0.06869913637638092, 0.17682477831840515, -0.6979295015335083, 1.0740569829940796, -0.15980122983455658, 0.037219032645225525, -0.9378974437713623, 0.48909735679626465, 1.369939923286438, 0.5843181610107422, -0.7758156657218933, -0.6102283000946045, -0.9317508935928345, -0.6296635270118713, -0.29545044898986816, 0.4640941619873047, 0.3796350657939911, -1.2997469902038574, -1.1208125352859497, 0.0813768208026886, 0.6286991834640503, 0.24128369987010956, 0.11080046743154526, -0.4500327408313751, 0.0016242489218711853, -0.4611243009567261, -0.09341120719909668, 0.5549995303153992, -0.40642085671424866, -0.8703932166099548, -0.1703546643257141, 0.8233771324157715, -0.3171464800834656, -0.5223821401596069, 0.15332983434200287, 0.48942551016807556, 0.15370260179042816, -0.39455556869506836, 0.5347739458084106, 0.2859486937522888, -0.37908366322517395, -0.2277791053056717, 0.22448046505451202, 0.5988477468490601, -0.813510537147522, 0.6248005628585815, -0.9457106590270996, -0.6037576794624329, -0.8076775670051575, -1.3502079248428345, -0.8208439350128174, 0.27943795919418335, 0.17548882961273193, -0.2682255208492279, 0.004535175394266844, -0.1419447809457779, -1.3963743448257446, 0.5417948365211487, -0.112271249294281, -0.20458900928497314, 0.023731974884867668, 0.3068728744983673, -0.41955506801605225, 0.28062042593955994, 0.06361294537782669, -0.1179736852645874, 0.5749684572219849, -0.9891839623451233, 0.40185943245887756, 0.09868381172418594, 0.24890221655368805, -0.6143642067909241, -0.2930847704410553, -0.5990506410598755, -0.13268257677555084, 0.5710911750793457, -0.04658881202340126, -0.9682749509811401, 0.5415847897529602, 0.2910318672657013, -0.09752454608678818, -0.6715248823165894, 0.4708019196987152, -0.20471608638763428, 0.4319319725036621, 1.1481133699417114, 0.044307634234428406, 1.4275673627853394, -0.03382715582847595, -0.23850880563259125, 0.16521933674812317, -0.2524140775203705, 1.1791512966156006, -0.4882490336894989, 1.2608280181884766, 0.5781710147857666, -0.7909770607948303, 0.21975386142730713, -0.40541642904281616, -0.4276737570762634, -0.0030240900814533234, 0.5212795734405518, 0.5183048248291016, 0.5184564590454102, 0.23555007576942444, 0.6107801198959351, -0.2583928108215332, 1.3027522563934326, 0.0888998806476593, -0.5224958062171936, 0.8036247491836548, 0.18450087308883667, 1.1398147344589233, 0.3098262548446655, 0.5771570801734924, 0.7065951228141785, 1.0050495862960815, -0.3610895872116089, 0.9441455602645874, -0.20608334243297577, 1.6627851724624634, 0.11042532324790955, 0.12549763917922974, 0.5780453085899353, 0.4725314974784851, 0.09098359942436218, -1.4497368335723877, -0.09852802753448486, -0.24857869744300842, 0.05783329904079437, -0.9298157095909119, -0.2732979357242584, -0.2815867066383362, -0.7231777310371399, 1.335310935974121, -0.4463224411010742, 0.006549891084432602, -0.02367275580763817, -1.2394061088562012, -0.3260747790336609, -0.8253469467163086, -0.3653509318828583, 0.4949435591697693, -1.6662583351135254, -0.4467964470386505, -0.09551654011011124, -0.6517483592033386, 0.33742329478263855, -0.2646912634372711, 1.0494171380996704, -0.9115396738052368, -0.390521764755249, -0.02983579784631729, 0.4125649034976959, -0.15986186265945435, -0.8034560084342957, -0.0576874203979969, -0.18555402755737305, 1.4222882986068726, -1.1199402809143066, 1.2100285291671753, 0.5004905462265015, 0.30367401242256165, -0.9402012825012207, 0.06999090313911438, -0.6626291871070862, 0.4737074375152588, 1.148612141609192, -1.2791938781738281, -0.4918379485607147, -0.7267694473266602, -0.6031388640403748, -1.0404901504516602, -0.0058930255472660065, 1.3678593635559082, -1.0171020030975342, 0.3204459846019745, -0.12348580360412598, 0.5698234438896179, -0.21461810171604156, -0.5004497766494751, -0.680736780166626, 0.09120707958936691, -0.6380592584609985, 1.0933246612548828, -0.028186451643705368, 0.9074230194091797, -2.055054187774658, -1.2125625610351562, -0.30875012278556824, -0.15485331416130066, 0.19927389919757843, -0.20466744899749756, 0.7792062163352966, -0.38986849784851074, 0.21632418036460876, 0.13641178607940674, 0.2542327344417572, 0.4819069504737854, 0.1828068196773529, 0.26929739117622375, 0.13149739801883698, 0.337430477142334, -0.6728757619857788, 0.2668847441673279, 0.011143345385789871, 0.26092925667762756, -1.5242879390716553, -0.4846731424331665, 0.08565692603588104, -0.12071909010410309, -0.040156446397304535, -0.9446613788604736, 0.4541287422180176, 0.08011989295482635, -0.06356924772262573, -1.623380184173584, -0.26724138855934143, 1.0684012174606323, -0.45145493745803833, 0.5703499913215637, 0.47890275716781616, 0.5677754282951355, 0.21710452437400818, 0.4597782492637634, 1.4425681829452515, -0.6578274369239807, -0.8728916645050049, -0.545586109161377, 0.6461143493652344, -0.30825716257095337, -0.2739821672439575, 0.38563868403434753, -0.9959116578102112, -0.029807262122631073, -1.2910583019256592, 1.2213802337646484, -0.598931074142456, 0.2181454300880432, 0.378085732460022, 0.680463433265686, -0.23943370580673218, -1.4707180261611938, 0.4866895377635956, -1.060865879058838, 0.45560169219970703, 0.12196238338947296, 0.7502976655960083, 0.47841358184814453, 0.7911858558654785, 0.0308513343334198, 1.3874876499176025, -0.2773369252681732, -0.36366283893585205, -0.07601360231637955, -0.11257298290729523, 0.9735991954803467, 0.4228355288505554, 0.24597685039043427, -0.06402690708637238, -0.26079896092414856, -0.9716977477073669, -0.2555038332939148, -0.6643460988998413, 1.1381289958953857, 0.8580369353294373, 0.23662875592708588, 0.23205281794071198, -1.3542771339416504, 0.6739411354064941, -0.6690444350242615, 0.5956718325614929, 0.8086990118026733, 0.02939286082983017, -1.396868109703064, -0.9716294407844543, 0.17661811411380768, 0.7888445258140564, -0.7256768345832825, 0.10640431940555573, -0.9772050976753235, 0.06144913285970688, 0.382328063249588, -0.3798043727874756, -1.2438883781433105, 0.0735747292637825, -0.5159206390380859, -0.015872236341238022, 0.8246219158172607, -0.7503179907798767, -0.5473901629447937, 0.1471043974161148, -0.7357140183448792, 0.8129643797874451, -0.3545777201652527, -0.44541463255882263, -0.8296584486961365, 0.6123425960540771, -0.7535841464996338, -0.7150758504867554, 0.5795587301254272, -0.615230143070221, -1.724790096282959, 1.2165485620498657, 1.7229931354522705, -0.864123523235321, -0.22911646962165833, 0.29066145420074463, 0.18032877147197723, 0.5175958871841431, 1.3670977354049683]} +{"paper_id": "ag_news", "embedding": [-1.090674638748169, 1.0891938209533691, 0.029240716248750687, 0.5835510492324829, 0.02233840338885784, -0.24207189679145813, -0.0026963911950588226, 0.875564694404602, 0.6752272844314575, -0.03546396642923355, 1.0359312295913696, 0.17066426575183868, 0.39134150743484497, 0.16865965723991394, 0.26570555567741394, 0.08806869387626648, -0.31660234928131104, -0.621243417263031, -0.39303210377693176, -0.40540120005607605, -0.9234460592269897, -0.8875706791877747, -0.07315067946910858, 0.18322312831878662, -0.21482646465301514, -0.8914430141448975, 0.3728061616420746, -0.6232293844223022, 0.49468302726745605, 0.6828756332397461, 0.18335771560668945, 0.1674300581216812, -1.2553342580795288, -0.25577428936958313, -0.8268736004829407, -1.1040692329406738, -0.11473137885332108, 0.12814031541347504, -0.001461520791053772, -0.460579514503479, -0.6623535752296448, 0.35158953070640564, 0.7640825510025024, 0.07825394719839096, 1.0448023080825806, -0.3634306490421295, 0.8232920169830322, 0.22899650037288666, 0.4382009506225586, 0.10660415887832642, -0.29709526896476746, 0.6771544218063354, -0.6470595002174377, 0.6631177663803101, -0.44606536626815796, 1.1213959455490112, -0.11358030885457993, -0.09367557615041733, -0.3294470012187958, -1.0571426153182983, 0.5614330768585205, 1.535894513130188, -0.5743294358253479, 0.07284893095493317, 0.6799915432929993, -0.1376424878835678, 0.8224238157272339, -0.12340138107538223, 0.13100378215312958, 1.0514593124389648, -0.38597607612609863, -0.2251296043395996, 1.0102919340133667, -0.9955238699913025, -0.04455406963825226, 0.39021697640419006, -0.1304069459438324, -0.4376227855682373, 0.19750657677650452, 0.4029505252838135, -0.03900383785367012, 0.9881232976913452, -0.08012034744024277, -0.31253883242607117, -0.03719543293118477, -0.3101504147052765, 0.30775225162506104, -0.3999827802181244, -0.19679759442806244, -1.1576701402664185, 0.45216429233551025, 0.10231073945760727, -0.5173283219337463, 0.08163239061832428, -0.13802950084209442, -0.3850356340408325, -0.030474871397018433, -0.06431031972169876, -1.0150378942489624, 0.45863133668899536, 0.8141920566558838, -0.961988091468811, 0.2954660952091217, -0.4283125102519989, 0.46689823269844055, 0.8840342164039612, -0.4855826199054718, -0.7647969126701355, -0.35576653480529785, -0.4687754809856415, -0.18675149977207184, 0.4392254948616028, -0.20593537390232086, 0.6042331457138062, -0.1521572321653366, -0.19955801963806152, 0.721137523651123, -0.2906932830810547, -0.9441724419593811, -0.1046527624130249, -0.7007074952125549, -1.8437823057174683, -0.2657296359539032, 0.3944000005722046, 0.9614003896713257, -0.8057428598403931, 0.3634137809276581, -0.5975519418716431, 0.42676296830177307, -0.7079228758811951, 0.5964192152023315, 0.2164604663848877, -0.46522265672683716, -0.3673071563243866, 3.006509780883789, -1.064195990562439, 1.2552763223648071, -0.7490399479866028, 0.3981829881668091, 0.0052127838134765625, -0.178480327129364, 0.7638679146766663, -0.16677019000053406, -0.2740198075771332, -0.8537061810493469, 0.6062697172164917, -0.4313357472419739, 0.15491530299186707, -0.36062613129615784, -0.3437541723251343, 0.1927124261856079, 0.7046448588371277, -0.6752303242683411, -0.7658835053443909, -0.11761517822742462, 0.6660016775131226, 0.5247653722763062, 0.5966048836708069, -0.7363746762275696, 0.5156220197677612, 1.2890784740447998, 0.3040792942047119, -0.9537152647972107, -0.09036074578762054, -0.6592723727226257, -0.0012976694852113724, 0.9671033620834351, 0.49779972434043884, -0.30655595660209656, -0.5586668848991394, 0.6223649382591248, -0.38894087076187134, -0.0203109011054039, -0.21795068681240082, -0.1501474529504776, -0.08233659714460373, 0.47798505425453186, 0.08351653814315796, 0.7833282947540283, -0.4122423231601715, 0.13601741194725037, -0.23518891632556915, 0.5190081596374512, 0.4735046625137329, 0.31346309185028076, -0.003493707627058029, -1.865586519241333, -0.7765107750892639, -0.05040769279003143, 0.15823030471801758, -0.06572619080543518, -0.8582417964935303, 0.020395394414663315, 0.43780961632728577, 0.20150147378444672, 0.13129331171512604, -0.08288522064685822, -0.46381786465644836, -0.24810096621513367, 0.848439633846283, 1.2432794570922852, -0.19329631328582764, -0.16025075316429138, 1.3187204599380493, 0.7000128626823425, -0.491669625043869, -0.07053960859775543, -1.113507866859436, 0.9253743290901184, 1.6297529935836792, -0.018034331500530243, -0.8203974962234497, -1.4563883543014526, 0.11882306635379791, 0.18972527980804443, -1.048534631729126, 0.3923969566822052, -0.5769332647323608, 0.7191632390022278, -0.9777174592018127, 0.13039541244506836, -0.19517382979393005, -0.1920342743396759, -0.653510570526123, 0.942585825920105, -0.3711632192134857, -0.09440555423498154, -0.19278617203235626, -0.7337878346443176, 0.4596324563026428, 0.9289699196815491, 0.3983789086341858, -0.07102106511592865, 0.03687687963247299, 0.4940780997276306, 0.7953519821166992, 0.18426987528800964, 0.15109595656394958, 0.19919857382774353, 0.5011549592018127, 0.2628451883792877, 0.6933237910270691, -0.4345439672470093, -0.4204103946685791, -0.4139595627784729, 0.6641179919242859, 0.060309961438179016, -0.24098123610019684, 0.3703566789627075, 0.02553359419107437, 1.662446141242981, 1.1846253871917725, -0.43383002281188965, 0.5903255343437195, -0.3406621813774109, -0.14466381072998047, 0.17796629667282104, 0.10668432712554932, 0.14492323994636536, 0.050270915031433105, 1.0556408166885376, -0.21844173967838287, 0.17914162576198578, 0.08350411057472229, -0.253734290599823, -0.021314900368452072, -1.3705956935882568, -0.25310322642326355, -0.755900502204895, -0.8924943208694458, -0.24730470776557922, 0.2291247397661209, -0.2062940001487732, -0.6093644499778748, 0.08222265541553497, 0.5109779238700867, -0.34705933928489685, 0.038770295679569244, 1.5855622291564941, -0.3754585385322571, 0.37676653265953064, -0.7067843675613403, 0.9344664216041565, 0.2978517711162567, 0.6157407164573669, -0.9192042946815491, 0.18633083999156952, -1.3458166122436523, -0.3600723445415497, 0.021064333617687225, 0.07132866233587265, -0.03723687306046486, -0.2784108519554138, 0.9662038683891296, -0.39772552251815796, -0.7149379849433899, 1.2945677042007446, -0.7012569904327393, 0.32671841979026794, -1.142305850982666, 1.6057521104812622, 0.5211578011512756, -0.07043740153312683, 0.6540122032165527, 0.3972105085849762, -0.033796653151512146, 1.159194827079773, -0.5487502813339233, 0.803384006023407, 0.01462479680776596, 0.4343310594558716, 0.2913852035999298, -0.29497143626213074, -2.3555667400360107, -0.07233855873346329, 1.0311228036880493, -0.24915075302124023, -0.24785099923610687, -0.9131582379341125, 0.0668322741985321, 0.30983537435531616, -0.06421800702810287, 0.06138427183032036, -0.7311112880706787, 1.2370678186416626, 0.017220184206962585, -0.0008755214512348175, 0.7619454860687256, 0.042553387582302094, 0.07114745676517487, 0.35930487513542175, 0.47155293822288513, -1.4425911903381348, -0.2501634657382965, 0.4640866816043854, -0.2030731439590454, 0.24775642156600952, 0.20128995180130005, 0.3111307621002197, 1.1109106540679932, -1.253463625907898, 0.0918411910533905, 0.22757504880428314, 0.4292968809604645, -0.1437186449766159, 0.08341677486896515, 0.18829257786273956, 0.9199705719947815, 0.23458987474441528, 1.3612748384475708, 0.3518090844154358, -0.4927608072757721, -0.3959631323814392, 0.029312770813703537, -0.32607173919677734, -0.6268695592880249, 1.1793617010116577, -0.16645291447639465, 1.5596164464950562, 0.4581936001777649, 0.18391293287277222, -0.2030423879623413, -0.19487999379634857, 0.985811710357666, 0.9436042904853821, 0.27626559138298035, -0.17308607697486877, -0.22960862517356873, 0.5529263615608215, 0.1585320085287094, -0.49416476488113403, -0.2652393579483032, 1.0750160217285156, -0.2525358498096466, -0.9724197387695312, -0.0966542586684227, 1.076441764831543, 0.6125127673149109, 1.856094241142273, -0.1194935292005539, -0.49003249406814575, -0.9396553635597229, 0.6418678164482117, 0.8603745102882385, -0.32177841663360596, -0.6281598806381226, -0.48394182324409485, 0.17295709252357483, 1.3619576692581177, -0.15599757432937622, 0.8997429013252258, 1.4070438146591187, -0.6616690754890442, 0.3155558705329895, 0.30070337653160095, -0.3793732821941376, -0.17559054493904114, 0.16587674617767334, -0.09130948781967163, -0.7460936307907104, 0.5701118111610413, -0.042013831436634064, -0.9313017725944519, 0.4070420265197754, -0.05572065711021423, -0.7126091718673706, 0.5527608394622803, 1.9097318649291992, -0.711188793182373, -0.29270118474960327, -0.1902480274438858, -0.7315984964370728, -0.686286985874176, 0.38659512996673584, -0.317825049161911, 0.4287766218185425, 0.4026152193546295, 0.1700182408094406, -0.7483196258544922, -0.10742176324129105, -1.1064258813858032, 0.8375874757766724, 0.5205302238464355, -0.23595470190048218, -0.09196992218494415, -0.7814046740531921, -0.9235310554504395, 0.051437754184007645, -1.7496565580368042, 0.24455998837947845, -0.140072301030159, -0.34316688776016235, -0.2064763754606247, -0.33619776368141174, 0.22646692395210266, -0.3902241587638855, 0.31728318333625793, 0.1380489468574524, -1.128598928451538, 0.07017338275909424, -0.783608615398407, 0.7372505068778992, 0.7192221879959106, -0.568602979183197, 0.25587180256843567, 0.4285116195678711, -0.5344631671905518, 0.49276015162467957, 0.07159692049026489, 0.8196104764938354, 0.7231450080871582, 0.7693687081336975, 0.5748452544212341, 0.28713640570640564, -12.208008766174316, 0.46051251888275146, -0.08857052028179169, 0.4520415663719177, 0.5471028685569763, 0.8682921528816223, 0.5299638509750366, 0.04349871352314949, 0.5800014138221741, -0.5961987972259521, 0.22346380352973938, 0.9674885272979736, -0.5186898112297058, -0.7748395204544067, -0.26912274956703186, 0.06533882021903992, -0.29881125688552856, -0.9296936988830566, 0.7676471471786499, 0.3844785690307617, 1.0860756635665894, -1.1336643695831299, -0.7244001626968384, -0.11825378239154816, 0.010034838691353798, -1.6976332664489746, 0.269214004278183, 0.18622949719429016, -1.4956965446472168, -0.3819930851459503, 0.1649026721715927, -0.4136548638343811, -0.5271862745285034, -0.34269189834594727, 0.4900375008583069, -0.35569292306900024, -1.2879894971847534, 0.0897311344742775, 0.7520240545272827, -0.4781540632247925, -0.26895588636398315, 0.10333319008350372, -0.17559170722961426, -0.0722573772072792, 0.037741899490356445, 0.3016837239265442, 0.4333256781101227, -0.11566013097763062, 0.5740533471107483, -0.4902026057243347, 0.23634864389896393, -0.4707590341567993, -0.7829855680465698, -1.049338459968567, 0.6823968291282654, 0.6219171285629272, -1.0867081880569458, 0.7565835118293762, -0.11366203427314758, -0.7010434865951538, 0.9901059865951538, 0.7170749306678772, 0.053516387939453125, 0.564824104309082, 0.4383585751056671, -0.6624147295951843, 0.22337380051612854, 0.8090357780456543, 0.3343510031700134, 0.6207659244537354, -0.636363685131073, 1.224947452545166, 0.828448474407196, 0.2581287920475006, -0.3478199541568756, 0.05061204731464386, -0.20933423936367035, 0.37333881855010986, 1.005027413368225, 0.4705349802970886, -1.125449299812317, -0.40515443682670593, -0.4983510673046112, -0.758666455745697, -0.36306679248809814, 0.49089691042900085, 0.1504090428352356, -0.08042111247777939, 1.2199209928512573, 0.6570411920547485, 0.8582466840744019, 0.3278842568397522, -0.4068412780761719, -0.3352784812450409, 0.152184396982193, 0.7462479472160339, -1.1672487258911133, 0.8563240170478821, 0.6246789693832397, -0.32034119963645935, 0.1333899199962616, 0.033131733536720276, -0.502668023109436, -0.09770312905311584, 1.1033642292022705, -0.28901392221450806, -0.35777947306632996, 0.9359220266342163, 0.37599971890449524, 0.5543848872184753, 0.4069885015487671, 0.2944018840789795, -0.22973962128162384, 0.6977887749671936, -0.11517450213432312, 1.2975852489471436, 0.95888751745224, -0.6042550802230835, 0.5670973658561707, 0.2930237650871277, -0.32694321870803833, 0.19826926290988922, -0.06703966856002808, 0.7921987771987915, 0.7477582097053528, -0.5644896030426025, -0.33611881732940674, 0.2535087764263153, -0.011722775176167488, -0.8930422067642212, 0.5887622833251953, -0.2070305049419403, -0.28777992725372314, -0.656408965587616, -0.4321095049381256, -0.14296695590019226, -0.7410512566566467, 1.5145844221115112, -0.3442147970199585, 0.16714605689048767, -0.284336656332016, -0.005200691521167755, -0.33872705698013306, -0.19609110057353973, -0.7986807823181152, -0.42952901124954224, -1.610036015510559, -0.2900846302509308, -0.25739383697509766, -0.26845064759254456, 0.5839676260948181, -0.4665057361125946, -0.20496530830860138, -1.2249025106430054, -0.8484618663787842, 0.1889728605747223, 0.7906923890113831, -0.14641445875167847, -0.618480384349823, 0.12184439599514008, 0.8113746047019958, 1.164463996887207, -1.1827586889266968, 1.0859581232070923, 0.4769798815250397, 0.07224611937999725, -1.0312352180480957, 0.36160942912101746, -0.014921669848263264, 0.4258131980895996, 1.116973876953125, -0.9499126672744751, -0.586037814617157, -0.6511550545692444, -0.5152053833007812, -0.8218788504600525, -0.5296508073806763, 0.827574610710144, -1.2400754690170288, 0.456865131855011, -0.8687002658843994, 0.5428555011749268, 0.7046355605125427, -0.5328677296638489, -0.5785323977470398, -0.19570723176002502, -0.49937066435813904, 1.022965431213379, -0.6869774460792542, 0.04490448161959648, -1.7204290628433228, -1.5574803352355957, -0.9484992027282715, -0.3142836093902588, 0.45752236247062683, 0.2057316154241562, 0.434257447719574, 0.48914793133735657, -0.8585749864578247, -0.4489472508430481, -0.06963589787483215, 0.45406460762023926, 0.7826353311538696, 0.21062670648097992, -0.17372363805770874, 0.313035786151886, -0.32345858216285706, 0.4612334370613098, 0.5510272979736328, 0.27418839931488037, -1.6768836975097656, -0.5545942783355713, 0.2975058853626251, -0.105101078748703, 0.37329909205436707, -1.328453779220581, -0.27470672130584717, 0.3939572274684906, -0.313092440366745, -0.958807110786438, -0.19589969515800476, -0.15567272901535034, -0.7175626754760742, 1.5627459287643433, 0.4754641056060791, 0.8292902112007141, 0.1820904016494751, -0.06900753080844879, 2.1698224544525146, -0.693236768245697, 0.01912342756986618, 0.6706861853599548, 0.2964879870414734, 0.05912589281797409, -0.27150124311447144, 0.3767755925655365, -1.5889161825180054, 0.14233428239822388, -1.1880379915237427, 0.31293177604675293, -0.5828900933265686, 0.11738705635070801, -0.19510339200496674, 1.0545456409454346, 0.0209503173828125, -1.3147562742233276, -1.237837314605713, -1.1023701429367065, -0.32913777232170105, 0.0836435854434967, -0.29359790682792664, 1.0728352069854736, 0.6783599257469177, -0.8787526488304138, 0.5724521279335022, -0.12118233740329742, 0.22731062769889832, -0.06307990103960037, -0.037231482565402985, 0.531010091304779, 0.17898797988891602, 0.06902381032705307, 0.13829447329044342, -0.7904439568519592, -0.8013017177581787, -0.34022340178489685, -0.796424925327301, 0.39669132232666016, 1.0003409385681152, -1.0043470859527588, -0.7459688782691956, 0.34945452213287354, -0.5255053043365479, 0.4966692626476288, 1.0505753755569458, 0.15082547068595886, 0.10356384515762329, -1.3877710103988647, -0.5234874486923218, -0.17448803782463074, 0.33941662311553955, -0.5391249060630798, -0.2873374819755554, -0.5490953326225281, -0.18369394540786743, 0.6182740330696106, -0.30963143706321716, -0.6093877553939819, 0.09815944731235504, -0.5443397164344788, 0.3461810350418091, 0.37366026639938354, -0.8524354100227356, -0.4701453745365143, 0.06022777780890465, -1.2297570705413818, 0.9192602634429932, 0.07843993604183197, -1.0265167951583862, 0.09230954945087433, 0.7088696360588074, 0.43416914343833923, -0.36954644322395325, 0.9286299347877502, 0.044641971588134766, -0.6606309413909912, 0.82435542345047, 0.6022432446479797, -0.5280346274375916, 0.34789660573005676, 0.7826421856880188, 0.21109668910503387, 0.6631762385368347, 1.0421347618103027]} +{"paper_id": "squad_v2", "embedding": [-0.47368407249450684, 0.6329537034034729, -0.23602841794490814, -0.2707708775997162, 0.5152086615562439, -0.048609744757413864, 0.36470818519592285, 0.7046562433242798, 0.777431845664978, 0.466417521238327, 0.5733106136322021, -0.02488112449645996, 0.5893622040748596, 0.6365947127342224, -0.1698841154575348, -0.6612904071807861, -0.6726495027542114, -0.3913060426712036, -1.4018296003341675, -0.21776023507118225, -0.8660280108451843, -0.7343010306358337, -0.007071793079376221, 1.0575065612792969, -0.6844190359115601, -1.100769281387329, 0.8312342166900635, -1.1566839218139648, 0.26698610186576843, 0.07038000226020813, 0.14709137380123138, 1.0532623529434204, -1.201102614402771, 0.5376321077346802, -0.30704033374786377, -0.5382947325706482, 0.08264369517564774, 1.0505794286727905, 0.06911545246839523, -0.530035674571991, -0.4636383652687073, 0.21339213848114014, 0.5574291348457336, 0.17881730198860168, 0.9502435326576233, -0.3640819191932678, 0.6542977094650269, -0.26439669728279114, -0.4955178499221802, -0.09934323281049728, -0.5915981531143188, 0.32921868562698364, -0.20484501123428345, 0.7891571521759033, -0.14406394958496094, 0.4787261486053467, 0.17446941137313843, -0.9169172048568726, 0.6199193000793457, -0.9177004098892212, 1.546337366104126, 1.6737335920333862, -0.24139158427715302, 0.42233243584632874, 1.3984363079071045, -0.27571558952331543, 1.023668885231018, 0.05662907660007477, -0.3529932498931885, 1.0469470024108887, -0.41257017850875854, -0.3611677587032318, 0.25625288486480713, -0.3978824019432068, 0.17556752264499664, 0.6346836090087891, -0.10736133903265, 0.09622062742710114, -0.08010884374380112, -0.10007598996162415, -0.09839177131652832, 0.04686439037322998, 0.5667035579681396, -0.22862887382507324, 0.10642784833908081, 0.08219566941261292, 0.24563303589820862, -1.100770115852356, 0.4165087342262268, -1.7258294820785522, 0.32492905855178833, 0.382863849401474, 0.035931363701820374, 0.10010682046413422, -0.41232189536094666, 0.7180970907211304, -0.818400502204895, -0.03386159986257553, -0.042185571044683456, 0.2944576144218445, 0.6950355768203735, -0.16299638152122498, 0.44364097714424133, -0.28997907042503357, 0.27252522110939026, 0.4645687937736511, 0.23972010612487793, -0.28653857111930847, -0.7811546921730042, -1.106646180152893, 0.2594137489795685, 0.7112587094306946, -0.13023464381694794, 0.40674811601638794, 0.14475096762180328, 0.6957713961601257, 0.4969906806945801, -1.0901908874511719, -0.08829563856124878, 0.3867344260215759, -0.03434734418988228, -1.0164072513580322, -0.39614611864089966, -0.4588584303855896, 0.8085847496986389, -0.36439794301986694, -0.2987317442893982, -0.8704310059547424, -0.29303866624832153, 0.49827006459236145, 0.7905248403549194, 0.22029733657836914, -0.680644690990448, -0.11435750126838684, 3.019629716873169, -1.105302095413208, 1.336037516593933, -0.48818376660346985, -0.08531511574983597, -0.6102768778800964, -0.6385300159454346, 1.275776743888855, -0.1508331000804901, -0.920791506767273, -0.6618843078613281, 0.49268919229507446, -0.30581167340278625, 0.21250072121620178, -1.0092710256576538, -0.5412379503250122, -0.1163950115442276, -0.044151268899440765, -1.524725079536438, -0.5935493111610413, 0.26165497303009033, 0.41119813919067383, 0.02842133305966854, 0.498111367225647, -0.4881981611251831, 0.9933245182037354, -0.1514677107334137, -0.00019185617566108704, -0.30999869108200073, 0.4424739480018616, -0.7911112904548645, -0.14778345823287964, 0.8218157887458801, -0.14601078629493713, -0.7606921195983887, 0.23858189582824707, 0.21940907835960388, -0.45227065682411194, -0.2087647020816803, 0.04667162895202637, -0.42255380749702454, 0.13595366477966309, 0.5288715362548828, 0.5293514728546143, 0.15951688587665558, -0.7197549343109131, 0.014175225049257278, -0.03736341744661331, 0.20114853978157043, 0.841849684715271, 0.03920188546180725, 0.4843760132789612, -2.5613250732421875, -0.02772185206413269, -0.1761915683746338, 1.2603180408477783, -0.08701618015766144, 0.15420843660831451, 0.07752107828855515, 0.48051270842552185, -0.16655966639518738, -0.6231683492660522, 0.6785591840744019, -1.1826432943344116, 0.4438459277153015, 0.13004690408706665, 0.19929735362529755, -0.23516133427619934, 0.289628803730011, 0.817406415939331, 0.4240780174732208, -0.6124845743179321, -1.2624032497406006, -1.6249572038650513, 0.07669541239738464, 2.2786617279052734, 0.22785532474517822, -0.26678627729415894, -0.9635787606239319, -0.5363588929176331, 0.02517688274383545, -0.16827161610126495, -0.025875840336084366, -0.5858447551727295, 0.1358080506324768, -0.8438625931739807, 0.7170241475105286, -0.6540923118591309, -0.07299023866653442, 0.796748697757721, 1.6112453937530518, -0.5977821946144104, -0.21800243854522705, -0.8723869323730469, -0.23756231367588043, 0.4457677900791168, 0.6693770289421082, 0.26716533303260803, -0.3425637483596802, 0.6381800174713135, 0.6141161322593689, 1.2047903537750244, 0.44517675042152405, 0.5339245796203613, -0.7865242958068848, 0.2371051013469696, -0.4007544219493866, 1.4630320072174072, -0.003925099968910217, -0.14832644164562225, -0.036787282675504684, -0.2538899779319763, -0.6766458749771118, -0.2045849859714508, -0.1728961318731308, -0.0734703466296196, 0.8131802082061768, 0.5655059218406677, -0.5098570585250854, 0.654682993888855, -0.4759391248226166, -0.32715362310409546, 0.10967954993247986, -0.3073573410511017, -0.7101594805717468, -0.41081297397613525, 0.797971248626709, -0.19298027455806732, 0.1403515487909317, -0.20959845185279846, 0.1284746527671814, -1.2161961793899536, -0.5347144603729248, 0.5198376774787903, -0.06283653527498245, -0.6472405195236206, -0.40596362948417664, -0.2374119609594345, -1.1686780452728271, -0.4814733862876892, 0.2306014448404312, -0.1204204261302948, -0.06374428421258926, 0.782575249671936, 1.596062183380127, -0.1992853283882141, 0.36166292428970337, 0.21830590069293976, 1.2638295888900757, -0.6978399753570557, 0.4194241762161255, -0.22705325484275818, 0.29599669575691223, -0.9273785948753357, 0.18871113657951355, -0.7167630791664124, 0.3272857367992401, 0.7713109850883484, -0.022518783807754517, 1.0795754194259644, -0.19915619492530823, -1.0479732751846313, 0.9329280853271484, -0.15558135509490967, -0.18672123551368713, -0.6489988565444946, 1.3448870182037354, 0.18429890275001526, -0.42478111386299133, 0.9397029876708984, -0.12167945504188538, -0.3695421516895294, 1.0095572471618652, -0.17551082372665405, -0.20985707640647888, 0.3555727005004883, -0.49842098355293274, 0.0008985474705696106, 0.5392174124717712, -1.828904151916504, 0.9306735992431641, 1.0464495420455933, -0.39013612270355225, -0.23879407346248627, -0.8933327198028564, 0.3550196886062622, -0.3786947429180145, 0.27940037846565247, 1.036048412322998, -0.4023314118385315, 0.539023756980896, -0.43549644947052, 0.24853397905826569, 0.4176754951477051, -0.11041592806577682, 0.5514772534370422, 0.4943654239177704, 0.5277719497680664, -0.8657762408256531, -0.7646061778068542, 1.0393658876419067, -0.33082130551338196, 0.1102549210190773, 0.1053270772099495, 0.6478859782218933, 0.7969002723693848, -0.18085479736328125, -0.22037824988365173, 0.38224631547927856, 0.4789552390575409, -0.19394353032112122, -0.3813040852546692, 0.09510993957519531, 0.4578954875469208, -0.2010856568813324, 1.2213027477264404, -0.43921568989753723, -0.5718456506729126, -0.7646986842155457, -0.2920195162296295, -0.06660290062427521, -0.06958360970020294, 1.4628307819366455, 0.3693082630634308, 1.3253594636917114, 0.49369436502456665, 0.09641566127538681, -0.34141334891319275, -0.37472543120384216, 0.6127299070358276, 0.2897179424762726, 0.2806597948074341, -0.7144235372543335, 0.028828009963035583, 1.1338675022125244, 0.41740450263023376, -0.7148900032043457, 0.36122405529022217, 0.5621483325958252, -0.09586891531944275, -1.1126947402954102, 0.886064887046814, 0.7536017894744873, 0.42986559867858887, 1.532199501991272, -0.7474462985992432, 0.03724491223692894, -0.24551360309123993, 0.10405794531106949, -0.06711240112781525, 0.47081565856933594, 0.10665276646614075, 0.5372409820556641, 0.16138365864753723, 0.48819342255592346, 0.11218525469303131, 1.2689570188522339, 1.5457316637039185, -0.4558987021446228, -1.0511101484298706, -0.06556707620620728, -0.7754442095756531, 0.21103622019290924, 0.7537088990211487, 0.3173622190952301, -0.3001571595668793, 0.5816835761070251, 0.2845691740512848, -1.0455890893936157, 0.1367827206850052, -0.5015833377838135, -1.3348387479782104, 0.9196202754974365, 1.1258275508880615, -0.846775472164154, -0.4779065251350403, -0.27554214000701904, -0.7808732390403748, -0.24577206373214722, 0.15822726488113403, -1.267996907234192, 0.7710773348808289, 0.07017608731985092, 0.8672913312911987, 0.061829838901758194, -0.08692242950201035, -1.3648275136947632, 1.2600226402282715, 0.9419918656349182, -1.3115087747573853, 0.6058739423751831, 0.1721777617931366, 0.6312111616134644, 0.23264755308628082, -1.1977802515029907, -0.6953362822532654, 1.0889663696289062, 0.010532625019550323, 0.1405424177646637, -1.0042256116867065, -0.4003264904022217, 0.7121913433074951, 0.43927961587905884, 0.6963115930557251, -0.6905896067619324, 0.11291992664337158, -1.1504054069519043, 0.08990433067083359, 0.7750259637832642, -1.0217970609664917, -0.9387061595916748, 0.5282639265060425, -0.22277629375457764, 0.7286624908447266, -0.0065979063510894775, 0.0134146548807621, 1.565970778465271, -0.23933923244476318, -0.10111735016107559, -0.31227365136146545, -12.1959228515625, 1.0174601078033447, -0.15557990968227386, 0.003209821879863739, 0.370140016078949, -0.028903327882289886, 0.4946031868457794, -0.0036423783749341965, 0.31217706203460693, -0.76414555311203, 0.18369150161743164, 0.9384403824806213, 0.36834317445755005, 0.1652483493089676, -0.9976603984832764, -1.0827412605285645, -0.5533328056335449, -0.7910391688346863, 0.5436552166938782, 0.13127045333385468, -0.14649443328380585, -0.8225887417793274, 0.03455576300621033, -0.1725814789533615, 0.5389237999916077, -0.15687376260757446, -0.8384842872619629, -0.12455164641141891, -0.4821542501449585, 0.14434044063091278, 0.5029957890510559, -0.005786895751953125, -0.6566991806030273, -0.30987879633903503, -0.14404425024986267, -0.47273173928260803, -0.8070987462997437, -0.0782761350274086, 0.7818811535835266, -0.45266059041023254, -0.08598630130290985, -0.026004407554864883, 0.6024823188781738, -0.3268321454524994, -0.30076906085014343, 0.21860267221927643, 0.1876428723335266, -0.940560519695282, -0.016283586621284485, -0.1890750527381897, -0.9452229142189026, -0.26884138584136963, -0.8341546654701233, -0.7251399159431458, 0.29706481099128723, 0.2577746510505676, -0.9043595790863037, -0.4351058602333069, -0.20695382356643677, -0.6093900203704834, 0.2667793929576874, 0.17502166330814362, -0.3647618889808655, 0.10907087475061417, -0.06852904707193375, -0.4362904727458954, 0.18037772178649902, 0.1495499461889267, -0.23037388920783997, 0.551658034324646, -0.8012144565582275, 1.4327112436294556, 0.2643345594406128, 0.8061096668243408, -0.9511547684669495, 0.1813572347164154, -1.0346142053604126, -0.31709983944892883, 0.4245278835296631, -0.054397109895944595, -1.6074937582015991, 0.7594128847122192, 0.7330241799354553, -0.41647669672966003, -0.7702364325523376, 0.5184208750724792, -0.10120873898267746, 0.33625635504722595, 1.0896294116973877, -0.6491325497627258, 1.3008772134780884, 0.19447702169418335, -0.8315682411193848, -0.5790767669677734, -0.2047262191772461, 0.8519437313079834, -0.9489845633506775, 0.30679967999458313, 0.1943618357181549, -0.6006587743759155, 0.08267923444509506, -0.30492714047431946, -0.7114218473434448, 0.11856143176555634, 0.8604325652122498, 0.08816323429346085, 0.0697404146194458, -0.06322655826807022, -0.21740581095218658, -0.8249768614768982, 0.9903776049613953, 0.1915316879749298, -0.023765064775943756, 1.566260576248169, -0.5365972518920898, 0.5344160199165344, 0.6526248455047607, -0.12002244591712952, 0.28054600954055786, 0.8202363848686218, -1.1504874229431152, 0.9154152870178223, 0.1583225131034851, 1.7405627965927124, -0.30718085169792175, 0.1449345201253891, 0.18473979830741882, 0.41022634506225586, -0.11499399691820145, -1.145074486732483, 0.61846524477005, -0.3877686560153961, 0.009478116407990456, -0.750369131565094, -0.0798230916261673, 0.3291633129119873, -0.37077757716178894, 1.8316572904586792, -0.995638370513916, -0.18264776468276978, -0.15066230297088623, 0.04728233441710472, -0.6668483018875122, -1.132216215133667, -0.8144012093544006, 0.27503812313079834, -1.390212893486023, 0.5178321003913879, -0.13372433185577393, -0.34369567036628723, -0.16074153780937195, -0.6534734964370728, 0.8249704837799072, -0.7359448671340942, -0.3310145139694214, -0.5373942852020264, 0.48768606781959534, -0.6075950860977173, -0.7808541059494019, -0.2518678903579712, 0.38142555952072144, 1.1602113246917725, -0.9724245667457581, 1.4778469800949097, 0.32724401354789734, -0.5479653477668762, -0.5421027541160583, 0.40214917063713074, -0.4696478247642517, 0.42170819640159607, 1.061118483543396, -0.766275942325592, -0.3543066382408142, -0.5260048508644104, -0.22206071019172668, -0.49341580271720886, 0.08112619817256927, 0.9000139236450195, -1.2351750135421753, -0.1921379119157791, -0.6820985674858093, 0.8957259654998779, 0.13196216523647308, -0.5019245147705078, -0.6094334125518799, 0.7483659982681274, -0.23865067958831787, 0.725465714931488, -0.010959835723042488, 0.989212691783905, -1.4780038595199585, -1.0372729301452637, -0.3507237434387207, -0.20479373633861542, 0.640261173248291, 0.5919325947761536, 0.6175678372383118, 0.3456369936466217, -0.36748141050338745, -0.2857989966869354, -0.11061699688434601, 0.5146152973175049, 0.3046365976333618, 0.4665137529373169, -0.5916874408721924, 0.5912455320358276, -0.39949023723602295, 0.18537116050720215, 0.5973839163780212, 1.3494489192962646, -0.7861507534980774, -0.5438194274902344, 0.08010344207286835, -0.08926133811473846, -0.11120602488517761, -1.4133301973342896, -0.14103588461875916, -0.5620437264442444, -0.3704182207584381, -1.3614263534545898, 0.34817489981651306, 1.4421788454055786, -0.20106543600559235, 0.6440536379814148, 0.3958989083766937, 1.0660302639007568, 0.8714918494224548, 0.14616777002811432, 0.5432751774787903, 0.18213441967964172, 0.24787506461143494, 0.38513004779815674, 0.09247167408466339, 0.2215486466884613, -0.16305752098560333, -0.6758853793144226, -0.7108333706855774, 0.2354753017425537, -0.3483522832393646, 0.8230106830596924, 0.167348712682724, 0.47077634930610657, 1.0121819972991943, 1.168563723564148, 0.07700172066688538, -1.581379771232605, -0.34402996301651, -1.4645034074783325, 0.26845842599868774, 0.794539749622345, 0.5940430164337158, 0.2506285309791565, 0.8387382626533508, -0.6987839341163635, 0.9146920442581177, -0.6235220432281494, 0.3733554482460022, -0.00258723646402359, -0.2319440096616745, 0.7923511862754822, 0.701998233795166, 0.3055737614631653, 0.22517086565494537, -0.5505282878875732, -1.0346695184707642, -0.1482011377811432, -0.4699617922306061, 1.0066604614257812, 0.6159954071044922, -0.2454148381948471, 0.08069176971912384, -0.3832820653915405, 0.7559925317764282, -0.14810040593147278, 1.1654345989227295, -0.05033194273710251, -0.418972909450531, -0.44552162289619446, -1.007737636566162, -0.06110795587301254, 0.45568975806236267, 0.11889058351516724, 0.025797128677368164, -0.023091867566108704, 0.539882481098175, 0.3336726129055023, 0.10237696766853333, -0.776552140712738, -0.338336706161499, -0.5021206140518188, 0.13428685069084167, 0.6524555683135986, -0.7352162599563599, -0.7613604664802551, -0.22882437705993652, -0.8192265629768372, 0.13883304595947266, 0.25489723682403564, -0.6130820512771606, -0.5636393427848816, 0.20545166730880737, -0.036650996655225754, 0.5043059587478638, 0.19731125235557556, -0.24351319670677185, -1.4542371034622192, 0.5137541890144348, 0.9673100709915161, -0.7170870304107666, -0.39086654782295227, 0.28890326619148254, 0.6361750364303589, 0.16117164492607117, 1.3141604661941528]} +{"paper_id": "anli", "embedding": [-0.0655965730547905, 1.1438342332839966, -0.4600961208343506, -0.603795051574707, 0.2166595757007599, 0.14153528213500977, 0.7034012079238892, 0.6297768354415894, 1.077205777168274, 1.3682291507720947, 0.6916344165802002, -0.2290787249803543, -0.09964116662740707, -0.6478736996650696, -0.3607863187789917, -0.8799661993980408, -0.8265824913978577, -0.8002117872238159, -1.4313806295394897, -0.3469337224960327, -1.4595234394073486, -0.030941952019929886, 0.28209683299064636, 0.6815354824066162, -0.7790704369544983, -0.7771710753440857, 0.8190490007400513, -0.9573819637298584, 0.26255929470062256, 0.11542733758687973, -0.24795269966125488, 0.9357753992080688, -1.6487247943878174, 0.20115071535110474, -0.3814377188682556, -0.6174446940422058, 0.371417373418808, 0.6758258938789368, 0.029457412660121918, -0.22978076338768005, -0.7473050951957703, -0.1026839166879654, 0.25543099641799927, 0.3432476818561554, 0.6708539128303528, -0.8948373198509216, -0.07898350805044174, 0.3881279230117798, -0.590890109539032, 0.06765943765640259, -0.35766249895095825, -0.3041493594646454, -0.128416508436203, 0.40786945819854736, -0.5404231548309326, 1.046811819076538, 0.5753536820411682, -0.9837801456451416, 0.9560298919677734, -0.9913748502731323, 1.2287776470184326, 1.7993295192718506, -0.6569730043411255, 0.40137702226638794, 1.0655896663665771, 0.22196735441684723, 1.5147093534469604, 0.6540712714195251, 0.4523369371891022, 0.7282320857048035, -0.30241334438323975, -0.44551071524620056, 0.41402554512023926, 0.1400277018547058, 0.6492836475372314, 1.1112003326416016, -0.011877169832587242, -0.09348759055137634, 0.3719377815723419, -0.2847462594509125, -0.6741226315498352, 0.6448351144790649, 0.3387731611728668, -0.670752227306366, -0.04694965109229088, 0.63824862241745, 0.13220950961112976, -0.7364259362220764, 0.3803535997867584, -2.051661491394043, 0.5254489183425903, 0.3191879689693451, -0.26183104515075684, -0.18218578398227692, -0.16802307963371277, 0.2095009982585907, -0.29968029260635376, -0.46699076890945435, -0.28820452094078064, 0.6952754259109497, 0.8345241546630859, -0.4549793004989624, 0.5302808284759521, 0.15263453125953674, 0.38364988565444946, 0.69014972448349, -0.3085308074951172, -0.152383953332901, -0.992541491985321, -0.7350764274597168, -0.09357204288244247, 1.5479035377502441, 0.019536759704351425, 0.5074653029441833, 0.371650755405426, 0.17714038491249084, 0.578414797782898, -0.8635246753692627, -0.7329456806182861, 0.09772100299596786, -0.07699908316135406, -1.2323356866836548, -0.2906026542186737, -0.37832337617874146, 0.618423342704773, -0.706973135471344, 0.5235649347305298, -0.3078361749649048, 0.26103201508522034, 0.49801936745643616, 0.523026704788208, 0.1616431623697281, -0.8587616086006165, 0.24928846955299377, 3.087635040283203, -0.9117180109024048, 1.4645205736160278, -0.5581240057945251, 0.049552299082279205, -0.7652232050895691, 0.2882527709007263, 1.3913894891738892, 0.47746792435646057, -0.9832652807235718, -0.8651253581047058, 0.26669391989707947, -0.651502251625061, 0.2021448314189911, -1.3907256126403809, -0.25049278140068054, -0.04007377102971077, 0.2159939408302307, -1.379838228225708, -0.7746061682701111, 0.36047521233558655, 0.3795631527900696, -0.10349984467029572, 0.48003971576690674, -0.3437041938304901, 1.1977391242980957, 0.5754712820053101, -0.4656878113746643, 0.008851379156112671, 0.40342655777931213, -1.1495709419250488, -0.15027406811714172, 0.861643373966217, -0.16280904412269592, -0.26404380798339844, -0.4881426692008972, 0.8536636233329773, -0.48764070868492126, -0.20829105377197266, -0.20708033442497253, 0.008517179638147354, 0.5351636409759521, 0.4613126218318939, 0.6617046594619751, -0.03729841858148575, -0.5073915123939514, -0.4303388297557831, -0.6780273914337158, -0.06016019359230995, 0.5856101512908936, -0.1956917643547058, 0.7630332708358765, -2.449406385421753, 0.10132582485675812, 0.1962103694677353, 0.8542147278785706, -0.1712348312139511, -0.2325170934200287, 0.10008082538843155, 0.6279240846633911, 0.07827001810073853, -0.24839872121810913, 1.007557988166809, -1.0595715045928955, -0.3812316954135895, 0.5887377858161926, -0.27662256360054016, -0.5043438076972961, -0.12589168548583984, 1.3508315086364746, 0.7134970426559448, -0.5323913097381592, -0.859747052192688, -1.61527419090271, 0.34288376569747925, 2.555981397628784, 0.5483250617980957, -1.1777405738830566, -0.8058264851570129, -0.2124723196029663, 0.21396788954734802, -0.47595056891441345, 0.21653223037719727, -0.7743987441062927, -0.011892788112163544, -1.3922598361968994, 0.4920702576637268, -0.8067420721054077, 0.1336628794670105, 0.6728060841560364, 1.3903928995132446, -0.1958492398262024, -0.3775363564491272, -0.20703764259815216, -0.769095778465271, 0.3885471820831299, 0.807693600654602, 0.27390506863594055, -0.018204916268587112, 0.8137184381484985, -0.30249983072280884, 0.5034573078155518, 0.5829217433929443, 0.2873836159706116, -0.6183936595916748, -0.006988083478063345, -0.05341305583715439, 0.8356635570526123, -0.2926362156867981, -0.35169440507888794, -0.27190300822257996, 0.045789219439029694, -0.20624516904354095, -0.7725937962532043, -0.07393652200698853, 0.12036595493555069, 1.5373352766036987, 1.2266662120819092, -0.44346335530281067, 0.2514376640319824, -0.6011739373207092, 0.26506632566452026, -0.3402841091156006, -0.4331333339214325, -0.07040084898471832, -0.2169700711965561, 0.35418152809143066, -0.6394684910774231, 0.20417457818984985, -0.4710826873779297, 0.38224896788597107, -1.3134865760803223, -0.508507251739502, 0.07270096987485886, -0.6417185068130493, -1.2873443365097046, -0.19446563720703125, 0.2563166618347168, -0.7776102423667908, -0.3330827057361603, -0.14715535938739777, 0.387016624212265, 0.5424755811691284, 1.0198355913162231, 1.6476582288742065, 0.007055990397930145, 0.09807948023080826, 0.32811570167541504, 1.3494774103164673, -0.6247931122779846, 0.3897315263748169, -0.20826953649520874, 0.5555000305175781, -0.5514994263648987, 0.057706281542778015, -0.8166118860244751, 0.8407250046730042, 0.13751962780952454, -0.2861737310886383, 0.4817046523094177, -0.3471163213253021, -1.7727909088134766, 0.7251148223876953, -0.5693971514701843, 0.5069676637649536, -0.6747656464576721, 1.8823596239089966, 0.579412043094635, -0.5633599758148193, 0.48811864852905273, 0.16934417188167572, -0.1517762690782547, 0.9381629824638367, -0.5919477939605713, 0.6138110756874084, 0.046057432889938354, -0.04649440571665764, 0.5691652297973633, 0.22430047392845154, -2.519529342651367, 0.27827975153923035, 1.2141916751861572, 0.02961501106619835, -0.5324473977088928, -0.6488372087478638, 0.4483696222305298, -0.5094925165176392, 0.22540129721164703, 0.30663084983825684, -1.4071433544158936, 0.5316535830497742, -0.06379822641611099, 0.26309657096862793, 1.125441312789917, -0.7371649742126465, 0.41801804304122925, 0.9686408042907715, 0.6710789799690247, -1.0102624893188477, -0.025454478338360786, 0.9373049736022949, -0.7699387669563293, -0.06397905945777893, 0.04698120057582855, 0.9759129881858826, 1.1617822647094727, -0.22451210021972656, -0.07349148392677307, 0.8265977501869202, 0.3922777473926544, 0.13922175765037537, 0.6106167435646057, -0.1861628144979477, 0.40695318579673767, 0.2863810956478119, 0.8643916845321655, -0.053749747574329376, -0.6499398946762085, -0.965644121170044, -0.16796989738941193, -0.01909559965133667, -0.9390678405761719, 1.7352166175842285, 0.5985305905342102, 1.2395535707473755, 0.5782519578933716, 0.3547390103340149, -0.7685181498527527, 0.29606735706329346, 0.5451478362083435, 0.4389452636241913, -0.4884858727455139, -0.4238029718399048, 0.19973675906658173, 0.2802989184856415, 0.1219698116183281, -0.3507536053657532, -0.16547700762748718, 0.5551391243934631, 0.1395004242658615, -1.323498249053955, 0.028599554672837257, 0.9656131267547607, 0.5433639287948608, 1.9363987445831299, -0.7817853093147278, -0.18756042420864105, 0.8344210982322693, 0.681574821472168, 0.3636729121208191, 0.0393095463514328, -0.28363338112831116, 0.6356108784675598, 0.402118980884552, 0.8047308921813965, -0.28101563453674316, 0.8203827142715454, 0.7933371067047119, -0.3105161786079407, -0.8000737428665161, -0.5324791073799133, -1.012026309967041, -0.6014474034309387, -0.039494968950748444, -0.2359856516122818, -0.6696182489395142, 0.7398990988731384, -0.7473975419998169, -0.9377242922782898, 0.9214587211608887, -0.4626045227050781, -1.329955816268921, 0.995894730091095, 1.2110549211502075, -1.0299128293991089, -0.0705331414937973, -0.1565418243408203, -0.9120950102806091, -0.7354577779769897, 0.18659766018390656, -0.8801860809326172, 0.3235514461994171, -0.2910902500152588, 1.691129446029663, 0.1525566428899765, -0.32350748777389526, -0.8414708971977234, 0.3392454981803894, 1.4384390115737915, -0.7614388465881348, 0.7221013307571411, -0.09531472623348236, 0.19056959450244904, -0.6396056413650513, -1.0681567192077637, -0.4136256277561188, 1.2441056966781616, 0.1678110957145691, 0.12393596023321152, -0.9953129887580872, -0.76687091588974, -0.03698868677020073, -0.03343311324715614, 1.129760503768921, -1.1171208620071411, -0.2430351823568344, 0.08350548148155212, 0.20427952706813812, 0.5174210071563721, -0.48737412691116333, -0.9292873740196228, 0.6822367906570435, -0.35405686497688293, 0.8128662109375, 0.1681978851556778, 0.8102570176124573, 1.079042673110962, -0.11133521795272827, 0.00975249707698822, -0.22584033012390137, -11.444591522216797, 0.3054327070713043, -0.10224617272615433, -0.06876522302627563, 0.49127310514450073, -0.7323528528213501, 0.6710424423217773, -0.16973045468330383, 0.29397937655448914, -0.7172384262084961, 0.6630674004554749, 1.4815484285354614, 0.10421289503574371, -0.582098662853241, -0.2109793871641159, -0.9975333213806152, -0.8153164982795715, -0.8454849123954773, 0.4438334107398987, 0.368963360786438, -0.2824019193649292, -1.078728437423706, 0.19377093017101288, 0.11754052340984344, 0.4821421504020691, 0.15793150663375854, -0.49860262870788574, -0.05623548850417137, -0.47461724281311035, 0.2893223762512207, 0.4058905243873596, 0.22858615219593048, -1.167049765586853, -0.5634355545043945, 0.5637903809547424, -0.519202470779419, -0.8705141544342041, -0.399819016456604, 1.0270512104034424, 0.16985318064689636, -0.7421492338180542, 0.2519685626029968, 0.33646073937416077, -0.28843963146209717, -0.8084982633590698, 0.3807322382926941, 0.7198533415794373, -1.1114716529846191, -0.29812851548194885, -0.7182222008705139, -0.3625890016555786, -0.7626110315322876, -0.7791197896003723, -0.8518977761268616, 1.0410525798797607, 0.03461989760398865, -0.2658729553222656, -0.18675340712070465, -0.16411589086055756, -0.9386757612228394, 0.33502888679504395, 0.05776195228099823, -0.7029892206192017, 0.04561738297343254, 0.6004622578620911, -0.5907081365585327, 0.5426099300384521, 0.6027265191078186, 0.3353174924850464, 0.48184552788734436, -0.9957126975059509, 0.9818716645240784, 0.46255719661712646, -0.0856335461139679, -0.6166078448295593, -0.03993617743253708, -0.18789635598659515, -0.4219624996185303, 0.3061313033103943, 0.2687329649925232, -0.8602965474128723, 0.5241513252258301, -0.08949276059865952, -0.3875238299369812, -0.9888193011283875, 0.13867920637130737, 0.029508478939533234, -0.10161986202001572, 0.5385600328445435, -0.12164624780416489, 0.8487110733985901, -0.21600204706192017, -0.62541264295578, 0.5943068265914917, -0.682134747505188, 0.733160138130188, -0.5675132870674133, 0.7338701486587524, 0.329603910446167, -0.7600829005241394, 0.5138380527496338, -0.38074976205825806, -0.1577177196741104, 0.08080112934112549, 0.5336273908615112, 0.1419779360294342, -0.05542226880788803, 0.23791715502738953, 0.5277249813079834, -0.2730885446071625, 0.8781979084014893, 0.21581077575683594, -0.15904003381729126, 0.822504997253418, -0.08367110788822174, 0.7226444482803345, 0.6295590400695801, 0.11719030141830444, 0.5751025080680847, 0.6373459696769714, -1.019158124923706, 1.292406678199768, 0.33728328347206116, 1.2935115098953247, 0.18835416436195374, -0.2543399930000305, 0.7008447051048279, 0.41755568981170654, 0.25748732686042786, -1.785929560661316, 0.26818397641181946, -0.5430262684822083, -0.19970206916332245, -0.5677353739738464, -0.07110914587974548, -0.28879064321517944, -1.4137922525405884, 1.5069215297698975, -0.688471257686615, -0.21058639883995056, 0.071572445333004, -0.1405569165945053, 0.02198740839958191, -0.7542722225189209, -1.0097898244857788, -0.018424279987812042, -1.9611279964447021, 0.09899811446666718, -0.4372105896472931, -0.6717674732208252, -0.0693257600069046, -0.06334540992975235, 1.0356040000915527, -0.8074063062667847, -0.13706226646900177, -0.18970727920532227, 0.7559534311294556, -0.36133816838264465, -0.4511582851409912, -0.3563404679298401, 0.1949577033519745, 1.0184441804885864, -0.6218394637107849, 0.7942298650741577, 0.4497663080692291, -0.22441376745700836, -0.2644926607608795, 0.23973390460014343, -0.13513079285621643, 0.32246163487434387, 1.1523730754852295, -1.2164758443832397, 0.004844682291150093, -0.9919801354408264, -0.5059583187103271, -1.1509957313537598, 0.11922859400510788, 1.7545585632324219, -0.4160430431365967, -0.05847391486167908, 0.24051862955093384, 0.9633908271789551, 0.21365173161029816, -0.6078313589096069, -0.5204674005508423, -0.2710905373096466, 0.29787540435791016, 0.5342484712600708, 0.24470233917236328, 0.663776695728302, -1.470517635345459, -0.6491087079048157, -0.4227427840232849, 0.021598201245069504, 0.25453466176986694, 0.2393571138381958, 0.8560681343078613, 0.8588237762451172, 0.0160444974899292, 0.3969390392303467, -0.1933099627494812, 0.8330557346343994, 0.51667320728302, 0.36713480949401855, 0.156032532453537, -0.25722286105155945, -0.1847725808620453, 0.2644711434841156, -0.08748576045036316, 0.41357213258743286, -1.0354468822479248, 0.033010028302669525, 0.03541068732738495, -0.3579804301261902, 0.13085691630840302, -0.8950700759887695, 0.010458461940288544, -0.18530821800231934, -0.2765749990940094, -1.2743852138519287, 0.525435745716095, 1.1416555643081665, -0.12729555368423462, 0.7391854524612427, 0.5789646506309509, -0.09486696124076843, 0.41770705580711365, 0.40188783407211304, 1.7092424631118774, -0.37993109226226807, -0.2239638715982437, -0.021219559013843536, 0.5272214412689209, -0.37913447618484497, -0.18961332738399506, -0.5921028256416321, -1.4100357294082642, 0.5128946304321289, -0.3399140238761902, 0.482820600271225, -0.297229528427124, -0.14058127999305725, 0.770277202129364, 1.2824821472167969, -0.5247929096221924, -1.4593197107315063, -0.3403734266757965, -1.586397647857666, 0.02126152440905571, 0.21771155297756195, 0.4854185879230499, 1.274190068244934, 0.8563145995140076, 0.04472946375608444, 1.2030986547470093, -0.16682621836662292, -0.3273373246192932, -0.553257167339325, 0.017367921769618988, 1.7677726745605469, 0.6099677681922913, 0.47774866223335266, 0.1183871403336525, -0.8358438611030579, -0.5070137977600098, -0.32301580905914307, -0.3493954837322235, 0.7800594568252563, 0.71967613697052, -0.49620288610458374, -0.17280682921409607, -0.648303210735321, 0.03905079513788223, -0.12128390371799469, 0.25293242931365967, 0.12775659561157227, -0.023120060563087463, -0.6383760571479797, -0.6088846325874329, -0.14018367230892181, 1.3072893619537354, -0.15900936722755432, -0.1771286576986313, -0.6628291010856628, 0.5240258574485779, -0.20612408220767975, -0.27507489919662476, -0.8698743581771851, -0.06757920235395432, -0.8803096413612366, 0.07003749907016754, 0.4475997984409332, -0.8339585065841675, -0.6034916639328003, -0.05459108576178551, -0.7901003956794739, 0.7713958621025085, -0.48237502574920654, -0.7359233498573303, -0.5802425146102905, 0.41569265723228455, -0.12766431272029877, -0.054949063807725906, 0.6217000484466553, -0.2944539487361908, -1.4805622100830078, 0.5898793339729309, 1.4949342012405396, -0.6997852325439453, -0.22078751027584076, 0.34614232182502747, 0.35097208619117737, -0.1228436753153801, 1.3218938112258911]} +{"paper_id": "xsum", "embedding": [-0.27677881717681885, 1.5053890943527222, 0.22086897492408752, 0.6517572402954102, 0.44157230854034424, -0.16894228756427765, 0.9091944694519043, 0.9685283303260803, 0.621556282043457, 0.4746650457382202, 1.2838995456695557, 0.2822250425815582, 0.19375187158584595, 0.532414972782135, -0.054457757622003555, -0.17794063687324524, -0.8949021100997925, 0.02894354984164238, -0.5745958685874939, -0.4545063376426697, -1.0048556327819824, -0.06770841032266617, -0.11379575729370117, 0.08274643868207932, -0.8577635884284973, -0.3110227584838867, 0.9540917873382568, -1.371679425239563, 0.053776469081640244, 0.4252697825431824, -0.2529623508453369, 0.7780613899230957, -1.1651426553726196, 0.08037597686052322, -0.9405313730239868, -0.7997870445251465, 0.08592959493398666, 1.0841803550720215, 0.318766325712204, -0.2879507839679718, -1.0039700269699097, 0.28218570351600647, 1.3429396152496338, -0.02154386043548584, 0.35401451587677, -0.3930296301841736, 0.15523993968963623, -0.005104679614305496, -0.2757808566093445, -0.19579139351844788, 0.292778342962265, 0.6088176965713501, -0.776137113571167, 1.1350325345993042, -0.17602363228797913, 1.8782238960266113, 0.24056366086006165, -0.9874252080917358, -0.04825010150671005, -0.8048257827758789, 1.4811443090438843, 1.5940282344818115, -0.6460000276565552, -0.15742996335029602, 0.9985595941543579, -0.13196943700313568, 2.211430788040161, 0.42431098222732544, 0.2910720109939575, 1.2950111627578735, -0.6633631587028503, -0.9171711206436157, 0.1651524305343628, -0.8626239895820618, -0.19700154662132263, 0.4530889689922333, 0.24327115714550018, -0.48163124918937683, -0.11215018481016159, 0.20017358660697937, -0.4705050587654114, 0.4587363600730896, 0.41690775752067566, -1.22365140914917, -0.41236621141433716, 0.014430370181798935, -0.036383599042892456, 0.22292707860469818, 0.15709805488586426, -1.3480749130249023, -0.4042373299598694, -0.2892974317073822, -0.47627943754196167, -0.17431162297725677, -0.5283674597740173, 0.32845181226730347, 0.45860427618026733, -0.5137917995452881, -0.9271049499511719, 0.5209294557571411, 0.6096992492675781, -0.47470489144325256, -0.1920817345380783, 0.21087543666362762, 1.0611711740493774, 0.8646218776702881, -0.2968282699584961, -0.7796474695205688, -0.5506932139396667, -0.9998750686645508, 0.11036762595176697, 0.2922133505344391, 0.019505228847265244, 0.7835761308670044, -0.3243994116783142, -0.5308216214179993, 0.10909783840179443, -0.022714488208293915, -0.8645133376121521, -0.22776423394680023, -0.9388716816902161, -1.8333194255828857, -0.21080806851387024, 0.3535082936286926, 0.7420924305915833, -0.6480754017829895, -0.4514122009277344, -0.928613543510437, -0.6058291792869568, -0.18953931331634521, 0.6824988126754761, 0.04876909404993057, -0.7275873422622681, -0.14775657653808594, 2.9169633388519287, -0.855477511882782, 1.326872706413269, 0.28405627608299255, -0.34899768233299255, -0.6325260400772095, 0.04278668016195297, 1.9536961317062378, -0.5528302192687988, -0.8767427206039429, -0.5870916247367859, 0.4432085156440735, -1.3624520301818848, 0.5620414018630981, -0.3691960871219635, -0.6634134650230408, -0.06327424943447113, 0.2510168254375458, -1.1142657995224, -1.0898209810256958, 0.025414790958166122, 0.8355333805084229, 0.5900691151618958, 0.3252052664756775, -0.44326886534690857, 1.5093926191329956, 1.2240649461746216, 0.5445078015327454, -0.3506932556629181, 0.6332493424415588, -1.026618480682373, 0.07977317273616791, 0.5089330077171326, -0.02670261822640896, -0.0997064858675003, -0.2982333302497864, 0.9533266425132751, -0.7181132435798645, -0.29323676228523254, -0.3004155457019806, -0.33771494030952454, 0.28366225957870483, 0.29261744022369385, 0.16869278252124786, 0.3514678180217743, -0.2978511452674866, -0.5791289210319519, -0.2504315674304962, 0.8299298286437988, 0.3751862645149231, 0.3530888259410858, 0.6559906005859375, -1.7714265584945679, -0.9660093784332275, -0.37532949447631836, 1.373460054397583, -0.3002915680408478, -0.01516090240329504, -0.27782225608825684, 0.4156409800052643, -0.48266321420669556, -0.5759934782981873, -0.0073431674391031265, -0.32895734906196594, 0.42718857526779175, 0.7531832456588745, 0.379780113697052, -0.07245086133480072, -0.005004341248422861, 0.6050974726676941, 1.6899850368499756, -0.3859119713306427, -0.4250527620315552, -1.6830015182495117, 0.9150663614273071, 1.6922200918197632, -0.5237776041030884, -0.733325719833374, -2.00596022605896, -0.5721198320388794, 0.9561150074005127, 0.061642855405807495, -0.21734194457530975, -0.3028678596019745, -0.3236984610557556, -1.4721029996871948, 0.509884774684906, -0.6623674631118774, 0.22154194116592407, 0.1930810660123825, 0.6886244416236877, -0.48193350434303284, -0.3044434189796448, -0.5579257011413574, -0.7006083130836487, 0.497079074382782, 0.9663249254226685, -0.10596299171447754, -0.4799368381500244, 0.7578781843185425, 0.3280653655529022, 0.7611411809921265, 0.16125035285949707, 0.5807931423187256, 0.21522074937820435, -0.6403275728225708, 0.31244105100631714, 0.8147333264350891, 0.018363147974014282, -0.038520246744155884, -0.26185882091522217, 0.0024028047919273376, 0.12352319061756134, -0.17407900094985962, 0.21594034135341644, -0.5879440307617188, 1.1105834245681763, 1.002058506011963, -0.4074172079563141, 1.6945722103118896, -0.7698739767074585, -0.09274349361658096, 0.10707812011241913, -0.7058744430541992, 0.41104280948638916, -0.1832369565963745, 0.37696391344070435, 0.19873172044754028, 0.6580859422683716, -0.06785088032484055, 0.02396158128976822, -0.8717032670974731, -0.8548293113708496, -0.21849140524864197, -0.596039891242981, -1.3685383796691895, -0.10723504424095154, -0.24567516148090363, -0.3025352656841278, -0.3402239978313446, 0.1534801423549652, 0.4029490053653717, -0.05814167857170105, 0.5654151439666748, 1.4892370700836182, -0.17125311493873596, 0.5757696628570557, -0.7383622527122498, 0.8145262598991394, -0.15321390330791473, 1.4965815544128418, -1.292016863822937, -0.11839892715215683, -1.2218763828277588, 0.10551637411117554, -0.5633601546287537, -0.17927351593971252, 0.2697143256664276, -0.7178217172622681, 0.7654004693031311, 0.34098613262176514, -0.9596517086029053, 0.8403797745704651, -0.8754202127456665, -0.1089877113699913, -0.8564540147781372, 1.020689845085144, 0.37386879324913025, -1.096289038658142, 0.8689175248146057, 0.22876717150211334, 0.21280311048030853, 1.4306811094284058, -0.9286196231842041, 1.5136840343475342, 0.2943195104598999, 0.16169340908527374, 0.3482292592525482, -0.6659451723098755, -1.9208766222000122, -0.39475831389427185, 1.6799368858337402, -0.8877636790275574, -0.5371760129928589, -1.1337759494781494, 0.3568030595779419, 0.18536268174648285, -0.3662203550338745, 0.014370650984346867, -0.8999238610267639, 0.4072509706020355, -0.43249210715293884, 0.27530646324157715, 1.1934953927993774, -0.034994885325431824, 1.1803480386734009, 0.7135016918182373, 0.11286038160324097, -1.0812612771987915, -1.1129182577133179, 1.405037522315979, -0.11201109737157822, 0.1766735315322876, -0.07517346739768982, 1.2054667472839355, 1.4019482135772705, -0.4321146607398987, -0.1412893384695053, 0.9618813395500183, 1.05166494846344, 0.5633624792098999, 0.11129043996334076, -0.5011389255523682, 0.6667793989181519, 0.3711375594139099, 1.1914904117584229, 0.13014443218708038, -0.10063210129737854, -1.0038197040557861, 0.1758926808834076, -0.3913915157318115, -1.0875849723815918, 1.1483972072601318, 0.26832306385040283, 2.448415756225586, 0.19982074201107025, 0.6667882204055786, -0.020995337516069412, -0.13237299025058746, 0.2614385485649109, 0.433445543050766, 0.530523955821991, -0.6909128427505493, -0.0017585009336471558, 1.321286678314209, -0.11009013652801514, -0.4251488149166107, -0.26031339168548584, 0.4141126275062561, -0.6729571223258972, -0.42870762944221497, 0.6350032687187195, 0.9298422336578369, 0.47643837332725525, 2.0173113346099854, -0.48169201612472534, -0.5366503000259399, -0.2519945800304413, 0.41696858406066895, 0.5309956669807434, 0.41921284794807434, -1.494117021560669, -0.20517081022262573, 0.04169073328375816, 0.6144441366195679, -0.3481200337409973, 0.8297761678695679, 0.7431614995002747, 0.14675529301166534, -0.2968077063560486, -0.5696982741355896, -0.35377275943756104, -0.396606981754303, 0.3781222701072693, 0.6524171829223633, -0.6574081182479858, 0.667949378490448, -0.326506644487381, -1.3094145059585571, 0.524956226348877, -0.05017340928316116, -1.1371990442276, 0.5630670189857483, 1.1173784732818604, -1.3620377779006958, -0.5457813739776611, 0.016282953321933746, -1.1294443607330322, -0.7137096524238586, 0.01270685251802206, -0.3085985779762268, 0.22570233047008514, 0.3157772421836853, 0.32379135489463806, -0.19183188676834106, 0.09579567611217499, -1.1253230571746826, 0.5527187585830688, 0.7936108112335205, -0.9312847852706909, 1.4039578437805176, 0.016861306503415108, -0.248214989900589, 0.3232884705066681, -1.4231479167938232, -0.7321204543113708, 0.4461236298084259, 0.33403998613357544, -0.07145850360393524, -0.7065403461456299, -0.06571948528289795, -0.2946959435939789, 0.24810756742954254, 0.8091146349906921, -1.2808361053466797, -0.04968838021159172, -0.868783175945282, 0.675923764705658, 0.3369458317756653, -0.8662177920341492, 0.022430729120969772, 0.7499668002128601, -0.35733315348625183, 0.49849358201026917, 0.09232550859451294, -0.13197311758995056, 0.8775783777236938, 0.5356906056404114, 0.09306198358535767, -0.49085816740989685, -10.762097358703613, 0.10297100991010666, 0.003376939333975315, -0.19693395495414734, 0.350251168012619, 0.14602386951446533, 0.6974422335624695, -0.03320387750864029, 0.3172914385795593, -0.6010522842407227, 0.4249405562877655, 1.2312642335891724, -0.16136273741722107, -0.6896637082099915, -0.6970427632331848, -1.411029577255249, -0.789850115776062, -0.4869253635406494, 1.3853532075881958, -0.6786771416664124, 1.1045769453048706, -1.0958726406097412, 0.6738658547401428, 0.20628416538238525, -0.003295821137726307, -0.6331170797348022, 0.04986166954040527, 0.44114452600479126, -1.1541558504104614, 0.46338799595832825, 0.770667552947998, -0.3611171543598175, -0.9852138757705688, -0.8832156658172607, 1.0243465900421143, -0.3899502754211426, -1.4364427328109741, 0.29280179738998413, 0.7265795469284058, -0.20328274369239807, 0.24019663035869598, 0.0021768296137452126, -0.33094969391822815, -0.5012093186378479, -0.5285780429840088, -0.15535765886306763, 0.6977934837341309, -0.4440758526325226, 0.7844733595848083, -0.0461762398481369, -1.3218979835510254, -0.20308730006217957, -0.7921788096427917, -0.7134600281715393, 0.7527341246604919, 0.8457459807395935, -0.7071251273155212, 0.5358126759529114, -0.15505003929138184, -0.6834104061126709, 0.3394768536090851, 0.35612189769744873, -0.00552782416343689, -0.3392748236656189, 0.25168246030807495, -0.4373838007450104, 0.8563249111175537, -0.031123925000429153, 0.3382352292537689, 0.41944605112075806, -0.9028297066688538, 0.9197711944580078, 0.7002738118171692, -0.15244296193122864, -0.30962905287742615, 0.2995404899120331, -0.08306948840618134, -0.9232742190361023, 0.6114844083786011, 0.6197110414505005, -1.2137070894241333, 0.30044621229171753, 0.18896833062171936, -0.6173219084739685, -0.6810227632522583, 0.11646580696105957, 0.5175814032554626, -0.6325171589851379, 0.7061102390289307, -0.41526299715042114, 0.8529541492462158, -0.3709568381309509, -0.3852006196975708, 0.2798130214214325, 0.11282119899988174, 1.2346566915512085, -1.3013007640838623, 0.6925795674324036, 0.2945910096168518, -0.8372514247894287, 0.490644246339798, -0.1921248733997345, -0.6128512620925903, -0.374163955450058, 0.5796217322349548, -0.4228658676147461, -0.4126630425453186, 0.18817201256752014, -0.6169594526290894, -0.22916583716869354, 0.780881941318512, 0.2850925624370575, -0.3337326645851135, 0.4750795364379883, -0.06779208779335022, 1.3608832359313965, 1.087343454360962, -0.4984426200389862, 0.29486334323883057, 1.295531988143921, -0.8302794098854065, 0.7322978973388672, 0.1772814691066742, 0.7574905753135681, 0.129243403673172, 0.4955434799194336, -0.3858727812767029, 0.32587483525276184, -0.21969503164291382, -1.1458474397659302, 0.13867215812206268, 0.05811654403805733, -0.06453549861907959, -0.7582858800888062, -0.5532289147377014, 0.2706693708896637, -0.5005251169204712, 1.8538891077041626, -0.5001245141029358, -0.20556366443634033, -0.01834731549024582, -0.27949872612953186, 0.270140677690506, -0.3312903344631195, -0.33680716156959534, -0.29631778597831726, -1.7988585233688354, 0.2621579170227051, -0.3811665177345276, -0.16278019547462463, 0.5032342076301575, -0.4435400366783142, 0.3218706250190735, -1.0317238569259644, -1.1259593963623047, -0.48208481073379517, 0.8439035415649414, -0.3674243688583374, -0.5119417905807495, -0.20060580968856812, 0.3106958568096161, 1.1235826015472412, -1.1658697128295898, 0.6730535626411438, -0.24663691222667694, 0.07723915576934814, -0.554622232913971, 0.30155205726623535, -0.6330026984214783, 0.47491514682769775, 1.3823176622390747, -1.2364033460617065, -0.23501724004745483, -0.9355679154396057, -0.28357994556427, -0.3457111716270447, 0.34059062600135803, 1.4903340339660645, -1.3238916397094727, 0.04134291410446167, -0.41394585371017456, 0.47777894139289856, 0.6952764391899109, 0.1647489070892334, 0.018345609307289124, 0.6187415719032288, -0.26931941509246826, 0.6069633960723877, -0.3377668261528015, 0.1979527771472931, -1.660722017288208, -1.26530122756958, -1.2048999071121216, -1.4620561599731445, 1.540432095527649, -0.06778241693973541, 0.6767879128456116, 0.863172173500061, -0.16003775596618652, -0.41748443245887756, -0.12553751468658447, 1.3233106136322021, 0.9621734023094177, 0.7211224436759949, 0.24254700541496277, -0.4855756461620331, -0.26029419898986816, -0.18318992853164673, 0.015236014500260353, 0.2523426115512848, -0.6477905511856079, 0.47687608003616333, 0.19146676361560822, 0.020272057503461838, 0.0030240118503570557, -1.1692522764205933, 0.5153729915618896, 0.048270899802446365, -0.1488587111234665, -1.423292636871338, 0.350960910320282, 0.49237409234046936, -0.6544511318206787, 1.1719800233840942, 0.17181481420993805, 0.2978889048099518, 0.8205579519271851, 0.20119377970695496, 1.3291484117507935, -0.367831289768219, -0.7115035653114319, 0.28237923979759216, -0.1488134264945984, 0.2810753881931305, 0.49937719106674194, -0.03548086807131767, -1.2835394144058228, 0.05672287940979004, -0.9114033579826355, -0.15326285362243652, -0.03736039251089096, -0.07940097153186798, 0.44964510202407837, 1.2260663509368896, 0.6703691482543945, -1.290894865989685, -0.35801902413368225, -1.4473190307617188, 0.0013190433382987976, 1.288278341293335, 0.03664126247167587, 0.09975887835025787, 0.5998845100402832, -0.7262412905693054, 0.7064785361289978, -0.9844984412193298, -0.4065074324607849, 0.12804344296455383, -0.35652607679367065, 0.5680264830589294, 0.6723499894142151, 0.43656983971595764, 0.350306898355484, -0.3335590660572052, -0.4216597378253937, -0.5955790877342224, -0.2605759799480438, 0.3025721311569214, 1.1925115585327148, -0.5846004486083984, -0.5656772255897522, -1.0709596872329712, -0.28319060802459717, -0.15993556380271912, 0.7478362321853638, 0.35675162076950073, -0.709557831287384, -1.6004880666732788, -1.3164833784103394, -0.3332124650478363, 0.4160520136356354, -0.06478703022003174, -0.22786657512187958, 0.3872215151786804, 0.6489098072052002, 0.7117730379104614, 0.10868649184703827, -0.27535223960876465, 0.05388956889510155, -0.6309752464294434, -0.2097652554512024, 0.8186171054840088, -0.8305950164794922, -0.1486356258392334, -0.32558146119117737, -0.5255846381187439, 0.6464280486106873, 0.49640458822250366, -1.027940273284912, -0.23628416657447815, 0.26038047671318054, 0.569024920463562, -0.24433088302612305, 0.9192098379135132, 0.3715797960758209, -0.8636201024055481, 1.407379388809204, 0.7794587016105652, -0.06173074245452881, 0.03264182060956955, 0.7032060027122498, 0.9060036540031433, -0.11529474705457687, 1.365651249885559]} +{"paper_id": "librispeech_asr", "embedding": [-0.4081680178642273, 1.1720439195632935, 0.7378977537155151, -0.3127812147140503, 0.6802675724029541, 0.3105461001396179, 0.7756661176681519, 0.701479434967041, 0.5874893069267273, 0.4911532402038574, 0.3106570541858673, 0.08313164114952087, 0.15657030045986176, -0.3211503326892853, -0.1402917206287384, -0.3159179985523224, -1.4835509061813354, -0.12549841403961182, -1.3489503860473633, -0.6592045426368713, -0.6652320623397827, 0.08595581352710724, -0.04125120863318443, 0.17933142185211182, -0.6893901228904724, -0.28898656368255615, 0.7800791263580322, -0.5739342570304871, 0.24528715014457703, 0.18275389075279236, 0.18724292516708374, 0.9411540627479553, -1.2325785160064697, 0.5800431370735168, -0.5443917512893677, -0.19085317850112915, -0.3748324513435364, -0.009490754455327988, -0.3784436583518982, -0.217227041721344, -1.1645019054412842, -0.0957573726773262, 0.34276705980300903, 0.10319926589727402, 0.7513476014137268, -0.1466541886329651, -0.34769633412361145, 1.0407991409301758, -0.2610900104045868, 0.3785400390625, -0.9280388355255127, 0.3284759819507599, 0.815117597579956, 0.1909988522529602, -0.41784098744392395, 0.45398932695388794, -0.23652291297912598, -0.5480828285217285, 0.2042374610900879, -1.774262547492981, 0.3995121121406555, 0.9510435461997986, -0.34029218554496765, 0.1864268034696579, 0.6469135284423828, -0.30096864700317383, 0.49802613258361816, 0.1536577045917511, 0.731373131275177, 0.8147852420806885, -0.4878162741661072, -0.8899247050285339, 0.36107340455055237, 0.52048659324646, 0.45023760199546814, 0.727553129196167, -0.09579741209745407, -0.018399648368358612, 0.48391658067703247, -0.32576122879981995, -0.39083555340766907, 0.6655782461166382, 0.7883318066596985, -0.8087930083274841, -0.24367797374725342, -0.18034881353378296, 0.38489630818367004, -0.07335768640041351, -0.01227148063480854, -0.9107614755630493, 0.013695433735847473, 0.04414157569408417, 0.29444578289985657, 0.035024866461753845, -0.3027847409248352, -0.1315244734287262, 0.3615773320198059, 0.3092508614063263, -0.6615616083145142, 0.0758320763707161, 0.5033997893333435, -0.3024451434612274, 0.48934710025787354, 0.22085878252983093, 0.07417743653059006, 0.3794967532157898, -0.4332619905471802, -0.5770711898803711, -0.2285079061985016, -0.42273589968681335, -0.2356315702199936, 0.45749664306640625, 0.4256044924259186, 0.8668087720870972, 0.22068575024604797, -0.5120459794998169, 0.11462528258562088, -0.052376460283994675, -0.5660212635993958, -0.5396022200584412, -0.6068128943443298, -1.0850876569747925, 0.36621734499931335, -0.31975045800209045, 0.8869936466217041, -0.8519212603569031, 0.5075356364250183, -0.05577871575951576, 0.605486273765564, -0.5565964579582214, 0.7257527112960815, 0.32782986760139465, 0.19205179810523987, 0.2929518222808838, 2.4794909954071045, -1.26364004611969, 0.9275157451629639, -0.9758071303367615, 0.38781052827835083, -0.39416930079460144, 0.22429898381233215, 1.5380698442459106, -0.5742325782775879, -0.7511313557624817, -0.7390084862709045, -0.3874446749687195, -0.2993559241294861, 0.4870549738407135, -0.5227179527282715, -0.12241262197494507, -0.05746900662779808, 0.6026386618614197, -0.9850494265556335, -1.1008012294769287, -0.30170533061027527, 0.0838482603430748, 0.11250704526901245, 0.3677726089954376, -0.6927114725112915, 0.07982411980628967, 0.7178855538368225, 0.056900765746831894, -0.11502394825220108, 0.2076619416475296, -0.8446351885795593, 0.23744745552539825, 0.412121444940567, 0.062345169484615326, -0.30702218413352966, -0.7943301200866699, 0.3915461301803589, 0.03408508747816086, 0.45990490913391113, 0.4001474976539612, 0.22893646359443665, 0.5719214677810669, 0.18932223320007324, 0.23590129613876343, 0.0777130126953125, -1.3354401588439941, 0.15757015347480774, -0.42441269755363464, -0.3966875672340393, 0.3185686767101288, 0.12498582154512405, 0.048485737293958664, -1.2713176012039185, 0.3783537745475769, 0.4295644760131836, -0.011617124080657959, -0.39616212248802185, -0.8601319193840027, 0.1311253309249878, -0.469673216342926, -0.18566100299358368, 0.30039215087890625, 0.5553515553474426, -0.6207184195518494, 0.2435343861579895, 1.2370685338974, -0.13898217678070068, -0.446491003036499, -0.22448615729808807, 0.3701615631580353, 0.8727346658706665, 0.029275819659233093, 0.08070674538612366, -0.6750143766403198, 0.4416823387145996, 1.4048975706100464, 0.39419102668762207, -1.4128609895706177, -0.2804476022720337, -0.6454002857208252, 0.3832106292247772, -0.7245170474052429, 0.051493316888809204, -0.5843784213066101, -0.4501733183860779, -1.2485543489456177, 0.16528943181037903, -0.8380230665206909, -0.3070978820323944, 0.06895304471254349, 1.4850211143493652, -0.5241218209266663, -0.2558142840862274, 0.1594255566596985, -0.7588414549827576, 0.22280339896678925, 0.96943199634552, 0.46618708968162537, -0.1363600492477417, 0.22466009855270386, -0.12357278168201447, -0.19378606975078583, 0.7334204316139221, 0.5578792095184326, -0.14665687084197998, -0.6150820255279541, 0.2728942334651947, 0.4912525415420532, -0.8780542612075806, 0.07580973207950592, 0.35585135221481323, 0.8119529485702515, -0.24685026705265045, -0.6527501940727234, -0.2965777516365051, 0.28349387645721436, 1.3604146242141724, 1.5771547555923462, -0.28577423095703125, 0.7758612632751465, -0.4727324843406677, 0.7599754929542542, 0.05440546199679375, -0.2953373193740845, -0.30635008215904236, -1.1239277124404907, 0.7337567806243896, -0.41319164633750916, 0.26747334003448486, -0.1414720118045807, -0.34670740365982056, -0.443313330411911, -1.0050570964813232, 0.16129431128501892, -0.3203102946281433, -1.1042954921722412, -1.0854047536849976, 0.45853251218795776, -0.3971813917160034, -0.4240298867225647, -0.39491257071495056, 0.6803138256072998, 0.15290531516075134, 1.0320870876312256, 1.6855804920196533, 0.37419116497039795, 0.4352777600288391, 0.23779575526714325, 0.19019223749637604, -0.015750907361507416, 0.016568094491958618, -0.81196528673172, -0.013238504528999329, -0.7758587002754211, -0.6437864303588867, -0.5090078711509705, 0.4733024835586548, 0.3588288426399231, -0.1554356962442398, 0.4485369324684143, -0.5276259183883667, -1.0541614294052124, 1.0062031745910645, -1.0223815441131592, 0.4619137644767761, -0.6793239712715149, 1.23922598361969, 0.8147186636924744, -0.07735192030668259, -0.19435085356235504, -0.9680434465408325, 0.20452167093753815, 1.0126261711120605, -0.905807375907898, 0.8283849358558655, 0.573445737361908, -0.6542888283729553, 0.30365052819252014, 0.123622827231884, -2.281914472579956, -0.07141970098018646, 1.1249334812164307, 0.03373150900006294, -0.712209939956665, -0.8244099020957947, -0.24997618794441223, -0.11854566633701324, -0.04011852666735649, -0.06531123071908951, -1.1594270467758179, 0.7004091739654541, 0.33758410811424255, 0.5025390982627869, 0.6656591296195984, -0.592879593372345, 0.10071490705013275, 0.7148006558418274, 0.9483148455619812, -0.5987720489501953, 0.06287239491939545, 0.06572183221578598, -0.9453730583190918, 0.7670742273330688, 0.6515079736709595, 0.7508119344711304, 1.392030954360962, -0.32010501623153687, -0.5016249418258667, 0.2203661948442459, 0.6568083763122559, -0.11548305302858353, 0.3233855068683624, 0.048532553017139435, 0.4862962067127228, -0.07811915874481201, 0.9478955864906311, 0.11780385673046112, -1.0003695487976074, -0.006739764474332333, 0.08733285963535309, -1.0710211992263794, -0.5348386168479919, 1.387986421585083, 0.8841756582260132, 1.2293702363967896, -0.03655374422669411, 0.7374349236488342, -0.5865691304206848, 0.24854856729507446, 0.930849552154541, 0.8939730525016785, 0.09521892666816711, 0.019292250275611877, 0.08828097581863403, 0.5691170692443848, 0.48211660981178284, -0.682100236415863, 0.5331308841705322, 0.5695721507072449, 0.18096180260181427, -0.6737201809883118, -0.08133608102798462, 0.8900061249732971, 1.030987024307251, 2.0204014778137207, -0.40769755840301514, -0.7298033833503723, 0.38099992275238037, 0.9524240493774414, 0.13441142439842224, -0.2473689615726471, -0.6586922407150269, 0.46380653977394104, 0.27232348918914795, 1.247413992881775, -0.8437865376472473, 0.5804515480995178, 0.15030261874198914, -1.2927998304367065, -0.22043153643608093, -0.09885899722576141, -0.6252710223197937, -0.5790278315544128, -0.3925432860851288, -0.34064289927482605, -1.0087720155715942, 0.46749386191368103, -0.43535545468330383, -0.8103156685829163, 0.4027431905269623, 0.5561983585357666, -0.5571639537811279, 0.919487714767456, 1.1973686218261719, -1.0604884624481201, -0.3467072546482086, -0.20760253071784973, -0.8534007668495178, -1.032622218132019, 0.35576263070106506, 0.0017392002046108246, 0.27641087770462036, -0.698632001876831, 1.3391653299331665, -0.3112896680831909, -0.08686178922653198, -0.9881848096847534, 0.3408992290496826, 1.0269455909729004, -0.5725761651992798, -0.03229507803916931, -0.28856217861175537, 0.5701786279678345, -0.07777233421802521, -1.0420207977294922, -0.11128370463848114, 0.5899673104286194, 0.2715409994125366, -0.14703264832496643, -0.5090598464012146, 0.13440002501010895, -0.66167813539505, 0.4276665449142456, 0.22065266966819763, -1.1662675142288208, -0.24493958055973053, 0.8830026984214783, 0.8167898654937744, 1.242614507675171, -0.5613173246383667, -0.8925818204879761, -7.078051567077637e-06, -0.8844524025917053, 0.25157156586647034, 0.2771718502044678, 0.08295387029647827, -0.4432455599308014, 0.3270203769207001, 0.7441614866256714, 0.07083997875452042, -12.94835376739502, 0.8547727465629578, -0.4071737825870514, 0.4129987955093384, 0.2754444181919098, -0.08220619708299637, 0.47921285033226013, 0.7610674500465393, 0.48482000827789307, -0.5542904734611511, 0.3317200839519501, 0.318861186504364, 0.045549239963293076, -0.5827102661132812, 0.4270922839641571, -0.1774803251028061, -1.0691437721252441, -0.45974475145339966, 0.7826186418533325, 0.8206983208656311, 0.15748603641986847, -0.8288121819496155, -0.45796364545822144, 0.49050360918045044, -0.23917829990386963, -0.4337290823459625, -0.24201852083206177, -0.3847021460533142, -0.6738654971122742, 0.4183928668498993, 0.4044581949710846, -0.39757847785949707, -0.596511960029602, -0.49486884474754333, 0.4319990277290344, -0.590742290019989, -0.8511492013931274, -0.9543495178222656, 0.37788084149360657, 0.0834943875670433, -0.08743178844451904, 0.5073215961456299, 0.24927116930484772, -1.084850549697876, -0.1888156533241272, 0.000822708010673523, -0.22408908605575562, -0.12120607495307922, 0.010823260992765427, -0.8643798828125, -0.41044294834136963, -0.7062949538230896, -0.43331438302993774, -0.8753249645233154, 1.043776512145996, -0.2136087715625763, -0.4857003688812256, 0.43162772059440613, -0.0005581844598054886, -0.2531278729438782, 0.7705210447311401, 0.8775059580802917, -0.5238516926765442, 0.8655588030815125, 0.7138998508453369, -0.8306757211685181, 0.5799640417098999, 0.1781870424747467, 0.15035480260849, 0.23218940198421478, -0.9784991145133972, 0.9909518361091614, 0.73545902967453, -0.006995446979999542, -0.14931270480155945, 0.10412292927503586, -0.039546262472867966, -0.8868054747581482, 0.3125231862068176, 0.8395176529884338, -0.29718396067619324, 0.13412292301654816, 0.34240052103996277, -0.2793288826942444, -0.7311972975730896, 0.19978079199790955, 0.2958254814147949, 0.24230638146400452, 1.3051693439483643, 0.7383052110671997, 1.24960196018219, 0.3629567623138428, -0.464025616645813, -0.013127818703651428, -0.695612370967865, 0.670392632484436, -0.6345816850662231, 0.8770190477371216, -0.3702230155467987, -0.2674667239189148, 0.5486938953399658, 0.16131985187530518, -0.43793103098869324, 0.32070982456207275, 0.5492787957191467, -0.6321062445640564, 0.1636180877685547, 0.8017809391021729, 0.4339004456996918, 0.3017676770687103, 0.9056234359741211, -0.1959390789270401, -0.3404741883277893, 0.20524629950523376, 0.7329365015029907, 0.5775445699691772, 0.662641167640686, 0.09004124999046326, 0.726545512676239, 0.6727864146232605, -0.5114890336990356, 0.5144563317298889, 0.2279045283794403, 1.5513910055160522, 0.6914162039756775, 0.05548066645860672, 0.27501654624938965, 0.21877804398536682, -0.5218448042869568, -0.28027665615081787, 0.21990224719047546, -0.30038926005363464, 0.4187004268169403, -0.8844914436340332, 0.3133249282836914, -0.6257705688476562, -1.1258937120437622, 0.8006916046142578, -0.3122764229774475, 0.42024990916252136, 0.2892720699310303, -1.2533550262451172, -0.39304834604263306, -0.3692462742328644, -0.255167156457901, 0.38769248127937317, -1.9002904891967773, -0.6036214828491211, -0.44843295216560364, -0.080050989985466, 0.2758992910385132, 0.3946674168109894, 0.6860398650169373, -1.1522597074508667, -0.28177061676979065, 0.6618995666503906, 0.4640391767024994, -0.3877207636833191, -0.062295813113451004, -0.9335569143295288, 0.7623968720436096, 0.7281603217124939, -0.7661736607551575, 0.8823063373565674, 0.327679842710495, 0.3171103000640869, -0.7178624868392944, -0.3042047619819641, 0.07687424123287201, 0.4460728168487549, 1.1280256509780884, -1.4522682428359985, -0.23675863444805145, -0.8932067155838013, -0.1361750215291977, 0.1647440642118454, -0.4891267418861389, 0.9374144077301025, -1.1818300485610962, 0.4658464193344116, -0.28162696957588196, 0.19925281405448914, 0.3820965588092804, -1.1090376377105713, -0.5696043968200684, 0.4813682734966278, 0.25728365778923035, 0.889046311378479, 0.17900359630584717, 0.42900368571281433, -1.5725117921829224, -0.8052442073822021, -0.3308596909046173, 0.1579199731349945, 0.24314522743225098, -0.250932514667511, 0.5551750659942627, -0.1135014146566391, -0.08668684959411621, 0.2575310170650482, -0.020398521795868874, 0.33598482608795166, -0.3390483558177948, -0.33490365743637085, 0.0073436833918094635, -0.4634956419467926, -0.2500985860824585, -0.048200368881225586, 0.24973143637180328, -0.24721425771713257, -0.9285047650337219, -0.21472938358783722, -0.49528369307518005, 0.22163920104503632, -0.050533223897218704, -0.5947364568710327, -0.4097658693790436, 0.23589850962162018, -0.061872389167547226, -0.764130175113678, -0.5349544882774353, 0.9185354709625244, -0.22602397203445435, 1.31041419506073, 0.24452517926692963, 0.15378805994987488, 0.27489322423934937, 0.6848937273025513, 1.0388576984405518, -0.1850183606147766, -0.7442007064819336, -0.4469112157821655, 0.6694827079772949, -0.09510660916566849, -0.029343433678150177, 0.11428960412740707, -1.605325698852539, -0.1829240918159485, -1.1264925003051758, 0.33601856231689453, -0.5573975443840027, -0.1738349199295044, 0.1527397483587265, 1.17428457736969, -0.6024637818336487, -1.4038465023040771, -0.04502607882022858, -0.34499597549438477, 0.08115893602371216, -0.4285113215446472, 0.33914124965667725, 0.6845978498458862, 0.6091952323913574, 0.19490572810173035, 1.4798530340194702, -0.05679696053266525, 0.278447687625885, 0.6826274394989014, 0.2009710818529129, 1.7295020818710327, 0.7060419917106628, 0.2958533763885498, 0.4869562089443207, -0.6126536726951599, -0.6144694685935974, 0.22572061419487, -0.11942378431558609, 0.7410180568695068, 1.1792515516281128, -0.14581169188022614, -0.31220152974128723, -0.3468366265296936, -0.38280540704727173, 0.014254093170166016, 0.44206690788269043, 0.40747588872909546, -0.7063237428665161, -0.5746179819107056, -0.39583516120910645, 0.4194786250591278, 0.5588856935501099, 0.10118432343006134, -0.5648657083511353, -1.1314616203308105, -0.3403727412223816, 0.38822469115257263, -0.5792948603630066, -0.6450874209403992, 0.49908438324928284, -0.7556666731834412, 0.38459455966949463, 0.6029351949691772, -0.1986171305179596, -0.4520609974861145, 0.16797557473182678, -0.3675073981285095, 0.6715149879455566, -0.6618221402168274, -1.4418760538101196, 0.12464842200279236, -0.07746390998363495, 0.10267549753189087, -0.4956170618534088, 0.40126311779022217, 0.046472303569316864, -1.1102819442749023, 1.193860650062561, 1.0331506729125977, -0.27089807391166687, -0.2871365547180176, 0.29421550035476685, -0.1121302992105484, 0.019228495657444, 1.184686303138733]} +{"paper_id": "math_dataset", "embedding": [-0.29643526673316956, 0.5352928042411804, -0.33627498149871826, 0.1482485979795456, -0.28046247363090515, -0.2670809328556061, 0.03401874378323555, 1.6276296377182007, 0.5961148142814636, 0.0587175115942955, -0.2282206416130066, 0.4147833287715912, 0.4259125590324402, 0.588263750076294, -0.5550503730773926, 0.25554990768432617, -0.9787934422492981, -0.23905573785305023, -2.2795634269714355, -1.1904387474060059, -0.7551226019859314, -0.9354568123817444, -0.03004024364054203, 1.0342246294021606, -0.013484762981534004, -1.2569464445114136, 1.2306829690933228, -1.585233211517334, 0.6207138299942017, 0.6697188019752502, 0.26541560888290405, 0.9788950085639954, -0.8883748054504395, 0.8235450983047485, -0.29924842715263367, 0.0947502851486206, -0.08731968700885773, 0.5241762399673462, -0.025399766862392426, 0.23591725528240204, -0.397867888212204, 0.24471774697303772, -0.2328837662935257, 0.4697297215461731, 0.5609149932861328, -0.5609269738197327, 0.5083293914794922, 0.665958046913147, 0.1644677072763443, 0.2988748550415039, -1.3217322826385498, 0.42641133069992065, 0.20372790098190308, -0.03727582097053528, 0.3928802013397217, 0.5961034893989563, 0.6590864062309265, -0.45374536514282227, 0.7237671613693237, -0.35957199335098267, 1.3862966299057007, 0.9346518516540527, -0.32402873039245605, 0.6488186120986938, 0.33149105310440063, -0.04712480306625366, 1.1280701160430908, -0.0012361183762550354, 0.09885989874601364, 0.8877766728401184, -0.4666830897331238, 0.12033843249082565, 0.6973952054977417, 0.06316469609737396, 0.8337525129318237, 0.3394836187362671, -0.04129433631896973, -0.14108534157276154, 0.5320214629173279, -0.4766066372394562, -0.1877990961074829, -0.44293028116226196, 0.5897095799446106, -0.3189540505409241, -0.05498070642352104, -0.164804607629776, 0.7197002172470093, -0.7172641158103943, 0.06081029772758484, -0.9403831958770752, 0.9234878420829773, -0.3703184425830841, 0.8156401515007019, -0.9465829133987427, -0.3957192599773407, 0.004725877195596695, -0.19959615170955658, -1.0402034521102905, -0.9910837411880493, 0.08661318570375443, 0.6176025867462158, 0.048623763024806976, 0.10008633136749268, -0.09957628697156906, 0.533138632774353, 0.6265089511871338, 0.054879412055015564, -0.4691431522369385, -0.7402467131614685, -0.20859311521053314, -0.2647651731967926, -0.13010366261005402, 0.1055789515376091, 0.8719627857208252, -0.34020423889160156, 0.15811657905578613, 0.576450526714325, -0.43334364891052246, -0.5637770891189575, -0.11926895380020142, -0.21356749534606934, -0.8870269656181335, 0.00022590160369873047, 0.3246709704399109, 0.3670143485069275, -0.3007502555847168, -0.481456995010376, 0.4676012694835663, -0.1726079136133194, -0.12015251070261002, 1.5388537645339966, 0.011748556979000568, -0.9612525105476379, -1.247083306312561, 3.193072557449341, -0.0876070037484169, 0.3033183217048645, -0.3190169334411621, 0.2407696694135666, -0.7485187649726868, -0.7406339049339294, 0.6005061864852905, -0.2663195729255676, -0.4758094251155853, -1.1357839107513428, 0.6091272830963135, 0.3124023675918579, -0.05442943423986435, -1.4213893413543701, 0.8524050712585449, -0.03452581539750099, 1.230628490447998, -1.025411605834961, -0.894744336605072, 0.2335548847913742, 0.7007405757904053, 0.07258649170398712, 0.35323986411094666, -0.5329749584197998, -0.29003575444221497, 0.5984989404678345, -1.1573952436447144, -0.5548171997070312, -0.23700855672359467, -0.3221685588359833, -0.17018558084964752, 1.4715847969055176, -0.003420718014240265, -1.4790196418762207, -0.2709841728210449, -0.3551366627216339, 0.23592668771743774, -0.4167390465736389, 0.36725497245788574, -0.05252614617347717, 0.8034089207649231, -0.2936178147792816, 0.1194179356098175, 1.0092763900756836, -0.6848220229148865, -0.18396344780921936, -1.0795625448226929, -0.5708420276641846, 0.8280317187309265, 0.015656806528568268, 0.42694616317749023, -2.2825515270233154, 0.0857226699590683, -0.49080753326416016, -0.3320055902004242, 0.32797542214393616, 0.32316696643829346, 0.1955905556678772, 0.6104551553726196, 0.11454109847545624, -0.08019015938043594, -0.1085878312587738, -1.4140981435775757, 0.11901819705963135, 1.089829444885254, 0.0026164427399635315, 0.7412188053131104, 0.1537751853466034, 1.6707417964935303, 0.30593806505203247, -0.5423955917358398, 0.1875244826078415, -1.2429468631744385, -0.08928955346345901, 1.2438079118728638, -0.10473975539207458, 0.028658948838710785, -0.399752140045166, -0.15664492547512054, -0.2235923707485199, -0.3453584313392639, -0.2586946487426758, -0.33516258001327515, 0.6345250010490417, -0.7889134883880615, 0.8007813096046448, -0.002842240035533905, -0.0818977802991867, 0.23086562752723694, 1.4954651594161987, -0.4624748229980469, -0.20760753750801086, -0.620739221572876, -0.6871541142463684, 0.37774038314819336, 0.8727431297302246, 0.3697378635406494, 0.28952348232269287, 0.5962589979171753, 0.3954647481441498, 0.8273833394050598, 0.26516517996788025, 1.3158396482467651, -0.19540998339653015, 0.49725818634033203, 0.31997910141944885, 1.272054672241211, 0.14378270506858826, 0.16953489184379578, -0.4615704417228699, 0.28380733728408813, -0.5311360955238342, -0.4685041308403015, 0.5580650568008423, 0.264299601316452, 1.4197312593460083, 0.09292782843112946, -0.084944948554039, 0.12288538366556168, -0.8954241871833801, 0.5289395451545715, -0.6116148829460144, -0.25558289885520935, -1.4275225400924683, 0.05218137055635452, 0.3503265678882599, -0.1901562511920929, 0.4190123379230499, -0.05486549437046051, -0.21190553903579712, -0.8208086490631104, -1.1183409690856934, -0.998130738735199, 0.10052718222141266, -0.2678811550140381, -0.9483369588851929, 0.29486149549484253, -0.9106977581977844, -0.09732337296009064, -0.5326854586601257, -0.4908120632171631, -0.047094520181417465, 1.0969667434692383, 2.0093324184417725, -0.6538249850273132, 0.4008515775203705, -0.11041043698787689, 0.5725801587104797, -0.24587324261665344, 0.6796802878379822, 0.20201733708381653, -0.05329492688179016, -1.7425017356872559, -0.08007390052080154, -0.542323887348175, -0.1640009582042694, 0.06701991707086563, 0.27776938676834106, -0.11829965561628342, -0.43642154335975647, -0.17382565140724182, 0.910338819026947, 0.18229135870933533, -0.06441617757081985, -0.6015410423278809, 1.7779749631881714, -0.15362387895584106, -0.760240375995636, 0.491918683052063, 0.29131725430488586, -0.10185946524143219, 0.661693811416626, -0.17019496858119965, 0.29140639305114746, -0.6330009698867798, 0.000180048868060112, 1.0207222700119019, 0.13150066137313843, -2.492608070373535, 1.3744035959243774, 0.5580198764801025, 0.19701328873634338, -0.22898007929325104, -0.2809210419654846, -0.6598629951477051, -0.8321056365966797, 0.47248390316963196, 0.012929176911711693, -0.31328684091567993, 0.30975106358528137, -0.21497368812561035, 0.40361839532852173, 0.9157480001449585, -0.08867091685533524, 0.15005557239055634, 1.2363641262054443, -0.37600627541542053, -1.1290209293365479, -0.06433077156543732, 0.5652430653572083, 0.5381596088409424, -0.005406651645898819, -0.3365328311920166, 1.1302056312561035, 0.36407461762428284, 0.3384712338447571, 0.81697678565979, 0.5093871355056763, 1.2291747331619263, -0.20200498402118683, 0.18141081929206848, -0.8425208330154419, -0.3743859827518463, -0.17405670881271362, 1.0572272539138794, -0.8840538859367371, 0.26766443252563477, -0.6983005404472351, 0.05698169395327568, -0.7286527156829834, -0.7214224338531494, 1.198601245880127, 0.30089375376701355, 1.7381385564804077, -0.07570833712816238, 0.6320608258247375, -0.45992615818977356, -0.3384517431259155, -0.01897415891289711, 0.5220075249671936, 0.2869759202003479, -0.6526671648025513, -0.4952045977115631, 0.0031941495835781097, -0.101145900785923, -0.21440544724464417, -0.3280079960823059, 0.2119573950767517, 0.64258873462677, -0.760349452495575, 0.7508320212364197, 0.6440640091896057, 1.062625527381897, 1.7819308042526245, -0.3316250443458557, -0.6049025654792786, 0.046153292059898376, -0.12208180129528046, 0.5469807386398315, 0.17682510614395142, -0.6188879013061523, -0.24393993616104126, -0.0851421058177948, 0.007570907473564148, -0.0017395690083503723, 0.9280597567558289, 1.118107795715332, -1.3543260097503662, -1.197210431098938, 0.512548565864563, -0.21936534345149994, 0.5424017310142517, 0.3758888244628906, -0.46117907762527466, 0.36130213737487793, 1.0119051933288574, 0.32112348079681396, -0.8775641322135925, -0.532853364944458, -0.7656763792037964, -1.7220555543899536, 0.2332610934972763, 1.1707314252853394, -0.8352205753326416, 0.1234096959233284, 0.2852836847305298, -1.1177107095718384, 0.17306505143642426, -0.10993008315563202, -0.3221729099750519, 0.49657759070396423, 0.3462311327457428, 0.944037139415741, -0.4626919627189636, 0.02666478604078293, -1.6914442777633667, 0.7645457983016968, 0.6040083765983582, 0.21056188642978668, 0.3237457871437073, -0.6545366644859314, 0.45660483837127686, 0.6079128980636597, -1.6205039024353027, -0.546306312084198, 0.661044716835022, -0.9547256231307983, 0.16434413194656372, -0.8270012140274048, -0.30419695377349854, -0.14727598428726196, -0.05150286853313446, -0.24167323112487793, -0.691849410533905, -0.5926260948181152, 0.031563371419906616, 0.8484461903572083, 0.9386844635009766, -0.4180847406387329, -1.1579155921936035, 0.49875760078430176, -0.4080343544483185, -0.36258572340011597, 0.32785290479660034, 0.1588800698518753, 1.2958146333694458, 0.6371661424636841, -1.0632261037826538, 0.23947256803512573, -11.656002044677734, 0.6442424058914185, 0.6774324774742126, 0.14302939176559448, 0.7761027812957764, 0.20646169781684875, 0.002863854169845581, -0.17211194336414337, -0.07918447256088257, -0.5319039821624756, 0.10164211690425873, 0.15234419703483582, 0.6299601197242737, 0.344422847032547, -0.2112494260072708, -1.041404366493225, 0.004521645605564117, -0.5145965814590454, 1.147352933883667, 0.4683019816875458, 0.158518984913826, -1.1012672185897827, -0.2636774778366089, 0.7373020052909851, 0.26616793870925903, -0.4590425491333008, -0.6283935308456421, 0.24699893593788147, -0.2318091243505478, -0.3292680084705353, 0.60224449634552, 0.046125493943691254, -0.5862460136413574, 0.15427623689174652, -0.2177617996931076, -0.2738136053085327, -1.0255823135375977, 0.6694763898849487, 0.6601225137710571, -0.8212392330169678, -0.9895638823509216, 0.6445294618606567, 0.28788161277770996, -1.0532543659210205, -1.0275055170059204, 0.31771159172058105, 0.9490707516670227, -1.548733115196228, 0.3650399446487427, -0.07569725811481476, -0.17670875787734985, -0.5154561400413513, -0.35615649819374084, -0.5081042051315308, 0.2033999264240265, 1.07072913646698, -0.5752798914909363, 0.1806204915046692, -0.573625922203064, -0.5178302526473999, 0.047784220427274704, 0.61319899559021, -0.2814601957798004, 0.4997207224369049, -0.12351585179567337, 0.27693042159080505, -0.18212711811065674, 0.9699466228485107, -0.47591760754585266, -0.16771245002746582, -1.345477819442749, 0.49032750725746155, 0.4133201241493225, 0.5409860610961914, -0.15395843982696533, 0.39752116799354553, 0.16638875007629395, -0.5199707746505737, -0.4867122769355774, 0.414338082075119, -0.8250041007995605, 0.5512508749961853, 0.20371073484420776, -0.49035701155662537, -0.953802227973938, 0.13075828552246094, 0.25552088022232056, -0.4028271734714508, 1.6247847080230713, -0.7758591771125793, 1.7799264192581177, 0.025990821421146393, -0.15036621689796448, 0.2538839876651764, -0.11574728041887283, 1.4940112829208374, 0.2864393889904022, 0.479708731174469, 0.345784991979599, -0.9223323464393616, 0.1634806990623474, -0.26759281754493713, -1.0704540014266968, -0.2729203701019287, 0.8029212355613708, 0.8715721368789673, 0.42108142375946045, 0.1302429735660553, 0.713792622089386, 0.22683411836624146, 1.119249701499939, -0.25099852681159973, -0.18472275137901306, 2.0307745933532715, -1.0040168762207031, 1.0221298933029175, 1.2535840272903442, 0.5638117790222168, 0.1432267427444458, 0.39597004652023315, 0.0034523403737694025, 1.094267725944519, 0.7170879244804382, 1.1491920948028564, -0.1484849900007248, -0.08107136934995651, 0.7672311663627625, 0.9393357634544373, -0.4061320424079895, -0.8284109830856323, -0.3951578736305237, 0.366467148065567, -0.4262312054634094, -0.09511833637952805, -0.04786631092429161, 0.18835172057151794, -0.6220818161964417, 1.2538461685180664, -0.2897043824195862, -0.0359281450510025, 0.5485384464263916, -0.10414856672286987, -0.6777138113975525, -0.35408592224121094, -1.668848991394043, 0.3208552300930023, -1.3737503290176392, 0.1273590624332428, -0.7049472332000732, -1.1063576936721802, -0.6807336807250977, -0.7957329750061035, 1.3555792570114136, -0.5211086273193359, -0.6115179657936096, -0.9658428430557251, 0.9457616806030273, -0.19285693764686584, 0.7979313135147095, 0.6445448398590088, 0.5613231062889099, 0.6278519034385681, -0.3016139268875122, 1.6873469352722168, -0.13562725484371185, 0.2985856831073761, -0.16389380395412445, -0.11232694983482361, -0.8836822509765625, -0.6824405193328857, 0.5503677129745483, -0.9605813026428223, -0.6181108951568604, -0.3878788352012634, 0.1753084808588028, -0.4493865370750427, -0.19164463877677917, 0.780771017074585, -0.7011988162994385, -0.16912294924259186, 0.15474195778369904, 0.47862327098846436, 0.9091907143592834, -0.7942717671394348, -0.8631247282028198, -0.6451367139816284, 0.23640844225883484, 0.6914230585098267, 0.3498801290988922, 0.9109296798706055, -1.1102913618087769, -1.4385654926300049, -0.9154777526855469, -0.26675400137901306, 0.366999089717865, 0.24470259249210358, 1.3168432712554932, 0.46971213817596436, -0.1817302107810974, 0.286212295293808, 0.4114476442337036, 0.529807448387146, 0.7822921872138977, -0.3607742488384247, 0.12728668749332428, 1.0112934112548828, -0.450469434261322, 0.061242375522851944, 0.6949034333229065, 0.4386826455593109, -0.5376017689704895, 0.021757356822490692, 0.2889764606952667, 0.6229815483093262, -0.2417452335357666, -1.2530626058578491, -0.5143292546272278, -1.2030309438705444, -0.6235042810440063, -0.4979545772075653, -0.059307761490345, -0.3659077286720276, -0.6112757921218872, 0.6293885111808777, 0.48869553208351135, 0.46992427110671997, 0.5309696793556213, -0.0487443208694458, 1.1324634552001953, -0.09968040883541107, -0.7646303772926331, 0.68805330991745, 0.18356682360172272, -0.2429533302783966, -0.2373405247926712, -0.9593251943588257, -0.40788012742996216, 0.373403936624527, 0.0798160582780838, 1.504846215248108, -0.9522591829299927, 0.22343970835208893, -0.6684154272079468, 1.1908915042877197, -0.05373050644993782, -1.9238895177841187, 0.0891282856464386, -0.49162667989730835, -0.1112169474363327, 0.7420529127120972, 0.1377965360879898, -0.5634007453918457, 0.5658860802650452, -0.1269979327917099, -0.11519128084182739, -0.27725672721862793, -0.27579420804977417, -0.38180652260780334, -0.4420626163482666, 1.117257833480835, 0.6766275763511658, -0.05514512211084366, 0.4382217526435852, 0.4931756556034088, -0.513825535774231, 0.0513790063560009, -0.8607290387153625, 0.10402068495750427, 0.26011061668395996, -0.21754786372184753, -1.4420490264892578, -0.4076051115989685, 0.9574631452560425, -0.5878797173500061, 0.6586585640907288, -0.18198327720165253, -0.27658140659332275, -1.1734886169433594, -0.292198121547699, -0.25700846314430237, 0.7987360954284668, -0.23404106497764587, 0.2430514544248581, 0.7172505259513855, -0.46646419167518616, 0.08215460181236267, 0.4893684387207031, -0.4275483191013336, 0.3172355890274048, -0.5744544863700867, -0.2574054002761841, -0.6326736211776733, -0.7474209666252136, -0.5352656245231628, 0.2939760386943817, -1.2415611743927002, 0.9444789290428162, 0.48065686225891113, -0.7922924757003784, -0.4100479483604431, 0.5678016543388367, -0.7563005685806274, 0.6550549268722534, 0.24306899309158325, -0.37026306986808777, -1.6752476692199707, 0.5407836437225342, 0.038034774363040924, -0.7938376069068909, 0.3200731575489044, 0.21585583686828613, 0.9222092628479004, 0.017005760222673416, 0.5748533010482788]} +{"paper_id": "xtreme", "embedding": [-0.09259013086557388, 0.8720352649688721, 0.025841470807790756, -0.016222644597291946, 0.3870951235294342, -0.7729881405830383, 0.17705704271793365, 0.5253424644470215, 0.8720808625221252, 0.6335126161575317, 0.7558954954147339, -0.2478790581226349, 0.3280304968357086, -0.3456788659095764, 0.048258811235427856, -0.21265628933906555, -0.9762500524520874, -1.297033667564392, -1.8252723217010498, -0.5964459180831909, -0.6477857828140259, -0.20330286026000977, 0.03494110330939293, 0.6502982974052429, -0.24493733048439026, -0.9035229086875916, 0.5164079070091248, -0.9122462272644043, 0.5240045189857483, 0.7290433645248413, -0.15207412838935852, 1.0753507614135742, -1.7008615732192993, 0.6275879740715027, -0.13070830702781677, -0.10506288707256317, 0.40096861124038696, 0.8788414001464844, -0.14147129654884338, -0.1433640569448471, -0.8688904047012329, -0.36772722005844116, 0.49380844831466675, 0.488330215215683, 1.1182267665863037, -0.31930187344551086, -0.08567579090595245, 0.1231587827205658, -0.020630784332752228, -0.43190208077430725, 0.04945771396160126, 0.5115584135055542, -0.05653291940689087, 0.5239325761795044, -0.728076696395874, 1.5925709009170532, 0.7007114291191101, -0.9517035484313965, 0.921349287033081, -1.2281644344329834, 0.9469464421272278, 1.6652419567108154, -0.993657648563385, 0.20150943100452423, 1.2231523990631104, 0.09811978042125702, 1.5057153701782227, 0.21921639144420624, 0.5915395021438599, 0.8681955933570862, 0.6366595029830933, -1.1872010231018066, 0.5125362277030945, 0.018440857529640198, 1.067763328552246, 0.6628212928771973, 0.4237842261791229, 0.00856543704867363, -0.6892369985580444, -0.5877038240432739, -0.7961904406547546, 0.7698663473129272, 0.5301030874252319, -0.7528124451637268, -0.058601606637239456, 0.5126627087593079, 0.2943907678127289, -0.9830811619758606, 0.5781642198562622, -2.1169395446777344, 0.4295477271080017, -0.056853242218494415, 0.10736465454101562, -0.3892553448677063, 0.17605160176753998, 0.11369193345308304, -0.10354748368263245, -0.19364722073078156, -0.5191163420677185, -0.24275964498519897, 0.41488996148109436, -0.3595810830593109, 0.33150196075439453, 0.2801131010055542, 0.1672797054052353, 1.5788151025772095, -0.33219558000564575, -0.7255637049674988, -1.520909309387207, -0.16411133110523224, 0.10543419420719147, 1.1305464506149292, -0.25564801692962646, 0.07195191830396652, 0.17643563449382782, -0.18434566259384155, 0.3319912552833557, -0.7149680852890015, -0.6375755071640015, -0.12166436016559601, -0.15223164856433868, -0.9501221179962158, -0.5910813808441162, 0.08040358126163483, 1.065562129020691, -0.7610028982162476, 0.09870206564664841, -0.7170827984809875, 0.32612285017967224, -0.6983857154846191, 0.5248417854309082, -0.005956942215561867, -0.7295767068862915, -0.1506069153547287, 2.903033971786499, -0.2911583185195923, 1.686231255531311, -0.4046805799007416, -0.03828705847263336, 0.12404443323612213, -0.12933039665222168, 1.044796347618103, 0.3303753137588501, -0.9110686182975769, 0.07369368523359299, 0.6589022278785706, -0.8950921297073364, 0.43456438183784485, -1.0600547790527344, -0.23332332074642181, 0.27803945541381836, 0.37056148052215576, -0.8568591475486755, -0.3580879867076874, -0.03755591809749603, 0.1924595832824707, 0.2796070873737335, 1.196799874305725, -0.8778809905052185, 1.2842639684677124, 0.20993700623512268, 0.413979172706604, -0.24267788231372833, 0.5075051784515381, -0.8553706407546997, 0.3411499857902527, 1.110410213470459, 0.022478565573692322, -0.4509221911430359, -0.4761989712715149, 1.1834739446640015, -0.457592248916626, -0.5234129428863525, -0.009558061137795448, 0.23944523930549622, 0.5596897006034851, 0.2667841613292694, 0.706565797328949, -0.05260368436574936, -0.3858847916126251, -0.11089683324098587, -0.044718749821186066, 0.20467883348464966, 0.7369634509086609, 0.015583042986690998, 0.5916985273361206, -1.8760952949523926, -0.7129692435264587, -0.3919448256492615, -0.3033352494239807, -0.5557059645652771, -0.7053371667861938, 0.25903481245040894, -0.12218062579631805, 0.7442359328269958, -0.18740825355052948, 0.704005241394043, -0.858353316783905, -0.7597659230232239, 0.23896490037441254, -0.22680692374706268, -0.10380320250988007, 0.5503718256950378, 0.4632018804550171, -0.03378460556268692, -0.6267864108085632, -0.30319690704345703, -1.730162501335144, 0.20352953672409058, 2.6184704303741455, -0.14945904910564423, -0.4194641411304474, -1.4379658699035645, -0.4855611324310303, -0.11961202323436737, -1.1133521795272827, 0.10796254873275757, -1.179851770401001, 0.07831916958093643, -1.4481450319290161, 0.18435247242450714, -0.37790948152542114, 0.24966216087341309, 0.5431323051452637, 1.0811755657196045, -1.0385828018188477, -0.4602477252483368, -0.5482313632965088, -0.8863525390625, 0.791954755783081, 0.4724258780479431, 0.388173907995224, -0.8527533411979675, 0.726701557636261, -0.13047367334365845, 0.9549175500869751, 0.6425788402557373, 0.7856910824775696, -0.34829986095428467, -0.027295611798763275, -0.5885655879974365, 0.7221704125404358, -0.3898753523826599, 0.17037422955036163, 0.3330564498901367, 1.15985107421875, -0.5962648391723633, -0.6090185046195984, -0.1709846705198288, -0.009078927338123322, 1.1952334642410278, 1.1211581230163574, -0.6255851984024048, 1.648375153541565, -1.8818212747573853, 0.19191211462020874, -0.6572252511978149, -1.1002124547958374, -0.03340773284435272, 0.21329163014888763, 0.7763476371765137, -0.4652242958545685, 0.4290904998779297, 0.015197157859802246, 0.18208922445774078, -1.8240504264831543, -0.20101647078990936, -0.7974860668182373, -0.9331442713737488, -1.452467679977417, -0.41466957330703735, -0.30407655239105225, -0.7150082588195801, -0.8342101573944092, 0.15422075986862183, 1.1447495222091675, 0.23784464597702026, 1.0751698017120361, 1.5154424905776978, -0.010837681591510773, 0.4860866069793701, 0.22488857805728912, 0.8430761694908142, -0.9165278077125549, 1.3765716552734375, 0.7712375521659851, 0.4414445161819458, -0.9936048984527588, -0.04126640409231186, -0.32977426052093506, 0.04776877164840698, 0.7816177606582642, 0.1706589162349701, 0.4727950692176819, -0.06563831120729446, -1.1529918909072876, 1.5018717050552368, -0.4471018314361572, 0.45954450964927673, -1.0941349267959595, 1.819098949432373, 0.42014920711517334, -0.007711153477430344, 1.0152771472930908, -0.3253595530986786, 0.11573690176010132, 1.3062477111816406, -0.2997034192085266, 0.3743692636489868, 0.719367504119873, 0.18188148736953735, 0.2269616723060608, 0.34716975688934326, -2.1155550479888916, 0.09312096983194351, 0.7207158207893372, -0.20671913027763367, -0.258772075176239, -1.1394966840744019, 0.15024171769618988, -0.5823260545730591, -0.3638615906238556, 0.4037575125694275, -0.09800726175308228, 0.2203679084777832, -0.10636889934539795, -0.0927879810333252, 1.1616495847702026, -0.7211612462997437, 0.916317880153656, 1.3294395208358765, 0.2994813323020935, -0.7279471158981323, 0.17162078619003296, 1.0012561082839966, -0.40099725127220154, 0.47524750232696533, 0.14579805731773376, 0.7319433093070984, 1.7073060274124146, -0.4959810972213745, 0.0789598673582077, 0.6046156883239746, 0.840108335018158, 0.6412937641143799, 0.12023698538541794, -0.7007283568382263, 0.23118619620800018, 0.20117561519145966, 1.2134336233139038, 0.08869898319244385, -1.5676707029342651, -1.5275161266326904, -0.22608715295791626, -0.2507418096065521, -0.742629885673523, 1.9966201782226562, 0.9798420071601868, 1.0579068660736084, -0.1736849546432495, 0.7009698748588562, -0.25901806354522705, 0.17636993527412415, 1.13433039188385, 0.3298950791358948, -0.8440746665000916, -0.29628172516822815, -0.008958801627159119, 0.9428009390830994, -0.989957332611084, -1.0070457458496094, -0.09190282225608826, 1.0901265144348145, -0.6808851361274719, -0.6553347110748291, 0.5016568303108215, 1.092331886291504, 0.2083653211593628, 1.2879949808120728, -0.3460506200790405, -0.6653791069984436, 0.1561943143606186, 0.8598650693893433, -0.4230298697948456, 0.3574633002281189, -1.016960859298706, 0.44668516516685486, 0.6439880132675171, 1.505003571510315, 0.35942888259887695, 0.2847873568534851, 0.8741322159767151, -1.01801335811615, -0.7731758952140808, -0.35731372237205505, -1.1242027282714844, -0.6060118675231934, -0.4244506359100342, -0.32848188281059265, -0.7286338210105896, 0.510909914970398, -0.15699854493141174, 0.04701250046491623, 0.4498324692249298, -0.8067740201950073, -1.6724352836608887, 0.9612245559692383, 1.060585856437683, -1.1834774017333984, -0.39039310812950134, -0.04090012237429619, -0.9537206292152405, -0.9140033721923828, 0.11083540320396423, -0.7823281288146973, -0.3105849623680115, -0.09592810273170471, 0.4871252477169037, -0.39436984062194824, -0.9151874780654907, -1.0246210098266602, 0.20757849514484406, 1.788885235786438, -0.47895175218582153, 0.18061719834804535, 0.5647925138473511, 0.45226597785949707, -0.1269001066684723, -1.2229163646697998, -0.7306613922119141, 0.7629415392875671, 0.6015710830688477, 0.6779232621192932, -0.5306431651115417, -0.6984255909919739, 0.349967896938324, -0.0735853761434555, 1.1317510604858398, -1.146911382675171, 0.33589494228363037, -0.7655086517333984, 0.8276323080062866, -0.016954436898231506, -0.8430930376052856, -0.1939660757780075, 1.100041151046753, -0.16078969836235046, 0.5097237825393677, -0.0864715725183487, 0.5203374624252319, 1.330573320388794, 0.26645389199256897, 0.14880399405956268, -0.7356130480766296, -10.67708683013916, 0.04815177991986275, -0.2881852686405182, 0.08369919657707214, 0.44280070066452026, -0.5938125252723694, 1.2274785041809082, -0.21875013411045074, 0.26848679780960083, -0.7506139278411865, 0.3906272351741791, 1.0041383504867554, 0.3716531991958618, -0.43166831135749817, -0.631339967250824, -0.7781781554222107, -0.5241685509681702, -0.12831830978393555, 0.5301112532615662, -0.22555649280548096, -0.948867917060852, -1.2003206014633179, 0.088206946849823, 0.6270531415939331, -0.011807301081717014, -0.06072017550468445, -0.03786875307559967, -0.22732722759246826, -0.24994133412837982, -0.15365368127822876, 0.36036404967308044, -0.42345526814460754, -1.226535439491272, -0.6004998087882996, 0.6885669231414795, -0.20200352370738983, -0.8379838466644287, 0.18022942543029785, 1.2119197845458984, 0.16096998751163483, -0.496226966381073, 0.5219412446022034, 0.25890016555786133, 0.2645266056060791, -0.5182374119758606, -0.004924513399600983, 0.5262804627418518, -0.6360912322998047, 0.3823952376842499, -0.8327256441116333, -0.13589224219322205, -0.705686628818512, -0.9677336812019348, -0.5080665946006775, 0.34922733902931213, 0.6011916995048523, -0.33837011456489563, 0.5559180974960327, -0.5370714664459229, -1.5121310949325562, 0.7641729712486267, 0.34934002161026, -0.6850413680076599, -0.2885495722293854, 0.06588871031999588, -0.35596784949302673, 0.30970147252082825, 0.35001587867736816, -0.5452176928520203, 0.38904619216918945, -0.7266588807106018, 0.3549897074699402, 0.2379477620124817, 0.35272037982940674, -0.22364893555641174, -0.19332319498062134, 0.06916993856430054, -0.10362371057271957, 0.3766750693321228, 0.17754574120044708, -1.0997086763381958, 0.9027858972549438, 0.11772984266281128, 0.18950065970420837, -0.4547770321369171, -0.0678468644618988, -0.56379634141922, 0.16546590626239777, 0.7130072116851807, -0.19336068630218506, 1.3283342123031616, -0.18214863538742065, 0.028144042938947678, -0.008602643385529518, -0.45612484216690063, 1.1337857246398926, -0.6712834239006042, 1.1189329624176025, 0.019460409879684448, -1.2990490198135376, 0.12547039985656738, -0.20930838584899902, -0.2826017737388611, -0.2726728320121765, 0.6662429571151733, 0.46837377548217773, 0.3714748024940491, 0.153268963098526, 0.6762973666191101, -0.06488984823226929, 1.3180205821990967, 0.13059115409851074, -0.2480163425207138, 0.9557250738143921, -0.5283871293067932, 1.0627506971359253, 0.44402775168418884, 0.5525744557380676, 0.5843271017074585, 1.0126537084579468, -0.044286731630563736, 0.5273674130439758, 0.19405193626880646, 1.4735721349716187, -0.04272777587175369, 0.10236820578575134, 0.05238313600420952, 0.5155988931655884, 0.280000239610672, -1.5577589273452759, -0.0067185088992118835, -0.13298432528972626, -0.25033050775527954, -0.7267093062400818, 0.0155562125146389, -0.5504685640335083, -0.9641821384429932, 1.2640138864517212, 0.09619632363319397, 0.26396042108535767, -0.07819517701864243, -1.3788343667984009, 0.4727570414543152, -0.8065914511680603, -0.5042334794998169, 0.03279075399041176, -1.1787351369857788, -0.3231505751609802, -0.5568504929542542, -0.617341935634613, 0.5550888180732727, -0.09950460493564606, 0.8715502619743347, -0.7246890664100647, 0.0188384298235178, 0.18510940670967102, 0.3678474426269531, -0.6616542339324951, -0.6011064648628235, 0.21450316905975342, -0.11218035966157913, 1.572800874710083, -0.6351262331008911, 1.2927325963974, 0.23984813690185547, -0.08819830417633057, -0.6999590992927551, -0.33258652687072754, -0.6445498466491699, 0.30452966690063477, 1.0275057554244995, -1.0529693365097046, -0.2635379433631897, -0.7720704674720764, -0.6062425971031189, -1.2663383483886719, 0.04257577657699585, 1.4077868461608887, -0.18625903129577637, 0.5993284583091736, 0.15672247111797333, 0.9178040623664856, -0.21892626583576202, -0.47316795587539673, -0.7462657690048218, -0.03581533581018448, -0.22804418206214905, 1.0958960056304932, 0.42124632000923157, 0.9732994437217712, -1.7493187189102173, -0.8038198947906494, -0.16378498077392578, -0.17854246497154236, 0.3468949794769287, -0.6751534938812256, 1.116527795791626, -0.5200326442718506, 0.4521307647228241, 0.134625643491745, -0.01659747213125229, 0.6652851700782776, -0.22128231823444366, 0.2703719437122345, 0.06642782688140869, 0.19248709082603455, -0.753282904624939, 0.25426873564720154, 0.12421084940433502, 0.3796439468860626, -1.373628854751587, -0.37372320890426636, 0.1829642504453659, -0.308891236782074, -0.24504345655441284, -0.6225695610046387, 0.7036024928092957, -0.13098104298114777, -0.03139191493391991, -1.6412936449050903, -0.1341775357723236, 1.3804529905319214, -0.06873247027397156, 0.5275343656539917, 0.36055585741996765, 0.5721970200538635, 0.7941489219665527, 0.5610976219177246, 1.5558785200119019, -0.6306962966918945, -0.9399527311325073, -0.16663935780525208, 0.6458094120025635, -0.34368032217025757, -0.27299290895462036, 0.4639735519886017, -0.8828758597373962, 0.3030335605144501, -1.159012794494629, 0.653610110282898, -0.6822238564491272, -0.031281933188438416, -0.10236451029777527, 0.622879147529602, -0.13590754568576813, -1.554582118988037, 0.30910524725914, -0.7087950110435486, 0.2815476953983307, 0.03797038644552231, 0.3892544209957123, 0.22322693467140198, 0.7757562398910522, 0.17785215377807617, 1.146572470664978, -0.06135036051273346, -0.6738401055335999, 0.04910933971405029, 0.05841822549700737, 1.2076276540756226, 0.508968710899353, 0.5911192297935486, 0.0019528046250343323, -0.2681303918361664, -0.6540610194206238, -0.6732314229011536, -0.020771048963069916, 0.8750832080841064, 1.3159719705581665, -0.16850267350673676, 0.05928441882133484, -1.247330904006958, 0.29276788234710693, -0.9267560839653015, 0.24828100204467773, 0.6247315406799316, -0.346096932888031, -1.084742546081543, -0.8533767461776733, 0.43764302134513855, 0.9627754092216492, -0.4373374879360199, -0.033941108733415604, -0.6242871284484863, 0.5096728801727295, 0.431153804063797, -0.5671746134757996, -1.1259138584136963, 0.3342401683330536, 0.0745084136724472, -0.06534591317176819, 0.5739151239395142, -0.8534547090530396, -0.26122766733169556, -0.14324945211410522, -0.9832754731178284, 0.6244088411331177, 0.10015179216861725, -0.5419203042984009, -0.7372514009475708, 0.28286460041999817, -0.921150803565979, -0.48977676033973694, 0.5323582887649536, -0.6194716691970825, -1.5393916368484497, 1.4963459968566895, 1.5033247470855713, -0.7746346592903137, -0.4205372631549835, 0.00733895692974329, 0.1405847817659378, 0.12636235356330872, 1.2198431491851807]} +{"paper_id": "cnn_dailymail", "embedding": [-0.14539961516857147, 1.5200200080871582, -0.24134115874767303, 0.6347182989120483, 0.03485795110464096, -0.2312552034854889, 0.5249571800231934, 1.4640185832977295, 1.0783716440200806, -0.006524249911308289, 0.9759657979011536, 0.2673853039741516, 0.7665344476699829, 0.707793116569519, -0.11898057162761688, -0.05276704579591751, -0.7486791014671326, -0.3032929599285126, -0.8822416067123413, -0.8366185426712036, -0.5812151432037354, -0.4319974184036255, -0.11176450550556183, 0.6768835783004761, -1.332280158996582, -0.2405739277601242, 1.1742112636566162, -1.8279857635498047, 0.2315269112586975, 0.8529373407363892, 0.29216083884239197, 0.6567894816398621, -0.883394181728363, 0.3960282504558563, -0.5011169910430908, -0.6364129185676575, 0.23683466017246246, 0.20752808451652527, 0.2983349561691284, -0.3977867066860199, -0.5916246175765991, 0.3824571967124939, 0.4598899483680725, 0.10058742016553879, 0.20365022122859955, -0.6588888168334961, 0.41002795100212097, 0.05899433791637421, -0.5788301229476929, 0.15402869880199432, -0.19504551589488983, 0.012928560376167297, -0.28098079562187195, 1.1159895658493042, -0.20932218432426453, 1.752329707145691, 0.15418708324432373, -0.41522854566574097, -0.15717092156410217, -0.5455164909362793, 1.2494899034500122, 1.3363901376724243, -0.5887627601623535, 0.09277096390724182, 1.3018008470535278, -0.6430678963661194, 1.2132952213287354, 0.13415594398975372, 0.06285835802555084, 1.3171327114105225, -0.6219466328620911, -1.3768190145492554, 0.481259822845459, -1.030860424041748, 0.025328725576400757, 0.7756463289260864, 0.39994457364082336, -0.5230875611305237, -0.1527780294418335, -0.2693468928337097, -0.2022487223148346, 0.6452620029449463, 0.7720515727996826, -0.6295982003211975, -0.10771042108535767, 0.04619193077087402, 0.355014830827713, 0.1979212611913681, -0.08188402652740479, -1.412733793258667, -0.25918424129486084, -0.3919418156147003, -0.28858062624931335, -0.6442966461181641, -0.4060573875904083, 0.11984095722436905, 0.7745591998100281, -0.6126501560211182, -0.8696388006210327, 0.3021799921989441, 0.5228598117828369, -0.11545287072658539, -0.004410007037222385, -0.270873099565506, 0.9359530210494995, 0.6215797662734985, -0.5456873774528503, -0.4767853617668152, -0.5130214095115662, -0.8517924547195435, -0.5106922388076782, 0.2958442270755768, -0.10642759501934052, 0.9762750864028931, -0.4108779728412628, -0.324482798576355, 0.6946800947189331, 0.17272984981536865, -0.8178141117095947, -0.1960688978433609, -1.137252926826477, -1.6759530305862427, -0.1372775137424469, 0.12516389787197113, 0.46092796325683594, -0.9281883835792542, -0.1713714450597763, -0.7738250494003296, 0.0069752964191138744, -0.6914474368095398, 0.5882792472839355, 0.20251788198947906, -0.8625041246414185, -0.41760942339897156, 2.780719041824341, -0.9664538502693176, 1.3163596391677856, -0.28690847754478455, -0.3429168164730072, -0.7858414649963379, -0.18833890557289124, 1.7463895082473755, -0.5480161905288696, -0.3103182315826416, -0.7221640944480896, 0.5298759937286377, -0.9405307769775391, 0.2621721923351288, -0.1062459871172905, -0.36761975288391113, 0.3748320937156677, 0.026479534804821014, -0.83199542760849, -1.4560552835464478, -0.5329742431640625, 0.8818632960319519, 0.16240336000919342, 0.7138373255729675, -0.0941847562789917, 1.146787166595459, 1.232648491859436, -0.4933081269264221, -0.5227657556533813, 0.05906810984015465, -0.8401359915733337, -0.08052962273359299, 0.41678211092948914, -0.28107398748397827, 0.0416666716337204, -0.6415456533432007, 0.7255244851112366, -0.6128526329994202, -0.08095978200435638, -0.6826099753379822, -0.33256441354751587, 0.7905085682868958, 0.43271225690841675, -0.07236798852682114, 0.5032141804695129, -0.2917371690273285, -0.7830350995063782, -0.07097269594669342, 0.007922373712062836, 0.3009506165981293, 0.3619082570075989, 0.18604841828346252, -1.7415605783462524, -1.0341190099716187, -0.15241824090480804, 1.3262903690338135, 0.17041435837745667, -0.28509172797203064, -0.1673228144645691, 0.5596532225608826, 0.24509020149707794, -0.2533884048461914, -0.013230953365564346, -0.3056991994380951, 0.5625186562538147, 0.3200141191482544, 0.6685492992401123, -0.4547501802444458, -0.19215275347232819, 1.1576346158981323, 1.0321972370147705, -0.8778086304664612, -0.3798333406448364, -1.295136570930481, 0.5010121464729309, 1.9222028255462646, 0.0591951459646225, -0.6383983492851257, -1.9799976348876953, -0.19014400243759155, 0.9705437421798706, -0.09792616963386536, -0.21328690648078918, -0.4597982168197632, 0.36049896478652954, -1.0763853788375854, 0.43282970786094666, -0.298577219247818, 0.046835727989673615, 0.19974486529827118, 0.41413235664367676, -0.3435535430908203, -0.3962898254394531, -0.8772913217544556, -0.6378854513168335, 0.6133564710617065, 0.9232476353645325, 0.09859274327754974, -0.2798025906085968, 0.7252411842346191, 0.3148128092288971, 0.5333685874938965, 0.1260439157485962, 0.7248085141181946, 0.14894938468933105, -0.47189849615097046, 0.012805523350834846, 0.9586058259010315, 0.06864654272794724, 0.5100798010826111, -0.12325015664100647, 0.24897277355194092, -0.026255307719111443, -0.600733757019043, 0.6744046211242676, 0.04985414445400238, 1.1016534566879272, 0.896189272403717, -0.1623666137456894, 0.9342972636222839, -1.5445846319198608, 0.38362807035446167, -0.23340827226638794, -0.9358542561531067, -0.24927900731563568, 0.2135692685842514, 0.7464100122451782, -0.5517100095748901, 0.4451448917388916, 0.09248791635036469, 0.15673597157001495, -0.6834099888801575, -1.4481866359710693, -0.6071935892105103, -0.2292371392250061, -1.493104338645935, -0.3527182936668396, -0.25756603479385376, -0.6911818385124207, -0.37868374586105347, 0.15647326409816742, 0.08919260650873184, 0.3362179696559906, 0.2720467448234558, 2.0770392417907715, -0.24564692378044128, 0.30078649520874023, -1.240622639656067, 0.7781495451927185, -0.01107512041926384, 1.1228771209716797, -1.111219048500061, -0.12812364101409912, -1.4831560850143433, 0.23380699753761292, -0.4001690149307251, -0.011531360447406769, 0.13697785139083862, -0.7171352505683899, 0.5331688523292542, 0.04421798884868622, -0.47285008430480957, 1.0430282354354858, -0.5338355898857117, -0.028591230511665344, -0.9692531824111938, 1.2908194065093994, 0.006176559254527092, -0.9023100137710571, 0.39531511068344116, 0.3818216919898987, 0.09749747812747955, 0.9857531785964966, -0.3926311433315277, 1.5032100677490234, 0.3211938142776489, 0.30802372097969055, 0.6287683248519897, -0.4402594268321991, -2.3667755126953125, 0.06837872415781021, 1.8031878471374512, -0.9053840041160583, -0.5961551070213318, -0.8814244866371155, 0.4063653349876404, 0.1210896223783493, -0.5149630308151245, 0.44347819685935974, -0.8169318437576294, 0.500939130783081, -0.17202264070510864, 0.7171446084976196, 1.096529483795166, 0.16340020298957825, 0.8246743679046631, 0.7710179090499878, 0.2928716242313385, -0.8090820908546448, -0.46580904722213745, 1.2136385440826416, -0.2589675486087799, 0.08211078494787216, 0.09281662851572037, 1.1597388982772827, 1.0760488510131836, -0.15799370408058167, 0.4083799123764038, 1.518495798110962, 0.9236648082733154, 0.41747355461120605, 0.5606586933135986, -0.9963212013244629, -0.02232765592634678, 0.24401511251926422, 0.9017856121063232, 0.4071784019470215, -0.4029949903488159, -1.1198490858078003, 0.04287170246243477, -0.489327609539032, -0.7786285877227783, 1.0349946022033691, 0.1938888132572174, 2.332052707672119, 0.49156826734542847, 0.7459937334060669, -0.4649507701396942, -0.4793987572193146, 0.38863590359687805, 0.2902253270149231, 0.4062660336494446, -0.7484112977981567, -0.6698405742645264, 1.2716848850250244, -0.4302922487258911, -0.4484027326107025, -0.49339717626571655, 0.9248863458633423, -0.4813229739665985, -0.1865071803331375, 0.7850778698921204, 0.8422855138778687, 1.0492401123046875, 2.1376852989196777, -0.7017176747322083, -0.22268667817115784, 0.06787093728780746, 0.10108273476362228, 0.679671585559845, 0.3738749921321869, -1.3933742046356201, -0.22487744688987732, 0.10106422007083893, 0.5296332836151123, -0.4553931951522827, 0.9916573166847229, 1.1661357879638672, -0.4301244914531708, -0.32243162393569946, -0.5383076071739197, -0.7237839102745056, -0.29419073462486267, 0.1745271384716034, 0.15976634621620178, -0.2563609778881073, 0.8099175691604614, 0.05909666419029236, -1.3256773948669434, 0.6350282430648804, -0.18805992603302002, -0.8860996961593628, 0.12168121337890625, 1.2154982089996338, -1.4308642148971558, -0.7167644500732422, -0.08221672475337982, -1.0926337242126465, -0.38949334621429443, -0.022880008444190025, -0.44530606269836426, 0.5131176114082336, 0.3337482213973999, 0.37743237614631653, -0.15873999893665314, 0.16306325793266296, -1.4830172061920166, 0.5694100856781006, 0.7921773791313171, -0.3860796093940735, 1.2175095081329346, -0.03845542296767235, 0.03031906485557556, 0.31047528982162476, -1.4127171039581299, -0.10433000326156616, 0.16437679529190063, -0.190323606133461, -0.2356533706188202, -0.43792805075645447, -0.2681479752063751, -0.0344783253967762, 0.11564652621746063, 0.25790315866470337, -0.9942383170127869, 0.12300603091716766, -0.9412179589271545, 0.3552006483078003, 0.22408321499824524, -0.7017819285392761, -0.6847397089004517, 0.3707810938358307, -0.9864407181739807, 0.309549480676651, 0.2345142662525177, 0.3661276400089264, 1.2524054050445557, 0.7860130667686462, -0.4029689431190491, -0.08957076817750931, -10.70093822479248, 0.08798570185899734, 0.2368769347667694, -0.4367833733558655, 0.37240126729011536, 0.12288077920675278, 0.444385290145874, -0.34215912222862244, 0.5302370190620422, -0.3543758988380432, 0.26851096749305725, 0.9366967678070068, -0.26859843730926514, -0.40087783336639404, -0.4828018248081207, -1.052993655204773, -0.5644386410713196, -0.27385085821151733, 0.8964906930923462, -0.6726706027984619, 0.48451852798461914, -1.3097554445266724, 0.4898748993873596, 0.6280763745307922, 0.110333152115345, -0.06798694282770157, -0.13579757511615753, 0.19715535640716553, -1.3125348091125488, -0.17385534942150116, 0.8470079302787781, -0.8111463189125061, -0.19461196660995483, -0.6861287355422974, 1.3092793226242065, -0.31236299872398376, -1.4760116338729858, 0.2931904196739197, 0.3503635823726654, -0.5976513028144836, 0.2902376651763916, -0.1709272265434265, 0.03650978207588196, -0.7307320237159729, -0.7475296258926392, -0.08562520146369934, 1.000189185142517, -0.5633835196495056, 1.0335040092468262, -0.10850853472948074, -0.8786631226539612, -0.5740007758140564, -1.365632176399231, -0.9845530986785889, 0.70485520362854, 0.9038352966308594, -1.025647521018982, 0.31858375668525696, 0.4043877124786377, -0.7922070026397705, 0.6810879111289978, 0.27345678210258484, 0.3134663999080658, -0.40330180525779724, 0.8071573972702026, -0.41023242473602295, 0.15044617652893066, 0.0404549203813076, 0.5915834307670593, 0.46453845500946045, -1.3513951301574707, 0.6919611096382141, 0.5212888121604919, -0.08027580380439758, -0.34855031967163086, 0.15343675017356873, -0.25960996747016907, -0.9132458567619324, 0.857239305973053, 0.6521724462509155, -0.5881109237670898, 0.6506497263908386, -0.1696486473083496, -0.407321959733963, -0.5841764807701111, -0.11377038061618805, 0.4490838646888733, -0.5320948362350464, 1.4266856908798218, -0.4838036000728607, 1.2346794605255127, -0.27474331855773926, -0.19470003247261047, 0.4666301906108856, -0.22116097807884216, 1.322584629058838, -0.8861321806907654, 0.6484576463699341, 0.5799031257629395, -0.967974066734314, 0.18477554619312286, -0.0043584443628787994, -0.9396998882293701, -0.4426308870315552, 0.9713523983955383, -0.10057294368743896, -0.6117215156555176, 0.44974592328071594, 0.3237813413143158, -0.006994600407779217, 0.9238916039466858, 0.9447842836380005, -0.45706552267074585, 1.0987192392349243, -0.02083529531955719, 1.3139574527740479, 1.2012782096862793, 0.14063671231269836, 0.265116810798645, 1.3017730712890625, -0.794646680355072, 0.6544886231422424, 0.3104008436203003, 0.7743891477584839, 0.5012112259864807, 0.13939230144023895, -0.42387285828590393, 0.9864181280136108, -0.32851460576057434, -0.8409854769706726, -0.5170369148254395, -0.30158936977386475, 0.32929039001464844, -0.913297176361084, -0.45139795541763306, 0.40704140067100525, -0.33349084854125977, 1.6031440496444702, -0.7161067128181458, 0.02521061897277832, 0.10821755230426788, -0.45298904180526733, -0.2924473285675049, -0.2682422399520874, -1.0832897424697876, 0.009593799710273743, -1.6646751165390015, 0.31876620650291443, -0.6490829586982727, -0.2005249708890915, -0.13183051347732544, -0.3325796127319336, 0.5876755714416504, -0.5708276033401489, -0.9919877648353577, -0.3332864046096802, 0.9112175703048706, -0.1380804181098938, -0.6194129586219788, -0.08691495656967163, 0.31058746576309204, 1.1832278966903687, -0.805758535861969, 1.013078212738037, -0.5304445028305054, 0.3656364679336548, -0.8681430220603943, -0.06870122253894806, -0.7500102519989014, 0.552666425704956, 1.541822910308838, -1.468976616859436, -0.44235584139823914, -0.9660717248916626, -0.19253607094287872, -0.48846495151519775, 0.4086697995662689, 1.3157044649124146, -1.3917747735977173, 0.15943437814712524, -0.4485430419445038, 0.21104761958122253, 0.8985896706581116, 0.1748620569705963, -0.23624268174171448, 0.4395740032196045, -0.5303775072097778, 0.6941736936569214, 0.045557618141174316, 0.46951979398727417, -1.6632031202316284, -1.2167222499847412, -0.8822965025901794, -1.0651911497116089, 0.9123639464378357, -0.06584431231021881, 0.9553658962249756, 0.5932489037513733, -0.17024019360542297, -0.5236778259277344, 0.03288848698139191, 1.4230178594589233, 0.6553038954734802, 0.6483660340309143, 0.2580476701259613, -0.3358582556247711, -0.6968890428543091, 0.20628249645233154, -0.1298963874578476, 0.19461758434772491, -1.0015497207641602, 0.38236361742019653, 0.6139582991600037, 0.35589107871055603, -0.13604991137981415, -1.5262993574142456, 0.18167704343795776, -0.3172100782394409, -0.29980143904685974, -1.0753518342971802, -0.07182232290506363, 0.39332491159439087, -1.2257646322250366, 1.318882942199707, 0.4316692054271698, 0.6088824272155762, 0.3236531615257263, -0.053385406732559204, 1.5204205513000488, -0.5612647533416748, -0.5879391431808472, 0.41189566254615784, -0.2097550630569458, 0.3513559103012085, 0.23404979705810547, -0.14111916720867157, -0.8505018353462219, 0.5497176647186279, -1.22772216796875, 0.3679114878177643, 0.11744599789381027, 0.3379194140434265, 0.5293625593185425, 1.3873449563980103, 0.7108926773071289, -1.8066778182983398, -0.5290043354034424, -0.9185241460800171, -0.03492153063416481, 1.8231573104858398, 0.1570558100938797, -0.1595272719860077, 0.5725943446159363, -1.1287808418273926, 0.9293274879455566, -0.9991122484207153, -0.45722705125808716, 0.2704612910747528, 0.21381238102912903, 0.8522025942802429, 0.6480202674865723, -0.02114507369697094, 0.5308722257614136, 0.12864884734153748, 0.004287734627723694, -0.038605332374572754, -0.6843703389167786, 0.21394915878772736, 1.2942472696304321, -0.12222956120967865, -1.010751724243164, -0.6652265191078186, -0.08539967238903046, -0.6045829653739929, 0.9365606904029846, 0.0643153265118599, -0.6849254965782166, -1.8226734399795532, -0.9375196695327759, -0.8399895429611206, 0.31436043977737427, 0.010685991495847702, -0.4342191219329834, -0.40284955501556396, 0.2718842625617981, 0.9509121179580688, 0.3435737192630768, -0.7833238244056702, -0.1629895716905594, -0.45422711968421936, -0.09409161657094955, 0.3048119843006134, -0.581813395023346, -0.2992231249809265, -0.10232202708721161, -0.5700165033340454, 1.097353219985962, 0.754988431930542, -1.0517215728759766, -0.12411800026893616, 0.40438225865364075, 0.7317249774932861, -0.3488815426826477, 1.1338865756988525, -0.336748868227005, -1.4059302806854248, 1.0975284576416016, 0.46818873286247253, 0.1452142298221588, -0.011433265171945095, 0.4072364866733551, 1.1542977094650269, 0.2388378083705902, 1.334481954574585]} +{"paper_id": "conll2003", "embedding": [-1.1289132833480835, 0.6085688471794128, 0.16707739233970642, -0.13551738858222961, 0.3396124541759491, -0.18066374957561493, 0.3219236135482788, 0.5743194818496704, 0.7833554148674011, 1.3240349292755127, 0.527722179889679, -0.2818988263607025, 0.256748765707016, -0.3136320114135742, -0.49398723244667053, -0.3741002678871155, -0.5674310326576233, -0.8579277396202087, -0.5126280784606934, -0.45656079053878784, -1.1692914962768555, -0.3036901354789734, -0.051711902022361755, 0.31757548451423645, -0.8258383870124817, -0.02258467860519886, 0.3383137285709381, -0.7659699320793152, 0.09636466205120087, 0.5186920762062073, -0.4279497265815735, 1.4855458736419678, -0.8248415589332581, 0.10949667543172836, -0.11790383607149124, 0.1557459980249405, 0.2652350962162018, 0.3949395716190338, -1.0725884437561035, 0.02039908990263939, -0.6349929571151733, -0.38669639825820923, 0.772022545337677, 0.24257396161556244, 1.2435942888259888, -0.08383531868457794, -0.08738614618778229, 0.4179871678352356, 0.16127075254917145, -0.0317600816488266, -0.5631188154220581, 0.3626727759838104, 0.3873281180858612, 0.6767793893814087, -0.10954505950212479, 0.8394391536712646, 0.6077404618263245, -1.0145124197006226, 0.2363441288471222, -1.0900871753692627, 0.3554860055446625, 0.9288161993026733, -0.3267892599105835, 0.2491769641637802, 0.7579330801963806, 0.1674370914697647, 0.8236801624298096, -0.029137995094060898, 0.7565838098526001, 0.5582345724105835, 0.04410408437252045, -1.2664175033569336, 0.7217761278152466, -0.08001617342233658, 1.0010898113250732, 0.8004943132400513, 0.32872921228408813, -0.121817946434021, 0.16657668352127075, -0.2831178307533264, -0.3762270510196686, 0.7637450098991394, 0.46880462765693665, -0.14497283101081848, -0.20508214831352234, -0.1397821605205536, 0.5701889991760254, -0.707222044467926, 0.6699158549308777, -1.3627420663833618, -0.22632895410060883, 0.0475788488984108, -0.2838028371334076, 0.097562775015831, 0.054943107068538666, 0.21695318818092346, -0.08446177840232849, -0.3710275888442993, -0.4922907054424286, 0.2525891661643982, 0.6679601073265076, -0.24659854173660278, -0.3479948341846466, -0.15462729334831238, 0.022498589009046555, 1.1553668975830078, -1.1073338985443115, -0.20244303345680237, -0.7941815257072449, -0.15273836255073547, -0.04904937744140625, 1.3956581354141235, 0.48768532276153564, 0.250505656003952, 0.1464061588048935, 0.1527976393699646, 0.5501452684402466, -0.5725342035293579, -0.6044290661811829, 0.42036813497543335, -0.3340819776058197, -0.9650431871414185, -0.32587069272994995, 0.07578614354133606, 1.04472815990448, -0.2851793169975281, 0.6629377603530884, -0.17236223816871643, 0.5313777923583984, -0.4873361885547638, 0.2916451096534729, 0.28535372018814087, -0.23808744549751282, -0.3781262934207916, 2.552248477935791, -0.9130049347877502, 1.1107629537582397, -0.4865759611129761, 0.07851272076368332, 0.23577909171581268, 0.03135434538125992, 0.6274117827415466, 0.43816620111465454, -0.20534445345401764, -0.4037167429924011, -0.03096342645585537, -0.339377224445343, 0.48399975895881653, -0.7977986931800842, -0.5310466289520264, 0.11383773386478424, 0.5481254458427429, -1.329079031944275, -0.3551640212535858, 0.12426364421844482, 0.9047361612319946, 0.165146142244339, 0.42131003737449646, -0.5106658935546875, 0.8848757147789001, 0.9522976875305176, 0.15580762922763824, -0.5343729257583618, 0.4017629027366638, -0.8484192490577698, -0.017272789031267166, 1.203150987625122, -0.1526552438735962, -1.0204591751098633, 0.2365749180316925, 0.6360422372817993, -0.2805545926094055, 0.11370465159416199, -0.20078730583190918, -0.13893269002437592, -0.29844093322753906, 1.1208288669586182, 0.21584491431713104, -0.053071022033691406, -0.6686358451843262, 0.09492593258619308, -0.10690099000930786, -0.43722572922706604, 1.0301759243011475, 0.17721210420131683, 0.5026881098747253, -1.384958028793335, -0.0778302401304245, 0.2997192144393921, 0.11465835571289062, -0.35191574692726135, -0.8089507818222046, -0.16362258791923523, 0.3137074112892151, 0.3695719242095947, 0.07437679171562195, 0.591635525226593, -1.6016699075698853, -0.7095449566841125, 0.34190285205841064, 0.07070551812648773, -0.028497880324721336, 0.05053355544805527, 1.3225587606430054, 0.42234286665916443, -0.3447689414024353, -0.721883237361908, -1.5529471635818481, 0.18895667791366577, 2.1854777336120605, -0.2977045774459839, -0.9064541459083557, -1.332129955291748, -0.27673497796058655, 0.2794703543186188, -0.865443229675293, 0.24301454424858093, -0.6533194780349731, 0.5485591888427734, -1.4691874980926514, 0.19996853172779083, -0.16817250847816467, -0.06593527644872665, 0.17740197479724884, 0.7536945939064026, -0.4200706481933594, -0.5397051572799683, -0.45950478315353394, -0.6198636889457703, 0.2804747521877289, 0.5394156575202942, 0.4606125056743622, -0.1194991022348404, 0.7707929611206055, 0.4066702127456665, 0.2934301495552063, -0.5374301075935364, 0.46083664894104004, -0.610615611076355, 0.3268154561519623, -0.10932508111000061, 0.5520709156990051, -0.3150651454925537, -0.49066245555877686, 0.5902494788169861, 0.4773344397544861, -0.320135235786438, -0.398017942905426, 0.1365404725074768, 0.45676735043525696, 1.1896721124649048, 1.2770047187805176, -0.7230252027511597, 0.8536794781684875, -1.290384292602539, 0.6127393245697021, -0.6385846734046936, -0.46728965640068054, -0.41258126497268677, -0.24957050383090973, 0.9814491271972656, -0.043629154562950134, -0.049980517476797104, -0.19144704937934875, -0.20876935124397278, -1.0544999837875366, -0.04129870980978012, 0.19035732746124268, -0.6023644804954529, -0.9060750007629395, -0.10407455265522003, -0.04702724516391754, -0.7473207116127014, -0.9977548718452454, -0.33766794204711914, 0.5840520262718201, 0.04751519858837128, 0.6269254684448242, 1.4855151176452637, -0.2863161563873291, 0.2682870030403137, 0.042431190609931946, 0.6378369331359863, -1.0825167894363403, 1.0513654947280884, 0.4906640946865082, 0.265902042388916, -0.82465660572052, -0.16094525158405304, 0.016795922070741653, 0.36864766478538513, 0.2462700605392456, 0.0394701212644577, 0.20141339302062988, -0.11354577541351318, -1.0492826700210571, 1.5872695446014404, -0.5857860445976257, -0.18804779648780823, -0.9857501983642578, 1.905683159828186, 0.46923863887786865, 0.5490527749061584, 0.7488142848014832, 0.39602339267730713, 0.15436922013759613, 1.2286477088928223, -0.2588497996330261, 0.32255303859710693, -0.20122230052947998, -0.4137257933616638, -0.2085077315568924, 0.6653250455856323, -2.652451753616333, -0.11226090788841248, 0.06733487546443939, -0.043028414249420166, 0.35499751567840576, 0.09727628529071808, 0.6775005459785461, -0.42167606949806213, -0.6160187721252441, 0.3840961158275604, -0.42394691705703735, 0.4201018810272217, -0.8516355156898499, -0.48688608407974243, 0.4734154939651489, -0.11294513940811157, 0.2225034087896347, 0.08528594672679901, 0.4236035943031311, -0.9734872579574585, 0.019479990005493164, 1.2587573528289795, -0.32346659898757935, 0.4368167221546173, 0.6758105754852295, 0.4308260977268219, 1.0115586519241333, -1.533336877822876, 0.002002997323870659, 0.40517282485961914, 0.36660632491111755, 0.11324978619813919, -0.11500336974859238, 0.450575053691864, 0.6994715332984924, -0.3026171922683716, 1.0723129510879517, 0.5622339844703674, -0.8060160875320435, -1.0584098100662231, -0.5910786390304565, -0.8522681593894958, -0.09139204025268555, 1.6778035163879395, 0.7103687524795532, 1.489877462387085, 0.32311078906059265, 0.5102646946907043, -0.6734468936920166, -0.18826676905155182, 1.503799557685852, 0.1830458790063858, 0.0028785094618797302, -0.16744907200336456, 0.6519489288330078, 0.12590663135051727, -0.3043804168701172, -0.2637707591056824, -0.19625510275363922, 0.6705620884895325, 0.24065442383289337, -1.0730282068252563, -0.08825010061264038, 0.2772923409938812, 0.4906887412071228, 1.5541237592697144, -0.7048100829124451, -0.7216882705688477, -0.16448241472244263, 0.45763880014419556, 0.5844195485115051, 0.505548894405365, -0.7331717014312744, -0.20651069283485413, 0.014155499637126923, 0.24247893691062927, -0.2398364096879959, 0.530909538269043, 0.9134990572929382, -0.25787854194641113, -1.1070467233657837, 0.1252371370792389, -1.509402871131897, -0.07706214487552643, 0.12236525863409042, -0.5352758765220642, -0.39291146397590637, -0.012899056077003479, -0.4171123504638672, -0.6007992029190063, 0.4996583163738251, -1.0197330713272095, -1.384156346321106, 1.171552300453186, 1.3575135469436646, -0.8104643821716309, -0.8447253704071045, -0.22609829902648926, -0.2723751962184906, -0.5101318359375, 0.08191392570734024, -1.2442888021469116, 0.03507767245173454, 0.08952552080154419, 0.6742882132530212, 0.3295799493789673, -0.174598827958107, -0.5584792494773865, 0.6740615963935852, 0.8294380903244019, -0.140106663107872, 0.3540632128715515, -0.20276600122451782, 0.23422180116176605, -0.21026277542114258, -1.480157732963562, -0.9144124388694763, 0.7289002537727356, -0.4539264738559723, -0.24287304282188416, -0.8315620422363281, -0.5691305994987488, 0.21319380402565002, -0.09099650382995605, 0.501662015914917, -0.9218989014625549, 1.2397276163101196, -0.8946696519851685, 0.48226985335350037, 0.1312287449836731, -0.5056759715080261, -1.3304792642593384, 1.2629554271697998, -0.32190945744514465, -0.1471024453639984, -0.5286356806755066, 1.0624419450759888, 0.9254018664360046, 0.5671352744102478, 0.07161670178174973, -0.1865805685520172, -12.9853515625, 0.2013133019208908, -0.1848091185092926, 0.3445349931716919, 0.6209062337875366, -0.2946757972240448, 0.7431455850601196, 0.681708812713623, 0.26857826113700867, -0.19589625298976898, 0.38680171966552734, 1.087616205215454, -0.06090070307254791, 0.09458274394273758, -0.19217762351036072, -0.5922685265541077, -0.3299620449542999, -0.5525546669960022, 0.2027125209569931, 0.19796764850616455, -0.4669056832790375, -1.0492725372314453, -0.15737757086753845, 0.2587454617023468, 0.3706151247024536, -0.09714643657207489, 0.33390915393829346, 0.1876593381166458, -0.7291813492774963, -0.10337944328784943, 0.4773123264312744, -0.5592003464698792, -0.7841333150863647, -0.07221669703722, -0.10641157627105713, 0.4051770865917206, -0.9243524670600891, -0.11677539348602295, 1.1146361827850342, 0.18631497025489807, -0.3242727518081665, 0.28405511379241943, 0.40828707814216614, -0.09374918788671494, -0.3210928440093994, -0.0737721398472786, 0.3761749267578125, -1.0153963565826416, 0.08911124616861343, -0.35694849491119385, -0.3011597692966461, -0.07374022901058197, -0.9908801913261414, -0.25127914547920227, 0.81758052110672, -0.41220560669898987, -0.36980584263801575, 0.1775963306427002, -0.6701411008834839, -0.9092006683349609, 1.5499919652938843, 0.2614564895629883, -0.49178892374038696, 0.40485236048698425, 0.5761350393295288, -0.5258882641792297, 0.17231836915016174, 0.3701206147670746, -0.41969773173332214, 0.3724108636379242, -0.6952440738677979, 0.48558509349823, 0.862156331539154, 0.2833310663700104, -0.0032484829425811768, -0.3197491466999054, -0.25312983989715576, 0.043345242738723755, 0.053044915199279785, 0.2127896249294281, -0.8108180165290833, 1.0281013250350952, -0.0846085473895073, 0.4187083840370178, -0.6205119490623474, 0.018734414130449295, -0.31097766757011414, -0.5161130428314209, 0.002306036651134491, 0.020866140723228455, 1.1316083669662476, -0.17527684569358826, -0.7853272557258606, -0.2533000111579895, -0.6911757588386536, 0.835929274559021, -0.6359344124794006, 1.0328447818756104, 0.3902258276939392, -0.22336071729660034, -0.05385143309831619, -0.49811485409736633, -0.6395783424377441, 0.20386169850826263, 0.9096089005470276, -0.33371034264564514, 0.09926271438598633, 0.03909504413604736, 0.7258337736129761, -0.01938028261065483, 0.9673559069633484, -0.21435146033763885, -0.07581686228513718, 1.021629810333252, 0.11666011810302734, 0.8046280741691589, 0.5222588777542114, 0.35661137104034424, 1.2213521003723145, 0.9363976120948792, 0.6937508583068848, 0.4757387638092041, -0.0876154825091362, 1.2364574670791626, -0.12011004984378815, -0.2778445780277252, 0.6339235305786133, 0.7750487327575684, 0.7286896109580994, -1.2465167045593262, -0.3197699189186096, 0.05669094994664192, 0.04099367558956146, -0.5636769533157349, -0.6128601431846619, -0.7152146697044373, -0.6430169343948364, 1.5569372177124023, -0.18723337352275848, 0.5135129690170288, -0.29874664545059204, -0.9136885404586792, -0.2515034079551697, 0.11033216118812561, -0.2977125346660614, -0.031360819935798645, -1.2696388959884644, -0.049478281289339066, -0.2539694309234619, -0.7328948378562927, 0.5498763918876648, -0.18856605887413025, 0.881430447101593, -0.7783498167991638, 0.3389657139778137, 0.13247406482696533, 0.2365407794713974, -0.3624042868614197, -0.5733177661895752, -0.3898240029811859, 0.06059826537966728, 0.4681938588619232, -0.7640193700790405, 0.9091153740882874, 0.5768330097198486, -0.11191119253635406, -0.7678816318511963, -0.3566650152206421, -0.3337266147136688, 0.015077926218509674, 0.9719241261482239, -1.2314121723175049, 0.08979389816522598, -0.42149657011032104, -0.1830272674560547, -1.1650171279907227, -0.08862733840942383, 0.6678764820098877, -0.5489315986633301, 0.4636819362640381, 0.13263024389743805, 0.7156767845153809, 0.47908520698547363, 0.01591789722442627, -0.9020823240280151, -0.6118515729904175, 0.292258620262146, 1.2217464447021484, -0.1019275113940239, 0.3090669512748718, -0.8226618766784668, -0.4618821144104004, -0.6395629644393921, 0.17210032045841217, 0.4189145863056183, 0.10263371467590332, 0.4796149730682373, 0.7109701037406921, 0.022442162036895752, 0.30909326672554016, 0.35760730504989624, 0.8628993630409241, 0.3364168405532837, 0.31982964277267456, -0.514373779296875, -0.18347905576229095, -0.6376371383666992, 0.14607343077659607, 0.42285606265068054, 0.9366264343261719, -0.7832365036010742, -0.563072919845581, 0.718210756778717, -0.3413955569267273, 0.19181205332279205, -0.9137531518936157, 0.08164055645465851, -0.09454526752233505, -0.24760274589061737, -0.9685081243515015, -0.28116652369499207, 0.299387127161026, -0.8825764656066895, 0.6613332033157349, -0.2241380661725998, 0.4836178421974182, 0.43962883949279785, 0.13336043059825897, 1.2044620513916016, -0.40180379152297974, -0.006312333978712559, 0.42700430750846863, -0.7514970302581787, -0.487116277217865, -0.5470635890960693, 0.861879825592041, -0.7436431646347046, 0.1913575828075409, -0.7379595637321472, 0.1895531713962555, -0.18253552913665771, -0.11777643859386444, 0.18054306507110596, 0.599837601184845, -0.16450822353363037, -1.0295966863632202, -0.7381513714790344, -0.41821202635765076, -0.017425233498215675, -0.129459410905838, 0.24678611755371094, 0.8508387804031372, 0.8811406493186951, 0.12013325095176697, 0.9710520505905151, 0.03614091873168945, -0.21264015138149261, 0.2776830494403839, 0.05415225401520729, 0.9725846648216248, 0.6933232545852661, -0.08425645530223846, 0.005133762955665588, 0.044568151235580444, -1.1616359949111938, -0.3751958906650543, -0.3849756717681885, 0.4185549020767212, 1.0990664958953857, -0.6174295544624329, -0.005010329186916351, -0.6036012768745422, 0.46563711762428284, -0.5147197246551514, 0.20054462552070618, 0.42787694931030273, -0.29758909344673157, -0.49126678705215454, -0.38193443417549133, 0.05146452412009239, 1.006879448890686, -0.30883416533470154, -0.5647724270820618, -1.0997469425201416, -0.17271126806735992, -0.595475971698761, -0.5039432048797607, -0.2861717641353607, 0.5628488063812256, -0.045658789575099945, 0.4645596146583557, 0.36916184425354004, -0.5780206322669983, -0.6157106161117554, 0.5490068793296814, -0.5744220018386841, 0.45931246876716614, 0.07439295947551727, -0.7343137860298157, -0.32528653740882874, 0.562046229839325, -0.6599599123001099, 0.03957158699631691, 0.8149003386497498, -1.1261518001556396, -1.2793794870376587, 0.37813234329223633, 0.8076767325401306, 0.18052642047405243, -0.3257656395435333, 0.43192604184150696, 0.6677917242050171, 0.2520923614501953, 0.6514551043510437]} +{"paper_id": "kilt_tasks", "embedding": [-0.41104787588119507, 1.3541401624679565, 0.29989704489707947, 0.07775190472602844, 0.5295891761779785, -0.26055896282196045, 0.34251317381858826, 0.6019261479377747, 0.9812538027763367, 0.7433446645736694, 0.7378987669944763, 0.15140950679779053, 0.29477062821388245, 0.06618274748325348, -0.3981660306453705, 0.18237948417663574, -1.0191940069198608, -1.1005923748016357, -1.4749960899353027, -0.25838446617126465, -1.1251918077468872, -0.6598204970359802, 0.47197479009628296, 1.2369277477264404, -0.9165261387825012, -1.0106587409973145, 0.7064110636711121, -1.405857801437378, 0.09029914438724518, -0.13700342178344727, -0.6278181672096252, 1.8946458101272583, -1.0839447975158691, 0.6613256931304932, -0.1179119348526001, 0.12569265067577362, 0.6038354635238647, 1.4665980339050293, -0.12078484147787094, -0.06041758134961128, -0.6038832068443298, -0.06523700058460236, 0.1726495325565338, 0.0624859556555748, 1.4769233465194702, -0.8931769728660583, 0.3538602292537689, -0.20972765982151031, -0.11258988827466965, -0.32868316769599915, -0.7081061005592346, 0.35625869035720825, 0.029847202822566032, 0.5374761819839478, -0.37201452255249023, 1.2654904127120972, 0.3702022433280945, -0.7266443967819214, 0.8241904377937317, -0.245248481631279, 1.215975284576416, 1.369555950164795, -0.403100848197937, 0.21495197713375092, 1.0388370752334595, 0.26581478118896484, 1.5188871622085571, 0.18081940710544586, 0.5394625663757324, -0.05109903961420059, 0.08621887862682343, -1.249562382698059, 0.30719509720802307, -0.13840684294700623, 0.16723155975341797, 1.2779431343078613, 0.7972952723503113, -0.003182506188750267, -0.051148317754268646, -0.4368293285369873, -0.0064921192824840546, 0.8049158453941345, 0.8327834606170654, -0.45028847455978394, 0.05096013844013214, 0.7072341442108154, 0.40168118476867676, -0.7621421217918396, 0.5766776204109192, -1.9665470123291016, 0.8135417699813843, -0.030703306198120117, -0.2731649875640869, -0.28330516815185547, -0.18672290444374084, 0.11784491688013077, -0.542009174823761, -0.2910606265068054, -0.6026043891906738, 0.4365174174308777, 0.33298584818840027, 0.260869562625885, -0.13489319384098053, 0.02610865980386734, 0.0029555968940258026, 0.9429634809494019, -0.20490410923957825, -0.12029337137937546, -1.4260634183883667, -0.5127807855606079, 0.8566468358039856, 0.9981899857521057, 0.035110969096422195, 0.4841364026069641, -0.30532756447792053, -0.0577322393655777, 0.42398786544799805, -0.5387071371078491, 0.05853158235549927, 0.6000544428825378, -0.34405776858329773, -1.2094353437423706, -0.4275968372821808, 0.3149031400680542, 0.8579548001289368, -1.034737467765808, -0.22735530138015747, -0.3200418949127197, 0.0018901913426816463, -0.4240817129611969, 0.911057710647583, 0.1464899778366089, -1.0601974725723267, -0.24272911250591278, 2.8526806831359863, -1.1353157758712769, 1.6801677942276, -0.6470026969909668, -0.4114415645599365, -0.6146777868270874, -0.03897187113761902, 1.3451560735702515, 0.4240930676460266, -0.33507341146469116, -0.19007869064807892, 0.3414001762866974, -0.7794172167778015, 0.7201849818229675, -1.1607038974761963, -0.3933337926864624, 0.06014057248830795, -0.3068409264087677, -1.7707650661468506, -0.4537462294101715, -0.3486880660057068, 0.10942899435758591, -0.36312952637672424, 0.8172907829284668, 0.04893915727734566, 1.151115894317627, 0.42671939730644226, 0.16068241000175476, -0.27938181161880493, 0.5925835967063904, -0.8159214854240417, -0.1246732547879219, 0.8325620889663696, -0.5982310175895691, -0.8693450689315796, -0.19648505747318268, 0.7920693159103394, -0.23547524213790894, -0.4632982015609741, -0.4991367757320404, -0.47121676802635193, 0.45713862776756287, 0.9513290524482727, 1.0343822240829468, 0.13348375260829926, -0.06301134824752808, -0.3124319612979889, -0.40931591391563416, -0.19718584418296814, 0.6706546545028687, -0.76017165184021, 0.9019558429718018, -2.1904125213623047, -0.3829212784767151, -0.16060718894004822, 0.7966302037239075, -0.25071167945861816, 0.2897617220878601, 0.2631084620952606, -0.18547149002552032, 0.6205175518989563, -0.8348624110221863, 0.7325322031974792, -1.43323814868927, -0.1719696968793869, -0.16288548707962036, -0.07018651068210602, 0.4672086536884308, 0.18349020183086395, 0.9434782862663269, -0.11135667562484741, -0.6285715103149414, -0.3703509271144867, -2.4581780433654785, -0.1743583083152771, 2.27209734916687, -0.1560809314250946, -0.5680550932884216, -1.0331711769104004, -0.604915976524353, -0.48763591051101685, -0.4627998173236847, 0.03202441334724426, -0.2791748344898224, 0.20735996961593628, -0.9301803112030029, 0.5075731873512268, -0.6877968907356262, 0.6113802790641785, 0.27314260601997375, 1.1857041120529175, -0.27291691303253174, 0.033913664519786835, -0.7471761703491211, -1.2655706405639648, 0.5256983637809753, 0.8719408512115479, 0.06512919068336487, -0.28201282024383545, 1.0835072994232178, 0.3600950837135315, 0.6970801949501038, 0.540940523147583, 0.7714843153953552, -1.2269045114517212, 0.7950647473335266, -0.43573707342147827, 1.18666672706604, 0.3674663305282593, 0.005129624158143997, 0.3744480609893799, 0.3911804258823395, -0.5952023267745972, -0.6882171034812927, 0.26775938272476196, -0.2618885636329651, 1.2457813024520874, 0.49251624941825867, -0.6558464169502258, 1.2948018312454224, -1.2540916204452515, 0.07940725982189178, -0.6816518902778625, -0.7174140214920044, -0.27411356568336487, 0.012110374867916107, 1.0381320714950562, -0.3880981206893921, 0.30560821294784546, -0.3978195786476135, -0.1126922219991684, -1.8139864206314087, -0.16927437484264374, 0.27172401547431946, -0.4860169291496277, -1.3695582151412964, 0.48514389991760254, -0.5390275120735168, -1.29606294631958, -0.790006160736084, 0.4779279828071594, 0.013505032286047935, 0.1625036597251892, 1.1562706232070923, 1.7945178747177124, -0.4558638632297516, 0.28483229875564575, 0.06451822817325592, 1.2235642671585083, -1.0017379522323608, 1.2521154880523682, 0.3747806251049042, 0.27984654903411865, -1.279712200164795, 0.7336457967758179, 0.0806494951248169, 0.18693572282791138, 1.257117748260498, 0.19528809189796448, 0.1556725800037384, -0.4029439091682434, -0.13040703535079956, 1.1284980773925781, -0.36838656663894653, -0.2654493749141693, -0.7799021005630493, 1.9870429039001465, 0.10366299003362656, -0.9247403740882874, 0.7867105603218079, 0.2610622048377991, -0.6163244843482971, 1.0406235456466675, -0.08025570958852768, 0.43060076236724854, 0.21788276731967926, -0.07166299223899841, 0.44858312606811523, 0.7319037914276123, -1.8956204652786255, 0.7847397327423096, 0.28913164138793945, -0.44630903005599976, 0.09753338992595673, -0.589356541633606, 0.20672418177127838, -0.8080416917800903, -0.13208580017089844, 0.4644588828086853, 0.0747586041688919, 0.4701928198337555, -0.2260972261428833, 0.4007604122161865, 1.487717866897583, -0.22113387286663055, 0.6183919310569763, 1.1871669292449951, -0.45547395944595337, -0.7941461205482483, -0.7096775770187378, 1.0648326873779297, -0.21001416444778442, 0.6759483814239502, 0.1976824402809143, 0.5351393818855286, 1.2391165494918823, -0.4000644385814667, -0.09307953715324402, 0.6639390587806702, 1.0192457437515259, 0.3776928186416626, 0.16975034773349762, -0.6007335782051086, 0.039453357458114624, -0.5202596187591553, 1.0563759803771973, -0.28437453508377075, -0.8177816271781921, -1.8302056789398193, -0.07845185697078705, -0.6565114259719849, -0.3705615699291229, 2.568664789199829, -0.03255268186330795, 1.5374999046325684, -0.380893349647522, -0.13399316370487213, -0.7167136669158936, -0.22403310239315033, 0.6191523671150208, 0.4080254137516022, 0.3683035969734192, -1.1625709533691406, -0.03021542727947235, 0.8802586197853088, -0.07824543863534927, -0.2748585045337677, 0.2453182339668274, 0.8427723050117493, 0.1482962667942047, -0.8683521747589111, 0.3651179075241089, 0.6716917753219604, 0.3653099834918976, 0.7686700224876404, -0.7410501837730408, -0.33843839168548584, -0.1973990797996521, 0.21117836236953735, -0.31176939606666565, 0.828616201877594, -0.9742506742477417, 0.6626260280609131, 0.3424215316772461, -0.03827834501862526, 0.22033344209194183, 1.3634854555130005, 1.4749373197555542, -0.5123249292373657, -1.7756049633026123, -0.26251137256622314, -0.89408278465271, -0.1500028669834137, 0.6860828399658203, -0.029068458825349808, -0.6008033156394958, 0.6664010286331177, -0.2126322090625763, -0.8195489048957825, 0.8657798767089844, -1.2547402381896973, -1.8293579816818237, 0.8470081686973572, 0.7096472978591919, -0.7188873291015625, -0.6651262044906616, -0.004455283284187317, -1.0720561742782593, -0.888748824596405, -0.3087468445301056, -0.9869346022605896, 0.2290199100971222, 0.19748727977275848, 0.7169123888015747, -0.05584188550710678, -0.349376380443573, -0.5447222590446472, 0.6452873945236206, 0.9667425155639648, -0.5682437419891357, 0.8513785600662231, 0.333778440952301, 0.1742621511220932, -0.5865243673324585, -1.3064261674880981, -1.4552525281906128, 0.8187921643257141, -0.2824195325374603, 0.3348425328731537, -1.1781160831451416, -0.9702521562576294, 0.9438592791557312, -0.3030737340450287, 0.8630940914154053, -0.47907912731170654, -0.03697645291686058, -1.0038995742797852, -0.015185664407908916, 0.46286842226982117, -1.0027862787246704, -1.1611727476119995, 0.8474090695381165, -0.02416115254163742, 0.5793815851211548, -0.2654225826263428, 0.3349091112613678, 1.5208373069763184, -0.12130951881408691, -0.10487179458141327, -0.36907026171684265, -10.634038925170898, 0.4142901599407196, 0.09011627733707428, -0.1009351909160614, 0.3895062506198883, -0.7019503116607666, 1.2978427410125732, -0.34880927205085754, 0.7635568976402283, -0.9401878118515015, 0.7197568416595459, 1.078552007675171, 0.573306679725647, -0.10362419486045837, -0.6065478920936584, -1.703225016593933, -0.3046428859233856, -0.3925652503967285, 0.1467994749546051, -0.27783122658729553, -0.5937856435775757, -0.7734019160270691, -0.42652207612991333, 0.2851197421550751, 0.24530531466007233, 0.8302208185195923, -0.2237136960029602, -0.062438271939754486, -0.07662223279476166, -0.08743725717067719, 0.5012221932411194, -0.35595983266830444, -0.5065256953239441, -0.643619954586029, 0.05206599831581116, 0.2211119383573532, -0.7637672424316406, 0.31532448530197144, 0.8827652931213379, -0.36919358372688293, -0.7780095934867859, 0.8681553602218628, 0.6497237682342529, 0.03237196058034897, -0.7185729146003723, 0.4467901587486267, 0.981261134147644, -1.1945563554763794, 0.3687465190887451, -0.13318189978599548, -0.26035505533218384, -0.600477933883667, -1.4701160192489624, 0.09847348928451538, 0.3001779615879059, 0.3948701322078705, -0.4800173342227936, -0.14056268334388733, -0.6742511987686157, -1.109243392944336, 1.0616329908370972, 0.5516530275344849, 0.004928663372993469, 0.0598871074616909, 0.5354830622673035, -0.10320795327425003, 0.29876646399497986, 0.061645179986953735, -0.7625839114189148, 0.35047662258148193, -0.41103512048721313, 0.3740467131137848, 0.04509127885103226, 0.5641175508499146, -0.6451556086540222, 0.1205473393201828, -0.1834680587053299, 0.17289210855960846, -0.1265452802181244, -0.0928531289100647, -1.1431207656860352, 1.352219581604004, 0.30841073393821716, -0.46820297837257385, -0.3355010151863098, 0.08218345046043396, -0.6890758872032166, 0.19452513754367828, 0.7109318971633911, -0.6362464427947998, 1.2061984539031982, 0.15361344814300537, -0.292622447013855, 0.15474840998649597, -0.623873233795166, 0.5444650650024414, -0.3677166998386383, 0.5474544167518616, 0.47029438614845276, -0.7108843922615051, 0.5951583385467529, -0.6817319393157959, -0.484529584646225, -0.26263198256492615, 0.44030943512916565, 0.8315067887306213, 0.008220106363296509, -0.27606725692749023, 0.017981793731451035, -0.7106077671051025, 1.3695850372314453, 0.2700065076351166, -0.8560411334037781, 1.0467876195907593, -0.26586538553237915, 0.5190445780754089, 0.45668622851371765, 0.25186803936958313, 0.22841359674930573, 1.2790356874465942, 0.0224455613642931, 1.2905733585357666, -0.006148897111415863, 1.2339171171188354, -0.41855698823928833, -0.19530697166919708, 1.0086442232131958, 0.6700669527053833, 0.09625164419412613, -1.6216012239456177, -0.3043642044067383, -0.0016782991588115692, 0.09170197695493698, -0.9176621437072754, -0.6065597534179688, -0.3584767282009125, -0.693057119846344, 1.649280071258545, -0.5703135132789612, -0.053340837359428406, 0.38931530714035034, -1.1372523307800293, 0.4702850580215454, -1.1202486753463745, -0.7463783025741577, -0.10143811255693436, -0.931550145149231, -0.28730228543281555, -0.9055097103118896, -0.6039659976959229, 0.3135855495929718, -0.15255172550678253, 0.7489832639694214, -0.9424250721931458, -0.03582734987139702, -0.5876847505569458, 0.6003194451332092, -0.4632660448551178, -0.7833594679832458, -0.004324205219745636, -0.245523601770401, 1.0653715133666992, -0.5494723320007324, 0.8119716644287109, 0.4801376163959503, -0.7112929821014404, -0.19013673067092896, -0.08691481500864029, -1.049485683441162, 0.004559732973575592, 1.402559518814087, -0.6960679888725281, 0.09378999471664429, -0.7263789176940918, -0.03512759506702423, -1.150447130203247, 0.8966425061225891, 1.4918584823608398, -0.5595821738243103, -0.44773006439208984, 0.41948366165161133, 0.7741340398788452, 0.4755419194698334, 0.02013877034187317, -0.14467968046665192, -0.1515302211046219, -0.2153058648109436, 0.5716627240180969, 0.04127433896064758, 0.6399142742156982, -1.9120670557022095, -0.7635135650634766, -0.5406704545021057, -0.302979052066803, 0.469901442527771, -0.025416795164346695, 1.1722184419631958, 0.279257208108902, 0.11416950821876526, 0.5737025737762451, 0.37449151277542114, 1.0159212350845337, 0.05547091364860535, 0.8500111699104309, -0.3017716705799103, -0.2924503684043884, -0.733246386051178, 0.7490133047103882, 0.492563396692276, 0.5546914935112, -1.0986757278442383, -0.22311189770698547, 0.13073323667049408, -0.46302559971809387, 0.3601178824901581, -0.8361741304397583, 0.47455012798309326, -0.4469645321369171, -0.5640371441841125, -1.2568135261535645, 0.008243650197982788, 1.2612603902816772, -0.1605316400527954, 0.45679911971092224, 0.49227175116539, 0.8088178038597107, 0.7948757410049438, 0.523780345916748, 1.1199946403503418, -0.3705727159976959, -0.283506840467453, 0.47445112466812134, 0.09902875125408173, 0.0761738047003746, -0.5173864364624023, -0.85614413022995, -0.46405357122421265, 0.647754430770874, -0.46026116609573364, 0.6383092999458313, -0.05899585038423538, 0.444684773683548, 0.8786336183547974, 0.8148791193962097, -0.28604379296302795, -1.3645434379577637, -0.2706688642501831, -1.1987848281860352, 0.138400599360466, 0.7391153573989868, 0.26954200863838196, 0.24136477708816528, 0.7045613527297974, 0.774773895740509, 1.3289365768432617, -0.3942372798919678, -0.4772939682006836, -0.19383752346038818, -0.17840175330638885, 0.6021156907081604, 0.6714588403701782, 0.8406999707221985, -0.051280245184898376, 0.3372969329357147, -0.8596800565719604, -0.4947560429573059, -0.45451492071151733, 0.16124998033046722, 0.8530142307281494, -0.009827875532209873, -0.1652434915304184, -1.3935978412628174, 1.0609384775161743, -1.042239785194397, 0.8645322918891907, 0.008260441944003105, -0.6920474767684937, -0.603841245174408, -1.254516363143921, -0.38647398352622986, 1.0572521686553955, -0.5241608619689941, -0.0678618773818016, -0.3150442838668823, 0.7432554960250854, -0.15806317329406738, -0.17480185627937317, -0.9267943501472473, -0.022190455347299576, -0.1818629503250122, 0.29291707277297974, -0.21441641449928284, -0.7910144925117493, -0.24043267965316772, -0.25212839245796204, -0.7349829077720642, 0.1300579160451889, 0.4901049733161926, -0.7312772274017334, -0.8542004227638245, 0.08655902743339539, -0.36151784658432007, 0.4137602150440216, 0.8944012522697449, -0.253245085477829, -1.8371208906173706, 0.36595097184181213, 0.809297502040863, 0.0062875766307115555, -0.7435628175735474, 0.30005621910095215, 0.4069035053253174, 0.019795875996351242, 0.7115656137466431]} +{"paper_id": "adversarial_qa", "embedding": [-0.16301538050174713, 1.1905958652496338, 0.21893009543418884, -0.3041097819805145, 0.004869714379310608, 0.14189034700393677, 0.3941037654876709, 0.8277473449707031, 0.8143503069877625, 0.33176136016845703, 0.3771064281463623, -0.8440531492233276, -0.01106351986527443, 0.053786635398864746, -0.2651381194591522, -0.318102091550827, -0.7250357866287231, 0.121578648686409, -1.742096185684204, -0.829118549823761, -0.7765432596206665, -0.9799800515174866, -0.014367058873176575, 1.6669055223464966, -0.9990794658660889, -1.1869479417800903, 0.6374444365501404, -0.7513835430145264, -0.2933400869369507, -0.10899210721254349, 0.11487049609422684, 0.8468566536903381, -1.8107627630233765, 0.974389374256134, 0.37398284673690796, -0.7791788578033447, 0.5797775387763977, 0.2651209235191345, 0.46681079268455505, -0.9617210626602173, -0.7074407339096069, 0.04462993144989014, -0.050955209881067276, 0.1871803253889084, 0.3448110818862915, -0.9232289791107178, 0.9530624747276306, -0.33907637000083923, -0.28985151648521423, -0.5735028982162476, -0.9774007797241211, -0.10860686749219894, -0.5909966230392456, -0.11686903238296509, -0.28156140446662903, 0.924255907535553, -0.2616235017776489, -0.2725842297077179, 0.43071794509887695, 0.13284209370613098, 1.5062203407287598, 1.7636630535125732, -0.06866232305765152, -0.09907728433609009, 1.7462340593338013, 0.453271746635437, 1.3243764638900757, -0.07611400634050369, -0.6437054872512817, 0.6701615452766418, -0.7781004309654236, -0.3627236783504486, -0.27311694622039795, -1.0315687656402588, 0.5216759443283081, 0.9226034879684448, 0.14441616833209991, 0.3798677623271942, 0.18663281202316284, -0.6106464266777039, -0.16083160042762756, 0.321105420589447, 0.7630630135536194, 0.08724834769964218, -0.10010130703449249, -0.019519954919815063, 0.6099541187286377, -1.0947561264038086, 0.041592542082071304, -2.0217607021331787, 1.2293485403060913, 0.40047529339790344, 0.7569671273231506, 0.21839869022369385, -0.2516222596168518, 0.6369235515594482, -0.433621883392334, -0.7033721804618835, 0.06560279428958893, -0.2363748848438263, 0.9577359557151794, 0.1041959896683693, 1.0719629526138306, -0.7004160284996033, 0.30435967445373535, -0.4233149588108063, 0.508114755153656, 0.10050888359546661, -0.5144139528274536, -1.1155027151107788, 0.3293810188770294, 0.6263951659202576, -0.254565954208374, 0.7950038313865662, -0.2245946228504181, 0.6339576840400696, 0.543361246585846, -0.9546866416931152, -0.5791060328483582, 0.19647297263145447, 0.40502026677131653, -0.440605103969574, -1.0435131788253784, -0.7650352716445923, 0.834218442440033, -0.6412250399589539, -0.15997518599033356, -0.9861488938331604, -0.4784137010574341, 0.0905739963054657, 0.6335713863372803, 0.43877434730529785, -1.0295313596725464, -0.224118173122406, 3.2746033668518066, -1.1423248052597046, 1.0816391706466675, -0.36053362488746643, -0.19204989075660706, -1.0902312994003296, -0.8366701006889343, 1.830451250076294, 0.17930644750595093, -0.9588927030563354, -0.4712809920310974, 0.3823715150356293, -0.21950262784957886, 0.17501576244831085, -0.7049204111099243, -0.46180564165115356, 0.40347594022750854, 0.17765364050865173, -1.2578392028808594, -0.5234662294387817, 0.0020209886133670807, -0.2413870394229889, -0.4743594527244568, 0.39202484488487244, -0.22487086057662964, 0.9555345177650452, -0.27163752913475037, -0.28825682401657104, -0.33658933639526367, 0.9608263969421387, -1.1293275356292725, 0.03295658528804779, 0.803116500377655, 0.5117754340171814, -1.1365115642547607, -0.12549075484275818, 0.3345363438129425, -0.4843188226222992, -0.9442987442016602, -0.3417595624923706, -0.00423002615571022, -0.09203493595123291, -0.17736850678920746, 0.6210412979125977, 0.4181689918041229, -0.35455119609832764, 0.337693452835083, -0.11843682825565338, 0.3819494843482971, 0.9750460982322693, -0.04268011450767517, 0.7336364984512329, -2.95544695854187, 0.04297231137752533, -0.42125076055526733, 1.3999171257019043, 0.11390362679958344, 0.06969618052244186, 0.6504712104797363, 0.721452534198761, -0.013209782540798187, -0.9643076062202454, 0.8883583545684814, -1.1216386556625366, 0.5693327188491821, 0.3799915909767151, 0.5023710131645203, -0.6968715190887451, 0.34894993901252747, 0.8599583506584167, 0.3376515805721283, -0.8767009973526001, -1.3877668380737305, -2.315918207168579, -0.0007458850741386414, 2.144503593444824, 0.5073896050453186, -0.11075102537870407, -0.41563332080841064, -0.6477421522140503, -0.903135359287262, -0.11302035301923752, 0.2907431125640869, -0.8747824430465698, -0.36150655150413513, -0.009186923503875732, 0.7209793925285339, -0.786889374256134, -0.5135368704795837, 0.7891824245452881, 1.5840091705322266, -0.017026619985699654, -0.7009397745132446, -0.2948244512081146, -0.3087261915206909, 0.19937381148338318, 0.20472510159015656, 0.14061321318149567, 0.051871925592422485, 0.3023109436035156, 0.4638027548789978, 1.195075273513794, 1.0469461679458618, 0.5166081190109253, -0.4663095772266388, 0.9730623364448547, -0.3307262063026428, 1.515272617340088, -0.3067672848701477, 0.08252092450857162, 0.40097153186798096, -0.16161268949508667, -0.7460295557975769, -0.2240847647190094, -0.8199502825737, -0.035466842353343964, 0.8612743616104126, 0.3312406539916992, -0.7269141674041748, -0.09293791651725769, -0.4335906505584717, -0.0921587124466896, 0.06977991759777069, -0.3920646011829376, -0.8834611177444458, 0.03959015756845474, -0.45630764961242676, -0.956078827381134, -0.28412654995918274, -0.4566712975502014, 0.4965379238128662, -0.8054340481758118, -1.2998464107513428, 0.07738492637872696, -0.13209985196590424, -1.2498693466186523, -0.5412445068359375, 0.8424461483955383, -1.2767444849014282, 0.2367027997970581, 0.47016817331314087, -0.7467688322067261, -0.019770117476582527, 0.398611456155777, 1.5051904916763306, 0.2353944480419159, 0.019172001630067825, 0.09778876602649689, 1.0241562128067017, -0.4399876296520233, -0.05049990117549896, -0.12242673337459564, 0.20406664907932281, -0.6351261734962463, 0.31429386138916016, -0.981240451335907, 0.632408082485199, 0.4631991386413574, -0.34261631965637207, 1.098103642463684, -0.13161392509937286, -0.9823578596115112, 0.8382000923156738, 0.012921147048473358, -0.07543186098337173, -1.5561424493789673, 1.3625965118408203, 0.08388079702854156, -0.7159170508384705, 0.7570408582687378, -1.0599550008773804, -0.7218236327171326, 0.7411403059959412, 0.21273469924926758, -0.48967450857162476, 0.30638861656188965, -0.8087509870529175, 0.5560114979743958, 0.7484350204467773, -1.7242166996002197, 2.226766347885132, 1.2560607194900513, 0.2303548902273178, -0.021116767078638077, -0.9744411110877991, 0.37283480167388916, -0.4800015389919281, 0.6293929815292358, 1.0531284809112549, -0.8859160542488098, 0.3426543176174164, 0.4162828326225281, 0.24832330644130707, 0.536223292350769, -0.3988705277442932, 0.7294574975967407, 0.5773362517356873, 0.7750623822212219, -1.1373929977416992, 0.13088896870613098, 1.3545652627944946, -0.6701667308807373, 0.6601618528366089, -0.053156718611717224, 0.6700673699378967, 0.10074744373559952, 0.059836335480213165, 0.43465107679367065, 0.22636155784130096, 0.393252968788147, -0.196994811296463, 0.2837367057800293, -0.22668881714344025, 0.11255712062120438, 0.06409434229135513, 1.59690523147583, -0.003960222005844116, -0.7187007069587708, -1.5565636157989502, -0.3426901400089264, -0.536722719669342, -0.16046953201293945, 1.9020466804504395, 0.3140554428100586, 1.564776062965393, 0.8482484221458435, 0.18388181924819946, -0.320434033870697, -0.2027563601732254, 0.11755195260047913, 0.5468397736549377, 0.04834473505616188, -1.104101538658142, 0.3571803867816925, 0.2119140923023224, 1.0920182466506958, -0.6231644153594971, 0.4747522175312042, 0.4414269030094147, -0.26303741335868835, -1.1839773654937744, 1.162689447402954, 0.7304134964942932, 1.312910795211792, 1.8077352046966553, -0.1297948658466339, 0.2305784374475479, 0.04952584207057953, -0.3845197558403015, 0.0802823007106781, 0.2390139400959015, 0.5778795480728149, 0.4713675379753113, 0.6839274168014526, 0.816647469997406, 0.21772871911525726, 0.9194445610046387, 1.7975560426712036, -0.5926052927970886, -2.1791908740997314, 0.21595235168933868, -0.5561323761940002, -0.36780881881713867, -0.4797130227088928, 0.3825679421424866, -0.6747017502784729, 0.6022185683250427, -0.4745798707008362, -0.6436615586280823, 0.010836400091648102, 0.21860618889331818, -1.136304497718811, 0.9549620151519775, 1.002886414527893, -1.0138492584228516, -0.3627539277076721, 0.06445451080799103, -0.8625702857971191, 0.33795422315597534, -0.5394958257675171, -1.303869366645813, 0.9290393590927124, 0.3551948070526123, 0.9558497071266174, 0.28894907236099243, -0.0024672746658325195, -0.6168129444122314, 1.5939844846725464, 1.5038864612579346, -1.5218124389648438, 0.6870256662368774, 0.4549906551837921, 0.6750602126121521, 0.5883207321166992, -0.8153622150421143, -0.708856999874115, 1.3930224180221558, 0.07436875998973846, 0.13618622720241547, -0.8665400147438049, -0.03732169792056084, 1.0733505487442017, 0.7092193365097046, 0.46172764897346497, -0.5051459670066833, -0.20159700512886047, -0.8417485952377319, 0.4567905068397522, 0.4592021107673645, -1.7375975847244263, -1.007371425628662, 0.39399397373199463, -0.9765182733535767, 0.7907024621963501, 0.45639893412590027, 0.12226536870002747, 2.0309648513793945, -0.7360517978668213, -0.2987161874771118, -0.621137797832489, -9.257702827453613, 0.9315484166145325, -0.009220829233527184, -0.03065403923392296, 0.07708080112934113, -0.7046757340431213, 0.3732789158821106, 0.2919863760471344, 0.27748924493789673, -0.622842013835907, 0.2647521495819092, 1.4279917478561401, 0.36033180356025696, -0.4711625576019287, -0.9455119967460632, -0.5617488622665405, -0.5830548405647278, -1.455240249633789, 0.5625580549240112, 0.5792753100395203, -0.3247661292552948, -0.6819821000099182, -0.38067537546157837, -0.4207662045955658, 0.058141570538282394, -0.5742242336273193, -0.7472345232963562, -0.737230122089386, 0.4258151650428772, 0.08851337432861328, 0.5496090054512024, -0.3348829448223114, -0.7914016246795654, 0.10389729589223862, 0.06320808827877045, -0.3473142087459564, -1.1260052919387817, -0.8266189694404602, 0.5961368680000305, -1.474942922592163, -0.4017847776412964, -0.13297072052955627, 0.745087742805481, -0.6180063486099243, -1.153368353843689, 0.522560715675354, 0.5730685591697693, -1.3954391479492188, -0.628391444683075, -1.0637744665145874, -0.8415425419807434, -0.5277431011199951, -0.8565107583999634, -0.537600040435791, 0.7160792350769043, 0.5723136067390442, -0.7139526605606079, -0.8360254764556885, -0.7894449234008789, -0.15939182043075562, 0.31683632731437683, -0.8370499014854431, -0.768409013748169, 0.5225062370300293, 0.46946242451667786, -0.1735120713710785, 0.8830033540725708, 0.4446665644645691, 0.5109928250312805, 1.0554624795913696, -0.6170945167541504, 1.5914069414138794, 0.06723637878894806, 0.4651784896850586, -0.8118845224380493, 0.039802778512239456, -0.6469629406929016, -0.010402502492070198, 0.648310661315918, -0.02656644582748413, -1.468570351600647, 0.9530615210533142, 0.5267450213432312, -0.23557892441749573, -0.42368707060813904, -0.06578630208969116, 0.21229591965675354, 0.5271726846694946, 1.0079129934310913, -0.8272541165351868, 1.6498967409133911, -0.3788806200027466, -0.7638441324234009, -0.46254268288612366, -1.0401458740234375, 0.38055047392845154, -0.5384126305580139, 0.5958662629127502, 0.5654587745666504, -0.6115627884864807, 0.19938597083091736, 0.20432835817337036, -0.7684265375137329, -0.05590597167611122, 1.1505517959594727, 0.48624497652053833, -0.3495754897594452, 0.4294143617153168, -0.01095622405409813, -1.4160629510879517, 0.42924681305885315, 0.9405902624130249, -0.1762760579586029, 1.5072920322418213, -1.067527174949646, 1.0067723989486694, 0.6401129364967346, 0.13329073786735535, -0.6008154153823853, 0.9290017485618591, -0.4092046320438385, 1.4972951412200928, 0.6375820636749268, 2.2059333324432373, 0.28844431042671204, -0.037406813353300095, 0.6119993925094604, -0.16850171983242035, -0.21040977537631989, -1.3064913749694824, 0.572162926197052, -0.5941431522369385, 0.04266146570444107, -0.7259149551391602, -0.435068815946579, -0.16327455639839172, -0.7783487439155579, 1.3485602140426636, -1.0911364555358887, -0.14213833212852478, -0.2834850251674652, 0.3009089231491089, -0.3828686475753784, -0.6136140823364258, -1.3619073629379272, 0.7167313098907471, -2.048462390899658, 0.4451148211956024, -0.5451962351799011, -0.7575674057006836, -0.6724125146865845, -0.9047825932502747, 0.8516149520874023, 0.16730178892612457, -0.29132017493247986, -0.6149652004241943, 0.6840459704399109, -1.4383933544158936, -0.1494552195072174, -0.615144670009613, 0.06657764315605164, 1.31404447555542, -0.8573499321937561, 1.2333282232284546, 0.44891539216041565, -0.9103866815567017, -0.6069530844688416, 0.7782701253890991, -0.6074135899543762, 0.8604610562324524, 1.1416987180709839, -1.2275755405426025, -0.6292527318000793, -0.29072606563568115, 0.23554576933383942, 0.23061883449554443, -0.13363295793533325, 1.2540911436080933, -1.2692791223526, -0.29046618938446045, -0.009867118671536446, 0.7509076595306396, 0.47782790660858154, -1.1895854473114014, -0.11088702082633972, 0.14464357495307922, -0.7132086157798767, 0.37829020619392395, 0.6817305684089661, 1.0472369194030762, -1.0342402458190918, -0.6383647918701172, 0.23410464823246002, -0.04469417780637741, -0.05146002769470215, 0.33703747391700745, 1.35152006149292, 0.2401971071958542, -0.8585480451583862, -0.1984860599040985, -0.04763561859726906, 0.6660382747650146, -0.28000953793525696, 0.844590425491333, -0.15987397730350494, 0.5796823501586914, -0.5968367457389832, 0.14832620322704315, 0.874461829662323, 1.050762414932251, 0.1321072280406952, 0.4879164695739746, -0.06152106449007988, -0.053782980889081955, 0.3226928114891052, -1.4633755683898926, 0.015148578211665154, -1.0788326263427734, -0.923848569393158, -1.6040289402008057, 0.676037609577179, 0.939077615737915, 0.3182089328765869, 0.012036822736263275, 0.7399815917015076, 0.24658700823783875, 0.5229483842849731, 0.2230967879295349, 0.8406761288642883, -0.25510817766189575, -0.36446359753608704, 0.4251159727573395, 0.9772135019302368, 0.20102989673614502, 0.25194093585014343, -0.7094950079917908, -0.37784695625305176, -0.09723728150129318, -0.4020572304725647, 1.4514347314834595, -0.6493013501167297, 0.4846248924732208, 0.9246501922607422, 1.2409517765045166, -0.005198709666728973, -1.8601922988891602, -0.09260745346546173, -1.6966394186019897, -0.013451186940073967, 0.9886614084243774, 0.21853475272655487, 0.3880305886268616, 0.3723646402359009, -0.8326075673103333, 1.01577627658844, -0.6404358744621277, -0.20410557091236115, 0.1465337872505188, -0.29398977756500244, 1.1553252935409546, 0.12205453217029572, 0.8993745446205139, 0.6941303610801697, 0.03601906821131706, -1.5521100759506226, -0.2520495355129242, -1.0066086053848267, 0.9527003765106201, 0.1776191145181656, -0.7223792672157288, 0.09340731799602509, 0.15678192675113678, 0.4087658226490021, -0.18415960669517517, 1.6579371690750122, 0.27861833572387695, 0.3305057883262634, -0.1972523033618927, -1.246978759765625, 0.17358873784542084, 0.17805948853492737, 0.26277559995651245, 0.2925155758857727, -0.14547346532344818, 1.2315877676010132, 0.36947381496429443, 0.0005262065678834915, -0.9145901799201965, -0.32797110080718994, -0.8048729300498962, 0.2883802652359009, 0.4204410910606384, -0.8191728591918945, -1.586150884628296, 0.17816701531410217, -0.7778071165084839, 0.2616564631462097, 0.009510800242424011, -0.3835821747779846, 0.09499041736125946, 0.7615454196929932, -0.12097601592540741, 0.17545469105243683, 0.19363616406917572, 0.33994701504707336, -1.250701665878296, 0.9681783318519592, 1.080126404762268, -0.923625111579895, -0.10693993419408798, -0.2461830973625183, 0.5813877582550049, -0.15278595685958862, 1.6610394716262817]} +{"paper_id": "common_voice", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "oscar", "embedding": [0.14559675753116608, 0.8414477705955505, 1.1115115880966187, -0.001545969396829605, 0.411924809217453, -1.2746098041534424, -0.16521841287612915, 1.0256901979446411, 0.40831637382507324, 0.72173672914505, 0.004926145076751709, -0.3587636947631836, 0.06873976439237595, 0.9420047402381897, -0.5766879320144653, -0.41887784004211426, -0.3672773540019989, -1.3570252656936646, -0.6814561486244202, -0.35767102241516113, 0.006799938157200813, -0.7437267303466797, -0.21737197041511536, 0.44729873538017273, -0.32490408420562744, -0.8499106764793396, 0.10129494220018387, -0.42103829979896545, 0.10976701229810715, 0.4933573603630066, 0.46792083978652954, 0.9954853653907776, -0.9357276558876038, 0.38095924258232117, -0.10397931188344955, -0.22014421224594116, 0.6139755249023438, 1.1527035236358643, -1.0072379112243652, -0.2569448947906494, -0.36532753705978394, -0.20809051394462585, 0.7140231728553772, -0.09269403666257858, 0.9704014658927917, 0.3906450569629669, -0.34029629826545715, 0.07903990894556046, 0.6430876851081848, -0.6769250631332397, 0.1680283546447754, 0.47065141797065735, -0.38334622979164124, 0.35256269574165344, -0.4717465937137604, 1.0964305400848389, 0.13314351439476013, -1.5780359506607056, 0.0008145589381456375, -1.062178373336792, 0.10616198927164078, 1.450180172920227, -0.5440966486930847, 0.055117204785346985, 1.0204294919967651, -0.09714551270008087, 1.3567430973052979, 0.33814001083374023, 0.1384289562702179, 0.24805505573749542, -0.10211949795484543, -1.256868600845337, 1.0172958374023438, -0.8920861482620239, 1.1819239854812622, 1.196450114250183, 1.4804109334945679, -0.40553638339042664, -0.643545389175415, 0.487163245677948, -0.44168466329574585, 0.9797478914260864, 0.5740054845809937, -0.5794720649719238, -0.41184094548225403, -0.15716958045959473, 0.5014538764953613, -1.1696879863739014, 0.6634769439697266, -1.7488529682159424, 0.43294471502304077, -0.054229751229286194, -0.37150809168815613, 0.21137574315071106, -0.07091549038887024, 0.045752398669719696, -0.2379545122385025, -0.0010020656045526266, -0.38855940103530884, 0.2755275368690491, 0.1538093090057373, -0.3935273587703705, 0.22268392145633698, -0.36158859729766846, -0.024585358798503876, 0.920128583908081, 0.02879926562309265, -0.16011324524879456, -1.4111261367797852, 0.3129272162914276, 0.469709575176239, 1.094092607498169, -1.1239372491836548, 0.30100131034851074, -0.27204495668411255, -1.0083539485931396, 0.3855414092540741, -0.6151731014251709, -0.8984066843986511, 0.5535022020339966, -0.46744775772094727, -0.7681984901428223, -0.798507571220398, 0.661702036857605, 0.42443692684173584, -0.7012860178947449, 0.6272671818733215, -0.4842727780342102, 0.1851048320531845, -0.5602731704711914, 0.24829044938087463, 0.32109320163726807, 0.005239740014076233, -0.28287237882614136, 3.4345688819885254, -0.9353296756744385, 1.483393669128418, -0.09584363549947739, 0.2589264214038849, 0.3068634867668152, -0.8678309321403503, 1.2181549072265625, -0.01841239631175995, -0.7341024279594421, 0.764602780342102, 0.03019563853740692, -0.7639492750167847, 0.30141153931617737, 0.26299527287483215, -1.1741411685943604, -0.06061263009905815, 0.1026199534535408, -1.1084163188934326, 0.03961239755153656, -0.75547856092453, 0.3802584111690521, 0.2743373513221741, 1.0667788982391357, -0.7821798324584961, 1.3307743072509766, 0.730962872505188, 0.7407469749450684, -0.3454400300979614, 0.5254738926887512, -0.9323023557662964, 0.22760707139968872, 1.2271534204483032, 0.08726342767477036, -0.4087821841239929, -0.16349510848522186, 1.3165889978408813, -0.44401052594184875, -0.36990275979042053, -0.18380382657051086, 0.45337650179862976, 0.4733153283596039, 0.49477237462997437, 0.7719542384147644, -0.8058055639266968, 0.2145572453737259, -0.44440653920173645, -0.248875692486763, 0.36343640089035034, 0.6574110984802246, 1.0092990398406982, 1.0960062742233276, -1.7820322513580322, -0.37247270345687866, -0.17806342244148254, -0.3376629948616028, -0.7967368960380554, -1.059971809387207, -0.3551907241344452, -0.35637167096138, 0.5020579695701599, 0.01995648816227913, 0.33920222520828247, -0.25655344128608704, -1.0075196027755737, 0.776231050491333, -0.0314175970852375, 0.16410551965236664, 0.12290917336940765, 0.34648048877716064, -0.00764500442892313, 0.08880818635225296, -0.2034529745578766, -1.6628003120422363, 0.6463406085968018, 2.079993963241577, 0.1330656111240387, -0.43536093831062317, -2.364208459854126, -0.09564268589019775, 0.14656829833984375, -0.9964913725852966, 0.3053363263607025, -1.0361542701721191, 0.7026077508926392, -1.1855524778366089, 0.6700978875160217, -0.3590471148490906, 0.5220824480056763, -0.01494717039167881, 0.2385718822479248, -0.3252772092819214, 0.0906745046377182, -0.06311950087547302, -0.787385106086731, 0.8127256631851196, 0.44815611839294434, -0.011886359192430973, -0.5277724266052246, 0.6787850856781006, 0.6188760995864868, 0.31291428208351135, 0.03293168544769287, -0.08266238868236542, -0.5221515893936157, -0.5364958643913269, -0.15251047909259796, 1.2080868482589722, -0.46021580696105957, -0.048567064106464386, -0.023839499801397324, 0.22704562544822693, 0.02246682345867157, 0.1859675794839859, 0.4767119884490967, -0.8064062595367432, 1.5121369361877441, 1.4480746984481812, -0.6598072648048401, 1.891902208328247, -1.192259669303894, 0.22134238481521606, -0.11422103643417358, -1.7559541463851929, 0.43080276250839233, 0.27124160528182983, 1.3355792760849, -0.5746551156044006, 0.07396452128887177, 0.027205973863601685, -0.24160584807395935, -1.3459521532058716, -0.8909863233566284, -0.8422200083732605, -1.6146217584609985, -1.2696990966796875, 0.13200163841247559, -0.1384318321943283, -1.14737868309021, -0.8107266426086426, 0.35577425360679626, 1.2689415216445923, -0.08595902472734451, 0.38461774587631226, 1.938378930091858, -0.14209505915641785, 0.9682509899139404, 0.014102727174758911, -0.057361289858818054, -0.7948997616767883, 0.9399221539497375, 0.38898399472236633, -0.20943333208560944, -0.3818797767162323, -0.4826984703540802, 0.21515384316444397, 0.10803108662366867, 0.8954724669456482, -0.8211223483085632, 0.19706496596336365, -0.4158417284488678, -1.1162828207015991, 0.8866448402404785, -0.6442071199417114, -0.6010822653770447, -1.333636999130249, 1.975141167640686, -0.3074795603752136, 0.4000355005264282, 0.8968353271484375, -0.5559883713722229, 0.24680642783641815, 1.918209195137024, -0.0006392672657966614, 0.026054199784994125, 0.7893106341362, 0.05710095912218094, -0.4440963566303253, 0.9078224897384644, -2.699007987976074, 0.6150175333023071, 0.5113512873649597, -0.031504787504673004, 0.025687264278531075, -1.0755527019500732, 0.5980198383331299, -0.5837690830230713, -0.7318781614303589, 0.173636794090271, -0.09911303967237473, 1.0708781480789185, -0.08407288044691086, -0.19491852819919586, 1.2256934642791748, -1.99176824092865, 0.7350165247917175, 1.3323363065719604, 1.1262617111206055, -0.9380848407745361, 0.8348490595817566, 0.9300823211669922, -0.8287949562072754, 1.7124700546264648, 0.3074478805065155, 0.1779542714357376, 0.8914978504180908, -1.4335241317749023, 0.506052553653717, 0.1751077026128769, 0.966401219367981, 1.25155508518219, 0.7857710719108582, 0.09655039012432098, 0.238864004611969, 0.21273797750473022, 1.1680976152420044, 1.379936695098877, -1.728559136390686, -1.2420586347579956, -0.3946591317653656, -0.2131347507238388, -0.974668025970459, 1.0285416841506958, 0.7241690158843994, 1.8537930250167847, 0.25989142060279846, -0.6479405164718628, -0.2681329548358917, -0.06465038657188416, 1.3580528497695923, 0.40551814436912537, -0.11794842779636383, 0.18176871538162231, -0.17639097571372986, 1.077920913696289, -0.4592771530151367, -0.5545557737350464, 0.02346207946538925, 0.6548041701316833, -0.4211263656616211, -0.4968314468860626, 0.6514153480529785, 0.26067841053009033, -0.05305524542927742, 1.20851731300354, -0.48310142755508423, -0.05025441572070122, -0.6044837236404419, 0.4242289066314697, -0.6443467736244202, -0.030054591596126556, -0.8535125255584717, 1.1470638513565063, 0.3401319086551666, 0.8541082739830017, -0.31318992376327515, 0.3317679762840271, 1.263215184211731, 0.12225963175296783, -1.2773770093917847, -0.48333045840263367, -1.1391932964324951, -0.13025379180908203, -0.4031624495983124, 0.11481402814388275, -1.1788498163223267, 0.5678016543388367, -0.5145654678344727, -0.0047534070909023285, 1.0590301752090454, -0.02424752153456211, -0.8900638818740845, 0.7075117826461792, 1.2752872705459595, -0.6650989055633545, -0.38747191429138184, -0.19131219387054443, -0.7783815860748291, -1.2820954322814941, 0.2042357176542282, -0.6723909974098206, 0.263060599565506, 0.16497445106506348, 0.23313774168491364, -0.5594993233680725, -0.26230281591415405, -0.8516667485237122, 0.6551106572151184, 1.0174375772476196, 0.09731133282184601, -0.3332293629646301, -0.6618779897689819, 0.08398938179016113, -0.3960916996002197, -1.2341991662979126, -0.9781688451766968, 0.07067787647247314, 0.31105273962020874, 0.5955250263214111, -0.4102315306663513, -0.6875810623168945, -0.28961923718452454, 0.8139393925666809, 1.1831482648849487, -1.8261661529541016, -0.1356043517589569, -0.6021361351013184, 0.44541120529174805, 0.13415203988552094, -0.7677454352378845, 0.012303131632506847, 1.091217041015625, -0.3618059456348419, 0.48085394501686096, 0.5582730770111084, 0.6644460558891296, 0.5115070939064026, 0.4089069664478302, 0.6250826716423035, -0.6728357076644897, -9.683477401733398, 0.14573442935943604, -0.4120393693447113, 0.6878670454025269, 0.6449171900749207, -0.33911365270614624, 1.2498441934585571, 0.5277753472328186, 0.4597151577472687, -0.39196234941482544, 0.7087810635566711, 1.1610782146453857, 0.49270787835121155, -0.8428925275802612, -0.9010055661201477, -1.3560173511505127, -0.2140628546476364, 0.3789265751838684, 0.6824514865875244, 0.4723600447177887, -0.7743828296661377, -1.6232681274414062, 0.35331541299819946, 0.08364848792552948, -0.008669924922287464, -0.7752024531364441, 0.09353867918252945, 0.0913650244474411, -0.6199407577514648, -1.2077717781066895, -0.0990896001458168, -0.9390621185302734, -1.6060724258422852, 0.17925822734832764, 0.6243171095848083, 0.7426689863204956, -0.7922336459159851, 0.026960166171193123, 0.7042551040649414, 0.5972204208374023, -0.45712965726852417, -0.2334393709897995, 0.5108747482299805, 0.5087347626686096, 0.2792850434780121, 0.20881016552448273, 0.1552114188671112, -0.3344932794570923, 0.4758773148059845, -0.6911299824714661, -0.5065547227859497, -0.5464456677436829, -1.1182695627212524, -0.573514461517334, 0.8853200078010559, 0.917316734790802, -0.3868405520915985, -0.029743347316980362, -0.5368093252182007, -1.89961838722229, 0.4604376554489136, 0.10270363092422485, 0.6197260022163391, 0.05486302450299263, -0.20810747146606445, -0.047910261899232864, 0.5814453959465027, -0.3739143908023834, 0.5908257961273193, 0.5278969407081604, -0.8391595482826233, -0.32451707124710083, -0.3738909959793091, -0.06306292116641998, -0.09969065338373184, -0.3546019494533539, -0.5807701349258423, 0.3402392864227295, 0.6372345089912415, -0.24585439264774323, -1.1298505067825317, 1.1321991682052612, 0.15884777903556824, -0.16711506247520447, 0.24448254704475403, -0.5483103394508362, -0.5525392293930054, 0.42063018679618835, 0.7061936855316162, 0.07623542100191116, 1.3101441860198975, 0.7227661609649658, 0.37137818336486816, -0.4375843107700348, -0.35408180952072144, 1.0868369340896606, -1.0221116542816162, 1.4606964588165283, 0.1056298166513443, -0.10836876183748245, 0.12801319360733032, -0.197006493806839, -0.7937840223312378, -0.5435189008712769, 0.8190541863441467, 0.4791637659072876, 0.5026220679283142, 0.16315636038780212, -0.3111213445663452, -0.438625305891037, 1.2456780672073364, 0.6122192144393921, -0.11383770406246185, 0.36680638790130615, 0.32018324732780457, 1.043228268623352, 0.25067591667175293, 0.09646899998188019, 0.7261064648628235, 1.3419522047042847, 0.496723473072052, 0.365883469581604, -0.09137581288814545, 1.0238820314407349, -0.6647248864173889, 0.6366915702819824, -0.009912971407175064, 0.3546469509601593, -0.47417309880256653, -1.5847071409225464, -0.32623574137687683, -0.11668100953102112, 0.006344948895275593, -1.5367798805236816, -0.3944786787033081, -1.0974853038787842, -0.5676548480987549, 0.9507138729095459, 0.701537013053894, 0.21024936437606812, -0.43419593572616577, -1.2735569477081299, 0.219468891620636, 0.07525859773159027, -0.163531094789505, -0.12262219935655594, -1.3226335048675537, -0.2869095206260681, -0.5373285412788391, -1.0945887565612793, 0.2792620360851288, -0.20873332023620605, -0.13496142625808716, -0.5231349468231201, -0.4590049684047699, 0.04094362258911133, 0.2920907437801361, 0.009402066469192505, -1.1083472967147827, -0.3230092525482178, -0.0152774378657341, 2.318178176879883, -1.4812127351760864, 0.9340693950653076, 0.6757283210754395, 0.45840179920196533, -1.7446938753128052, -0.10595563054084778, -0.45954665541648865, 0.48427677154541016, 1.1375422477722168, -0.4616519808769226, -0.8534743189811707, -0.12663501501083374, -0.8039693236351013, -0.7149336934089661, 0.6382571458816528, 0.8263605833053589, -0.781416118144989, 0.2842440605163574, -0.06471295654773712, 0.053564801812171936, -0.2377856820821762, -0.4648982286453247, -0.7291553020477295, -0.262518972158432, -0.3187647759914398, 0.8153960108757019, -0.48088082671165466, 0.9369956851005554, -1.645277738571167, -1.23801851272583, -0.10248886793851852, 0.6342089772224426, 0.40388059616088867, -0.2512725293636322, 1.1317719221115112, -0.06859654188156128, 0.26389122009277344, 0.05713991820812225, -0.21964389085769653, 0.42981958389282227, 0.724499523639679, 1.1616160869598389, -0.2882886826992035, -0.47523003816604614, -1.0156803131103516, -0.3056829869747162, 0.022286955267190933, 0.3589473068714142, -1.4751880168914795, 0.39413297176361084, 0.06205792725086212, -0.6669358611106873, 0.2508399188518524, -0.4449995160102844, 1.0353331565856934, 0.012323591858148575, -0.7131120562553406, -0.919104814529419, -0.334838330745697, 0.7399940490722656, -0.5238344073295593, 0.6095788478851318, -0.24360151588916779, 0.5012422800064087, -0.2603931427001953, 0.3350406289100647, 2.002945899963379, -0.622773289680481, -0.6877651214599609, 0.38460734486579895, 0.766953706741333, -0.10520341247320175, -0.9762213826179504, 0.43391793966293335, -0.8900021314620972, 0.08717791736125946, -1.6913063526153564, 0.35775598883628845, -0.6163135766983032, -0.1886279135942459, 0.3237154483795166, 0.40419647097587585, -0.16840481758117676, -0.3823413550853729, -0.10269230604171753, -1.123841643333435, 0.4593874216079712, 0.2336467206478119, 0.45864155888557434, 0.7516645789146423, 0.6933536529541016, 0.09844289720058441, 0.4794086217880249, -0.33005809783935547, -0.1687965840101242, 0.09011396765708923, 0.3520350456237793, 0.5739494562149048, 0.4361800253391266, 0.46905794739723206, -0.07962944358587265, 0.0551137812435627, -1.1055530309677124, -0.7833074927330017, -0.632973313331604, 0.23840533196926117, 1.0257257223129272, -0.5605922937393188, 0.49626463651657104, -0.6499218940734863, 0.15210872888565063, -0.42937344312667847, 1.0140498876571655, 0.43258368968963623, 0.14498890936374664, -0.45833924412727356, -1.6536141633987427, 0.07538960129022598, 0.7781006097793579, -1.0554468631744385, 0.1341603547334671, 0.16386137902736664, 1.085153341293335, 0.3348580598831177, -0.7856384515762329, -1.0574654340744019, 0.5835908651351929, -0.4070531725883484, 0.7007746696472168, 0.1302921324968338, -0.8806635737419128, -1.0448567867279053, 0.6193428635597229, -0.9518157243728638, 0.3778083622455597, 0.304201602935791, -0.7130072116851807, 0.28132757544517517, 0.6387088298797607, -1.011104702949524, -0.525253176689148, 0.5605465173721313, 0.2208516001701355, -1.8166558742523193, 1.8006017208099365, 1.7446718215942383, 0.13472308218479156, -0.9359840750694275, 0.17205539345741272, -0.002384975552558899, 0.7938367128372192, 1.3397914171218872]} +{"paper_id": "trec", "embedding": [0.09523994475603104, 1.0778123140335083, 0.23114612698554993, -0.3193090558052063, 0.32032889127731323, -0.15203145146369934, 0.6890239715576172, 0.9433248043060303, 0.7305290102958679, 0.6544942855834961, 0.3666030466556549, 0.15321102738380432, 0.5301260352134705, -0.3669789135456085, -0.17584697902202606, -0.6712434887886047, -1.3778070211410522, -0.6533600687980652, -1.2353063821792603, -0.5281521081924438, -0.8088769912719727, -0.034661464393138885, -0.11296920478343964, 0.6263042688369751, -0.8027769327163696, -1.2308992147445679, 1.0929064750671387, -0.21726451814174652, 0.6158269047737122, -0.07217883318662643, -0.3405892252922058, 1.104671835899353, -1.1870049238204956, -0.11772720515727997, -0.9011234045028687, -0.3033839464187622, 0.8238479495048523, 0.993556797504425, -0.35552361607551575, -0.49455469846725464, -0.8153417110443115, -0.1308772712945938, 0.726668119430542, 0.3081996440887451, 1.7428392171859741, -0.34366747736930847, 0.5876096487045288, -0.3128017485141754, -0.4116993546485901, 0.041989799588918686, -0.4716012477874756, 0.44075366854667664, -0.6616150140762329, 0.3923754096031189, -0.5559314489364624, 0.7366809844970703, 0.7200472354888916, -0.43943819403648376, 0.38671085238456726, -1.1848456859588623, 1.170255184173584, 1.4374786615371704, 0.16935381293296814, 0.24887686967849731, 1.1163491010665894, -0.30470824241638184, 1.6922730207443237, 0.10987736284732819, -0.1911337971687317, 0.935501217842102, -0.4929373264312744, -0.9406708478927612, 0.17448407411575317, -0.011130571365356445, 0.6665072441101074, 0.7696707248687744, 0.09811698645353317, 0.15126395225524902, 0.023713834583759308, -0.41413143277168274, -0.7071915864944458, 0.7649862766265869, 0.44858595728874207, -0.43289807438850403, 0.45973220467567444, -0.3019770383834839, 0.8461503982543945, -0.7851877808570862, 0.5406302809715271, -1.4469503164291382, 0.48251575231552124, 0.09562571346759796, -0.028637420386075974, 0.4194158911705017, 0.22999931871891022, 0.758674681186676, -0.991015613079071, 0.3518570363521576, -0.1525093913078308, 0.14376166462898254, 0.695964515209198, -0.24774959683418274, 0.6718645691871643, 0.16438156366348267, -0.18377657234668732, 0.826144814491272, -0.06677443534135818, -0.4004112780094147, -0.4841515123844147, -0.7016504406929016, -0.09790219366550446, 0.9498166441917419, -0.3886050581932068, 0.3219893276691437, -0.1834210455417633, 0.334328293800354, 0.5176310539245605, -0.9939182996749878, -0.5918919444084167, -0.15926258265972137, -0.10881908237934113, -1.1226651668548584, -0.3203275203704834, -0.22627988457679749, 0.7812693119049072, -0.48410722613334656, 0.09282086044549942, -0.4470571279525757, 0.0766274631023407, 0.8594983816146851, 1.1917892694473267, -0.3721120059490204, -0.5437332987785339, -0.061470821499824524, 2.811640977859497, -1.0960934162139893, 2.2180824279785156, -0.5240564346313477, -0.12246403843164444, 0.04394468665122986, -0.027649758383631706, 1.219804048538208, -0.21122395992279053, -0.7733602523803711, -0.5014767050743103, 0.7040377855300903, -0.6507639288902283, 0.3274044394493103, -1.0425423383712769, -0.9949378371238708, -0.6841738820075989, 0.6496171951293945, -0.90162193775177, -0.6515531539916992, 0.7003385424613953, 0.6650283336639404, 0.010310288518667221, 0.7060456275939941, -0.6355721354484558, 0.6031485199928284, -0.033196017146110535, -0.26027482748031616, -1.0562312602996826, 0.3626185655593872, -1.0366556644439697, -0.3483036458492279, 0.6539089679718018, 0.290713906288147, -0.7124850749969482, 0.24312403798103333, 0.4920947551727295, -0.8886920213699341, -0.37390750646591187, -0.028451798483729362, 0.0822262167930603, 0.11989154666662216, 0.735198974609375, 0.6400848627090454, -0.08977636694908142, -0.8198808431625366, 0.28902336955070496, -0.08850622177124023, 0.08627025038003922, 0.5510294437408447, 0.8341963291168213, 0.5174487829208374, -1.7919096946716309, 0.22725461423397064, 0.4733012914657593, 0.36414453387260437, -0.23976826667785645, -1.0110183954238892, -0.17790809273719788, -0.14530782401561737, 0.4076012969017029, -0.5187855362892151, 0.3400730788707733, -0.9070948958396912, -0.20937424898147583, 0.4426092505455017, 0.24022698402404785, 0.41107696294784546, 0.6215320825576782, 1.0355207920074463, 0.5748492479324341, -0.18318384885787964, -0.6939998865127563, -1.4518520832061768, 0.027604281902313232, 2.180459499359131, 0.10137967765331268, -0.8515797257423401, -0.46427375078201294, -0.05923108756542206, 0.5678460597991943, -0.7653084397315979, 0.023668527603149414, -1.1399617195129395, 0.050975948572158813, -1.0631016492843628, 0.5288066267967224, -0.41112127900123596, -0.49789559841156006, 0.319558709859848, 1.23868989944458, -0.6127084493637085, -0.11788720637559891, 0.14154773950576782, -0.7849738597869873, 0.6102192401885986, 0.6649901270866394, 0.2872708737850189, -0.4766329526901245, 1.4549226760864258, 0.581034779548645, 0.43800121545791626, -0.0633419081568718, 0.3866785168647766, -0.6267333030700684, -0.13903453946113586, -0.503091037273407, 0.9394829273223877, 0.01401202380657196, 0.2799939215183258, 0.9234560132026672, 1.0209673643112183, -0.40828388929367065, -0.4628182649612427, 0.06521553546190262, -0.005977533757686615, 1.1093707084655762, 0.7006916403770447, -0.31238558888435364, 1.360108494758606, -0.3279358446598053, -0.32299235463142395, 0.2875448763370514, -0.32768604159355164, 0.2556766867637634, -0.6224427223205566, 1.2677603960037231, -0.3835386335849762, 0.4001501202583313, 0.10324199497699738, -0.054960161447525024, -0.8434292674064636, -0.06992867588996887, 0.3840014636516571, -1.208288550376892, -0.7602293491363525, -0.3493979573249817, 0.06354454159736633, -0.4659942090511322, -0.8545054793357849, 0.001025330275297165, 0.3152209520339966, 0.026722822338342667, 1.2553175687789917, 1.714884638786316, 0.4732345938682556, 0.2964125871658325, -0.07751315087080002, 1.0582891702651978, -0.7355921864509583, 0.487784743309021, -0.46793892979621887, 0.7531010508537292, -1.1581621170043945, -0.0684395581483841, -0.4536125063896179, 0.2262502908706665, 0.11386651545763016, -0.040576159954071045, 1.133196473121643, -0.3500293493270874, -1.2639508247375488, 1.2928600311279297, -0.6301364302635193, -0.12355304509401321, -0.44937247037887573, 1.8109745979309082, 0.12618312239646912, -0.3103007674217224, 0.18816699087619781, 0.19378799200057983, -0.33140048384666443, 1.0736427307128906, -0.11678169667720795, 0.21087269484996796, 0.37237346172332764, -0.1745922714471817, -0.0015955865383148193, 0.7867255210876465, -2.496577262878418, 0.6877164840698242, 1.8690592050552368, -0.5729585886001587, -0.4224851131439209, -0.5440298318862915, 0.20490212738513947, 3.3542513847351074e-05, 0.2771216332912445, 0.6197835803031921, -0.8776618838310242, 0.3825157582759857, -0.2601688802242279, 0.22102747857570648, 1.9036701917648315, -0.3829166293144226, 0.4712291657924652, 0.581126868724823, 0.07722513377666473, -0.6350566148757935, -0.876075267791748, 0.6485462784767151, -0.4988202452659607, 0.14484752714633942, 0.6271393299102783, 0.09765542298555374, 1.5676774978637695, -0.0781073048710823, -0.5580161213874817, 0.7058058977127075, 0.5490309000015259, 0.3059563636779785, 0.11054010689258575, -0.005025267601013184, 0.3995370864868164, 0.2548481523990631, 1.0177735090255737, 0.10656701028347015, -0.9260849356651306, -0.8910657167434692, -0.25923505425453186, -0.08698607981204987, 0.5468111634254456, 1.696132779121399, -0.632816731929779, 1.2675014734268188, 0.3368086814880371, 0.3873901069164276, -0.8262488842010498, 0.19497962296009064, 1.1176058053970337, 0.5974346399307251, -0.14501860737800598, 0.15213343501091003, -0.2935248911380768, 0.22355881333351135, -0.1282377690076828, -0.9072660207748413, 0.5970573425292969, 0.8994521498680115, -0.10522890090942383, -0.9614754319190979, 0.6116390228271484, 1.533970594406128, 0.2850187122821808, 1.4787529706954956, -0.41158464550971985, 0.0026725083589553833, -0.4712660014629364, 0.681530773639679, -0.25859037041664124, 0.19320550560951233, -0.24125035107135773, 0.4736256003379822, -0.17688706517219543, 0.715996265411377, -0.4636728763580322, 0.9452542066574097, 0.7456661462783813, -0.5985013842582703, -1.0977177619934082, -0.6395339369773865, -1.2204493284225464, -0.4799104630947113, -0.10052666068077087, 0.12937240302562714, -1.3011256456375122, 0.811293363571167, -0.11554985493421555, -1.3531222343444824, 0.06501977145671844, -0.2115856260061264, -1.6982853412628174, 1.9856148958206177, 1.3587344884872437, -0.584781289100647, -0.12753081321716309, -0.44433701038360596, -1.0228211879730225, -0.23109187185764313, -0.1074724867939949, -1.1663832664489746, -0.10269497334957123, 0.04275815933942795, 1.1725645065307617, -0.0824282318353653, 0.05853109061717987, -1.1771773099899292, 0.5383583307266235, 1.0054512023925781, -0.6667301654815674, 0.14302529394626617, -0.1524883657693863, 0.49451273679733276, -0.9200793504714966, -0.9175078868865967, -1.0920733213424683, 0.4052916467189789, -0.34665656089782715, 0.17172768712043762, -0.39626428484916687, -0.22948120534420013, 0.19519400596618652, -0.037479218095541, 1.5266220569610596, -1.3562015295028687, 0.6294803023338318, -0.6953045129776001, -0.1485726684331894, 0.41461679339408875, -0.8743435740470886, 0.005927334539592266, 0.5444484353065491, -0.22221148014068604, 0.94875168800354, -0.2526419162750244, 0.9656150341033936, 0.43180835247039795, -0.15485221147537231, 0.01842920482158661, -0.04904408007860184, -11.625624656677246, 0.228285551071167, 0.05588395893573761, -0.1139698177576065, 0.8186137080192566, -0.5814986824989319, 1.2099874019622803, 0.49717238545417786, 0.39251822233200073, -0.9434611201286316, 0.5442218780517578, 0.45588991045951843, -0.020587235689163208, -0.17149120569229126, -0.09338698536157608, -0.5348055362701416, -0.9420640468597412, -0.8861334323883057, 1.0186628103256226, -0.22778356075286865, -0.36438852548599243, 0.08431506156921387, -0.2958909869194031, -0.14041738212108612, 0.27681925892829895, -0.5536249876022339, -0.6647647619247437, -0.4362983703613281, -0.46348655223846436, -0.3147720694541931, 0.8070876002311707, -0.2707650363445282, -0.5030642747879028, -0.6651477813720703, -0.6327551007270813, -0.44769421219825745, -0.2135252058506012, -0.15695402026176453, 0.9465817213058472, -0.4998895525932312, -0.1833878457546234, 0.03470553830265999, 0.10862281918525696, 0.10177189856767654, 0.1394031047821045, 0.22228585183620453, 0.06591522693634033, -0.38213151693344116, 0.5727457404136658, 0.19567373394966125, -0.5955283641815186, -0.2997654378414154, -0.5665279626846313, -0.44867315888404846, 0.19809411466121674, 0.41611191630363464, -0.704322099685669, 0.07352190464735031, -0.02155856229364872, -1.0114383697509766, 1.1330143213272095, 0.11002033948898315, -0.5966917872428894, 0.19462008774280548, 0.16938859224319458, -0.43402791023254395, 0.0586339607834816, 0.5816923379898071, -0.7378067374229431, 0.3390921354293823, -0.9073435664176941, 1.2710875272750854, 0.48817330598831177, 0.17720375955104828, -0.7563971877098083, -0.03424137830734253, -0.7704301476478577, 0.26473748683929443, -0.07879821956157684, 0.26364073157310486, -1.561235785484314, 0.5168986320495605, 0.5146268010139465, -0.4411531388759613, -0.5788540244102478, -0.0008173249661922455, 0.3029615879058838, 0.3007711172103882, 0.44096672534942627, -0.25664812326431274, 1.1688774824142456, 0.9014905691146851, -0.3675149083137512, -0.28419268131256104, 0.12829500436782837, 0.4954119026660919, -0.49711310863494873, 0.4250886142253876, -0.4176090657711029, -0.44097772240638733, 0.2452675998210907, -0.6003250479698181, -0.11044762283563614, 0.7476717829704285, 0.9911783933639526, -0.14768874645233154, 0.009298428893089294, 0.31813034415245056, -0.15223251283168793, -0.14984214305877686, 0.6173990368843079, 0.02356472611427307, -0.5063880681991577, 1.1700464487075806, 0.06767880916595459, 1.1411309242248535, 0.26709333062171936, 0.2164565622806549, 0.4085748493671417, 0.8439715504646301, -0.6311973929405212, 0.3087497055530548, 0.3145538568496704, 1.5258257389068604, -0.27435174584388733, -0.06273673474788666, -0.4436138868331909, 0.39507031440734863, 0.2517632842063904, -1.042150855064392, 0.5076867341995239, -0.40220049023628235, -0.03661597520112991, -1.218808889389038, -0.4034402370452881, -0.10724623501300812, -0.058685552328825, 1.265897274017334, -0.21641987562179565, 0.14472860097885132, -0.1847137063741684, -0.427333801984787, -0.39291197061538696, -1.180974006652832, -0.90777188539505, -0.06288055330514908, -1.1429383754730225, 0.05575064942240715, -0.2968134880065918, -0.3254467248916626, 0.617510974407196, -0.8938788175582886, 1.0629090070724487, -0.2868970036506653, -0.3455035984516144, -0.2155074179172516, 0.7651932239532471, -0.4352157711982727, -1.2872543334960938, -0.3210967183113098, 0.040316157042980194, 0.31763043999671936, -1.3364312648773193, 1.7175014019012451, 0.3405205011367798, -0.17986199259757996, -0.344082772731781, 0.3185569643974304, -0.5057399272918701, 0.30222323536872864, 1.0225770473480225, -1.110935926437378, -0.1701245754957199, -0.8253700733184814, -0.5388444662094116, -0.7331997752189636, -0.16735801100730896, 1.304582953453064, -0.9427931308746338, -0.08125212788581848, -0.37516453862190247, 0.8936319351196289, -0.34819039702415466, -0.42188161611557007, -0.907326340675354, 0.6787256002426147, 0.22800132632255554, 1.068080186843872, 0.2592211663722992, 0.5297480225563049, -1.7445042133331299, -1.3698828220367432, -0.1862187683582306, -0.4083002507686615, 0.07874314486980438, 0.4105900228023529, 0.33198657631874084, 0.10688846558332443, -0.30284640192985535, -0.2380203902721405, -0.07016895711421967, 0.32778847217559814, -0.013500753790140152, 0.12426164746284485, -0.2518227994441986, 0.21605372428894043, -0.2622850239276886, 0.2941511571407318, 0.5827422738075256, 1.4430452585220337, -0.6554790735244751, -0.18958023190498352, 0.43418246507644653, -0.05794497951865196, 0.1914689838886261, -1.4773951768875122, -0.11462218314409256, 0.03444187715649605, -0.470344215631485, -1.108136773109436, -0.11614470928907394, 1.094376802444458, -0.27755770087242126, 1.4211630821228027, 0.3514939844608307, 0.9125158786773682, 0.19663259387016296, 0.030090101063251495, 1.0192843675613403, -0.661724865436554, 0.0687398612499237, 0.1259717494249344, -0.12798355519771576, -0.08477296680212021, -0.29213565587997437, -0.805447518825531, -0.9690778851509094, 0.7171706557273865, -0.47526365518569946, 0.20950767397880554, -0.006210070103406906, 0.21066385507583618, 0.5902554392814636, 0.9548162221908569, -0.05833298712968826, -1.5752501487731934, 0.004991007968783379, -1.0361967086791992, -0.3690388798713684, 0.21013176441192627, -0.12612560391426086, 0.8090938329696655, 0.8340294361114502, -0.3341599106788635, 1.0844051837921143, -0.9461886882781982, -0.1788928359746933, 0.14238804578781128, -0.44957947731018066, 0.46728837490081787, 0.370055615901947, -0.06331246346235275, 0.45135241746902466, -0.6949811577796936, -0.9307284951210022, -0.22814877331256866, -0.3088541030883789, 0.9455108642578125, 1.052154779434204, -1.0646723508834839, -0.841583788394928, -0.614935576915741, 0.8265398740768433, -0.615388810634613, 1.0165852308273315, -0.03667174279689789, -0.6816133260726929, -0.2687682509422302, -0.8179751634597778, -0.0014839875511825085, 0.37204283475875854, 0.20435269176959991, 0.029633566737174988, -0.4454425573348999, 0.025150228291749954, -0.031123749911785126, -0.7786570191383362, -1.4086616039276123, 0.19097290933132172, -1.1186612844467163, 0.35509657859802246, 0.692549467086792, -0.596910297870636, -0.3319924771785736, 0.18236635625362396, -0.7628750205039978, 0.669583261013031, 0.016162298619747162, -0.6983388662338257, -0.44188135862350464, 0.0775323361158371, -1.2089803218841553, 0.34175923466682434, -0.27050352096557617, -0.31231722235679626, -1.2672094106674194, 0.5459932088851929, 1.1302390098571777, -0.7261176109313965, 0.22645939886569977, 0.0204194076359272, 0.7716902494430542, 0.19606569409370422, 1.6102104187011719]} +{"paper_id": "rotten_tomatoes", "embedding": [-0.706640362739563, 1.2211154699325562, 0.2899053692817688, -0.10714420676231384, 0.4664783179759979, -0.5526778101921082, 0.9504488706588745, 0.425513356924057, 0.09579833596944809, 0.29193294048309326, 0.9666121602058411, -0.25702035427093506, 0.08078201860189438, 0.25545740127563477, 0.06143353506922722, -0.231295645236969, -0.26087284088134766, -0.2277373969554901, -0.2619975507259369, -0.2412286400794983, -0.42974424362182617, -0.4576754570007324, 0.07148192822933197, 0.5819010138511658, -0.6595889329910278, -0.5678017139434814, 0.7708302736282349, -0.06955179572105408, 0.5166861414909363, -0.11010196059942245, 0.2320096492767334, 0.9714988470077515, -0.8334371447563171, -0.33622655272483826, -0.5547289848327637, -0.23776192963123322, 0.381984144449234, 0.6075372099876404, -0.8509094715118408, -0.3135887384414673, -0.6133458018302917, 0.33165988326072693, 0.690650463104248, 0.3764534890651703, 1.4016104936599731, 0.6084209680557251, 0.03485546261072159, 0.13965395092964172, 0.16019423305988312, -0.3604201376438141, -0.37393930554389954, -0.15780562162399292, -0.3301829993724823, -0.045118529349565506, -1.4392333030700684, 1.1263177394866943, -0.21150308847427368, -0.18567973375320435, -0.04262726381421089, -1.9600913524627686, 1.0334546566009521, 1.3313217163085938, 0.40657490491867065, -0.2740195095539093, 1.0401445627212524, 0.22559674084186554, 1.1602792739868164, -0.4660894274711609, 0.6204208135604858, 0.4207315742969513, -0.4447917938232422, -0.6399887800216675, -0.1180160716176033, -0.132313072681427, 0.07378914207220078, -0.090730220079422, 0.736250102519989, 0.3255220651626587, 0.3269946575164795, 0.8125342726707458, -0.2683393955230713, 0.8291570544242859, -0.22428378462791443, -0.35486510396003723, -0.07223597168922424, -0.009872263297438622, -0.12509460747241974, 0.2467423379421234, 0.7371386885643005, -0.9514148235321045, -0.17748509347438812, -0.13719941675662994, 0.060629457235336304, 0.17110028862953186, -0.4235614538192749, -0.000300385057926178, 0.3355768918991089, 0.06704411655664444, -0.18969523906707764, 0.4063955545425415, 0.48099058866500854, -0.5835343599319458, 0.4442572295665741, -0.09180807322263718, 0.033508654683828354, 1.2188098430633545, 0.3978801965713501, -0.405411958694458, 0.19639500975608826, -0.16457335650920868, -0.7598547339439392, 1.2492643594741821, 0.032008539885282516, 0.958466649055481, 0.23071613907814026, -0.2154507339000702, 0.08728015422821045, -0.03267526254057884, -0.9138178825378418, 0.6501314043998718, -0.3721778988838196, -1.6240772008895874, -0.19341912865638733, 0.6649773716926575, 1.038148283958435, -0.25745725631713867, 0.801842987537384, -0.3788600265979767, -0.07067906111478806, -0.15977200865745544, 0.6944299936294556, 0.2375250607728958, -0.18489772081375122, -0.5274388790130615, 2.0217881202697754, -0.4528998136520386, 1.3547790050506592, -0.4567769467830658, -0.41231101751327515, 0.18625034391880035, -0.008554600179195404, 0.5146313905715942, 0.08752851188182831, -0.40050560235977173, -0.653179407119751, -0.04232405126094818, -0.3331916630268097, 0.07583536207675934, -0.43910881876945496, -0.662607729434967, -0.6286872029304504, 0.36133795976638794, -0.8431572914123535, -1.1269835233688354, 0.3551274240016937, 0.35820040106773376, 0.211389422416687, 0.5054199695587158, -0.5964036583900452, 0.8642385005950928, 0.45240432024002075, 0.36939889192581177, -0.8805627226829529, 0.4757922291755676, -0.5359784364700317, -0.48592400550842285, 0.08027733117341995, 0.552508533000946, -0.10786470770835876, -0.9296793341636658, 0.8739840388298035, -0.34820258617401123, 0.23135800659656525, -0.04339800029993057, -0.4096514880657196, -0.562462329864502, 0.3229821026325226, 0.2534050941467285, 0.5421947836875916, -0.4037257134914398, -0.12158294767141342, -0.07357554137706757, -0.33938300609588623, 0.05817122757434845, 0.3976949453353882, 0.42808231711387634, -1.1724401712417603, 0.024425439536571503, 0.21819986402988434, 0.15947677195072174, 0.4299299120903015, -0.742038905620575, 0.18384015560150146, -0.18282181024551392, -0.1799088716506958, 0.19061271846294403, 0.5906985402107239, -1.5319050550460815, -0.40524837374687195, 0.880465567111969, 0.16637055575847626, 0.21949239075183868, 0.0567057766020298, 0.9910824298858643, 0.7599297165870667, 0.45397692918777466, -0.3544442057609558, -1.7747660875320435, 0.6229376792907715, 2.018415689468384, -0.2354413866996765, -0.8355575799942017, -1.1245815753936768, 0.05034109950065613, 0.4908486008644104, -0.3049715459346771, 0.5902843475341797, -0.2711673676967621, 0.13005053997039795, -1.4352611303329468, 0.6426275968551636, -0.28604069352149963, 0.23282510042190552, -0.33162426948547363, 1.3274487257003784, -0.7942705154418945, -0.6796783208847046, 0.17386245727539062, -1.3876845836639404, 0.0051916842348873615, 0.6679732203483582, 0.5726413726806641, 0.10325929522514343, 0.5194989442825317, 0.5317288041114807, 0.5367418527603149, -0.585706353187561, 0.29250290989875793, 0.15106526017189026, -0.17932112514972687, 0.1269640028476715, -0.11253403127193451, 0.31789451837539673, -0.3238081634044647, 0.6058387756347656, 0.7666835188865662, 0.1591358184814453, -0.3882768154144287, -0.3158766031265259, 0.1526748090982437, 0.6822733879089355, 1.0804274082183838, 0.0882580503821373, 1.0919615030288696, -0.44876933097839355, 0.3286486864089966, 0.18393836915493011, -0.30638694763183594, 0.08299010992050171, -0.502743661403656, 0.4765996038913727, -0.1571987420320511, 0.22469642758369446, 0.16512160003185272, 0.09942421317100525, -0.19478872418403625, 0.026988178491592407, 0.31514105200767517, -1.019260048866272, -0.0509568452835083, -0.30920645594596863, 0.6020514369010925, -0.7537010312080383, -0.8116651177406311, -0.40486422181129456, 0.7162880301475525, -0.31476354598999023, 0.6119911670684814, 0.7901915907859802, -0.13003656268119812, 0.12511444091796875, -0.9665939211845398, 0.7513306736946106, -0.21820592880249023, 0.5737310647964478, -0.8916063904762268, 0.9087476134300232, -0.4088042080402374, -0.5128843784332275, 0.22897638380527496, 0.482740581035614, -0.32611745595932007, -0.30435577034950256, 0.7475188374519348, -0.30141741037368774, -1.7625066041946411, 0.9853665232658386, -0.10532724857330322, -0.19403502345085144, -0.4831598401069641, 1.2738006114959717, 0.179141566157341, -0.49256154894828796, 0.2727850675582886, -0.24502472579479218, 0.030002769082784653, 1.3225494623184204, -0.6989225149154663, 0.9249833226203918, -0.01791287586092949, -0.3321658968925476, 0.12317460775375366, -0.4242020845413208, -1.6723769903182983, -0.13580110669136047, 1.4073216915130615, -0.6040594577789307, -0.06282518804073334, -0.5547634959220886, 0.8648483157157898, -0.10910536348819733, 0.8140649795532227, 0.3438049852848053, -1.1062172651290894, 0.515146017074585, -0.8948161602020264, 0.6799317002296448, 0.8051797151565552, -0.3682384490966797, -0.00798838958144188, 0.5423830151557922, 0.13909339904785156, -0.5898686647415161, -0.47952941060066223, 0.3751257658004761, -0.4660186171531677, 0.3531533479690552, 0.30851954221725464, 0.783458411693573, 0.41678938269615173, -1.1816233396530151, -0.32150784134864807, -0.18234288692474365, 0.10856620222330093, -0.03517065569758415, -0.46912556886672974, 0.5306721925735474, 1.4186323881149292, -0.5206719636917114, 1.1934977769851685, -0.03524359315633774, -0.24944338202476501, -0.9042418599128723, -0.06888943910598755, -0.834013819694519, -0.1713240146636963, 1.2258940935134888, 0.6001777648925781, 1.1871745586395264, -0.1737925112247467, 0.22990652918815613, 0.0475088469684124, 0.5004376769065857, 0.5262620449066162, 0.7225933074951172, -0.29731130599975586, 0.035695984959602356, 0.6794317960739136, 0.3421325385570526, 0.5350436568260193, -0.3987533450126648, 0.5224214196205139, 0.5626268982887268, -0.6026233434677124, -0.23804359138011932, 0.08105538040399551, 0.9173845648765564, 0.7973273992538452, 1.8517756462097168, 0.4054137170314789, -0.7547224164009094, -0.41613736748695374, 0.09213705360889435, 0.7928465604782104, -0.3163818418979645, -0.5817196369171143, 0.184603750705719, 0.046199504286050797, 0.6884099841117859, -0.20744076371192932, 0.7127301096916199, -0.09022697806358337, -0.9758419990539551, -1.0083060264587402, -0.38478031754493713, -0.953288197517395, -0.5235013365745544, -0.7809960246086121, 0.19096562266349792, -0.18022680282592773, -0.0679059848189354, -0.40202823281288147, -1.1804100275039673, 0.2336113452911377, -0.3487858474254608, -1.0227421522140503, 1.1467242240905762, 1.3047429323196411, -0.9127984046936035, -0.4351518750190735, -0.36147767305374146, -0.6333487033843994, -0.5594889521598816, -0.09401754289865494, -0.3600391149520874, 0.38948994874954224, 0.25706765055656433, 0.2453547865152359, -0.01929817721247673, -0.09420748800039291, -0.7801515460014343, 0.2897292375564575, 0.6884741187095642, -0.9099329113960266, 1.0237319469451904, 0.17483524978160858, -1.1022053956985474, 0.002423252910375595, -1.0132359266281128, -0.5006553530693054, 0.4019962549209595, 0.007780134677886963, -0.7308144569396973, -0.22194090485572815, -0.1749967783689499, -0.043942637741565704, -0.1889612078666687, 0.5650551319122314, -0.893186628818512, 0.8210718631744385, -0.4437115788459778, -0.3931034505367279, 0.2624136209487915, -0.6032112240791321, -0.694534420967102, 0.47888612747192383, -0.8598533868789673, 0.5091129541397095, -0.366167277097702, 0.34762704372406006, 0.5735001564025879, 0.00954187661409378, 0.4818236827850342, 0.3583034873008728, -13.589712142944336, 0.5899152159690857, -0.4239615797996521, 0.30300307273864746, 0.574482798576355, -0.029341906309127808, 0.299576997756958, 0.29473984241485596, 0.9870244264602661, -0.6896130442619324, 0.20880773663520813, 0.8968064785003662, -0.3987429141998291, -0.2326543629169464, -0.26624205708503723, -0.6103753447532654, -0.557137668132782, -0.5635600686073303, 0.18378348648548126, -0.19130194187164307, 0.5041864514350891, -0.3731699585914612, -0.5433063507080078, -0.6877295970916748, -0.053741585463285446, -0.6249575018882751, -0.4063241481781006, -0.6209992170333862, -0.8647168874740601, 0.5638731718063354, 0.6069766879081726, -0.5377218723297119, -0.07673824578523636, -0.14633576571941376, 0.0627298355102539, 0.1867722123861313, -0.4076443314552307, -0.1079631969332695, 0.39661628007888794, -0.05729442462325096, 0.202885240316391, 0.32656463980674744, 0.249723419547081, -0.31973913311958313, -0.36827048659324646, -0.26586997509002686, -0.10199970752000809, -0.3470301926136017, -0.16240693628787994, 0.12691834568977356, -0.6453627943992615, -0.6587164998054504, -0.6176034212112427, -0.06198490411043167, 0.7941852807998657, 0.4506750702857971, -1.1336513757705688, 0.4165093004703522, -0.9413372278213501, -0.4580031931400299, 1.0503300428390503, 0.011779261752963066, -0.2027915120124817, 0.293419748544693, 0.6755768060684204, -0.5596727132797241, 0.4267517924308777, 0.8509398102760315, -0.4203849136829376, 0.17580170929431915, -0.5378491282463074, 1.3620517253875732, 0.6511750817298889, 0.327709436416626, -0.26575347781181335, 0.5349799990653992, -0.5601930618286133, 0.36579421162605286, 0.5911527276039124, 0.2099660485982895, -1.3881851434707642, 0.6954179406166077, -0.1340143084526062, -1.0428868532180786, -0.7054382562637329, 0.7852264642715454, -0.4409720003604889, -0.48106682300567627, 0.31898233294487, 0.3895294666290283, 0.36498016119003296, 0.6670097708702087, -0.8637980222702026, -0.36456403136253357, -0.2809027135372162, 0.545983076095581, -0.32518187165260315, 0.6705136299133301, -0.018972814083099365, 0.07663337141275406, 0.34960058331489563, 0.05214469134807587, -0.3212796449661255, 0.1524505764245987, 0.1189827099442482, -0.6316328048706055, 0.2838418483734131, 0.45698216557502747, 0.25404617190361023, -0.04118102416396141, 0.296455979347229, -0.2980077266693115, 0.1778763383626938, 1.1911028623580933, -0.26445019245147705, 0.4775233566761017, 0.4986134171485901, -0.4741717278957367, 0.7928454279899597, 0.4611596167087555, -0.3337855041027069, 0.15654826164245605, 0.13930457830429077, 1.2035930156707764, 0.7232247591018677, 0.23315778374671936, 0.35003426671028137, 0.5797211527824402, 0.14039427042007446, -0.45294374227523804, 0.6726141571998596, -0.2907423675060272, -0.1348768174648285, -0.3446761667728424, -0.5127236843109131, -0.18064218759536743, 0.3051176369190216, 1.1680763959884644, -0.6930485367774963, 0.37001192569732666, -0.7222840189933777, -0.4375731647014618, -0.6177773475646973, -0.12151144444942474, -0.7308300733566284, 0.023687928915023804, -1.013585090637207, 0.36339858174324036, -0.2461247444152832, -0.3729003071784973, 0.6861393451690674, -0.05182423070073128, 0.4904557466506958, -0.628013014793396, -0.28994986414909363, -0.04246623069047928, 0.5904305577278137, -0.37184152007102966, -0.6549400687217712, -0.5040205717086792, 0.8506903648376465, 0.14346721768379211, -0.5959688425064087, 0.9017356038093567, 0.7718746662139893, -0.03837726637721062, -0.04180098697543144, 0.4368368089199066, -0.7826790809631348, 0.293213427066803, 0.5132759213447571, -0.9700821042060852, -0.7694101333618164, -0.4370734989643097, -0.04979307949542999, -0.5682799816131592, 0.25116726756095886, 0.8718758821487427, -1.085573434829712, -0.013917982578277588, -0.3303380012512207, 0.4142315685749054, 0.10593251883983612, -0.629235565662384, -0.49003690481185913, 0.17655879259109497, 0.05017692968249321, 1.4424350261688232, -0.10002592206001282, -0.02728438191115856, -1.1889601945877075, -0.8838545680046082, -0.695907711982727, -0.11839140951633453, 0.7943315505981445, 0.17853876948356628, 0.5762463212013245, 0.7213104367256165, -0.6892949342727661, -0.2104070484638214, 0.6037372350692749, 0.6301663517951965, -0.09811992943286896, 0.11969396471977234, 0.5472545623779297, -0.09425468742847443, -0.7523682117462158, -0.4860745668411255, 0.8173177242279053, 0.5430484414100647, -1.065035343170166, -0.07673284411430359, 0.33971112966537476, 0.586155354976654, 0.40895652770996094, -0.8073328733444214, 0.17723172903060913, 0.1871986985206604, -0.5805821418762207, -1.0274357795715332, -0.3777185380458832, 0.37635117769241333, -0.91903156042099, 1.263074278831482, 0.2834320068359375, 0.873332679271698, 0.24589024484157562, 0.23879650235176086, 0.9068475365638733, -0.2066287249326706, -0.6064385771751404, 0.22345910966396332, -0.19437645375728607, -0.174104243516922, -0.48907098174095154, -0.4051613211631775, -1.4784647226333618, 0.4156504273414612, -0.834446132183075, 0.3022570013999939, -0.12260425090789795, 0.11423106491565704, -0.13644585013389587, 0.9830654859542847, -0.21915534138679504, -0.9105123281478882, -1.1586631536483765, -0.8797537088394165, 0.27841126918792725, 0.033484429121017456, -0.06576273590326309, 1.3928555250167847, 0.6756764054298401, -0.17422033846378326, 0.7068149447441101, -0.33440423011779785, -0.1659715175628662, 0.35604211688041687, -0.33605045080184937, 1.2043652534484863, 0.30613401532173157, -0.1282351315021515, 0.5752734541893005, -0.12991255521774292, -1.148484468460083, 0.37254446744918823, -0.2672854959964752, 0.3096199035644531, 0.5784196257591248, -0.6949970126152039, -0.6179149746894836, 0.030647289007902145, 0.12171199917793274, -0.17557024955749512, 0.4100944697856903, 0.7236264944076538, -0.5595552921295166, -0.3879626989364624, -0.7347815632820129, 0.038248252123594284, 0.7828464508056641, -0.2999418079853058, -0.5189182162284851, -0.3350924253463745, 0.005438337102532387, 0.3193821310997009, -0.6673041582107544, -0.19156041741371155, 0.5291310548782349, -0.5397469997406006, 0.40283817052841187, 0.30453240871429443, -0.881992757320404, -0.6117556691169739, -0.245481938123703, -0.5178308486938477, 0.9310920834541321, 0.19725598394870758, -0.6489288806915283, 0.15690776705741882, 0.3169182538986206, -0.22193069756031036, 0.055218592286109924, -0.46310317516326904, 0.05082792043685913, -1.208113193511963, 0.4797326922416687, 0.6939690709114075, 0.7788655757904053, -0.038640499114990234, 0.023198457434773445, 0.6665705442428589, 0.07385668158531189, 0.7837410569190979]} +{"paper_id": "race", "embedding": [-0.020537573844194412, 0.931118905544281, -0.22455725073814392, -0.2671152949333191, 0.141522616147995, -0.17696110904216766, 0.20492440462112427, 1.0744123458862305, 0.8978128433227539, 0.21468396484851837, 0.7508782148361206, -0.4107220470905304, 0.16549579799175262, 0.2312512844800949, -0.12550413608551025, -0.9343973994255066, -1.0620933771133423, 0.12510710954666138, -1.6326366662979126, -0.6682068109512329, -1.049049973487854, -0.7134977579116821, 0.05129418894648552, 1.2863000631332397, -0.2352001667022705, -1.2039247751235962, 1.0141165256500244, -1.1069849729537964, 0.23179927468299866, 0.17172688245773315, 0.30305010080337524, 0.4881589710712433, -1.1195909976959229, 0.7849489450454712, -0.5272423624992371, -0.7561166286468506, 0.6476180553436279, 0.48493528366088867, 0.22248145937919617, -0.8490150570869446, -1.1576470136642456, 0.3769192397594452, -0.12066243588924408, -0.16263708472251892, 0.6933144927024841, -0.6547523140907288, 0.80157470703125, -0.16291283071041107, -0.06457452476024628, -0.14829900860786438, -1.0889705419540405, 0.4302299916744232, -0.11943729221820831, -0.008647199720144272, -0.1529395580291748, 0.24399685859680176, 0.2543221116065979, 0.07417677342891693, 0.28469234704971313, -0.7139332294464111, 1.5389955043792725, 1.0642366409301758, 0.17318272590637207, 0.1762612909078598, 1.6708892583847046, 0.4163168668746948, 1.1794383525848389, 0.31733763217926025, -0.67803555727005, 0.9774521589279175, -1.1951180696487427, -0.04267770051956177, -0.1571924388408661, -0.3992336094379425, 0.16584071516990662, 0.9577456712722778, 0.022857272997498512, -0.273794561624527, 0.2679727375507355, -0.8201639652252197, -0.657837986946106, 0.0024845898151397705, 1.0749760866165161, 0.05744246393442154, 0.39527440071105957, -0.5875937342643738, 0.6123623847961426, -0.5370200872421265, 0.3473609685897827, -1.5655276775360107, 0.7785497307777405, 0.5374206304550171, 0.781032383441925, 0.3135560154914856, -0.5394628643989563, 0.8439847230911255, -0.2558863162994385, -0.30634093284606934, -0.5038428902626038, -0.18224024772644043, 0.6575409173965454, 0.12232457846403122, 1.0504730939865112, -0.004781357944011688, 0.12480837851762772, 0.10254962742328644, 0.5073790550231934, -0.028993971645832062, -0.9294248223304749, -1.3184081315994263, -0.3426763713359833, -0.05499239265918732, -0.04462872073054314, 0.3065277338027954, 0.011999375186860561, 0.6167877912521362, 0.4504719376564026, -1.0154740810394287, -1.0145920515060425, -0.12268973886966705, 0.07991927862167358, -0.4916183650493622, -0.848972737789154, -1.263486623764038, 0.7224553823471069, 0.016930043697357178, -0.15322691202163696, -0.942446231842041, -0.6949164867401123, -0.16200272738933563, 1.0150707960128784, 0.37671342492103577, -0.7785207033157349, 0.12849369645118713, 2.626657009124756, -0.8227772116661072, 1.0002249479293823, -0.2974342107772827, 0.003982809372246265, -0.8323947787284851, -0.6890462040901184, 1.3171201944351196, 0.10332290083169937, -0.7204729318618774, -0.35210785269737244, 0.32680490612983704, -0.09063595533370972, 0.013971613720059395, -1.1977338790893555, -0.7576081156730652, 0.005756780505180359, 0.3112604320049286, -1.0592103004455566, -1.017143964767456, 0.3646959960460663, 0.07885807007551193, -0.28019657731056213, -0.18107886612415314, -0.2526858150959015, 0.1783151626586914, -0.3397964835166931, -0.25747406482696533, -0.4891292154788971, 1.044640064239502, -0.47105348110198975, 0.022156815975904465, 0.8373362421989441, 0.09060580283403397, -0.4350120723247528, 0.08462659269571304, 0.10022842884063721, -0.117352195084095, -0.9652810096740723, -0.09359347820281982, 0.06206763535737991, 0.16825059056282043, -0.4389132261276245, 0.6253117322921753, -0.19067706167697906, -0.8793842792510986, 0.7882161736488342, -0.29080918431282043, -0.06706207990646362, 0.852871835231781, 0.29055044054985046, 0.7615815997123718, -2.983001708984375, -0.018216736614704132, -0.8225505948066711, 0.7982557415962219, -0.48500117659568787, 0.12169907987117767, 0.43056777119636536, 0.6929333209991455, 0.2893546223640442, -0.86452716588974, 0.38861754536628723, -1.1252354383468628, 1.2949497699737549, 0.5554845333099365, 0.3741624355316162, 0.09914419800043106, 0.6915121078491211, 1.1310734748840332, 0.006862453650683165, -0.13304561376571655, -1.2542670965194702, -1.721132755279541, 0.11440616846084595, 1.6555606126785278, -0.13795405626296997, -0.0836641788482666, -0.14328540861606598, -0.4524618983268738, -0.14683005213737488, -0.7061211466789246, 0.37009602785110474, -0.4891652762889862, -0.18063735961914062, -0.28140556812286377, 0.558366060256958, -1.1970230340957642, -0.7444429993629456, 0.9287766814231873, 1.500228762626648, -0.02776903286576271, -0.5108495950698853, -0.4097287058830261, -0.20038850605487823, 0.09764723479747772, 0.48869121074676514, -0.008475896902382374, 0.08413192629814148, 0.1650894433259964, 0.3653436005115509, 0.7850404977798462, 1.1621131896972656, 0.7275322079658508, -0.167755126953125, 0.3143562078475952, -0.45884761214256287, 1.4707201719284058, -0.49625879526138306, -0.44312766194343567, 0.04868081212043762, -0.013642527163028717, -0.7002655267715454, -0.17524635791778564, -0.6384708285331726, 0.24523112177848816, 0.6911808252334595, 0.41520407795906067, -0.5747231841087341, 0.43987125158309937, -0.919602632522583, -0.21948039531707764, -0.18735985457897186, 0.01908651739358902, -1.0624582767486572, -0.4125936031341553, -0.2822391092777252, -0.6313843727111816, 0.14081071317195892, -0.2129025012254715, 0.1990363597869873, -0.9008703231811523, -1.056398630142212, 0.19512295722961426, 0.2033001035451889, -0.23378247022628784, -1.3247935771942139, 0.3420265316963196, -1.451263189315796, -0.2775457799434662, 0.18659895658493042, -0.43483680486679077, -0.22856564819812775, 0.8924345970153809, 1.5422545671463013, -0.2680736482143402, 0.33234894275665283, -0.10755245387554169, 1.2480664253234863, -0.3495939373970032, 0.11182147264480591, -0.2451074719429016, 0.6538959741592407, -0.8010505437850952, 0.08923466503620148, -1.483872413635254, 0.25293639302253723, 0.6366735100746155, 0.5925241708755493, 1.004680871963501, -0.0898803174495697, -1.411604404449463, 0.7652832269668579, 0.08901794254779816, 0.7202755808830261, -1.2918283939361572, 1.8774374723434448, 0.36841440200805664, -0.8287507891654968, 1.1527791023254395, -0.7404440641403198, -0.18526236712932587, 0.6068943738937378, -0.38459956645965576, -0.09350618720054626, -0.048589371144771576, -0.79801344871521, 0.4452105462551117, 0.5319793224334717, -1.8860527276992798, 1.6527549028396606, 1.4552664756774902, 0.0961165726184845, -0.18545839190483093, -0.42690980434417725, 0.0454811155796051, -0.5044921040534973, 0.8880296349525452, 1.137109398841858, -0.9181705713272095, 0.7493934035301208, 0.46146026253700256, 0.5301207900047302, 0.7739406228065491, -0.13846714794635773, 0.9811387062072754, 0.09086360037326813, 0.4222169816493988, -0.9218466877937317, -0.7424871325492859, 1.074392557144165, -0.055998317897319794, 0.011550795286893845, 0.4115947484970093, 1.010528326034546, 0.5786314010620117, -0.030361473560333252, 0.04952256754040718, 0.23284833133220673, 0.4968903362751007, 0.12726855278015137, -0.19734899699687958, -0.302251935005188, -0.1462419331073761, -0.07916721701622009, 1.4367982149124146, 0.07782123982906342, -0.7306953072547913, -0.7407768964767456, -0.40270689129829407, -0.7050908803939819, 0.3104216158390045, 0.9515994787216187, -0.06781646609306335, 1.6531420946121216, 1.11189603805542, 0.1126571074128151, 0.02138577774167061, -0.04050912335515022, 0.9164704084396362, 0.35792648792266846, 0.2780328094959259, -0.3199383020401001, 0.34531262516975403, 0.23868562281131744, 1.2822967767715454, -0.5735830068588257, 0.6632776260375977, 0.10576654225587845, -0.32646846771240234, -1.3732531070709229, 1.5939651727676392, 0.9069477915763855, 1.1191800832748413, 2.255357503890991, -0.23854012787342072, 0.35728657245635986, -0.4253535270690918, -0.6726570725440979, 0.10333558917045593, -0.1260555386543274, 0.858734130859375, 0.39120447635650635, 0.39228957891464233, 1.5637741088867188, 0.325941801071167, 0.45140162110328674, 1.54587721824646, -0.7190315127372742, -1.7519882917404175, 0.45534104108810425, -0.592823326587677, -0.24661733210086823, -0.1456441432237625, 0.07932683825492859, -0.5701675415039062, 0.595133900642395, 0.19535332918167114, -1.2550100088119507, -0.3043186068534851, -0.20463284850120544, -1.563112497329712, 1.08460533618927, 0.9802064895629883, -0.7544018030166626, -0.03710484132170677, -0.21661797165870667, -0.7752957940101624, 0.4998439848423004, -0.40180686116218567, -1.1621407270431519, 0.5952959060668945, 0.3474375307559967, 1.433477520942688, 0.25674962997436523, -0.037900250405073166, -1.0430481433868408, 1.36351478099823, 1.5020582675933838, -1.8233189582824707, 0.2446560561656952, 0.4211345613002777, 1.149855613708496, 0.0038762837648391724, -1.1994794607162476, -0.9193776845932007, 1.3765496015548706, 0.3457002639770508, -0.13419045507907867, -1.0936834812164307, 0.4747579097747803, 0.7733712792396545, 0.7884881496429443, -0.0032951384782791138, -0.3603416979312897, -0.25490421056747437, -0.8138843774795532, 0.319669634103775, 0.9521257877349854, -1.9579018354415894, -0.6549074649810791, 0.8937307000160217, -0.6957664489746094, 0.3684485852718353, 0.36261075735092163, 0.3557855188846588, 1.955841064453125, -0.3565307855606079, -0.546859860420227, -0.5167087316513062, -10.355213165283203, 1.230546236038208, -0.21527786552906036, -0.15185829997062683, 0.13472579419612885, -0.36358642578125, 0.4218050241470337, 0.2872462868690491, -0.09998603165149689, -1.1656826734542847, 0.024562843143939972, 1.1659538745880127, 0.10727847367525101, 0.08894816040992737, -0.518172562122345, -0.21796226501464844, -0.5444478392601013, -1.0815138816833496, 0.6016545295715332, 0.6462001204490662, -0.3759833574295044, -0.4180012345314026, -0.3071378469467163, -0.2665872573852539, 0.1476006805896759, -0.6929389238357544, -0.3965030312538147, -0.4637925922870636, -0.22580017149448395, 0.6396471261978149, 0.46610674262046814, 0.045187026262283325, -0.8299933075904846, -0.10912202298641205, -0.21317808330059052, -0.5869971513748169, -1.066920518875122, -0.4749979078769684, 0.49643605947494507, -0.8112088441848755, -0.6030504107475281, 0.48546966910362244, 0.4150458872318268, -1.0942670106887817, -0.22853894531726837, 0.12247385084629059, 0.5462942123413086, -1.2651963233947754, 0.10840396583080292, -0.4538763463497162, -0.7763294577598572, -0.2928246557712555, -0.8965297341346741, -0.6302918195724487, 0.7248634696006775, 0.5156987309455872, -0.7363175749778748, -0.7313312888145447, -0.1801273673772812, -0.4586702585220337, 0.02893788367509842, -0.18521824479103088, -1.0587431192398071, 0.7224487066268921, 0.3971198797225952, -0.06270378082990646, 0.14580854773521423, 0.6982179284095764, 0.32990333437919617, 1.0067247152328491, -0.5984472632408142, 2.005497932434082, 0.48352041840553284, 0.38611042499542236, -0.704099714756012, 0.08813578635454178, -0.6539701223373413, -0.394415944814682, 0.45338529348373413, 0.06038705259561539, -1.2880562543869019, 0.614717960357666, 0.3233256936073303, -0.902971088886261, -0.46673107147216797, 0.2807796001434326, 0.03830145299434662, 0.4754105806350708, 1.0389353036880493, -0.5660407543182373, 1.6894084215164185, -0.1270889788866043, -0.6282798647880554, -0.8272480964660645, -0.17522388696670532, 0.1811622977256775, -0.8213135600090027, 0.4684242606163025, 0.2507439851760864, -0.9331501722335815, -0.2885757088661194, -0.2229568064212799, -0.9991216659545898, 0.1443662792444229, 1.4902640581130981, -0.11682967841625214, -0.10007452964782715, 0.6921607255935669, 0.07750900089740753, -0.9553093910217285, 0.5366177558898926, -0.04346058517694473, 0.35008227825164795, 1.499839425086975, -0.5419647097587585, 1.2171528339385986, 0.7357153296470642, 0.44980114698410034, -0.4139295816421509, 0.6871326565742493, -1.0836113691329956, 1.110251784324646, 1.1527642011642456, 2.492697238922119, 0.10949964821338654, 0.33660638332366943, 0.48892971873283386, 0.14969007670879364, -0.737621545791626, -0.813389778137207, 0.9008880853652954, -0.5574245452880859, -0.131766676902771, -0.6081249713897705, -0.04698462411761284, 0.4956876337528229, -0.6512463688850403, 1.683192491531372, -0.756456732749939, -0.05663960427045822, -0.03838129714131355, 0.46767857670783997, -0.9441167712211609, -0.2733091711997986, -1.371321439743042, 0.4241432845592499, -2.0558083057403564, 0.025540467351675034, -0.11197469383478165, -0.7855571508407593, -0.22308796644210815, -0.9730594754219055, 1.0591111183166504, 0.3206526041030884, -0.6286084651947021, -0.7021497488021851, 0.5872043371200562, -0.7666804790496826, -0.29509976506233215, -0.5368508100509644, 0.747221052646637, 0.751139760017395, -0.6381182670593262, 1.2164945602416992, 0.4626597464084625, -0.3923301696777344, -0.7061039209365845, 0.10316132009029388, -0.569010853767395, 0.6356453895568848, 1.1041128635406494, -1.0871964693069458, -0.4781268239021301, -0.41301313042640686, 0.6030762791633606, -0.24758575856685638, -0.9687471985816956, 1.4023312330245972, -1.6407240629196167, 0.07028521597385406, -0.7314304113388062, 0.5266597867012024, 0.920474112033844, -1.5880920886993408, -0.5680218935012817, 0.2537025213241577, -0.13734447956085205, 0.43969136476516724, 0.589028537273407, 0.7195809483528137, -0.6079408526420593, -0.8239489197731018, -0.04475409910082817, -0.8611459732055664, -0.22036516666412354, 0.47052866220474243, 1.1849467754364014, -0.055225253105163574, -0.8462166786193848, -0.8629338145256042, -0.235415980219841, 0.2939313054084778, -0.1842973679304123, 0.20162642002105713, -0.015221459791064262, 0.5080674886703491, -0.35140305757522583, -0.0584784671664238, 0.469150573015213, 1.111620545387268, 0.22074954211711884, 0.358639657497406, 0.10621318221092224, -0.14119377732276917, -0.2875010073184967, -1.5007296800613403, -0.5782564878463745, -0.6794865131378174, -0.6668203473091125, -1.483501672744751, 0.4068552851676941, 0.9072095155715942, -0.22320030629634857, 0.38315150141716003, 0.5467350482940674, 0.4758188724517822, 1.042189598083496, 0.33477139472961426, 0.7291654944419861, -0.4546205401420593, -0.3110668957233429, 0.1990475058555603, 0.5140955448150635, 0.19804811477661133, 0.13324299454689026, -0.3982622027397156, -0.6571864485740662, 0.21486204862594604, -0.21097025275230408, 1.4004908800125122, -0.2969279885292053, 0.11441507190465927, 0.5242875218391418, 1.1173317432403564, 0.19106601178646088, -1.7302558422088623, -0.16899417340755463, -1.0985755920410156, -0.22030019760131836, 0.259760320186615, -0.5079056620597839, -0.1342468112707138, 0.6324066519737244, -0.9604094624519348, 1.4181251525878906, -0.6793472766876221, 0.001423276960849762, -0.009151563048362732, -0.30618321895599365, 1.3281176090240479, 0.22115394473075867, 0.032911643385887146, 0.5378207564353943, -0.3992313742637634, -1.3516501188278198, 0.24291858077049255, -1.1588257551193237, 1.0199706554412842, -0.06876840442419052, -0.32949167490005493, -0.3046858310699463, 0.27791422605514526, 0.16850875318050385, -0.18384131789207458, 1.235584020614624, 0.29107093811035156, 0.2779405117034912, -0.09991071373224258, -0.7247532606124878, 0.14686539769172668, -0.0605025477707386, 0.657387912273407, 0.08822866529226303, -0.058649301528930664, 0.2246415764093399, 0.18049193918704987, 0.34943506121635437, -0.5219094753265381, -0.23439069092273712, -0.6165581345558167, 0.16924625635147095, 0.7945804595947266, -0.49006128311157227, -1.082385778427124, 0.48472675681114197, -0.6168927550315857, 0.4273783564567566, -0.017335806041955948, -0.37892934679985046, 0.09247726202011108, 1.058278203010559, -0.19003869593143463, -0.23596996068954468, 0.30914759635925293, 0.31344330310821533, -1.0672155618667603, 0.34463366866111755, 0.7291244268417358, -1.3601408004760742, 0.3718564510345459, 0.12570059299468994, 1.0069589614868164, -0.22734031081199646, 1.5447293519973755]} +{"paper_id": "c4", "embedding": [-0.7631589770317078, 1.1722291707992554, -0.19319534301757812, -0.2671405076980591, 0.650381863117218, -0.2086079716682434, 0.6171337962150574, 0.36955034732818604, 0.8958937525749207, 0.679591178894043, 0.5093741416931152, 0.2003168761730194, 0.1817452609539032, -0.32093802094459534, -0.21331119537353516, 0.08697260171175003, -0.7298235893249512, -0.9865821003913879, -1.72987961769104, -0.5143043398857117, -1.0537077188491821, -0.6193897128105164, -0.052052903920412064, 0.8879373669624329, -0.6700740456581116, -1.1509560346603394, 0.5961289405822754, -0.931145966053009, -0.019567981362342834, 0.9141316413879395, -0.07640669494867325, 1.275944709777832, -1.3322150707244873, 0.5887981057167053, -0.29341691732406616, -0.43096110224723816, -0.04446382820606232, 0.5937234163284302, -0.028133507817983627, -0.19296959042549133, -0.8589803576469421, -0.3040374219417572, 0.7758663296699524, 0.23124226927757263, 0.6890729069709778, -0.49169087409973145, 0.24637626111507416, -0.25912758708000183, -0.16283372044563293, -0.11499831080436707, -0.5128882527351379, 0.07793789356946945, -0.3041459023952484, 0.5197455883026123, -0.326008141040802, 1.9921895265579224, 0.17981603741645813, -0.8903865218162537, 0.8440816402435303, -1.061333417892456, 0.8706284761428833, 1.9206207990646362, -0.3452494144439697, 0.4473951756954193, 0.8955889344215393, -0.35679036378860474, 1.5869804620742798, 0.5226137042045593, 0.5917289853096008, 1.0175009965896606, -0.34426403045654297, -0.9372918009757996, 0.4765191674232483, -0.10442985594272614, 0.4721028804779053, 1.0769374370574951, 0.23618976771831512, -0.1472788006067276, -0.03845315799117088, -0.7361969351768494, -0.9051541090011597, 0.4782702326774597, 0.82313072681427, -0.7338763475418091, -0.1920706033706665, 0.7495086789131165, -0.04667560011148453, -0.7264267802238464, 0.12171079963445663, -1.6750744581222534, 0.4585954546928406, 0.08334296941757202, 0.10899809747934341, -0.031999312341213226, -0.2991281747817993, 0.06700748205184937, -0.4523856043815613, -0.3455430865287781, -0.12453069537878036, 0.4310440123081207, 0.5986665487289429, -0.2717093825340271, 0.5817248821258545, 0.13608376681804657, 0.3241855800151825, 0.8424355387687683, -0.5728942155838013, -0.5142561197280884, -0.6173573732376099, -0.22416119277477264, 0.1950991153717041, 0.6763905882835388, 0.02153029292821884, 0.15250155329704285, -0.17943540215492249, 0.17741984128952026, 0.8022013902664185, -0.46458762884140015, -0.18827581405639648, 0.13001534342765808, -0.22810398042201996, -1.5336575508117676, -0.7876741886138916, -0.1161641925573349, 1.3027864694595337, -0.6724601984024048, -0.20216161012649536, -0.4763331115245819, 0.44049718976020813, -0.15421141684055328, 0.22124922275543213, 0.2536724805831909, -1.1413142681121826, 0.20316928625106812, 3.2264134883880615, -0.8783116340637207, 1.5313911437988281, -0.3629428744316101, -0.08899510651826859, -0.25309640169143677, 0.25752097368240356, 1.0130211114883423, -0.16129139065742493, -1.1927297115325928, -0.6076861619949341, 0.7072044610977173, -0.7044697403907776, 0.3504067063331604, -0.9169184565544128, -0.08956068754196167, 0.43773871660232544, -0.5269702672958374, -0.8274103403091431, -0.5667550563812256, -0.1875031590461731, 0.21468985080718994, 0.2529996335506439, 0.4856032729148865, -0.5240360498428345, 0.9408530592918396, 0.9189799427986145, -0.14805057644844055, -0.29069843888282776, 0.4191247820854187, -1.2879858016967773, -0.02138379216194153, 0.7712023258209229, -0.16798469424247742, -0.5493322014808655, -0.3174886405467987, 0.6581133008003235, -0.47510001063346863, 0.14375919103622437, -0.26239439845085144, 0.14177769422531128, 0.8162709474563599, 0.5763551592826843, 0.5249041318893433, 0.01349133811891079, -0.22325168550014496, -0.3447210192680359, -0.512452244758606, -0.0054155439138412476, 0.5016769170761108, -0.061131544411182404, 0.6093219518661499, -2.1071994304656982, -0.3508636951446533, -0.0020480751991271973, 0.5428346395492554, -0.22841905057430267, -0.8045299053192139, 0.24168163537979126, 0.15406368672847748, 0.5310432314872742, -0.6759125590324402, 0.44066378474235535, -0.6101495623588562, -0.07573723793029785, 0.6207476854324341, 0.0765632688999176, -0.1611945480108261, 0.2783548831939697, 1.1189032793045044, 0.24316450953483582, -0.4460812509059906, -0.7795794606208801, -1.4181212186813354, 0.49119919538497925, 2.459101915359497, -0.3220524191856384, -0.8780235648155212, -0.8666320443153381, -0.5709936618804932, 0.5622251629829407, -0.602853000164032, 0.005534045398235321, -0.6281272172927856, -0.0048095062375068665, -1.1758997440338135, 0.133958101272583, -0.23986226320266724, 0.1678999662399292, 0.2791888117790222, 1.1131958961486816, -0.37603041529655457, -0.3019995093345642, -0.37452319264411926, -1.103487491607666, 0.7510276436805725, 0.763934850692749, 0.3218000829219818, -0.76334547996521, 0.6464933753013611, -0.5422569513320923, 0.4907967448234558, 0.9341252446174622, 0.37688153982162476, -0.07508973777294159, -0.09001122415065765, -0.17440371215343475, 1.2407668828964233, -0.006871923804283142, -0.0987103283405304, -0.11742732673883438, 0.49687397480010986, -0.3862124979496002, -0.4921565055847168, 0.2795620560646057, 0.014667309820652008, 1.335754156112671, 0.5038713812828064, -0.8840561509132385, 0.6478511095046997, -0.9689556360244751, -0.010971471667289734, -0.362839013338089, -0.4614797532558441, -0.14905017614364624, -0.3264080286026001, 0.6577796339988708, -0.5312021970748901, 0.46483707427978516, 0.20696066319942474, 0.14651371538639069, -1.2595053911209106, -1.071556568145752, -0.3658364415168762, -0.5412958860397339, -1.4098480939865112, -0.4075896441936493, 0.07698579132556915, -0.5197010040283203, -0.3750360310077667, 0.6792342066764832, 0.23785443603992462, 0.1594206988811493, 0.7356377840042114, 1.5054329633712769, 0.029981307685375214, 1.0470995903015137, -0.0015137642621994019, 0.9961119294166565, -0.5235843658447266, 0.6823840141296387, 0.458442360162735, 0.1678406149148941, -0.6362859010696411, 0.2289261817932129, -0.7652900815010071, 0.44738805294036865, 0.6180827617645264, -0.531638503074646, 0.2531006634235382, -0.37997353076934814, -0.9207966327667236, 1.0121649503707886, -0.5168225765228271, 0.5060815215110779, -1.0327644348144531, 1.8497189283370972, 0.35157540440559387, -0.22595557570457458, 0.9517541527748108, 0.3051377832889557, -0.26629960536956787, 0.651195228099823, -0.36955615878105164, 0.45585140585899353, 0.19464074075222015, -0.10327715426683426, 0.44668516516685486, 0.43926742672920227, -2.1704797744750977, 0.2886717915534973, 0.961530327796936, -0.21318098902702332, -0.6749798655509949, -0.793038547039032, -0.22724199295043945, -0.35917896032333374, -0.3412400782108307, 0.5908733010292053, -0.45828065276145935, 0.5610036253929138, 0.1422252357006073, 0.02503311261534691, 1.3539903163909912, -0.7084792852401733, 0.5761634111404419, 0.8963152766227722, 0.38585537672042847, -1.0739843845367432, -0.22705680131912231, 0.646887481212616, -0.5934432744979858, 0.03150034695863724, 0.42052924633026123, 0.8146383166313171, 1.5077978372573853, -0.2529163956642151, 0.14198248088359833, 0.8429930210113525, 0.6989736557006836, 0.21017895638942719, 0.4080517590045929, -0.49376410245895386, -0.07624712586402893, 0.7291969656944275, 1.0538557767868042, -0.1150677353143692, -0.7115151286125183, -1.0654538869857788, -0.23996567726135254, 0.1682552546262741, -1.0400065183639526, 1.499512791633606, 0.18593797087669373, 0.8067143559455872, 0.2641119658946991, -0.02957635372877121, -0.6925492286682129, -0.20784832537174225, 0.9342328310012817, 0.8117271065711975, -0.5485708117485046, -0.5443553924560547, 0.18713107705116272, 0.8856804966926575, -0.568207323551178, -0.4728595018386841, -0.07751041650772095, 1.2264280319213867, 0.061446454375982285, -1.1211097240447998, 0.23093962669372559, 1.2664014101028442, 0.2960973083972931, 1.4718530178070068, -0.7900789976119995, -0.2760576009750366, 0.19893543422222137, 0.6091598868370056, -0.060409460216760635, 0.18724077939987183, 0.025514952838420868, 0.2947513163089752, 0.1249258816242218, 0.9928717613220215, 0.20099230110645294, 0.8633924126625061, 1.381211757659912, -0.749864935874939, -0.3971152901649475, -0.24028272926807404, -1.2159178256988525, -0.6061633229255676, -0.27087631821632385, -0.2608218789100647, -0.9228876233100891, 0.8354496359825134, -0.8281630277633667, -0.04904310032725334, 0.976576566696167, -0.5316429734230042, -1.2083830833435059, 0.009436264634132385, 1.1081634759902954, -1.1044105291366577, -0.1418381780385971, -0.3321058452129364, -0.99837327003479, -1.229123592376709, 0.06695809215307236, -0.5925397872924805, 0.1086268275976181, -0.420607328414917, 0.7540780305862427, 0.4455488920211792, -0.2758256793022156, -1.3434849977493286, 0.6163479089736938, 1.21019446849823, -0.8113413453102112, 0.2830558121204376, 0.10372715443372726, 0.4408303499221802, -0.21084430813789368, -0.8807767629623413, -0.0779605582356453, 0.506208062171936, -0.07580021768808365, 0.5377238392829895, -0.2650842070579529, -0.47051241993904114, 0.5879846811294556, -0.02087743952870369, 0.8132621049880981, -1.060460090637207, -0.09662298113107681, -0.013026654720306396, 0.6324074864387512, 0.6819391250610352, -0.17796893417835236, -0.49968865513801575, 1.0273032188415527, -0.2871171832084656, 1.0102063417434692, -0.23133383691310883, 0.6891442537307739, 0.6251049041748047, 0.25631991028785706, -0.018661679700016975, -0.3252127170562744, -11.639505386352539, 0.07843571156263351, -0.13226480782032013, 0.015278607606887817, 0.7797309160232544, -0.15349054336547852, 1.2216202020645142, -0.6495255827903748, 0.15821132063865662, -0.7083901166915894, 0.5641700625419617, 0.9376387000083923, 0.2857871353626251, -0.053978193551301956, -0.4433920085430145, -0.754217267036438, -0.8131744265556335, 0.003623172640800476, 0.8257840871810913, -0.26470065116882324, -1.2531871795654297, -0.6623534560203552, 0.36979442834854126, 0.24245387315750122, 0.42512255907058716, -0.049230437725782394, -0.2947397530078888, -0.07557088881731033, -0.5933486819267273, -0.28090983629226685, 0.3109718859195709, -0.02018951252102852, -1.2031641006469727, -0.4490653872489929, 0.3922947645187378, -0.36636221408843994, -1.0844752788543701, -0.07794824242591858, 1.404199481010437, 0.08257272094488144, -0.4695979952812195, 0.11079919338226318, 0.5967012047767639, 0.027197429910302162, -0.824135959148407, 0.8948951363563538, 0.6587668061256409, -0.8142038583755493, 0.5974288582801819, -0.616446852684021, -0.4737154245376587, -0.938286304473877, -0.8360098004341125, -1.107027292251587, 0.4713091552257538, 0.537128746509552, -0.45022130012512207, 0.06482911109924316, -0.3347221910953522, -0.7798629999160767, 1.002692699432373, 0.2192222774028778, -0.20344790816307068, -0.058768484741449356, 0.16474643349647522, -0.9836601614952087, -0.0027897581458091736, 0.6009114980697632, 0.34877273440361023, 0.38765811920166016, -0.6243497729301453, 0.6209079027175903, 0.3493325114250183, -0.14255428314208984, -0.537272036075592, -0.13040682673454285, -0.5167860984802246, -0.29616570472717285, 0.46385902166366577, -0.12404930591583252, -0.9801627993583679, 0.7058201432228088, -0.34799960255622864, -0.10552959889173508, -0.3818054497241974, 0.014754224568605423, -0.3049503266811371, -0.12690383195877075, 0.6581192016601562, 0.00438486784696579, 1.198449730873108, -0.20715242624282837, -0.25570791959762573, 0.49716702103614807, -0.9401091933250427, 1.4466807842254639, -0.8210883140563965, 0.7791922092437744, 0.35404250025749207, -0.9377636909484863, 0.21654850244522095, 0.21429863572120667, -0.22944055497646332, 0.04505413398146629, 0.6271438002586365, 0.3241243362426758, 0.06463052332401276, 0.3336440324783325, 0.5025448799133301, -0.18120676279067993, 0.8866242170333862, 0.21168595552444458, -0.4571624994277954, 0.6618287563323975, -0.2599197328090668, 1.3182200193405151, 0.5468043684959412, 0.5056400299072266, 0.818364143371582, 0.5317190885543823, -0.48876288533210754, 1.4396567344665527, 0.26796427369117737, 0.9444010853767395, 0.05899427458643913, -0.01734006032347679, 0.10499240458011627, 0.5509325265884399, 0.07091651111841202, -1.504635214805603, 0.08275014907121658, -0.33777955174446106, -0.1636119782924652, -0.7219024896621704, -0.40460699796676636, -0.38823798298835754, -1.3727258443832397, 1.6365654468536377, -0.3108205497264862, 0.3326008915901184, -0.07959210872650146, -0.7240690588951111, 0.23627474904060364, -0.9136360883712769, -1.3966634273529053, 0.23453283309936523, -1.2610503435134888, -0.07746201753616333, -0.4935499131679535, -0.49149221181869507, 0.05694648623466492, -0.36042147874832153, 0.7691802978515625, -1.2132095098495483, 0.03530871123075485, -0.05255940183997154, 0.34370163083076477, -0.24840950965881348, -0.8052807450294495, -0.3213479220867157, 0.010744806379079819, 1.1620678901672363, -0.807881236076355, 0.9298614859580994, 0.42888307571411133, -0.24966762959957123, -0.7344380021095276, 0.14979790151119232, -0.7148715853691101, 0.5338524580001831, 1.0731817483901978, -0.8491020798683167, -0.3406717777252197, -0.973436176776886, -0.6056470274925232, -0.8912392258644104, 0.16994217038154602, 1.305757761001587, -0.35062554478645325, -0.10827109217643738, -0.08928698301315308, 0.9687175750732422, -0.07908259332180023, 0.16303130984306335, -0.5579671859741211, 0.03556840866804123, -0.0453440323472023, 1.1649856567382812, 0.1922660917043686, 0.44268685579299927, -1.6317538022994995, -1.1741790771484375, -0.37929266691207886, 0.13542629778385162, -0.07920100539922714, -0.31243273615837097, 0.9897016286849976, 0.3700237274169922, -0.024641603231430054, 0.38551220297813416, -0.14331431686878204, 0.9969745874404907, -0.013470668345689774, 0.6764674782752991, 0.5857902765274048, 0.2540152668952942, -0.4890139102935791, 0.5259402990341187, 0.006624434143304825, 0.5811231136322021, -1.8357274532318115, -0.3838426470756531, -0.12017188966274261, -0.5407810807228088, -0.10682424902915955, -0.9951446056365967, 0.05275345221161842, -0.27733367681503296, 0.2080385684967041, -1.3313618898391724, 0.08255057036876678, 1.6809654235839844, -0.08137116581201553, 0.5258711576461792, 0.61112380027771, 0.30848750472068787, 0.2664881944656372, 0.7078542113304138, 1.977765440940857, -0.0458754263818264, -0.8316382765769958, 0.06790749728679657, 0.4805354177951813, -0.23662075400352478, 0.0624302476644516, -0.03350067138671875, -1.4486463069915771, 0.5531436800956726, -0.8498230576515198, 0.7754889130592346, -0.7304855585098267, 0.48075804114341736, 0.2623014748096466, 1.0068631172180176, -0.5390506386756897, -1.9901514053344727, -0.34763261675834656, -1.2489724159240723, -0.10402627289295197, 0.47544318437576294, 0.4482598304748535, 0.19865162670612335, 0.6863552331924438, -0.40362322330474854, 1.0815609693527222, -0.39643123745918274, -0.009590186178684235, -0.38143888115882874, -0.0691494345664978, 1.2344738245010376, 0.278635710477829, 0.5698516368865967, -0.3344084322452545, -0.4953700602054596, -0.13125678896903992, -0.4622214138507843, -0.17000561952590942, 0.6826664209365845, 1.326858401298523, -0.2925815284252167, -0.04073233902454376, -0.8294939994812012, 0.4494476914405823, -0.7102025747299194, 0.7580733895301819, 0.2821783721446991, -0.08723913878202438, -1.2345788478851318, -0.48641371726989746, 0.48391225934028625, 1.102603793144226, 0.06918565183877945, 0.03748331964015961, -0.4520456790924072, 0.6414145231246948, 0.13323338329792023, -0.1268734186887741, -0.9877997636795044, -0.09731148928403854, -0.5797767043113708, 0.3368552327156067, 0.6521806716918945, -0.6009626984596252, -0.40756046772003174, -0.04070723056793213, -0.6876370906829834, 0.5769803524017334, -0.05670510232448578, -0.779833972454071, -0.5329509973526001, 0.2344554364681244, -0.46347951889038086, 0.001400914043188095, 0.8062558770179749, -0.6847432851791382, -1.5028762817382812, 1.256824254989624, 1.1826034784317017, -0.8264400959014893, -0.5369102954864502, 0.3395010828971863, 0.045150142163038254, 0.32741889357566833, 1.298792839050293]} +{"paper_id": "paws", "embedding": [0.16674262285232544, 0.71575927734375, 0.35383573174476624, -0.09609878063201904, 0.11041751503944397, -0.16541847586631775, 0.5119826197624207, 0.5295076370239258, 0.24060770869255066, 1.2286908626556396, 0.09526749700307846, -0.40622586011886597, -0.2876386344432831, -0.23200024664402008, 0.07930638641119003, -1.1729522943496704, -1.2926771640777588, -0.572189450263977, -1.2806131839752197, -0.6166840195655823, -0.32042545080184937, -0.40424901247024536, -0.23481528460979462, 0.38220325112342834, -0.9805287718772888, -0.5275566577911377, 0.9434353113174438, -1.1925811767578125, 0.13878726959228516, 0.031026331707835197, -0.6766608357429504, 1.3578791618347168, -1.754858136177063, 0.27156510949134827, 0.10592875629663467, 0.12375719100236893, -0.12538085877895355, 1.287002682685852, -0.8574158549308777, -0.12742000818252563, -0.630859911441803, -0.1364102065563202, 0.6938061118125916, 0.45756641030311584, 0.5915502905845642, 0.007344931364059448, 0.791968047618866, -0.1885777860879898, -0.72234046459198, -0.14353589713573456, -0.578797459602356, 0.23913151025772095, 0.845337986946106, 0.7544347047805786, -0.4283273220062256, 1.2610087394714355, 0.3149673044681549, -1.4404404163360596, 1.194754719734192, -0.668677568435669, 1.5416127443313599, 1.9018062353134155, -0.18864348530769348, 0.8041219115257263, 0.2723778188228607, -0.4106932282447815, 1.2534452676773071, 0.19854606688022614, 0.21827475726604462, 0.6608061194419861, -0.0840088278055191, -1.1675879955291748, 0.5519693493843079, -0.40251824259757996, 0.07999252527952194, 0.6808291673660278, 0.4735638201236725, 0.8602304458618164, 0.14887735247612, -0.0017300881445407867, 0.21084891259670258, 0.800959050655365, 0.3085358440876007, -0.37396296858787537, 0.004085108637809753, 0.3372155725955963, -0.23349517583847046, -1.286678433418274, 0.8870789408683777, -1.3469980955123901, 0.9720048904418945, 0.23188848793506622, -0.25943782925605774, 0.16226017475128174, -0.13118813931941986, 1.3457452058792114, -0.6815574169158936, 0.016453402116894722, -0.3450362980365753, 0.5898864269256592, 1.0971814393997192, -0.8357683420181274, 0.5284113883972168, -0.5228556990623474, 0.1582970768213272, 0.9481515884399414, -0.13703753054141998, -0.40478605031967163, -0.9504603147506714, -0.0632714107632637, -0.5454056859016418, 1.6890814304351807, -0.7932119369506836, 0.5491790175437927, 0.18600742518901825, 0.30260321497917175, -0.0023537874221801758, -1.0756311416625977, 0.12786607444286346, 0.04985286667943001, 0.4792228937149048, -0.9779111742973328, 0.1368042230606079, 0.43298524618148804, 0.560015857219696, -0.39765557646751404, 0.30948954820632935, -0.20242154598236084, 0.16365014016628265, 0.3622693121433258, 0.7135006189346313, -0.31035134196281433, -0.7524495124816895, 0.3665212094783783, 3.0178163051605225, -1.1754367351531982, 2.0379045009613037, -1.0347048044204712, -0.38726863265037537, -0.4258955717086792, -0.918708324432373, 1.1328034400939941, 0.09676433354616165, -0.5893831849098206, -0.5263373851776123, 0.3634074628353119, -0.024942610412836075, 0.6241450309753418, -0.5207616686820984, -0.5137801766395569, -0.7710375189781189, 0.5092153549194336, -1.864941954612732, -0.42093417048454285, 0.19564497470855713, -0.10594533383846283, 0.17831361293792725, 0.3035863935947418, -0.36590683460235596, 0.8510046601295471, -0.2031293511390686, -0.17586633563041687, -0.9485288262367249, 0.7665733695030212, -0.8040931224822998, -0.20453910529613495, 1.3518956899642944, -0.6771615147590637, -1.4964615106582642, 0.08151554316282272, 1.2850669622421265, -0.6013923287391663, 0.16156840324401855, 0.3052668571472168, -0.343050479888916, 0.11540661007165909, 0.6186436414718628, 0.8093768358230591, 0.3302744925022125, -0.6875582933425903, -0.5124168395996094, 0.13833291828632355, -0.4076511263847351, 0.5818977355957031, -0.6740326881408691, 0.22106188535690308, -1.9023276567459106, -0.10319596529006958, 0.2793026566505432, 1.0277700424194336, 0.4477003216743469, -0.6653754711151123, -0.6126152276992798, 0.7104443907737732, -0.03669426962733269, -0.37786370515823364, 0.8177365064620972, -1.2499312162399292, -0.18117374181747437, -0.07765357941389084, -0.19966192543506622, -0.4951658546924591, -0.3485591411590576, 0.4294079542160034, 0.5599275827407837, -0.9450302124023438, -0.7931387424468994, -2.2500815391540527, 0.36348745226860046, 2.8581349849700928, 0.10048635303974152, -0.39891695976257324, -1.182790756225586, -0.13120408356189728, -0.1374225616455078, 0.2920010983943939, 0.6933779716491699, -1.219573974609375, -0.2091100811958313, -1.6273592710494995, 0.8774728178977966, -0.062007103115320206, 0.5903298854827881, 0.7336070537567139, 0.5590370893478394, -1.0877336263656616, -0.07619775831699371, -0.8842518925666809, -1.0720988512039185, 0.6352251768112183, 0.6395962834358215, -0.17631101608276367, -0.13964326679706573, 1.223464846611023, 0.7548730373382568, 1.1405504941940308, -0.1379604935646057, 0.42476969957351685, -1.443926215171814, 0.3651138246059418, 0.0735713317990303, 0.8860358595848083, 0.3377355933189392, 0.39978885650634766, 0.8155016899108887, 0.1751677542924881, -0.9045356512069702, -0.8543325662612915, -0.5969918370246887, 0.5155804753303528, 1.178760051727295, 0.9373489022254944, -0.6525411009788513, 1.0261476039886475, -0.8718162178993225, 0.24611932039260864, -0.668697714805603, -1.1942262649536133, -0.12951163947582245, 0.06369853764772415, 1.2902294397354126, 0.4450526833534241, -0.2440066933631897, -0.40905922651290894, -0.24200007319450378, -1.1699230670928955, 0.32365095615386963, -0.023545511066913605, -0.12144973874092102, -1.686638355255127, -0.0837240144610405, -0.3892449140548706, -1.5147889852523804, -1.0264222621917725, -0.05516375973820686, 0.2538827359676361, 0.16056092083454132, 1.0583362579345703, 1.3339592218399048, -0.09734974801540375, -0.13848285377025604, 0.5142260789871216, 0.691058874130249, -1.2242226600646973, 0.7475172281265259, -0.2244381457567215, 0.32333749532699585, -0.6916219592094421, 0.12885329127311707, -0.8849470019340515, 0.2431613802909851, -0.06219096481800079, -0.6878197193145752, 0.39576536417007446, -0.46040135622024536, -0.18083378672599792, 1.169944167137146, 0.14308734238147736, -0.3574706017971039, -0.6201428771018982, 1.8043982982635498, 0.3563374876976013, 0.019434567540884018, 0.39289820194244385, -0.45251521468162537, 0.19979941844940186, 1.557573676109314, -0.7385772466659546, 0.418795108795166, 0.4533895254135132, -0.26068827509880066, 0.48043256998062134, 0.3952695429325104, -2.023416519165039, 0.5310666561126709, 1.2772929668426514, -0.8561881184577942, -0.4059085547924042, -0.9677030444145203, 0.8257880210876465, -0.7607713341712952, -0.5788086652755737, 0.958044707775116, -0.7588139176368713, -0.15725435316562653, -0.47686901688575745, 0.26216816902160645, 0.46849775314331055, -1.5555200576782227, 0.3463318347930908, 1.2395024299621582, 0.7347447276115417, -0.8956784009933472, -0.11360912770032883, 1.3740904331207275, -0.46203112602233887, 0.6689639091491699, 0.44736942648887634, 1.202253818511963, 0.28175392746925354, 0.41494864225387573, -0.05667136237025261, 0.7242672443389893, 0.6936629414558411, -0.18244488537311554, -0.2626756727695465, -0.234579399228096, 0.7376437783241272, -0.44739586114883423, 1.7418829202651978, 0.5396043658256531, -1.1401348114013672, -1.1877607107162476, -1.0008584260940552, 0.34239089488983154, -0.46533671021461487, 1.453721523284912, 0.6294311881065369, 0.7271994352340698, -0.14983168244361877, 0.9085603952407837, -0.7867876887321472, 0.23106616735458374, 0.8227505087852478, -0.08501389622688293, 0.08843865990638733, -0.8000912666320801, -0.25323382019996643, 0.8846362233161926, 0.14410781860351562, -0.6617242693901062, 0.34859591722488403, 0.8308544754981995, -0.23141051828861237, -0.28423282504081726, -0.12899763882160187, -0.08880294859409332, 0.2557269334793091, 0.38590437173843384, -1.2890009880065918, -0.6790419816970825, -0.2995070517063141, 0.16739875078201294, 0.20901285111904144, -0.059952232986688614, -0.9442305564880371, 0.4607415497303009, 0.36091694235801697, 0.38319405913352966, -0.21187147498130798, 1.0338984727859497, 0.9661780595779419, -0.07044560462236404, -1.4756944179534912, -0.2454676479101181, -0.3586244285106659, 0.356768935918808, 0.12715092301368713, -0.5055750608444214, -0.7754917144775391, 1.3629505634307861, -0.2793346643447876, -0.7733544707298279, 0.8802998065948486, -0.17001107335090637, -1.1878907680511475, 0.8848687410354614, 0.6875234842300415, -1.6838266849517822, -1.3318731784820557, 0.12627777457237244, -0.45570844411849976, -0.6694296598434448, 0.540886640548706, -0.6132549047470093, 1.4146937131881714, 0.6109589338302612, 0.49109184741973877, -0.36793631315231323, -0.2262655645608902, -1.5197913646697998, 0.5875567197799683, 1.4858105182647705, -0.9281224608421326, 0.10540545731782913, -0.3983025550842285, 0.20509032905101776, 0.453581303358078, -0.8959025740623474, -0.7611492276191711, 0.6993548274040222, -0.16061121225357056, 0.14453302323818207, -0.8139169812202454, -1.2459365129470825, 0.5434668064117432, -0.4032171070575714, 1.4399983882904053, -0.8687333464622498, 0.6288546323776245, -0.7998424172401428, 0.5056270956993103, 0.4138668179512024, -0.32877427339553833, -1.1669771671295166, 1.3261692523956299, -0.6523053646087646, 0.6081136465072632, 0.5262426137924194, -0.3492146134376526, 1.2643054723739624, 0.2883071005344391, -0.13064879179000854, -0.35598957538604736, -10.02273941040039, 0.9785698056221008, 0.6209641098976135, 0.8849565982818604, 0.366874635219574, -0.7902616262435913, 0.3785739839076996, -0.13531817495822906, 0.8788776993751526, -0.43983256816864014, 0.4120838940143585, 2.0398523807525635, 0.0999193787574768, -0.4130256772041321, -1.2766822576522827, -1.3127708435058594, -0.5368283987045288, -0.830146312713623, 0.03608250617980957, 1.1572256088256836, -0.41630488634109497, -1.1520334482192993, 0.8554899096488953, 0.26912161707878113, 0.7313675880432129, 0.6501984596252441, -0.2893731892108917, -0.45606812834739685, -0.5039628148078918, 0.3021654486656189, 0.6535982489585876, -0.08669140934944153, -0.6737735867500305, -0.3503044843673706, -0.3565211892127991, 0.17879970371723175, -0.05723463371396065, -0.09372997283935547, 0.5388580560684204, -0.47758573293685913, -0.4225592017173767, -0.061848707497119904, 0.742842435836792, -0.4771345555782318, -0.6353371143341064, -0.010470747947692871, -0.3150430917739868, -1.0908056497573853, -0.000758536159992218, -0.5377216339111328, -0.6973438858985901, -0.3385360836982727, -1.1736271381378174, -0.7804059982299805, -0.18898482620716095, -0.28399989008903503, -0.7653191685676575, 0.7899658679962158, -0.8413777947425842, -1.6901414394378662, 0.25808367133140564, 0.2619134783744812, 0.16720348596572876, 0.14219802618026733, 0.17590275406837463, -0.5748774409294128, 0.09352438151836395, 0.17992152273654938, -0.7177973389625549, 0.2974342703819275, -1.1940162181854248, 1.0303759574890137, 0.15835130214691162, 0.8252543807029724, -0.7226061820983887, 0.03353719413280487, -1.1224592924118042, -0.32531797885894775, 1.167532205581665, -0.17433400452136993, -1.3538155555725098, 0.6130457520484924, 0.31112807989120483, -0.2247755527496338, -0.8715597987174988, 0.09412726759910583, -0.2460034191608429, 0.011593829840421677, 0.6904772520065308, -0.3351300060749054, 0.6512462496757507, -0.027562005445361137, -0.4110381603240967, -0.06925800442695618, -0.45624420046806335, 0.3707960546016693, -0.6988764405250549, 0.6681883931159973, -0.32352203130722046, -0.9676324129104614, 1.1213451623916626, -0.4895875155925751, -1.1188256740570068, 0.45661279559135437, 0.2724146544933319, 0.3382231593132019, 0.21816900372505188, -0.1138361468911171, -0.7229978442192078, -0.5711004734039307, 0.8637949228286743, -0.29122990369796753, -0.5252217054367065, 1.009660243988037, 0.11609089374542236, 0.3644053637981415, 1.4234955310821533, 0.17109525203704834, 0.5325073003768921, 1.1090997457504272, -0.7912267446517944, 0.9506338238716125, 0.10479971021413803, 1.711353063583374, 0.10334606468677521, 0.2452770173549652, 0.21609461307525635, 0.24869734048843384, -0.15851351618766785, -1.8351162672042847, 0.7057908773422241, -0.3294857144355774, 0.5659842491149902, -0.13821527361869812, 0.11255952715873718, 0.013644400984048843, -0.575916588306427, 1.08560311794281, -0.4475424289703369, 0.2893993556499481, -0.018371541053056717, -0.057299431413412094, 0.11798815429210663, -0.5140908360481262, -0.5399226546287537, 0.18919120728969574, -1.8383262157440186, 0.3334524929523468, -0.5586336255073547, -0.32556629180908203, -0.2963138818740845, -0.48102474212646484, 1.166502833366394, -0.6660377979278564, -0.029239047318696976, -0.11253850907087326, 1.1004360914230347, -0.43417033553123474, -0.724478542804718, 0.017483249306678772, -0.19456326961517334, 1.2092015743255615, -0.7963693141937256, 1.0423662662506104, 0.6710302829742432, -0.0498405359685421, -0.45116907358169556, -0.24548138678073883, -0.2180158942937851, -0.11532175540924072, 1.1653989553451538, -0.9266310334205627, -0.10774940997362137, 0.27407583594322205, 0.11247594654560089, -0.8049173951148987, 0.750440239906311, 0.875083327293396, -1.0053012371063232, 0.15747082233428955, 0.08337634056806564, 0.7648556232452393, -0.16735002398490906, 0.38862860202789307, -0.11646146327257156, -0.004099074751138687, -0.0795377865433693, 0.6967843174934387, 0.11322104930877686, 1.7300149202346802, -1.5467593669891357, -1.4471681118011475, 0.16072994470596313, 0.859651505947113, 0.9063830971717834, -0.11022497713565826, 1.0970722436904907, 0.48871082067489624, 1.0012905597686768, 0.1638445258140564, 0.08545252680778503, 0.45548370480537415, 0.06406587362289429, 0.6670266389846802, -0.8211759328842163, 0.5274567604064941, -0.7233797311782837, 0.5938053131103516, -0.13813923299312592, 0.8881449699401855, -1.2204828262329102, 0.036421291530132294, 0.27661898732185364, 0.0017475858330726624, -0.0052115824073553085, -1.2848870754241943, 0.11191920191049576, -1.0061304569244385, -0.6723368167877197, -1.4845561981201172, 0.46889060735702515, 1.044694423675537, 0.04713532328605652, 0.9872108101844788, 0.3656352162361145, 0.31594225764274597, 0.6921492218971252, 0.1949833184480667, 1.2249606847763062, 0.34331873059272766, 0.19582287967205048, -0.31896889209747314, 0.2962985336780548, 0.35527417063713074, -0.11331672966480255, -0.22533419728279114, -0.1511162668466568, 0.17214399576187134, -0.7380519509315491, 0.7093703746795654, -0.4576440453529358, 0.2776535749435425, 0.9837360978126526, 1.5793825387954712, -1.1110618114471436, -0.4786038398742676, -0.1423027515411377, -1.4296021461486816, 0.22323013842105865, 0.15239964425563812, 1.6787036657333374, 0.9039567112922668, 0.8784703612327576, 0.5474792718887329, 0.6999490261077881, -0.46298158168792725, 0.20282191038131714, 0.06306646019220352, -0.19143708050251007, 1.4848138093948364, 0.40043845772743225, 0.3659091293811798, 0.19309109449386597, -0.1459808051586151, -1.1443731784820557, -0.2521800398826599, -0.6831477284431458, 1.227934718132019, 0.08186689019203186, 0.44837838411331177, 0.17487089335918427, -0.6664754748344421, -0.026372212916612625, -0.41093817353248596, 0.7760552167892456, 0.34042853116989136, -0.557453989982605, -0.8350878357887268, -1.154003620147705, -0.2892700731754303, 0.4923839867115021, -0.3913276791572571, -0.01520202960819006, -0.41465306282043457, 1.1227282285690308, -0.20903518795967102, -0.5228826403617859, -0.5368767976760864, 0.033060651272535324, -0.6856383681297302, -0.11921998858451843, 0.03002224490046501, -0.7693272829055786, -1.0353072881698608, -0.12190818786621094, -0.5057174563407898, 0.1424918919801712, -0.6987420320510864, -1.3479084968566895, -0.41618072986602783, -0.5652703642845154, 0.2449556589126587, 0.5408177375793457, 0.2790277898311615, -0.6070136427879333, -1.8023884296417236, 0.44014790654182434, 1.5868589878082275, -0.2981607913970947, -0.5246407985687256, 0.6971696615219116, -0.18201938271522522, 0.7973458766937256, 0.8112086057662964]} +{"paper_id": "klue", "embedding": [-0.31577759981155396, 1.6884948015213013, 0.41056549549102783, -0.2760361135005951, 0.4542418420314789, 0.05686146765947342, 0.7307671904563904, 0.468491792678833, 0.7991348505020142, 1.0237174034118652, 0.5862187147140503, -0.810479462146759, -0.2932555079460144, -0.3218410909175873, -0.4062555432319641, -0.5141143798828125, -1.228691577911377, -0.9829167723655701, -1.5209784507751465, -0.40351173281669617, -0.8557091355323792, -0.5554652214050293, 0.10415919125080109, 1.177871584892273, -0.9030406475067139, -0.4817523956298828, 0.8656485080718994, -1.3676261901855469, 0.03777695447206497, 0.3688686788082123, -0.650904655456543, 1.1234444379806519, -1.0739439725875854, 0.1380070149898529, 0.31304556131362915, 0.06058674305677414, -0.0714278295636177, 0.7879472970962524, -0.6035603880882263, -0.00348716601729393, -0.7173318266868591, -0.210445374250412, 0.7960883975028992, 0.21687045693397522, 1.028924822807312, 0.014765195548534393, -0.5984807014465332, 0.47980615496635437, -0.32351261377334595, -0.4570535719394684, -0.5854970812797546, -0.2069653868675232, 0.644547700881958, 0.6446923017501831, -0.4541448950767517, 1.1970888376235962, 0.1574523150920868, -1.0854839086532593, 0.5861309766769409, -0.9870641231536865, 0.9255675077438354, 1.9237420558929443, -0.5904170870780945, 0.47427260875701904, 0.8363481760025024, -0.04314645379781723, 1.3029478788375854, 0.36520683765411377, 0.3513784110546112, 0.5443690419197083, 0.028494447469711304, -1.149793028831482, 0.646451473236084, -0.0244905948638916, 0.340356707572937, 0.9012055397033691, 0.4220640957355499, 0.5821233987808228, -0.1269889920949936, 0.08731494098901749, -0.6250303387641907, 0.7999162673950195, 0.8692309260368347, -0.7666279077529907, -0.19082367420196533, 0.7258371710777283, 0.10943625867366791, -0.6297352910041809, 0.9201105237007141, -1.8114492893218994, -0.11384429037570953, 0.033289723098278046, -0.19435705244541168, -0.01888766884803772, -0.40935075283050537, 0.5461819767951965, 0.13245485723018646, -0.08127441257238388, -0.21733005344867706, 0.318915456533432, 0.8018896579742432, -0.1850445568561554, 0.28028151392936707, -0.539074182510376, 0.5271462798118591, 1.1462653875350952, -0.2150525450706482, -0.4357548952102661, -0.8656756281852722, -0.5299248099327087, 0.31849879026412964, 1.2925409078598022, -0.175714373588562, 1.1430089473724365, 0.42569541931152344, -0.07712646573781967, 0.2491632103919983, -0.7372809648513794, 0.021855082362890244, 0.32931089401245117, -0.4823766350746155, -0.7811363339424133, -0.08393777906894684, -0.3034462630748749, 0.6876438856124878, -0.556058943271637, 0.29524311423301697, -0.2811692953109741, 0.5420200228691101, -0.25587230920791626, 0.625179648399353, 0.2075110524892807, -0.39718160033226013, -0.06788323819637299, 2.9113669395446777, -1.243725061416626, 1.2205122709274292, -0.9785694479942322, 0.1105373352766037, -0.46623677015304565, 0.033342935144901276, 1.7358758449554443, -0.04744506999850273, -0.7667099237442017, -0.21421323716640472, -0.010489026084542274, -0.9447475075721741, 0.6124893426895142, -0.7102642059326172, -0.4663572609424591, -0.1580878049135208, -0.10626067966222763, -1.8565921783447266, -0.1949148178100586, 0.112950399518013, 0.07959730178117752, 0.3004244267940521, 0.7851585149765015, -0.2538064420223236, 1.6011614799499512, 0.5783770084381104, -0.25360941886901855, -0.24369490146636963, 0.7612614631652832, -1.6081401109695435, -0.1286611557006836, 1.0113822221755981, -0.40563395619392395, -0.5348975658416748, -0.5894145965576172, 1.0726895332336426, -0.47006356716156006, 0.18424540758132935, -0.03724569082260132, -0.34814080595970154, 0.44537994265556335, 0.8645576238632202, 0.6676274538040161, 0.08714140206575394, -0.27278831601142883, -0.10600040853023529, -0.5000816583633423, 0.02693166583776474, 0.7090474963188171, -0.3589767813682556, 1.1802756786346436, -2.2272701263427734, -0.15837708115577698, 0.40325266122817993, 1.0167722702026367, -0.15766626596450806, -0.5951787233352661, -0.1266038715839386, 0.026998866349458694, 0.3886379599571228, -0.3410959839820862, 0.8732201457023621, -1.137319564819336, -0.2535220980644226, 0.45940136909484863, -0.033653806895017624, -0.4430767595767975, -0.14030678570270538, 1.2639765739440918, 0.7175891995429993, -0.6432939767837524, -0.7737765908241272, -1.8811172246932983, -0.5291848182678223, 3.1739842891693115, 0.34823697805404663, -0.8719472885131836, -1.0302855968475342, -0.6011119484901428, -0.4060359001159668, -0.31415319442749023, 0.13711057603359222, -0.41386666893959045, -0.17713060975074768, -1.1388776302337646, 0.1364259123802185, -1.1007879972457886, 0.6165133118629456, 0.5740191340446472, 0.9905270338058472, -0.18973812460899353, -0.3552214205265045, -0.11876553297042847, -0.41848960518836975, 0.2925766706466675, 0.6076480746269226, 0.1652945727109909, -0.5457146763801575, 0.8984049558639526, 0.08641086518764496, 0.45798367261886597, 0.579857349395752, 0.41217270493507385, -0.4483923614025116, -0.17891356348991394, 0.09202273935079575, 1.4851360321044922, -0.18313716351985931, -0.32061874866485596, 0.28592443466186523, 0.046308740973472595, -0.5485496520996094, -0.3721569776535034, -0.20200225710868835, 0.34614014625549316, 1.1439306735992432, 1.1074378490447998, -0.7642813324928284, 1.0567622184753418, -1.2452235221862793, 0.33351123332977295, -0.7615666389465332, -0.5412697792053223, -0.1737290620803833, -0.07878725230693817, 0.4794448912143707, -0.39216339588165283, 0.2102629542350769, -0.7903748154640198, 0.17377187311649323, -1.8351178169250488, -0.3769627511501312, -0.02406981587409973, -0.8474522233009338, -1.704784631729126, 0.003190241754055023, 0.2691671550273895, -1.2329221963882446, -0.4416831135749817, 0.2921605706214905, 0.7716200351715088, 0.7588306665420532, 0.8185909986495972, 1.6567071676254272, -0.11603640019893646, 0.4840707778930664, 0.3929855227470398, 0.5037580132484436, -0.9482743740081787, 0.704520583152771, -0.28783681988716125, 0.1496216505765915, -0.29385167360305786, 0.23139804601669312, -0.6181161403656006, 0.2418563961982727, 0.8792686462402344, -0.7403988242149353, 0.44375619292259216, -0.31651216745376587, -1.245822548866272, 0.6392141580581665, -0.8855103850364685, 0.4906979203224182, -0.7128035426139832, 2.1705307960510254, 0.4531835615634918, -0.5598830580711365, 0.7721510529518127, -0.49964648485183716, -0.12668558955192566, 1.1252633333206177, -0.7603226900100708, 0.5872084498405457, 0.1877276599407196, -0.7655303478240967, 0.10037732869386673, 0.5217770934104919, -2.2631747722625732, 0.42831355333328247, 0.7627285122871399, -0.2757488191127777, -0.3756692707538605, -1.0611907243728638, 0.5078607797622681, -0.7163567543029785, -0.12673597037792206, 0.4113028645515442, -0.9086211323738098, 0.37157416343688965, -0.362397700548172, 0.05609884858131409, 0.5501976013183594, -0.54443359375, 0.5453616380691528, 1.0715713500976562, 0.5691023468971252, -1.0301482677459717, -0.4036729037761688, 1.1064040660858154, -1.011035442352295, 0.15100334584712982, 0.4302534759044647, 0.9034183025360107, 1.4067676067352295, -0.43182194232940674, 0.04748355597257614, 1.3261933326721191, 0.9851230382919312, 0.18953977525234222, 0.05274912342429161, -0.27509117126464844, 0.45001542568206787, -0.012600559741258621, 0.7562673091888428, 0.34333568811416626, -0.9808218479156494, -1.0288640260696411, -0.275412917137146, 0.07155023515224457, -0.746951699256897, 1.4787089824676514, 1.1445493698120117, 1.4873219728469849, 0.03710431605577469, 0.1816018521785736, -0.5046263337135315, -0.18334588408470154, 0.857194185256958, 0.2759329676628113, -0.24163265526294708, -0.1998138427734375, -0.03858882188796997, 0.7713825106620789, -0.1886616349220276, -0.5630009174346924, 0.22988452017307281, 0.8251019716262817, -0.3167189061641693, -1.0122958421707153, 0.0734475776553154, 0.6283177733421326, 0.15855804085731506, 1.344730257987976, -1.0163782835006714, -0.30841687321662903, 0.754322350025177, 0.6781538724899292, 0.2954482138156891, 0.07527937740087509, -0.5502351522445679, 0.5532398819923401, 0.5408573150634766, 0.023997817188501358, -0.17705807089805603, 1.2480041980743408, 1.2855019569396973, -0.6632901430130005, -0.8031668663024902, -0.5022949576377869, -1.1165839433670044, -0.23625612258911133, -0.08807635307312012, 0.06895435601472855, -0.7624581456184387, 0.5064492225646973, -0.3262166380882263, -0.4179030656814575, 0.8443185091018677, -0.557712197303772, -1.392533302307129, 1.014535665512085, 0.8050587177276611, -1.4059829711914062, -0.7910324931144714, -0.19354423880577087, -0.5510178208351135, -1.1335361003875732, 0.24084137380123138, -1.1164031028747559, 0.1574297994375229, -0.11025036871433258, 1.152904987335205, 0.30611926317214966, -0.33531320095062256, -1.1275875568389893, 0.3023682236671448, 1.297128438949585, -0.8512223958969116, 0.26469963788986206, -0.007734104059636593, 0.37144899368286133, -0.4400561451911926, -1.1836791038513184, -1.0838063955307007, 0.823029100894928, 0.05754224956035614, 0.05999937281012535, -0.6101078391075134, -0.7397265434265137, 0.33775657415390015, 0.07914505898952484, 0.8948283195495605, -0.8777103424072266, 0.252969890832901, -0.5694692730903625, 0.43405410647392273, 0.8752248287200928, -0.6490004062652588, -0.9284865260124207, 0.8018123507499695, -0.3677232563495636, 0.4178246259689331, 0.45117631554603577, 0.6754242777824402, 0.9892277121543884, 0.2668735384941101, 0.2987997531890869, -0.4553491473197937, -10.889623641967773, 0.24570372700691223, -0.05938855558633804, 0.078310027718544, 0.15983854234218597, -0.7684927582740784, 0.8500715494155884, 0.05455571785569191, 0.8259016275405884, -0.7601990699768066, 0.5121817588806152, 1.5348442792892456, 0.101270392537117, -0.2595823407173157, -0.8473742008209229, -1.5150260925292969, -0.8290735483169556, -0.41979366540908813, 0.1817530244588852, 0.6435286998748779, -1.0158164501190186, -1.3673629760742188, 0.18719901144504547, 0.8194241523742676, 0.15705129504203796, 0.6281538009643555, -0.08180246502161026, 0.017367884516716003, -0.33728379011154175, 0.04615957289934158, 0.38532209396362305, -0.5095646977424622, -0.9883974194526672, -0.1795741766691208, 0.8383632898330688, 0.1081480085849762, -1.0288156270980835, -0.08909865468740463, 0.6873570680618286, 0.01775495521724224, -0.43904852867126465, 0.39327648282051086, 0.8398095369338989, -0.3785606622695923, -0.6221716403961182, 0.3947955369949341, 0.22199778258800507, -1.1150767803192139, -0.32297733426094055, -0.6738693118095398, -0.6836217641830444, -0.5032339692115784, -1.526395559310913, -0.423711359500885, 0.29010480642318726, -0.46404415369033813, -0.35891959071159363, -0.44075262546539307, -0.37893834710121155, -1.0260393619537354, 0.556351363658905, 0.4438748359680176, -0.2052931785583496, 0.03162210062146187, 0.48370063304901123, -0.45096850395202637, 0.623333215713501, 0.0011443588882684708, 0.48540613055229187, 0.5579826831817627, -1.0536633729934692, 0.25383275747299194, 0.07674289494752884, 0.6605737209320068, -0.6681775450706482, -0.22393843531608582, -0.45279860496520996, -0.3335275650024414, 0.3843812644481659, 0.008078761398792267, -0.8311535120010376, 0.7944018244743347, 0.34298598766326904, -0.009595729410648346, -0.5643582940101624, 0.15210478007793427, -0.20056253671646118, 0.3204440176486969, 1.2222553491592407, -0.4356142580509186, 1.547055721282959, -0.13060262799263, -0.4701465964317322, 0.4865548312664032, -0.7164129614830017, 0.6900977492332458, -0.3232922852039337, 1.0207087993621826, 0.4343445599079132, -0.5752358436584473, 0.2768578827381134, -0.46784788370132446, -0.12128862738609314, 0.10556365549564362, 0.5503034591674805, 0.46009308099746704, 0.08435370028018951, 0.23633810877799988, 0.04315800219774246, -0.6001740097999573, 1.0694153308868408, 0.1961960792541504, -0.585293173789978, 0.6373233795166016, 0.2860502600669861, 0.6956316828727722, 0.582115888595581, 0.4048856496810913, 0.6451559066772461, 1.2108057737350464, -0.33344709873199463, 1.5254875421524048, 0.029908552765846252, 1.5614746809005737, 0.177997425198555, 0.13333232700824738, 1.0681501626968384, 0.5390411019325256, 0.25563371181488037, -1.224981665611267, -0.49084582924842834, -0.20172402262687683, 0.2571922838687897, -0.6991331577301025, 0.050010498613119125, -0.4678886830806732, -0.9568368196487427, 1.5156644582748413, -0.9049233198165894, 0.0987580195069313, 0.02916751056909561, -1.228766918182373, 0.024012967944145203, -0.7070898413658142, -0.5842199921607971, 0.3479642868041992, -1.796224594116211, -0.35585129261016846, -0.5475820302963257, -0.45873671770095825, 0.06016959249973297, 0.34317919611930847, 0.8750937581062317, -1.07194185256958, -0.1723886877298355, -0.4290594756603241, 0.4057181775569916, -0.7390031814575195, -0.6467498540878296, -0.5590308904647827, 0.07561749964952469, 1.0438930988311768, -0.7966768145561218, 0.9149096012115479, 0.5109086036682129, 0.050629518926143646, -0.8281959295272827, 0.17103472352027893, -0.4243468940258026, 0.6262825727462769, 1.1888725757598877, -1.0202512741088867, -0.32456308603286743, -0.4751508831977844, -0.41021162271499634, -0.886608898639679, 0.32290682196617126, 1.3498951196670532, -0.6607874035835266, 0.052042052149772644, -0.3066162168979645, 0.6670894622802734, 0.3071539103984833, -0.16398607194423676, -0.14670798182487488, 0.2618007957935333, -0.26417937874794006, 0.7425479888916016, -0.08399490267038345, 0.5319949388504028, -1.7214051485061646, -1.1971619129180908, -0.10542191565036774, -0.11668232083320618, 0.21673564612865448, -0.12309519946575165, 0.9517739415168762, 0.2538886070251465, 0.117481529712677, 0.37664908170700073, 0.1304737776517868, 0.5419624447822571, 0.47923198342323303, 0.5183490514755249, -0.17656955122947693, -0.18993133306503296, -0.3001245856285095, 0.5484178066253662, 0.18893730640411377, 0.2567070424556732, -1.001415729522705, -0.19107332825660706, 0.011038806289434433, -0.3747447431087494, 0.4024727940559387, -0.8567938804626465, 0.46896979212760925, -0.21331322193145752, -0.39147645235061646, -1.4282258749008179, -0.11934075504541397, 1.2632023096084595, -0.3902168273925781, 0.4313354194164276, 0.5571934580802917, 0.028869226574897766, 0.6035888195037842, 0.33994191884994507, 1.7127087116241455, -0.287642240524292, -0.37452617287635803, -0.22375795245170593, 0.6042865514755249, -0.0706254243850708, -0.5126383900642395, -0.22231118381023407, -0.9281426072120667, 0.060377802699804306, -1.0661002397537231, 0.956454336643219, -0.47648441791534424, 0.35707905888557434, 0.5972513556480408, 1.238981008529663, -0.4922690987586975, -1.2128987312316895, -0.16276836395263672, -0.8811938166618347, 0.19146214425563812, 0.23753473162651062, 0.6776717901229858, 0.6650546193122864, 0.7253971099853516, 0.5101454257965088, 1.1935518980026245, -0.2485034167766571, -0.18227256834506989, -0.3381686210632324, -0.006331928074359894, 1.1101449728012085, 0.7660219669342041, 0.47109031677246094, -0.29538989067077637, -0.2620295286178589, -1.0267534255981445, -0.2804163098335266, -0.8411920070648193, 0.7448592185974121, 0.9332492351531982, 0.21249787509441376, 0.28735679388046265, -1.1769278049468994, 0.6507654190063477, -0.38957589864730835, 0.39254051446914673, 0.8716992735862732, -0.16369658708572388, -0.7421886920928955, -1.2429841756820679, -0.25759199261665344, 1.0055699348449707, -0.4282893240451813, 0.19581910967826843, -0.7376835346221924, 0.4572290778160095, -0.29252925515174866, -0.2400873303413391, -1.0697485208511353, -0.29438382387161255, -0.7039880156517029, 0.4658535122871399, 0.7948402166366577, -0.7240704298019409, -0.4655624330043793, 0.0006025684997439384, -0.7400931119918823, 0.24342747032642365, 0.276076078414917, -0.7462422847747803, -0.7854626774787903, 0.2513795495033264, -0.45785126090049744, -0.48555853962898254, 1.284458875656128, -0.5397664308547974, -1.7502024173736572, 1.1238908767700195, 1.430307149887085, -0.6894910335540771, -0.7198579907417297, 0.1930547058582306, 0.2622007727622986, 0.16820475459098816, 1.225409984588623]} +{"paper_id": "snli", "embedding": [-0.47573122382164, 0.8394820690155029, 0.02720671519637108, 0.0489058792591095, 0.4170035421848297, -0.43073397874832153, 0.14073479175567627, 0.6302645802497864, 0.7649044990539551, 0.579372227191925, 0.6411906480789185, 0.3021439015865326, -0.17271602153778076, -0.06460843980312347, -0.503551185131073, -0.17478904128074646, -0.8709505796432495, -0.5347902774810791, -1.265372395515442, -0.17107033729553223, -0.40324199199676514, -0.5686807632446289, 0.023167338222265244, 0.25876063108444214, -0.3867974281311035, -0.5775365233421326, 0.7589513063430786, -1.0058071613311768, 0.6000855565071106, 0.0556325688958168, -0.4013655185699463, 1.307016372680664, -1.4323134422302246, 0.5392727851867676, -0.3430582880973816, -0.6886226534843445, -0.06984973698854446, 1.035247564315796, -0.3673657774925232, -0.228417307138443, -0.23046086728572845, 0.13461852073669434, 0.8537237644195557, 0.3772982060909271, 0.7843392491340637, -0.2559066414833069, 0.27387338876724243, 0.5633527636528015, -0.4496611952781677, 0.3403524160385132, -0.5875778794288635, 0.014792259782552719, 0.06845975667238235, 0.7667152881622314, -0.29312580823898315, 0.9108270406723022, 0.4543871581554413, -0.7447604537010193, 0.789033830165863, -1.0726242065429688, 1.644957423210144, 1.311822772026062, -0.7955997586250305, 0.16657467186450958, 1.032909870147705, 0.4114795923233032, 1.2878293991088867, 0.19391976296901703, -0.10822001099586487, 1.1112737655639648, -0.1655493676662445, -0.748469352722168, 0.7638584971427917, 0.2352454662322998, 0.5054892301559448, 0.13721877336502075, 0.5205068588256836, 0.6848743557929993, 0.3398855924606323, 0.4518626630306244, -0.21459148824214935, 0.4015665054321289, 0.691399335861206, -0.49041762948036194, 0.02130420133471489, 0.17946922779083252, 0.310479998588562, -0.4003475606441498, 0.6434717774391174, -1.4307336807250977, 0.8083600401878357, 0.29342910647392273, -0.014484819956123829, 0.015408813953399658, 0.12733657658100128, 0.02601201832294464, 0.012880239635705948, -0.10523013770580292, -0.295218825340271, 0.560821533203125, 0.5143557190895081, -0.32583191990852356, -0.22269557416439056, -0.24680307507514954, 0.1428700089454651, 0.6435388922691345, -0.15503674745559692, -0.30811232328414917, -0.8215420246124268, -0.3277514576911926, -0.08568933606147766, 1.3285764455795288, -0.08264141529798508, 0.688459038734436, 0.1428847759962082, 0.3625778257846832, 0.11285610496997833, -0.44758641719818115, -0.37338024377822876, 0.7422084808349609, -0.01177980937063694, -1.5568956136703491, 0.08050563931465149, 0.06592504680156708, 0.566889226436615, -0.7352691292762756, 0.3027433753013611, -0.35650768876075745, 0.17489659786224365, -0.32789480686187744, 0.21055868268013, 0.01083349995315075, -0.8241400122642517, -0.19679023325443268, 3.1462223529815674, -0.6968997120857239, 1.232493281364441, -1.055327296257019, -0.07100275158882141, -0.5016992092132568, -0.3637612462043762, 0.7962705492973328, 0.3647410273551941, -0.4789940416812897, -0.517019510269165, 0.17024731636047363, -0.18760865926742554, 0.08074423670768738, -0.8097509741783142, -0.14915187656879425, 0.024761246517300606, -0.017431937158107758, -1.6961185932159424, -0.7172457575798035, 0.24128417670726776, 0.6382924914360046, 0.007600962184369564, 0.8437241911888123, -0.5026540756225586, 0.8993001580238342, -0.027960367500782013, -0.0494055300951004, -0.7575437426567078, 0.040547456592321396, -0.5681575536727905, -0.03481944650411606, 1.1916232109069824, -0.30720824003219604, -0.5789265036582947, -0.2878061532974243, 0.518351674079895, -0.26121821999549866, -0.07153773307800293, -0.340693861246109, 0.3372092545032501, 0.6017444133758545, 0.0892949029803276, 0.510997474193573, 0.6108465790748596, -0.9716790318489075, -0.5247121453285217, -0.3568463921546936, -0.32401859760284424, 0.29236453771591187, -0.05618026852607727, 0.22408953309059143, -2.289581298828125, -0.3587435483932495, -0.20107996463775635, -0.0874088704586029, 0.5669598579406738, -0.10954616963863373, 0.07340233027935028, 0.4499252140522003, -0.33499640226364136, -0.17333820462226868, 0.6309888958930969, -1.171440601348877, -0.8718125224113464, 0.5717605352401733, -0.2587442994117737, -0.6052156090736389, -0.7209547758102417, 1.3233495950698853, 0.6540644764900208, -0.041701093316078186, -0.5532543063163757, -1.860315203666687, 0.560105562210083, 2.7888495922088623, 0.011027179658412933, -0.9109378457069397, -1.5534113645553589, -0.20545299351215363, 0.6094295382499695, -0.2433682233095169, 0.6272624731063843, -0.7918877005577087, 0.17595745623111725, -0.6464059948921204, 0.5128831267356873, -0.12495417147874832, 0.7039545178413391, 0.20949479937553406, 0.7801803350448608, -0.5503668785095215, -0.5203213095664978, -0.9077141880989075, -0.5827325582504272, 0.5271198749542236, 0.5607734322547913, 0.33822816610336304, -0.03250086307525635, 0.5186951160430908, 0.3928872346878052, 0.9676097631454468, 0.378107488155365, 0.5848553776741028, -0.6522461175918579, 0.27667418122291565, 0.1388128250837326, 0.5302585959434509, -0.232390895485878, 0.5862985253334045, -0.024450600147247314, 0.5027059316635132, -0.4727836847305298, -0.701554536819458, -0.25127285718917847, 0.17915132641792297, 1.6546155214309692, 0.7738337516784668, -0.5582590103149414, 0.47934240102767944, -0.6616827249526978, -0.32888397574424744, 0.03372294455766678, -0.48748114705085754, -0.1541467010974884, -0.06104203313589096, 0.8281869888305664, 0.2758236825466156, -0.0429011769592762, -0.2254437357187271, 0.12755213677883148, -0.8633461594581604, -0.3648639917373657, -0.17022521793842316, -0.16978174448013306, -1.0383622646331787, -0.13408976793289185, 0.3400709629058838, -0.9289296865463257, -0.6335095167160034, -0.3899608850479126, 0.3765157163143158, 0.6274807453155518, 0.885084867477417, 1.6464641094207764, -0.35736849904060364, 0.1688484251499176, 0.2631552815437317, 1.0434942245483398, -0.28072232007980347, 0.75706547498703, -0.6045452356338501, 0.4407418668270111, -0.7205554246902466, 0.1912820041179657, -0.5450145602226257, 0.45308613777160645, 0.058854661881923676, -0.22752133011817932, 0.19959372282028198, -0.4730101525783539, -1.4677636623382568, 1.2181977033615112, -0.16664963960647583, -0.19768834114074707, -0.35329896211624146, 1.4180339574813843, 0.372668981552124, -0.05462861433625221, 1.14224374294281, -0.16905006766319275, -0.31041738390922546, 1.4703997373580933, -0.35786205530166626, 0.5888678431510925, 0.6163485646247864, 0.5415014028549194, 0.4022458791732788, -0.5018767714500427, -2.121244192123413, -0.06315018981695175, 0.8157252073287964, -0.21756808459758759, -0.15933871269226074, -1.1203266382217407, 0.6010713577270508, -0.603735089302063, 0.020670389756560326, 0.764885663986206, -1.0644309520721436, 0.3361411988735199, -0.4827292263507843, 0.3397001624107361, 0.9400600790977478, -0.6477497220039368, 0.46585336327552795, 0.732904851436615, 0.07827128469944, -0.7324650883674622, 0.24480241537094116, 0.9399065971374512, -0.791135847568512, -0.16797122359275818, 0.5734491348266602, 1.1643245220184326, 0.6885814666748047, -0.39225855469703674, -0.32526183128356934, 0.4627525806427002, 0.34553223848342896, -0.18305368721485138, 0.46119123697280884, -0.4110737442970276, 0.6715538501739502, -0.13289155066013336, 1.2402786016464233, -0.16596457362174988, -0.7860329151153564, -0.6794375777244568, -0.4213286340236664, -0.06855281442403793, -0.17943763732910156, 1.7463194131851196, 0.8087379932403564, 1.4040652513504028, -0.2353818267583847, 0.5379183888435364, -0.4635392129421234, -0.0515107661485672, 0.6838747262954712, 0.43233755230903625, -0.03259781002998352, -0.7125052213668823, -0.5159680843353271, 0.8655621409416199, 0.2691030204296112, -0.4014063775539398, -0.34812605381011963, 0.8052182197570801, -0.29452577233314514, -0.6092180609703064, 0.4203706979751587, 0.4641198217868805, 1.1515623331069946, 1.3518872261047363, -0.5332358479499817, -0.5135319232940674, 0.08117566257715225, 0.18784616887569427, 1.0277799367904663, -0.16164147853851318, -0.9805190563201904, 0.7346993088722229, 0.37494730949401855, 1.1798158884048462, 0.29089272022247314, 0.7641370892524719, 1.25941002368927, -0.42764952778816223, -1.1902340650558472, -0.40356069803237915, -0.8861861824989319, -0.22960783541202545, 0.10952528566122055, -0.20433934032917023, 0.006344829685986042, 0.22591501474380493, 0.09364740550518036, -0.6944170594215393, 1.0266220569610596, -0.45134034752845764, -1.2280395030975342, 1.0442264080047607, 1.1178137063980103, -1.110751748085022, -0.3092779517173767, -0.0462067574262619, -0.33743491768836975, -0.8744565844535828, 0.04411957785487175, -0.21996258199214935, 0.7568008303642273, 0.2797865569591522, 0.45839011669158936, -0.5605207681655884, 0.030370168387889862, -1.1271315813064575, 0.8305222988128662, 0.6380525827407837, -0.931222140789032, 0.40416616201400757, 0.19290688633918762, 0.22137562930583954, 0.20444278419017792, -0.9208426475524902, -0.3876209259033203, 0.5356695652008057, 0.36195075511932373, -0.5730811357498169, -0.8994755744934082, -0.6542392373085022, 0.1929430067539215, 0.26716911792755127, 0.5181246995925903, -1.1658475399017334, 0.25390252470970154, -0.6843358278274536, 0.4243272542953491, 0.5163540840148926, -0.7072524428367615, -0.5951157808303833, 0.8390218615531921, -0.45024770498275757, 0.6931955814361572, -0.27582621574401855, 0.36996370553970337, 1.4202346801757812, 0.01343420147895813, -0.25466787815093994, 0.05062287300825119, -12.254536628723145, 0.10586093366146088, 0.04421913996338844, 0.11626249551773071, 0.8758877515792847, -0.047228120267391205, 0.1677015721797943, 0.23277941346168518, 0.2388605773448944, -0.5519791841506958, 0.5224786996841431, 1.4534939527511597, 0.18590837717056274, -0.3526276648044586, -0.4243772029876709, -1.3838871717453003, -0.7456839084625244, -0.695929229259491, 0.3364916443824768, 0.6629908084869385, 0.5465748906135559, -1.0929123163223267, -0.5690866112709045, 0.1685842126607895, 0.3269215524196625, -0.10912121832370758, -0.4036900997161865, 0.013689038343727589, -0.40609776973724365, -0.07017714530229568, 0.07902689278125763, -0.3962831199169159, -0.2008306384086609, -0.4819895327091217, 0.3655029535293579, -0.09468169510364532, -0.4980200529098511, 0.1547849178314209, 0.9406781792640686, 0.0496465265750885, -0.43225735425949097, 0.2831741273403168, -0.004594598896801472, -0.43970006704330444, -0.25459861755371094, 0.3269932270050049, 0.14621658623218536, -0.5627935528755188, 0.4123888611793518, -0.4365053176879883, -0.44578152894973755, -0.9148017764091492, -0.7383092641830444, -1.0139265060424805, 0.13925801217556, 0.3611763119697571, -0.9143409132957458, -0.24698713421821594, -0.42699745297431946, -1.434109091758728, 0.2782141864299774, 0.5535610318183899, -0.16989339888095856, 0.6324020624160767, 0.11276071518659592, -0.5134278535842896, 0.09651593863964081, 0.44088509678840637, -0.9138516783714294, 0.33630165457725525, -0.9107199907302856, 0.5961351990699768, 0.13178028166294098, 0.5043820142745972, -0.9448296427726746, 0.46272778511047363, -0.40194305777549744, 0.13410772383213043, 0.5077358484268188, -0.17825178802013397, -1.246065616607666, 0.6385948061943054, 0.11947707086801529, -0.6138800382614136, -0.9151800274848938, 0.38747483491897583, -0.07270907610654831, 0.44603800773620605, 0.5396393537521362, 0.30658024549484253, 1.0141665935516357, 0.1146569475531578, -0.49033886194229126, -0.5006375312805176, -0.2674320340156555, 0.8116834163665771, -0.14784832298755646, 0.538173258304596, 0.36321714520454407, -0.48120537400245667, 0.5391473174095154, -0.11128142476081848, -0.8762301206588745, -0.028455976396799088, 0.2921072840690613, 0.224036306142807, 0.35296720266342163, -0.3064817190170288, 0.2209978699684143, -0.26346555352211, 1.0974737405776978, -0.09923247992992401, -0.35047006607055664, 1.291563630104065, -0.5518859624862671, 0.270696759223938, 0.6320661306381226, -0.18046864867210388, 0.41421520709991455, 0.7220180034637451, -0.38435590267181396, 0.029286712408065796, 0.06961490213871002, 1.4475616216659546, 0.29297468066215515, 0.08970047533512115, 0.7889117002487183, 0.832918107509613, 0.1232113316655159, -1.7120095491409302, 0.40775561332702637, 0.0217801071703434, -0.41266947984695435, -0.45813408493995667, -0.32002589106559753, -0.0889340415596962, -0.35433995723724365, 1.3771889209747314, -1.0319302082061768, -0.23976364731788635, -0.04967150837182999, -0.21915361285209656, -0.623487651348114, -0.592058002948761, -1.0223177671432495, -0.08175747841596603, -1.4329235553741455, 0.2181662917137146, -0.46282529830932617, -0.6221112608909607, -0.5174829959869385, -0.37937605381011963, 0.9110702872276306, -1.0835635662078857, -0.2416492998600006, -0.15777626633644104, 0.6866776347160339, -0.5053378343582153, -0.4473891258239746, -0.1929423213005066, 0.3345731496810913, 1.2326116561889648, -1.1374949216842651, 0.7671286463737488, 0.4091527760028839, 0.33508244156837463, -0.8011245727539062, -0.21363261342048645, -0.02964457869529724, 0.02247104048728943, 0.494640976190567, -1.415202021598816, -0.6173533201217651, -0.41899287700653076, -0.33933717012405396, -0.9662798047065735, 0.3322269320487976, 1.0196934938430786, -1.1608960628509521, -0.08374956250190735, 0.46274110674858093, 0.6214096546173096, 0.3167099952697754, -0.23442363739013672, -0.3501583933830261, -0.5060998201370239, -0.26175275444984436, 1.4908154010772705, -0.16576889157295227, 1.5047720670700073, -1.8114163875579834, -0.8079992532730103, -0.935465931892395, 0.325153648853302, 1.1568557024002075, 0.2844043970108032, 0.5417875051498413, 0.5625318884849548, 0.1346270740032196, 0.10061744600534439, -0.0965009480714798, 0.7876245379447937, 0.3880811631679535, 0.3140661120414734, -0.14771343767642975, 0.6724773645401001, -1.1084434986114502, -0.37154704332351685, 0.011645115911960602, 0.8192272186279297, -1.742236852645874, -0.4490962624549866, 0.28244519233703613, -0.08383004367351532, 0.4281218945980072, -1.2521036863327026, 0.18902218341827393, -0.6623096466064453, -0.3720530569553375, -1.25477933883667, -0.031428731977939606, 0.6294482350349426, -0.1851043403148651, 0.855323076248169, 0.6662671566009521, 1.0285621881484985, 0.6033471822738647, 0.22219479084014893, 1.1220688819885254, -0.08876010775566101, -0.35851386189460754, 0.019950058311223984, 0.48013803362846375, -0.09554507583379745, -0.31376761198043823, -0.6700482964515686, -1.0631248950958252, 0.057492583990097046, -0.2993209958076477, 0.5922965407371521, -0.620489239692688, 0.05089910328388214, 0.8626285195350647, 1.01726496219635, -0.44804972410202026, -1.3539025783538818, -0.42619186639785767, -1.5750823020935059, 0.4452035427093506, 0.4883207678794861, 0.2989511787891388, 1.1671326160430908, 0.7762041687965393, -0.10554860532283783, 0.9745583534240723, 0.016184255480766296, 0.07874402403831482, 0.43691375851631165, -0.3838939070701599, 1.012229084968567, 0.6968861818313599, 0.05835072696208954, 0.5957960486412048, 0.0020761042833328247, -1.1893818378448486, 0.2653530538082123, -0.5251798033714294, 0.7072150111198425, 0.699773371219635, -0.347372442483902, -0.17817363142967224, -0.41880470514297485, 0.5054213404655457, -0.3783148229122162, 0.548604428768158, 0.3531888723373413, -0.28476256132125854, -1.1862846612930298, -0.8745787739753723, 0.11444532126188278, 0.6114633679389954, -0.4991437792778015, -0.6086353659629822, -0.6226741671562195, 0.3875523805618286, 0.40160584449768066, -0.16248850524425507, -0.32457447052001953, 0.0401899479329586, -0.6226813793182373, 0.1506987065076828, 0.29606106877326965, -1.038766622543335, -0.5882039070129395, -0.04111765697598457, -0.9450165629386902, 0.5112480521202087, -0.4420856833457947, -0.46711406111717224, -0.9102468490600586, 0.28254643082618713, 0.12717971205711365, 0.21612046658992767, 0.21570813655853271, -0.5711048245429993, -1.6519304513931274, 0.16942887008190155, 1.067812442779541, -0.41012221574783325, -0.6179461479187012, 0.15263769030570984, 0.35115528106689453, 0.34754157066345215, 0.8794439435005188]} +{"paper_id": "winogrande", "embedding": [0.1576974242925644, 0.47011834383010864, 0.015619277954101562, -0.07486508786678314, 0.16077740490436554, -0.326874315738678, 0.8754444122314453, 0.5645893812179565, 0.7895119786262512, 0.9893218278884888, 0.021921180188655853, 0.4817751348018646, -0.5631376504898071, -0.4655321538448334, 0.08308254182338715, -0.15228939056396484, -0.7333319187164307, -0.5565974116325378, -1.6253552436828613, -0.42643746733665466, -1.0170376300811768, -0.4799955487251282, 0.21144184470176697, 0.38548582792282104, -0.742032527923584, -0.7576494216918945, 0.7721500396728516, -1.2596156597137451, 0.8102735877037048, 0.08370770514011383, -0.2748256325721741, 1.4412615299224854, -1.834509015083313, 1.0638985633850098, -0.5912314653396606, 0.506570041179657, 0.2338750809431076, 0.904130756855011, -0.45668095350265503, -0.06401973962783813, -0.27820414304733276, -0.14318150281906128, 0.8101052045822144, 0.16704930365085602, 0.8192890882492065, -0.15156304836273193, 0.8241152763366699, -0.40552881360054016, -0.3231346011161804, -0.11875230073928833, -0.5048769116401672, 0.6033805012702942, 0.45396897196769714, 0.9241083860397339, -0.9805712699890137, 0.9355126023292542, 0.36851391196250916, -1.053698182106018, 1.119909644126892, -0.4190945327281952, 1.4947991371154785, 1.6215648651123047, -0.07486934959888458, 0.5486814975738525, 1.0259214639663696, 0.1839076429605484, 1.0770339965820312, 0.41145962476730347, 0.2015652060508728, 0.35426223278045654, -0.021603047847747803, -0.5488244891166687, 0.4595997929573059, 0.042264699935913086, -0.18135952949523926, 0.788845419883728, 0.111916184425354, -0.19145286083221436, 0.3617017865180969, -0.18600353598594666, -0.16634924709796906, 0.7490729689598083, 0.2476056069135666, -0.12034180760383606, 0.0873405933380127, 0.44692888855934143, 0.4792429506778717, -1.4094105958938599, 0.33060142397880554, -1.9161745309829712, 0.07314766198396683, 0.6267921328544617, 0.12026107311248779, -0.4371849000453949, 0.24173219501972198, 0.24755388498306274, -0.7910192608833313, 0.31195682287216187, -0.7388652563095093, 0.49741849303245544, 0.5075322985649109, -0.8121799230575562, 0.41530707478523254, -0.09493347257375717, -0.043365463614463806, 0.9552451968193054, 0.052339211106300354, -0.16484296321868896, -1.4346163272857666, -0.3874596953392029, 0.0772683173418045, 1.4874073266983032, -0.3478887975215912, 0.3132961690425873, -0.3526928126811981, 0.14221403002738953, 0.20911359786987305, -0.6167291402816772, -0.1364874690771103, 0.038651030510663986, 0.24429504573345184, -1.252372145652771, -0.3848608732223511, -0.019912607967853546, 0.8688156604766846, -0.6991683840751648, -0.49188682436943054, -0.36402228474617004, -0.026549842208623886, 0.6319580078125, 0.8772388696670532, 0.043873198330402374, -0.9169583916664124, -0.29931917786598206, 3.583707571029663, -0.914528489112854, 1.7166777849197388, -0.6064486503601074, -0.16402439773082733, -0.46827489137649536, -0.7944622039794922, 0.8351432085037231, 0.08036700636148453, -0.707146406173706, -0.5846708416938782, 0.5040019750595093, -0.23588484525680542, 0.5508027076721191, -0.9256371259689331, 0.03983382508158684, -0.049002718180418015, 0.7983751893043518, -1.3866817951202393, -0.22573596239089966, -0.0983830913901329, 0.24156436324119568, -0.3145873248577118, 0.9801425337791443, -1.1083892583847046, 0.5873934030532837, -0.0697823241353035, -0.18194885551929474, -0.13164708018302917, 0.46290406584739685, -0.5477437973022461, -0.3197234272956848, 1.3435235023498535, 0.0036182180047035217, -1.0370603799819946, -0.34604784846305847, 0.7494242787361145, 0.05045721307396889, -0.4596414566040039, 0.27476078271865845, -0.1995595097541809, 0.525428831577301, 0.840620756149292, 0.4776695668697357, 0.3047142028808594, -0.733855128288269, -0.675636887550354, -0.2866612374782562, 0.1264437735080719, 0.5157844424247742, -0.6609466075897217, 0.6383484601974487, -2.0639264583587646, -0.2330671101808548, -0.263218492269516, 0.4882769286632538, -0.058095723390579224, -0.3247058093547821, 0.06616196781396866, 0.46646955609321594, -0.27591657638549805, -0.3007698059082031, 0.7869100570678711, -1.408156156539917, -0.18660303950309753, 0.631983757019043, -0.3857538402080536, 0.1866629272699356, -0.13694554567337036, 0.746635377407074, 0.4726316034793854, -0.7670118808746338, -0.3951202630996704, -2.2073328495025635, 0.3511210083961487, 1.9012542963027954, 0.11748680472373962, -0.5754717588424683, -0.8266059160232544, -0.22313538193702698, 0.2423567771911621, -0.21894870698451996, 0.1382773071527481, -1.058658242225647, 0.3413568139076233, -1.6167999505996704, 0.5251909494400024, -0.2834535539150238, 1.013813853263855, 0.7995523810386658, 1.6369637250900269, -1.2557674646377563, -0.001745074987411499, -0.355214923620224, -1.2930386066436768, 0.7001143097877502, 0.5747678875923157, 0.21512311697006226, -0.09135013818740845, 1.4645203351974487, 0.3993990421295166, 0.7850020527839661, 0.20109480619430542, 0.4592105746269226, -1.1841323375701904, 0.48991507291793823, -0.08380439877510071, 0.8566747307777405, -0.23885153234004974, -0.04578337073326111, 0.09351861476898193, 0.2048342227935791, -1.1649868488311768, -0.7804882526397705, -0.05361739546060562, -0.08377168327569962, 1.2043747901916504, 0.13078339397907257, -0.7868537306785583, 1.1304949522018433, -0.5771474838256836, -0.5865039825439453, -0.2113269865512848, -0.49212464690208435, -0.5419974327087402, -0.09346574544906616, 1.5699132680892944, 0.2485368549823761, 0.23313239216804504, -0.022122688591480255, -0.051387131214141846, -1.2833137512207031, -0.10255751013755798, -0.004036933183670044, 0.046455301344394684, -1.2431553602218628, -0.11135249584913254, -0.3746575117111206, -1.1277490854263306, -1.2342220544815063, -0.35469695925712585, 0.17286986112594604, -0.14651182293891907, 0.7968322038650513, 1.836452841758728, -0.509722113609314, 0.16832032799720764, 0.14880706369876862, 1.5699944496154785, -1.073675274848938, 1.0338469743728638, 0.6570295691490173, 0.7305406928062439, -1.0822556018829346, 0.08177842199802399, -0.6536778807640076, 0.6017147898674011, 0.6935590505599976, 0.5151336193084717, 0.4775537848472595, -0.49855297803878784, 0.2460642158985138, 1.5991370677947998, 0.026496542617678642, 0.010490790009498596, -0.5323221683502197, 1.4286417961120605, 0.8618479371070862, -0.124518021941185, 0.9561161994934082, -0.036928776651620865, -0.09548485279083252, 1.074917197227478, -0.344093382358551, 0.30998218059539795, 0.18752101063728333, 0.17071519792079926, 0.2740093171596527, 0.8557038903236389, -2.413706064224243, 0.9435049891471863, 0.5327090620994568, -0.5133258700370789, -0.33644044399261475, -0.8797880411148071, -0.03276863694190979, -0.997048556804657, -0.08193158358335495, 0.6981856226921082, 0.02669580653309822, 0.19891412556171417, -0.6761748790740967, -0.06920520961284637, 0.7527016997337341, -1.2241610288619995, 0.5266823768615723, 1.1563831567764282, 0.19341601431369781, -0.8877338767051697, 0.29970505833625793, 0.8982120156288147, -0.5398181080818176, 0.7071813344955444, 0.11145614832639694, 0.7678112387657166, 0.9778724908828735, -0.28548315167427063, 0.1306876391172409, 0.3428581953048706, 0.6832678914070129, 0.09631240367889404, -0.3584662675857544, 0.4218558669090271, 0.2763073444366455, -0.5361804962158203, 1.4579906463623047, 0.09821286797523499, -1.3343051671981812, -0.9119445085525513, -0.38414907455444336, -0.44758349657058716, -0.5250259041786194, 1.8166059255599976, -0.040312089025974274, 0.5428662896156311, -0.39946168661117554, 0.6905854940414429, -0.5467520356178284, 0.08625367283821106, 0.39492958784103394, 0.1007903516292572, -0.34284543991088867, -0.8765437602996826, -0.10825122892856598, 0.4399460554122925, -0.4100703001022339, -0.7047381401062012, 0.4996756911277771, 0.7046777606010437, -0.12547016143798828, -0.7685261964797974, 0.2630979120731354, 0.6022629737854004, 0.038892898708581924, 1.3115994930267334, -1.1346065998077393, -0.47794198989868164, -0.36627328395843506, 0.6821227669715881, 0.10167920589447021, 0.5798598527908325, -0.9063127040863037, 0.6138115525245667, 0.5863815546035767, 0.5568985342979431, 0.34369540214538574, 1.016200304031372, 0.5868569016456604, -0.27123358845710754, -1.2672079801559448, 0.04933706298470497, -0.885155975818634, -0.04399091377854347, 0.1296577751636505, 0.044856373220682144, -0.2924567461013794, 0.24433556199073792, -0.011004270054399967, -0.8769060969352722, 0.8161519765853882, -0.9527876973152161, -1.3125102519989014, 0.8200986981391907, 1.266657829284668, -1.0172895193099976, -0.5276798605918884, -0.37249040603637695, -1.0093295574188232, -0.5275986790657043, 0.21509183943271637, -1.1128214597702026, 0.8381631970405579, 0.37103986740112305, 0.8111240267753601, 0.044492147862911224, -0.8775168061256409, -1.3237046003341675, 0.9661741852760315, 1.7611652612686157, -0.7644782662391663, 0.5367027521133423, -0.5707836747169495, 0.36883360147476196, 0.05035422369837761, -0.8442938327789307, -0.5322979092597961, 1.3467949628829956, 0.03551395237445831, 0.06557836383581161, -1.3885111808776855, -0.6045891046524048, 0.43487241864204407, -0.09775308519601822, 1.169288158416748, -0.9129246473312378, 0.047580499202013016, -0.2276131510734558, 0.2655489146709442, 0.6306387186050415, -0.2619663178920746, -0.7739598751068115, 1.3940069675445557, -0.41555339097976685, 0.6998000144958496, -0.6508935689926147, -0.10736313462257385, 2.0453076362609863, -0.24388542771339417, -0.46498292684555054, -0.7468701004981995, -10.854964256286621, 0.8173164129257202, 0.035060711205005646, 0.035168446600437164, 1.1291407346725464, -0.622032105922699, 0.4593295753002167, -0.3612041175365448, 0.475293904542923, -0.4920371472835541, 0.5979582667350769, 0.7438349723815918, 0.48906975984573364, -0.20225591957569122, -0.6432610154151917, -1.495016098022461, -0.6247235536575317, -1.0934078693389893, -0.15591460466384888, 0.262693852186203, -0.4342348873615265, -0.9246229529380798, 0.09627833962440491, -0.13503172993659973, 0.6736199855804443, -0.26268473267555237, -0.6221505403518677, -0.19486546516418457, -0.380685031414032, 0.6224262714385986, 0.5739789605140686, 0.11061928421258926, -0.8609371781349182, -0.8907972574234009, -0.5846934914588928, -0.2858169674873352, -0.5439940094947815, 0.6357614398002625, 0.9613627791404724, -0.14703141152858734, -0.793755829334259, 0.7444864511489868, 0.45359188318252563, 0.09868407994508743, -0.4502246677875519, 0.24361096322536469, 0.5874991416931152, -1.1507885456085205, -0.2686142027378082, -0.3298550844192505, 0.44266533851623535, -0.8075700402259827, -1.1523017883300781, -0.40747225284576416, -0.45807185769081116, 0.05678684264421463, -1.107829213142395, 0.5776720643043518, -1.1359148025512695, -1.5839836597442627, 0.0913308709859848, 0.6171766519546509, -0.45982393622398376, 0.048711519688367844, 0.42755332589149475, -0.1146237924695015, 0.37209969758987427, 0.8353817462921143, -0.9476080536842346, 0.49956026673316956, -0.46365976333618164, 1.2258588075637817, -0.0804838240146637, 0.32386016845703125, -0.9213948845863342, 0.3956916332244873, 0.15191501379013062, 0.28572288155555725, 0.5626872181892395, 0.15419873595237732, -1.740886926651001, 0.3448507785797119, 0.06000472605228424, -0.18370315432548523, -0.8072980642318726, 0.7606834173202515, -0.40479210019111633, 0.1040147989988327, 0.2515733242034912, -0.8733646273612976, 1.0397287607192993, 0.08502960950136185, 0.009227525442838669, -0.5057517886161804, -0.1023532897233963, 0.5832937955856323, -0.7022247910499573, 0.38381701707839966, 0.4512276351451874, -0.9020974040031433, 0.8114155530929565, -0.4662807285785675, -0.7794884443283081, -0.1501087099313736, 0.3546609878540039, 0.6068121790885925, 0.5406953692436218, -0.3344106674194336, -0.46025168895721436, -0.36678701639175415, 0.7443457841873169, -0.407641738653183, -0.14000380039215088, 0.657694399356842, -0.053710199892520905, 0.6612975001335144, 1.1264731884002686, 0.4101485013961792, 0.8343418836593628, 1.0136491060256958, -0.5841788649559021, 0.6639333963394165, 0.5392115116119385, 1.3305853605270386, -0.4133656919002533, 0.09917272627353668, -0.10115702450275421, 0.19816946983337402, -0.04496897757053375, -1.7805304527282715, 0.6827256679534912, -0.4299439787864685, -0.2375434935092926, 0.12530449032783508, 0.11174622178077698, -0.18811245262622833, -0.04508234187960625, 1.4293346405029297, -0.3595772981643677, 0.49876415729522705, 0.444516658782959, -0.561901867389679, -0.08727359026670456, -0.8030625581741333, -0.8527583479881287, -0.04226749390363693, -1.546812653541565, -0.19596779346466064, -0.3582184910774231, -0.5968402624130249, 0.41129592061042786, -0.021421004086732864, 1.0583418607711792, -0.6734463572502136, -0.11620192974805832, 0.1316019594669342, 0.6484531164169312, -0.3751089870929718, -0.34026822447776794, -0.029748208820819855, 0.1449466049671173, 1.132063627243042, -1.0013096332550049, 1.1207025051116943, -0.02446955069899559, -0.6878156065940857, 0.11120332032442093, -0.02061784639954567, -0.682140052318573, -0.25530362129211426, 0.8315662741661072, -1.042877435684204, 0.23852519690990448, -0.4116777181625366, -0.24685409665107727, -1.3841724395751953, 1.0072331428527832, 1.0631994009017944, -0.34820908308029175, -0.588226318359375, 0.09733341634273529, 0.9070071578025818, 0.32387515902519226, -0.5193241834640503, -0.9245578050613403, -0.8192474246025085, 0.3943481147289276, 0.42165929079055786, -0.05491655319929123, 1.3097920417785645, -1.9036091566085815, -1.3320531845092773, 0.08925611525774002, 0.34801605343818665, 1.1026546955108643, 0.0656781792640686, 0.8099570870399475, 0.6732314229011536, 0.5800610780715942, 0.533381998538971, 0.13234436511993408, 0.6003327965736389, -0.09006115794181824, 0.2239522486925125, -0.23830564320087433, 0.3535304367542267, -0.7960353493690491, 0.15667696297168732, 0.2770378887653351, 1.0577647686004639, -1.1115907430648804, 0.020826593041419983, 0.2206565886735916, -0.04064525291323662, 0.19341713190078735, -0.6795549392700195, 0.18989074230194092, -0.884816586971283, -0.3884023129940033, -1.1247966289520264, 0.487620085477829, 0.6899747252464294, 0.7182567119598389, 0.4984896779060364, 0.5493961572647095, 0.8998314738273621, 0.7555021643638611, 0.6319724321365356, 1.403987169265747, 0.19939082860946655, -0.07107896357774734, -0.4665205478668213, 0.5930161476135254, 0.08461212366819382, -0.11380013823509216, -0.6089659333229065, -0.7432830333709717, 0.746788740158081, -0.42497503757476807, 0.13414564728736877, -0.38807690143585205, -0.10002366453409195, 0.25432997941970825, 0.9794661402702332, -0.25465407967567444, -1.7014813423156738, 0.12602397799491882, -1.267470121383667, -0.24757994711399078, 0.1123264878988266, 0.8451673984527588, 0.8919477462768555, 0.9380372762680054, 0.34166622161865234, 0.8870890140533447, -0.12083861976861954, -0.013933740556240082, -0.26469001173973083, -0.25195544958114624, 0.8822382688522339, 0.28021174669265747, 0.7215853929519653, -0.3074728548526764, -0.015680402517318726, -0.7873495221138, -0.6339643597602844, -0.4638512134552002, 0.8414041996002197, 0.3945143222808838, -0.39486339688301086, -0.44312167167663574, -0.2519257366657257, 0.18776847422122955, -1.4717094898223877, 0.7383290529251099, 0.21695461869239807, -0.458077073097229, -1.1390215158462524, -0.5923243761062622, -0.35049453377723694, 0.9215282797813416, 0.0005546770989894867, 0.08733314275741577, 0.05685717612504959, 1.0976554155349731, -0.22950606048107147, -0.1721029132604599, -0.7456585168838501, 0.2891426980495453, -0.2902217209339142, 0.10934481024742126, -0.19984740018844604, -0.8845622539520264, -0.7381912469863892, -0.22210870683193207, -0.8479797840118408, 0.5238664150238037, 0.04472613334655762, -0.5000552535057068, -1.001523494720459, 0.09296751022338867, -0.7179228067398071, 0.19931423664093018, -0.07447148859500885, -0.2180972546339035, -1.9843621253967285, 1.0165259838104248, 1.0950511693954468, -0.41887423396110535, -0.12863147258758545, 0.14251777529716492, 0.30524134635925293, 0.1787758469581604, 1.3448983430862427]} +{"paper_id": "cosmos_qa", "embedding": [-0.14299918711185455, 0.8041045665740967, -0.007104121148586273, 0.4849033057689667, 0.4293503165245056, 0.36181503534317017, 0.16251042485237122, 0.8633662462234497, 1.1178863048553467, 0.486724317073822, 0.26184919476509094, 0.08415988832712173, 0.390011727809906, 0.05584574490785599, -0.29573965072631836, -0.4262491762638092, -0.5504595637321472, -0.0032720286399126053, -1.5670843124389648, -0.41446951031684875, -0.7632394433021545, -0.7427111268043518, -0.2073284387588501, 1.7489055395126343, -0.7719100713729858, -0.5122404098510742, 0.7224944829940796, -1.565544843673706, 0.37285977602005005, 0.2587350904941559, 0.07463748753070831, 1.1800189018249512, -1.5117381811141968, 1.3559263944625854, -0.5495474934577942, -0.8629441261291504, 0.21227498352527618, 0.5265623927116394, 0.45029011368751526, -0.39739733934402466, -0.32980358600616455, 0.45227116346359253, 0.37086963653564453, -0.025940895080566406, 0.6485610604286194, -0.5118740797042847, 0.45388099551200867, -0.24978379905223846, -0.46424174308776855, -0.1294541209936142, -0.6967926621437073, -0.04930605739355087, -0.06972368061542511, 0.6236587762832642, 0.11203499883413315, 0.7574690580368042, -0.18258750438690186, -0.12976476550102234, 0.39207568764686584, -0.06826058775186539, 1.6394071578979492, 1.1750504970550537, -0.33819258213043213, 0.2089604139328003, 1.6116676330566406, 0.29262256622314453, 1.5466121435165405, 0.3229352831840515, -0.5690659880638123, 0.9961391687393188, -0.06610269844532013, -0.3418220579624176, 0.04088512808084488, -0.6129114627838135, -0.09052540361881256, 0.8254678249359131, 0.4959234893321991, -0.012291695922613144, 0.39759451150894165, 0.1156197264790535, 0.3897054195404053, -0.2707573175430298, 0.6844220757484436, -0.24589309096336365, 0.4640723764896393, 0.2991985082626343, 1.0344223976135254, -0.7634175419807434, 0.07680568844079971, -2.2477095127105713, 0.45360708236694336, 0.6982201337814331, 0.5353308320045471, -0.14743934571743011, 0.018826965242624283, 0.3332849442958832, -0.04574562609195709, -0.3882783353328705, 0.15822501480579376, 0.13073047995567322, 0.47939056158065796, -0.029959533363580704, 0.4260941743850708, -0.5259455442428589, 0.756421685218811, -0.03083759918808937, 0.7510260939598083, 0.24582615494728088, -0.7904971837997437, -0.9949381947517395, 0.22108867764472961, 0.28159967064857483, 0.0693778321146965, 0.7143489718437195, -0.28146177530288696, -0.0837293416261673, 0.44389718770980835, -0.5142663717269897, -0.5538278818130493, 0.3682572841644287, -0.3815523386001587, -0.5815471410751343, -0.10925170034170151, -0.7346318364143372, 0.5761115550994873, -0.2604760527610779, -0.6366991996765137, -1.1710513830184937, -0.22430574893951416, -0.19245514273643494, 0.030963096767663956, 0.4889419972896576, -1.1772568225860596, -0.06621298938989639, 3.2206549644470215, -0.9210818409919739, 1.0002930164337158, -1.1999881267547607, -0.01889508217573166, -0.6965582966804504, -0.8482584953308105, 1.5729793310165405, -0.27866485714912415, -0.14476913213729858, -1.042580246925354, 0.0977834165096283, -0.716773271560669, 0.5548225045204163, -0.45080050826072693, -0.42165088653564453, 0.3743542730808258, 0.07451026141643524, -1.9234098196029663, -0.8153591752052307, -0.21230831742286682, 0.08294730633497238, -0.834625780582428, 0.49683958292007446, 0.004472408443689346, 0.334138959646225, 0.11069631576538086, -0.1878637969493866, -0.506174623966217, 0.26930302381515503, -0.5687817931175232, 0.10850738734006882, 0.8743444085121155, -0.6529918313026428, -0.27983522415161133, -0.2383861392736435, 0.4040772020816803, -0.06499720364809036, -0.2421165108680725, -1.0379124879837036, -0.20671071112155914, 0.666090726852417, 0.3498717248439789, 0.7432526350021362, 0.4735001027584076, -0.44667747616767883, -0.4853140115737915, -0.3984040319919586, 0.09937512129545212, 0.5341914296150208, -0.04070746898651123, 0.01139857992529869, -3.4074466228485107, -0.3340274691581726, -0.9177480340003967, 1.1909801959991455, 0.3207809627056122, 0.6069743633270264, 0.24935314059257507, 0.21138514578342438, -0.4507617950439453, -0.1720018982887268, 0.6844099164009094, -1.2879865169525146, 0.4464641213417053, -0.051407840102910995, -0.09739513695240021, -0.6625060439109802, -0.5348826050758362, 1.0494731664657593, 0.5941923260688782, -0.28587958216667175, -0.7793670892715454, -1.6387594938278198, -0.1982901692390442, 1.5545881986618042, 1.1156989336013794, -0.5295835137367249, -0.708525538444519, -0.5402835011482239, 0.5538068413734436, 0.15091274678707123, 0.5167346000671387, -0.7103132605552673, 0.15968813002109528, -0.691046953201294, 0.7374717593193054, -0.3509296774864197, 0.2674504816532135, 0.6168190836906433, 1.4501261711120605, -0.1762065887451172, -0.18077954649925232, -0.8356144428253174, -0.042080387473106384, 0.07899019122123718, 0.43552324175834656, 0.16516977548599243, 0.09214875102043152, 0.3489738702774048, 1.0039851665496826, 1.0602238178253174, 1.1763867139816284, 0.8349466323852539, -0.41779252886772156, 0.4060804843902588, -0.453031063079834, 0.7350807785987854, -0.0738113522529602, 0.09379193186759949, -0.06272256374359131, -0.19316181540489197, -0.5745835304260254, -0.10043742507696152, -0.24356499314308167, -0.21233293414115906, 1.2974306344985962, 0.3825823664665222, -0.6106084585189819, -0.17890873551368713, -0.6651225686073303, -0.5817875266075134, 0.19520990550518036, -0.5502299666404724, -0.5711418390274048, 0.1926346868276596, 0.21730205416679382, -0.5473553538322449, 0.2541283071041107, 0.1828683763742447, -0.09540799260139465, -1.1560388803482056, -0.6409171223640442, -0.07591033726930618, 0.6151995062828064, -0.7870199680328369, -0.5914813280105591, 0.07455126196146011, -1.3116825819015503, -0.011328272521495819, -0.5132984519004822, -0.486257940530777, -0.059290871024131775, 0.2971295416355133, 2.1630077362060547, -0.20953717827796936, 0.17894285917282104, -0.12319494783878326, 1.0304112434387207, -0.6256356239318848, 0.3885810971260071, -0.48360681533813477, 0.12051687389612198, -1.433364748954773, 0.6171118021011353, -1.025336503982544, 0.6611356139183044, 0.541530430316925, 0.05678459256887436, 0.8607213497161865, -0.6414949893951416, -0.27999842166900635, 0.9557256102561951, -0.22335201501846313, 0.14689379930496216, -1.072107195854187, 1.4541517496109009, 0.28002867102622986, -0.9407643675804138, 0.21177060902118683, -0.6295878291130066, -0.6205142736434937, 0.9201260209083557, 0.19358229637145996, -0.06763144582509995, 0.5726038813591003, 0.0871412381529808, 0.12465298175811768, 0.16183269023895264, -2.0132715702056885, 1.0944820642471313, 0.7286919355392456, -0.052189722657203674, 0.31434309482574463, -1.1517744064331055, 0.8075612783432007, -0.34623003005981445, -0.3666885197162628, 1.3261371850967407, -0.48635420203208923, -0.04138271510601044, 0.0645655170083046, 0.7942848205566406, 0.016770049929618835, 0.2888951897621155, 0.513428270816803, 0.44305604696273804, -0.08190245181322098, -0.6926760077476501, 0.0018380917608737946, 1.1186459064483643, -0.5938993096351624, 0.33337461948394775, 0.517922580242157, 0.8482699990272522, 0.6146159172058105, -0.025115497410297394, -0.18747885525226593, 0.5157809853553772, 0.4730044901371002, 0.005869196727871895, 0.45747408270835876, -0.32003098726272583, -0.1517525315284729, -0.23910021781921387, 1.1461824178695679, -0.4866272211074829, -0.33699241280555725, -0.61579829454422, 0.04134460538625717, -0.3353290557861328, -0.016592945903539658, 1.5178018808364868, 0.3167276382446289, 2.1770670413970947, -0.3176979124546051, 0.07939312607049942, -0.3717470169067383, -0.6082893013954163, 0.12951943278312683, 0.12439996004104614, 0.4351257085800171, -1.3244093656539917, -0.48236438632011414, 0.7177119255065918, 1.0730654001235962, -0.419685423374176, 0.23286865651607513, 0.3622993528842926, -0.02386723831295967, -0.9418226480484009, 0.9744945764541626, 0.18505732715129852, 0.9584654569625854, 1.6734867095947266, -0.5123371481895447, 0.503354012966156, 0.33144044876098633, -0.16752949357032776, -0.18776361644268036, 0.20836284756660461, 0.0879821628332138, 0.5393297672271729, 0.43003204464912415, 1.2764780521392822, 0.47176241874694824, 1.0877004861831665, 1.5854148864746094, -0.2255963683128357, -1.6053067445755005, 0.2474980354309082, -0.25190111994743347, 0.002671907190233469, 0.466486394405365, -0.3289664089679718, 0.15362325310707092, 0.5926085710525513, 0.38006791472435, -1.0126383304595947, 0.7277418375015259, -0.14479665458202362, -1.1918034553527832, 0.2860538959503174, 1.1752824783325195, -0.4356899857521057, -0.4704422056674957, 0.18123097717761993, -1.0023891925811768, 0.03438037633895874, -0.45832476019859314, -0.765052855014801, 1.1535776853561401, 0.3836820721626282, 0.8998350501060486, 0.8179193735122681, 0.13983483612537384, -0.9122577905654907, 1.6043375730514526, 1.0754743814468384, -1.1662248373031616, 0.7785519361495972, -0.12928777933120728, 0.8101372718811035, 0.8016030788421631, -1.079858660697937, -0.4776570200920105, 1.2069284915924072, 0.1978054642677307, -0.4996463656425476, -1.1472874879837036, -0.12250688672065735, 0.7048277854919434, 0.4158002436161041, -0.014783278107643127, -0.678654134273529, 0.15230309963226318, -0.8498038649559021, 0.42231816053390503, 0.8099648952484131, -1.3474889993667603, -1.0519393682479858, 0.5708286762237549, -0.9751920104026794, 0.2570068836212158, -0.2386913150548935, 0.0030263401567935944, 2.4757113456726074, -0.15531402826309204, 0.28592735528945923, -0.4846237897872925, -11.122892379760742, 1.138332724571228, -0.023812850937247276, 0.37891173362731934, 0.18537938594818115, -0.19248232245445251, -0.17523983120918274, 0.23555734753608704, 0.18563763797283173, -0.5028635859489441, 0.009643137454986572, 0.3642367720603943, 0.7970170974731445, -0.145638108253479, -0.6243796348571777, -1.369464635848999, -0.4963814914226532, -0.6379905343055725, 0.16885195672512054, 0.36801138520240784, -0.1124778687953949, -0.7334287762641907, -0.31724053621292114, 0.18917568027973175, 0.5766870975494385, -0.23032426834106445, -0.8771264553070068, -0.10784528404474258, -0.35027679800987244, -0.33324316143989563, 0.5842487215995789, -0.5215251445770264, -0.3405073583126068, -0.1108962744474411, 0.7041889429092407, -0.4453090727329254, -0.9825014472007751, 0.25423845648765564, 0.3960339426994324, -0.4100548326969147, -0.3532557487487793, -0.1540028303861618, 0.39908847212791443, -0.3948255181312561, -0.5744308233261108, 0.35585111379623413, 0.5195042490959167, -1.4519795179367065, -0.10814614593982697, -0.3128952980041504, -0.8781546354293823, -0.5570228695869446, -0.9086681604385376, -0.87065190076828, 0.29369056224823, 0.44560104608535767, -0.6810725331306458, -0.5420594811439514, -0.1205175369977951, -1.0590646266937256, 0.7000535130500793, 0.17988580465316772, -0.3543553948402405, 0.7419935464859009, 0.3269089460372925, -0.21164484322071075, 0.5548304319381714, 0.0012944117188453674, -0.32022759318351746, 0.7766742706298828, -0.9789541363716125, 1.2561851739883423, -0.3141455352306366, 0.8251767158508301, -0.7543915510177612, 0.5286312103271484, -0.7238448262214661, -0.5447379350662231, 0.811556875705719, 0.29323285818099976, -1.1027450561523438, 0.5810085535049438, 0.14896541833877563, -0.4390764832496643, -0.7063308954238892, 0.5264800786972046, 0.3565361201763153, 0.5840590596199036, 0.9598463773727417, -1.0551968812942505, 1.5222195386886597, -0.09844446182250977, -0.46256595849990845, -0.39177924394607544, -0.7377249598503113, 0.10589680075645447, -0.5513682961463928, 0.6073774695396423, 0.9332456588745117, -0.4545985758304596, -0.12445085495710373, 0.008015226572751999, -1.5633047819137573, -0.2373049408197403, 0.8314749002456665, 0.24355852603912354, 0.29814860224723816, -0.3457680940628052, -0.3097619414329529, -1.012197732925415, 0.6332060694694519, 0.33776769042015076, -0.22072015702724457, 0.9362987279891968, -0.3176393508911133, 0.7419131398200989, 0.6599990725517273, 0.0021531879901885986, -0.02795214205980301, 0.8750083446502686, -0.5733394026756287, 0.912976861000061, 0.46633538603782654, 1.4962009191513062, -0.1856970638036728, -0.09153184294700623, 0.4052125811576843, 0.41681939363479614, -0.7287960052490234, -1.0977625846862793, 0.4226454794406891, -0.38886043429374695, 0.10795304924249649, -0.6804913878440857, -0.7046014666557312, 0.30816951394081116, -0.3663214445114136, 1.7210098505020142, -0.9678747057914734, -0.04428058862686157, 0.1681097149848938, 0.0990740954875946, -0.9188205599784851, -0.8012654185295105, -0.8002029657363892, -0.32092195749282837, -2.028028726577759, -0.17133177816867828, -0.36529862880706787, -0.757232666015625, -0.3550218641757965, -1.1994284391403198, 0.7343178391456604, -0.244650736451149, -0.39162635803222656, -0.42334356904029846, 0.1944262534379959, -1.1438300609588623, -0.5197843909263611, -0.049044109880924225, 0.11515843868255615, 1.3250285387039185, -1.0634340047836304, 0.7894414067268372, -0.27267298102378845, -0.2855437695980072, -0.22582602500915527, 0.12183204293251038, -0.6299012303352356, 0.6355046033859253, 1.0472419261932373, -1.2926875352859497, -0.41910016536712646, -0.6785217523574829, 0.39040425419807434, -0.23924605548381805, 0.19375750422477722, 1.3347440958023071, -1.32487952709198, -0.22211535274982452, -0.4947553277015686, 0.6653850078582764, 0.914749026298523, -1.2350711822509766, -0.00819607824087143, -0.18725833296775818, -0.236659973859787, 0.5316632986068726, 0.048597730696201324, 0.8620485663414001, -1.3207762241363525, -0.9589521884918213, -0.6594273447990417, -0.4280169606208801, 1.211916208267212, 0.40588951110839844, 0.5180845260620117, 0.4180774986743927, -0.5225387811660767, -0.45721539855003357, -0.45789262652397156, 0.46235647797584534, 0.10698387026786804, 0.44261234998703003, -0.15032237768173218, 0.35982051491737366, -0.3490794003009796, -0.24475796520709991, 0.35413625836372375, 0.9262607097625732, -0.9957183599472046, 0.13940173387527466, 0.07227957993745804, -0.21221163868904114, 0.20152655243873596, -1.4104009866714478, 0.18301618099212646, -0.5475828051567078, -0.48455074429512024, -1.0152753591537476, 0.177280455827713, 0.7938026189804077, -0.19296348094940186, 0.7909280061721802, 0.8185085654258728, 0.5024576187133789, 0.20822571218013763, -0.12374086678028107, 1.0288809537887573, 0.416511595249176, 0.04212661460042, 0.3662126064300537, 0.7903809547424316, 0.6199375987052917, -0.0838642418384552, -0.9606457948684692, -0.25161314010620117, 0.5348067879676819, -0.5025240778923035, 1.1637057065963745, -0.23029382526874542, -0.12728559970855713, 1.5762392282485962, 1.197234034538269, 0.005795225501060486, -2.115142345428467, -0.6146848797798157, -1.4445286989212036, 0.45137736201286316, 1.2611231803894043, -0.04226018488407135, 0.41425424814224243, 0.38837698101997375, -0.3100864887237549, 1.2490060329437256, -0.41705265641212463, -0.07598719000816345, 0.8689561486244202, 0.32883715629577637, 0.9209836721420288, 0.841678261756897, 0.01962827332317829, 0.8384522199630737, -0.23361408710479736, -0.9677057862281799, 0.4954010248184204, -1.279657244682312, 0.590023934841156, -0.008609078824520111, -0.963180661201477, -0.11424262821674347, 0.09027467668056488, 0.6862465143203735, -0.6357620358467102, 1.4009093046188354, -0.20795275270938873, -0.3923424482345581, -0.7028847336769104, -0.8302380442619324, -0.7115791440010071, 0.4231528341770172, -0.18048542737960815, -0.06301163136959076, -0.04819747805595398, 0.8752091526985168, 0.5324402451515198, 0.4491022229194641, -0.6857457160949707, -0.43732693791389465, -0.7070909142494202, 0.20857082307338715, -0.39588889479637146, -0.5819278955459595, -0.6274434328079224, 0.3144279420375824, -0.6619580984115601, -0.021934539079666138, 0.5600106120109558, -0.6033154726028442, -0.5829898715019226, 0.6705597043037415, 0.1722417175769806, -0.5778061151504517, 0.21194471418857574, 0.3522867262363434, -1.1354652643203735, 0.20275869965553284, 0.30220919847488403, -0.8074048757553101, -0.06705518811941147, -0.2543696463108063, 0.80235755443573, -0.030331749469041824, 0.9843739867210388]} +{"paper_id": "wino_bias", "embedding": [0.10302820056676865, 0.3491988480091095, -0.3359288275241852, 0.1885097622871399, 0.5290823578834534, -0.09631374478340149, 0.830674409866333, 0.14495110511779785, 0.6942768096923828, 0.09462934732437134, 0.15258583426475525, 0.13830947875976562, -0.8140132427215576, -0.25808006525039673, -0.4607694447040558, -0.7114725112915039, -1.8217335939407349, -1.097163438796997, -1.3045223951339722, -0.18658271431922913, -1.2580546140670776, -0.33796554803848267, -0.743445634841919, 0.13591384887695312, -0.2024957537651062, -0.860967755317688, 0.1645834743976593, -0.8329225182533264, 0.8783363699913025, 0.10223783552646637, -0.1518709361553192, 1.3543932437896729, -0.938747763633728, 0.6243279576301575, -0.8140504360198975, 0.4797862768173218, 0.2880772352218628, 0.9268796443939209, -0.6749219298362732, -0.162062868475914, -0.4270482361316681, 0.5699878334999084, 0.2605811655521393, 0.5064540505409241, -0.2850501537322998, 0.10033304244279861, -0.13491791486740112, 0.08614732325077057, -0.012105122208595276, -0.15626218914985657, -0.492311030626297, 0.6081004738807678, 0.3008634150028229, -0.15855592489242554, -0.3638056814670563, 0.7141563892364502, 0.42714712023735046, -0.7546322345733643, 1.097101092338562, -0.7650973796844482, 1.0253820419311523, 0.8449406027793884, -0.1552293598651886, 0.5656971335411072, 0.8668148517608643, -0.12786340713500977, 1.0146880149841309, -0.09048233926296234, 0.37881264090538025, 0.6076724529266357, 0.1638963371515274, -0.1605711281299591, 0.29893529415130615, 0.669890820980072, -0.325914204120636, 0.16675516963005066, -0.09682570397853851, 0.13824161887168884, -0.49385127425193787, 0.5010961890220642, 0.02206810936331749, 0.40827131271362305, 1.1487928628921509, -0.8591921925544739, -0.1017734706401825, 0.32486313581466675, 0.8807145357131958, -0.5680770874023438, 0.5447227358818054, -1.3322670459747314, -0.20485855638980865, 0.07218322902917862, 0.021336421370506287, 0.24456143379211426, 0.35010185837745667, 0.3953191339969635, -0.22091110050678253, 0.6075234413146973, -0.7700128555297852, 0.3706659972667694, -0.32228344678878784, -0.7904020547866821, -0.09520840644836426, 0.07888489216566086, -0.18320637941360474, 0.2770305275917053, 0.4515748620033264, 0.1730804145336151, -0.6591973304748535, 0.19221004843711853, 0.1427549570798874, 1.7463420629501343, -0.1421046406030655, 0.818227231502533, -0.03896008059382439, 0.8068625330924988, 0.006950683891773224, -0.6885606050491333, -0.34445035457611084, 0.09840385615825653, -0.4598281979560852, -0.5728317499160767, 0.27672773599624634, 0.68646639585495, 1.0956181287765503, -0.33115077018737793, 0.07798464596271515, -0.22937661409378052, 0.19183827936649323, -0.07448700070381165, 0.18071706593036652, -0.18796926736831665, -0.5194624066352844, 0.11534808576107025, 3.304264545440674, -0.811461329460144, 1.580189824104309, -1.1913937330245972, -0.45011991262435913, -0.3815153241157532, -0.016281362622976303, 0.2317529171705246, 0.31759050488471985, -0.011593297123908997, -0.34977036714553833, -0.10228108614683151, -0.308512806892395, -0.19505254924297333, -0.8127757906913757, -0.26338011026382446, 0.03208658844232559, -0.12464708834886551, -1.2658634185791016, -0.05264812335371971, -0.010138042271137238, 0.01926814764738083, -0.2717375159263611, 0.7381930351257324, -0.6308097839355469, -0.03304927051067352, -0.669380784034729, 0.16448113322257996, -0.16080115735530853, 0.250225692987442, -0.6492891907691956, -0.5788798332214355, 1.4032362699508667, -0.26741549372673035, -0.9783139824867249, 0.26831135153770447, 0.5033539533615112, -0.11757748574018478, -0.23296695947647095, 0.024381648749113083, -0.14821220934391022, 0.5012747645378113, 0.5574515461921692, 0.8760390281677246, 0.023105069994926453, -0.9407376050949097, -0.8077943325042725, -1.02082359790802, 0.06956247240304947, 0.3564146161079407, -0.5788713693618774, 0.5937353372573853, -1.7761093378067017, -0.45300716161727905, -1.2940168380737305, 0.9765344262123108, -0.498159795999527, 0.36512118577957153, 0.4616923928260803, 0.41259637475013733, 0.15578842163085938, 0.27297815680503845, 0.7754271626472473, -1.3902490139007568, -0.25552690029144287, -0.5981317162513733, -0.6494869589805603, -0.28177881240844727, -0.6600853800773621, 1.0235873460769653, 0.8896641731262207, -0.6826604604721069, -0.2423212230205536, -2.4498610496520996, 0.3393091559410095, 2.0485594272613525, -0.06569640338420868, -0.0428842231631279, -0.2912524938583374, 0.4203087091445923, -0.15856997668743134, -0.14669501781463623, 0.5985609292984009, -0.8941593766212463, 0.5554907917976379, -0.6730930209159851, 0.3997364938259125, -0.04833495244383812, 0.45315757393836975, 1.0186001062393188, 0.9338611364364624, -1.2838609218597412, 0.19566187262535095, -0.3785974979400635, -0.7372153401374817, 0.6500052213668823, 0.8693385124206543, 0.13968567550182343, 0.799530565738678, 1.092856764793396, 0.24009695649147034, 1.2910171747207642, 0.24007344245910645, 0.46522143483161926, -0.9324139356613159, 0.16909794509410858, -0.3324999213218689, 0.6731154918670654, -0.13246671855449677, 0.6699147820472717, 0.8225973844528198, 0.10570482909679413, -0.7519384026527405, -0.20875051617622375, -0.025979964062571526, -0.13748595118522644, 1.465270757675171, 0.2132221907377243, -0.626741886138916, 0.8938102722167969, -0.9657878279685974, 0.019425075501203537, -0.7455964088439941, -0.3540922701358795, -0.4150232672691345, 0.28199195861816406, 0.977217435836792, -0.0705622136592865, -0.3668416440486908, 0.005948290228843689, -0.2380439192056656, -0.5628786683082581, -0.11180427670478821, -0.22138190269470215, 0.23636697232723236, -1.644264578819275, -0.22031575441360474, -0.21094374358654022, -1.1125918626785278, -0.5635732412338257, -0.6259241700172424, -0.04790893942117691, -0.760658860206604, 0.41051939129829407, 1.972314476966858, -0.19236885011196136, -0.6754617691040039, 0.07401444017887115, 1.437192678451538, -1.035227656364441, 0.4869654178619385, -0.4499770700931549, 0.6128268241882324, -0.9438982009887695, -0.160451740026474, -0.26830971240997314, 0.3907473087310791, 0.5449362397193909, 0.06860367208719254, 0.04403919726610184, 0.21520349383354187, 0.27395471930503845, 0.7089372277259827, -0.27476850152015686, -0.3667738735675812, -0.9132615923881531, 1.4526562690734863, 0.23091019690036774, -0.374811589717865, 0.30897390842437744, 0.2369442582130432, 0.07748234272003174, 1.1759306192398071, 0.08589139580726624, 0.6624351143836975, 0.13939805328845978, 0.1223231852054596, -0.3128840923309326, 0.0204586461186409, -1.7543046474456787, -0.20974195003509521, 0.9793482422828674, -0.43541285395622253, 0.008230496197938919, -1.2017658948898315, 0.38384485244750977, -0.8349742889404297, -0.24080222845077515, 0.7093852162361145, -0.1697596162557602, 0.24794596433639526, -0.7340381145477295, -0.015964386984705925, 0.596143364906311, -1.4084151983261108, -0.40256112813949585, 0.8471851348876953, 0.7236794829368591, -0.5618030428886414, 0.5247504711151123, 0.08108314871788025, -0.23195283114910126, 1.2811002731323242, 0.5393399596214294, 1.055191993713379, 0.9712989330291748, -0.6812843084335327, -0.5355980396270752, 0.5360209941864014, 0.5431672930717468, 0.9512773156166077, 0.5041162371635437, 0.5346589684486389, 0.8188343644142151, -0.8614534735679626, 1.5851696729660034, 0.25583723187446594, -1.7265287637710571, -0.37491101026535034, -1.1897616386413574, -0.4986630082130432, -0.6963378190994263, 1.2182663679122925, 0.7330265641212463, 1.0182191133499146, -0.37322694063186646, 0.5616390109062195, -0.2265714854001999, 0.36361217498779297, 0.8493793606758118, -0.09453786909580231, 0.6681368947029114, -0.2390972077846527, 0.012969471514225006, 0.24062611162662506, 0.008493674919009209, -0.6135836839675903, -0.1971566528081894, 0.5512516498565674, 0.8498290181159973, 0.20505671203136444, 0.17903652787208557, -0.15736009180545807, -0.2409941554069519, 0.8072487711906433, -0.9345378875732422, -0.11855709552764893, -0.8683003783226013, 0.2993510365486145, 0.12810353934764862, 0.08893226832151413, -1.500457763671875, 1.1653581857681274, 0.13235096633434296, 1.40660560131073, 0.009370177984237671, 0.31770044565200806, 0.3806406259536743, -0.47958770394325256, -1.745666265487671, -0.12980328500270844, -0.9271253347396851, 0.1290210783481598, 0.6141983270645142, -0.23478133976459503, 0.05117490515112877, 0.12107741087675095, -0.34686002135276794, -1.467658519744873, 0.7445224523544312, -0.977478563785553, -0.8737119436264038, 0.7403489351272583, 0.6333749294281006, -1.1841462850570679, -0.19644969701766968, -0.019017748534679413, -1.0364394187927246, -0.5567463636398315, -0.1770133376121521, -1.231573224067688, 0.77605140209198, 0.48087000846862793, 0.3854580223560333, -0.7367077469825745, 0.4658665060997009, -0.5980681777000427, 1.023825764656067, 1.2026976346969604, -0.20636214315891266, 0.6189358234405518, 0.9450265765190125, -0.2194087654352188, -0.04902277886867523, -0.576404869556427, -0.3348207473754883, 0.046823807060718536, 0.4790749251842499, -0.11874455213546753, -0.98481684923172, -0.7004554271697998, 0.5002511143684387, -0.2836799621582031, 0.5493764877319336, -1.701789379119873, 0.7439432740211487, -0.5287408828735352, 0.6016339063644409, 0.506696343421936, -1.0077341794967651, -1.0600734949111938, 1.4006896018981934, -0.34060758352279663, -0.10733991116285324, -0.667495846748352, 0.10345028340816498, 2.0385730266571045, 0.05077815055847168, -0.018216624855995178, 0.007536642253398895, -11.54675006866455, 0.7917312979698181, -0.2032248079776764, 0.7732056379318237, 0.42375919222831726, -0.3514917194843292, 0.549197793006897, -0.2961002588272095, 1.0705575942993164, -0.20660796761512756, -0.145955428481102, 1.4503378868103027, 0.13902859389781952, -0.47129467129707336, -0.7039058208465576, -1.3445934057235718, -0.6208804249763489, -0.8498181700706482, -0.3938356637954712, 1.0810527801513672, -0.4421616494655609, -1.912407636642456, 0.14271827042102814, -0.40155357122421265, 0.8352600932121277, -0.7220547795295715, -0.7107142806053162, -1.0577037334442139, 0.00030110031366348267, 0.6485316753387451, 0.8293798565864563, -0.15962141752243042, -0.710293710231781, 0.14346304535865784, -0.47999364137649536, -0.010462641716003418, -0.016818158328533173, 0.5694283843040466, 0.7867395877838135, 0.5306572914123535, -0.32398712635040283, 0.7048877477645874, 0.6199468374252319, -0.9921087026596069, 0.12324237823486328, -0.10774978995323181, 0.007809756323695183, -0.20123594999313354, 0.09745356440544128, -0.5488060116767883, 0.26090043783187866, -0.5067688822746277, -1.2834413051605225, -0.610294759273529, -0.21330291032791138, -0.07483971118927002, -0.5559231042861938, 0.7012280821800232, -0.9598748087882996, -2.064244270324707, 0.9513670802116394, 0.4090927243232727, -0.6233232617378235, 1.1277178525924683, 0.5363709926605225, -0.8342885375022888, -0.5753727555274963, 0.4685705304145813, -0.058147501200437546, 0.005867844447493553, -0.06882426887750626, 1.0239698886871338, -0.12175949662923813, 0.7619631290435791, -0.36333996057510376, 0.17657004296779633, -0.2526688873767853, -0.3567420244216919, 0.8017820119857788, -0.16110414266586304, -1.2128738164901733, 0.7745672464370728, -0.45953020453453064, -0.6987277269363403, -1.0168869495391846, 0.8529146909713745, -0.0726528987288475, -0.07053668797016144, 0.6847488880157471, -0.7444891929626465, 0.5550258159637451, 0.0182136632502079, 0.13072341680526733, 0.07668779790401459, -0.09129057824611664, 1.596541404724121, 0.21695809066295624, 1.2069528102874756, 0.4548642337322235, 0.09655124694108963, 0.7009188532829285, 0.07440953701734543, -0.8405647277832031, 0.22039948403835297, 0.02524062804877758, 0.31521591544151306, 0.3027580678462982, -0.3728029131889343, 0.09324618428945541, -0.348641037940979, 0.3104805648326874, 0.3950945734977722, 0.12884372472763062, 0.4780948758125305, -0.03183531016111374, 0.22355811297893524, 1.1075177192687988, 0.8831461071968079, 0.5783271789550781, 0.21514266729354858, -0.07030412554740906, -0.09051772207021713, 0.31765830516815186, 1.0224689245224, 0.1901743859052658, 0.13638748228549957, 1.3300093412399292, 0.05343925207853317, 0.051703885197639465, -2.3146510124206543, 0.0520896278321743, -0.6272479891777039, 0.2585007846355438, 0.24788770079612732, 0.22009186446666718, -0.2508583962917328, -0.171308234333992, 0.4079933762550354, -0.05034318193793297, 0.7871158123016357, 0.29020947217941284, -0.20959553122520447, -0.7634767293930054, 0.0350630022585392, -0.730721116065979, 0.24675396084785461, -1.868470549583435, 0.2763366401195526, 0.011918023228645325, -0.4075334072113037, -0.10758914053440094, -0.4483359754085541, 1.0491911172866821, -0.22088807821273804, 0.40314701199531555, 0.34812718629837036, 0.6920764446258545, 0.0018180757761001587, -0.4215952754020691, 0.33497151732444763, 0.2371237874031067, 1.383429765701294, -0.9893981218338013, 0.8759481310844421, 0.2765190899372101, -0.20940983295440674, -0.46735870838165283, -0.3859533369541168, -0.2771393656730652, 0.03449629992246628, 0.23879747092723846, -0.7034600973129272, -0.5909754037857056, -0.8600177764892578, -0.057261236011981964, -1.3719894886016846, 1.047208309173584, 0.7558834552764893, -0.1434098184108734, -0.9003353118896484, -0.10137373208999634, -0.002237163484096527, 0.17726892232894897, -0.3047376871109009, -0.6833764314651489, -0.8938834071159363, 0.034512709826231, 0.9511484503746033, 0.0905165821313858, 1.2281990051269531, -1.3721286058425903, -0.9428656697273254, -0.5490893721580505, 1.06870698928833, 0.697476863861084, 0.004117663949728012, 1.351724624633789, 0.6959271430969238, -0.016035959124565125, 0.26978743076324463, -0.05466721951961517, 0.9294244050979614, -0.31026706099510193, -0.13497112691402435, -1.0672181844711304, 0.09374183416366577, -1.2973098754882812, -0.14683367311954498, 0.5519360303878784, 0.7581903338432312, -1.0179681777954102, -0.6388761401176453, -0.30790427327156067, -0.5377307534217834, -0.1794803887605667, -0.23011787235736847, 0.25657159090042114, -0.24552373588085175, -0.40376216173171997, -0.21266883611679077, 0.7782855033874512, 0.5832489132881165, 0.16152967512607574, 0.6928573846817017, 0.8015348315238953, 0.3407403528690338, 0.3553496301174164, 0.516572117805481, 1.3039911985397339, 0.1504751592874527, -0.3179751932621002, -0.4292835593223572, -0.2423056662082672, 0.629685640335083, -0.6397780776023865, -0.14637409150600433, -0.1261160969734192, 0.8592405319213867, -0.8628275394439697, -0.06953170150518417, -0.19881294667720795, 0.5099346041679382, 0.9458480477333069, 1.0105401277542114, -0.5707641243934631, -0.9820393323898315, 0.15039010345935822, -0.5140720009803772, 0.21217086911201477, 0.1924876570701599, 1.2272125482559204, 0.8868086934089661, 0.8622276782989502, 0.5781286358833313, 0.842139482498169, 0.04823058843612671, -0.07261574268341064, 0.36864566802978516, 0.5310787558555603, 0.788310706615448, 0.42482417821884155, 0.5821792483329773, -0.24005959928035736, 0.07724764198064804, -0.4571404457092285, -0.30279773473739624, -0.8591824173927307, 1.3473994731903076, -0.3701702952384949, 0.45109307765960693, -0.5725003480911255, -0.6166812181472778, 1.024980902671814, -0.7177379727363586, 0.29860541224479675, -0.022365454584360123, -0.15176022052764893, -1.1028225421905518, -0.6352680325508118, -0.02047855779528618, 0.20212411880493164, -0.03814467415213585, -0.8079527020454407, -0.4743857979774475, 0.5347907543182373, -0.03955249488353729, -0.7194478511810303, -0.4906649589538574, 0.3389715552330017, -0.6191005706787109, 0.8348722457885742, -0.28754857182502747, -1.6663336753845215, -0.9573641419410706, -0.2828783690929413, -0.3893503248691559, 1.1251189708709717, 0.21963544189929962, -1.4598840475082397, -0.44037219882011414, 0.1919078528881073, -0.49813511967658997, -0.3849404454231262, 0.22692404687404633, 0.2802164852619171, -1.9903488159179688, 1.0349161624908447, 0.9856289625167847, -0.2108413428068161, -0.20144380629062653, 0.19297343492507935, 0.26950404047966003, 0.20121422410011292, 0.9537972211837769]} +{"paper_id": "sst", "embedding": [-0.6948758363723755, 0.869939386844635, -0.1561460793018341, -0.07798001170158386, 0.5794447660446167, -0.3026913106441498, 0.6367263793945312, 0.6053824424743652, 0.1227564886212349, 0.5825393199920654, 0.18767470121383667, -0.2490449696779251, 0.07887649536132812, 0.04453923553228378, 0.038986194878816605, -0.39343926310539246, -0.8974701166152954, -0.2185746729373932, -0.5395570993423462, -0.36278486251831055, -0.3865518569946289, -0.2344825714826584, -0.030403263866901398, 0.4858887493610382, -0.14425919950008392, -0.5572699904441833, 0.3018624484539032, -0.29525426030158997, 0.5426359176635742, 0.590478241443634, 0.006710164248943329, 1.1575828790664673, -1.2794536352157593, -0.16647011041641235, -0.7287695407867432, -0.5747800469398499, -0.0181141197681427, 0.40986478328704834, -0.8719009757041931, 0.04423905536532402, -0.46102407574653625, 0.08528763800859451, 0.6060473322868347, 0.5541170835494995, 0.7781756520271301, 0.4493248462677002, -0.18296246230602264, 0.41536810994148254, -0.03636961430311203, -0.008198518306016922, -0.3293983042240143, 0.43410006165504456, 0.3122628331184387, 0.2978443503379822, -0.5738159418106079, 0.8451477289199829, -0.19504329562187195, -0.6334931254386902, 0.17703282833099365, -1.447575569152832, 0.5904802680015564, 1.1895010471343994, -0.013464411720633507, 0.37785235047340393, 1.0731265544891357, 0.005788929760456085, 0.5039275884628296, -0.39374470710754395, 0.09610618650913239, 1.1107574701309204, -0.22565412521362305, 0.08899866789579391, 0.36757874488830566, -0.2357633262872696, 0.13451948761940002, -0.04723959416151047, 0.37909772992134094, 0.8580387830734253, 0.26110199093818665, 0.5214226245880127, -0.015793344005942345, 0.6338156461715698, 0.2991807758808136, -0.5658693313598633, -0.16772300004959106, 0.3389115333557129, 0.38026002049446106, -0.13265207409858704, 0.25100305676460266, -1.1693800687789917, 0.15235838294029236, -0.10083144903182983, -0.22407661378383636, 0.27385154366493225, -0.42648881673812866, 0.11945918947458267, -0.4111412763595581, 0.4117889702320099, -0.024110902100801468, 0.5625948905944824, 0.6585255861282349, -0.6307888031005859, 0.3996557593345642, 0.07478858530521393, 0.04891853779554367, 0.9176498055458069, 0.04671643674373627, -0.3691510260105133, 0.04823797568678856, -0.11153652518987656, -0.7237318754196167, 1.370274543762207, -0.03488171100616455, 0.6122115850448608, 0.030411694198846817, 0.33976826071739197, -0.08938609808683395, -0.5439148545265198, -0.5749679207801819, 0.2697942554950714, -0.1372734010219574, -1.315321922302246, -0.0942397490143776, 0.33586645126342773, 1.038867473602295, -0.6200350522994995, 0.8007297515869141, -0.47256770730018616, 0.29212531447410583, -0.3203296363353729, 0.5605024695396423, 0.10151541233062744, -0.09442421793937683, -0.3855307400226593, 2.08685564994812, -0.7666055560112, 1.4500857591629028, -0.7608247995376587, 0.020633481442928314, 0.2237297147512436, -0.26224637031555176, 0.7038083672523499, -0.058311209082603455, -0.4994513690471649, -0.958695650100708, 0.23657037317752838, 0.0921889916062355, 0.323703795671463, -0.7756878137588501, -0.16502702236175537, -0.33682680130004883, 0.3239193856716156, -1.1551164388656616, -0.9432938098907471, 0.3196803033351898, 0.3922238349914551, 0.48685964941978455, 0.7729006409645081, -0.5875288844108582, 0.521597146987915, 0.5501756072044373, 0.4405633807182312, -0.4164409041404724, 0.4463644325733185, -0.5515702962875366, -0.21562020480632782, 0.771869957447052, 0.4023039937019348, -0.36642006039619446, -0.34260883927345276, 0.3616946041584015, -0.26821190118789673, 0.2566467523574829, -0.046583421528339386, -0.40249356627464294, -0.4102465510368347, 0.45870330929756165, 0.1298723816871643, 0.48180460929870605, -0.8953413367271423, -0.16810327768325806, -0.02016529068350792, -0.3025113642215729, 0.4629215896129608, 0.33414068818092346, 0.2893567383289337, -1.543422818183899, 0.23121005296707153, -0.12622344493865967, 0.18094158172607422, 0.3692423701286316, -0.7492980360984802, 0.11373545229434967, 0.20465953648090363, -0.18039914965629578, 0.5047413110733032, 0.6685194969177246, -1.1076189279556274, -0.8141622543334961, 0.5078607201576233, 0.283359169960022, -0.030269932001829147, 0.10974617302417755, 1.2133249044418335, 0.6968581080436707, -0.00845358520746231, -0.33496707677841187, -1.613547444343567, 0.517649233341217, 2.111891269683838, -0.22914612293243408, -0.5026671290397644, -1.1114987134933472, -0.1700715720653534, 0.5699194073677063, -0.4917754828929901, 0.7290496826171875, -0.5354539155960083, 0.2396411895751953, -1.2386902570724487, 0.41621360182762146, -0.30135735869407654, 0.15544503927230835, 0.11209282279014587, 1.1910438537597656, -0.7873697280883789, -0.6416407823562622, -0.5639172196388245, -0.4352264702320099, -0.08836488425731659, 0.5927477478981018, 0.31684640049934387, 0.0964890569448471, -0.16380105912685394, 0.38917291164398193, 0.3974355459213257, -0.23969170451164246, 0.24040426313877106, 0.35684141516685486, -0.1643160879611969, -0.10333975404500961, 0.19852793216705322, -0.047838613390922546, -0.11813618987798691, 0.41339802742004395, 0.282349556684494, -0.5269344449043274, -0.15886005759239197, -0.2680516242980957, 0.27229100465774536, 1.2357743978500366, 1.2071516513824463, -0.17491337656974792, 0.980932354927063, -0.7633311152458191, 0.22144925594329834, 0.09046928584575653, -0.3760565519332886, -0.5588074326515198, -0.15991395711898804, 1.1326394081115723, 0.2854389250278473, -0.38210511207580566, -0.18462279438972473, -0.11863644421100616, -0.08249597251415253, -0.250506728887558, -0.23776206374168396, -0.777424693107605, -0.5274914503097534, -0.32817649841308594, 0.4206623435020447, -0.28099021315574646, -0.6783149838447571, -0.5585424304008484, 0.3951188325881958, -0.16784855723381042, 0.6341760158538818, 1.2384910583496094, 0.16296860575675964, 0.24654251337051392, -0.2518402338027954, 0.7083390355110168, -0.3160003125667572, 0.525871753692627, -0.718744158744812, 0.2540353238582611, -0.7666493058204651, -0.5407788753509521, 0.06852524727582932, 0.3668580651283264, -0.08696293085813522, -0.2324981391429901, 0.751751720905304, -0.6717623472213745, -1.7994005680084229, 1.010274887084961, -0.538160502910614, -0.1794096827507019, -0.8008743524551392, 1.202913761138916, 0.25769734382629395, 0.33170753717422485, 0.6190493106842041, -0.5804833173751831, 0.2727833688259125, 1.0818957090377808, -0.7636123895645142, 0.7102530002593994, 0.06997528672218323, 0.01392083428800106, -0.010919343680143356, 0.037204258143901825, -2.2160909175872803, -0.009465137496590614, 0.8299979567527771, -0.10448948293924332, -0.47725483775138855, -0.8651362657546997, 0.482288658618927, -0.2800111770629883, 0.190638929605484, 0.7235321402549744, -0.5113815665245056, 0.7215496897697449, -0.7658378481864929, -0.01628829725086689, 0.9681869745254517, -0.8685168027877808, -0.475565642118454, 0.4975646138191223, 0.6632344126701355, -0.8047008514404297, -0.29598814249038696, 0.412044495344162, -0.35821953415870667, 0.6884626150131226, 0.7638895511627197, 0.7566165924072266, 0.7409770488739014, -0.9773143529891968, -0.1267281025648117, 0.14830850064754486, 0.5382952690124512, -0.15633775293827057, -0.13391616940498352, -0.3294376730918884, 0.7930253744125366, -0.5637551546096802, 1.1781014204025269, 0.3132825493812561, -0.6166982650756836, -0.056880801916122437, -0.3945023715496063, -0.6494499444961548, -0.4635966718196869, 1.3130029439926147, 1.0431721210479736, 1.1252808570861816, -0.3069898188114166, 0.34340694546699524, -0.14665406942367554, 0.39127156138420105, 0.7708061337471008, 0.324063241481781, -0.026341699063777924, -0.2692206799983978, 0.4173957407474518, 0.764439046382904, 0.24113282561302185, -0.5440981388092041, -0.3957589268684387, 0.8691590428352356, -0.5577584505081177, -0.18656466901302338, -0.299389123916626, 1.197509527206421, 0.6104134321212769, 1.9231387376785278, 0.12211216986179352, -0.7155738472938538, -0.400187611579895, 0.21872089803218842, 0.5685809850692749, -0.10695523023605347, -1.2032734155654907, 0.0977187231183052, -0.2865329384803772, 0.7945342063903809, -0.2444276213645935, 0.5259851813316345, 0.4292925298213959, -0.7121248841285706, -0.40718406438827515, -0.052636075764894485, -1.3182741403579712, 0.007702052593231201, -0.2405460774898529, -0.5620216727256775, -0.25780054926872253, 0.40897175669670105, -0.08784312009811401, -0.31226933002471924, 0.4092361629009247, 0.003134671598672867, -0.764378547668457, 1.0146737098693848, 1.0427312850952148, -0.9633160829544067, -0.4217130243778229, -0.15745720267295837, -0.7625497579574585, -0.7316212058067322, 0.2884383499622345, -0.3728134036064148, 0.6332618594169617, 0.45968663692474365, 0.3156205713748932, -0.041131939738988876, 0.036522261798381805, -0.6582086682319641, 0.8676311373710632, 0.6292940378189087, -0.6493980884552002, 0.003227224573493004, 0.20769928395748138, 0.10380946099758148, 0.22167645394802094, -0.8100292086601257, -0.27785879373550415, 0.42539989948272705, 0.021076448261737823, -0.44968485832214355, -0.22426144778728485, -0.2213411182165146, -0.16472065448760986, 0.17468509078025818, 0.3976774215698242, -0.8266980648040771, 1.011711597442627, -0.04091197997331619, -0.13631074130535126, 0.42424702644348145, -0.29903721809387207, -0.7751845121383667, 0.756879985332489, -0.8551979660987854, 0.36277931928634644, -0.04368594288825989, 0.2713366150856018, 0.37764298915863037, 0.10935717076063156, 0.2726771831512451, 0.4140448272228241, -13.952635765075684, 0.35250264406204224, -0.6129748225212097, 0.2909098267555237, 0.5396198034286499, 0.22500425577163696, 0.22637280821800232, 0.5292836427688599, 0.5844791531562805, -0.6199835538864136, 0.36186209321022034, 1.3115216493606567, -0.2251458764076233, -0.35456717014312744, -0.4344712495803833, -0.40688765048980713, -0.28680434823036194, -0.6367917656898499, 0.2014431208372116, 0.14299261569976807, -0.16911016404628754, -0.6669452786445618, -0.27825599908828735, -0.14496399462223053, 0.10808339715003967, -0.6979103088378906, -0.32334664463996887, -0.3163205683231354, -0.7053560018539429, 0.02245258539915085, 0.30351683497428894, -0.23322100937366486, -0.177411749958992, 0.037106357514858246, 0.1292002946138382, 0.14301317930221558, -0.7817089557647705, -0.2967982590198517, 0.509962797164917, -0.10919389873743057, 0.0036563724279403687, 0.016958564519882202, 0.35573363304138184, -0.7077846527099609, -0.3172617554664612, 0.4651176333427429, -0.14531207084655762, -0.40416842699050903, 0.13582167029380798, -0.4893660545349121, -0.4299317002296448, -0.40017256140708923, -0.9669329524040222, -0.6022958755493164, 0.637332022190094, -0.1142309308052063, -0.8101008534431458, 0.4608776271343231, -0.5624081492424011, -0.564950704574585, 0.846268892288208, 0.1929159015417099, -0.3621843755245209, 0.672002375125885, 0.4361238181591034, -0.7787183523178101, 0.08055990189313889, 0.6180706024169922, -0.6554633378982544, 0.36136338114738464, -0.6142610311508179, 1.110002040863037, 0.2372972071170807, 0.1449868083000183, -0.39126142859458923, -0.2533675730228424, -0.3638644516468048, 0.05195900797843933, 0.8480134606361389, -0.23366574943065643, -1.153715968132019, 0.3756118416786194, -0.19096651673316956, -0.6643193364143372, -0.8180269598960876, 0.6947888731956482, 0.17909136414527893, -0.40540266036987305, 0.6145694255828857, 0.6477781534194946, 0.6406919360160828, 0.17520004510879517, -0.6114157438278198, -0.028526976704597473, -0.03548907861113548, 0.8656504154205322, -0.5418321490287781, 0.9872984290122986, 0.11953754723072052, 0.08062379062175751, 0.0009459257125854492, -0.12786266207695007, -0.3592759668827057, -0.03313977271318436, 0.5809088349342346, -0.4014829099178314, 0.35547375679016113, 0.031570687890052795, 0.27544552087783813, -0.05737229809165001, 0.4036521315574646, 0.11353519558906555, 0.0013408921658992767, 1.244943380355835, 0.0018054842948913574, 0.5133154392242432, 0.25250279903411865, 0.1560378074645996, 0.999083399772644, 0.5736789703369141, 0.008858884684741497, -0.10343155264854431, 0.07738165557384491, 1.2197010517120361, 0.599719762802124, 0.5246063470840454, 0.5895420908927917, 0.5671539306640625, 0.17316564917564392, -1.0667577981948853, 0.41453316807746887, -0.08267466723918915, 0.0917959213256836, -0.5234143137931824, -0.25260868668556213, -0.12442159652709961, -0.4841582775115967, 1.2906503677368164, -0.5161715745925903, 0.44950076937675476, -0.36016684770584106, -0.4009360373020172, -1.1700029373168945, -0.2879664897918701, -0.5623840689659119, 0.22179579734802246, -1.372727870941162, -0.03389176353812218, -0.15756231546401978, -0.7957189083099365, 0.22305016219615936, -0.5818678140640259, 0.6444393396377563, -0.6991737484931946, -0.16772322356700897, 0.18758037686347961, 0.42660731077194214, 0.10163075476884842, -0.9450228810310364, -0.15865494310855865, 0.7789515256881714, 0.5557982921600342, -1.0253915786743164, 0.7951472401618958, 0.5895229578018188, 0.27147823572158813, -0.7440334558486938, -0.02705874666571617, -0.20084111392498016, 0.3425433039665222, 0.38615113496780396, -0.9011324644088745, -0.7033042907714844, -0.45811474323272705, -0.16391901671886444, -0.8940941095352173, 0.2095513939857483, 0.4941905736923218, -1.3576453924179077, 0.1376495510339737, -0.32369738817214966, 0.6999624967575073, 0.04236789047718048, -0.34568896889686584, -0.7222362756729126, -0.1651100516319275, -0.17204797267913818, 0.9870770573616028, -0.3268642723560333, 0.5725483298301697, -1.5089519023895264, -1.0822162628173828, -0.7629245519638062, 0.5568282008171082, 0.7411662936210632, -0.0133473239839077, 0.43486905097961426, 0.5917068719863892, -0.7030596733093262, -0.09926989674568176, 0.2104213535785675, 0.5065650343894958, 0.33908891677856445, 0.06172918900847435, -0.05098889023065567, 0.20650777220726013, -0.9172841310501099, -0.3896394371986389, 0.3790246546268463, 0.4714508354663849, -1.182218074798584, -0.4904578924179077, 0.47437551617622375, 0.2914216220378876, 0.04212285205721855, -1.1356065273284912, -0.08942601829767227, 0.07615834474563599, -0.4401123523712158, -0.7502295970916748, -0.19541892409324646, 0.6379085183143616, -0.42613524198532104, 1.0107747316360474, 0.3548387587070465, 0.6816467642784119, 0.2395053207874298, 0.4161147475242615, 1.3289270401000977, 0.4734344780445099, -0.4127162992954254, -0.05049264803528786, -0.3483055830001831, 0.12761041522026062, -0.35026034712791443, -0.027177320793271065, -1.5376055240631104, -0.19038698077201843, -0.6509464979171753, 0.10311147570610046, -0.2687520384788513, 0.5009471774101257, 0.5363441109657288, 1.0869487524032593, -0.10667933523654938, -0.9742035865783691, -0.8355211019515991, -0.5366057753562927, 0.3256586790084839, 0.17304053902626038, 0.5401101112365723, 1.3864681720733643, 0.6507442593574524, 0.02169729769229889, 0.8229987025260925, 0.21298709511756897, 0.18711581826210022, 0.35332342982292175, 0.2002820074558258, 1.3701194524765015, 0.4038832485675812, -0.2485075294971466, 0.1703489124774933, -0.03604163974523544, -1.1502758264541626, 0.35786738991737366, -0.386721670627594, 0.6799306869506836, 0.3005950450897217, -0.5878754258155823, -0.19355811178684235, -0.1570766419172287, 0.12081372737884521, 0.2150546908378601, 0.1473718285560608, 0.7957520484924316, -0.56549471616745, -0.9666528701782227, -0.4144977331161499, 0.27516913414001465, 0.2768326997756958, -0.2571413815021515, -0.7615504264831543, -0.504277229309082, -0.0862656980752945, 0.23728421330451965, -1.0319243669509888, -0.40543803572654724, 0.532545268535614, -0.5144179463386536, 0.5288113355636597, 0.4520609378814697, -0.5412490367889404, -0.45865747332572937, -0.0752861499786377, -0.8658976554870605, 0.5051466822624207, -0.10387060046195984, -0.6997290849685669, -0.19140513241291046, 0.25782525539398193, -0.39358678460121155, 0.04552542418241501, 0.05818084999918938, -0.5178304314613342, -1.3266860246658325, 0.9071531295776367, 0.9894195795059204, -0.07210791110992432, -0.16877683997154236, 0.32861563563346863, 0.6051419377326965, 0.5079785585403442, 0.6613222360610962]} +{"paper_id": "duorc", "embedding": [-0.044010404497385025, 1.5911856889724731, 0.37565484642982483, 0.30113646388053894, 0.4233388602733612, 0.17302536964416504, -0.2231501340866089, 0.666812002658844, 0.8401649594306946, 0.3235623240470886, 0.6487210392951965, -0.6001073718070984, 0.6767314076423645, 0.34302350878715515, -0.31344324350357056, -0.24858495593070984, -0.714547336101532, -0.29019105434417725, -1.6865229606628418, -0.1475636065006256, -0.3166000247001648, -1.042718529701233, -0.34685057401657104, 1.5805808305740356, -0.8925427794456482, -0.6209622621536255, 0.7640901207923889, -1.4027539491653442, 0.014874175190925598, -0.0743054747581482, -0.4820740818977356, 1.1143872737884521, -1.2397717237472534, 0.820416271686554, 0.06360294669866562, -1.0260250568389893, 0.034176938235759735, 0.6512157917022705, 0.2812567949295044, -0.5529699325561523, -0.42077210545539856, 0.350228875875473, 0.3655657470226288, -0.041967302560806274, 0.7230932116508484, -0.7155585885047913, 0.5119401216506958, -0.303078830242157, -0.1371576189994812, -0.24996377527713776, -0.9146614074707031, 0.2472134828567505, -0.1741625964641571, 0.44287800788879395, -0.044266313314437866, 0.7571496963500977, -0.41991302371025085, -0.8057340383529663, -0.03439672291278839, -0.20848223567008972, 1.8943902254104614, 1.9125529527664185, -0.5730132460594177, 0.586149275302887, 1.4562712907791138, -0.011847756803035736, 1.4487258195877075, 0.3144070506095886, -0.56682288646698, 1.106994390487671, -0.4369739890098572, -0.12636798620224, 0.5634791851043701, -0.560748815536499, -0.1416136771440506, 0.81413733959198, 0.6757691502571106, 0.5326895713806152, 0.20242810249328613, 0.18664658069610596, 0.2967369258403778, 0.31183677911758423, 0.6035385131835938, -0.08101628720760345, -0.17874370515346527, 0.31295669078826904, 0.2685534358024597, -0.57050621509552, -0.27461159229278564, -2.4637553691864014, 0.546186625957489, 0.16927847266197205, 0.43405604362487793, -0.08721742033958435, -0.5810233950614929, 0.43899914622306824, 0.4225698709487915, -0.5681262612342834, -0.20907530188560486, 0.09049603343009949, 0.721357524394989, 0.13308900594711304, 0.33472955226898193, -0.6100167036056519, 0.8722347021102905, 0.03135902062058449, 0.5141406059265137, -0.3735988736152649, -0.5368285179138184, -1.4103188514709473, -0.06187523156404495, 0.6411504149436951, -0.1344711035490036, 0.6293454766273499, 0.06522919237613678, -0.2837337851524353, 0.29605600237846375, -0.7780846357345581, -0.11296113580465317, 0.4389227628707886, -0.5768495202064514, -0.7766829133033752, -0.3545435965061188, -0.29392045736312866, 0.42926186323165894, -0.3931103050708771, -0.9522935152053833, -1.1270235776901245, 0.012223323807120323, -0.7128310203552246, 0.4365934729576111, 0.28675925731658936, -0.8979077935218811, -0.2652212977409363, 2.9019546508789062, -0.965552806854248, 1.1488149166107178, -0.5788782835006714, -0.15271712839603424, -1.1340607404708862, -0.9113547205924988, 2.1615447998046875, -0.36094093322753906, -0.8247209191322327, -0.6556013226509094, 0.4648909568786621, -0.4862004518508911, 0.20146626234054565, -0.512751579284668, -0.7591899037361145, 0.2680705785751343, 0.23192784190177917, -1.7118148803710938, -0.8280186057090759, -0.40955105423927307, 0.24024170637130737, -0.2099340558052063, 0.5912847518920898, 0.32908645272254944, 1.0755542516708374, 0.3127065598964691, -0.3211063742637634, -0.26572132110595703, 0.5065901279449463, -1.1420167684555054, 0.3230867385864258, 0.7951475381851196, -0.3156234920024872, -0.15158158540725708, -0.4746156334877014, 0.36593541502952576, -0.6443031430244446, -0.2530285120010376, -0.7557433843612671, -0.15278005599975586, 0.3616564869880676, 0.36626914143562317, 0.8366912603378296, 0.4332006573677063, -0.25891923904418945, -0.47338441014289856, -0.7490354776382446, 0.6061576008796692, 1.2322639226913452, 0.001378556713461876, 0.4179908335208893, -3.3345768451690674, -0.48709678649902344, -0.7038360834121704, 1.3778369426727295, 0.6166586875915527, 0.2751722037792206, 0.16567954421043396, 0.47638073563575745, -0.4210444688796997, -0.41960540413856506, 0.6897522211074829, -1.0263311862945557, 0.2078022062778473, 0.14286616444587708, 0.3703649640083313, -0.6279817819595337, -0.158066526055336, 1.105530023574829, 0.6263442039489746, -0.738052248954773, -0.6555804014205933, -1.6462379693984985, 0.21115222573280334, 2.157358169555664, 0.7243378758430481, -0.5645864605903625, -0.9310913681983948, -0.23054270446300507, -0.16396668553352356, 0.4132847189903259, 0.44059956073760986, -0.26492634415626526, 0.2317849099636078, -0.29392147064208984, 1.0732078552246094, -0.22932922840118408, 0.24271708726882935, 0.31462278962135315, 1.3321998119354248, -0.14440789818763733, -0.7715733051300049, -1.2104367017745972, -0.4043431878089905, 0.25824037194252014, 0.513070285320282, 0.29224637150764465, 0.12431921064853668, 0.7475865483283997, 0.7555754780769348, 1.1840540170669556, 1.1750712394714355, 0.922155499458313, -0.15762192010879517, 0.4288467466831207, -0.042311981320381165, 1.324594259262085, 0.17117738723754883, -0.15565524995326996, 0.007826440036296844, 0.26235097646713257, -0.4818163514137268, -0.12957189977169037, -0.31276535987854004, -0.42421048879623413, 1.3825035095214844, 1.005056381225586, -0.624235212802887, 0.37034231424331665, -1.0502125024795532, 0.11940062791109085, -0.23987585306167603, -0.5288791656494141, -1.0726544857025146, 0.2788711190223694, 0.01616911217570305, -0.4175153076648712, 0.3688720166683197, 0.01903446763753891, -0.20926284790039062, -0.969398021697998, -1.1382439136505127, -0.02359052747488022, -0.04543136805295944, -1.471618413925171, -0.3483506739139557, -0.1480325609445572, -1.566064476966858, -0.14556731283664703, -0.17228378355503082, -0.2792809307575226, -0.18447381258010864, 0.09540130198001862, 1.838163137435913, -0.30475324392318726, 0.4156560003757477, -0.3294568955898285, 1.0830966234207153, -0.8177282810211182, 0.9523604512214661, -0.5106504559516907, -0.07587984949350357, -1.1760258674621582, 0.48317262530326843, -1.036676049232483, 0.2312050461769104, 0.6905279159545898, -0.09850062429904938, 0.6716724038124084, -0.6281594038009644, -0.7452122569084167, 0.8286575675010681, -0.327383428812027, 0.04096265882253647, -1.1467881202697754, 1.6109552383422852, 0.1877691149711609, -0.8657082915306091, 0.6739494800567627, -1.1738784313201904, -0.3716992735862732, 1.0421823263168335, -0.22236201167106628, 0.46213415265083313, 0.7241513133049011, 0.10208158940076828, 0.4925103783607483, -0.33497801423072815, -1.6822746992111206, 0.8623901009559631, 1.0755550861358643, 0.09182317554950714, 0.22089128196239471, -1.005339503288269, 0.6915561556816101, -0.19018413126468658, -0.5790306925773621, 0.8423581719398499, -0.46486032009124756, 0.27776607871055603, 0.06144779175519943, 0.762698769569397, 0.29711267352104187, 0.3964267373085022, 0.6190986633300781, 0.9276500344276428, 0.39020097255706787, -1.2761211395263672, -0.027577191591262817, 1.3732705116271973, -0.3900597095489502, 0.6650726795196533, -0.016496464610099792, 0.539354681968689, 0.3602405786514282, -0.16169729828834534, 0.13704192638397217, 0.7971397638320923, 0.5698102116584778, 0.08508994430303574, 0.0818118080496788, -0.5551754832267761, 0.1350516825914383, -0.7079836130142212, 1.359447717666626, -0.15838050842285156, -0.2903740108013153, -1.1667429208755493, 0.15298329293727875, -0.2305743396282196, -0.34169209003448486, 1.5827957391738892, 0.4710075259208679, 2.541119337081909, 0.048109449446201324, -0.07776720821857452, -0.34167394042015076, -0.20297981798648834, 0.6810041069984436, 0.3502711057662964, 0.4513348937034607, -0.900701642036438, -0.09404437243938446, 0.6745937466621399, 1.1355438232421875, -0.47211864590644836, 0.11753641068935394, 0.46740975975990295, -0.05617784336209297, -0.5860093832015991, 0.7474393844604492, 0.46526890993118286, 1.1495909690856934, 1.4865418672561646, -0.5441422462463379, 0.07168802618980408, 0.28222325444221497, 0.20985856652259827, 0.15301643311977386, 0.4267018735408783, -0.15810534358024597, 0.6482808589935303, 0.34591832756996155, 1.0189425945281982, 0.1904631406068802, 1.1914321184158325, 1.8408007621765137, -0.3192341923713684, -1.245180368423462, 0.34731489419937134, -0.32078900933265686, 0.32607969641685486, 0.3983370065689087, 0.2105167657136917, -0.04116114228963852, 0.8794865012168884, 0.34454789757728577, -0.8164376616477966, 0.6064474582672119, -0.2109725922346115, -1.2102113962173462, 0.32347965240478516, 1.106465458869934, -0.9911352396011353, -0.9780193567276001, 0.2315089851617813, -0.8851913809776306, -0.4458312690258026, -0.5691315531730652, -0.9689033031463623, 1.6035386323928833, 0.4632943272590637, 0.6774532794952393, -0.02564176917076111, -0.19529707729816437, -1.1997441053390503, 1.5142343044281006, 1.0131449699401855, -0.7796462774276733, -0.017993079498410225, 0.2281147986650467, 0.7655195593833923, 0.61602783203125, -1.1975817680358887, -0.7656745314598083, 1.055794596672058, -0.2129509001970291, -0.13841982185840607, -0.7570707201957703, -0.3750181794166565, 0.5292418599128723, 0.8508732318878174, 0.33784228563308716, -0.9471392035484314, -0.20711994171142578, -0.7016834616661072, 0.8424590229988098, 0.7723901271820068, -1.4874701499938965, -0.9305207133293152, 0.3375154137611389, -1.3634461164474487, 0.1034029871225357, 0.4820955693721771, 0.2192002832889557, 2.0388925075531006, 0.30226582288742065, -0.15470650792121887, -0.7390424013137817, -10.132619857788086, 0.8836526274681091, 0.05954577773809433, -0.1479615569114685, 0.505401074886322, -0.5102077722549438, -0.1917901635169983, -0.11799868941307068, 0.7450703382492065, -0.41809093952178955, 0.4124400019645691, 0.692149817943573, 0.724509060382843, -0.06680295616388321, -0.6735775470733643, -1.3164135217666626, -0.7816376686096191, -1.065204381942749, 0.0712045431137085, 0.5686192512512207, -0.312305212020874, -1.0164607763290405, 0.2506685256958008, 0.7769291996955872, 0.5369774699211121, -0.16478583216667175, -0.6934105753898621, 0.0083037493750453, -0.23676016926765442, -0.16562089323997498, 0.8326099514961243, -0.7336759567260742, -0.6145482659339905, -0.18412025272846222, 0.8001515865325928, -0.49715811014175415, -1.3179442882537842, -0.16860370337963104, 0.28733912110328674, -0.7613511085510254, -0.4660468101501465, -0.4129529595375061, 0.53092360496521, -0.9105643630027771, -0.8395407199859619, 0.18892993032932281, 0.34508442878723145, -1.655798316001892, -0.3062297999858856, -0.5826133489608765, -1.335918664932251, -0.7014234066009521, -1.5679237842559814, -0.8510053753852844, 0.3083610534667969, 0.5896624326705933, -0.5818058848381042, -0.26931485533714294, 0.10632866621017456, -0.6468720436096191, 0.32037901878356934, 0.21623802185058594, 0.20173132419586182, 0.40106797218322754, -0.06191971153020859, -0.3290734589099884, 0.7869406342506409, 0.07202103734016418, 0.3180941045284271, 0.9529263973236084, -0.9131292104721069, 1.1244715452194214, -0.2000935971736908, 0.6551563143730164, -0.6723374128341675, 0.617648720741272, -0.2406078279018402, -0.754021167755127, 0.6626756191253662, 0.07599110156297684, -0.8075911402702332, 0.7858837842941284, 0.3802729845046997, -0.25274547934532166, -0.09032431244850159, 0.5196080207824707, 0.448639452457428, 0.5160139203071594, 1.0464270114898682, -1.0216223001480103, 1.1603317260742188, -0.40147295594215393, -0.57588130235672, 0.2998254597187042, -0.5585868954658508, 0.30317267775535583, -0.752987802028656, 0.7462422251701355, 1.3346912860870361, -0.5556086301803589, -0.30508852005004883, 0.12377069145441055, -1.2233573198318481, -0.49768975377082825, 0.8594813942909241, 0.2748357355594635, 0.17864704132080078, -0.2980599105358124, -0.47123223543167114, -0.9672107696533203, 1.2202775478363037, 0.846335232257843, -0.5660465359687805, 1.436339259147644, -0.4834189713001251, 0.9282724261283875, 0.5916544795036316, -0.25672852993011475, -0.36569127440452576, 1.1090786457061768, -0.5174974203109741, 1.3677855730056763, 0.43164175748825073, 1.4743247032165527, -0.038285691291093826, 0.1434030532836914, 0.6032179594039917, 0.3751961290836334, -0.29150575399398804, -1.398329734802246, 0.037444375455379486, -0.08876776695251465, -0.07940053194761276, -0.39167144894599915, -0.5033441781997681, 0.290719598531723, -0.997543215751648, 1.7920171022415161, -1.196839690208435, -0.2508866488933563, -0.06140223145484924, -0.48880040645599365, -0.6116570234298706, -0.37964385747909546, -0.5940951108932495, -0.5830515027046204, -2.5044102668762207, -0.26247072219848633, -0.599502682685852, -0.7335376739501953, -0.3877364993095398, -0.781792163848877, 0.8800997138023376, -0.4587610960006714, -0.09939392656087875, -0.2805677354335785, 0.7931054830551147, -1.050665020942688, -0.6440343856811523, 0.010314613580703735, 0.3700981140136719, 1.7255243062973022, -1.068418025970459, 0.3732619881629944, 0.05234880745410919, -0.16427458822727203, -0.6343892812728882, 0.234386146068573, -0.9408658742904663, 0.7463412880897522, 0.9365299344062805, -0.9580569863319397, -0.9200087189674377, -0.9066617488861084, -0.20057456195354462, -0.45641404390335083, 0.09803258627653122, 0.8686902523040771, -1.1184570789337158, -0.38011419773101807, -0.2680789828300476, 0.5174107551574707, 0.8441537022590637, -0.6329089999198914, -0.05535932630300522, 0.11920098215341568, -0.7289752960205078, 0.9921181797981262, 0.10434442013502121, 0.5925641655921936, -1.4048593044281006, -1.2540981769561768, -0.8208527565002441, -0.72683185338974, 0.8425969481468201, 0.1599731743335724, 0.6812711954116821, 0.41579294204711914, -0.7035099267959595, -0.29561159014701843, -0.8920974731445312, 0.6071793437004089, 0.5357593894004822, 1.0013706684112549, -0.2137216180562973, 0.6638340950012207, -0.22002378106117249, -0.10466337203979492, 0.11658400297164917, 0.7848190665245056, -1.1289982795715332, -0.005129702389240265, -0.04678883031010628, -0.01674017310142517, 0.24076806008815765, -1.570571780204773, 0.6130532026290894, -0.5680983066558838, -0.40297213196754456, -1.2566430568695068, -0.2677794396877289, 0.9692603349685669, -0.11856985837221146, 0.5577963590621948, 0.9143300652503967, -0.10511250793933868, 0.42460140585899353, -0.14632321894168854, 1.1827889680862427, 0.5157601833343506, -0.3038555681705475, 0.10321086645126343, 0.46477964520454407, 0.7217591404914856, -0.24853503704071045, -0.6077079772949219, -0.6529390811920166, 0.010604418814182281, -0.43090885877609253, 1.1146198511123657, -0.12162517011165619, 0.00584887620061636, 0.9821498394012451, 1.13623046875, 0.26892101764678955, -1.6918772459030151, -0.6677348613739014, -1.350053071975708, 0.5095289349555969, 1.2738466262817383, 0.17257320880889893, 0.3424989879131317, 0.32228517532348633, -0.03966240584850311, 1.280226469039917, -0.5237020254135132, -0.051802560687065125, 0.2663833498954773, -0.08223429322242737, 0.8858770728111267, 0.8305262327194214, 0.5032811164855957, 0.5411671996116638, 0.02424158900976181, -1.2532038688659668, -0.11521483957767487, -1.0184450149536133, 0.6228201985359192, -0.07550351321697235, -0.20804472267627716, -0.12410753965377808, -0.2984057068824768, 0.751044511795044, -0.023339610546827316, 1.4893959760665894, 0.5289408564567566, -0.28346097469329834, -0.9302965998649597, -1.0909031629562378, -1.0391327142715454, 0.47022339701652527, -0.45174944400787354, 0.06035982817411423, 0.18772904574871063, 0.5442336797714233, 0.31845563650131226, 0.32444044947624207, -0.6105085015296936, -0.2928389608860016, -0.47285640239715576, 0.08970585465431213, 0.18135319650173187, -0.4887681007385254, -0.9004190564155579, 0.24199849367141724, -0.5458787083625793, -0.22931572794914246, 0.6396691799163818, -1.1789392232894897, -0.4483949542045593, 0.38471558690071106, 0.05971395969390869, -0.1782136857509613, 0.9759758114814758, 0.15664798021316528, -1.8187954425811768, 0.6219511032104492, 0.875403106212616, -0.6379089951515198, -0.4066488444805145, 0.20209172368049622, 0.6668503880500793, 0.15868985652923584, 0.8665085434913635]} +{"paper_id": "quoref", "embedding": [0.06847560405731201, 0.5140113234519958, -0.029343504458665848, -0.11643047630786896, 0.24619466066360474, -0.17742015421390533, 0.6930243372917175, 0.6117530465126038, 0.8260655999183655, 0.4700485169887543, 0.6553935408592224, 0.17973726987838745, 0.49868714809417725, 0.43714165687561035, -0.5671275854110718, -0.9766771793365479, -0.6073644757270813, -0.12816326320171356, -1.2432599067687988, -0.4670773148536682, -0.8451492190361023, -0.7846599817276001, -0.22584594786167145, 1.156807780265808, -0.8235923647880554, -0.7584333419799805, 0.928871214389801, -1.1096367835998535, 0.45591557025909424, -0.19279605150222778, 0.4325772821903229, 1.4060978889465332, -1.261466383934021, 0.7976382970809937, -0.39467018842697144, -0.14067505300045013, 0.6132229566574097, 0.8175749778747559, 0.15463927388191223, -0.6284116506576538, -0.6573894619941711, 0.7371455430984497, 0.1744815707206726, -0.12503951787948608, 0.9387607574462891, -0.647296130657196, 0.07126083970069885, -0.410530149936676, -0.27927589416503906, 0.08224748075008392, -0.6630206108093262, 0.39916226267814636, 0.02164624072611332, 0.6292041540145874, -0.21236997842788696, 0.47946417331695557, -0.22044673562049866, -0.3794998526573181, 0.534018874168396, -0.23774400353431702, 1.1442317962646484, 1.2604951858520508, 0.056769199669361115, 0.1513020247220993, 1.8346952199935913, 0.33565229177474976, 1.147221565246582, 0.6634165644645691, -0.3314127027988434, 0.9111535549163818, -0.22437289357185364, -0.40394845604896545, -0.11497221142053604, -0.3372851610183716, -0.17541766166687012, 0.763327956199646, -0.17047511041164398, -0.40366238355636597, 0.16016042232513428, -0.2844473719596863, 0.3697809875011444, -0.23952844738960266, 0.8175899982452393, -0.47703951597213745, 0.1474708765745163, -0.007499905303120613, 0.39784207940101624, -1.081714153289795, 0.6584330797195435, -1.9040110111236572, 0.5303581953048706, 0.6546146273612976, 0.12399829924106598, 0.06874005496501923, -0.25560709834098816, 0.6508338451385498, -0.7711421847343445, -0.1780569702386856, -0.43283313512802124, 0.14079684019088745, 0.5634032487869263, -0.033158160746097565, 0.7712688446044922, -0.07105239480733871, 0.4811457395553589, -0.07731245458126068, 0.10348106920719147, 0.17240658402442932, -0.6939994096755981, -0.9994238615036011, -0.06514120101928711, 0.3683012127876282, -0.18474358320236206, 0.38065117597579956, -0.34134164452552795, 0.047241710126399994, 0.4763023853302002, -0.16550174355506897, -0.6123249530792236, 0.23984688520431519, -0.18406930565834045, -0.31277838349342346, -0.513304591178894, -0.7037584185600281, 0.9986382722854614, -0.24728018045425415, -0.6257997155189514, -1.192777395248413, -0.39979109168052673, 0.31242066621780396, 0.6635682582855225, 0.9584345817565918, -0.9159642457962036, 0.29095685482025146, 3.0201265811920166, -0.890891969203949, 1.2389168739318848, -0.3027878701686859, -0.15255649387836456, -0.6792775392532349, -0.7174456715583801, 1.0145618915557861, 0.2759276330471039, -0.43547314405441284, -0.5875508189201355, -0.013881893828511238, -0.03493206948041916, 0.24963365495204926, -0.7396190166473389, -0.6942649483680725, -0.059119079262018204, -0.32122668623924255, -1.7030010223388672, -0.708798348903656, 0.12588255107402802, -0.21688809990882874, -0.7814417481422424, 0.36350592970848083, -0.4407740831375122, 0.7983625531196594, -0.1383960247039795, 0.3179386854171753, -0.4188646376132965, 1.1293171644210815, -0.5922141671180725, -0.0053857495076954365, 0.7180287837982178, -0.3832606375217438, -0.3172976076602936, 0.7182136178016663, 0.27787432074546814, -0.41120532155036926, -0.747459352016449, -0.5141896605491638, -0.4223306179046631, 0.4220820963382721, 0.5612114071846008, 0.6637440919876099, -0.0694962739944458, -0.6087687015533447, -0.2517772614955902, -0.26071682572364807, -0.26805296540260315, 0.6117722392082214, -0.475575715303421, 0.6819114685058594, -3.0271434783935547, -0.31745803356170654, -0.5773747563362122, 1.2367221117019653, 0.1914483606815338, 0.4902102053165436, 0.300555944442749, 0.47662481665611267, -0.14161904156208038, -0.9515354037284851, 0.9230348467826843, -1.1775366067886353, 0.816707193851471, 0.10720403492450714, 0.4048515856266022, -0.015365549363195896, 0.22251826524734497, 0.7738140821456909, 0.5126802921295166, -0.398317813873291, -1.4298313856124878, -2.3909013271331787, -0.06824130564928055, 1.8101227283477783, 0.16940638422966003, -0.19627392292022705, -0.9882315993309021, -0.3919844329357147, -0.020116735249757767, -0.3392006754875183, 0.4875379502773285, -0.3908804953098297, 0.022666946053504944, -0.3380650579929352, 0.6434735059738159, -0.674168586730957, -0.10536238551139832, 0.955782949924469, 1.5614721775054932, -0.48288586735725403, 0.25631314516067505, -1.0082404613494873, -0.14932474493980408, 0.6486796736717224, 0.8207565546035767, -0.12787386775016785, -0.20222064852714539, 0.9372230172157288, 0.6204416155815125, 1.1749653816223145, 0.8443341851234436, 0.3416074812412262, -1.1074320077896118, 0.20728203654289246, -0.5172939300537109, 1.5058737993240356, -0.009531185030937195, 0.019520582631230354, 0.38534659147262573, -0.08074532449245453, -0.5908922553062439, 0.04752860963344574, -0.44948798418045044, -0.13967353105545044, 0.45909494161605835, 0.17930413782596588, -0.6703546643257141, 0.7764369249343872, -1.1189900636672974, -0.33930155634880066, -0.09317806363105774, -0.653879702091217, -0.875937819480896, 0.22825025022029877, 0.3314903974533081, -0.6298812627792358, 0.007407505065202713, -0.1550394743680954, -0.09933733940124512, -1.320933222770691, -0.6872144937515259, 0.2833855152130127, 0.29529839754104614, -1.0123107433319092, -0.9052739143371582, -0.5685586333274841, -1.7344120740890503, -0.7051815986633301, 0.05251730978488922, -0.19745098054409027, 0.039640527218580246, 0.40678977966308594, 1.8552343845367432, -0.05185427889227867, -0.047699540853500366, -0.34839001297950745, 1.3855923414230347, -0.6297440528869629, 0.10676877200603485, 0.0789981335401535, 0.38702720403671265, -1.2307226657867432, 0.09548927843570709, -0.6041885614395142, 0.7519376873970032, 0.8550052046775818, 0.44720107316970825, 0.6547302007675171, -0.06462298333644867, -0.5541378259658813, 0.7332213521003723, -0.12087275087833405, 0.17516276240348816, -1.185354232788086, 1.6627191305160522, 0.05807869881391525, -0.8446163535118103, 0.7467836737632751, -0.26351067423820496, -0.6979248523712158, 0.8441982269287109, -0.08118312060832977, 0.41796642541885376, 0.4170934557914734, -0.3323827087879181, 0.21954558789730072, 0.3474632501602173, -1.6728856563568115, 1.3196924924850464, 0.8429306745529175, -0.010152656584978104, -0.08341330289840698, -0.5148921608924866, 0.6465686559677124, -0.4436468183994293, 0.4415096640586853, 1.6125839948654175, -0.12887071073055267, 0.2521057724952698, -0.364473432302475, 0.6980624794960022, 0.36002230644226074, -0.2303093820810318, 0.8966274857521057, 0.6963635683059692, 0.2843138873577118, -0.8636085391044617, -0.5572042465209961, 1.0710718631744385, -0.3170994222164154, 0.8077594041824341, 0.15143054723739624, 0.29703131318092346, 0.6028438806533813, -0.28278329968452454, -0.1700761467218399, 0.19283418357372284, 0.32836243510246277, 0.01724463514983654, 0.021852806210517883, 0.020886357873678207, 0.43019184470176697, -0.2109232246875763, 1.2889164686203003, -0.25090792775154114, -0.8282263875007629, -0.8345993161201477, -0.44947612285614014, -0.41945183277130127, -0.1642179787158966, 1.1433539390563965, 0.7196643948554993, 1.875749945640564, 0.7103591561317444, -0.20464779436588287, 0.1261797994375229, -0.48784518241882324, 0.3974834084510803, 0.08904549479484558, 0.47256994247436523, -1.0602275133132935, 0.48107385635375977, 0.9495639801025391, 1.2344558238983154, -0.42300689220428467, 0.9131225943565369, -0.15660732984542847, -0.018307942897081375, -1.0299957990646362, 1.0735769271850586, 0.12266562879085541, 0.4176713824272156, 1.3982186317443848, -0.6978594660758972, 0.33332374691963196, -0.4984395205974579, -0.5783324241638184, -0.23385129868984222, 0.6870878338813782, -0.1788879632949829, 0.6914613246917725, 0.36769524216651917, 0.5334950685501099, 0.3496584892272949, 1.0579954385757446, 1.6967871189117432, -0.3230045437812805, -1.6797242164611816, 0.03304963931441307, -0.8387800455093384, 0.09860700368881226, 0.5473365783691406, -0.07890923321247101, -0.13133889436721802, 0.110480397939682, -0.026611551642417908, -1.1876615285873413, 0.29944244027137756, -0.6809300184249878, -1.2443416118621826, 0.6531970500946045, 0.7994813919067383, -0.9028109908103943, -0.37295034527778625, -0.10283680260181427, -0.8598349094390869, 0.15689793229103088, -0.3781965970993042, -1.3679150342941284, 0.9215002655982971, 0.4738483130931854, 0.9971278309822083, 0.31563735008239746, -0.08619777858257294, -1.2145839929580688, 1.4385881423950195, 1.4142512083053589, -1.0741294622421265, 0.952111005783081, 0.5287551879882812, 0.46136027574539185, 0.5162389278411865, -1.105394721031189, -0.8299098610877991, 1.3931893110275269, 0.2526065409183502, -0.2655552327632904, -0.8561705946922302, -0.33249205350875854, 1.2651909589767456, 0.6805576086044312, 0.2538650929927826, -0.7684720158576965, 0.03509584814310074, -1.3566408157348633, -0.2668597102165222, 1.0373979806900024, -1.5315892696380615, -1.3793631792068481, 0.5046204328536987, -0.20036309957504272, 0.7896734476089478, -0.3788692057132721, 0.009139180183410645, 1.9327322244644165, -0.39984992146492004, 0.05988866835832596, -0.43969592452049255, -11.102442741394043, 1.203088641166687, -0.0546211302280426, 0.3295018672943115, 0.1774565428495407, -0.2265298068523407, 0.23377785086631775, 0.09337107837200165, 0.5452109575271606, -0.6378713846206665, 0.2319682538509369, 1.461789846420288, 0.2920786738395691, 0.23702971637248993, -0.7530068159103394, -1.1793298721313477, -0.409700870513916, -0.7769839763641357, 0.058502987027168274, 0.15889045596122742, -0.6342830657958984, -0.4551326632499695, -0.4694918394088745, -0.24379552900791168, 0.8027855753898621, 0.10675127059221268, -0.6260609030723572, -0.26668408513069153, -0.4672463536262512, 0.32569894194602966, 0.5426135063171387, -0.1454501897096634, -0.6460807919502258, 0.18488246202468872, -0.09030583500862122, 0.007904285565018654, -0.8589003682136536, 0.09016051888465881, 0.6036368012428284, -0.6208680272102356, -0.3240877389907837, 0.2240878939628601, 0.6502767205238342, -0.4336099624633789, -0.8751837015151978, 0.14569349586963654, 0.4455049932003021, -0.9378364682197571, 0.17191696166992188, -0.4113445281982422, -0.4646143317222595, -0.39042678475379944, -1.4653364419937134, -0.6257857084274292, 0.523430585861206, 0.4697951674461365, -0.4477631747722626, -0.8753405809402466, -0.6749076843261719, -0.9324290752410889, 0.7756767272949219, 0.043387964367866516, -0.4622974693775177, 0.5665025115013123, 0.34884658455848694, -0.09464696794748306, 0.09504197537899017, 0.13483349978923798, -0.38400015234947205, 0.3754331171512604, -0.1539396047592163, 1.895504355430603, -0.19559314846992493, 0.7729769945144653, -0.5928052067756653, 0.28689274191856384, -0.7971982955932617, -0.1588362455368042, 0.7207931280136108, 0.22420743107795715, -1.6171882152557373, 0.9823306798934937, 0.4292500913143158, -0.8188940286636353, -0.6108620166778564, 0.18599863350391388, -0.26482200622558594, 0.6196774840354919, 0.5643283128738403, -0.8129316568374634, 1.6159591674804688, 0.1461913287639618, -0.3964436650276184, -0.7045883536338806, -0.5937427282333374, 0.6711037158966064, -1.0291082859039307, 0.398408442735672, 0.643413782119751, -0.2816263735294342, -0.20523634552955627, -0.07096386700868607, -1.063072681427002, -0.4579654932022095, 0.6980487704277039, 0.28591635823249817, -0.006726160645484924, -0.15139727294445038, -0.6047497391700745, -1.613736867904663, 0.5829315781593323, 0.4844203591346741, 0.2149914801120758, 1.1674987077713013, -0.45533931255340576, 0.7982096076011658, 0.6205627918243408, -0.14921016991138458, -0.12088315188884735, 1.1791325807571411, -1.0102568864822388, 0.8452887535095215, 0.25982946157455444, 1.6629515886306763, -0.3003694713115692, 0.21487319469451904, 0.5617422461509705, 0.18956603109836578, -0.2074706256389618, -1.0649248361587524, 0.401401162147522, -0.5815747976303101, 0.4794612526893616, -1.3104181289672852, -0.5682582855224609, 0.20081990957260132, -0.08508329093456268, 1.3978242874145508, -1.2339943647384644, -0.11129718273878098, -0.2868543267250061, -0.08632035553455353, -0.9693397283554077, -0.6022969484329224, -0.9126794934272766, 0.1967969536781311, -2.267505168914795, 0.41079822182655334, -0.23808911442756653, -0.48340851068496704, -0.49769094586372375, -0.8683301210403442, 0.6509592533111572, 0.17680631577968597, -0.23609019815921783, -0.5691692233085632, 0.4714808166027069, -0.8893386721611023, -0.6652219295501709, -0.31513744592666626, 0.14473971724510193, 1.246176838874817, -0.8522162437438965, 1.1723605394363403, 0.3401694893836975, -0.37389135360717773, -0.42113643884658813, -0.15912722051143646, -0.6348559260368347, 0.4797569513320923, 1.0634411573410034, -0.6931397914886475, -0.01441417820751667, -0.6118135452270508, 0.1090783029794693, -0.3979795277118683, 0.43046000599861145, 0.8519660234451294, -1.5613375902175903, -0.023311883211135864, -0.29410257935523987, 0.5582220554351807, 0.4594857096672058, -0.6853926777839661, -0.10367769002914429, 0.5302417874336243, -0.1150105819106102, 0.5354476571083069, -0.31604042649269104, 0.8479118943214417, -0.7268940806388855, -1.1003479957580566, -0.5073713660240173, -0.18502992391586304, 0.6885674595832825, 0.4922814667224884, 1.1116254329681396, 0.12463005632162094, -0.5777981281280518, -0.18448638916015625, -0.22568577527999878, 0.4028635323047638, -0.25567761063575745, 0.8056708574295044, -0.5181527733802795, 0.283117413520813, -0.8736183047294617, -0.23155970871448517, 0.6737070083618164, 1.0656750202178955, -0.7398064732551575, -0.32372552156448364, 0.03238489478826523, -0.6938139200210571, -0.34023886919021606, -1.4378985166549683, 0.05319199711084366, -1.017202615737915, -0.5255164504051208, -0.8672273755073547, 0.44807660579681396, 1.4347460269927979, -0.15191219747066498, 0.7969046235084534, 0.7350385189056396, 0.7760061025619507, 0.6968640089035034, 0.5807469487190247, 0.7752408385276794, 0.1436741054058075, -0.12200996279716492, 0.5357840657234192, 0.44551733136177063, 0.2450081706047058, 0.0813024640083313, -0.6252076625823975, -0.42094701528549194, 0.3054471015930176, -0.2455102503299713, 0.8558652997016907, 0.5427464842796326, 0.3153681755065918, 1.10788893699646, 0.9210206866264343, -0.1694251298904419, -1.826027750968933, -0.3862052857875824, -1.3175890445709229, 0.5312365889549255, 1.0582547187805176, 0.2112979292869568, 0.2970980405807495, 0.7804732918739319, -0.3006863594055176, 1.1670914888381958, -0.7187219262123108, 0.420127809047699, 0.6232650876045227, 0.06705964356660843, 1.0461114645004272, 0.5933619141578674, 0.07797170430421829, -0.021000025793910027, -0.26017504930496216, -1.198237419128418, 0.03127971664071083, -1.184163212776184, 0.6164664626121521, 0.21177031099796295, -0.07392654567956924, 0.455371618270874, -0.25098249316215515, 0.8385863900184631, -0.7695490717887878, 1.2689971923828125, -0.2236195057630539, -0.3263692855834961, -0.3460809886455536, -1.5132094621658325, -0.34904271364212036, 0.2932385802268982, 0.11984206736087799, -0.04695127531886101, 0.08288180828094482, 1.1005849838256836, 0.21433581411838531, 0.04635514318943024, -0.25478577613830566, -0.3490038216114044, -0.11894996464252472, 0.4890349507331848, 0.2807355523109436, -0.6587342619895935, -0.7699212431907654, 0.1289672702550888, -0.25827735662460327, -0.009735964238643646, 0.7158715128898621, -0.47725847363471985, -0.15504004061222076, 0.6946460604667664, 0.050163522362709045, -0.23596689105033875, -0.08711402118206024, 0.3198043406009674, -1.4459848403930664, 0.2148439884185791, 0.5247548222541809, -0.7024319767951965, -0.22884075343608856, -0.16515877842903137, 0.983932614326477, 0.09370764344930649, 1.0928370952606201]} +{"paper_id": "esnli", "embedding": [-0.2752722501754761, 1.0480659008026123, -1.073732852935791, 0.05370139330625534, 0.4441945254802704, -0.14364461600780487, 1.5490655899047852, 0.9223607778549194, 1.1801060438156128, 0.7994073629379272, 0.04320826381444931, 0.041989147663116455, -0.3664567172527313, 0.12582242488861084, -0.26840195059776306, -0.6025517582893372, -0.804318368434906, -0.2780042290687561, -1.5268138647079468, -0.6388800144195557, -0.44384974241256714, -0.5717267394065857, 0.48785555362701416, 1.3548846244812012, -0.7748020887374878, -0.8406044840812683, 0.889225423336029, -1.1512246131896973, 0.8815111517906189, 0.3213963210582733, -0.1969456672668457, 1.937170147895813, -2.1349685192108154, 0.6476390361785889, -0.42256495356559753, -0.6169106364250183, -0.36497586965560913, 0.39755702018737793, 0.12325523048639297, 0.6787901520729065, -0.7311254143714905, 0.3724600076675415, 0.10812419652938843, 0.23848234117031097, -0.21349957585334778, -0.5548039674758911, 0.28668686747550964, 0.47728559374809265, -0.5895691514015198, -0.6366108655929565, 0.0601048544049263, -0.3751395642757416, -0.678288996219635, 0.9191263914108276, -0.14678090810775757, 1.2719231843948364, 0.8233600854873657, -0.48480135202407837, 1.3433678150177002, -0.7843195199966431, 1.5624113082885742, 2.212085247039795, -1.0101476907730103, -0.29856255650520325, 1.4078221321105957, 0.6609650254249573, 1.3449870347976685, 0.010556161403656006, 0.2815844416618347, 0.8325838446617126, 0.18465210497379303, -0.9302372932434082, 0.26364946365356445, -0.33672964572906494, 0.7512685060501099, 0.4550378918647766, 0.5514090061187744, 0.6064761281013489, -0.3733310103416443, 0.4881861209869385, -0.33010292053222656, 0.5465756058692932, 0.937666118144989, -0.4118066132068634, 0.21798376739025116, 0.7874603867530823, 1.07647705078125, -0.6131588816642761, -0.06325709074735641, -1.5845953226089478, 0.22640471160411835, 0.3570347726345062, -0.42521932721138, -0.2155335247516632, 0.6058580279350281, 0.4145367443561554, -0.6414172649383545, -0.4487704932689667, 0.3215019404888153, 0.17455333471298218, 0.473280668258667, -0.07819786667823792, 0.33105042576789856, 0.09134948998689651, 0.1746690422296524, 1.1951043605804443, 0.432242751121521, -0.09352771192789078, -0.7476735711097717, -0.8325178027153015, -0.4470131993293762, 1.3725998401641846, -0.07896093279123306, 1.0242704153060913, 0.07140126824378967, 0.7316927909851074, 0.40719273686408997, -0.6073343753814697, -0.7022212147712708, 0.4547695517539978, -0.634427011013031, -0.9836952686309814, -0.6312900185585022, 0.09126116335391998, 1.161352276802063, -0.12857165932655334, -0.0400988943874836, -0.5967521667480469, 0.5521854758262634, -0.07109066098928452, 0.25019389390945435, 0.12055845558643341, -1.0432671308517456, -0.13601554930210114, 2.8654818534851074, -0.7217745780944824, 1.4984849691390991, -1.2530080080032349, 0.08101335167884827, -0.027645766735076904, -0.5646599531173706, 1.1470855474472046, 0.12151632457971573, -0.45289748907089233, -1.0509167909622192, 0.13695229589939117, -0.6571237444877625, 0.3232393264770508, -1.29532790184021, -0.1271403282880783, 0.46213847398757935, 0.02577783167362213, -1.321271300315857, 0.22150138020515442, 0.43197640776634216, 0.33774876594543457, -0.3311189115047455, 0.494942843914032, -0.7568575739860535, 0.3261382281780243, 0.11431810259819031, -0.30642348527908325, 0.19491517543792725, 0.3568526804447174, -0.9029843807220459, -0.20241419970989227, 1.1952894926071167, -0.17883223295211792, -0.6986697316169739, -0.042006634175777435, 1.247877597808838, -0.18372175097465515, -0.7907979488372803, -0.4893242418766022, 0.018601780757308006, 0.2784695327281952, -0.41334620118141174, 0.7125060558319092, 0.21538890898227692, -0.8575215935707092, -1.2031491994857788, -0.8731292486190796, -0.22436758875846863, 1.013813853263855, -0.5734421014785767, 0.35234057903289795, -2.5314342975616455, 0.0366688072681427, -0.5903809070587158, 0.8724862933158875, -0.0029576942324638367, 0.22026729583740234, 0.6089951395988464, 0.8095051050186157, 0.05779547244310379, -0.32143011689186096, 1.1862658262252808, -0.9113859534263611, -0.31106290221214294, 0.2356942743062973, -0.8809598088264465, -1.1856229305267334, -0.39590585231781006, 0.9853472709655762, 0.8448708057403564, -0.7020060420036316, -1.3680088520050049, -2.0547683238983154, 0.6682997941970825, 1.9414403438568115, 0.550643265247345, -0.3730785846710205, -1.0092827081680298, -0.15635165572166443, 0.1045645996928215, -0.22620245814323425, -0.1697629988193512, -1.0902693271636963, 0.6197075247764587, -1.3812847137451172, 0.40131327509880066, 0.010183863341808319, 0.08263621479272842, 1.0574917793273926, 1.1399444341659546, -0.22340711951255798, -0.3658278286457062, -0.5602105259895325, -1.4918370246887207, 0.10432584583759308, 0.373868852853775, 0.3782684803009033, -0.0681399405002594, 0.7082954049110413, 0.10194134712219238, 1.5924702882766724, 0.8854415416717529, 0.3343033194541931, -0.63934326171875, -0.3699679970741272, 0.6110114455223083, 0.26300951838493347, 0.30953162908554077, -0.2033674418926239, 0.30806291103363037, 0.7611575722694397, -0.19747067987918854, -0.49519944190979004, -0.32344257831573486, -0.19037547707557678, 1.2890372276306152, 1.1156059503555298, -0.3894449472427368, 0.40215227007865906, -1.1721349954605103, -0.10965915769338608, -0.43670710921287537, -1.2090343236923218, -0.180154487490654, 0.25950008630752563, 0.8474332690238953, 0.35957494378089905, 0.5272542238235474, -0.30795902013778687, 0.0649643987417221, -0.8095292448997498, 0.08854855597019196, -0.9923187494277954, -0.3678925037384033, -1.1257630586624146, 0.049290165305137634, 0.26992133259773254, -0.8088355660438538, -0.33913421630859375, -0.7096583843231201, -0.12279082834720612, 0.005425577983260155, 0.5920990705490112, 1.4060170650482178, 0.32209551334381104, 0.19846636056900024, 0.08126696944236755, 1.419856309890747, -0.4886891841888428, 1.603757381439209, -0.6573631167411804, 0.109449103474617, -0.2071739137172699, 0.584111213684082, -0.9639448523521423, 0.46308034658432007, 0.26158902049064636, -0.7196597456932068, 0.7247436046600342, -0.36163395643234253, -1.274168848991394, 0.5943360328674316, 0.17461946606636047, -0.2062501311302185, -0.7823808789253235, 1.542740821838379, -0.10041668266057968, -0.49144357442855835, 0.5790964961051941, 0.09656880795955658, -0.49014097452163696, 0.8598005771636963, -0.25443169474601746, 0.09171318262815475, 0.05447067320346832, 0.06519123166799545, 0.4125876724720001, 0.16483241319656372, -2.6529626846313477, 0.565930962562561, 1.4845366477966309, -0.39774394035339355, -0.7868801355361938, -1.4541780948638916, 0.5709739327430725, -0.6970860958099365, -0.013020351529121399, -0.06372188776731491, -0.5328543782234192, 0.20632600784301758, -0.21383795142173767, 0.27095454931259155, 1.1845288276672363, -1.1834981441497803, -0.11405238509178162, 0.4815923571586609, 0.30162397027015686, -0.6844213604927063, 0.10195321589708328, 0.5350840091705322, -0.6420159935951233, -0.3976764976978302, -0.1966184675693512, 1.6213748455047607, 1.2648476362228394, 0.05674305185675621, -0.18210355937480927, 1.1605955362319946, 0.4010944068431854, 0.6223960518836975, 0.18535999953746796, -0.7311369776725769, -0.23476214706897736, -0.4899545907974243, 1.7872626781463623, 0.12700733542442322, -0.32725027203559875, -1.177638053894043, -0.13391344249248505, -0.25846680998802185, -0.8295949697494507, 1.938542366027832, 1.1837575435638428, 1.098271131515503, 0.3726230263710022, 1.3093794584274292, -1.0101712942123413, -0.3109857738018036, 0.6128101348876953, -0.7382254600524902, -0.33673959970474243, -0.818789005279541, 0.43910399079322815, 0.5259532928466797, -0.34024614095687866, -0.5934839248657227, -0.6188149452209473, 1.1170592308044434, 0.2961215674877167, -0.39206087589263916, 0.3542133867740631, 0.4679800868034363, 0.30495333671569824, 1.9079078435897827, -0.40279486775398254, -0.6747906804084778, 0.7633664011955261, 0.2780658006668091, 0.6403094530105591, 0.6933391690254211, -0.7652232646942139, 0.6517061591148376, 0.04756469652056694, 1.045931100845337, 0.5691003799438477, 0.3484434187412262, 0.4848009943962097, -0.3634937107563019, -1.915589690208435, -0.37844645977020264, -0.8427459001541138, -0.5249666571617126, -0.4909656345844269, 0.08357978612184525, 0.056587155908346176, 0.36367273330688477, -0.31330376863479614, -0.49606654047966003, 1.0428924560546875, -0.5458650588989258, -1.4167122840881348, 1.2059612274169922, 0.6559410095214844, -1.9529656171798706, -0.14035141468048096, 0.41615062952041626, -1.1174041032791138, -0.6333102583885193, 0.1161724105477333, -0.335004061460495, 1.1041710376739502, -0.03380813077092171, 0.868657648563385, 0.09730422496795654, 0.38097870349884033, -1.1185013055801392, 0.3560871481895447, 0.7870913147926331, -1.3961957693099976, 0.9827926158905029, 0.5130950808525085, 0.08897912502288818, 0.15535137057304382, -0.5361813306808472, -0.1811637431383133, 1.1339424848556519, 0.34117335081100464, 0.08243062347173691, -0.3829400837421417, -0.538773238658905, 0.5716920495033264, 0.14790086448192596, 0.5734995603561401, -1.119344711303711, -0.007671739906072617, -0.04756946116685867, 0.6245272159576416, 0.5644500851631165, -0.8213944435119629, -1.0971430540084839, 0.6818965673446655, -0.5394597053527832, 0.174515962600708, -0.21402287483215332, 0.28417542576789856, 1.8561794757843018, -0.41647985577583313, 0.004563972353935242, -0.4584651589393616, -9.9476900100708, 0.47857216000556946, -0.1061946377158165, 0.11313632130622864, 0.08624134957790375, -0.5635272264480591, -0.06326813250780106, -0.22917675971984863, -0.045744068920612335, -0.6280982494354248, 0.5782614350318909, 1.7484668493270874, 0.21221330761909485, -0.37043944001197815, -0.4431322515010834, -1.0067321062088013, -0.5009489059448242, -0.42115074396133423, -0.42076194286346436, 0.15039148926734924, -0.1804986298084259, -1.2804560661315918, 0.36842721700668335, 0.47836530208587646, 0.1879928708076477, -0.6072906851768494, -0.6382910013198853, -0.08092305064201355, -0.11621593683958054, 0.12822750210762024, 0.1440340280532837, -0.014711648225784302, -0.42319661378860474, -0.22957009077072144, 0.4929441213607788, -0.23509535193443298, -0.5736634731292725, 0.006918410770595074, 0.44834232330322266, 0.32468581199645996, -0.16412261128425598, 0.19781620800495148, 0.8299654722213745, -0.5560622215270996, -0.46717536449432373, 0.7503661513328552, 0.2973584830760956, -0.6281536817550659, -0.7333324551582336, -0.34585779905319214, 0.2603241801261902, -0.8469001650810242, -0.9920298457145691, -0.8924202919006348, 0.5244407057762146, 0.007385926321148872, -0.4665535092353821, 0.13156762719154358, -0.6546202898025513, -1.7070674896240234, -0.041560716927051544, -0.723376452922821, -0.527245283126831, -0.19359901547431946, 0.5360780954360962, -0.21702927350997925, 0.5543649792671204, 0.531943678855896, -0.619688868522644, 0.856029748916626, -1.0737287998199463, 0.4596292972564697, 0.2642369568347931, 0.05715583637356758, -1.0045573711395264, 0.3725050389766693, -0.5400324463844299, -0.04704196751117706, 0.8016307950019836, -0.8154609799385071, -1.2310895919799805, 0.9518534541130066, 0.20042972266674042, -0.018711566925048828, -1.481507420539856, 0.45572391152381897, 0.4342500567436218, -0.07573708891868591, 0.9420719146728516, -0.5620048642158508, 1.3675845861434937, 0.1753564476966858, -0.27361494302749634, 0.03209451586008072, -0.7544748783111572, 1.0039325952529907, -0.12625452876091003, 1.115025281906128, 0.21807366609573364, -0.47266581654548645, 0.2306617796421051, -0.2093871533870697, -0.6507840156555176, 0.6202813982963562, -0.08215238898992538, 0.6602658033370972, 0.5488909482955933, 0.10281455516815186, 0.6372859477996826, -0.1591629981994629, 1.3045556545257568, 0.7900862693786621, -0.45201289653778076, 1.3804492950439453, -0.3807429075241089, 0.46018657088279724, 0.28739577531814575, 0.48582446575164795, 0.4915766716003418, 0.216757133603096, -0.4709801971912384, 0.8399178981781006, -0.4401509463787079, 1.3577191829681396, 0.5503566861152649, 0.5305742621421814, 0.49088093638420105, -0.03186386078596115, 0.14359287917613983, -1.9503228664398193, -0.04371955618262291, -0.4270232617855072, 0.08043897897005081, -0.607344388961792, -0.21683284640312195, -0.18047310411930084, -0.9112032055854797, 1.363499641418457, -0.8350429534912109, 0.169544517993927, -0.3335418105125427, -0.33279258012771606, -0.10179051011800766, -1.2784773111343384, -1.2045366764068604, 0.39421337842941284, -1.8313500881195068, 0.16891615092754364, -0.8658084273338318, -0.8492577075958252, -0.27226126194000244, -0.02647498995065689, 0.9416515231132507, -0.8344742059707642, -0.3814869821071625, -0.025871913880109787, 0.7954596877098083, -0.73894202709198, -0.7089163064956665, -0.2866867184638977, -0.02643180638551712, 0.8479433655738831, -0.8051229119300842, 0.9180086255073547, -0.23084580898284912, -0.05202336981892586, -0.6560869216918945, 0.031194955110549927, -0.8347988128662109, 0.7538541555404663, 0.8937445282936096, -1.8966090679168701, -0.9433127641677856, -0.8281081914901733, 0.07045115530490875, -0.8928092122077942, 0.7329066395759583, 1.0272705554962158, -1.0804327726364136, -0.28857576847076416, 0.21349672973155975, 0.3672258257865906, -0.1229376494884491, -0.32883453369140625, -0.4184584319591522, -0.3681648075580597, 0.14368954300880432, 1.116081953048706, 0.3694338798522949, 1.2991522550582886, -1.99319326877594, -0.5806218385696411, -0.6227039694786072, -0.04133697599172592, 0.6919576525688171, -0.22398391366004944, 0.8449308276176453, 0.6593836545944214, -0.2008601725101471, 0.26923230290412903, 0.5296497941017151, 1.1351120471954346, 0.47423070669174194, 0.3222346305847168, -0.18341730535030365, 0.627993106842041, -0.9896618127822876, -0.308129221200943, -0.35458987951278687, 0.8295566439628601, -1.2940574884414673, -0.13543182611465454, -0.23064228892326355, -0.6409611701965332, -0.03623756766319275, -0.7897844314575195, 0.5121201276779175, -0.698647141456604, 0.2730623185634613, -1.722395896911621, 0.1650034636259079, 0.6146602034568787, 0.33904290199279785, 0.3389971852302551, 0.9490315914154053, 0.12115242332220078, 1.0794705152511597, 0.20787495374679565, 1.730230450630188, 0.35048791766166687, -0.605499804019928, 0.039568956941366196, 0.7359784841537476, -0.2819614112377167, -0.11840538680553436, -0.5720357298851013, -0.8513225317001343, 0.7318106293678284, -0.32903456687927246, 1.2376128435134888, -0.7411094903945923, -0.011786600574851036, 0.6629908084869385, 0.6878725290298462, 0.09111480414867401, -1.639709711074829, -0.33335167169570923, -1.542790412902832, 0.049024101346731186, 0.4106596112251282, 1.341522455215454, 0.8935955762863159, 0.6587827801704407, -0.21249611675739288, 1.0591379404067993, -0.3751671612262726, -0.18744932115077972, -0.0574440136551857, 0.2026177942752838, 1.1484394073486328, 0.379190593957901, 0.8539050817489624, 0.21733489632606506, 0.19299760460853577, -0.8430126309394836, 0.5491461157798767, -0.6269347071647644, 1.3521479368209839, 0.30970728397369385, -0.18654750287532806, 0.13499164581298828, -0.4606661796569824, 0.8775251507759094, -0.41398364305496216, 0.4303004741668701, 0.05759669840335846, -0.43777841329574585, -0.883863091468811, -0.7478641271591187, -0.10812092572450638, 1.0988539457321167, -0.29781362414360046, -0.9931321740150452, -0.528285801410675, 0.4907432198524475, 0.9637315273284912, -0.6210020780563354, -0.8311175107955933, -0.2883785665035248, -0.7030914425849915, -0.22778935730457306, -0.06360034644603729, -0.7028608322143555, -0.9717422723770142, -0.17670463025569916, -0.9700948596000671, 1.159268856048584, -0.48170924186706543, -1.0084049701690674, -0.6934314966201782, 0.7475467920303345, 0.39201098680496216, 0.009283900260925293, -0.2680954933166504, -0.5159661173820496, -1.3889029026031494, 0.8329110145568848, 1.2997541427612305, -0.46985793113708496, -0.49052849411964417, 0.31443554162979126, 0.6870436668395996, 0.18111369013786316, 1.224171757698059]} +{"paper_id": "hellaswag", "embedding": [-0.13106167316436768, 0.8414091467857361, -0.3555147647857666, 0.374092161655426, 0.4806356430053711, 0.2075785994529724, 1.0602529048919678, 0.42606839537620544, 0.9137449264526367, 1.2438673973083496, 0.6609089970588684, 0.25816524028778076, 0.20158448815345764, -0.09105250984430313, -0.4210609197616577, -0.8114436268806458, -0.9824387431144714, 0.05981091409921646, -1.2138261795043945, -0.2724887430667877, -1.3948646783828735, -0.3151991367340088, -0.07987005263566971, 0.8208961486816406, -0.768988847732544, -0.6263965368270874, 0.5406028628349304, -1.4481573104858398, 0.21981725096702576, 0.05298321694135666, 0.02902330458164215, 1.2660468816757202, -1.5714167356491089, 1.0565844774246216, -0.40374696254730225, -0.6864919066429138, 0.0032717157155275345, 0.7832606434822083, 0.19155853986740112, -0.2667630612850189, -0.6472035050392151, 0.3393270671367645, 0.6238015294075012, 0.33592960238456726, 0.7831895351409912, -0.17868246138095856, -0.06635750830173492, 0.02235051989555359, -0.5254960656166077, 0.05647887662053108, -0.39489543437957764, 0.07340852171182632, -0.12251417338848114, 0.7408654689788818, -0.682711124420166, 1.2641669511795044, 0.39845743775367737, -0.7921952605247498, 0.6917634606361389, -0.5161294341087341, 1.1260175704956055, 1.8029959201812744, -0.5990773439407349, 0.33736976981163025, 1.0067507028579712, -0.012959003448486328, 1.7197151184082031, 0.21463091671466827, -0.061879634857177734, 0.676712691783905, -0.40872156620025635, -0.4378165304660797, -0.16933095455169678, -0.08628414571285248, -0.13693463802337646, 0.5057651996612549, 0.2920430898666382, 0.2575773000717163, 0.3082137703895569, 0.24793291091918945, -0.19323626160621643, 0.29925835132598877, 0.030871238559484482, -0.8008627891540527, -0.04323368892073631, 0.8236363530158997, 0.44415727257728577, -1.260270595550537, 0.13134346902370453, -1.7838585376739502, 0.30433303117752075, 0.49189579486846924, 0.012048371136188507, -0.36769622564315796, -0.21591362357139587, 0.39196187257766724, -0.07776986062526703, -0.45836904644966125, -0.5853259563446045, 0.6491779088973999, 0.6650463342666626, -0.4517166018486023, 0.20556415617465973, -0.39422062039375305, 0.9683741927146912, 1.1164664030075073, -0.21681246161460876, -0.2004626989364624, -0.8946757912635803, -0.7125262022018433, 0.04623723402619362, 1.1816507577896118, -0.24846169352531433, 0.7018243074417114, 0.279022216796875, -0.32736194133758545, 0.1996004283428192, -0.36818140745162964, -0.6565013527870178, 0.29519617557525635, -0.5353304743766785, -0.989472508430481, 0.05438198894262314, -0.39941394329071045, 1.1406238079071045, -0.7917881011962891, -0.05419144406914711, -0.27561694383621216, -0.17525386810302734, 0.4921211898326874, -0.05639486014842987, 0.367658793926239, -1.2037997245788574, 0.3553141951560974, 3.6382765769958496, -0.8868070244789124, 0.996440052986145, -1.0840781927108765, -0.04675987362861633, -0.24216559529304504, -0.14675942063331604, 1.362017273902893, 0.01942535489797592, -0.5061965584754944, -1.1098394393920898, 0.3419458568096161, -0.8823429346084595, 0.45152291655540466, -0.4323432147502899, -0.1441381573677063, -0.13138452172279358, 0.06621432304382324, -1.3714760541915894, -0.5015706419944763, 0.3626486659049988, 0.2547755539417267, -0.4656083881855011, 0.7772696614265442, -0.12631356716156006, 0.8506259918212891, 0.13463887572288513, -0.10922853648662567, 0.027091607451438904, 0.6331788301467896, -0.7687021493911743, -0.13401466608047485, 1.0423656702041626, -0.21845531463623047, -0.5688579082489014, -0.42198094725608826, 1.0079188346862793, -0.4492594599723816, -0.6090846061706543, -0.5213426947593689, -0.2584213614463806, 0.7816996574401855, 0.43481937050819397, 0.7995540499687195, -0.07091100513935089, -0.31639203429222107, -1.0436747074127197, -0.35130074620246887, -0.18341130018234253, 0.30219361186027527, -0.5658166408538818, 0.5404414534568787, -2.387502431869507, -0.6086036562919617, -0.4613529443740845, 1.2785879373550415, -0.28713715076446533, 0.1421014368534088, -0.08553580194711685, 0.5693952441215515, -0.10546144843101501, 0.14671540260314941, 0.9597384929656982, -0.9787391424179077, -0.24266375601291656, 0.1363147497177124, -0.27573561668395996, -0.762006402015686, -0.5532623529434204, 0.7527408599853516, 0.8202202320098877, -0.6830005049705505, -0.47723931074142456, -1.9350905418395996, 0.4821762144565582, 2.4475016593933105, 0.7225626111030579, -0.8293855786323547, -1.5799704790115356, -0.6732909679412842, 0.5194453597068787, -0.07538403570652008, 0.4696568548679352, -0.8324586749076843, 0.002551265060901642, -1.5483397245407104, 0.2630622386932373, -0.2469826340675354, 0.4970480501651764, 1.2926548719406128, 1.3866674900054932, -0.004413248971104622, -0.044488709419965744, -0.6216573119163513, -0.33204472064971924, 0.4769366383552551, 0.36581146717071533, 0.4004702866077423, -0.23062244057655334, 1.048911452293396, 0.27297669649124146, 1.0403192043304443, 0.41769564151763916, 0.5024943351745605, -0.698453426361084, 0.19064852595329285, 0.3272205591201782, 0.0689990222454071, -0.14209653437137604, -0.22916279733181, 0.008621513843536377, -0.01895502582192421, -0.4361240267753601, -0.2838905155658722, 0.3592071533203125, -0.3483961820602417, 1.229674220085144, 0.6734659075737, -0.810757577419281, 0.4663960039615631, -0.6723014712333679, -0.17797207832336426, -0.11587701737880707, -0.8168887495994568, -0.0015423297882080078, -0.28783470392227173, 0.31822389364242554, -0.348029762506485, 0.13919979333877563, -0.10934154689311981, 0.1595042645931244, -1.3548647165298462, -0.3002159595489502, -0.2164280116558075, 0.11998800933361053, -1.0469831228256226, -0.2237878292798996, -0.10825791954994202, -0.7394394874572754, -0.24645701050758362, -0.3010558784008026, 0.4656761884689331, 0.2416592836380005, 0.6824787855148315, 1.9838639497756958, 0.11691923439502716, -0.13240058720111847, 0.11093084514141083, 1.0045371055603027, -0.6386401057243347, 0.5379893779754639, -0.35664066672325134, 0.45349588990211487, -0.9097139835357666, 0.387671560049057, -0.6982057094573975, 0.9773087501525879, 0.578298032283783, -0.02550673484802246, 0.4797273874282837, -0.3735905885696411, -0.5421558618545532, 1.037744402885437, -0.7714305520057678, 0.834524393081665, -1.0631520748138428, 1.6170190572738647, 0.7557072639465332, -0.31465664505958557, 0.7213475704193115, -0.6349425315856934, -0.5467318296432495, 1.1849666833877563, -0.5701256990432739, 0.3306093215942383, 0.416032075881958, 0.3828078806400299, 0.39976948499679565, 0.7490270733833313, -2.4106156826019287, 0.37233227491378784, 0.8990416526794434, -0.36957570910453796, -0.5520596504211426, -1.2245020866394043, 0.6198758482933044, -0.6786069273948669, -0.12916812300682068, 0.4669604003429413, -0.6716716289520264, 0.06557783484458923, -0.46807175874710083, 0.42241233587265015, 0.14628966152668, -0.8638622760772705, 0.44154635071754456, 0.902614176273346, 0.22247502207756042, -1.1770187616348267, -0.12890410423278809, 1.1588376760482788, -0.609291136264801, 0.050030000507831573, 0.18512395024299622, 1.0469529628753662, 0.866928219795227, -0.12431236356496811, -0.24794475734233856, 0.914890468120575, 0.0605190172791481, 0.10560694336891174, 0.40937188267707825, -0.339891254901886, -0.030988363549113274, 0.0043805986642837524, 0.8428544998168945, -0.23110365867614746, -0.6115292906761169, -1.1233490705490112, -0.03919145464897156, -0.018267929553985596, -0.6626390218734741, 1.4870070219039917, 0.8776401877403259, 1.5457649230957031, -0.2811235785484314, 0.43991029262542725, -0.49856236577033997, -0.07506585121154785, 0.1377377212047577, -0.2208888977766037, 0.2897498905658722, -0.8109161853790283, -0.36523956060409546, 0.7036502361297607, 0.37066757678985596, -0.3310375511646271, -0.22496522963047028, 0.26163238286972046, 0.14196187257766724, -0.5434766411781311, 0.25476932525634766, 0.6501304507255554, 0.1287657618522644, 1.872895359992981, -0.8068406581878662, -0.35445263981819153, 0.18138821423053741, 0.6890482902526855, 0.3247026801109314, 0.5351495146751404, -0.6142172813415527, 0.6417739391326904, 0.09139488637447357, 0.48510080575942993, 0.10693153738975525, 0.8768866062164307, 0.9432312250137329, -0.04849991947412491, -0.9479597210884094, -0.39213451743125916, -0.701309859752655, -0.3142548203468323, 0.1401931345462799, -0.2304784208536148, 0.13837853074073792, 1.0908794403076172, -0.018581410869956017, -1.2799549102783203, 1.3255749940872192, -0.19182831048965454, -1.2038753032684326, 0.6840431094169617, 1.2119638919830322, -1.0280158519744873, -0.18100154399871826, 0.3237285614013672, -0.9662022590637207, -0.6851977109909058, 0.16123072803020477, -0.44733667373657227, 0.8724502325057983, -0.048421669751405716, 1.423731803894043, 0.1391877681016922, -0.18153122067451477, -0.7814856171607971, 0.7622368931770325, 1.3832577466964722, -0.8533425331115723, 1.4810349941253662, -0.2242356538772583, 0.07893170416355133, 0.45806097984313965, -0.6414788365364075, -0.5647310614585876, 1.0318626165390015, 0.37883028388023376, 0.20943090319633484, -0.5479393601417542, -0.6085057854652405, 0.33236417174339294, -0.14898256957530975, 0.8891823291778564, -1.3100664615631104, 0.2513294816017151, -0.3405429422855377, 0.012787723913788795, 0.2568930387496948, -0.6768569946289062, -1.071882963180542, 0.8547572493553162, -0.6574913859367371, 0.6938519477844238, -0.31230437755584717, 0.5420344471931458, 1.8302276134490967, 0.05371546000242233, 0.14017079770565033, -0.15377379953861237, -11.292118072509766, 0.7003880739212036, 0.19200396537780762, 0.14421232044696808, 0.5351687073707581, -0.7110956311225891, -0.11704430729150772, -0.024615030735731125, 0.22038085758686066, -0.4133853018283844, 0.8780341148376465, 0.6635134816169739, 0.21650999784469604, -0.4440336525440216, -0.5213308334350586, -1.3194972276687622, -0.5593292117118835, -0.823897659778595, 0.3360462188720703, -0.0028538107872009277, -0.282030314207077, -1.3222815990447998, 0.17576906085014343, 0.19171468913555145, 0.8595361113548279, 0.3213037848472595, -0.6336608529090881, -0.20836907625198364, -0.5174949765205383, 0.4989195168018341, 0.3539494574069977, -0.10980799794197083, -0.9740812182426453, -0.3761775493621826, 0.6272611021995544, -0.31701764464378357, -1.0683019161224365, 0.3961763381958008, 0.5238282084465027, 0.35987648367881775, -0.19137059152126312, -0.39101505279541016, 0.21536336839199066, -0.23109838366508484, -0.9246302247047424, 0.22112689912319183, 0.6659204959869385, -0.9417552947998047, -0.5999730229377747, -0.24943387508392334, -0.3884150981903076, -0.5310673713684082, -0.883986234664917, -0.8625199198722839, 0.26364508271217346, -0.02276388555765152, -0.6043394207954407, 0.021958015859127045, -0.20264779031276703, -1.449967622756958, -0.03288070112466812, 0.13249678909778595, -0.5117824077606201, -0.17423853278160095, 0.3066455125808716, -0.18297550082206726, 0.5802487730979919, 0.22235055267810822, -0.004584219306707382, 0.48324665427207947, -0.7375480532646179, 1.423646092414856, -0.198434978723526, 0.5558114647865295, -0.810604453086853, 0.008108772337436676, -0.4168184995651245, -0.4258774518966675, 0.6973716020584106, 0.06872934103012085, -1.2035659551620483, 0.4146327078342438, 0.14772309362888336, 0.19767430424690247, -0.9026914834976196, 0.20523947477340698, -0.10573690384626389, -0.5126844644546509, 0.8557100296020508, -0.4028775095939636, 1.1918492317199707, -0.5321260094642639, -0.5911967754364014, 0.24647396802902222, -0.5870090126991272, 0.9194244146347046, -1.0869076251983643, 0.7964217662811279, 0.20328137278556824, -0.9584708213806152, 0.3158584535121918, -0.3554421663284302, -0.43405938148498535, -0.13504602015018463, 0.30416929721832275, 0.2900081276893616, 0.009984388947486877, -0.4460447132587433, -0.4098774790763855, -0.9596617817878723, 0.8163168430328369, 0.13181668519973755, 0.07872425764799118, 0.5833080410957336, -0.24404749274253845, 0.19546248018741608, 0.8392964601516724, 0.15542277693748474, 0.4005346894264221, 0.7325668931007385, -0.9828499555587769, 1.2013078927993774, 0.3465673625469208, 0.867251455783844, 0.055328626185655594, 0.2272724211215973, 0.39921289682388306, 0.44910746812820435, -0.08234024047851562, -1.9408354759216309, 0.6434472799301147, -0.46767833828926086, 0.10970175266265869, -0.9217970967292786, -0.367584228515625, -0.02223135158419609, -0.8401658535003662, 1.5565364360809326, -0.6109766960144043, -0.2323346734046936, 0.36598503589630127, 0.01849280670285225, 0.15553894639015198, -0.7842922210693359, -0.8032007813453674, -0.22688332200050354, -2.0664639472961426, 0.2561865448951721, -0.4974718987941742, -0.51046222448349, -0.007065732032060623, -0.3124468922615051, 0.8170721530914307, -1.1112537384033203, -0.13928037881851196, -0.1763787567615509, 0.35162588953971863, -0.8093963861465454, -0.5012160539627075, -0.3059615194797516, -0.12155837565660477, 1.4284740686416626, -0.8275091648101807, 0.8972557783126831, 0.1536506563425064, -0.4322303235530853, -0.03576807677745819, 0.06056830286979675, -0.30194199085235596, 0.3765529692173004, 1.2261286973953247, -1.247918963432312, -0.009178698994219303, -1.1215851306915283, -0.26229622960090637, -0.8390812277793884, 0.8185533881187439, 1.367561936378479, -0.8011499643325806, -0.2167540341615677, 0.024551481008529663, 0.7922171950340271, 0.331653356552124, -0.6308039426803589, 0.012381002306938171, -0.10083505511283875, 0.30621853470802307, 0.536007285118103, -0.23502466082572937, 1.2201149463653564, -1.8013856410980225, -0.9831127524375916, -0.4709184169769287, -0.1291794627904892, 0.9875330328941345, 0.061000723391771317, 0.8218406438827515, 0.8874734044075012, 0.42878714203834534, -0.04984762519598007, -0.12407752871513367, 1.216599464416504, 0.07127195596694946, 0.17276796698570251, -0.02949710376560688, -0.26202815771102905, -0.3539201021194458, -0.2821347117424011, 0.01269475556910038, 0.45897772908210754, -1.1512246131896973, -0.40887510776519775, -0.3536521792411804, -0.30457910895347595, 0.40429243445396423, -0.7848443984985352, 0.3404693901538849, -0.4182807505130768, -0.35533905029296875, -1.271913766860962, 0.45345044136047363, 1.316640019416809, 0.12280803918838501, 1.0377451181411743, 0.8557029962539673, 0.2064206302165985, 0.6138629913330078, 0.12021420150995255, 1.319305181503296, 0.09742121398448944, -0.11250876635313034, 0.1393309086561203, 0.7278885841369629, 0.3257661461830139, 0.004869177937507629, -0.5564708709716797, -0.9222882390022278, 0.6694045662879944, -0.43606942892074585, 0.140334814786911, -0.3969811797142029, 0.10506724566221237, 1.343153715133667, 1.1625717878341675, -0.3507121801376343, -1.6377023458480835, -0.2572813332080841, -1.4025757312774658, 0.13089033961296082, 0.9496898055076599, 0.6802824139595032, 1.3029204607009888, 0.6710218191146851, 0.010177023708820343, 0.9415342807769775, -0.26972538232803345, -0.3458959460258484, 0.30093052983283997, 0.6989307403564453, 1.453248381614685, 1.1594126224517822, 0.009260997176170349, 0.008293574675917625, -0.6830238699913025, -0.631484866142273, 0.03416872397065163, -0.7983134984970093, 0.7435208559036255, 0.7247194647789001, -0.6140087842941284, 0.05627942085266113, -0.5308812260627747, 0.2719925045967102, -0.6845969557762146, 0.7525694966316223, -0.06893730163574219, -0.4826209545135498, -1.0178730487823486, -0.5901488661766052, -0.17823252081871033, 0.7464157342910767, -0.043566714972257614, -0.021151471883058548, -0.25903016328811646, 1.2371209859848022, 0.1302400827407837, -0.34003889560699463, -1.2625014781951904, 0.09846306592226028, -0.8997947573661804, -0.02340879663825035, -0.0928945317864418, -0.962044894695282, -0.10406611114740372, -0.4054132103919983, -0.999989926815033, 0.3219158947467804, 0.06994378566741943, -0.7463592886924744, -0.8768061995506287, 0.41482627391815186, -0.01397305354475975, -0.09874378144741058, 0.5220401287078857, -0.004901306703686714, -1.5631400346755981, 0.9439132809638977, 0.9610626697540283, -0.49832040071487427, -0.1759042590856552, 0.20484909415245056, 0.658487856388092, -0.1698068380355835, 1.611297607421875]} +{"paper_id": "piqa", "embedding": [-0.6324382424354553, 1.3303366899490356, -0.033682681620121, -0.5472339391708374, 0.18998897075653076, 0.13974237442016602, 0.5000049471855164, 0.635877251625061, 0.511334240436554, 0.479267418384552, 0.5906637907028198, -0.11856810003519058, -0.5295525193214417, -0.33082249760627747, -1.0766931772232056, -0.20352435111999512, -0.9612558484077454, -0.6121782064437866, -1.294287085533142, -0.26020053029060364, -0.7012577652931213, -1.4276827573776245, -0.09828370064496994, 1.119815707206726, -1.1861250400543213, -0.9083032608032227, 0.8944392204284668, -1.0626695156097412, 0.37086960673332214, 0.08994553983211517, -0.15443822741508484, 1.1378904581069946, -1.2994651794433594, 1.8740347623825073, 0.08131133764982224, -0.5628176927566528, 0.004362558480352163, 0.6149243116378784, -0.06536686420440674, -0.5156415104866028, -0.10201238840818405, 0.02094549685716629, 0.791309654712677, -0.060325007885694504, 0.4810880720615387, -0.734362006187439, 0.1797749251127243, 0.5163097977638245, -0.7486182451248169, -0.31178754568099976, -0.9232987761497498, 0.41282495856285095, -0.3352496325969696, 0.652195930480957, -0.215866357088089, 1.2781556844711304, 0.25384071469306946, -0.19067032635211945, 0.7921797633171082, -0.776513934135437, 1.3269587755203247, 1.9422179460525513, -0.22186237573623657, 0.0403159074485302, 0.775496244430542, 0.6270546913146973, 1.3052953481674194, 0.16816960275173187, 0.6747124791145325, 0.08326650410890579, -0.12298686802387238, -0.9938471913337708, -0.3496602475643158, 0.2905288338661194, 0.11596518754959106, 0.7001490592956543, 0.3980478346347809, 0.19168223440647125, 0.27139919996261597, 0.759520411491394, -0.1637539118528366, -0.11919620633125305, 1.004197597503662, -0.7362464070320129, 0.07823013514280319, 0.8879844546318054, 0.5768247842788696, -0.9423467516899109, 1.0659966468811035, -1.1538200378417969, 0.6969075798988342, 0.4809138774871826, 0.28025856614112854, -0.2531541883945465, 0.12110172212123871, 0.6338725686073303, -0.34660327434539795, -0.34552180767059326, -0.1609095335006714, 0.9047262072563171, 0.32351791858673096, 0.5493526458740234, 0.146440327167511, -0.2130192518234253, 0.4141016900539398, 0.022635389119386673, 0.6207901835441589, 0.4151022732257843, -0.8753682374954224, -0.8149763345718384, -0.0989600196480751, 1.4106885194778442, 0.20472584664821625, 0.23557135462760925, 0.06414012610912323, -0.049572914838790894, -0.2066381871700287, -0.8157699108123779, 0.1405070573091507, 0.5244226455688477, -0.07536186277866364, -0.8123305439949036, -0.5732753872871399, -0.4887619614601135, 0.6369934678077698, 0.013048645108938217, -0.7984375357627869, -0.1007942482829094, -0.5444639921188354, 0.11723754554986954, 0.06025644391775131, -0.06464578211307526, -0.8460798263549805, 0.015714000910520554, 3.6604578495025635, -1.2359726428985596, 1.2671914100646973, -1.328721046447754, 0.13676534593105316, -0.5962772369384766, -0.5739986300468445, 1.0489411354064941, 0.014205455780029297, -0.3450431227684021, -0.9464887380599976, 0.4163367748260498, -0.40610456466674805, 0.10294746607542038, -0.9636454582214355, -0.17990435659885406, 0.11806489527225494, 0.0922037661075592, -1.792624831199646, -0.21911916136741638, -0.1428021937608719, 0.14893215894699097, -0.5963878631591797, 0.04927746579051018, -0.23523789644241333, 0.5511293411254883, -0.4970623254776001, -0.08508138358592987, -0.3707062005996704, 0.2438679039478302, -0.4343373775482178, -0.27174726128578186, 0.47925788164138794, -0.26311567425727844, -0.9145272970199585, -0.35767513513565063, 0.5365059971809387, -0.19168925285339355, 0.1620226502418518, 0.013291023671627045, -0.5436164140701294, 0.6191776990890503, 0.4748144745826721, 1.1351224184036255, -0.006707804277539253, -0.39087504148483276, -0.5029580593109131, -0.38589295744895935, 0.14490577578544617, 0.3009371757507324, -0.11820828914642334, -0.23159176111221313, -2.864744186401367, -0.0174708291888237, -0.7899144887924194, 1.074148416519165, 0.26155996322631836, 0.6628884077072144, 0.3173443078994751, 0.3623323142528534, -0.6564277410507202, 0.06469397246837616, 0.5291229486465454, -1.286605954170227, -0.26681673526763916, 0.8832775354385376, -0.5061931014060974, -0.07547806948423386, -0.56027752161026, 1.2593259811401367, 0.3455839157104492, -0.5289895534515381, -0.5799238681793213, -1.9545567035675049, 0.437285453081131, 1.6989655494689941, 0.8425955772399902, -0.8621387481689453, -0.8438404202461243, 0.0341792106628418, 0.2383187711238861, 0.04456932842731476, 0.40515944361686707, -0.7498021721839905, 0.491801381111145, -1.1716188192367554, 0.5578890442848206, -0.053267866373062134, 0.49661561846733093, 0.6169742941856384, 1.8141589164733887, -0.5477408170700073, -0.11015791445970535, -0.3580687940120697, -0.5679155588150024, 1.1686604022979736, 0.44878098368644714, 0.5967034101486206, -0.208578959107399, 0.5652630925178528, 0.22907236218452454, 0.8746597766876221, 0.615490734577179, 0.9097675681114197, -1.2839728593826294, 0.09658420830965042, -0.11632809042930603, 1.0189363956451416, 0.05095888674259186, 0.23446348309516907, 0.3827236294746399, -0.4256157875061035, -0.3101498782634735, -0.35973936319351196, 0.16873091459274292, -0.051923446357250214, 1.7954286336898804, 0.14868932962417603, -0.7745643854141235, -0.047132015228271484, -0.5111302733421326, -0.4130593240261078, -0.2205350399017334, -0.5323078632354736, 0.4897118806838989, -0.33351850509643555, 0.5989325046539307, 0.1364220827817917, 0.11226290464401245, -0.44918274879455566, 0.0185423344373703, -1.2715470790863037, 0.15182067453861237, -0.04885498434305191, -0.22971957921981812, -0.5028324127197266, -0.30568617582321167, -0.2533157467842102, -0.7055683135986328, -0.6411587595939636, 0.1782510131597519, -0.03223872557282448, 0.7527594566345215, 0.583531379699707, 1.0492377281188965, -0.19801494479179382, 0.1679249107837677, -0.7596999406814575, 1.0238869190216064, -0.3608701527118683, 0.3802003264427185, -0.263997882604599, 0.5214161276817322, -0.7582676410675049, 0.5826898813247681, -0.9910959601402283, 0.37967512011528015, 0.176470547914505, -0.5826179385185242, 0.9145638346672058, -0.4144911766052246, -1.155073881149292, 1.1712613105773926, 0.3935847878456116, 0.056265898048877716, -0.31159353256225586, 1.4537075757980347, -0.31402596831321716, -1.1095150709152222, 0.5397676825523376, 0.17423772811889648, -0.37109625339508057, 0.9245845675468445, 0.2948895990848541, 0.2580399513244629, 0.5860928893089294, 0.2934388518333435, -0.0908532589673996, 0.2261451780796051, -2.1474645137786865, 0.9387458562850952, 0.8498402237892151, -0.9550273418426514, -0.22729773819446564, -1.3487684726715088, 0.1107858419418335, -1.4072294235229492, -0.11144682765007019, 0.9450661540031433, -0.31583529710769653, 0.43006110191345215, -0.15131135284900665, 0.1771291047334671, 1.1129744052886963, -0.9629950523376465, -0.17252196371555328, 0.18631787598133087, 0.45932185649871826, -1.1300575733184814, -0.03020707331597805, 1.0103191137313843, -0.20610928535461426, -0.10431791841983795, 0.4303877651691437, 1.1585557460784912, 0.6231058835983276, 0.1439860761165619, -0.20882859826087952, 0.35999470949172974, 0.11058302968740463, 0.5065715909004211, 0.7398295998573303, -0.44214069843292236, 0.5209445953369141, -0.053112443536520004, 1.238146185874939, -0.3583429455757141, -0.24133741855621338, -1.169765591621399, 0.09873849153518677, 0.5999318957328796, -0.6477416157722473, 1.8138104677200317, 0.62371826171875, 1.2604256868362427, -0.624352753162384, 0.1842963844537735, -0.7488099932670593, -0.5191043019294739, 0.7706862092018127, 0.009168497286736965, 0.1505720615386963, -0.49281683564186096, -0.15677104890346527, 0.579627513885498, 0.44886425137519836, -0.22863483428955078, 0.2543036937713623, 1.0139312744140625, 0.9276782870292664, -0.07533171027898788, 0.7851312160491943, 1.1174085140228271, 0.07221487164497375, 0.7904369235038757, -0.47172969579696655, -0.06576009094715118, 0.04892573133111, 0.47635629773139954, 0.24210068583488464, -0.04723856598138809, -0.38461971282958984, 1.1637266874313354, 0.44830504059791565, 0.40200096368789673, 0.37988895177841187, 0.778637170791626, 1.6120518445968628, 0.04993394389748573, -1.4561501741409302, 0.17402397096157074, -0.4391477704048157, -0.11644668877124786, 0.8403844833374023, -0.07558324933052063, -0.12262245267629623, 0.6377018094062805, -0.09134616702795029, -1.0413944721221924, 0.9557662010192871, -0.5003049373626709, -1.118357539176941, 0.5465114116668701, 0.8398243188858032, -0.7254416942596436, -0.3044593334197998, 0.4341229796409607, -0.458263099193573, -1.2191531658172607, 0.3359895944595337, -0.08908169716596603, 0.9593187570571899, 0.2213955819606781, 1.4320536851882935, -0.11283250153064728, 0.12233021855354309, -0.7498960494995117, 0.819175124168396, 0.4228234589099884, -0.36459580063819885, 0.4983840882778168, -0.13808739185333252, 0.12663520872592926, -0.06431890279054642, -0.675574004650116, -0.5677935481071472, 1.472696304321289, -0.26756250858306885, -0.1764184534549713, -1.1088131666183472, -0.5639134645462036, 0.4713025689125061, 0.07832516729831696, 0.5139774084091187, -1.3990737199783325, -0.09199199825525284, -0.44731754064559937, 0.1885097324848175, 0.45599526166915894, -0.8371217250823975, -1.1163691282272339, 0.49726518988609314, -0.07530564814805984, 0.637964129447937, -0.7883236408233643, -0.2874669134616852, 1.9226878881454468, -0.33741989731788635, -0.15591636300086975, 0.44388285279273987, -11.388032913208008, 1.3810254335403442, 0.18663139641284943, 0.6198269724845886, 0.36751532554626465, -0.8687660098075867, 0.3989607095718384, -0.514397144317627, 0.931414783000946, -0.7694514393806458, 0.0007577277719974518, 0.6940309405326843, 0.7777106165885925, 0.11845245212316513, -0.7618584632873535, -1.2449510097503662, -0.6213945746421814, -0.5507482886314392, -0.5152117013931274, 0.4974280893802643, -0.3880598545074463, -0.9313604235649109, -0.42671388387680054, 0.538066029548645, 0.2588833272457123, -0.09455190598964691, -1.0758883953094482, -0.40787580609321594, -0.030604198575019836, -0.11969903856515884, 0.8969546556472778, 0.16264687478542328, -0.3794274926185608, -0.7647794485092163, 0.1611977219581604, -0.351699560880661, -0.7459959387779236, 0.5688939690589905, 1.0115679502487183, 0.39401310682296753, -0.30078423023223877, -0.17241665720939636, 0.5689015984535217, -0.10127750784158707, -0.5790753960609436, 0.8607431650161743, 0.5444024205207825, -1.1283907890319824, -0.1388128101825714, -0.10362975299358368, -0.5807226300239563, -0.3635462820529938, -0.3642473518848419, -0.8210639953613281, 0.47214847803115845, 0.7029449343681335, -0.42037877440452576, 0.056689705699682236, -0.5033822655677795, -1.5888680219650269, -0.41700655221939087, -0.01303102821111679, 0.3555513918399811, 0.31976810097694397, 0.12813834846019745, 0.01922510378062725, -0.27557411789894104, 0.1753259152173996, -0.644466757774353, 0.2165623903274536, -0.8413309454917908, 0.5603836178779602, 0.04903081804513931, 0.31684568524360657, -1.451664686203003, 0.08769438415765762, -1.536678433418274, 0.60108482837677, 0.36660122871398926, -0.9623178839683533, -0.9638195037841797, 1.026222825050354, 0.26916465163230896, -0.11791925877332687, -0.6608136892318726, 0.8772040009498596, 0.6746903657913208, 0.3763209879398346, 0.669019341468811, -0.9617743492126465, 1.1446428298950195, 0.573431134223938, -0.39792823791503906, -0.26266956329345703, -0.4313047528266907, 0.6100844144821167, 0.23941399157047272, 0.5024149417877197, -0.010669201612472534, -0.543919026851654, 0.02321154624223709, -0.5617890954017639, -0.7865079641342163, -0.0117584727704525, 0.31783121824264526, 0.6527414917945862, 0.4662410020828247, -0.31041985750198364, 0.03931322693824768, -0.5208322405815125, 0.8157121539115906, -0.35609135031700134, -0.8022757172584534, 0.7824236750602722, -0.1987314224243164, -0.5197280645370483, 0.7196199297904968, -0.5874834060668945, -0.09658047556877136, 0.370622843503952, 0.01432067807763815, 1.5634047985076904, -0.020040197297930717, 1.2047170400619507, 0.3441389501094818, -0.6639488935470581, 0.6902785897254944, 0.16842064261436462, -0.1392483413219452, -1.6998140811920166, 0.7290561199188232, -0.28791478276252747, -0.4624367654323578, -0.35515695810317993, -0.5747584700584412, -0.005614683032035828, -0.43953433632850647, 1.580281138420105, -0.496606707572937, 0.06410670280456543, 0.25741714239120483, 0.0018958784639835358, -0.44901129603385925, -0.8908527493476868, -1.172108769416809, -0.12512439489364624, -1.5694472789764404, 0.5321892499923706, -0.47615113854408264, -0.5834327340126038, -0.45654696226119995, -0.11695291101932526, 0.25603336095809937, -0.5132657289505005, -0.14387960731983185, -0.41320621967315674, -0.5820261240005493, -0.7741640210151672, -0.6009427905082703, 0.09711575508117676, 0.4446221590042114, 1.2119723558425903, -1.1244069337844849, 0.6322895288467407, 0.015185706317424774, -0.24388833343982697, -0.29730260372161865, -0.04467754438519478, -0.38012441992759705, 0.30100956559181213, 0.8441005349159241, -1.0628968477249146, -0.20039232075214386, -0.454190731048584, -0.05194708704948425, -1.0227998495101929, 0.6134910583496094, 1.2168022394180298, -0.5872931480407715, -0.09745466709136963, -0.00405084528028965, 1.1334937810897827, 0.3257367014884949, -0.14761902391910553, -0.09149999916553497, -0.20126265287399292, -0.24057739973068237, 0.17129391431808472, 0.2148410975933075, 1.49636709690094, -1.4473845958709717, -0.6038057804107666, 0.022228259593248367, 0.4205782413482666, 0.9094488024711609, 0.5502954125404358, 0.793489396572113, 1.1034166812896729, 0.04222425818443298, 0.44562387466430664, -0.134469136595726, 0.7913814187049866, 0.41251540184020996, 0.35738199949264526, -0.2209438979625702, 0.6287181377410889, -0.39081963896751404, -0.6791727542877197, -0.6545364260673523, 0.9558745622634888, -1.431990146636963, -0.0959162563085556, -0.33776235580444336, -0.4011717438697815, 0.6241664886474609, -0.9874030351638794, 0.2593245804309845, -0.6209360957145691, -0.6168695688247681, -1.2252576351165771, 0.2813760042190552, 0.8025467991828918, -0.14993907511234283, 0.7168537378311157, 0.3003925085067749, 0.9010799527168274, 0.5294004082679749, -0.14028139412403107, 0.6765872240066528, 0.061329279094934464, 0.30367669463157654, 0.23595412075519562, 1.02675461769104, 0.1687541902065277, -0.2930336594581604, -1.0706568956375122, -0.4838707447052002, 0.6298642754554749, -0.7725647687911987, 1.3306663036346436, -0.48435527086257935, 0.29542216658592224, 1.0047721862792969, 1.1609270572662354, -0.6708762049674988, -2.008275270462036, -0.5041621327400208, -1.2637856006622314, -0.15980222821235657, 0.6508509516716003, 0.17112216353416443, 0.7290463447570801, 0.8632618188858032, 0.3664220869541168, 0.8593149781227112, -0.2712193727493286, -0.1457131952047348, 0.04594589024782181, -0.3628664016723633, 0.7474954724311829, 0.855088472366333, 0.17152677476406097, 0.5230581760406494, 0.11955899745225906, -1.1348066329956055, -0.01698097586631775, -1.0097177028656006, 0.7717745304107666, 0.5607874393463135, -0.3227922022342682, -0.5325475931167603, -0.6746570467948914, 0.5289177894592285, -0.8742718696594238, 0.7571657299995422, -0.17368772625923157, -0.12660513818264008, -0.8757146596908569, -0.25185534358024597, -0.1421891152858734, 0.7186902165412903, 0.4629923105239868, -0.5185920000076294, -0.2578386664390564, 1.7219955921173096, 0.33908748626708984, -0.37517207860946655, -1.1107780933380127, -0.40918442606925964, -0.6336111426353455, -0.3328838348388672, -0.242323100566864, -0.6230594515800476, -0.8847625255584717, -0.6186299920082092, -0.4760943055152893, -0.22469976544380188, -0.3096142113208771, -0.6838548183441162, -0.9097718596458435, 0.707554280757904, -0.35664182901382446, 0.09436577558517456, 0.37427741289138794, 0.46876612305641174, -1.518744945526123, 0.3781169056892395, 1.6227706670761108, -0.1595948487520218, -0.33811384439468384, 0.24088835716247559, 0.19388145208358765, -0.4337722361087799, 0.42719799280166626]} +{"paper_id": "samsum", "embedding": [-0.14924032986164093, 0.9605204463005066, -0.2231435924768448, 0.5141981840133667, 0.09730446338653564, 0.3857971429824829, 0.8124815225601196, 1.0467697381973267, 0.777868390083313, 0.3718614876270294, 0.305466890335083, -0.17683352530002594, -0.33346277475357056, -0.08822513371706009, -0.18483661115169525, -0.5528481006622314, -1.4117813110351562, -0.8951227068901062, -0.7680261731147766, -0.5433574318885803, -0.5449894666671753, -0.19486777484416962, -0.2884504199028015, 0.47894954681396484, -0.9484603404998779, -0.357089638710022, 1.5346866846084595, -1.3562726974487305, 0.16283246874809265, 0.6559507846832275, -0.32900193333625793, 1.4829275608062744, -0.9533032178878784, -0.4064730107784271, -0.6271109580993652, -0.37877219915390015, 0.0034482446499168873, 0.2383856177330017, -0.3375885784626007, 0.755367636680603, -1.2071919441223145, 0.40330082178115845, 0.3284488916397095, 0.32788848876953125, -0.19827917218208313, -0.22759485244750977, -0.010293788276612759, 0.4442080557346344, -0.7723755836486816, 0.07093942165374756, -0.13152973353862762, 0.5887399315834045, -0.02369833178818226, 0.5810003280639648, 0.011387938633561134, 1.5368285179138184, 0.10319625586271286, -0.7114639282226562, -0.02352854236960411, -0.7239505052566528, 1.3520290851593018, 1.3420231342315674, -0.5656668543815613, 0.5887801647186279, 1.2208613157272339, -0.46303170919418335, 1.5628536939620972, 0.26591700315475464, 0.4737328588962555, 1.235275387763977, -0.38941043615341187, -1.2201573848724365, 0.8682538866996765, -0.4753333330154419, -0.3589605391025543, 1.1073981523513794, 0.535271942615509, 0.4222502112388611, -0.2576448619365692, -0.3389825224876404, 0.33257216215133667, 0.9490997791290283, 0.5571528673171997, -0.43100598454475403, 0.5179542303085327, 0.3424358069896698, 0.34690743684768677, -0.32724982500076294, -0.0716186910867691, -1.7429367303848267, -0.07184107601642609, -0.13071654736995697, -0.4015620946884155, -0.2536194324493408, -0.29098623991012573, 0.5145887732505798, 0.05781249329447746, -0.45009806752204895, -0.5568104982376099, 0.2998708188533783, 1.0763750076293945, -0.8320410251617432, -0.018804214894771576, -0.468596488237381, 0.48246097564697266, 0.07932653278112411, 0.029516354203224182, 0.008017390966415405, -0.29912030696868896, -0.8134862780570984, -0.36334970593452454, 0.9187588691711426, -0.2715111970901489, 1.2262049913406372, -0.3313797116279602, 0.173771470785141, 0.3823778033256531, -0.7355766296386719, -0.39636242389678955, -0.5504543781280518, -0.817690908908844, -0.7157650589942932, 0.12777471542358398, 0.2201284021139145, 0.5120692849159241, -0.6550609469413757, 0.21306809782981873, -0.49161210656166077, -0.14596116542816162, -0.14138229191303253, 0.8312182426452637, -0.38693708181381226, -0.7058157324790955, -0.1773243397474289, 2.0045714378356934, -1.373718500137329, 1.8974087238311768, -0.3341131806373596, -0.5595307350158691, -0.6072620153427124, 0.2480345368385315, 1.7783198356628418, -0.5435705184936523, -0.6314421892166138, -0.49393588304519653, 0.007651784457266331, -0.798262357711792, 0.5314086079597473, -0.2889474630355835, -0.45008599758148193, -0.28895556926727295, 0.46274709701538086, -1.1870732307434082, -0.05505586415529251, -0.21504104137420654, 0.5405133366584778, 0.6128111481666565, 0.7492453455924988, -0.569956362247467, 0.9767688512802124, 1.4652998447418213, -0.034836865961551666, -0.017348527908325195, 0.34085512161254883, -1.5271897315979004, -0.22723793983459473, 0.13891959190368652, -0.019898906350135803, -0.8396426439285278, -0.8095427751541138, 0.39632144570350647, -0.24836939573287964, -0.01008588820695877, 0.23513318598270416, -0.4800354838371277, -0.12364313006401062, 0.6970476508140564, 0.27580830454826355, 0.39898625016212463, -0.858862578868866, -0.7931920289993286, -0.3624087870121002, 0.10785781592130661, 0.6186768412590027, -0.25051751732826233, 0.4869052767753601, -1.7997947931289673, 0.23582448065280914, 0.07387383282184601, 1.2557570934295654, 0.12247034907341003, -0.4866962134838104, 0.2205471396446228, -0.2732631266117096, 0.5176708102226257, -0.6584566235542297, 0.31503060460090637, -0.5521976351737976, 0.2932489514350891, 0.23574180901050568, 0.05945902690291405, 0.1578262448310852, 0.4020368754863739, 1.0832370519638062, 1.7399492263793945, -0.9480451941490173, -0.42384782433509827, -1.268904209136963, 0.024795275181531906, 2.075509548187256, 0.0578608363866806, -0.5415568351745605, -1.4349839687347412, 0.032845064997673035, 0.4804506301879883, 0.19193606078624725, -0.30047857761383057, -0.6235095858573914, -0.17509725689888, -1.6882489919662476, 0.39709341526031494, -0.6313690543174744, -0.29512453079223633, 0.4452251195907593, 1.0352321863174438, -1.0564415454864502, -0.39456412196159363, -0.3134012520313263, -0.40632864832878113, 0.12974543869495392, 0.9998959302902222, -0.0778001919388771, 0.24260374903678894, 0.7046982645988464, 0.24970683455467224, 0.20312608778476715, -0.07848279923200607, 0.12157443165779114, -0.2455766648054123, -0.47227048873901367, 0.3706955909729004, 1.44964599609375, -0.04387305676937103, 0.5590418577194214, 0.1101921945810318, 0.4392656087875366, 0.25540482997894287, -0.5996066331863403, 0.08149568736553192, -0.1356705129146576, 1.7493042945861816, 1.6281638145446777, 0.36682015657424927, 1.1905452013015747, -0.9449599981307983, 0.34976059198379517, -0.5156761407852173, -0.9614124894142151, -0.6557663083076477, -0.4445117712020874, 1.360985279083252, 0.6468018889427185, 0.4634556174278259, -0.4148930311203003, 0.07029108703136444, -0.9085531234741211, -0.2563479542732239, -0.18140746653079987, -0.6567083597183228, -1.5385019779205322, 0.18008431792259216, -0.42165982723236084, -0.6992869973182678, -0.6291309595108032, -0.5121796727180481, 0.27433329820632935, 0.065889373421669, 0.7492568492889404, 1.6783617734909058, 0.6762319803237915, -0.15936967730522156, -0.7667316794395447, 0.9101933836936951, -0.6666914224624634, 0.9062623381614685, -1.3905363082885742, -0.328001469373703, -1.062508463859558, 0.010062292218208313, -0.45161008834838867, -0.2827177941799164, -0.3009452819824219, -0.9227291941642761, 0.4816429018974304, 0.018597111105918884, -0.8382812738418579, 0.784625768661499, -0.7121286988258362, -0.22953170537948608, -0.5370478630065918, 1.5924296379089355, -0.07121386379003525, -0.6842962503433228, 0.6871324777603149, -0.24485792219638824, 0.30880650877952576, 0.6896778345108032, -0.3689499795436859, 1.4109716415405273, 0.6453229188919067, -0.04632362350821495, 0.34338560700416565, -0.017223838716745377, -2.2231574058532715, -0.008510656654834747, 1.9433865547180176, -0.5110538005828857, -0.7955945730209351, -0.5731255412101746, 0.2819511890411377, 0.19484707713127136, -0.3057522177696228, 0.06610570102930069, -1.1186704635620117, 0.426024466753006, -0.5136386752128601, -0.12332005798816681, 1.6014324426651, -0.3173055350780487, 0.386737197637558, 0.9623052477836609, 0.11560481786727905, -0.8206413388252258, -0.8158992528915405, 0.7383030652999878, -0.44441577792167664, 0.49921566247940063, 0.19800224900245667, 1.0868759155273438, 0.7717320919036865, -0.3879309892654419, 0.05720871686935425, 1.5326836109161377, 0.5298326015472412, 0.34060680866241455, -0.12101290374994278, -0.4558637738227844, 1.0582618713378906, -0.5062462687492371, 1.0806183815002441, 0.6796199083328247, -0.2975386679172516, -1.1287659406661987, -0.22342047095298767, -0.7072198390960693, -1.2746134996414185, 1.7070482969284058, 0.6712566018104553, 1.4580516815185547, 0.7180830836296082, 0.7410187125205994, -1.2283281087875366, -0.1725882589817047, 0.6573202610015869, 0.04173561930656433, -0.004758365452289581, -0.5542545914649963, -0.5334028005599976, 1.0603991746902466, -0.6971639394760132, -0.41137099266052246, -0.5276344418525696, 0.504284143447876, -0.08885356783866882, -0.23260512948036194, -0.06394141912460327, 1.4263280630111694, 0.2733733057975769, 1.6074432134628296, -0.6251528263092041, -0.536024808883667, 0.2145133912563324, 0.49292615056037903, 0.31713375449180603, 0.5140777826309204, -1.7110750675201416, 0.4608776271343231, 0.5026659369468689, 0.30264395475387573, -0.990429162979126, 1.2443939447402954, 0.01485690288245678, -0.7138577699661255, -0.7102410793304443, -0.7520363926887512, -1.0455870628356934, -0.6477786898612976, -0.07914547622203827, -0.14902612566947937, -0.8348868489265442, 0.81739741563797, -0.6123917102813721, -0.8589991927146912, 0.7587329149246216, -0.15523552894592285, -0.6825826168060303, 0.7540074586868286, 0.557931661605835, -1.7246997356414795, -0.6304997205734253, -0.3126987814903259, -1.1483405828475952, 0.10581503063440323, -0.046883244067430496, -0.8521190881729126, 0.7079430818557739, 0.3901999592781067, 0.5061797499656677, 0.15258924663066864, 0.36753976345062256, -0.7773842215538025, 0.8349910974502563, 0.5307402610778809, -0.624152660369873, 0.766282320022583, 0.43718087673187256, 0.39473408460617065, 0.11597752571105957, -0.61518794298172, -0.5896987318992615, 0.6868427395820618, -0.441106915473938, -0.032736461609601974, -0.5215920209884644, -0.7245297431945801, 0.07949621230363846, -0.35595545172691345, 0.3006998300552368, -0.8708579540252686, -0.07828666269779205, -0.3156506419181824, 0.13796308636665344, 0.44115012884140015, -1.218815803527832, -0.8828603625297546, 0.20577390491962433, -0.6444230079650879, 0.41729262471199036, -0.18224716186523438, -0.07499783486127853, 1.2411587238311768, 0.5169293284416199, 0.3176620602607727, -0.0026340633630752563, -11.008037567138672, 0.4795219600200653, 0.17645080387592316, -0.5815249681472778, 0.13247978687286377, -0.14148366451263428, 0.5653578042984009, 0.3520538806915283, 0.8037509918212891, -0.5020554661750793, 0.35214146971702576, 1.3047847747802734, -0.5594471096992493, -0.6924728155136108, -0.3751804828643799, -0.8130828142166138, -0.6406370401382446, -0.999534010887146, 0.8131335377693176, -0.4330361783504486, 0.4691547155380249, -0.37088674306869507, 0.16823293268680573, 0.05517641827464104, -0.08193021267652512, -0.1846924126148224, 0.0558064803481102, -0.14681118726730347, -0.5924100279808044, 0.5083062648773193, 1.2514253854751587, -0.05005430057644844, 0.033000797033309937, -0.40750935673713684, 0.727521538734436, 0.005852963775396347, -0.983521580696106, -0.2812144458293915, 0.308724969625473, -0.8953111171722412, -0.36390894651412964, -0.08835840225219727, 0.35934826731681824, -0.6104111671447754, -0.41961005330085754, 0.18053199350833893, 0.27228087186813354, -0.17660410702228546, 0.6339713931083679, -0.5909727811813354, -1.1479055881500244, -0.2180843949317932, -1.2611501216888428, -0.3374652862548828, 0.5985697507858276, -0.8334794044494629, -0.39691466093063354, 0.6902649402618408, -0.022378453984856606, -0.7641645669937134, 0.840952455997467, -0.6001821756362915, -0.3059418797492981, -0.09108120203018188, 0.8851954936981201, -0.892818033695221, 0.3369607627391815, 0.4839969873428345, 0.3628704249858856, 0.7163594365119934, -1.1838794946670532, 0.5648103356361389, -0.12999668717384338, -0.28051093220710754, -0.49338504672050476, -0.508960485458374, -0.39152711629867554, -0.8094106912612915, 1.062482476234436, 0.3586571514606476, -0.7046684622764587, 0.5781531929969788, 0.6651976108551025, -0.736183226108551, -1.38951575756073, -0.17389072477817535, 0.6525659561157227, -0.2466522604227066, 1.2124218940734863, -0.5583868026733398, 1.1364995241165161, -0.0032860301434993744, -0.2244446724653244, 0.5396280288696289, -0.034454427659511566, 0.9327937960624695, 0.1985110640525818, 0.7311887741088867, 0.2762380838394165, -0.3695247769355774, 0.0463462695479393, 0.09208253771066666, -0.5985879898071289, 0.007015049457550049, 0.7548919916152954, -0.3275624215602875, -0.6598389744758606, 0.9562109708786011, 0.2032666653394699, -0.351105272769928, 0.5961470603942871, 0.642018735408783, -0.41439586877822876, 0.5519909262657166, -0.22448810935020447, 1.2064822912216187, 1.1369765996932983, 0.6436259150505066, 1.0732227563858032, 1.0222660303115845, -0.5875086188316345, 1.0789451599121094, 0.41397640109062195, 0.8173028230667114, 0.35184919834136963, -0.12135981023311615, -0.22550468146800995, 0.5682555437088013, -0.6376739144325256, -1.220212697982788, -0.2067035734653473, -0.4191831350326538, 0.7116603851318359, -0.6626600623130798, -0.08402412384748459, 0.13928388059139252, -0.4978986978530884, 1.2952723503112793, -0.2872561514377594, 0.4990101456642151, -0.1720222532749176, -0.5284159779548645, -0.22689656913280487, -0.7038908004760742, -0.10678880661725998, 0.2269609272480011, -2.378652334213257, 0.2728123664855957, -0.07456336915493011, 0.35715073347091675, 0.9508336782455444, -0.045930661261081696, 1.0450574159622192, -0.6862048506736755, -0.4871864914894104, 0.2033158242702484, 0.6930693984031677, 0.079863540828228, -0.6679118275642395, -0.31243985891342163, 0.2879117429256439, 0.8139989376068115, -1.0642602443695068, 0.7028427720069885, -0.09485988318920135, 0.59563148021698, -0.7379894256591797, 0.005693092942237854, -0.7467629313468933, 0.5332508087158203, 1.1780636310577393, -2.0498151779174805, -0.2750169634819031, -0.7731244564056396, -0.05116639658808708, -0.44110962748527527, 0.6524773836135864, 0.9486968517303467, -1.4195971488952637, -0.07101911306381226, -0.28672873973846436, 0.18869805335998535, 0.08871278911828995, -0.0740201473236084, -0.16707228124141693, 0.29523688554763794, 0.09930867701768875, 0.3938940763473511, 0.7306097745895386, 0.517914354801178, -1.5829616785049438, -1.735757827758789, -0.4993862509727478, -0.6189329624176025, -0.16906119883060455, -0.41007402539253235, 1.4094902276992798, 0.35225871205329895, 0.21992257237434387, 0.5921589732170105, 0.3961502015590668, 0.6533141136169434, 0.12199060618877411, 0.5620020031929016, -0.2092055082321167, 0.23662003874778748, -0.5619614720344543, 0.4167761206626892, 0.15333445370197296, 0.0058870138600468636, -0.24504797160625458, 0.46168261766433716, 0.7715141177177429, 0.2022790014743805, 0.0790633112192154, -1.1637890338897705, -0.1755719780921936, -0.036311473697423935, -0.627265453338623, -0.9967703223228455, 0.4962373971939087, -0.06870633363723755, -0.5566084384918213, 1.444627046585083, 0.6517667174339294, -0.15792641043663025, 0.5847222208976746, -0.012079179286956787, 0.9924288392066956, -0.45263469219207764, -0.3991992175579071, 0.004546672105789185, -0.07255014777183533, 0.4593365490436554, 0.6888338923454285, -0.5573117733001709, -1.086800456047058, 0.27005594968795776, -1.0949256420135498, -0.2855154573917389, -0.046477459371089935, 0.09907463192939758, 0.8176137804985046, 1.707056999206543, -0.37659358978271484, -1.3167085647583008, -0.47942933440208435, -1.1048191785812378, -0.39209672808647156, 1.122464656829834, 1.1153011322021484, 0.2026117742061615, 0.6713347434997559, -0.3706103563308716, 0.7165952324867249, -0.8842283487319946, 0.03394368663430214, 0.2534898817539215, 0.3155405521392822, 0.6494410634040833, 0.27438849210739136, 0.7942279577255249, 0.4583032429218292, -0.16299480199813843, -0.25166815519332886, 0.10744841396808624, -0.19739358127117157, 0.8954609632492065, 1.088487982749939, -0.5052646994590759, -0.5177750587463379, -1.1320041418075562, 0.31360965967178345, -0.1857043206691742, 0.989469051361084, 0.34180355072021484, -0.9954512715339661, -1.327208161354065, -1.540960669517517, -0.8806974291801453, 0.49496176838874817, -0.06343254446983337, -0.835014820098877, -0.31200355291366577, 0.28381264209747314, 0.09750928729772568, -0.20330703258514404, -0.8134605288505554, 0.7078585624694824, -1.183561086654663, 0.10563352704048157, 0.01546388491988182, -0.24504029750823975, -0.3099033236503601, 0.31591445207595825, -0.6231241226196289, 1.3272076845169067, -0.08882419764995575, -0.9841961860656738, -0.4494660496711731, 0.6256691217422485, 0.9347152709960938, -0.11726437509059906, 0.6020864844322205, 0.36099278926849365, -1.9514638185501099, 1.5918314456939697, 1.0658401250839233, 0.2144625037908554, -0.047944776713848114, 0.9174894094467163, 0.23300732672214508, 0.10639048367738724, 1.544552206993103]} +{"paper_id": "scan", "embedding": [-0.27149224281311035, 0.786311686038971, 0.0076478831470012665, 0.44214192032814026, 0.11660940945148468, 0.0346653014421463, 0.6908553242683411, 0.735757052898407, 1.177052617073059, -0.142663836479187, 0.31947025656700134, 0.7896962761878967, 0.4613268971443176, 0.06212504953145981, -0.6392304301261902, 0.490813285112381, -0.4706489145755768, 0.18464627861976624, -1.847961664199829, -0.716920793056488, -1.0257375240325928, -1.0228272676467896, -0.4012804925441742, 0.9803012609481812, -0.13061630725860596, 0.17377926409244537, 0.7228285670280457, -1.4989103078842163, 0.055934593081474304, 0.695013165473938, 0.05042508244514465, 0.7250109314918518, -0.8739635348320007, 1.0594427585601807, -0.7225541472434998, -1.129392385482788, -0.13984981179237366, 0.3439134955406189, 0.08106227964162827, -0.17251069843769073, -0.07158517837524414, 0.10832538455724716, 0.7635084390640259, 0.44312167167663574, 0.7770535945892334, -0.5054022669792175, 0.13888417184352875, 1.0532256364822388, -0.20943230390548706, 0.767616331577301, -1.0061542987823486, -0.7125955820083618, 0.9414314031600952, 1.0453723669052124, 0.03662291169166565, 0.9376428723335266, 0.3085155487060547, -0.3883272409439087, 0.2769950330257416, -0.44269058108329773, 0.581226110458374, 0.8201172351837158, -0.7907781004905701, 0.19441741704940796, 0.8182286620140076, -0.712684154510498, 1.008225679397583, 1.096741795539856, 0.38033759593963623, 1.397747278213501, -0.19727516174316406, -0.6825680732727051, 0.5029892921447754, 0.13958075642585754, 0.17562070488929749, 0.4519323408603668, 0.5818325281143188, 0.12546378374099731, 0.39256566762924194, -0.2930767834186554, -0.3164145052433014, 0.5359712243080139, 0.698190450668335, -0.2101978361606598, -0.14385156333446503, -0.24427521228790283, 1.1541593074798584, -0.37957537174224854, -0.3228711187839508, -2.1246962547302246, 0.994168221950531, 0.0953780934214592, 0.9593299031257629, -0.9243565201759338, -0.011832945048809052, 0.38865527510643005, 0.660698652267456, -1.3215049505233765, -0.9502253532409668, -0.08074846863746643, 0.7267814874649048, 0.27860093116760254, 0.2743527591228485, -0.28626298904418945, 1.2416725158691406, 0.5382049679756165, -0.21400617063045502, -0.5091760754585266, -0.6095660328865051, -0.39354634284973145, -0.01857999712228775, 0.9009915590286255, 0.5089628100395203, 1.1388822793960571, -0.48168885707855225, 0.2466871738433838, 0.8107104897499084, 0.029001392424106598, -0.14800694584846497, 0.18838632106781006, -0.31670379638671875, -1.0489245653152466, -0.1928282380104065, -0.28810960054397583, 0.21921657025814056, -0.9639953970909119, -0.7080003619194031, -0.11829608678817749, 0.5791955590248108, -0.8043012619018555, 0.8021787405014038, 0.3746870756149292, -0.7945080399513245, -0.7584061026573181, 3.164865493774414, -0.1738462895154953, 0.9072023034095764, -0.7124901413917542, -0.3470134139060974, -0.49205946922302246, -0.042627688497304916, 1.1429013013839722, -0.4464966654777527, 0.09674692153930664, -1.1818395853042603, 0.29653996229171753, -0.6166547536849976, -0.0007876157760620117, -0.5902931690216064, 0.3507222831249237, 0.39735886454582214, 0.5383061170578003, -1.671050786972046, -1.1287487745285034, -0.2594950497150421, 1.0301755666732788, -0.0948726236820221, 0.972821056842804, 0.34615427255630493, 0.44926100969314575, 0.600167453289032, -0.9569026827812195, -0.6100599765777588, -0.5063984990119934, -0.04418595880270004, 0.8264846205711365, 1.558899164199829, -0.3270767629146576, -0.6241374015808105, -0.6223111748695374, -0.12236977368593216, -0.000211397185921669, -0.5879156589508057, -0.0032393764704465866, 0.4514882266521454, 1.064155101776123, -0.7495013475418091, -0.18181656301021576, 0.9636968374252319, -0.23761318624019623, -1.1327356100082397, -0.03332293778657913, -0.3426065146923065, 0.0986303836107254, 0.41027334332466125, 0.06325411796569824, -2.4251530170440674, -0.37333405017852783, -0.16764113306999207, 0.1230802834033966, 0.14323028922080994, 0.06166569143533707, 0.08789774775505066, -0.0936683863401413, -0.4694557785987854, 0.01663384959101677, 1.0244280099868774, -0.9031820297241211, -0.4461483359336853, 0.6776590943336487, 0.13668005168437958, -0.0884503498673439, -0.1883855164051056, 1.407345175743103, 0.03963270038366318, -0.35144495964050293, 0.14450553059577942, -0.9661750197410583, 0.0783824771642685, 1.7412241697311401, 0.7949649095535278, -0.5341999530792236, -0.7027798295021057, -1.1114407777786255, 0.3552733361721039, -0.42157241702079773, 0.45238909125328064, -0.4388805627822876, 0.7046476602554321, -1.1068470478057861, 0.7270597815513611, 0.20709455013275146, 0.8228247761726379, 0.6294156312942505, 2.1050901412963867, -0.8244902491569519, -0.04074569791555405, -0.2885838747024536, -0.891160786151886, 0.05115479603409767, 0.7120174169540405, 0.9273819327354431, 0.4608984589576721, 0.9028716087341309, -0.2079727053642273, 0.16878610849380493, 0.39079177379608154, 1.3530410528182983, -0.1326858401298523, 0.5802208781242371, 0.2143046110868454, 0.9218259453773499, -0.34492748975753784, 0.7420684695243835, -0.3155796229839325, 0.14968544244766235, -0.5536448359489441, -1.3479840755462646, 0.7401548624038696, 0.2282872051000595, 1.8991481065750122, 0.5941953659057617, -0.2093014419078827, 0.4693737030029297, -0.029848678037524223, 0.040256232023239136, -0.14746078848838806, -0.8281167149543762, -0.6036379337310791, -0.26709499955177307, 0.7086672186851501, -0.3308105170726776, 0.5717921257019043, -0.14511559903621674, 0.16557592153549194, -0.7923774719238281, -0.8123758435249329, -0.8092364072799683, 0.04915005713701248, -1.3966635465621948, -0.7485250234603882, 0.047612011432647705, -0.4765215814113617, -0.7481834292411804, -0.46076956391334534, 0.2894645929336548, 0.44243064522743225, 0.37227168679237366, 2.386603355407715, -0.3518369793891907, -0.18750590085983276, 0.04611009359359741, 0.31168198585510254, -0.39492154121398926, 0.8895738124847412, 0.7046579718589783, -0.22118094563484192, -1.7236530780792236, -0.15647593140602112, -0.0648576095700264, 0.12844547629356384, -0.273328572511673, -0.5744812488555908, 0.06325290352106094, -0.6823079586029053, 0.3202824890613556, 1.1033880710601807, -0.053088512271642685, 1.07484769821167, -0.2128244787454605, 1.0790141820907593, 0.9838342666625977, -0.7561458945274353, 0.3212132453918457, -0.2215442806482315, 0.03239695355296135, 1.3954782485961914, -0.16475272178649902, 0.4000197947025299, 1.1885783672332764, 0.05504656583070755, 0.49637311697006226, -0.09317329525947571, -1.9167654514312744, 0.4728949964046478, 0.35344043374061584, 0.13038264214992523, 0.08400686830282211, -0.8899418115615845, -0.03131944686174393, -0.6076847910881042, -0.42449578642845154, -0.34651023149490356, -0.4409237205982208, 0.31301987171173096, -0.5714907050132751, 0.28390389680862427, 0.7879670262336731, -0.21757344901561737, 0.7497875094413757, 0.5919448733329773, -0.07292819768190384, -1.2299931049346924, 0.6296382546424866, 0.8507192730903625, -0.13697035610675812, 0.08388583362102509, -0.151898592710495, 1.1088647842407227, 1.197664737701416, -0.15154504776000977, 0.3771449625492096, 0.3917604684829712, 0.4556395709514618, -0.09525659680366516, 0.6111152172088623, -1.1633185148239136, -0.43652331829071045, -0.004004482179880142, 0.8256075382232666, -0.8269127011299133, -0.5593836903572083, -0.6218204498291016, 0.7213655114173889, -0.7990158796310425, -0.6333234310150146, 1.1716182231903076, -0.04939015209674835, 1.3880428075790405, -0.4886837303638458, 0.8709321618080139, -0.23758457601070404, -0.008091408759355545, 0.09961583465337753, 0.08567827939987183, -0.4936186671257019, -1.0443120002746582, -0.9751536846160889, 1.22914719581604, 0.32081180810928345, -0.7036559581756592, -0.6656070351600647, 0.6060582399368286, 0.3518979251384735, -0.918032169342041, 0.4647027850151062, 1.124488115310669, 1.3646128177642822, 2.148770332336426, -0.7329884767532349, -0.5620216727256775, 0.3519389033317566, 0.9390539526939392, 0.36449044942855835, 0.6603472828865051, -0.5922213792800903, -0.3333495557308197, -0.0325687974691391, 0.5153998732566833, -0.17074857652187347, 1.1470873355865479, 0.6400275230407715, -1.984006643295288, -0.7231070399284363, 0.0916912853717804, -0.4444696605205536, 0.0393662266433239, 0.048943936824798584, -0.501747190952301, 0.7102852463722229, 0.9521963596343994, 0.47492629289627075, 0.004931826144456863, -0.06756652146577835, -0.2045014500617981, -0.9916740655899048, -0.224426731467247, 1.8935850858688354, -1.1933836936950684, -0.552386999130249, -0.1617366075515747, -1.374547004699707, -0.03629587963223457, 0.25452449917793274, 0.19479474425315857, 0.2507362961769104, -0.2211601734161377, -0.2460881471633911, 0.11941738426685333, -0.015184309333562851, -1.1051238775253296, 0.6977781653404236, 0.9163852334022522, 0.6475621461868286, 0.4776860177516937, 0.018565481528639793, 0.09300658106803894, 0.7246683835983276, -1.2938016653060913, 0.17505301535129547, 0.03917640075087547, -0.251151978969574, -0.2851027846336365, -0.0913795679807663, -0.6271977424621582, -0.09702925384044647, -0.8517743945121765, -0.008724763989448547, -0.9534114003181458, 0.04205542430281639, -0.17865517735481262, 0.6756901741027832, 0.3679010272026062, -0.35134726762771606, -1.1771639585494995, 0.6001301407814026, -1.1351693868637085, -0.29574790596961975, -0.32045865058898926, -0.17706985771656036, 1.72392737865448, 0.867977499961853, -0.4221351146697998, -0.2725401520729065, -11.230145454406738, 0.6903157234191895, 0.33316609263420105, -0.9889963865280151, 0.8475208282470703, 0.05305137857794762, 0.03479872643947601, 0.053078070282936096, -0.005196813493967056, -0.06691237539052963, 0.2843833267688751, -0.043021343648433685, 0.2612808048725128, 0.2961719036102295, 0.042469821870326996, -1.1525695323944092, -0.36635681986808777, -0.8003105521202087, 0.6008859872817993, 0.3110570013523102, 0.21733050048351288, -1.8573522567749023, 0.4707249402999878, 0.8596146702766418, -0.32458099722862244, -0.33795446157455444, -0.134695366024971, -0.2244666963815689, -0.49837517738342285, -0.7808800935745239, 0.4646877944469452, -0.9586875438690186, 0.18103478848934174, -0.7161140441894531, 1.0679450035095215, -0.2542843520641327, -1.6068334579467773, -0.003261421574279666, 0.782122790813446, 0.11053051799535751, -0.4639694094657898, -0.07744675874710083, -0.21048498153686523, -0.39637163281440735, -1.0017763376235962, 0.006917878985404968, 0.45184311270713806, -0.8833544254302979, -0.035482458770275116, -0.31389549374580383, -0.41934502124786377, -0.7392796277999878, -0.04297659918665886, -0.864920437335968, 0.5527971386909485, 0.2945798635482788, -0.8124842643737793, 0.4471052289009094, -0.1173572987318039, -1.0760799646377563, 0.313254714012146, 0.9135602712631226, 0.3569996953010559, -0.05045485869050026, 0.4548896253108978, -0.03449689596891403, 0.12516799569129944, 0.7751508951187134, -0.3473031222820282, 0.35594862699508667, -1.2658967971801758, -0.09226879477500916, -0.009899668395519257, 0.9606510996818542, -0.7164371013641357, -0.06762469559907913, 0.07532667368650436, -0.11314094066619873, 0.29955384135246277, 0.9415349364280701, -0.6065853834152222, 0.1327851265668869, -0.2828150689601898, 0.40986552834510803, -1.1210328340530396, 0.1432630866765976, 0.13824549317359924, -0.32437342405319214, 1.2408807277679443, -0.6480409502983093, 1.5172959566116333, -0.14635196328163147, -0.4387798309326172, -0.07742379605770111, -0.2821759581565857, 1.4265086650848389, 0.06296013295650482, 0.40769198536872864, 0.47313621640205383, -1.3455562591552734, 0.42778706550598145, 1.1573299169540405, -1.0256778001785278, -0.11737902462482452, 0.21226486563682556, 0.41401341557502747, -0.18405520915985107, -0.17336589097976685, 0.8720247745513916, 0.06953953206539154, 1.6680705547332764, 0.2632731795310974, -0.3692988157272339, 1.5010910034179688, -0.503649115562439, 1.4543565511703491, 1.0453550815582275, 0.2658293545246124, 0.555567741394043, 0.45071321725845337, -0.018551457673311234, 0.6344090700149536, 0.6488118767738342, 1.274054765701294, 0.25015944242477417, -0.6324189305305481, 0.40495064854621887, 1.1502153873443604, -0.48985832929611206, -0.22682911157608032, -0.4742238223552704, -0.624960720539093, 0.17232821881771088, 0.09405530244112015, -0.9783557653427124, -0.055186353623867035, -0.8026698231697083, 1.352203130722046, -0.9583831429481506, -0.03102351725101471, 0.33873242139816284, -0.4396646320819855, -0.7771823406219482, -0.05446375533938408, -0.8048486709594727, 0.23036831617355347, -1.1731680631637573, 0.2891760468482971, -0.7295873165130615, -0.1460811346769333, -0.4067576825618744, 0.09929206222295761, 1.1599615812301636, -0.2964516282081604, -0.28802844882011414, 0.422252357006073, 0.674850344657898, -0.8230188488960266, -0.1598074585199356, -0.20885229110717773, 0.04244605079293251, 1.4562054872512817, -0.5917695164680481, 0.5360488891601562, -0.29988735914230347, -0.3931451737880707, -0.3996843099594116, -0.5725663900375366, -0.4839511513710022, 0.2483718991279602, 0.6856634616851807, -1.0742229223251343, -0.4681384861469269, -0.9253162145614624, -0.8082102537155151, -0.5944836735725403, 0.28519272804260254, 0.6663674116134644, -0.6533499360084534, -0.061557039618492126, 0.9724032282829285, 0.3326796293258667, 0.33427751064300537, -0.21130433678627014, -0.3106561303138733, -0.6780276894569397, 0.16738063097000122, 0.9389814734458923, 0.17087595164775848, 0.46628808975219727, -1.8825361728668213, -0.437009334564209, -1.0158803462982178, -0.17006440460681915, 0.5590499043464661, -0.036512117832899094, 0.4544188380241394, 0.6544036269187927, 0.2277267873287201, 0.38602033257484436, -0.7519025802612305, 1.046319842338562, -0.07317209243774414, 0.3119378983974457, 0.35049405694007874, 0.03455309569835663, -0.3369087874889374, -0.2728874385356903, 0.4729406237602234, 0.27055203914642334, -1.2511638402938843, -0.26621371507644653, 0.5759583115577698, -0.06081601604819298, -0.5020649433135986, -0.9698693752288818, -0.44093504548072815, -0.9642977714538574, -0.5811429619789124, -1.1982417106628418, -0.33818143606185913, 0.5808064937591553, -0.5137077569961548, 1.0847581624984741, 0.15596675872802734, 0.4125719368457794, 0.3592258393764496, -0.10245883464813232, 0.7741060256958008, 0.10097455978393555, -0.5337101817131042, 0.46718165278434753, 0.29452863335609436, 0.19526880979537964, 0.20319581031799316, -0.15212483704090118, -0.9159783720970154, 0.06430593878030777, -1.0501160621643066, 0.7849873304367065, -0.1930135041475296, 0.4145577847957611, 0.00995577871799469, 0.6415790915489197, -0.2112145572900772, -2.202981472015381, -0.6399459838867188, -0.9308717846870422, 0.41526633501052856, 1.258347511291504, 0.22711750864982605, 0.23708601295948029, 0.492966890335083, -0.15013106167316437, -0.035384323447942734, -0.5474945306777954, 0.15701021254062653, -0.0014863908290863037, 0.01776738092303276, 0.8630273342132568, 0.6097284555435181, -0.4663877785205841, 0.5546333193778992, 0.2290731966495514, -0.3371492922306061, -0.17609110474586487, -0.20937320590019226, 0.13713087141513824, 0.9578126668930054, -0.7534969449043274, -1.3418112993240356, -0.28742170333862305, 0.05841555446386337, -1.047048807144165, 1.019368052482605, 0.2976289391517639, -0.8145118951797485, -1.5315499305725098, -0.1527063250541687, -0.3498252332210541, 0.15829455852508545, 0.027630366384983063, 0.1532924622297287, 0.09773419797420502, -0.03452103212475777, 0.6278538703918457, 0.6156993508338928, -0.5514243841171265, -0.3452438414096832, -0.593305766582489, -0.15504205226898193, -0.8229246139526367, -0.6888619065284729, 0.5139225721359253, 0.3132966160774231, -0.9610438346862793, 0.6156315207481384, -0.4487210512161255, -0.6814787983894348, -0.9252364635467529, -0.7316483855247498, -0.263572096824646, 0.006033733487129211, 0.7653707265853882, -0.19596870243549347, -2.2879927158355713, 0.9320201873779297, 0.36036786437034607, -0.6554670929908752, -0.30626797676086426, 0.24169164896011353, 0.4748157560825348, -0.12713617086410522, 0.7871410250663757]} +{"paper_id": "trivia_qa", "embedding": [-0.003359433263540268, 0.7951616644859314, 0.2898964285850525, -0.11724436283111572, 0.25358349084854126, -0.20573589205741882, -0.13118892908096313, 0.7880379557609558, 0.7824509143829346, 0.22211407124996185, 0.7340194582939148, -0.08265209197998047, 0.4227190911769867, 0.18419748544692993, -0.3386918306350708, -0.225154310464859, -0.738486111164093, -0.20125654339790344, -1.6795639991760254, -0.2586744725704193, -0.7584429979324341, -0.8147709369659424, -0.10497575998306274, 1.0703288316726685, -0.7252345085144043, -0.9869986176490784, 0.5727606415748596, -0.99709552526474, 0.43391352891921997, -0.2003956437110901, -0.1315513551235199, 0.9507513046264648, -1.3882086277008057, 0.6041884422302246, -0.6686949729919434, -0.6001195907592773, 0.6951471567153931, 0.8255048394203186, 0.39779406785964966, -0.6059120893478394, -0.24601493775844574, 0.30920344591140747, 0.3604873716831207, 0.1847708523273468, 1.2997328042984009, -0.6498777866363525, 0.7847954034805298, -0.46934452652931213, -0.27606815099716187, 0.024242732673883438, -0.8720353841781616, 0.12874004244804382, -0.5518166422843933, 0.8290606737136841, -0.6248812675476074, 0.7329943180084229, 0.027848638594150543, -0.3074057996273041, 0.5829107761383057, -0.7049925327301025, 1.7085623741149902, 1.5845708847045898, -0.18386194109916687, 0.2897849977016449, 1.8075157403945923, 0.35969823598861694, 1.5673977136611938, 0.02931327372789383, -0.620354413986206, 0.6651458144187927, -0.6394519805908203, -0.6231361627578735, 0.2137068808078766, -0.3532463312149048, 0.1741289496421814, 0.914411187171936, 0.38751038908958435, 0.04042939469218254, 0.25083106756210327, -0.48095065355300903, -0.3002496659755707, 0.014873921871185303, 0.708544909954071, 0.002963334321975708, 0.38671547174453735, -0.06452620774507523, 0.33130982518196106, -0.9191493988037109, 0.7263139486312866, -2.1247968673706055, 0.6176472902297974, 0.8473625779151917, 0.3309570252895355, 0.18200436234474182, -0.4532848000526428, 0.4677116274833679, -0.46679699420928955, -0.2362467348575592, -0.33520224690437317, -0.2945759892463684, 0.6395533680915833, 0.22513578832149506, 0.7831576466560364, -0.34319594502449036, 0.14492934942245483, 0.12022916972637177, 0.47216707468032837, 0.042606499046087265, -0.6804881691932678, -0.7532292008399963, 0.17594532668590546, 0.4547068476676941, -0.1387053281068802, 0.451535701751709, 0.11689276993274689, 0.410772442817688, 0.4147210717201233, -0.5258087515830994, -0.6098775863647461, 0.13283857703208923, -0.22670932114124298, -0.9087705612182617, -0.36867427825927734, -0.6388996243476868, 0.38464105129241943, -0.303071528673172, -0.254824697971344, -1.0970793962478638, -0.4601832330226898, 0.19258379936218262, 0.9335724115371704, 0.23244842886924744, -0.9753199815750122, -0.3599756360054016, 3.4879496097564697, -1.1761457920074463, 1.4478232860565186, -0.4413697123527527, -0.16332131624221802, -0.7693779468536377, -0.9578405618667603, 1.495948314666748, 0.1299436092376709, -0.8161757588386536, -0.5170418620109558, 0.2009820193052292, -0.33070799708366394, 0.1257355809211731, -0.7363455295562744, -0.6940317153930664, -0.3886587917804718, 0.3683713674545288, -1.6895930767059326, -0.7020281553268433, 0.045203667134046555, 0.2117091715335846, -0.11611832678318024, 0.6846215128898621, -0.1857811063528061, 0.7137956619262695, -0.13744887709617615, -0.04800138622522354, -0.7056339383125305, 0.7820793986320496, -0.23196911811828613, -0.3413061499595642, 0.8750770092010498, 0.16051548719406128, -0.38464775681495667, 0.2557695209980011, 0.35408005118370056, -0.34382879734039307, -0.43095290660858154, -0.5295631885528564, -0.08191702514886856, 0.08561459928750992, 0.2773767411708832, 0.8567759990692139, 0.2173667997121811, -0.8587601780891418, 0.18943050503730774, -0.32273972034454346, 0.2316056787967682, 0.8673485517501831, -0.04073386639356613, 0.5683549642562866, -3.0241143703460693, 0.00541137158870697, -0.019319981336593628, 0.6081852912902832, 0.41411471366882324, -0.12681226432323456, 0.26880088448524475, 0.17357993125915527, -0.28267234563827515, -0.7559073567390442, 0.4044521152973175, -1.4711402654647827, 0.9256379008293152, 0.5732387900352478, 0.30813249945640564, -0.1876993626356125, 0.3935847878456116, 1.1535001993179321, 0.4685993790626526, 0.009767930954694748, -1.404726266860962, -1.8288815021514893, 0.1929219663143158, 1.686501145362854, 0.2535232901573181, -0.07322677224874496, -0.5251045823097229, -0.4046931862831116, -0.24158141016960144, -0.25283998250961304, 0.4138229489326477, -0.7255852222442627, 0.20825380086898804, -0.4826982617378235, 0.8427380323410034, -0.3435150682926178, -0.43930038809776306, 0.6895511150360107, 1.4812943935394287, -0.3297901153564453, 0.16459253430366516, -0.6382612586021423, -0.27296215295791626, 0.43954339623451233, 0.66197270154953, -0.11666164547204971, -0.1779276728630066, 0.9736906886100769, 0.7291169166564941, 1.0565825700759888, 0.968005359172821, 0.8506399989128113, -0.5787291526794434, 0.6604868173599243, -0.335461288690567, 0.8528275489807129, -0.08532275259494781, 0.1423286497592926, 0.13980193436145782, 0.4244813621044159, -1.0803065299987793, -0.5866612792015076, -0.2531261146068573, -0.27740180492401123, 1.3978561162948608, 0.3439803719520569, -0.8934578895568848, 0.584439754486084, -0.481209933757782, -0.5528649687767029, -0.06073284521698952, -0.21324217319488525, -0.6516707539558411, -0.45193541049957275, 0.43724897503852844, -0.5451441407203674, 0.046010129153728485, -0.07320321351289749, 0.23402610421180725, -1.292926549911499, -1.0474810600280762, 0.1531541347503662, -0.29243820905685425, -0.9498780965805054, -0.7682862877845764, 0.15459127724170685, -1.0871882438659668, -0.35718634724617004, -0.17433324456214905, -0.29737311601638794, -0.14854179322719574, 1.2381750345230103, 2.05545973777771, 0.17813903093338013, 0.3714198172092438, -0.23386357724666595, 1.3031604290008545, -0.5953901410102844, 0.6076821088790894, 0.05191266909241676, 0.4597955644130707, -1.0918251276016235, 0.3066604435443878, -1.1003299951553345, 0.13159242272377014, 0.8437753319740295, -0.008690804243087769, 0.8253812193870544, -0.3603546917438507, -0.7944002151489258, 0.6472044587135315, -0.22254440188407898, -0.14844688773155212, -0.6777439713478088, 1.9215476512908936, 0.00782839022576809, -0.5593550801277161, 0.7156020402908325, -0.5692205429077148, -0.7012226581573486, 0.9274283647537231, -0.3964249789714813, 0.25509124994277954, 0.507430374622345, -0.2910270094871521, 0.0629451796412468, 0.4297575056552887, -1.5135420560836792, 1.1888608932495117, 0.9784786105155945, -0.03946463018655777, 0.014616414904594421, -0.8058031797409058, 0.6547834277153015, -0.453354150056839, 0.3005216717720032, 1.136820912361145, -0.4734051525592804, 0.2780698239803314, -0.04269753396511078, 0.3696843385696411, 0.7037815451622009, 0.1643296182155609, 0.689937949180603, 0.5878779888153076, 0.1504378765821457, -0.8251283168792725, -0.6251189112663269, 1.4374054670333862, -0.25162699818611145, 0.14831677079200745, 0.2388952672481537, 0.6984236240386963, 0.4724074900150299, -0.003620535135269165, -0.5298232436180115, 0.11644807457923889, 0.5993545055389404, -0.15786847472190857, -0.33821719884872437, -0.5167447924613953, 0.33719712495803833, -0.40679576992988586, 1.5936044454574585, -0.2366078495979309, -0.6052534580230713, -0.7979827523231506, -0.32059246301651, -0.12492812424898148, 0.28644484281539917, 1.6296340227127075, 0.19266316294670105, 1.999142050743103, 0.4279100298881531, -0.04790074750781059, -0.27139362692832947, -0.15389564633369446, 0.5412671566009521, 0.8878217935562134, 0.24333664774894714, -0.9609441757202148, -0.06065191328525543, 0.8359493613243103, 0.7908691763877869, -0.7339450716972351, 0.7568740844726562, 0.3251088261604309, -0.3338286578655243, -1.248956561088562, 1.1182621717453003, 0.8050296306610107, 1.0287580490112305, 1.7040393352508545, -0.3050638735294342, 0.09067963063716888, -0.38020452857017517, 0.010485852137207985, -0.08975867927074432, 0.05962676554918289, 0.5046138763427734, 0.641775369644165, 0.41822534799575806, 1.166854977607727, -0.07089236378669739, 1.0567381381988525, 1.82273268699646, -0.5033486485481262, -1.9294177293777466, 0.07926882803440094, -0.471016526222229, -0.05811326578259468, 0.3447069525718689, -0.05453234538435936, -0.6652781367301941, 0.3900388777256012, 0.20383846759796143, -1.0207843780517578, 0.22528228163719177, -0.344827264547348, -1.5866197347640991, 1.1086264848709106, 1.4341192245483398, -0.5486366748809814, -0.7243121862411499, 0.020129531621932983, -1.365990161895752, 0.020743072032928467, -0.2711118757724762, -1.1902183294296265, 0.7038810849189758, 0.5508764386177063, 0.9411718845367432, 0.10096684843301773, -0.11621715128421783, -1.118890643119812, 1.450911521911621, 1.1947154998779297, -1.2888591289520264, 0.5631664991378784, 0.12964679300785065, 0.5916785001754761, 0.03410927578806877, -1.2787141799926758, -0.8813806176185608, 0.5167728662490845, -0.06721416860818863, -0.07603373378515244, -0.7957046031951904, 0.1078944206237793, 0.8766165971755981, 0.5823009610176086, 0.47085973620414734, -0.815362811088562, 0.12004213035106659, -1.0319318771362305, -0.03677394986152649, 0.9704107046127319, -1.3524760007858276, -0.5455316305160522, 0.6313878893852234, -0.6056438088417053, 0.8345986604690552, -0.09251008182764053, -0.1447988748550415, 1.902817726135254, -0.29212290048599243, -0.3731638789176941, -0.09277762472629547, -10.822718620300293, 1.0687240362167358, -0.10979751497507095, 0.19387109577655792, 0.5954092741012573, -0.21724772453308105, 0.37396755814552307, 0.20714616775512695, 0.2755911946296692, -0.6277380585670471, 0.2619757652282715, 0.9343128204345703, 0.5513069033622742, -0.3425736129283905, -0.6528741121292114, -0.8268669843673706, -0.4540901780128479, -1.0185414552688599, 0.3527633547782898, 0.4974159300327301, 0.0660795271396637, -0.7052708864212036, -0.468461811542511, 0.20771341025829315, 0.3532426655292511, -0.08321436494588852, -0.8049626350402832, -0.26393815875053406, -0.21540698409080505, 0.05248937010765076, 0.26010167598724365, -0.5454610586166382, -0.4875496029853821, -0.37529146671295166, -0.03908700495958328, -0.21973863244056702, -0.811130940914154, -0.2092554271221161, 0.6036074161529541, -0.8256548047065735, -0.5001698732376099, -0.014032518491148949, 0.22847025096416473, -0.4425989091396332, -0.21045637130737305, 0.35570329427719116, 0.5675063133239746, -0.9149989485740662, -0.03925178945064545, -0.44640713930130005, -1.1430844068527222, -0.5959987044334412, -1.1071200370788574, -0.5654089450836182, 0.45196786522865295, 0.6472452878952026, -0.6749747395515442, -0.48567888140678406, -0.28016144037246704, -0.8186497688293457, 0.8252218961715698, -0.014177892357110977, -0.6753893494606018, 0.8973711133003235, 0.11715081334114075, -0.29133886098861694, 0.12136723101139069, -0.016987469047307968, -0.5545926690101624, 0.9281533360481262, -0.44844210147857666, 1.2905315160751343, -0.2662499248981476, 0.506502091884613, -1.043091058731079, 0.217359721660614, -1.1610136032104492, -0.04126296192407608, 0.681792676448822, 0.22094322741031647, -1.2930043935775757, 0.6350843906402588, 0.7747320532798767, -0.844653844833374, -0.8506904244422913, 0.3170105814933777, 0.18466155230998993, 0.6956706047058105, 0.5960475206375122, -0.6861518025398254, 1.450640320777893, 0.15449178218841553, -0.49998682737350464, -0.5521033406257629, -0.16365838050842285, 0.40976038575172424, -1.1152889728546143, 0.6613386869430542, 0.34828269481658936, -0.2261107861995697, 0.012719210237264633, 0.09949956089258194, -1.3013571500778198, 0.29117652773857117, 0.8131471872329712, 0.12020241469144821, 0.2883636951446533, -0.15234024822711945, -0.23493735492229462, -0.9785225987434387, 1.0075920820236206, 0.6113746762275696, 0.002135578542947769, 1.5058255195617676, -0.6376785039901733, 1.233722448348999, 0.35601821541786194, -0.01710754632949829, -0.5262736678123474, 0.8184033632278442, -0.7240003347396851, 1.09304940700531, 0.5894783139228821, 1.9305397272109985, -0.1216219812631607, 0.177397683262825, 0.6021246314048767, 0.3413355052471161, -0.14909422397613525, -1.301343560218811, 0.7150359153747559, -0.37420156598091125, 0.015615088865160942, -0.8664989471435547, -0.34907448291778564, 0.48307791352272034, -0.7915306687355042, 1.7597745656967163, -0.7364627122879028, -0.3553926944732666, -0.42357170581817627, -0.1363476812839508, -0.728554368019104, -0.7662240266799927, -0.8390706181526184, -0.2351396381855011, -1.6426112651824951, 0.1679297238588333, -0.3892482817173004, -0.12955982983112335, -0.423989862203598, -1.1175836324691772, 1.1717971563339233, -0.11790274828672409, -0.6515597701072693, -0.5645062923431396, 0.5925955176353455, -1.0613021850585938, -0.6493282318115234, -0.2205875664949417, 0.4348626732826233, 1.1834518909454346, -1.0214040279388428, 1.2495359182357788, 0.3694230318069458, -0.35960525274276733, -0.5154974460601807, 0.2743675410747528, -0.43104857206344604, 0.5694411396980286, 1.0471491813659668, -0.5456985831260681, -0.3944971561431885, -0.8115900158882141, -0.2734374701976776, -0.4495818614959717, -0.2516649663448334, 1.1579326391220093, -1.5493789911270142, -0.18457023799419403, -0.07017729431390762, 0.552567183971405, 0.7929636836051941, -0.721942126750946, -0.32702910900115967, 0.2829439342021942, -0.48198628425598145, 0.9048961997032166, 0.11434189975261688, 0.7177413105964661, -1.0540180206298828, -1.1371171474456787, -0.6770370602607727, -0.5671313405036926, 0.3878535032272339, 0.5442797541618347, 0.508867084980011, 0.23483482003211975, -0.6843273639678955, -0.31198832392692566, -0.15435044467449188, 0.5672693848609924, 0.1853516697883606, 0.8128728270530701, -0.2040429413318634, 0.5432941913604736, -0.4549368917942047, -0.12141621112823486, 1.1296217441558838, 1.478727102279663, -0.6880894899368286, -0.1950444132089615, 0.040823861956596375, -0.207072913646698, 0.1108124852180481, -1.7478821277618408, -0.16413962841033936, -0.6274763941764832, -0.5056681632995605, -1.262230634689331, -0.08003319054841995, 0.9879814982414246, -0.7006793022155762, 0.5659664869308472, 1.0821210145950317, 0.8854488134384155, 0.5002002120018005, 0.3237927258014679, 0.6618069410324097, 0.16606979072093964, -0.07786895334720612, 0.2171049267053604, 0.6146024465560913, 0.2774207293987274, -0.07148426026105881, -0.8816179633140564, -0.5727574825286865, -0.14685332775115967, -0.2845512330532074, 1.1206393241882324, 0.13288119435310364, 0.4265078604221344, 0.7453154921531677, 0.9917025566101074, 0.4209805130958557, -1.7153432369232178, -0.413251668214798, -1.2018656730651855, 0.1928965002298355, 0.2884278893470764, -0.36487919092178345, 0.4503886103630066, 0.5106906890869141, -0.7223125696182251, 1.437317132949829, -0.8161967396736145, 0.07262599468231201, 0.4639143645763397, -0.3311871290206909, 0.5790014266967773, 0.2598801255226135, 0.2901683449745178, 0.45286253094673157, -0.6828160285949707, -1.4698538780212402, 0.0917319506406784, -0.9733073711395264, 1.1448540687561035, 0.2133467048406601, -0.6992340087890625, 0.09434232115745544, -0.02391226403415203, 0.9421594142913818, -0.40747198462486267, 1.3111631870269775, -0.11440370976924896, -0.21666637063026428, -0.24200674891471863, -1.3144363164901733, -0.5120987892150879, 0.041689664125442505, -0.028314385563135147, -0.05792079493403435, -0.30365443229675293, 0.3292616307735443, 0.31838318705558777, -0.16172315180301666, -0.42552608251571655, -0.4795258939266205, -0.815433144569397, 0.1700289249420166, 0.5476886034011841, -1.082608938217163, -0.8739460110664368, 0.016915544867515564, -0.972076952457428, 0.3622661232948303, 0.5290913581848145, -0.9308986663818359, -0.4952790141105652, 0.4392320513725281, 0.18365904688835144, -0.13102979958057404, -0.1211252361536026, 0.1482435166835785, -1.4572912454605103, 0.476377010345459, 0.9123827815055847, -0.8806069493293762, 0.07024211436510086, 0.25085580348968506, 0.7346238493919373, 0.25670260190963745, 1.5067042112350464]} +{"paper_id": "wiki_bio", "embedding": [-1.0979517698287964, 1.1591310501098633, 0.3302147388458252, 0.26254919171333313, 0.40495413541793823, 0.11375442147254944, 0.3200911581516266, -0.17959389090538025, 0.32437407970428467, 0.7847006916999817, 1.1711158752441406, 0.08442623913288116, -0.13848364353179932, -0.10948136448860168, 0.13306866586208344, 0.1915791630744934, -1.6601464748382568, 0.020676029846072197, -1.2151696681976318, -0.5948886275291443, -1.576941728591919, -0.5391250252723694, -0.26980748772621155, 0.6264277696609497, -0.7250581383705139, -0.7940437197685242, 0.8648294806480408, -1.4041491746902466, -0.0214705690741539, -0.01834774762392044, -0.7664673924446106, 0.7591567635536194, -0.7760026454925537, 0.6662023067474365, 0.020280689001083374, -0.192783385515213, -0.0020672278478741646, 0.6207295656204224, -0.3943471312522888, -0.022603679448366165, -0.6903591156005859, 0.26415812969207764, 1.379910945892334, -0.0977734923362732, 0.27568870782852173, -0.07525065541267395, 0.6076239347457886, 0.26572880148887634, 0.00957006961107254, 0.04874936118721962, -0.6089602708816528, 0.44689512252807617, -0.2269285023212433, -0.17770132422447205, 0.3645150363445282, 1.9966694116592407, -0.15298610925674438, -0.9722084999084473, 0.4110472798347473, 0.21142548322677612, 0.5038630366325378, 2.3614189624786377, -0.5522364974021912, 0.7752480506896973, 0.4874363839626312, -0.016145620495080948, 1.2475638389587402, 0.19838787615299225, -0.022093119099736214, 0.8605562448501587, -0.2832530736923218, -0.713038444519043, 0.6890791654586792, -0.4700753390789032, -0.21044272184371948, 1.0885930061340332, 0.08789669722318649, 0.2028421312570572, 0.16047674417495728, 0.26150885224342346, -0.15542036294937134, 0.7816966772079468, 0.4184317886829376, -0.599118173122406, -0.11852090060710907, 1.0984894037246704, 0.6638287305831909, 0.47066524624824524, -0.6413929462432861, -2.163660764694214, -0.11720485985279083, -0.14908158779144287, 0.2421501725912094, -0.2609397768974304, -0.08552214503288269, -0.13027086853981018, 0.47597944736480713, -0.2638283967971802, -0.8593398332595825, 0.40429428219795227, -0.012023340910673141, -0.7104731798171997, 0.607450544834137, -0.048807255923748016, 0.5052691102027893, -0.04103156551718712, -0.4579314887523651, -0.9059238433837891, -0.3940655589103699, -0.8714560866355896, 0.049864400178194046, 0.10068481415510178, 0.9656466841697693, 0.4592072665691376, -0.04778791218996048, -0.8184676170349121, -0.07227564603090286, -0.667927622795105, 0.0617019347846508, 0.10264001786708832, -0.7273755073547363, -1.4845433235168457, 0.0776025652885437, 0.05159418284893036, 1.047773838043213, -0.9151095151901245, -0.314240962266922, 0.1324549913406372, -0.10361085832118988, -0.6278015375137329, 0.10911576449871063, 0.08139394223690033, -0.7649562954902649, 0.4381341338157654, 3.2925286293029785, -0.7500707507133484, 0.6544118523597717, -0.6223728656768799, -0.1610744595527649, -1.2756013870239258, -0.07111658900976181, 1.8263312578201294, -0.7419291138648987, -0.8881036639213562, -1.0458829402923584, 0.24738095700740814, -1.2266662120819092, 0.5229150652885437, -0.4712175130844116, 0.05472549796104431, 0.686416745185852, 0.007736966013908386, -1.1835743188858032, -0.46315068006515503, -0.8513736128807068, 0.5546265244483948, 0.658066987991333, 0.054534126073122025, 0.023498835042119026, 1.633470892906189, 1.3358865976333618, -0.42040497064590454, -0.8117129802703857, -0.26965799927711487, -1.4790843725204468, 0.5179104804992676, 0.655860185623169, -0.10854071378707886, -0.3766014873981476, -0.8144795298576355, 0.45991793274879456, -0.3028911352157593, -0.21227484941482544, -0.3705008924007416, 0.2015337198972702, 1.0454394817352295, 0.13232733309268951, 0.6210600733757019, 0.386045902967453, -0.6464847922325134, -0.2728157043457031, -1.0048829317092896, -0.3207756578922272, 0.29115769267082214, -0.4222774803638458, 0.6719579696655273, -2.2642648220062256, -0.5970849990844727, -1.0598745346069336, 0.9641336798667908, -0.0642249658703804, 0.008149540051817894, -0.10917740315198898, 0.31906846165657043, -0.2739352583885193, -0.5463237166404724, 0.5173691511154175, -0.8966658115386963, 0.02706553041934967, 1.2168569564819336, 0.6685718894004822, -0.24846522510051727, -0.3590961694717407, 1.3238940238952637, 1.0944033861160278, -0.834315299987793, -0.20564758777618408, -1.5661942958831787, 0.7899891138076782, 1.949478268623352, 0.08742327243089676, -0.9770261645317078, -0.578748881816864, -0.11834023147821426, 0.730582058429718, 0.18461152911186218, -0.3600177764892578, -0.4649445712566376, 0.3802880048751831, -1.4415315389633179, 0.5932766199111938, -0.24455636739730835, 0.3818218410015106, 0.43490952253341675, 0.6949612498283386, 0.01964535564184189, -0.4372155964374542, -0.7743919491767883, -0.9473263025283813, -0.05741331726312637, 0.9113873243331909, 0.20842547714710236, -0.5204104781150818, 0.9803937673568726, -0.2992006540298462, 0.5300917625427246, 0.38057073950767517, 1.1897010803222656, 0.04801851511001587, 0.6531332731246948, 0.7365413904190063, 1.4806413650512695, -0.05796167254447937, 0.24311614036560059, 0.061944350600242615, 0.4911724925041199, 0.03078964352607727, -0.23259565234184265, -0.18560577929019928, -0.22122618556022644, 1.5478544235229492, 0.6763461232185364, -0.8678014278411865, 0.5893087387084961, -0.5735169649124146, 0.11948513239622116, -0.28146040439605713, -0.6597974300384521, -0.5931257009506226, 0.06955082714557648, 0.2678152024745941, -0.4079667627811432, 0.5433776378631592, -0.41909950971603394, -0.9461748600006104, -1.091385841369629, -1.2664923667907715, -0.37095504999160767, 0.08023548126220703, -1.5804344415664673, -0.31283730268478394, 0.09181708842515945, -0.7406057119369507, 0.07843241095542908, 0.08142276108264923, 0.32187986373901367, -0.10060134530067444, -0.19525623321533203, 1.8092454671859741, -1.1406967639923096, 0.24401596188545227, -0.049943745136260986, 0.3282517194747925, -0.5337252020835876, 1.1641948223114014, -0.7328025102615356, -0.1765662282705307, -1.1758204698562622, 0.6378048658370972, -0.4389720559120178, 0.1348964273929596, -0.37383943796157837, -0.6080233454704285, 0.003388524055480957, -0.30575570464134216, -0.5194212794303894, 0.9744513034820557, -0.7851990461349487, 0.7729375958442688, -0.6957910060882568, 1.4262447357177734, 1.1331610679626465, -0.24445846676826477, 1.3572603464126587, -0.6463110446929932, 0.20546017587184906, 0.8894578218460083, -0.7580959796905518, 0.9388946294784546, 0.6352711915969849, 0.4298907220363617, 0.8135895133018494, -0.6958070993423462, -2.44913387298584, 0.22281129658222198, 1.1696535348892212, -0.3753516376018524, 0.13280396163463593, -0.8621872067451477, -0.41457903385162354, 0.023290414363145828, -0.4844507575035095, -0.16949304938316345, -0.5615687370300293, 0.11466555297374725, -0.5688135027885437, -0.12396560609340668, 0.6997601985931396, 0.43718254566192627, 0.5824671387672424, 0.7054474949836731, 0.10831307619810104, -1.892362356185913, -0.004762755706906319, 0.8422507047653198, -0.7089980840682983, -0.07985741645097733, -0.4260108172893524, 0.7966252565383911, 1.07651948928833, -0.35998326539993286, 0.42192474007606506, 0.9894542098045349, 0.6539724469184875, 0.3754425048828125, 0.6308463215827942, -0.011732559651136398, 0.058270521461963654, -0.11804261803627014, 1.397667646408081, -0.1717219203710556, -0.6134180426597595, -1.4026836156845093, -0.18735840916633606, -0.19536082446575165, -0.7439485192298889, 1.5305891036987305, 0.42309796810150146, 2.1067328453063965, -0.4651055932044983, 0.36304932832717896, -0.5781123042106628, -0.52766352891922, 0.667660653591156, 1.2375949621200562, 0.09877143055200577, -0.8623548746109009, -0.4597534239292145, 0.7423126697540283, 0.15913420915603638, -0.42985451221466064, -0.7031100988388062, 0.5529953837394714, -0.07087554037570953, -1.3522460460662842, 0.4162869155406952, 0.9575649499893188, 0.21134811639785767, 2.103123664855957, -0.9893153309822083, -0.81121826171875, 0.987912654876709, 0.4318332076072693, 1.1282823085784912, -0.024909816682338715, -0.9593833684921265, 0.0009775310754776, 0.5295940041542053, 0.2434338480234146, -0.5079646706581116, 0.7324936985969543, 1.1288691759109497, -0.646258533000946, -0.23920108377933502, -0.24839122593402863, -0.6859620809555054, -0.5034170150756836, 0.46786707639694214, 0.18005336821079254, -0.25113457441329956, 0.7432114481925964, -0.25272947549819946, -0.8746992945671082, 1.1782357692718506, 0.4778209924697876, -0.3966032862663269, 0.237092986702919, 1.525827169418335, -1.3093934059143066, -0.9221841096878052, -0.15557685494422913, -1.17160964012146, -0.9745786786079407, 0.38639724254608154, -0.30097252130508423, 0.31813549995422363, -0.15151119232177734, 0.1365908980369568, -0.4632749557495117, -0.33828336000442505, -1.7686704397201538, 0.9960973858833313, 0.5096966028213501, -0.6304875612258911, 0.4919807016849518, -0.290825217962265, 0.08853557705879211, 0.48213061690330505, -0.8200229406356812, -0.9170634746551514, 0.49841198325157166, 0.7988309860229492, 0.08958900719881058, -0.6671093702316284, 0.13379360735416412, -0.040047843009233475, 0.7501912713050842, 0.2592911124229431, -1.5527721643447876, -0.08223981410264969, -0.1320325881242752, 1.4899237155914307, 1.0424201488494873, -0.7201970219612122, -0.9715238809585571, 0.575827956199646, -0.546615719795227, 0.22460053861141205, 0.24765703082084656, 0.6174436211585999, 1.3419296741485596, 0.43693119287490845, -0.135459303855896, -0.18068049848079681, -10.138894081115723, 0.4022635519504547, 0.3391503691673279, -0.03206421062350273, 1.4690812826156616, -0.23487165570259094, 0.6078460216522217, -0.0891314148902893, 1.003993034362793, -0.7327418923377991, 0.28558218479156494, 0.38768893480300903, 0.3566085994243622, -0.3862083852291107, -0.454860121011734, -1.5352201461791992, -1.6387706995010376, -0.9521843791007996, 0.44111889600753784, 0.29306474328041077, 0.5042248964309692, -1.1620222330093384, 0.7632011771202087, 0.677864134311676, 0.1414395570755005, 0.054892174899578094, 0.3583756685256958, 0.007338684983551502, -0.7648281455039978, 0.21292057633399963, 0.69362872838974, 0.2681233286857605, -0.9981266856193542, -0.9227733016014099, 0.40103012323379517, -0.2629167139530182, -2.0522401332855225, -0.5667815804481506, 1.783223032951355, -0.6399441957473755, -0.737602949142456, -0.17927974462509155, 0.7120146155357361, 0.09598029404878616, -0.8143395185470581, 0.49507975578308105, 0.501590371131897, -0.7577723860740662, -0.49766767024993896, -0.27878430485725403, -0.5093918442726135, -0.7894962430000305, -0.888664722442627, -0.7982354164123535, 0.2079668492078781, 0.5784556865692139, -0.3005044162273407, 0.786149799823761, -0.5297576785087585, -0.16474205255508423, 0.5456617474555969, 1.2746546268463135, -0.7678446769714355, -0.016317542642354965, 0.24045896530151367, -1.0215494632720947, 0.5844780206680298, 0.6420097351074219, 0.32750236988067627, 0.6936864852905273, -0.7738329172134399, 0.8119745850563049, 0.21705499291419983, 0.37459689378738403, 0.5167288780212402, 0.6564255356788635, 0.8303829431533813, -0.9208487868309021, 0.22784309089183807, 0.0999821126461029, -0.5605936646461487, -0.044072993099689484, 0.001078516710549593, -0.6130931377410889, -0.13271000981330872, 0.38011425733566284, 0.016211137175559998, -0.4805416464805603, 0.7355473041534424, -0.3654671609401703, 1.173133134841919, -1.1030347347259521, -0.07027579843997955, 0.5830729007720947, -0.17272162437438965, 0.6908285617828369, -0.5518573522567749, 0.24881628155708313, 0.45016732811927795, -1.0989559888839722, 0.7002388834953308, -0.29509738087654114, -0.11153469234704971, -1.1081265211105347, 0.44211718440055847, 0.3018801212310791, -0.3338574171066284, 0.5247251987457275, 0.24439120292663574, 0.05525856092572212, 0.4841667711734772, -0.47219616174697876, -0.5616599321365356, 1.007089376449585, -0.5168790221214294, 1.1514991521835327, 1.4500821828842163, -0.7128285765647888, 0.4282921254634857, 0.9247713088989258, -0.519024133682251, 1.1673285961151123, 0.5819517374038696, 0.39866721630096436, 0.7044949531555176, -0.5957574844360352, 0.08661127090454102, 0.49185192584991455, -0.9005494713783264, -0.712032675743103, 0.005206812173128128, -0.3366295397281647, -0.5716009736061096, 0.031785570085048676, -0.35435572266578674, 0.003569580614566803, -0.7631986737251282, 1.8015754222869873, -0.6264797449111938, 0.6569637060165405, 0.6447158455848694, -0.8038173913955688, 1.4346463680267334, -0.2639908492565155, -0.9260039925575256, -0.6288061141967773, -2.015681743621826, -0.1649007797241211, -0.4362088739871979, -1.02985680103302, 0.17938049137592316, 0.020511120557785034, 0.4722003936767578, -1.5148288011550903, -0.39835765957832336, -0.5171384811401367, 1.0182948112487793, -0.4817392826080322, 0.04124575853347778, 0.4594112038612366, 0.06903796643018723, 0.6182805895805359, -0.7197867631912231, 0.2579881548881531, -0.29838117957115173, -0.09724067151546478, -0.4186292886734009, 0.48317834734916687, -1.1500449180603027, 0.4437337815761566, 1.363629698753357, -1.3006848096847534, -0.4564021825790405, -1.5295026302337646, -0.014488277025520802, -0.9853346347808838, 0.7656365633010864, 1.5447276830673218, -0.7330593466758728, 0.16197320818901062, 0.09251454472541809, 0.555481493473053, 0.8622756600379944, -0.2632445693016052, -0.3676455020904541, -0.015694504603743553, 0.07540236413478851, 0.727534294128418, -0.29893580079078674, 0.991797149181366, -1.9746354818344116, -0.9242396950721741, -0.4356118142604828, -0.5250883102416992, 0.45071911811828613, -0.23238813877105713, 0.8995816111564636, 1.5761016607284546, -0.6129965782165527, -0.10291777551174164, 0.23593281209468842, 0.8065897822380066, 0.5394310355186462, 0.669895350933075, 0.18277956545352936, 0.23605266213417053, -0.6420448422431946, 0.013693984597921371, 0.7011516094207764, 0.1027480736374855, -1.0069411993026733, -0.04728849232196808, 0.21148735284805298, 0.09332214295864105, 0.5072486996650696, -0.780842661857605, 0.47866272926330566, -0.6377524733543396, 0.17942287027835846, -1.0215487480163574, -0.2886665463447571, 1.480073094367981, 0.020462006330490112, 1.185279130935669, 1.1092414855957031, -0.2581896185874939, 0.8710069060325623, 0.14292240142822266, 1.6501113176345825, -0.21415071189403534, -1.067894458770752, 0.15831077098846436, 0.9082635641098022, -0.3062721788883209, -0.2396937906742096, -0.4075837731361389, -0.9809584021568298, -0.3056149184703827, -0.3277582824230194, 0.3367080092430115, -0.48084497451782227, 0.27398744225502014, 0.47508782148361206, 1.4954590797424316, 0.24386490881443024, -1.3452610969543457, -0.3877541422843933, -1.1859582662582397, -0.16421617567539215, 1.1047451496124268, -0.4549417495727539, 0.40350618958473206, 0.5755178332328796, -0.28723472356796265, 0.6112233996391296, -0.5884528160095215, -0.14250122010707855, 0.013640590012073517, 0.2808116674423218, 1.205507516860962, 0.5329042077064514, 1.1926804780960083, 0.287858247756958, -0.45197567343711853, -0.3894990086555481, -0.08951996266841888, -0.1402013599872589, 0.07766065001487732, 0.8048442006111145, -0.8379595875740051, -0.984607458114624, -0.6345380544662476, -0.0062784478068351746, -0.009117179550230503, 0.7685725092887878, 0.21375778317451477, -0.6628198027610779, -0.8294093608856201, -0.9336497783660889, -0.3583216965198517, 0.6947249174118042, -0.1112804114818573, -0.2571708559989929, -0.5856871008872986, 0.6584327220916748, 0.1828683614730835, 0.4397496283054352, -0.8754459023475647, -0.2765621244907379, -0.71893709897995, 0.15147893130779266, -0.09681645780801773, -0.343783438205719, -0.06571153551340103, -0.09726481139659882, -0.7301312685012817, 0.9686781167984009, 0.7683202028274536, -1.4976285696029663, -0.3418561518192291, -0.09528343379497528, 0.28937217593193054, 0.2694450914859772, 0.7984059453010559, 0.005451435223221779, -1.0328805446624756, 1.142856478691101, 1.0839152336120605, -0.6593445539474487, -0.31081658601760864, 0.17806285619735718, 0.36667490005493164, -0.3377716541290283, 1.7207188606262207]} +{"paper_id": "cos_e", "embedding": [-0.6934871673583984, 1.2191685438156128, -0.4253048896789551, -0.16305124759674072, 0.44542884826660156, 0.28047990798950195, 1.0132830142974854, 0.8360143303871155, 1.263074517250061, 0.8350287079811096, -0.07977349311113358, 0.43005040287971497, -0.5707385540008545, -0.21571874618530273, -0.6736388802528381, -0.5177866220474243, -0.7700846791267395, -0.21220913529396057, -1.6580655574798584, -0.6272361874580383, -0.6769644021987915, -0.8923805952072144, 0.44498133659362793, 1.313235878944397, -0.7571590542793274, -0.5407630801200867, 0.6096563935279846, -1.527843713760376, 1.0425539016723633, 0.11481171101331711, -0.059590183198451996, 1.5472891330718994, -2.2400875091552734, 1.1769949197769165, -0.6707852482795715, -0.5409925580024719, 0.09086216241121292, 0.23947632312774658, 0.04647388309240341, -0.1339041292667389, -0.2885378897190094, 0.6551889181137085, 0.11078371852636337, 0.003242362756282091, 0.17442595958709717, -0.9240731596946716, 0.6480691432952881, 0.6125693321228027, -0.415568470954895, -0.3164249360561371, -0.44411158561706543, -0.5342196226119995, 0.2109571397304535, 0.9638757705688477, -0.011967804282903671, 1.6938048601150513, 0.6678025126457214, -0.03602470085024834, 0.9918660521507263, -0.7380580902099609, 1.6408313512802124, 1.5775885581970215, -0.5864542126655579, -0.14252634346485138, 1.3530758619308472, 0.9271090626716614, 1.4778088331222534, 0.6364745497703552, 0.3515043258666992, 0.21525514125823975, 0.026866450905799866, -0.8606051802635193, 0.14687946438789368, -0.43327462673187256, 0.30312395095825195, 0.6077220439910889, 0.485555499792099, 0.23127484321594238, 0.4642947316169739, 0.5572233200073242, 0.20627771317958832, 0.30413633584976196, 1.012956142425537, 0.07423443347215652, 0.13494186103343964, 0.4676423966884613, 0.758495569229126, -0.7921602129936218, 0.16617530584335327, -2.0759379863739014, 0.5824827551841736, 0.4812706708908081, -0.016906213015317917, -0.5295407772064209, 0.3841785490512848, 0.26712673902511597, -0.3780863881111145, -0.8752971887588501, -0.28681623935699463, 0.3615678548812866, 0.5926428437232971, -0.24476709961891174, -0.17858003079891205, -0.046574123203754425, 0.5420987606048584, 0.7992405295372009, 0.5430936217308044, 0.6815743446350098, -0.6005913615226746, -0.6877636313438416, 0.4917721152305603, 1.7178078889846802, 0.535645067691803, 0.9154212474822998, -0.3429259657859802, 0.16915497183799744, 0.6880577802658081, -0.029229773208498955, -0.5600534677505493, 0.2503368854522705, -0.07278236746788025, -0.9900363683700562, -0.6340164542198181, -0.2743835747241974, 0.5758047103881836, -0.6477404832839966, -0.2843579053878784, -0.5834940671920776, 0.3714684844017029, -0.06149115413427353, 0.0859956294298172, 0.1091960072517395, -1.237054467201233, -0.46210548281669617, 2.907912492752075, -0.7118935585021973, 1.1305406093597412, -1.4650747776031494, 0.0833173617720604, -0.43397289514541626, -0.5882484912872314, 0.7883858680725098, 0.07248785346746445, 0.2396676242351532, -1.3189996480941772, -0.24726341664791107, -0.3207831084728241, 0.39564475417137146, -1.0313851833343506, 0.31996244192123413, 0.6871172189712524, 0.2983422875404358, -1.7118427753448486, -0.02804601565003395, -0.055720943957567215, 0.29348745942115784, -0.9955594539642334, 0.2752823829650879, -0.37172454595565796, 0.4103272557258606, 0.17374756932258606, -0.40686023235321045, 0.014083221554756165, -0.033619362860918045, -0.4360872507095337, -0.10615578293800354, 0.5283798575401306, -0.47326549887657166, -0.9275378584861755, -0.30260077118873596, 0.49778175354003906, 0.11554897576570511, 0.033571675419807434, -0.4691123068332672, -0.30975064635276794, 0.8220897912979126, -0.21557383239269257, 0.4391257166862488, 0.5707968473434448, -0.7442920804023743, -1.4528868198394775, -0.7444125413894653, -0.01029188185930252, 0.9120299220085144, -0.3923127353191376, 0.04484263435006142, -2.759040117263794, -0.016553737223148346, -0.5995700359344482, 1.2291598320007324, 0.4600669741630554, 0.1484609842300415, 0.6941787004470825, 0.44780436158180237, -0.3324388861656189, -0.4406231641769409, 1.0317765474319458, -1.0598795413970947, -0.3010041117668152, 0.3538602590560913, -0.9252916574478149, -0.5887373685836792, -0.5016968250274658, 1.0716837644577026, 0.46037474274635315, -0.5949660539627075, -0.5334700345993042, -1.9273889064788818, 0.4927695095539093, 1.3523467779159546, 0.9497231245040894, -0.5790573358535767, -1.0839004516601562, -0.20074214041233063, 0.2947870194911957, -0.006370410788804293, 0.010499358177185059, -0.8986499905586243, 0.4758576452732086, -1.2965681552886963, 0.35041195154190063, -0.2998686134815216, 0.9218034148216248, 0.8439176082611084, 1.5200724601745605, -0.6089892387390137, -0.02900991588830948, -0.29369980096817017, -1.1503961086273193, 0.17681801319122314, 0.7226957678794861, 0.18947505950927734, 0.5704348087310791, 0.5549956560134888, 0.5812652707099915, 1.057623028755188, 1.0081478357315063, 0.675998866558075, -0.61414635181427, 0.15024890005588531, 0.2732391655445099, 0.31449806690216064, 0.042464591562747955, 0.22839167714118958, -0.08899155259132385, 0.2557988166809082, 0.004825923591852188, -0.7263809442520142, -0.006312785670161247, -0.35967952013015747, 1.6188408136367798, 0.6208673119544983, 0.0859132632613182, 0.0851874053478241, -0.6477649807929993, -0.6012792587280273, -0.06661337614059448, -0.928839921951294, 0.15694884955883026, -0.01703178510069847, 0.6059613823890686, 0.10375623404979706, 0.640501856803894, -0.37939250469207764, 0.18620431423187256, -0.9933891296386719, -0.06571356952190399, -0.046036604791879654, -0.09824883192777634, -1.048525333404541, -0.034471962600946426, 0.20731541514396667, -1.0867592096328735, -0.3799476623535156, -0.5832050442695618, -0.7002700567245483, 0.30230891704559326, 0.05987417697906494, 1.6922199726104736, 0.15877588093280792, 0.343650758266449, -0.04129777103662491, 1.1925195455551147, -0.45927321910858154, 0.9915162920951843, -0.2035682201385498, 0.07811547070741653, -1.1831748485565186, 0.8547101020812988, -0.7756916880607605, 0.592444896697998, 0.1951693296432495, -0.6221800446510315, 0.7903066873550415, -0.31903955340385437, -0.7132358551025391, 0.9978057146072388, 0.5398433804512024, -0.34150880575180054, -0.7025433778762817, 1.368067979812622, -0.0951424241065979, -0.8745522499084473, 0.7471848726272583, -0.004689258523285389, -0.3181993067264557, 1.0409477949142456, 0.362996369600296, 0.0668380931019783, 0.3853519558906555, 0.06808394938707352, 0.7553236484527588, 0.3656594455242157, -2.289240837097168, 0.7673131823539734, 0.8724260926246643, -0.035487666726112366, -0.4912090599536896, -1.3023380041122437, 0.5708854794502258, -0.8420845866203308, -0.16495126485824585, 0.4010259509086609, -0.6236423850059509, 0.2901144027709961, 0.21092179417610168, 0.2102101743221283, 0.7295257449150085, -0.47831690311431885, 0.13279880583286285, 0.5066881775856018, -0.1741713583469391, -0.6104636192321777, 0.6099407076835632, 0.644067645072937, -0.7362385988235474, -0.1566978543996811, 0.2188955843448639, 1.28511643409729, 0.9135280847549438, 0.06245710700750351, -0.011748253367841244, 0.8466314077377319, 0.20966750383377075, 0.16221700608730316, 0.30697330832481384, -0.881277322769165, -0.16728165745735168, -0.3475967049598694, 1.4902218580245972, -0.5400674343109131, -0.0597006119787693, -0.8273164629936218, 0.23275800049304962, -0.31397944688796997, -0.6891857981681824, 2.0909645557403564, 0.9797298908233643, 0.7622997760772705, -0.08266003429889679, 0.5892953872680664, -1.0604004859924316, -0.6375706791877747, 0.26238611340522766, -0.05806402489542961, 0.05488011986017227, -1.3090507984161377, 0.06043383851647377, 0.495033323764801, -0.002569030039012432, -0.34948816895484924, -0.30096569657325745, 0.5751495957374573, 0.3771677613258362, -0.439050555229187, 0.35896068811416626, 0.6763935089111328, 0.887636125087738, 1.9813920259475708, -0.2220672219991684, 0.07422663271427155, 0.6795503497123718, -0.07090436667203903, 0.72867351770401, 0.7167266607284546, -0.48250123858451843, 0.4347226917743683, 0.2721913158893585, 0.895209789276123, 0.2640390396118164, 1.2913129329681396, 0.6901382207870483, -0.30452364683151245, -2.01668119430542, -0.25206297636032104, -0.3242349326610565, -0.6959531903266907, -0.19348588585853577, 0.11720113456249237, 0.06197216734290123, 0.32878535985946655, -0.43734607100486755, -0.5723254084587097, 0.9696234464645386, -0.7698352336883545, -0.7654178142547607, 0.8979718089103699, 0.6520987749099731, -1.705187201499939, -0.13959799706935883, 0.24460573494434357, -1.1779372692108154, -0.4611589014530182, -0.16084006428718567, -0.07229450345039368, 0.8877062797546387, -0.044238705188035965, 0.7104904055595398, 0.5177611112594604, 0.03459598124027252, -0.7413883805274963, 0.4845035672187805, 0.7015986442565918, -1.1628618240356445, 0.9505586624145508, -0.13791920244693756, 0.20747552812099457, 0.3377632796764374, -0.372445285320282, -0.12954604625701904, 1.4725078344345093, -0.4424895644187927, -0.5548334121704102, -1.1494190692901611, -0.345278263092041, 0.34878766536712646, 0.17962078750133514, 0.22218692302703857, -0.6701774001121521, -0.3449816107749939, 0.04840348660945892, 0.30403679609298706, 0.27819910645484924, -0.9281066656112671, -1.3753199577331543, 0.530366837978363, -0.6011896729469299, 0.03900398686528206, -0.5327140092849731, -0.2099725306034088, 2.6268668174743652, -0.5191383957862854, -0.11816078424453735, -0.07424271106719971, -10.984373092651367, 0.932066798210144, 0.22104789316654205, 0.6196133494377136, 0.42876261472702026, -0.44185683131217957, 0.3245754837989807, -0.6303216814994812, -0.24781420826911926, -0.8441897630691528, 0.34920358657836914, 1.2851208448410034, 0.4732370972633362, -0.12153344601392746, -0.14753901958465576, -0.9647428393363953, -0.2900574803352356, -0.7424028515815735, -0.002792246639728546, 0.1890207827091217, 0.5109604597091675, -1.2546372413635254, -0.15533968806266785, 0.2619662880897522, 0.30840396881103516, -0.5956745743751526, -0.7121283411979675, -0.18845751881599426, -0.2942216992378235, -0.2818056344985962, 0.3946360647678375, -0.21391968429088593, -0.15567125380039215, -0.26061609387397766, 0.40930235385894775, 0.04440009966492653, -0.5544210076332092, 0.14592616260051727, 0.4522373378276825, -0.096872478723526, -0.11529102921485901, -0.004230265971273184, 0.6507749557495117, -0.30343005061149597, -1.0187989473342896, 0.6567105650901794, 0.21305178105831146, -0.7927246689796448, -0.7093067765235901, -0.39691564440727234, 0.1157362312078476, -1.0206944942474365, -0.7247876524925232, -0.98720782995224, 0.6829228401184082, 0.19958451390266418, -0.9761927723884583, -0.17402015626430511, -0.7499983906745911, -1.3586933612823486, 0.012056246399879456, -0.9133965969085693, -0.0967865139245987, 0.1303006261587143, 0.6096482872962952, -0.2080954909324646, 0.7410240173339844, 0.5363418459892273, -0.7240139842033386, 0.6737532615661621, -1.022436261177063, 0.2733958065509796, 0.18859007954597473, 0.16717803478240967, -1.0419026613235474, 0.2705405652523041, -0.22457057237625122, 0.5974038243293762, 0.3714548349380493, -0.17316627502441406, -1.02048659324646, 0.8772851228713989, -0.39652329683303833, -0.1386006474494934, -1.4733920097351074, 0.47822603583335876, 0.3535778224468231, 0.4320950508117676, 0.6106551885604858, -0.9748334288597107, 1.3670704364776611, 0.18301922082901, -0.7491863369941711, -0.4192107021808624, -0.6449122428894043, 0.2759954333305359, 0.1816779524087906, 0.32600313425064087, 0.45979031920433044, -0.29297682642936707, 0.43142271041870117, -0.029808513820171356, -0.9711167812347412, 0.6185564994812012, 0.03398894518613815, 0.718122124671936, 0.737257182598114, 0.02884998917579651, 0.796358048915863, -0.3565043807029724, 0.5180264711380005, 0.251704603433609, -0.7961863279342651, 1.2637957334518433, -0.6264662742614746, 0.5960842967033386, 0.3034099042415619, 0.10747689008712769, 0.3407169580459595, 0.06097078695893288, -0.27642738819122314, 0.6327707767486572, 0.22038570046424866, 1.5582505464553833, 0.566864013671875, 0.3709963858127594, 0.7645580768585205, 0.026466824114322662, -0.338196724653244, -1.3726502656936646, 0.040179334580898285, -0.48464781045913696, 0.31147128343582153, -0.10390915721654892, -0.9389690160751343, 0.14772047102451324, -0.4237019121646881, 1.7308639287948608, -1.1884597539901733, 0.18367749452590942, 0.030025474727153778, -0.07522992789745331, -0.40963101387023926, -0.7633898258209229, -1.179978609085083, 0.023780114948749542, -1.7369204759597778, 0.22387070953845978, -0.8800727128982544, -1.0784337520599365, -0.19287815690040588, -0.28259095549583435, 0.7490628361701965, -0.688706636428833, -0.1309422254562378, -0.25987398624420166, 0.6065899133682251, -0.9117577075958252, -0.6402758955955505, 0.16536951065063477, -0.20568212866783142, 0.3712015748023987, -0.9345138669013977, 0.39368340373039246, -0.39149197936058044, 0.0814262181520462, -0.23948398232460022, -0.15108981728553772, -0.45724841952323914, 0.4529692530632019, 0.7850172519683838, -2.0932159423828125, -0.22621095180511475, -0.5949237942695618, 0.35608160495758057, -0.47023165225982666, 0.7369118928909302, 1.1808903217315674, -0.6335306763648987, -0.25261932611465454, 0.006796110421419144, 0.7675663232803345, 0.6224667429924011, -0.7157464623451233, -0.009102784097194672, -0.7093390822410583, 0.17796075344085693, 0.3847408890724182, 0.1972925364971161, 0.9615181684494019, -1.4136114120483398, -0.3003060221672058, -0.6363375782966614, 0.20261675119400024, 1.1243767738342285, -0.15443086624145508, 0.5771293640136719, 0.9945418834686279, 0.1134185791015625, 0.3788447678089142, 0.3903607130050659, 1.1280204057693481, 0.4409947097301483, 0.47000986337661743, 0.10603338479995728, 0.3439438045024872, -1.08883798122406, -0.48868951201438904, -0.09675866365432739, 0.677096426486969, -0.9871968030929565, 0.2599652409553528, 0.2884976863861084, -0.9054583311080933, 0.5579333901405334, -1.1711636781692505, 0.3305937647819519, -1.4094388484954834, -0.44961509108543396, -1.1280497312545776, 0.26608628034591675, 0.459965318441391, -0.2355790138244629, 0.40123456716537476, 0.6283761262893677, 0.4737423360347748, 0.6750849485397339, -0.16860060393810272, 1.2437183856964111, -0.18393903970718384, -0.33469319343566895, 0.7022181153297424, 0.7940222024917603, -0.0071502625942230225, -0.003633923828601837, -1.0330461263656616, -0.5904569029808044, 0.6394791007041931, -0.2612344026565552, 1.40115487575531, -0.8866717219352722, 0.20174117386341095, 1.0199344158172607, 1.3667962551116943, -0.4627962112426758, -1.8810956478118896, -0.7197473049163818, -1.6379245519638062, -0.012042364105582237, 0.6117231845855713, 0.9444273710250854, 0.7616509795188904, 0.7268254160881042, 0.17182381451129913, 1.2015841007232666, -0.3147352933883667, -0.30857038497924805, 0.15775136649608612, -0.44699233770370483, 0.9855284094810486, 0.5804378986358643, 0.3579827547073364, 0.35413309931755066, 0.5671705007553101, -0.5857753753662109, 0.2377418577671051, -0.7230513095855713, 0.7459298968315125, 0.33843106031417847, -0.8716834187507629, 0.04720216989517212, -0.4710758328437805, 0.17760035395622253, -0.7921721935272217, 0.7378948926925659, 0.05839989334344864, -0.45565205812454224, -0.6867129802703857, -0.4742674231529236, -0.7961946129798889, 1.0327929258346558, -0.2061610221862793, -0.8868814706802368, -0.4278446435928345, 0.9031370282173157, 0.7094675302505493, -0.20849977433681488, -0.5155971050262451, -0.6112580299377441, -0.4658662676811218, 0.2277410477399826, -0.6829229593276978, -0.6181848645210266, -0.6413561701774597, -0.07378281652927399, -0.8503666520118713, 0.457988440990448, -0.6380993723869324, -0.7692152857780457, -0.45722243189811707, 0.6886772513389587, -0.02079986408352852, -0.0742798000574112, 0.1490103304386139, 0.22647546231746674, -1.3200852870941162, 0.41775381565093994, 0.9645072221755981, -0.13397355377674103, -0.26942044496536255, 0.058690145611763, 0.3292376399040222, -0.015429163351655006, 0.8320329785346985]} +{"paper_id": "universal_dependencies", "embedding": [-0.6695253849029541, 0.6360553503036499, 0.7109500765800476, -0.29953306913375854, 0.35128748416900635, -0.14099006354808807, 0.48589634895324707, 0.53786301612854, 0.2548958361148834, 1.155238151550293, 0.4392645061016083, -0.2577170431613922, -0.13451552391052246, 0.3310162127017975, -0.13032406568527222, -0.9103480577468872, -1.2335968017578125, -1.116139531135559, -1.070614218711853, -0.5640428066253662, -0.5732402205467224, -0.8865840435028076, -0.010515671223402023, 0.3595884442329407, -0.2871292531490326, -0.32519450783729553, 0.43336910009384155, -0.6669527292251587, 0.11951426416635513, 0.4847078323364258, -0.3254813253879547, 1.0667345523834229, -1.2170222997665405, 0.09417647868394852, -0.010643094778060913, 0.2471507489681244, -0.1769414246082306, 0.7496105432510376, -0.5994809865951538, -0.12217630445957184, -0.3343864381313324, -0.26255401968955994, 0.7722291946411133, 0.18898792564868927, 0.4383230209350586, -0.11544283479452133, -0.4570348858833313, 1.0396554470062256, 0.013103917241096497, -0.0007596388459205627, -0.2862255275249481, 0.05893151834607124, 0.6636895537376404, 0.3661087155342102, 0.052649810910224915, 0.8456327319145203, 0.3530971109867096, -1.1380869150161743, 0.7321407794952393, -1.000318169593811, 0.44387009739875793, 1.3175280094146729, -0.4717120826244354, 0.381147176027298, 0.6314370632171631, -0.15066775679588318, 0.519572377204895, -0.0011976957321166992, 0.5295386910438538, 0.7643871307373047, 0.14028264582157135, -0.6178436875343323, 1.1193703413009644, 0.1851433515548706, 0.642338752746582, 0.6990331411361694, 0.024024369195103645, 0.5258778929710388, -0.49748900532722473, 0.528013288974762, -0.3487417697906494, 0.7994962334632874, 1.0331408977508545, -0.6062893867492676, -0.2624422609806061, -0.0725543424487114, 0.15630832314491272, -1.061753749847412, 0.4309840798377991, -1.5641045570373535, 0.03224687650799751, 0.21905206143856049, -0.18241927027702332, 0.11322423815727234, -0.15632474422454834, 0.3915768265724182, -0.04824668914079666, 0.13969355821609497, -0.24609322845935822, -0.22456559538841248, 0.7291980385780334, -0.7602149248123169, 0.35616686940193176, -0.03777237981557846, 0.13148212432861328, 0.6366298198699951, -0.4675721228122711, -0.10754283517599106, -0.28246092796325684, 0.09045586735010147, 0.16098947823047638, 1.664284586906433, -0.5038648843765259, 0.5555121302604675, -0.12061942368745804, 0.11086437851190567, -0.1989085078239441, -1.0836361646652222, -0.28753989934921265, -0.02142593264579773, -0.06872621923685074, -0.006164842285215855, -0.40912139415740967, 0.11841826140880585, 0.62972491979599, -0.93166583776474, 0.35259896516799927, -0.4096536636352539, 0.4747202396392822, -0.19836388528347015, 0.3755737841129303, -0.19752588868141174, 0.4203871786594391, -0.4867572486400604, 2.6567959785461426, -0.6507020592689514, 1.3634531497955322, -0.36086297035217285, 0.18561846017837524, -0.06226830929517746, -0.22156867384910583, 1.0424206256866455, 0.15311962366104126, -0.6430074572563171, -0.3321079611778259, -0.07157652825117111, -0.23533767461776733, 0.6236976385116577, -0.8191761374473572, 0.19393539428710938, 0.1661735326051712, 0.5112009644508362, -1.4064807891845703, 0.25156933069229126, 0.08821810781955719, -0.1465556025505066, 0.3534173369407654, 0.4450315535068512, -0.8970227837562561, 0.747495710849762, 0.657008171081543, 0.50373375415802, -0.5076220035552979, 0.5914033055305481, -1.2556782960891724, 0.2528262138366699, 1.4764424562454224, -0.22398319840431213, -1.2451958656311035, -0.6421574354171753, 0.7327417135238647, 0.20947813987731934, 0.07593030482530594, 0.18928222358226776, 0.2884043753147125, -0.14346276223659515, 0.7050347924232483, 0.09245095402002335, 0.30643346905708313, -0.553615152835846, -0.1561511754989624, -0.07657021284103394, 0.6161895394325256, 1.1132937669754028, -0.04554521292448044, 0.7655912041664124, -2.0757241249084473, 0.1844586580991745, -0.047489479184150696, 0.37101542949676514, -0.48661476373672485, -0.5555596351623535, 0.3313036859035492, -0.06811422854661942, 0.12206123769283295, 0.03250308707356453, 0.5864505171775818, -0.9104591608047485, -0.6708000302314758, 0.6351677775382996, -0.4972487986087799, 0.14796090126037598, 0.40466660261154175, 0.5696572661399841, 0.39933890104293823, -0.5646672248840332, -0.6815765500068665, -1.7056639194488525, 0.05084880813956261, 2.1048953533172607, -0.18883445858955383, -0.30148977041244507, -0.9177941679954529, -0.44119197130203247, -0.11850104480981827, -0.7942574620246887, 0.05154530704021454, -0.8519114851951599, -0.2445850670337677, -1.3229172229766846, 0.2536340057849884, -0.6479150652885437, 0.09733202308416367, 0.07007654011249542, 1.5489336252212524, -0.9636892080307007, -0.46316438913345337, -0.4925636649131775, -0.29616814851760864, 0.2863529622554779, 0.6800665259361267, 0.2794598937034607, -0.15735849738121033, 0.25233685970306396, 0.08694382011890411, 0.8610274195671082, 0.2287694811820984, 0.24187272787094116, -0.19109727442264557, -0.005300348158925772, 0.3205682039260864, 0.8448399901390076, -0.39616793394088745, -0.2839171588420868, 0.11487631499767303, 0.505734384059906, -0.29173803329467773, -0.15664145350456238, -0.46397656202316284, 0.22807498276233673, 0.9068028926849365, 1.461412787437439, -0.5617010593414307, 1.1834856271743774, -1.4461005926132202, 0.19146040081977844, -0.09190964698791504, -0.788561999797821, -0.47512662410736084, -0.2091144621372223, 0.8295721411705017, 0.2246595323085785, -0.4322364032268524, -0.5411083698272705, -0.2542088031768799, -1.2594937086105347, -0.4675781726837158, -0.058142244815826416, -0.45317912101745605, -1.293434977531433, -0.0948745608329773, -0.0842936784029007, -1.0702760219573975, -0.3089439272880554, 0.12829545140266418, 0.8735883831977844, 0.1133524626493454, 0.7756613492965698, 1.622710943222046, 0.3510003983974457, 0.50009685754776, 0.2978436350822449, 0.5147725343704224, -0.610355019569397, 0.5279966592788696, 0.36846935749053955, -0.25674599409103394, -0.6758067011833191, -0.7330387830734253, -0.5615242123603821, 0.19696834683418274, 0.7722075581550598, -0.7084259390830994, 0.6261863112449646, -0.1006251722574234, -1.5245558023452759, 0.8525117635726929, -0.3310563564300537, -0.16273072361946106, -1.0570706129074097, 1.5017260313034058, 0.3193660378456116, 0.14509648084640503, 0.7790619134902954, -0.5638145804405212, 0.22474555671215057, 1.0229454040527344, -0.4904109537601471, 0.1898873746395111, 0.42933154106140137, -0.31241536140441895, -0.2009170800447464, 0.7228733897209167, -2.3896703720092773, 0.4466002583503723, 0.8242740631103516, 0.41089800000190735, -0.20367012917995453, -0.9141185879707336, 0.3467569947242737, -0.14005351066589355, -0.2513684928417206, 0.3890830874443054, -0.4325774908065796, 0.7092313170433044, -0.39127808809280396, -0.5031658411026001, 0.3429770767688751, -1.0031160116195679, 0.5328009128570557, 1.16330885887146, 0.9878533482551575, -0.7894911170005798, 0.5662322044372559, 0.6627490520477295, -0.706406831741333, 1.1107239723205566, 0.27886977791786194, 1.2744427919387817, 1.2418646812438965, -0.938198447227478, -0.008307520300149918, 0.8944129347801208, 0.8044642806053162, 0.6951853632926941, -0.09725608676671982, -0.3294038772583008, 0.6930584907531738, -0.5581444501876831, 0.7860836386680603, 0.4705788195133209, -1.420044183731079, -0.8530781269073486, -0.3597382605075836, -0.5661600232124329, -0.973499059677124, 1.5263868570327759, 1.5511019229888916, 1.1391161680221558, 0.016161317005753517, 0.6595346927642822, -0.12228313088417053, -0.08692458271980286, 1.512131690979004, 0.4260702133178711, -0.022823072969913483, -0.40830478072166443, 0.5492911338806152, 0.859056293964386, -0.19042973220348358, -0.6743384003639221, -0.1753598004579544, 0.24132946133613586, 0.23035040497779846, -0.8237341642379761, 0.14509519934654236, 0.6648764610290527, 0.596159040927887, 1.4491699934005737, -0.6607570648193359, -0.7264207601547241, 0.03009994514286518, 0.39101240038871765, -0.26364248991012573, 0.23733839392662048, -1.1433851718902588, 0.5853113532066345, 0.16277669370174408, 1.0294010639190674, -0.2916111946105957, 1.3065499067306519, 0.8840913772583008, -0.5687835216522217, -1.1362749338150024, -0.2890308201313019, -1.165002703666687, -0.23649264872074127, -0.25888514518737793, -0.425037145614624, -0.8207599520683289, 0.4761140048503876, -0.2771923542022705, 0.13890612125396729, -0.0947268158197403, -0.13540135324001312, -0.9789173603057861, 0.9625387191772461, 0.6258152723312378, -1.3092854022979736, -0.43869149684906006, -0.1053440049290657, -0.3366765081882477, -1.1623927354812622, 0.6355657577514648, -0.9586890935897827, 0.0725291296839714, -0.03602086380124092, 0.7076525092124939, -0.0605156272649765, -0.5047982931137085, -1.0377399921417236, 0.5520802736282349, 1.2234292030334473, -0.43486663699150085, -0.2799929082393646, 0.3179956078529358, 1.0870319604873657, 0.04154658690094948, -0.9573603272438049, -0.2940644323825836, 1.2613258361816406, -0.29469960927963257, -0.16546542942523956, -0.4557993710041046, -1.0411310195922852, 0.0436369851231575, 0.378215491771698, 0.5719584822654724, -0.8080769777297974, 0.4261769652366638, -0.11169448494911194, 0.4220712184906006, 0.5828380584716797, -0.8538214564323425, -0.9916240572929382, 1.0088067054748535, -0.574886679649353, -0.028069263324141502, 0.1318884789943695, 0.614170253276825, 1.2183765172958374, 0.24312123656272888, 0.17779850959777832, -0.322551965713501, -12.399024963378906, 0.5298919081687927, -0.11410603672266006, 0.7280653715133667, 0.4493655562400818, -0.2582480013370514, 0.8573281764984131, 0.0318436361849308, 0.3296682834625244, -0.5902004837989807, -0.5511382222175598, 1.7111650705337524, 0.30918222665786743, -0.11445095390081406, -0.5749949812889099, -0.9258741140365601, -0.011523466557264328, -0.6998282670974731, 0.32967257499694824, 0.5867951512336731, -0.7069731950759888, -1.2833751440048218, -0.010506153106689453, -0.2609345614910126, 0.015983019024133682, -0.9253098368644714, -0.08287665247917175, -0.3673225939273834, -0.16701407730579376, -0.21377038955688477, 0.29219603538513184, -0.4665946960449219, -1.2641257047653198, 0.5032640099525452, 0.18704180419445038, 0.0030160231981426477, -0.7568799257278442, -0.42282187938690186, 0.46172425150871277, -0.2771816551685333, -0.1471669226884842, 0.14342868328094482, 0.3259805142879486, -0.5287014245986938, -0.41347190737724304, 0.42097699642181396, -0.3024277091026306, -0.5782690048217773, -0.011042021214962006, -0.9263973832130432, -0.13340093195438385, -0.42836686968803406, -0.89252108335495, -0.9966142773628235, 0.3466196358203888, -0.5187687277793884, -0.539126455783844, 0.025286167860031128, -0.9170973300933838, -0.9230767488479614, 0.6524849534034729, 0.17943979799747467, -0.47522035241127014, 0.31525957584381104, 0.4460148513317108, -0.8024858236312866, 0.8096244931221008, 0.16204558312892914, 0.47115036845207214, 0.4905983507633209, -0.7667184472084045, 0.5474448204040527, 0.5148206949234009, 0.019858159124851227, -0.4381762146949768, -0.551011323928833, 0.1426648646593094, -0.4129596948623657, 0.46451443433761597, -0.39968615770339966, -0.5395212173461914, 0.3652651906013489, 0.45965734124183655, 0.297290176153183, -1.004272222518921, 0.06059957668185234, 0.09543106704950333, -0.06357839703559875, 1.0382146835327148, -0.09349418431520462, 1.3961635828018188, 0.0230838842689991, -0.5435337424278259, -0.2489674985408783, -0.7609761357307434, 0.9216059446334839, 0.0005722232162952423, 1.2108802795410156, -0.2942999005317688, -0.26806560158729553, 0.22293981909751892, 0.6697110533714294, -0.42840200662612915, 0.14553958177566528, 0.8550042510032654, 0.26901310682296753, 0.32337695360183716, 0.468748539686203, 0.3721255958080292, -0.10254879295825958, 0.6202881932258606, 0.37554094195365906, -0.15199197828769684, 0.5913060307502747, 0.1029922217130661, 0.568295419216156, 0.6342523694038391, 0.3897897005081177, 0.5918420553207397, 0.8043151497840881, 0.517295241355896, 0.3204021453857422, 0.00015921331942081451, 1.8408031463623047, 0.19726169109344482, 0.36702466011047363, 0.6736925840377808, 0.32811200618743896, 0.08044829219579697, -0.9174345135688782, -0.02146792784333229, 0.0219576358795166, 0.4212494492530823, -0.8803974390029907, -0.01754206418991089, -1.0530248880386353, -0.8570834398269653, 0.8504196405410767, -0.5057647228240967, -0.014986835420131683, -0.33453190326690674, -0.5533454418182373, -0.6840546131134033, -0.08690692484378815, -0.20718072354793549, 0.7234354615211487, -2.6113741397857666, -0.11395199596881866, -0.41121649742126465, -1.0463484525680542, 0.44628095626831055, -0.11867859959602356, 0.892174482345581, -0.37154990434646606, 0.35984769463539124, -0.06804625689983368, 0.4157513976097107, -0.5883435606956482, -0.5533075332641602, 0.18472632765769958, 0.34245121479034424, 1.385464072227478, -1.056803584098816, 0.689204752445221, 1.0123182535171509, 0.11160647869110107, -1.1145719289779663, -0.6599084138870239, -0.10165772587060928, 0.13314306735992432, 0.45764076709747314, -1.1716952323913574, -0.3329499065876007, -0.2618583142757416, 0.07169194519519806, -0.7360649704933167, -0.1533830165863037, 0.7206960916519165, -0.7927286624908447, 0.7077311873435974, -0.4921094477176666, 0.44071057438850403, -0.20639894902706146, -0.4225110113620758, -0.8705934286117554, -0.06961825489997864, -0.5755923986434937, 0.690390408039093, -0.09789612889289856, 0.9912411570549011, -0.9842105507850647, -0.8678671717643738, -0.26591742038726807, 1.001253604888916, 0.4211706817150116, -0.6798248291015625, 1.1925277709960938, -0.045958008617162704, 0.19205257296562195, 0.32891154289245605, 0.09528397023677826, 0.6535136103630066, 0.2656148672103882, 0.20807065069675446, -0.6860625147819519, -0.017779666930437088, -0.8012527227401733, -0.16629040241241455, 0.40225958824157715, 0.7083423733711243, -0.7836956977844238, -0.38019758462905884, -0.18388620018959045, 0.08771755546331406, -0.4466562867164612, -0.5825064182281494, 0.07708404213190079, -0.10838894546031952, -0.6686878800392151, -0.6703516840934753, 0.14854665100574493, 1.1074180603027344, 0.06314989924430847, 0.337921142578125, 0.5525736808776855, 0.26297664642333984, 0.6944664120674133, 0.5880493521690369, 1.3057997226715088, -0.3010631799697876, -0.23245181143283844, 0.12167513370513916, 0.8873217105865479, -0.2098499834537506, -0.29685238003730774, 0.16009080410003662, -0.39209139347076416, -0.31274065375328064, -1.2207794189453125, 0.6921560764312744, -0.41551345586776733, 0.010763769038021564, 0.33669307827949524, 0.9179689884185791, -0.7088574767112732, -1.186639428138733, -0.03961114212870598, -0.6007901430130005, 0.3494836091995239, -0.1107889711856842, 0.8949708342552185, 0.4574522376060486, 0.6638938188552856, 0.2122536599636078, 0.9594000577926636, 0.5578293800354004, 0.28583139181137085, 0.14102011919021606, -0.12264005839824677, 1.2068898677825928, 1.3388007879257202, 0.1274130493402481, -0.224453404545784, -0.16867631673812866, -1.5650031566619873, -0.4712215065956116, -0.4008896052837372, 0.5731984972953796, 1.0110713243484497, -0.22109775245189667, 0.7081771492958069, -0.5787046551704407, 0.17038926482200623, -0.0095128258690238, 0.06909778714179993, 0.3981153964996338, -0.05246784910559654, -0.6493961215019226, -0.7697426080703735, 0.28307098150253296, 0.9145995378494263, -0.32748761773109436, -0.1697111874818802, -0.8309761881828308, 0.23019877076148987, -0.35677987337112427, -0.3893110752105713, -0.7145656943321228, 0.24287499487400055, -0.532875657081604, -0.10662887990474701, 0.3751482367515564, -0.32252928614616394, -0.9255490303039551, 0.2671094238758087, -0.6773908734321594, -0.02262454479932785, -0.5306833386421204, -0.7739281058311462, -0.25265970826148987, 0.37222152948379517, -0.7792685031890869, -0.558673083782196, 0.4771265983581543, -0.15052850544452667, -1.52083420753479, 1.5109366178512573, 0.9912598133087158, -0.3579437732696533, -0.7392118573188782, -0.024052053689956665, 0.5854318737983704, 0.34175172448158264, 0.6697149872779846]} +{"paper_id": "quail", "embedding": [-0.5575955510139465, 0.7975049018859863, -0.3045508563518524, -0.47721153497695923, 0.23474812507629395, 0.40187302231788635, 0.9447491765022278, 0.6891013979911804, 0.7516381740570068, 0.6654279232025146, -0.0417097769677639, 0.02705112285912037, 0.4247397184371948, 0.27278822660446167, -0.5224915146827698, -0.6316030025482178, -0.61135333776474, -0.1872517466545105, -0.8639422059059143, -0.30944567918777466, -0.19183334708213806, -0.934587299823761, 0.16095039248466492, 0.9237633347511292, -0.6757723093032837, -0.9119560718536377, 0.7528637647628784, -0.8066645860671997, 0.57384192943573, 0.13852086663246155, -0.04972439259290695, 1.2084195613861084, -1.2185062170028687, 0.08507480472326279, -0.6146600842475891, -0.21829739212989807, 0.15582332015037537, 1.2122868299484253, 0.12567496299743652, 0.11422508209943771, -0.651695191860199, 0.458724707365036, 0.26732730865478516, 0.20821912586688995, 1.1332768201828003, -0.776369571685791, 0.27074140310287476, 0.5396325588226318, -0.7343407869338989, 0.058201681822538376, -0.4251137673854828, -0.07579953223466873, -0.07234559953212738, 0.15252980589866638, 0.26497548818588257, 0.37584418058395386, 0.2912524938583374, -0.7301900386810303, 0.6585730314254761, -1.2093063592910767, 1.552051305770874, 1.2897047996520996, -0.13111650943756104, 0.5283535122871399, 1.465187430381775, 0.15162014961242676, 1.7292656898498535, 0.38629406690597534, 0.3563804626464844, 1.1366606950759888, -0.22178992629051208, -0.3077288866043091, 0.2993883788585663, 0.13165774941444397, 0.10522229969501495, 0.7159000635147095, 0.121099092066288, 0.39441829919815063, 0.5244259238243103, 0.20255032181739807, -0.017388109117746353, 0.3182399272918701, 0.4835703670978546, -0.41525185108184814, 0.10752975940704346, -0.16466516256332397, 0.7613991498947144, -1.1812165975570679, 0.33871355652809143, -1.5703668594360352, 0.5272579789161682, 0.45077669620513916, 0.1352756917476654, -0.5639631748199463, -0.03679991513490677, 0.7106062769889832, -0.663518488407135, -0.4146619737148285, -0.2738666236400604, 0.5147539973258972, 0.48924052715301514, -0.1196524053812027, 0.2884029448032379, 0.262972891330719, -0.03175562620162964, 0.6650825142860413, 0.16168344020843506, -0.23457464575767517, -0.06479525566101074, -0.37530696392059326, -0.519366979598999, 1.08069908618927, -0.3138543963432312, 0.6503573656082153, -0.037802401930093765, 0.04493839293718338, 0.41925695538520813, -0.6799474954605103, -0.49828293919563293, 0.3403761386871338, -0.3845880329608917, -0.9579887390136719, 0.3250296413898468, 0.1534447818994522, 0.7084492444992065, -0.3103213310241699, -0.0017028492875397205, -0.2820948660373688, -0.16770653426647186, 0.5511026978492737, 0.9085366725921631, -0.2584395408630371, -0.6235144734382629, -0.07351667433977127, 2.499180555343628, -0.9525763392448425, 1.6179684400558472, -0.8981789350509644, -0.3140159547328949, -0.33601677417755127, -0.5104191899299622, 0.9249151349067688, 0.4269111156463623, -0.21246297657489777, -1.0766417980194092, 0.037857770919799805, -0.21921852231025696, 0.5071092844009399, -0.951344907283783, -0.42572441697120667, -0.19847574830055237, 0.44417092204093933, -1.6437654495239258, -0.2941327691078186, 0.24332375824451447, 0.4823688566684723, -0.34553027153015137, 0.24837711453437805, -0.17680323123931885, 0.4905085265636444, 0.08729946613311768, -0.3022489547729492, -0.5022164583206177, 0.2814701795578003, -0.39346978068351746, -0.3336513936519623, 0.8237894177436829, 0.16933101415634155, -0.8619245886802673, -0.06119026243686676, 0.5657683610916138, -0.2982686758041382, -0.05378003418445587, -0.27820244431495667, -0.3343443274497986, 0.15286695957183838, 0.6827200055122375, 0.2547987997531891, 0.5614414811134338, -0.8775481581687927, -0.5647369623184204, -0.13247263431549072, -0.24199670553207397, 0.5461667776107788, 0.1091892197728157, 0.18182668089866638, -2.396899700164795, 0.22161036729812622, 0.11919142305850983, 0.6562010645866394, 0.37805628776550293, 0.4702778160572052, 0.2473788857460022, 0.0905272513628006, -0.3861851096153259, -0.24822071194648743, 0.6424241662025452, -1.337316632270813, -0.05973706394433975, -0.12052027136087418, -0.43224817514419556, 0.13596965372562408, -0.3449607789516449, 0.8799387216567993, 0.6163671612739563, 0.03589402884244919, -0.567664623260498, -1.6630069017410278, 0.30154961347579956, 1.5896862745285034, 0.3708956837654114, -0.7531938552856445, -1.15628981590271, 0.16027913987636566, 0.5115053057670593, -0.3137451708316803, 0.42498281598091125, -0.23782280087471008, 0.03694254904985428, -0.992285966873169, 0.7089621424674988, -0.6499037742614746, -0.08253903687000275, 0.4287544786930084, 1.0575505495071411, -0.6324154138565063, -0.13764815032482147, -0.5856519341468811, -0.7946932911872864, 0.3256767690181732, 0.985958456993103, 0.3624151945114136, 0.3144816756248474, 1.0916386842727661, 0.4659115672111511, 0.7153159379959106, 0.08261770755052567, 0.56060391664505, -0.9170355796813965, 0.022769903764128685, -0.18841513991355896, 0.8201009035110474, 0.42119669914245605, -0.08829302340745926, 0.6390718221664429, 0.25083303451538086, -0.261199027299881, -0.34200572967529297, 0.16251303255558014, -0.06797885149717331, 1.1443856954574585, 0.7573937773704529, -0.9391612410545349, 0.7954919338226318, -0.37737470865249634, -0.3337656259536743, 0.11620587110519409, -0.49477070569992065, -0.3765339255332947, -0.2834775745868683, 1.0474783182144165, 0.1831311583518982, 0.4832013249397278, 0.12265604734420776, 0.01570017635822296, -0.7648600339889526, 0.06896667182445526, 0.7021234631538391, -0.09691806137561798, -0.2550775706768036, -0.4369628131389618, -0.2525748014450073, -1.3596982955932617, -0.9872711300849915, -0.3699612617492676, -0.03270278126001358, 0.22935009002685547, 1.0496983528137207, 1.4531546831130981, 0.3297838866710663, -0.30897602438926697, -0.42640966176986694, 1.1422970294952393, -0.2055545151233673, 0.08379609137773514, -0.5204264521598816, 0.6230798363685608, -1.0962355136871338, 0.27492818236351013, -0.5036949515342712, 0.8246678709983826, 0.34144291281700134, -0.3322976529598236, 0.8168472051620483, -0.6630877256393433, -0.9923532009124756, 1.210699439048767, 0.4339323937892914, -0.31600549817085266, -0.371407151222229, 1.5158629417419434, 0.2645745575428009, -0.2903425097465515, 0.18276266753673553, -0.06306996941566467, -0.5379414558410645, 1.0898603200912476, -0.15880893170833588, 0.28060054779052734, 0.3166691064834595, 0.15812736749649048, -0.08490678668022156, 0.1741989254951477, -2.3244752883911133, 0.6663991212844849, 0.8133397102355957, -0.5200793743133545, -0.28014498949050903, -0.8638632297515869, 0.3344760537147522, -0.5315655469894409, 0.2238968014717102, 0.736059844493866, -0.514146625995636, 0.4796309769153595, -0.5144383311271667, 0.19243307411670685, 0.9407028555870056, -0.2363116443157196, 0.3167039155960083, 0.6170383095741272, 0.07678024470806122, -0.22941358387470245, -0.6370735764503479, 0.9101143479347229, -0.35926786065101624, 0.4472043812274933, 0.25150588154792786, 1.2005313634872437, 0.6962050199508667, -0.18494531512260437, -0.5631996393203735, 0.702758252620697, 0.17485311627388, 0.2252437025308609, 0.16212759912014008, -0.36723822355270386, 0.7517663240432739, -0.43496173620224, 0.7519738078117371, -0.5551223158836365, -0.24833868443965912, -0.8429562449455261, -0.17008435726165771, -0.3567439913749695, 0.21903777122497559, 1.6317510604858398, 0.7694733738899231, 1.4462158679962158, -0.12684063613414764, 0.021455544978380203, -0.8343872427940369, -0.032599516212940216, 0.6601073741912842, 0.2054867148399353, 0.04812712222337723, -0.5560780763626099, 0.11131724715232849, 0.5583605766296387, 0.37652552127838135, -0.4387071430683136, 0.20696404576301575, 0.37658584117889404, 0.1374700367450714, -0.2180686593055725, 0.4900694489479065, 0.7369312644004822, 0.3554622530937195, 1.4856513738632202, -0.03390178829431534, 0.035227689892053604, -0.1389676183462143, -0.1562056839466095, 0.333159863948822, 0.3561130464076996, -0.8880149126052856, 0.331028014421463, -0.1552085131406784, 0.2642800211906433, -0.05431532859802246, 1.166235327720642, 0.9280751943588257, -0.4674653708934784, -1.6613287925720215, -0.026676490902900696, -0.8725113272666931, 0.2887670397758484, 0.3955223858356476, -0.12549996376037598, -0.109030582010746, 0.4100415110588074, 0.3783579170703888, -1.2793760299682617, 0.21960005164146423, -0.4229379892349243, -1.6999192237854004, 0.678571343421936, 1.17716646194458, -0.746209442615509, -0.28152287006378174, -0.21515902876853943, -0.7775472402572632, -0.46335119009017944, -0.4833264648914337, -0.32800185680389404, 0.7061898708343506, 0.09139345586299896, 1.3423144817352295, 0.09445245563983917, 0.3079080581665039, -0.8987377285957336, 1.111584186553955, 0.5560410022735596, -0.46452489495277405, 0.33779188990592957, 0.2626326382160187, 0.5246405601501465, 0.015108052641153336, -0.7406808137893677, -0.6967490911483765, 0.5568318367004395, -0.19672229886054993, 0.030277825891971588, -0.37668853998184204, -0.6788578033447266, 0.5858085751533508, 0.037012096494436264, 0.8677741885185242, -0.9303263425827026, 0.5164664387702942, -0.5096661448478699, -0.7954323887825012, 0.3188907504081726, -0.8300997018814087, -0.9823058247566223, 0.18123504519462585, -0.6835814118385315, 0.16267991065979004, -0.4786451756954193, -0.011997222900390625, 1.4467034339904785, -0.031855110079050064, -0.2103729248046875, -0.41159534454345703, -12.999661445617676, 1.1038308143615723, 0.2927107810974121, 0.705141544342041, 0.6711892485618591, -0.44237932562828064, 0.05470436066389084, -0.13655102252960205, 0.8791499137878418, -0.8404439091682434, 0.3871767520904541, 0.6371300220489502, 0.11873523890972137, 0.07374998182058334, -0.27107104659080505, -1.2083663940429688, 0.025100525468587875, -0.3001132011413574, -0.027082856744527817, -0.028029464185237885, -0.14153756201267242, -0.7835955619812012, -0.477261483669281, 0.2949592173099518, 0.45513561367988586, -0.20790895819664001, -0.4422703683376312, -0.3026728630065918, 0.0021329447627067566, -0.1971106380224228, 0.9003064632415771, -0.1787910759449005, 0.40347588062286377, 0.015186106786131859, -0.19474861025810242, -0.1911516934633255, -0.5317530632019043, -0.24423848092556, 0.32352662086486816, -0.5626617670059204, 0.05813358724117279, 0.18598516285419464, 0.14610259234905243, -0.0509953573346138, -0.23974570631980896, 0.493907630443573, -0.1168333888053894, -0.6622201800346375, 0.09657616168260574, 0.32136961817741394, -0.6699593663215637, -0.03433365374803543, -0.5880823731422424, -0.6131636500358582, 0.43616217374801636, -0.2602285146713257, -0.7860350608825684, -0.38026103377342224, -0.33522215485572815, -1.1730388402938843, 0.7757670283317566, 0.1869431585073471, -0.2559391260147095, 0.19787642359733582, 0.26002833247184753, 0.10551688820123672, -0.049380384385585785, 0.4675232172012329, -1.0027047395706177, 0.06327781081199646, -0.6635715365409851, 0.9711506962776184, 0.34685131907463074, 0.5258669853210449, -0.8707744479179382, 0.13669417798519135, -1.0495800971984863, 0.3020615875720978, -0.10777875781059265, 0.3500330448150635, -1.2746679782867432, 0.661881148815155, 0.45443195104599, -0.3371272385120392, -1.0582445859909058, 0.3039447069168091, 0.11603530496358871, 0.048677604645490646, 0.4953547418117523, -0.21154388785362244, 0.999028742313385, 0.4439544975757599, -0.9193293452262878, -0.2153831124305725, -0.489267498254776, 0.6707943677902222, 0.014349285513162613, 0.5193275213241577, 0.20003420114517212, -0.3151159882545471, -0.24948865175247192, -0.3557192087173462, -0.8126635551452637, 0.2995072305202484, 0.5708678364753723, 0.15739965438842773, 0.6413567066192627, -0.5942664742469788, -0.35736653208732605, -0.28955331444740295, 1.0151450634002686, -0.09268314391374588, -0.19400060176849365, 1.2200857400894165, -0.22144079208374023, 0.3587002158164978, 0.06397904455661774, -0.1402515172958374, 0.16967125236988068, 0.537264347076416, -0.6309277415275574, 0.5050359964370728, 0.08839961886405945, 1.3257863521575928, -0.7780848741531372, 0.10128986090421677, 0.23726660013198853, 0.7851499915122986, -0.07053305953741074, -0.6413723826408386, -0.15255635976791382, -0.37275487184524536, 0.15340730547904968, -0.9027539491653442, -0.950957179069519, 0.044108811765909195, 0.13401444256305695, 0.918332576751709, -0.9778139591217041, -0.020998552441596985, 0.041561275720596313, 0.06646846234798431, -0.7942982316017151, -1.6204407215118408, -0.9777702689170837, 0.049762897193431854, -1.181190013885498, 0.44110822677612305, -0.7435081601142883, -0.6213834285736084, 0.3258604407310486, -0.6395836472511292, 1.3028275966644287, -0.13460208475589752, -0.03941205143928528, -0.5776959657669067, 0.08300000429153442, -0.36212748289108276, -0.9999130964279175, -0.1331433206796646, 0.16082584857940674, 0.48979684710502625, -0.9279600381851196, 1.0949647426605225, 0.13568514585494995, -0.08067157864570618, -0.6772513389587402, 0.13968805968761444, -0.3896721601486206, 0.10985928028821945, 0.8669757843017578, -1.0975693464279175, -0.3866257965564728, -0.6129053235054016, -0.5030511617660522, -0.779636025428772, 0.6425698399543762, 0.8357757329940796, -1.1175477504730225, -0.4134681820869446, 0.033791013062000275, 0.7120769023895264, 0.181801900267601, -0.3830839991569519, -0.35430312156677246, 0.14292022585868835, 0.3603217601776123, 0.9454461932182312, 0.4014129638671875, 0.8990913033485413, -1.5830562114715576, -1.1433839797973633, -0.9889599680900574, 0.07114696502685547, 0.9019750356674194, 0.25044718384742737, 0.686639130115509, 0.43900734186172485, -0.46912628412246704, -0.17007948458194733, 0.02052551507949829, 1.0123577117919922, 0.10046917200088501, 0.291128933429718, -0.680242657661438, 0.42415928840637207, -0.3897518515586853, 0.24379035830497742, 0.5833165645599365, 0.9433832764625549, -1.2235639095306396, -0.4228297472000122, 0.09158345311880112, -0.2705875635147095, -0.1450192630290985, -1.2366127967834473, -0.07842928171157837, -0.12972158193588257, -0.3380248248577118, -0.827429473400116, 0.07202604413032532, 0.8943464756011963, -0.42995357513427734, 1.191919207572937, 0.36586037278175354, 0.8325694799423218, 0.4715103507041931, -0.04583287239074707, 0.4940664768218994, 0.32840368151664734, 0.050675198435783386, 0.516928493976593, -0.02268785610795021, 0.11570049077272415, -0.45701634883880615, -1.2472732067108154, -0.3708192706108093, 1.0416597127914429, 0.06957590579986572, 0.9484223127365112, -0.018201123923063278, -0.0024216435849666595, 0.634362518787384, 0.750414252281189, -0.23348753154277802, -1.8817535638809204, -0.747673511505127, -1.1173914670944214, 0.5838654041290283, 0.6917937397956848, 0.6544016003608704, 0.724713921546936, 0.4841199815273285, 0.23514515161514282, 0.7085704207420349, -0.7348482012748718, 0.09659934788942337, 0.3968856930732727, -0.18878819048404694, 1.1838679313659668, 0.9609583020210266, -0.6493073105812073, 0.3281949758529663, -0.23194295167922974, -1.2180370092391968, 0.6592140793800354, -0.6102501749992371, 0.6335843205451965, 0.43553417921066284, -0.6517213582992554, 0.04227061569690704, -0.4292253255844116, 1.3662240505218506, -0.6011807322502136, 0.4867764115333557, -0.27492254972457886, -0.605873703956604, 0.1162852868437767, -0.4293064475059509, -0.0964694395661354, 0.7565696239471436, -0.020097631961107254, -0.3079996109008789, -0.10208311676979065, 0.32259616255760193, 0.053048472851514816, -0.5713838934898376, -0.9526982307434082, -0.1648263931274414, -0.8336693048477173, -0.13661810755729675, 0.012537135742604733, -0.49237534403800964, -0.18436886370182037, -0.07106392085552216, -0.7215105295181274, 0.14795151352882385, 0.1963539570569992, -0.8542742729187012, -0.5999723076820374, -0.025351133197546005, -0.5450621843338013, 0.35202234983444214, -0.26968443393707275, -0.13029147684574127, -1.3287354707717896, -0.11024602502584457, 0.7487799525260925, 0.1477370411157608, -0.15323640406131744, -0.013710757717490196, 1.0117131471633911, 0.13850370049476624, 0.7863014936447144]} +{"paper_id": "swag", "embedding": [-0.1499907225370407, 0.3774603009223938, -0.2352970987558365, 0.02393501251935959, 0.15629252791404724, 0.19827373325824738, 0.944564700126648, 0.4150127172470093, 1.1865870952606201, 1.0236438512802124, 0.3267485201358795, 0.5931702256202698, -0.36259135603904724, -0.40182775259017944, -0.2031310796737671, -0.745467483997345, -0.44431236386299133, 0.457659512758255, -1.025006890296936, -0.419249951839447, -0.5733197331428528, -0.837840735912323, 0.407585084438324, 0.6202790141105652, -0.8830546736717224, 0.14375388622283936, 0.927236795425415, -1.4449433088302612, 0.4436019957065582, 0.2476969063282013, -0.0889800563454628, 1.7282423973083496, -1.6704145669937134, 0.5741506218910217, -0.7670602202415466, -0.825173556804657, 0.3422985374927521, 0.8209714889526367, 0.1691528558731079, -0.24177685379981995, -0.1644057333469391, 0.502294659614563, 0.3986390233039856, 0.2153291404247284, 0.4935666620731354, -0.16791726648807526, 0.23547983169555664, 0.5029506683349609, -0.8621891736984253, 0.16483174264431, -0.4048371911048889, 0.19135960936546326, 0.7736144065856934, 0.8839584589004517, 0.10948874056339264, 0.8202040195465088, -0.06807732582092285, -0.8947914242744446, 0.43294739723205566, -0.6358755826950073, 1.235759973526001, 1.1748998165130615, -0.6578076481819153, 0.43614086508750916, 1.0252716541290283, 0.09808164834976196, 0.751136064529419, 0.9274241924285889, 0.08618791401386261, 0.6123906970024109, -0.2776883542537689, -1.0321027040481567, -0.07084976881742477, -0.413220077753067, -0.03646978735923767, 0.2937324643135071, 0.15530361235141754, 0.3676573932170868, 0.4081767201423645, 0.24939653277397156, 0.04709796980023384, 0.5195848941802979, -0.11001883447170258, -0.6337094902992249, -0.08999581634998322, 0.26763710379600525, 0.5595078468322754, -1.0812844038009644, 0.22349567711353302, -2.1450135707855225, 0.4785509705543518, 0.39956605434417725, 0.397779643535614, -0.7204815745353699, -0.16952230036258698, 0.6430950164794922, -0.20856405794620514, -0.7216185331344604, -0.6036518812179565, 0.5022709369659424, 0.4198751151561737, -0.6141195297241211, 0.2647930681705475, -0.25829076766967773, 0.8649014234542847, 0.9525849223136902, -0.058009155094623566, 0.09120413661003113, -0.5247129797935486, -0.2299029678106308, -0.7534297108650208, 1.0404947996139526, 0.033620063215494156, 0.6398206353187561, -0.25023624300956726, -0.1508532464504242, 0.5649320483207703, -0.07335925102233887, -0.5266485810279846, 0.2283252775669098, 0.0708867534995079, -0.7196623086929321, -0.13337606191635132, -0.16925358772277832, 0.992587685585022, -0.8920273780822754, -0.0823124572634697, 0.05875864624977112, 0.041130486875772476, 0.017183637246489525, 0.03629911690950394, 0.5620667934417725, -0.6790158152580261, -0.04534140229225159, 3.028247117996216, -0.8296941518783569, 1.5621161460876465, -0.9302195310592651, -0.1365879774093628, -0.16318921744823456, -0.5424788594245911, 0.5637187957763672, 0.44803816080093384, 0.3465375304222107, -1.162817358970642, 0.12213209271430969, -0.1432703137397766, 0.10257258266210556, -0.6852723360061646, 0.0769229531288147, -0.2817612588405609, 0.609258234500885, -1.4756582975387573, -0.8271914124488831, 0.390982449054718, 0.5222747325897217, -0.9330852031707764, 0.5359839200973511, -0.572603166103363, 0.4840086102485657, -0.043720729649066925, 0.0067833103239536285, -0.24526160955429077, 0.4898510277271271, -0.06243768706917763, 0.5989183783531189, 0.8567773699760437, -0.5009457468986511, -0.5988534092903137, -0.5137914419174194, 0.9518000483512878, -0.42987748980522156, -0.09506925940513611, -0.6006687879562378, -0.17614543437957764, 0.8340663909912109, 0.09329523891210556, 0.1095343828201294, 0.038763366639614105, -0.6869702339172363, -1.4582140445709229, 0.04873031750321388, -0.12112093716859818, 0.46142393350601196, -0.25347042083740234, -0.16682465374469757, -2.456843852996826, -0.3675212264060974, -0.008435308933258057, 0.9080396294593811, 0.4921308159828186, 0.06215829402208328, -0.13250386714935303, 0.8488516211509705, -0.7206409573554993, -0.1829788237810135, 0.9664833545684814, -0.948210597038269, -0.40476906299591064, 0.2236737161874771, -0.6576530933380127, -0.5983549952507019, -0.8711374998092651, 0.48975151777267456, 1.1079548597335815, -0.2826513648033142, -0.3624938130378723, -1.8481882810592651, 0.32477402687072754, 1.7184267044067383, 0.8686802983283997, -0.930051326751709, -1.496564269065857, -0.25117313861846924, 0.6987046599388123, -0.24955543875694275, 0.9191478490829468, -0.5988833904266357, 0.34682342410087585, -1.2711337804794312, 0.5002142190933228, -0.16266487538814545, 1.2390822172164917, 0.8852124214172363, 1.7989147901535034, -0.8650650382041931, 0.10324808955192566, -0.9653159976005554, -0.5496716499328613, 0.5665769577026367, 0.5871267914772034, 0.04424131661653519, 0.470048725605011, 1.1245317459106445, 0.2812424600124359, 0.6136988997459412, 0.20676100254058838, 0.6758399605751038, -0.6483803987503052, -0.06618477404117584, 0.5296064019203186, 0.24322518706321716, 0.011165797710418701, -0.1828802227973938, -0.05759219080209732, 0.1534387618303299, -0.5805085897445679, -0.7964681386947632, -0.13221922516822815, 0.018306657671928406, 1.279274821281433, 0.5324090719223022, -0.5099520087242126, 0.04503948986530304, -0.4043228030204773, -0.3601225018501282, -0.016061250120401382, -0.6826826930046082, -0.3938913941383362, -0.17989659309387207, 0.7056268453598022, 0.4401991069316864, -0.05850222706794739, -0.3339937925338745, 0.3008458912372589, -1.0155898332595825, -0.4235612154006958, -0.21350838243961334, 0.2960817217826843, -0.9989359378814697, -0.16155332326889038, -0.528355598449707, -0.7464255690574646, -1.3142000436782837, -0.6075568795204163, 0.3369120955467224, 0.3618830740451813, 0.6390770673751831, 1.56687331199646, 0.0720595046877861, -0.047736916691064835, -0.033972859382629395, 0.9345147013664246, -0.3678237497806549, 0.40231823921203613, -0.5105648636817932, 0.4479290246963501, -0.6069345474243164, 0.4054611027240753, -0.6757519245147705, 1.0011827945709229, -0.310732364654541, -0.5489311218261719, 0.42296546697616577, -0.6559960246086121, -0.09246817231178284, 1.5239508152008057, -0.15566594898700714, 0.2178613543510437, -0.6099475026130676, 0.8866417407989502, 1.0370274782180786, -0.6280303001403809, 0.6196088194847107, -0.7891177535057068, -0.18486423790454865, 1.534646987915039, -0.3475569486618042, 0.5380538105964661, 0.4976813793182373, 0.6747668385505676, 0.8955362439155579, 0.06100616604089737, -2.475987434387207, 0.6237211227416992, 0.8108611106872559, 0.29151564836502075, -0.35169824957847595, -1.0594565868377686, 0.3530794382095337, -0.825640857219696, 0.13001541793346405, 0.41954681277275085, -0.4053499698638916, 0.12721875309944153, -0.3840431272983551, 0.7977322340011597, 0.905913770198822, -1.1688437461853027, 0.2691068649291992, 0.7435735464096069, 0.03812579810619354, -0.7017098069190979, 0.13868975639343262, 1.0532857179641724, -0.20695693790912628, 0.06758520007133484, -0.05475620925426483, 1.1815667152404785, 0.5618941783905029, -0.1823861300945282, -0.15153641998767853, 1.368506908416748, -0.20422744750976562, -0.12668460607528687, 0.22601698338985443, -0.7281932830810547, 0.2933224141597748, -0.37831947207450867, 0.7458867430686951, -0.26214149594306946, -0.3950394093990326, -0.8961454033851624, 0.12589837610721588, -0.410611093044281, -0.5060550570487976, 1.1166855096817017, 1.1362289190292358, 1.3134180307388306, 0.1866614669561386, 1.0119038820266724, -0.5016329884529114, 0.0262230783700943, 0.15215401351451874, 0.12816230952739716, 0.2580060064792633, -0.8220698833465576, -0.2600637674331665, 0.34306761622428894, 0.23410238325595856, -0.23408842086791992, -0.5397427082061768, 0.5417155623435974, 0.27559590339660645, -0.22884926199913025, 0.40876615047454834, 0.12817029654979706, 0.5005091428756714, 1.4458677768707275, -0.7059274315834045, -0.3951001465320587, 0.17471420764923096, 0.26119542121887207, 0.7722625732421875, 0.2042679488658905, -0.5510733127593994, 0.4928426146507263, 0.17902091145515442, 0.7550756335258484, 0.45830827951431274, 1.0649323463439941, 0.9996972680091858, -0.24567562341690063, -0.9839543104171753, -0.15423539280891418, -0.7263162136077881, 0.19989316165447235, 0.5639681816101074, -0.3436228334903717, 0.31827059388160706, 0.5866905450820923, -0.24100109934806824, -0.7877032160758972, 1.2130088806152344, -0.2782074511051178, -0.9241909980773926, 0.45756810903549194, 1.288557767868042, -1.0912089347839355, -0.7463008165359497, 0.21616072952747345, -0.613761842250824, -0.5519580841064453, 0.061070363968610764, 0.2372872233390808, 1.2274560928344727, -0.22570490837097168, 0.8192232251167297, 0.08848479390144348, -0.19746311008930206, -0.892361581325531, 0.9249717593193054, 0.9020615816116333, -1.3468151092529297, 0.934130072593689, 0.1502959430217743, 0.15832935273647308, 0.9076725244522095, -0.96373051404953, -0.34992995858192444, 1.3369358777999878, 0.7028059959411621, -0.5375251173973083, -0.5658136606216431, -0.6902164816856384, -0.07510782033205032, -0.5969350337982178, 0.04344332963228226, -1.101705551147461, -0.3065127730369568, -0.23620447516441345, 0.42535531520843506, 1.0191947221755981, -0.4734407067298889, -1.1993365287780762, 0.6795685291290283, -0.8086974024772644, 1.0880178213119507, -0.3172825276851654, -0.0655919760465622, 2.052830457687378, 0.3292880952358246, 0.12054289877414703, 0.08190377801656723, -12.120467185974121, 1.100892186164856, -0.03949236124753952, 0.3303226828575134, 0.12646032869815826, -0.6945832371711731, -0.18365123867988586, 0.251402348279953, 0.13748198747634888, -0.8329020142555237, 0.7419756054878235, 1.1417121887207031, 0.32181665301322937, -0.005546741187572479, -0.6694930195808411, -1.3014227151870728, -0.488726943731308, -0.8368226885795593, 0.029473990201950073, 0.5833680033683777, 0.5296481847763062, -0.9570642113685608, -0.028351228684186935, 0.0030892007052898407, 0.1665819138288498, 0.07067780941724777, -0.24729156494140625, 0.019971881061792374, -0.6136202812194824, 0.1366010457277298, 1.0111806392669678, -0.2996791899204254, -0.28804540634155273, -0.6093944311141968, 0.7013391256332397, -0.027670063078403473, -1.0675007104873657, 0.23956893384456635, 0.4318046569824219, 0.17654633522033691, -0.33565157651901245, 0.2387814074754715, 0.38190561532974243, 0.17494402825832367, -0.2506764531135559, 0.4006924033164978, 0.4790302813053131, -0.5524654388427734, -0.41608700156211853, -0.1377127319574356, 0.19006572663784027, -0.9515904188156128, -0.5294114351272583, -1.0475099086761475, 0.8198615312576294, -0.3053029477596283, -1.0110938549041748, -0.418527752161026, -0.6223685145378113, -1.4091417789459229, -0.21468180418014526, 0.3709244132041931, -0.297423779964447, 0.11779855191707611, 0.48884811997413635, -0.40348175168037415, 0.4989742040634155, 0.713409960269928, -0.5223378539085388, 0.2674098312854767, -0.7449297904968262, 0.9672541618347168, -0.03874737024307251, 0.5243233442306519, -0.5397962331771851, -0.3407193422317505, -0.2546830475330353, 0.15558411180973053, 0.7678885459899902, 0.03882431983947754, -1.2435632944107056, 0.7611835598945618, -0.19443455338478088, -0.2880399525165558, -1.0733799934387207, 0.21835801005363464, 0.02601853385567665, -0.16896414756774902, 0.8284605741500854, 0.24665364623069763, 0.9793205261230469, -0.155971959233284, -0.8933475613594055, -0.10052766650915146, -0.4943486452102661, 0.8624330163002014, -0.5205017328262329, 0.16601179540157318, -0.10907775163650513, -0.9713081121444702, 0.37774553894996643, 0.0610838383436203, -0.869441032409668, 0.13559888303279877, 0.3411904573440552, 0.15219411253929138, 0.31030234694480896, -0.27374887466430664, 0.4265097677707672, -0.06797201186418533, 0.30693328380584717, -0.518242359161377, -0.17037713527679443, 0.887609601020813, -0.1996062844991684, -0.04535242170095444, 0.9262744784355164, -0.2755700945854187, 0.5658923983573914, 0.9320772886276245, -0.46346333622932434, 0.43834763765335083, 0.0015450399369001389, 1.0379928350448608, 0.06519666314125061, 0.32727178931236267, 0.2988126277923584, 0.7319271564483643, -0.2110893875360489, -1.3514070510864258, 0.376248836517334, -0.3574478030204773, 0.07618693262338638, -0.4783358573913574, -0.20882382988929749, 0.10972338914871216, -0.5694625973701477, 1.377943754196167, -1.1595090627670288, -0.10377823561429977, 0.19720503687858582, -0.01673883944749832, -0.6218687891960144, -1.1567412614822388, -0.8948939442634583, 0.05736979842185974, -1.79537034034729, 0.3568967580795288, -1.04515540599823, -0.15606585144996643, 0.021648671478033066, -0.21129214763641357, 1.2081499099731445, -0.734634518623352, -0.3409505784511566, -0.40616095066070557, 0.2514946758747101, -0.5484577417373657, -0.30418190360069275, -0.3717779219150543, -0.08740098029375076, 1.0869873762130737, -0.956845760345459, 0.8011302351951599, 0.20073187351226807, 0.344760537147522, -0.13987448811531067, -0.37922289967536926, 0.20363236963748932, -0.12131275236606598, 1.0531554222106934, -1.30027437210083, 0.17990581691265106, -0.4431303143501282, 0.037740904837846756, -1.0768766403198242, 0.6423625349998474, 0.7477099895477295, -0.7983407378196716, -0.1449943631887436, 0.32620325684547424, 0.7648688554763794, 0.2169962376356125, -0.7765940427780151, 0.10844631493091583, -0.32687219977378845, 0.4751475751399994, 0.6316665410995483, -0.2752865254878998, 1.2688791751861572, -1.6625068187713623, -0.9425224661827087, -0.8631084561347961, -0.14606575667858124, 1.0871179103851318, 0.3948878347873688, 0.790172815322876, 0.601719081401825, 0.2911049425601959, 0.06839989870786667, 0.09554490447044373, 0.731853723526001, 0.3066805303096771, -0.09161639213562012, -0.2930799424648285, -0.357921838760376, -0.7579670548439026, -0.409797340631485, -0.10303843021392822, 0.18723483383655548, -0.8590896129608154, 0.18190905451774597, 0.41740840673446655, -0.6300052404403687, 0.24739952385425568, -0.8516689538955688, 0.24871692061424255, -1.256410002708435, -0.3161187469959259, -1.1100749969482422, 0.2593068778514862, 0.9688215255737305, -0.1545616090297699, 1.1099228858947754, 0.43983593583106995, 0.33651596307754517, 0.8442665934562683, 0.12861889600753784, 1.2023229598999023, 0.09775873273611069, 0.2405242919921875, 0.20843149721622467, 0.3778339922428131, 0.2311873733997345, -0.41751953959465027, -0.53168123960495, -0.7626821994781494, 0.5664860606193542, -0.5692704916000366, 0.22479501366615295, -0.3516461253166199, -0.22028866410255432, 0.9283623695373535, 0.8760061860084534, -1.005995750427246, -1.5838062763214111, -0.5500166416168213, -1.061471700668335, 0.2662805914878845, 0.7986334562301636, 0.7988684773445129, 1.2909570932388306, 0.8310195207595825, 0.06963256746530533, 0.33587321639060974, 0.028645195066928864, -0.0008453428745269775, 0.25318199396133423, 0.29029974341392517, 1.6438454389572144, 1.0101248025894165, -0.348625123500824, 0.3282608389854431, 0.12554605305194855, -0.7303280234336853, 0.36903849244117737, -0.6392287611961365, -0.08122648298740387, 0.031201690435409546, -0.4611820876598358, 0.2748402953147888, -0.36417561769485474, -0.34426259994506836, -0.6655352115631104, 0.4665849208831787, 0.2090834528207779, -0.5412035584449768, -0.5224243998527527, -0.6970909833908081, -0.40118488669395447, 0.3676179349422455, -0.1207631528377533, -0.5368186235427856, -0.3931761384010315, 1.1004283428192139, 0.29949989914894104, 0.20479291677474976, -0.8185067176818848, 0.06481637805700302, -0.20753487944602966, -0.16558007895946503, -0.681307315826416, -0.42520788311958313, -0.2024768888950348, 0.1203746646642685, -0.6381326913833618, 0.1284521520137787, -0.6843832731246948, -0.6663100719451904, -0.8944715857505798, 0.11306378245353699, 0.3389628231525421, -0.3148941397666931, 0.09096889197826385, -0.10121480375528336, -1.6321614980697632, 0.464922696352005, 0.40413832664489746, -0.41762396693229675, -0.6405578851699829, 0.1735984981060028, 0.39099133014678955, -0.276960551738739, 1.1610569953918457]} +{"paper_id": "common_gen", "embedding": [-0.9223747253417969, 0.7759594917297363, 0.18145780265331268, 0.31517353653907776, 0.6839168071746826, 0.003970041871070862, 0.9762757420539856, -0.15830540657043457, 0.37081027030944824, 0.991456151008606, 0.3846175968647003, 0.5441117882728577, -0.33800873160362244, -0.20231346786022186, 0.0787355899810791, -0.3014739453792572, -1.333724856376648, -0.22626285254955292, -1.0695587396621704, -0.7631349563598633, -0.7535955905914307, -1.1963770389556885, -0.0833781510591507, 0.1278635710477829, -0.7788981795310974, -0.01073385588824749, 1.1466748714447021, -1.4404337406158447, 0.2403341829776764, 0.22164037823677063, -0.1978854238986969, 1.0845251083374023, -1.0165913105010986, 1.1369774341583252, -0.3166757822036743, -0.24512605369091034, 0.08139851689338684, 0.7272684574127197, -0.6274603009223938, 0.24439586699008942, -0.18911486864089966, 0.38231924176216125, 1.1892191171646118, -0.26205670833587646, 0.16458237171173096, -0.35843372344970703, -0.249895840883255, 0.14836715161800385, -0.42534977197647095, 0.17062708735466003, -0.3502042889595032, 0.05971981957554817, 0.5773928761482239, 0.5043078660964966, 0.16911935806274414, 1.865925908088684, 0.09796961396932602, -0.9437759518623352, 0.2915080487728119, -0.2993057370185852, 0.6194827556610107, 2.1973512172698975, -0.5344277024269104, 0.6765967011451721, 0.7930291891098022, 0.3127455711364746, 0.7694553136825562, 0.8399223685264587, 0.024655582383275032, 0.821893036365509, -0.13631927967071533, -0.8459737300872803, 0.7566344141960144, 0.1365067958831787, 0.2757314443588257, 0.687859296798706, 0.08869920670986176, 0.15321975946426392, 0.40177515149116516, 0.1646358072757721, -0.020456474274396896, 0.4662991166114807, 0.6082665324211121, -0.7651629447937012, -0.14488177001476288, 1.0456706285476685, 0.4567454755306244, -0.3453323245048523, -0.41538336873054504, -1.6157143115997314, -0.41965192556381226, 0.6022804379463196, 0.13885387778282166, -0.1496003270149231, 0.24702318012714386, 0.4504643380641937, -0.02114717662334442, -0.021150967106223106, -0.5664328336715698, 0.40719640254974365, 0.07480191439390182, -0.8732264041900635, 0.26563578844070435, -0.1804937720298767, 0.9261776804924011, 0.6292629241943359, -0.12592481076717377, -0.25823459029197693, -0.21440792083740234, -0.5646092891693115, -0.10564687848091125, 0.8087775111198425, 0.7014462947845459, 0.43512260913848877, -0.412322998046875, -0.44491809606552124, 0.15414093434810638, -0.2830963432788849, -0.12708570063114166, 0.31021904945373535, 0.047860920429229736, -1.197230339050293, -0.27042123675346375, -0.3789820075035095, 1.606261968612671, -0.7519088983535767, -0.3272577226161957, 0.14799124002456665, 0.6357152462005615, -0.4044851064682007, -0.3253805637359619, 0.31844308972358704, -0.6543362140655518, 0.3575771749019623, 3.4867031574249268, -0.5533731579780579, 1.2405186891555786, -1.2925022840499878, -0.2668669819831848, -0.4753742218017578, -0.12066992372274399, 0.7631407380104065, -0.022023480385541916, 0.003844253718852997, -1.2020193338394165, 0.02167591266334057, -0.46198710799217224, 0.7443274259567261, -0.6724141240119934, 0.05856916308403015, 0.32220786809921265, -0.4149961769580841, -1.8322287797927856, -0.3199191689491272, 0.00048405304551124573, 0.39328235387802124, -0.43791282176971436, -0.027880586683750153, -0.3420417904853821, 1.0807371139526367, 0.4906265139579773, -0.28170573711395264, -0.9071614742279053, -0.41942253708839417, -1.1304230690002441, 0.5607069134712219, 0.908410370349884, -0.3511984348297119, -0.6493444442749023, -0.4546442925930023, 0.9508276581764221, 0.07608553022146225, -0.058550283312797546, -0.8516950607299805, 0.3617990016937256, 1.0898908376693726, 0.6425118446350098, 0.14308594167232513, 0.13810813426971436, -0.6064237356185913, -1.1191391944885254, -0.5254594087600708, -0.4940728545188904, 0.17271371185779572, -0.4254801869392395, 0.3297899067401886, -2.5032477378845215, -0.7135652899742126, -0.6971346139907837, 0.4688505232334137, -0.1943185031414032, 0.06327885389328003, -0.32328933477401733, 0.0991106629371643, -0.46801626682281494, -0.29422444105148315, 0.7764104008674622, -0.8990333676338196, -0.17575667798519135, 0.3460356593132019, -0.11675597727298737, 0.050341811031103134, -0.6793018579483032, 1.6156634092330933, 0.8037165999412537, -0.4957951307296753, -0.6174551248550415, -1.8776487112045288, 0.0798690915107727, 2.2780323028564453, 0.22679822146892548, -1.2922298908233643, -1.1499630212783813, -0.386676549911499, 1.0507129430770874, -0.10993557423353195, 0.268199622631073, -0.534321665763855, 0.4314495027065277, -0.9843580722808838, 0.3414449691772461, -0.47452566027641296, 0.9179146885871887, 0.48813846707344055, 1.0943974256515503, -0.7816697359085083, 0.16261211037635803, -0.5429985523223877, -0.952063798904419, 0.37965720891952515, 0.9858316779136658, 0.19289249181747437, -0.5316758751869202, 1.0414149761199951, 0.10172836482524872, 0.5711607933044434, 0.43012329936027527, 0.8405175805091858, -0.714643120765686, 0.33299270272254944, 0.7428287863731384, 1.307019829750061, -0.4624706506729126, 0.19024237990379333, -0.025331631302833557, 0.26594290137290955, -0.3885612487792969, -0.41482013463974, 0.10295063257217407, -0.04562913626432419, 1.349875807762146, 0.32427144050598145, -0.4625755250453949, 0.6888229846954346, -0.9106919169425964, -0.7560210227966309, -0.3471806049346924, -0.6355612277984619, -0.3165265917778015, -0.159108966588974, 1.0922150611877441, -0.020708292722702026, 0.39606550335884094, -0.6659830212593079, -0.83038729429245, -1.4344538450241089, -0.3835527002811432, 0.08150262385606766, 0.1808123141527176, -1.8758662939071655, 0.04924170672893524, -0.11721649765968323, -0.640749990940094, -1.0830509662628174, -0.11561119556427002, 0.20815794169902802, 0.37611567974090576, -0.01405399665236473, 1.746814250946045, -0.9246323108673096, 0.3628920018672943, -0.10080792754888535, 0.9285600781440735, -0.6501451134681702, 1.1558750867843628, -0.5196956992149353, -0.11191660910844803, -0.9077828526496887, 0.8491722345352173, -0.5927979946136475, 0.4881923794746399, 0.20757368206977844, -0.7808693051338196, 0.08400031924247742, 0.014404401183128357, -0.2232627272605896, 1.198100209236145, -0.4886370003223419, 0.6022806763648987, -0.8449646830558777, 0.9846518039703369, 0.9732652902603149, -0.3068125247955322, 1.4371247291564941, -0.4193214774131775, -0.15099018812179565, 0.9883652329444885, -0.08046740293502808, 0.8414891958236694, 0.5014419555664062, 0.38558429479599, 0.8244301080703735, 0.03181496262550354, -2.0095012187957764, 0.4606674015522003, 1.0516611337661743, -0.5770509839057922, 0.02488693781197071, -1.2788110971450806, 0.15853701531887054, -0.5563961267471313, -0.28645288944244385, 0.8339459896087646, -0.18953916430473328, 0.37438371777534485, -0.5168968439102173, 0.1624508947134018, 1.0151962041854858, -0.4442973732948303, 0.8730925917625427, 0.5801090002059937, 0.11500310897827148, -1.09928297996521, 0.36209189891815186, 0.5016906261444092, -0.7522954344749451, 0.40259459614753723, -0.09325436502695084, 0.7151856422424316, 1.3540501594543457, -0.4890921115875244, -0.07923130691051483, 0.922158420085907, -0.08801884204149246, 0.6189889907836914, 0.33085930347442627, -0.07214444875717163, 0.5309360027313232, -0.3154129683971405, 1.1343640089035034, -0.4359433054924011, -0.9538025856018066, -0.47854191064834595, -0.5225175619125366, -0.3408946394920349, -0.6345849633216858, 1.721469759941101, 0.8722954988479614, 1.4029266834259033, -0.6278845071792603, 0.2641473710536957, -0.4865851402282715, -0.6720191240310669, 0.8406398892402649, 0.6175708174705505, -0.0601707398891449, -0.7973251342773438, -0.1671399474143982, 0.7059892416000366, -0.05691669136285782, 0.10588430613279343, -0.36772075295448303, 0.45211973786354065, 0.3453126549720764, -1.3580427169799805, 0.5219813585281372, 0.22995635867118835, -0.1577010452747345, 1.559226393699646, -1.0673999786376953, -0.12948904931545258, 0.5899341106414795, 0.31530579924583435, 0.9716707468032837, -0.14572475850582123, -0.9457844495773315, 0.41409391164779663, 0.7595309019088745, 0.9093937873840332, -0.0927712693810463, 1.0689051151275635, 1.008628010749817, -0.689838171005249, -1.3000699281692505, -0.39265069365501404, -1.2829867601394653, -0.3027862310409546, 0.2499484419822693, -0.47888630628585815, 0.2928493022918701, 0.3228643536567688, -0.46012312173843384, -0.3172180950641632, 1.502692699432373, -0.29901084303855896, -0.22616150975227356, 0.18332043290138245, 0.8280267715454102, -1.2313158512115479, -0.9437519311904907, -0.3200506567955017, -0.3469271957874298, -1.3856765031814575, 0.18587735295295715, -0.37291136384010315, -0.022851724177598953, 0.07395686954259872, 0.31064772605895996, 0.18213436007499695, -0.5042819380760193, -1.602623462677002, 1.0384124517440796, 0.6006130576133728, -1.2620208263397217, 0.43620017170906067, 0.5893645286560059, 0.4194899797439575, 0.5554519891738892, -0.35098254680633545, -0.31905022263526917, 1.1567357778549194, 0.4701879918575287, -0.688129723072052, -0.990943431854248, -0.4502641558647156, 0.43893104791641235, 0.08024407923221588, 0.21276146173477173, -1.113423228263855, -0.0847206562757492, -0.10043436288833618, 0.7699499726295471, 1.075840711593628, -0.49449193477630615, -1.299731969833374, 1.1646103858947754, -0.5506665706634521, 0.4396706521511078, -0.8805645704269409, 0.4607820510864258, 1.825599193572998, 0.3182288408279419, 0.10480615496635437, -0.23151087760925293, -10.91156005859375, 1.0657750368118286, 0.3036002814769745, -0.08836764842271805, 0.7399111986160278, -0.4729861319065094, 0.7319245338439941, -0.1149451732635498, 0.41079556941986084, -1.0776135921478271, 0.4036872684955597, 1.1150084733963013, 0.5348882675170898, 0.3832937479019165, -0.7542487382888794, -2.017336130142212, -1.397256851196289, -0.8436633944511414, -0.05029376223683357, 0.4472959637641907, 0.18396809697151184, -0.8112747073173523, 0.39548003673553467, 0.5606259703636169, 0.48203206062316895, 0.3811798393726349, -0.31230077147483826, 0.1640377640724182, -0.6297043561935425, -0.30837857723236084, 0.8845272064208984, -0.029254131019115448, -0.651655912399292, -0.5731516480445862, 0.15632902085781097, -0.204471156001091, -1.5385934114456177, 0.06421411037445068, 1.1136976480484009, 0.03432740643620491, -0.46782976388931274, 0.5595539212226868, 0.5749391913414001, 0.8477322459220886, -0.42902618646621704, 0.6577804684638977, 0.4645535945892334, -0.5015794634819031, -0.11859013140201569, -0.41263747215270996, -0.1783684343099594, -1.0578558444976807, -0.6644731163978577, -1.2287431955337524, -0.21977029740810394, -0.22618307173252106, -0.5076681971549988, -0.09395525604486465, -0.871704638004303, -1.4385313987731934, 0.547398030757904, 0.8496742248535156, -0.6836118698120117, 0.210688978433609, 0.3011777400970459, -0.9701436161994934, 0.27159741520881653, 0.8949341177940369, -0.24519455432891846, 0.5702835917472839, -0.6254594326019287, 0.7774795889854431, 0.1551748812198639, 0.4115149676799774, -0.019886113703250885, 0.36519426107406616, 0.13958537578582764, 0.22170203924179077, 0.7162401080131531, -0.2298974245786667, -1.0109375715255737, 0.3733568787574768, 0.2331104874610901, -0.6228271722793579, -0.689405620098114, 0.4707973897457123, -0.18953189253807068, 0.03648753836750984, 0.6705542802810669, -0.46029746532440186, 1.4543983936309814, -0.1849893033504486, -0.3719366788864136, -0.6843609809875488, -0.5092546939849854, 0.8814219832420349, 0.22943730652332306, 0.48790979385375977, 0.3226708173751831, -0.697132408618927, 0.05209462344646454, -0.31137481331825256, -0.9903428554534912, -0.6859194040298462, 0.31311869621276855, 0.19174838066101074, 0.24530354142189026, 0.24829131364822388, 0.4573681354522705, -0.5703026056289673, 0.31077155470848083, -0.4443759322166443, -0.4753967523574829, 0.9561164975166321, -0.5750952959060669, 0.6803072094917297, 1.1196943521499634, -0.5353214740753174, 0.8332482576370239, 0.8492895364761353, -0.4212227165699005, 0.7136240005493164, 0.16334268450737, 0.8965901732444763, -0.010469308122992516, -0.2761937975883484, 0.5983732342720032, 0.7610950469970703, -0.6483498215675354, -1.1100791692733765, -0.05263784900307655, -0.14535844326019287, 0.1405830830335617, -0.0012714490294456482, -0.39713427424430847, 0.004069160670042038, -0.3594781756401062, 1.4782803058624268, -1.162292718887329, 0.9274754524230957, 0.6134172677993774, -0.8511933088302612, 0.5652723908424377, -0.6868101954460144, -0.6326715350151062, -0.20626452565193176, -2.5359063148498535, 0.5857522487640381, -0.3226798474788666, -0.6902918219566345, 0.12732155621051788, 0.1758226752281189, 0.7291809320449829, -1.0229185819625854, -0.09931690245866776, -0.09780987352132797, 0.46798834204673767, -0.47467032074928284, -0.7833470106124878, -0.34815284609794617, -0.6479048132896423, 0.6979161500930786, -1.0286613702774048, 0.45131054520606995, 0.1923522651195526, -0.3259202539920807, -0.4034404158592224, -0.13497410714626312, -0.6170684099197388, 0.11459445208311081, 0.8447650074958801, -1.281069040298462, 0.468071848154068, -0.8350321054458618, 0.016859423369169235, -1.1705186367034912, 1.0521502494812012, 1.1087942123413086, -0.6260812282562256, 0.03863108158111572, -0.007884850725531578, 0.6867502927780151, 0.545863151550293, -0.21554356813430786, -0.3719351589679718, -0.3593241274356842, -0.04513183981180191, 0.6422659158706665, -0.6472165584564209, 1.470696210861206, -1.7605470418930054, -0.8238208889961243, -0.806177020072937, 0.4529615044593811, 0.9989489912986755, -0.07759471237659454, 0.5944450497627258, 1.160631537437439, 0.1463412046432495, 0.49574726819992065, 0.3223489820957184, 0.4829556941986084, 0.1510447859764099, 0.5054206848144531, 0.10043209791183472, 0.3702997863292694, -1.2473526000976562, -0.3815937936306, 0.30819225311279297, 0.7949967384338379, -1.3263037204742432, -0.03052120842039585, 0.33659136295318604, -0.5616869330406189, 0.29403528571128845, -0.9765064716339111, 0.3509575426578522, -1.1297500133514404, 0.0879097580909729, -1.180566668510437, 0.25102224946022034, 1.5072170495986938, 0.11704351007938385, 0.989504873752594, 1.005445957183838, 0.10034628957509995, 0.978671669960022, 0.5940256714820862, 1.1928973197937012, -0.40917307138442993, -0.5904593467712402, 0.01699719950556755, 1.053123950958252, 0.12758246064186096, -0.325065940618515, -0.4433874487876892, -0.7582587003707886, 0.061664238572120667, -0.5496286749839783, 0.4602639973163605, 0.038423918187618256, 0.18424367904663086, 0.8241264224052429, 1.287455439567566, -0.3429086208343506, -1.4239165782928467, -0.6110876202583313, -1.4773509502410889, -0.06937885284423828, 0.9175398349761963, -0.054019540548324585, 0.6294707655906677, 0.9770302772521973, 0.01519034057855606, 0.5519875884056091, -0.4651119112968445, 0.08165451139211655, -0.000815272331237793, 0.23440544307231903, 1.3065167665481567, 0.7105848789215088, 0.5606496334075928, -0.16809862852096558, -0.3806810975074768, -0.5975220799446106, 0.19149285554885864, -0.668795108795166, 0.3685826063156128, 0.8680264949798584, -0.5219308137893677, 0.13714434206485748, -0.4768267869949341, 0.3320508301258087, -1.164298415184021, 0.48633357882499695, 0.45704078674316406, -0.7230234146118164, -0.6842636466026306, -0.8349297046661377, -0.31706127524375916, 0.35130828619003296, 0.01826082356274128, -0.5765686631202698, -0.7762253284454346, 1.3128846883773804, -0.024867132306098938, 0.6386526823043823, -0.49029091000556946, -0.5347039699554443, -0.37896713614463806, 0.10482051968574524, -0.050164513289928436, -0.13109275698661804, -0.2577255666255951, 0.04829898849129677, -0.36934971809387207, 0.6269257664680481, -0.048900820314884186, -0.7172207236289978, -0.6255578398704529, 0.12329724431037903, -0.03490513190627098, -0.13138653337955475, 0.7909021973609924, 0.08362063020467758, -1.672723650932312, 0.763289749622345, 0.8469666242599487, -0.8523566722869873, -0.5787287354469299, -0.5997409224510193, 0.3270231783390045, -0.14650294184684753, 1.513657569885254]} +{"paper_id": "hate_speech18", "embedding": [-0.5871860384941101, 1.3287270069122314, -0.03474785014986992, 0.35117942094802856, 1.2436699867248535, 0.7450767159461975, -0.09816154092550278, -0.2681463360786438, 0.5216091275215149, 1.444749355316162, 0.17059412598609924, -0.25125229358673096, -0.39487868547439575, -0.2889138460159302, -0.0007901936769485474, 0.034705836325883865, -0.9724531173706055, -0.07758405059576035, -0.4334682822227478, 0.2529766857624054, -0.485487699508667, -0.28322353959083557, -0.40200135111808777, 0.032344259321689606, -1.2008150815963745, -0.19817079603672028, 0.00011934828944504261, -0.9615210294723511, -0.22592619061470032, 0.007480822503566742, -0.31871017813682556, 1.6111807823181152, -1.799662709236145, 0.5438116192817688, -0.6504360437393188, -0.17087896168231964, -0.3912612199783325, 0.1564381867647171, -0.5499870777130127, -0.8617923259735107, -1.1914935111999512, 0.610417366027832, 0.6883554458618164, 0.40313753485679626, 0.7031374573707581, 0.41241827607154846, 0.22726871073246002, 0.02618270367383957, -0.0860729068517685, -0.3303849399089813, -0.4781703054904938, 0.8090804219245911, 0.15371890366077423, 0.15130534768104553, -0.6472487449645996, 0.7850319147109985, -0.32014065980911255, -0.6560513377189636, 0.34809255599975586, -0.8858823776245117, 0.8699070811271667, 1.4560250043869019, -0.18092043697834015, 0.552925169467926, 0.43078213930130005, -0.47738325595855713, 1.0074845552444458, -0.8306960463523865, 0.1340734213590622, 0.723422646522522, -0.5662611126899719, -1.3313289880752563, -0.026692718267440796, -0.23737752437591553, -0.6153987646102905, 0.3847293555736542, 0.19826747477054596, 0.6822762489318848, -0.40311697125434875, 0.5436011552810669, -0.004583556205034256, 0.9832082986831665, 0.5484984517097473, -0.3799327313899994, 0.7169822454452515, 0.026862889528274536, 0.343079537153244, -0.4009009301662445, 0.249605193734169, -1.172391653060913, 1.0046156644821167, -0.136997789144516, 0.0648881047964096, 0.7836730480194092, -0.914329469203949, 1.094580054283142, -0.4147830009460449, 0.4644577205181122, -0.8927698135375977, 0.7443460822105408, 0.6720565557479858, -0.6573678255081177, 0.361569344997406, -0.5113762617111206, -0.5347464084625244, 1.1864081621170044, -0.07404745370149612, -0.346378892660141, -0.21432581543922424, -0.01795973815023899, -0.11825133860111237, 1.349855661392212, -0.38032254576683044, 0.6423291563987732, 0.42294278740882874, -0.08345135301351547, -0.5848085284233093, -1.0673948526382446, -0.39352279901504517, 0.2236388623714447, -1.1910208463668823, -0.9401127099990845, 0.3531723916530609, 0.5752291679382324, 2.0327837467193604, -0.19036215543746948, 0.9846665263175964, -0.5924316644668579, 0.001645130105316639, -0.06977251172065735, 0.28548115491867065, -0.624754011631012, -0.6367154717445374, 0.4920269846916199, 2.3603897094726562, -1.6631886959075928, 1.3801984786987305, -0.6371646523475647, 0.5009732246398926, -0.25734150409698486, -0.024966903030872345, 1.9584863185882568, -0.42251330614089966, -1.4160969257354736, -1.2378348112106323, 0.20589065551757812, -0.7851091027259827, 0.7322519421577454, -0.09489639103412628, -0.4942876398563385, -0.01938747987151146, 0.5767873525619507, -0.8590760231018066, 0.31161946058273315, 0.32397305965423584, -0.133394256234169, -0.15262213349342346, 0.38610997796058655, -0.8722684979438782, 0.11134999245405197, 0.5886463522911072, 0.20784761011600494, 0.030042797327041626, 0.2584632635116577, -1.077947974205017, -0.01813586801290512, 0.9845893383026123, -0.34197840094566345, -1.3458373546600342, -0.10241205990314484, 0.8536086082458496, -0.06784374266862869, -0.03230617940425873, -0.11709078401327133, -0.6596899032592773, -0.42194095253944397, 0.41990432143211365, 1.345045804977417, 0.22529341280460358, -0.7625244855880737, -0.37309861183166504, -0.6064148545265198, -0.30051296949386597, 0.6467872858047485, -1.1393100023269653, -0.6067966818809509, -1.4339574575424194, 0.5472797751426697, 0.21803642809391022, 0.9667061567306519, 0.34384551644325256, -0.43051087856292725, -0.20472285151481628, 1.009734034538269, -0.3696436285972595, 0.08201760053634644, 0.4686080813407898, -1.524878978729248, 0.3484521806240082, -0.3703024983406067, 0.529222846031189, -1.0093775987625122, -0.30890610814094543, 0.4250038266181946, 1.0204066038131714, -0.9453849792480469, -0.5636045336723328, -1.5861824750900269, 0.7231244444847107, 1.9105384349822998, 0.7744947671890259, -0.8235751390457153, -0.3050690293312073, 0.13902880251407623, 0.1202656552195549, 0.03644564747810364, 0.6493539810180664, -1.0892834663391113, -0.23505595326423645, -1.201452374458313, 0.34617185592651367, -0.5585603713989258, -0.15156126022338867, 0.46888837218284607, 0.40603724122047424, -0.6667928695678711, -0.6290284395217896, -0.5163866877555847, -0.27672430872917175, 0.2187243103981018, 0.566016674041748, 0.13122552633285522, 0.12392644584178925, 1.0507895946502686, 0.8205367922782898, 0.6369098424911499, 0.22349989414215088, 0.1033475250005722, -0.6155474781990051, 0.29149290919303894, 0.05901546776294708, -0.15350957214832306, -0.2396586686372757, -0.6026946902275085, 0.6387737393379211, 0.9322454929351807, -0.3986703157424927, -0.2894437611103058, -1.0425828695297241, -0.12438584119081497, 1.3829337358474731, 1.1202483177185059, -1.0683281421661377, 0.8158208727836609, -0.4177379310131073, 0.5293644070625305, -0.1615932285785675, -0.21464410424232483, -0.10879101604223251, -0.34898078441619873, 0.8069733381271362, 0.4455011785030365, -0.21715611219406128, -0.1742098033428192, -0.5771865844726562, -0.4600021541118622, -0.4557553827762604, 0.3841940462589264, -0.6735621094703674, -1.1798590421676636, -0.12848585844039917, -0.6384859681129456, -1.1367452144622803, -0.8111045956611633, -0.1653437465429306, 0.4598236680030823, -0.47645488381385803, 0.24376511573791504, 1.0840784311294556, -0.1474275290966034, 0.2784034311771393, -0.2807838022708893, 0.6266373991966248, -0.4453605115413666, 0.716521143913269, -0.41081082820892334, -0.07945598661899567, 0.1498509645462036, -0.3821904957294464, -0.5367021560668945, 0.08149940520524979, 0.7751197218894958, -0.5905445218086243, 1.2288475036621094, 0.10304820537567139, -0.40157803893089294, 1.5042680501937866, -0.1450427770614624, 0.1668548583984375, -0.468511164188385, 0.5672782063484192, 0.6979414224624634, -0.6059061884880066, 0.43077588081359863, -0.8729248642921448, -0.12060192227363586, 0.5595270395278931, -1.8464421033859253, 0.2203029841184616, 0.5126949548721313, -0.3329680562019348, -0.6429526805877686, 0.6018370985984802, -1.7174532413482666, -0.22662748396396637, 1.351138949394226, -0.2683468461036682, 0.11262208968400955, -0.4954656660556793, 0.6335030198097229, -0.26978597044944763, -0.41283705830574036, -0.6725147366523743, -0.30165600776672363, 0.18918748199939728, -0.08759116381406784, 0.10949967801570892, -0.33507323265075684, -1.1840600967407227, -0.2722528278827667, 0.366034597158432, 0.757193386554718, -0.5319572687149048, -0.09057389944791794, 0.30417853593826294, -0.7128254175186157, 0.8146971464157104, 0.2648194432258606, 0.95524001121521, 0.9948886632919312, -0.048532478511333466, -0.09231119602918625, 0.7545835375785828, 0.6180984973907471, -0.009290922433137894, -0.34475722908973694, 0.22547511756420135, 1.0786051750183105, -1.1043305397033691, 1.1637526750564575, 0.0456063486635685, -0.20943212509155273, -1.3295987844467163, -0.3102773427963257, 0.13142089545726776, -0.4591931998729706, 1.1823172569274902, 1.1277844905853271, 1.3997883796691895, -0.8110249042510986, 0.843891978263855, -0.6148565411567688, 0.743315577507019, 1.064280390739441, 0.7387042045593262, 0.6453518867492676, -0.3163006007671356, 0.5656933188438416, 0.9024456143379211, -0.014026769436895847, -0.7578862905502319, -0.09311093389987946, 1.375521183013916, -0.8088032603263855, -0.20672032237052917, -0.1173345074057579, -0.5142942667007446, 0.34314340353012085, 1.0807230472564697, -0.5243127942085266, -1.038777232170105, -0.2765418291091919, 0.6149154901504517, 0.9473392367362976, 0.49000394344329834, -0.9074711799621582, 0.012835949659347534, 0.3893393576145172, 1.0028032064437866, -0.5260071754455566, 0.5235159397125244, 0.5549347996711731, -0.10265077650547028, -0.7549457550048828, -0.18406622111797333, -1.0512025356292725, -0.027509009465575218, -0.11709447205066681, 0.11707617342472076, -0.6084688305854797, 0.9159200191497803, -0.40644070506095886, -1.490618109703064, 0.5873901844024658, 0.15032149851322174, -0.5307731628417969, 1.2713539600372314, 0.5371359586715698, -1.3893674612045288, -1.3827142715454102, 0.2461918741464615, -0.768048882484436, -0.8338269591331482, 0.23813241720199585, -0.6381853818893433, 1.3601999282836914, 0.03303367644548416, 0.1523042917251587, 0.3144582509994507, 0.03485432267189026, -0.6529250144958496, 0.6582423448562622, 1.6039934158325195, -1.2306560277938843, 0.2867788076400757, 0.7725039124488831, 0.34103864431381226, 0.47149622440338135, -0.9891669154167175, -0.5864835977554321, 0.45550498366355896, 0.8349782228469849, 0.7382920384407043, -0.9184215664863586, -0.2894066274166107, 0.006187811493873596, 0.030479397624731064, 0.5766665935516357, -0.9490422606468201, 0.7352138757705688, -0.6149463653564453, 0.7773480415344238, 0.7884149551391602, -0.8380036950111389, -1.033953309059143, 0.7987871766090393, -0.6381601691246033, 0.29756370186805725, 0.1088489294052124, 0.05515741929411888, 1.2404718399047852, 0.8334182500839233, 0.8735459446907043, -0.16588670015335083, -10.846230506896973, 0.6019666790962219, -0.2963998019695282, 1.0667662620544434, 0.46678704023361206, -0.5840985774993896, 0.0025460273027420044, 0.6667497754096985, 1.9011189937591553, -0.687150776386261, -0.2884351313114166, 1.8504979610443115, -0.11015846580266953, -0.8459856510162354, -0.7828466296195984, -0.6854072213172913, -0.5985673069953918, -0.6515174508094788, 0.042175836861133575, 0.24668267369270325, -0.07271440327167511, -1.5215920209884644, 0.09922724962234497, -0.5661290287971497, 0.895496666431427, -0.24593856930732727, 0.11175967007875443, -0.9368932247161865, -0.696568489074707, 1.0571436882019043, 1.0283900499343872, -0.0722162276506424, -0.25791963934898376, -0.32491335272789, -0.07137678563594818, 0.38396337628364563, -0.6078709363937378, -0.903550386428833, 1.043044090270996, 0.10457006841897964, 0.18825121223926544, 0.2199941873550415, 0.5356124639511108, -0.9331847429275513, -0.25915634632110596, -0.12387406080961227, -0.897483766078949, 0.17179647088050842, 0.08443489670753479, -0.45738184452056885, -0.17877350747585297, -0.4231228232383728, -1.703528881072998, -0.42858120799064636, 1.1013761758804321, -0.2747698426246643, -0.8525978326797485, 0.2273479551076889, -1.080546259880066, -1.1595114469528198, 1.2293399572372437, 0.3620079755783081, -0.20474717020988464, 0.9317174553871155, 0.30599096417427063, -1.2905852794647217, 0.4712843596935272, -0.32540374994277954, -0.05193541571497917, 0.8117024302482605, -0.5159927606582642, 1.3440552949905396, -0.06420181691646576, 0.43328773975372314, -0.10533037036657333, -0.3353941738605499, -0.30714717507362366, -0.05963478237390518, 0.8218530416488647, -0.32764527201652527, -1.0790417194366455, 0.30120736360549927, -0.25908729434013367, -0.5634534358978271, -0.6143601536750793, 0.21108150482177734, -0.1038149818778038, -0.5764941573143005, 0.8577481508255005, 0.09069185703992844, 0.6663521528244019, -0.071055106818676, -0.26694267988204956, 0.3631719946861267, -0.531030535697937, 0.06668131053447723, -0.9562289118766785, 1.316664695739746, -0.7258020639419556, 0.5441299676895142, 0.43583106994628906, -0.09963545203208923, -0.8981403112411499, 0.4261758029460907, 0.4252590835094452, -0.23882201313972473, 0.292593777179718, 0.37820497155189514, -0.2832101583480835, 0.29040977358818054, 0.29461705684661865, 0.30297574400901794, -0.2018110752105713, 0.5049669742584229, 0.4635561406612396, 0.43525561690330505, 0.7602368593215942, -0.04853260517120361, 0.3773505389690399, 0.8352645039558411, -0.3257061541080475, 0.33161839842796326, -0.2970167398452759, 1.2075523138046265, 0.2785488963127136, 0.753251314163208, 0.756566047668457, -0.17168426513671875, -0.13187026977539062, -2.5885438919067383, 0.6547574996948242, -0.36988693475723267, 0.78690105676651, -0.8500403761863708, 0.3844318985939026, -0.14661072194576263, -1.3104091882705688, 0.9730628728866577, -0.8545880913734436, 0.4612690210342407, -0.1852557361125946, -0.4518212378025055, -0.13903124630451202, -0.6410998106002808, -0.1649894416332245, -0.10733260959386826, -1.90317964553833, -0.19854304194450378, -0.5076091289520264, 0.11603564023971558, -0.017620880156755447, -0.5775689482688904, 1.0329340696334839, -1.3093481063842773, -0.24154704809188843, 0.8086666464805603, 0.7564944624900818, -0.7293511629104614, -0.7207760214805603, -0.06354758143424988, 0.8368086814880371, 1.095240592956543, -0.8912360072135925, 0.9582028388977051, -0.009206298738718033, -0.020400602370500565, -0.38695284724235535, -0.30118751525878906, -0.06582823395729065, 0.10701251775026321, 1.41787588596344, -1.0147782564163208, -0.12154629826545715, 0.22613991796970367, 0.28127822279930115, -1.0097332000732422, 0.5465057492256165, 1.113240122795105, -1.9269797801971436, 0.4183388948440552, -0.36962178349494934, -0.0017974451184272766, 0.4104565978050232, -0.8339590430259705, -0.1417076289653778, 0.6895569562911987, -0.48889002203941345, 1.1600122451782227, -0.10984207689762115, 0.3160227835178375, -1.9557535648345947, -1.1343958377838135, -0.37184950709342957, -0.2881034314632416, 0.7397743463516235, -0.008759651333093643, 0.47399836778640747, 0.3922567665576935, 0.4542291462421417, -0.3681233525276184, -0.14354802668094635, 0.7090353965759277, -0.22867290675640106, 0.31951215863227844, -1.1457215547561646, -0.6075147390365601, -0.47807660698890686, 0.0239662267267704, -0.13544133305549622, 0.34020841121673584, -1.0819343328475952, -0.3525962829589844, -0.08851918578147888, -0.6772122383117676, 0.5362349152565002, -0.4015851616859436, -0.3036901652812958, 0.09055739641189575, -0.4174937605857849, -0.6199185252189636, 0.3043096959590912, 0.9058000445365906, 0.14850470423698425, 1.5378456115722656, 0.4781966805458069, 0.323984295129776, 0.3782036006450653, 0.4265912175178528, 1.7478312253952026, 0.22791486978530884, -0.6016587018966675, -0.4013288617134094, -0.832497239112854, 0.2547804117202759, 0.1883251965045929, 0.3955027461051941, -0.6930280327796936, 0.19111967086791992, -1.151969313621521, -0.4585963189601898, -0.5125861763954163, 0.00738802645355463, 0.7105117440223694, 1.2383687496185303, -0.7499903440475464, 0.13058225810527802, -0.8146125078201294, -0.0850120559334755, -0.25509512424468994, -0.030839703977108, 0.8735041618347168, 1.257709264755249, 0.6530430316925049, 0.45599400997161865, 1.528417944908142, 0.2732846438884735, 0.24237856268882751, 0.5725178718566895, 0.49459826946258545, 1.3849786520004272, 1.0080716609954834, 0.28334057331085205, 0.18493802845478058, 0.18731671571731567, -0.9354912638664246, -0.2172396183013916, -0.733085572719574, 0.7004411816596985, 0.24492664635181427, -0.21522639691829681, 0.2467786818742752, -0.39111191034317017, -0.6563073396682739, 0.3591616153717041, 0.2621801793575287, 0.3287023901939392, -0.16345223784446716, -0.19976229965686798, -0.5924152135848999, -0.37432634830474854, 0.5080971121788025, -0.42017558217048645, -0.3569938540458679, -1.706389307975769, 0.2639688551425934, 0.1151529997587204, -0.8963548541069031, -1.3448107242584229, 0.9643838405609131, -0.20621910691261292, 0.6335792541503906, 0.6422781944274902, -1.2785941362380981, -1.0201209783554077, 0.20607823133468628, -0.2730143070220947, 0.2960004508495331, 0.03893573582172394, -1.951181173324585, -0.3343861401081085, 0.21237561106681824, 0.5926017761230469, 0.12484228610992432, -0.18307703733444214, 0.08956823498010635, -1.3980093002319336, 1.5500786304473877, 1.7052438259124756, 0.27132052183151245, -0.02189350314438343, 1.3160635232925415, -0.3375638723373413, 0.3292810618877411, 2.024237632751465]} +{"paper_id": "paws-x", "embedding": [0.08721774816513062, 0.9309349656105042, 0.16552646458148956, -0.018319247290492058, 0.32209512591362, 0.0545494481921196, 0.6231293678283691, 0.45117783546447754, 0.4644273519515991, 1.0458428859710693, 0.30011776089668274, -0.6340546011924744, -0.24735936522483826, -0.37220072746276855, 0.17630364000797272, -0.9068682193756104, -1.449215054512024, -0.6625576615333557, -1.2367842197418213, -0.45647409558296204, -0.599358320236206, -0.30415719747543335, -0.3183501362800598, 0.4063991904258728, -0.9220625758171082, -0.4817744791507721, 0.673267662525177, -1.1257283687591553, -0.08344944566488266, 0.26491886377334595, -0.4622421860694885, 1.1869663000106812, -1.6596390008926392, 0.31313344836235046, 0.02332724630832672, -0.34616485238075256, -0.13141413033008575, 1.3734275102615356, -0.513348400592804, -0.07630129158496857, -0.6812007427215576, 0.11187364906072617, 0.5435130000114441, 0.31169191002845764, 0.7573807239532471, 0.12193221598863602, 0.3329700231552124, -0.361028790473938, -0.3625470995903015, -0.18480037152767181, -0.4799163341522217, 0.605451226234436, 0.1584080159664154, 0.5562608242034912, -0.5585963129997253, 1.3471107482910156, 0.25198620557785034, -1.2642710208892822, 0.985909640789032, -0.9000246524810791, 1.0608906745910645, 1.963844895362854, -0.4524243474006653, 0.5889777541160583, 0.5526203513145447, -0.4514642357826233, 1.0168485641479492, 0.26054590940475464, 0.14070183038711548, 0.42748942971229553, -0.2238067388534546, -1.048825979232788, 0.5752996802330017, -0.10176441073417664, 0.2610936462879181, 0.8477178812026978, 0.420673131942749, 0.991521954536438, 0.07069456577301025, -0.1505242884159088, 0.039263926446437836, 0.8797796964645386, 0.1762566715478897, -0.6113396883010864, 0.29377689957618713, 0.5529043078422546, -0.15476776659488678, -0.7804785966873169, 0.8791117072105408, -2.0050315856933594, 0.541402280330658, -0.3030398190021515, -0.11388389766216278, 0.34126511216163635, -0.37215590476989746, 0.8446736931800842, -0.42486363649368286, 0.24166500568389893, -0.5450732111930847, 0.0690891370177269, 1.021894097328186, -0.5531877279281616, 0.994586169719696, -0.5347193479537964, 0.03670921176671982, 0.8842456936836243, 0.04545468091964722, -0.8258683681488037, -0.960818350315094, -0.3881661593914032, -0.8543757200241089, 1.5547736883163452, -0.644548773765564, 0.6422094702720642, 0.4589874744415283, 0.27159079909324646, -0.07772765308618546, -0.9995852708816528, -0.00514035951346159, -0.2203029841184616, 0.10272116959095001, -1.0117120742797852, -0.30009305477142334, 0.07977050542831421, 1.0877491235733032, -0.45234808325767517, 0.2094026505947113, -0.08270180225372314, 0.017207883298397064, -0.15884234011173248, 0.7360265254974365, -0.3675176501274109, -0.7946513295173645, 0.5136833190917969, 2.739327907562256, -1.0941157341003418, 1.9848612546920776, -0.768561601638794, -0.3583565354347229, -0.4958392381668091, -0.42163577675819397, 1.4378706216812134, -0.15408334136009216, -0.9720648527145386, -0.502617597579956, 0.435247004032135, -0.6406869292259216, 0.4941839873790741, -0.7671552896499634, -0.7186945080757141, -0.8321890830993652, 0.6764926910400391, -1.33759343624115, -0.44994884729385376, 0.095013827085495, -0.018892746418714523, 0.3620173931121826, 0.8392156958580017, -0.3054904639720917, 0.9096701145172119, 0.18064767122268677, -0.004789754748344421, -0.5330533981323242, 0.806492030620575, -1.1971533298492432, 0.11758335679769516, 1.341738224029541, -0.18721601366996765, -0.9998652935028076, -0.057788264006376266, 0.9948657155036926, -0.8952494859695435, -0.3600198030471802, 0.6397541761398315, -0.5123060941696167, 0.054902926087379456, 0.7037273645401001, 1.1310583353042603, -0.22779755294322968, -0.6851574778556824, -0.3838326632976532, -0.17429816722869873, -0.10354055464267731, 0.6052581071853638, -0.3304764926433563, 0.29441726207733154, -2.1497578620910645, -0.24381123483181, 0.18757818639278412, 0.9155569076538086, 0.09857065975666046, -0.9098685383796692, -0.40535277128219604, 0.41837695240974426, 0.6195560097694397, -0.4670865535736084, 0.8080888986587524, -1.164750099182129, 0.18933552503585815, 0.41245269775390625, -0.03548124432563782, -0.30680131912231445, -0.29750439524650574, 0.503735363483429, 0.6471837162971497, -0.8566600680351257, -0.6513954401016235, -1.9963963031768799, 0.41022199392318726, 3.099243402481079, 0.12289144098758698, -0.4292432963848114, -0.8820595145225525, -0.2673068940639496, -0.371941477060318, 0.05011739954352379, 0.48835232853889465, -1.2713450193405151, -0.6421902179718018, -1.5770264863967896, 0.5543788075447083, -0.10078661143779755, 0.5219235420227051, 0.7214961647987366, 0.5837321281433105, -0.7098162174224854, -0.2402239888906479, -0.6973269581794739, -1.1719944477081299, 0.41417738795280457, 0.2947445511817932, 0.03372728079557419, -0.458274781703949, 1.0590972900390625, -0.028224997222423553, 0.8388634324073792, 0.27740174531936646, 0.45655083656311035, -1.118245244026184, 0.13674907386302948, 0.011994756758213043, 0.840061604976654, 0.1358482539653778, -0.16363652050495148, 0.7470666170120239, 0.5818217992782593, -0.9382555484771729, -1.0711867809295654, -0.439893901348114, 0.6060782670974731, 1.3184599876403809, 1.1260340213775635, -0.9510019421577454, 1.2056013345718384, -0.6409426927566528, 0.35344988107681274, -0.5417258739471436, -0.9830238223075867, -0.20542795956134796, 0.05398477613925934, 0.816906750202179, 0.3443092107772827, 0.030602142214775085, -0.19391211867332458, -0.28184497356414795, -1.4242510795593262, 0.24328374862670898, -0.26454153656959534, -0.1839326173067093, -1.769722819328308, -0.17943933606147766, -0.24525760114192963, -1.1049693822860718, -0.9936415553092957, -0.049537111073732376, 0.3235764503479004, -0.19743472337722778, 0.7950767278671265, 1.309579610824585, 0.03260444104671478, 0.010342825204133987, 0.01592428982257843, 0.8637424111366272, -0.9706557393074036, 0.9175865650177002, -0.2126857042312622, 0.20674696564674377, -0.5236714482307434, 0.13685233891010284, -0.6266551613807678, -0.11223310977220535, -0.0011563077569007874, -0.47652989625930786, 0.42959100008010864, -0.4471380114555359, -0.7102888226509094, 0.7735045552253723, -0.13760623335838318, 0.38424015045166016, -0.8192715048789978, 1.915703296661377, 0.34837910532951355, 0.12821781635284424, 0.7222645282745361, -0.5592110753059387, 0.26178526878356934, 1.4956196546554565, -0.9633007049560547, 0.25978726148605347, 0.45051783323287964, -0.5344864726066589, 0.4649536907672882, 0.26563623547554016, -1.7956098318099976, 0.3354291319847107, 1.29630708694458, -0.46684348583221436, -0.5627017021179199, -1.1849110126495361, 0.7320762872695923, -0.5695465803146362, -0.45389872789382935, 0.32700225710868835, -0.5920964479446411, 0.13354723155498505, -0.6065762042999268, 0.3241932988166809, 0.7173687815666199, -1.4422370195388794, 0.37554436922073364, 1.259534478187561, 0.3012239336967468, -0.7573186755180359, -0.21025359630584717, 0.8896479606628418, -0.586013674736023, 0.5220413208007812, 0.20048946142196655, 0.9931461215019226, 0.8344515562057495, -0.0309196338057518, -0.2435370534658432, 1.0095961093902588, 1.099152684211731, 0.020630035549402237, 0.10321330279111862, -0.004387624561786652, 0.6146605610847473, -0.2207079827785492, 1.7306442260742188, 0.6235816478729248, -1.1388622522354126, -1.2795660495758057, -0.766770601272583, -0.15384076535701752, -0.3933485150337219, 1.5809862613677979, 0.7417505979537964, 0.7651053071022034, 0.15524891018867493, 0.8458538055419922, -0.3900442123413086, 0.173236683011055, 0.8882758021354675, 0.15894778072834015, -0.03205356001853943, -0.3975500166416168, -0.318688303232193, 1.2326910495758057, 0.03822079300880432, -0.43650802969932556, 0.11459707468748093, 0.8657309412956238, -0.2491057962179184, -0.33340439200401306, -0.3146737515926361, 0.5027135610580444, -0.04160637408494949, 0.8740155696868896, -1.1539376974105835, -0.9963402152061462, -0.04052659124135971, 0.4325255751609802, 0.15251532196998596, 0.5335706472396851, -0.5810717344284058, 0.20652177929878235, 0.17461727559566498, 0.5127217769622803, 0.001038573682308197, 0.4331977963447571, 0.41293802857398987, 0.01986590400338173, -0.7959157824516296, -0.12835586071014404, -0.32164618372917175, -0.17775312066078186, -0.3750317692756653, -0.2680518627166748, -0.6046525835990906, 1.2483378648757935, -0.698026716709137, -0.9053466320037842, 0.6540212631225586, 0.05903667211532593, -1.2003947496414185, 0.9840822219848633, 0.7974145412445068, -1.8003302812576294, -0.9577425122261047, -0.08542069047689438, -0.48413750529289246, -0.5845422744750977, 0.49251750111579895, -0.8862253427505493, 1.026928424835205, 0.4766209125518799, 0.4303357005119324, -0.4086366295814514, -0.22491933405399323, -1.2339907884597778, 0.8681567907333374, 1.5346691608428955, -0.9878740906715393, -0.09962303191423416, 0.11789099872112274, 0.8081107139587402, 0.3418658375740051, -0.5733238458633423, -0.8678206205368042, 0.7089601159095764, 0.48581841588020325, 0.15093855559825897, -0.4817573130130768, -1.012871503829956, 0.500479519367218, -0.09138013422489166, 1.3960461616516113, -0.7467767596244812, 0.6647790670394897, -0.5628945231437683, 0.9373907446861267, 0.5330487489700317, -0.18640698492527008, -0.7774423956871033, 1.0598664283752441, -0.6991005539894104, 0.5178155899047852, 0.26239871978759766, -0.4973359704017639, 0.9478410482406616, 0.3309002220630646, -0.15677127242088318, -0.4538988769054413, -10.627289772033691, 0.5461180806159973, 0.05599866062402725, 0.5480137467384338, 0.7674827575683594, -0.7017256021499634, 0.7016584873199463, -0.17414560914039612, 0.7255146503448486, -0.4963859021663666, 0.3886929154396057, 1.7585901021957397, 0.1407901495695114, -0.7749820351600647, -1.1244357824325562, -1.2397679090499878, -1.1757615804672241, -0.6877859830856323, -0.08844003826379776, 0.5490439534187317, -0.6727724075317383, -1.3072810173034668, 0.8338690996170044, 0.23124687373638153, 0.4305439889431, 0.4974745213985443, -0.0862622931599617, -0.4122331738471985, -0.13813340663909912, 0.5011574029922485, 0.7638947367668152, -0.018621351569890976, -0.7921980619430542, -0.4544474184513092, 0.20125974714756012, 0.2558678984642029, -0.47389906644821167, -0.3582484722137451, 0.9020872116088867, -0.502443253993988, -0.34350115060806274, 0.019669868052005768, 0.5599645376205444, -0.45763909816741943, -0.7532222270965576, 0.0958690196275711, -0.08828244358301163, -0.6170933246612549, 0.28985869884490967, -0.6756125688552856, -1.0569491386413574, -0.5481382012367249, -1.2741305828094482, -0.43078598380088806, 0.38158613443374634, -0.29738399386405945, -0.20047208666801453, 0.4723043441772461, -0.46438851952552795, -1.4757826328277588, 0.26269569993019104, 0.07820580899715424, -0.02834126353263855, 0.048690736293792725, -0.16901913285255432, -0.5246358513832092, 0.38188105821609497, 0.5202657580375671, -0.6946829557418823, 0.3845289349555969, -1.1626527309417725, 0.9130237698554993, -0.30868783593177795, 0.50201416015625, -0.7698447108268738, -0.4377472996711731, -0.7131494879722595, -0.4683800935745239, 0.8682658672332764, -0.2971072494983673, -1.1042017936706543, 0.5080479979515076, 0.36852723360061646, -0.24679842591285706, -0.6239851713180542, 0.0626058429479599, -0.11292067915201187, -0.09708885848522186, 1.03379487991333, -0.21691113710403442, 0.7307694554328918, -0.38104674220085144, -0.09280921518802643, 0.30313384532928467, -0.2589595913887024, 0.5626499652862549, -0.43375927209854126, 0.6015515327453613, -0.22692397236824036, -1.4456664323806763, 0.7668678164482117, -0.22604238986968994, -0.5267523527145386, 0.23392008244991302, 0.8732304573059082, 0.5563992261886597, -0.02180984616279602, 0.08188016712665558, -0.24194125831127167, -0.38189953565597534, 0.9144734740257263, -0.013586454093456268, -0.3041943311691284, 1.1167576313018799, 0.16437965631484985, 0.46727609634399414, 1.317697525024414, 0.11186167597770691, 0.7993521094322205, 1.024244785308838, -0.7609971761703491, 1.2416211366653442, 0.29326513409614563, 1.5234097242355347, -0.13981632888317108, 0.4392448663711548, 0.24803289771080017, 0.4210081994533539, -0.23123779892921448, -1.7066400051116943, 0.39115244150161743, -0.24039341509342194, 0.5675516128540039, -0.3598056137561798, 0.3828934133052826, -0.31190112233161926, -0.8721867203712463, 1.123677372932434, -0.45266926288604736, 0.31857380270957947, 0.11081212759017944, -0.33346325159072876, 0.3384668231010437, -0.5990989208221436, -0.5825868844985962, 0.1834811568260193, -1.7457740306854248, 0.40590548515319824, -0.23914313316345215, -0.21319809556007385, 0.17953506112098694, -0.1223200261592865, 1.2159522771835327, -0.7908859252929688, -0.03452000394463539, 0.15168198943138123, 1.0345464944839478, -0.7488470077514648, -0.5295047760009766, 0.10434314608573914, -0.2790139615535736, 1.182012915611267, -0.9240524172782898, 0.8686606287956238, 0.7209879159927368, 0.19913068413734436, -0.3991926908493042, -0.028521224856376648, -0.27448999881744385, 0.5219012498855591, 1.077150821685791, -1.034956693649292, -0.16174636781215668, -0.24502255022525787, -0.10784821212291718, -0.641898512840271, 0.9035230875015259, 1.36527419090271, -0.7520214319229126, 0.3134070038795471, -0.24914787709712982, 0.837532103061676, -0.3305228650569916, -0.07966628670692444, -0.7549188137054443, 0.345763623714447, -0.13918209075927734, 0.7273602485656738, 0.271871954202652, 1.6186851263046265, -2.2983815670013428, -1.1774647235870361, -0.023311223834753036, -0.044051069766283035, 0.49930790066719055, -0.42941009998321533, 1.0157841444015503, 0.3188507854938507, 0.8158299922943115, 0.24104106426239014, -0.08144168555736542, 0.3572608232498169, -0.07254381477832794, 0.43716704845428467, -0.4551880359649658, 0.40003475546836853, -0.7277628779411316, 0.47154664993286133, -0.02425171434879303, 0.39093565940856934, -1.1448649168014526, -0.3559478521347046, 0.21795102953910828, -0.01345415785908699, 0.1932494193315506, -0.8223251104354858, 0.42521318793296814, -0.8839642405509949, -0.4257897138595581, -1.683231234550476, 0.2268623411655426, 1.3848140239715576, 0.2842256426811218, 0.8734082579612732, 0.5590373873710632, 0.14937786757946014, 0.9954981207847595, 0.2514939308166504, 1.1171213388442993, -0.07722167670726776, -0.3369998335838318, -0.6945871114730835, 0.42118579149246216, 0.1624024212360382, 0.18857786059379578, 0.4334368407726288, -1.0526072978973389, 0.08954346925020218, -0.7603338360786438, 0.5896961092948914, -0.3760012984275818, 0.5225606560707092, 0.6217001080513, 1.6239631175994873, -0.776090681552887, -0.980093777179718, 0.09594970941543579, -1.2110589742660522, -0.013754086568951607, 0.16986024379730225, 1.3835523128509521, 1.1284468173980713, 0.9476936459541321, 0.4750934839248657, 1.0095127820968628, -0.46873337030410767, -0.013436436653137207, 0.35853806138038635, 0.06350787729024887, 1.453999638557434, 0.19914598762989044, 0.5518222451210022, 0.14206869900226593, 0.014273673295974731, -0.65761399269104, -0.5245407819747925, -0.29450300335884094, 1.4868041276931763, 0.29317712783813477, 0.42635416984558105, 0.4408942461013794, -1.0373196601867676, -0.13832363486289978, -0.5122371912002563, 0.7130549550056458, 0.777242124080658, -0.6790184378623962, -1.089408040046692, -1.2688043117523193, -0.022496873512864113, 0.5071731209754944, -0.19816632568836212, 0.2603188753128052, -0.4928625226020813, 0.7512916922569275, 0.20566311478614807, -0.28242725133895874, -1.162379503250122, 0.1603538990020752, -0.7734209299087524, -0.6177524328231812, 0.24614688754081726, -0.6620386838912964, -1.1152927875518799, -0.209075465798378, -0.6390154361724854, 0.022068293765187263, -0.7392871975898743, -1.2150098085403442, -0.2760128676891327, -0.1357704997062683, 0.27699801325798035, 0.2458045333623886, 0.04060990735888481, -0.4356206953525543, -1.8947721719741821, 0.8541234135627747, 1.6496317386627197, -0.7126386761665344, -0.465182900428772, 0.9360637068748474, -0.47633183002471924, 0.5668129324913025, 1.2737374305725098]} +{"paper_id": "wiki_qa", "embedding": [-0.39426305890083313, 1.2679245471954346, 0.12670500576496124, -0.41406551003456116, 0.2986941337585449, -0.15348701179027557, 0.4283650517463684, 1.1749329566955566, 0.45113980770111084, 0.7261485457420349, 0.298327773809433, -0.044394172728061676, 0.2184050977230072, 0.18786953389644623, -0.37099578976631165, -0.2771001160144806, -1.0545058250427246, -0.9585011601448059, -0.8387954831123352, -0.23349891602993011, -0.5011270642280579, -0.40081292390823364, 0.16187375783920288, 0.4548666477203369, -0.7281308174133301, -0.9580429792404175, 0.4383973479270935, -0.6162576675415039, 0.33017539978027344, 0.016419347375631332, -0.30501434206962585, 1.51333749294281, -1.3328089714050293, 0.38099202513694763, -0.32779112458229065, -0.19862113893032074, 0.3839495778083801, 1.229798436164856, -0.743993878364563, -0.275642454624176, -0.8368962407112122, -0.0883883610367775, 0.6580655574798584, 0.17216570675373077, 1.921355962753296, -0.36304691433906555, 0.30641818046569824, 0.1315516233444214, -0.6496047377586365, -0.23749202489852905, -0.6761952638626099, 0.24172231554985046, 0.08456557244062424, 0.48974624276161194, -0.2860787808895111, 0.8040267825126648, 0.18201133608818054, -0.9696512222290039, 1.0432310104370117, -1.3757836818695068, 1.3964049816131592, 1.6737592220306396, -0.19487179815769196, 0.31198546290397644, 1.0545071363449097, -0.30527520179748535, 1.4469246864318848, 0.44023460149765015, 0.6874002814292908, 0.7856737375259399, -0.26555097103118896, -0.8030243515968323, 0.3783671259880066, -0.2913753390312195, 0.3059355914592743, 0.560024619102478, 0.5216190218925476, 0.245817169547081, 0.18446311354637146, 0.1576632261276245, -0.15938010811805725, 0.5587368607521057, 0.8490789532661438, -0.49228623509407043, 0.36304613947868347, 0.2589588761329651, 0.215043842792511, -0.9046040773391724, 0.415977418422699, -1.4448004961013794, 0.22934845089912415, 0.16445143520832062, -0.32393550872802734, -0.21985220909118652, 0.016670726239681244, 0.4763522148132324, -0.6361461281776428, 0.3101610243320465, -0.2288418561220169, 0.75704026222229, 0.7598330974578857, -0.5447722673416138, 0.04089059308171272, 0.03784062713384628, -0.33755239844322205, 0.5064533948898315, -0.3234776258468628, -0.20998960733413696, -0.883824348449707, -0.44292640686035156, -0.12810996174812317, 1.1688748598098755, -0.3077673017978668, 0.286294549703598, -0.13677822053432465, -0.11157649010419846, -0.24011415243148804, -0.8058105707168579, -0.4829407036304474, 0.0581711046397686, -0.42028236389160156, -1.1171870231628418, -0.045915164053440094, 0.3707013726234436, 0.6657895445823669, -0.7074645161628723, 0.13661476969718933, -0.38348904252052307, -0.05106174200773239, 0.6131370663642883, 0.7827619314193726, -0.1485234647989273, -0.6215894222259521, -0.2133520394563675, 2.6119494438171387, -1.0803128480911255, 1.9791845083236694, -0.3777034878730774, 0.25481483340263367, -0.2937145531177521, 0.07263185828924179, 1.3616060018539429, 0.17893418669700623, -0.36119207739830017, -0.27589672803878784, 0.29116687178611755, -0.24804404377937317, 0.5341101884841919, -0.8818781971931458, -0.8318806290626526, -0.49146848917007446, 0.43179336190223694, -1.8464633226394653, -0.6544684767723083, 0.25461846590042114, 0.5083873271942139, 0.20024752616882324, 0.7673007249832153, -0.9934954047203064, 0.6995768547058105, 0.10766579210758209, -0.16173996031284332, -0.23816904425621033, 0.15043385326862335, -1.1488927602767944, -0.463357150554657, 0.756231427192688, -0.07520885020494461, -0.9568352103233337, 0.11393552273511887, 0.4599100649356842, -0.5682029724121094, -0.1521231234073639, -0.34467312693595886, 0.08245421946048737, 0.3851746618747711, 0.27965599298477173, 0.6562269926071167, 0.10590508580207825, -0.846348762512207, 0.06401894986629486, -0.26828533411026, -0.5487264394760132, 0.7591568231582642, 0.4409486651420593, 0.24526500701904297, -1.8766063451766968, 0.39165759086608887, 0.5527815222740173, 0.23827436566352844, 0.3073919415473938, -0.06415823101997375, 0.031067604199051857, 0.19341649115085602, 0.05856020748615265, -0.5930303335189819, 0.5865752100944519, -1.320349097251892, -0.33756160736083984, 0.3819064497947693, -0.2978837490081787, 0.17686106264591217, 0.22315247356891632, 0.7634902596473694, 0.8327673673629761, -0.4509696662425995, -0.7546495199203491, -1.9609110355377197, 0.2625296115875244, 2.5224297046661377, -0.15737280249595642, -0.5569638609886169, -1.6652166843414307, -0.18099023401737213, 0.20171242952346802, -0.4423856735229492, 0.07791049778461456, -0.7296343445777893, 0.20439913868904114, -1.1176387071609497, 0.9579392671585083, -0.526440441608429, 0.1339883804321289, 0.42193835973739624, 0.8295745849609375, -0.6215035915374756, -0.4255165755748749, -0.3270433843135834, -0.8880988359451294, 0.5893972516059875, 0.9748607277870178, 0.3402971923351288, -0.20345263183116913, 1.0976951122283936, 0.6940031051635742, 0.5421257019042969, -0.08074639737606049, 0.4095090329647064, -0.9750683307647705, -0.23922930657863617, -0.11800476908683777, 1.0016412734985352, 0.06996459513902664, 0.12711913883686066, 0.34446871280670166, 0.7160604596138, -0.3572673499584198, -0.06277836859226227, -0.18093834817409515, 0.25501176714897156, 1.2557733058929443, 0.9195773005485535, -0.62506103515625, 1.3074864149093628, -1.0207816362380981, 0.12493970990180969, -0.3399113118648529, -0.8277418613433838, -0.12336042523384094, -0.3956470489501953, 1.4637079238891602, -0.059294454753398895, 0.5367029905319214, -0.11753703653812408, 0.005481645464897156, -0.9947777986526489, -0.10225855559110641, 0.39399194717407227, -1.0780102014541626, -0.605980396270752, -0.12410809844732285, -0.24007748067378998, -1.1697648763656616, -1.2822600603103638, -0.3823471963405609, 0.4198950231075287, 0.5808961391448975, 1.0397922992706299, 1.4403636455535889, 0.0819740742444992, 0.0016936175525188446, 0.15041936933994293, 0.6948854923248291, -0.6171625852584839, 0.7791846394538879, -0.4937072694301605, 0.5575056076049805, -0.6918113231658936, 0.08095546066761017, -0.19118286669254303, 0.6633201241493225, 0.44615447521209717, -0.2617993950843811, 0.8663482666015625, -0.4782137870788574, -1.4185711145401, 1.128221035003662, -0.6236279606819153, -0.6599444150924683, -0.5258429050445557, 1.49228036403656, 0.04851973056793213, -0.39996322989463806, 0.5736734867095947, 0.19957047700881958, -0.01854441501200199, 1.0527347326278687, -0.4399788975715637, 0.2926366925239563, 0.3040940761566162, 0.07520769536495209, -0.06088494136929512, 0.4140739142894745, -2.574143648147583, 0.6051371693611145, 1.327060580253601, -0.4476291537284851, -0.41799360513687134, -0.5996934175491333, 0.14955739676952362, -0.24065208435058594, -0.21771976351737976, 0.8584793210029602, -0.44277074933052063, 0.8483588695526123, -0.4696280360221863, 0.4036779999732971, 1.2885702848434448, -0.645717442035675, 0.25391244888305664, 0.8827694654464722, 0.17517346143722534, -0.7221202254295349, -0.7493104934692383, 0.7348740100860596, -0.8622508645057678, 0.663129448890686, 0.22892528772354126, 0.719754159450531, 0.7983275651931763, -0.47904592752456665, -0.15483200550079346, 0.2969558835029602, 0.6284372210502625, 0.2629893720149994, -0.08429978787899017, -0.11173810064792633, 1.0360713005065918, 0.13439151644706726, 1.1612602472305298, -0.1010090708732605, -0.7061460614204407, -1.2431344985961914, -0.27385932207107544, -0.010213002562522888, -0.4616755545139313, 1.9974662065505981, 0.5408678650856018, 1.3317090272903442, 0.05713209509849548, 0.1360897272825241, -0.9172725081443787, -0.5160666704177856, 1.1401987075805664, 0.4977225959300995, 0.11754993349313736, -0.46239978075027466, -0.23520714044570923, 0.800045371055603, -0.13083666563034058, -0.6872824430465698, 0.4146750569343567, 0.9379081726074219, -0.12921397387981415, -0.6296766400337219, 0.4197302460670471, 1.135148048400879, 0.22738903760910034, 1.4601274728775024, -0.3779154121875763, -0.04723871871829033, -0.31743505597114563, 0.5653778910636902, -0.16145500540733337, 0.634304940700531, -0.7394870519638062, 0.8406746983528137, 0.12795239686965942, 0.26983264088630676, -0.5785263776779175, 1.0948702096939087, 1.386260747909546, -0.6169495582580566, -1.3681461811065674, -0.4178255498409271, -1.0502642393112183, -0.06969131529331207, 0.0692092552781105, -0.22536306083202362, -0.7877885103225708, 0.20837144553661346, 0.0878911241889, -0.9185702800750732, 0.6480003595352173, -0.7417600154876709, -1.6564871072769165, 1.3903437852859497, 1.1024571657180786, -1.1631022691726685, -0.5901457071304321, -0.3284178376197815, -0.9901569485664368, -0.5904515385627747, 0.22044217586517334, -0.8601482510566711, 0.2661474943161011, 0.34418612718582153, 0.969964325428009, 0.40951550006866455, 0.06635259091854095, -1.2514159679412842, 0.3184114098548889, 0.7175307273864746, -0.7781378626823425, 0.3403461277484894, -0.3854316174983978, 0.26431041955947876, -0.4362662732601166, -1.2555378675460815, -0.9299606680870056, 0.6324999332427979, 0.22843605279922485, 0.0929616317152977, -0.8752880692481995, -0.7842172384262085, -0.010985132306814194, 0.15654335916042328, 1.1937096118927002, -1.089906930923462, 0.45533186197280884, -0.9104491472244263, 0.07506740838289261, 0.47874513268470764, -0.7495465278625488, -0.7102877497673035, 0.5289953947067261, -0.17630866169929504, 1.0826834440231323, -0.15941078960895538, 0.44990167021751404, 0.8821854591369629, -0.09026090800762177, 0.16662882268428802, -0.07609832286834717, -11.892078399658203, 0.8037787079811096, -0.11279695481061935, 0.37742459774017334, 0.5921990871429443, -0.6425544619560242, 1.0954973697662354, 0.06238550320267677, 0.7262436747550964, -0.8570852279663086, 0.6560959219932556, 1.2438679933547974, 0.41025272011756897, -0.06942775100469589, -0.4813830852508545, -1.315934658050537, -0.4515954256057739, -0.4606424570083618, 0.4155908226966858, -0.00862080603837967, -0.5639349222183228, -0.6011151075363159, -0.21589070558547974, 0.21686550974845886, 0.4744364023208618, 0.14392372965812683, -0.6220118999481201, -0.4973081052303314, -0.764666736125946, 0.05644000321626663, 0.7584108710289001, -0.0906284749507904, -0.35026639699935913, -0.47066766023635864, -0.24242942035198212, 0.021669261157512665, -0.10229136794805527, -0.11691061407327652, 0.9501053094863892, -0.10917694866657257, -0.29678916931152344, 0.1232457309961319, 0.6422455906867981, 0.1049015000462532, -0.5344042181968689, 0.24205414950847626, -0.09173937886953354, -0.7650330662727356, 0.13346299529075623, 0.10415444523096085, -0.5234357714653015, -0.391312837600708, -1.2115942239761353, -0.4407013952732086, 0.4879690706729889, 0.14428366720676422, -1.0194798707962036, -0.016201119869947433, -0.41938671469688416, -0.6264175176620483, 1.0555111169815063, 0.5121771097183228, 0.06876664608716965, -0.02869640663266182, 0.34254786372184753, -0.09062691032886505, -0.05231674760580063, 0.07254613935947418, -0.33864477276802063, 0.23765668272972107, -0.7395920753479004, 1.0592201948165894, 0.5370732545852661, 0.22252190113067627, -0.6151163578033447, -0.13436850905418396, -0.9620715379714966, 0.18828867375850677, 0.3571186363697052, 0.22523005306720734, -1.5703959465026855, 0.9248037338256836, 0.328438401222229, -0.34162062406539917, -0.7027479410171509, 0.37599730491638184, -0.5387834906578064, 0.32755139470100403, 0.5879318714141846, -0.3208196759223938, 1.4488048553466797, 0.5245918035507202, -0.5846030116081238, -0.46811115741729736, -0.17630094289779663, 0.804002046585083, -0.40131741762161255, 0.6178120374679565, -0.026121754199266434, -0.2847506105899811, 0.4551312029361725, -0.7919180393218994, -0.6517744064331055, 0.3762587010860443, 0.3154383897781372, -0.08306625485420227, 0.4408353567123413, 0.2989262342453003, -0.29075855016708374, -0.39821135997772217, 1.2174874544143677, -0.10964638739824295, -0.5480539798736572, 1.3955239057540894, 0.12611541152000427, 0.9090852737426758, 0.33846259117126465, -0.012090355157852173, 0.7193474769592285, 0.9501027464866638, -0.4805380702018738, 0.41908442974090576, -0.1717989295721054, 1.4052029848098755, -0.11516477167606354, 0.1683250069618225, 0.29277947545051575, 0.29298585653305054, -0.15274694561958313, -1.2125493288040161, 0.1826707422733307, -0.12329168617725372, 0.1986670047044754, -1.1984080076217651, -0.5660593509674072, -0.05678917095065117, -0.26823973655700684, 1.4578289985656738, -0.5648331642150879, -0.0577714741230011, 0.008976466953754425, -0.6155516505241394, -0.26980090141296387, -1.0371134281158447, -0.6264334321022034, 0.34342125058174133, -0.8655152916908264, -0.16218218207359314, -0.6074707508087158, -0.36798280477523804, 0.02643446810543537, -0.5500137209892273, 0.6944063305854797, -0.42372798919677734, -0.1952119916677475, 0.04335300624370575, 0.37307441234588623, -0.15366071462631226, -0.8601775169372559, -0.11964578181505203, -0.024024203419685364, 0.5614128708839417, -0.9798328876495361, 1.240005612373352, 0.7353421449661255, -0.01897628977894783, -0.8106898665428162, 0.08835344016551971, -0.6420589089393616, -0.03760417923331261, 0.852866530418396, -0.9811605215072632, -0.5253690481185913, -0.46130725741386414, -0.2550111413002014, -0.771473228931427, 0.7722688317298889, 1.1457452774047852, -1.3680579662322998, -0.04539072513580322, 0.0861419066786766, 0.7579426169395447, -0.2097821980714798, -0.09916988760232925, -0.17326514422893524, 0.30800187587738037, 0.09942619502544403, 0.7729692459106445, 0.3680168092250824, 0.5812326669692993, -1.5033056735992432, -0.9898284673690796, -0.3743252754211426, 0.24336302280426025, 0.8214525580406189, 0.3248763382434845, 0.6249971985816956, 0.04904494807124138, -0.035386644303798676, 0.140013188123703, 0.09308908879756927, 0.9189696907997131, 0.4170338809490204, 0.5770888924598694, -0.6117267608642578, 0.40993478894233704, -0.549911618232727, 0.46567302942276, 0.34697872400283813, 0.9255567789077759, -1.1280536651611328, -0.19316913187503815, 0.47785598039627075, -0.022678956389427185, 0.046674322336912155, -1.1872143745422363, 0.0528198704123497, -0.07365092635154724, -0.6108981370925903, -1.0805039405822754, -0.01687200367450714, 0.7986124157905579, -0.9343322515487671, 1.1993707418441772, 0.12418584525585175, 1.1133633852005005, 0.4701550304889679, 0.2370051145553589, 0.9095288515090942, -0.2807527482509613, -0.508558452129364, 0.2888917326927185, -0.10930606722831726, -0.2042490839958191, -0.7131776213645935, -0.9926283359527588, -0.5353069305419922, 0.6484218835830688, -0.4597935676574707, 0.7020776867866516, -0.34863919019699097, 0.15751822292804718, 0.5044251680374146, 1.157945156097412, -0.24889133870601654, -1.4501911401748657, -0.1254620999097824, -0.9330186247825623, 0.3719750940799713, 0.4219706952571869, 0.7737691402435303, 0.538673460483551, 0.8141363859176636, 0.5911361575126648, 1.0167338848114014, -0.5615203976631165, 0.21161553263664246, 0.16007137298583984, -0.635307788848877, 0.7251048684120178, 0.6322723031044006, 0.23800797760486603, 0.07064124196767807, -0.3694913685321808, -1.2357908487319946, -0.033798716962337494, -0.3753780722618103, 0.588001012802124, 0.8804565668106079, -0.5231794118881226, -0.09807150810956955, -1.1007194519042969, 0.9282996654510498, -0.589913010597229, 0.6976309418678284, 0.18433740735054016, -0.6209739446640015, -0.25950849056243896, -0.8268782496452332, -0.05481403321027756, 0.8145092129707336, -0.45120447874069214, 0.2090388685464859, -0.39240890741348267, 0.6290289163589478, -0.3246219754219055, -0.6092804074287415, -0.9888811111450195, 0.09364864975214005, -0.9967848062515259, -0.03385237604379654, 0.3455311954021454, -0.5801496505737305, -0.7813863158226013, -0.18681775033473969, -0.4898294508457184, 0.455657035112381, 0.08345086872577667, -1.1242377758026123, -0.11007696390151978, 0.2945900559425354, -0.801395058631897, 0.6574353575706482, -0.028690502047538757, -0.49435603618621826, -1.7303481101989746, 0.09452531486749649, 1.51953125, 0.33103951811790466, -0.4433213174343109, 0.25551098585128784, 0.47398748993873596, 0.3736070394515991, 0.9261552691459656]} +{"paper_id": "xquad", "embedding": [-0.36336827278137207, 1.1266504526138306, 0.5463394522666931, -0.5455976724624634, 0.502285361289978, -0.8746418356895447, -0.5729272961616516, 0.5020885467529297, 1.00190007686615, 0.2792711853981018, 0.42371097207069397, -0.3621853291988373, 0.45156392455101013, 0.06145436316728592, -0.24163877964019775, -0.2849389910697937, -1.0713186264038086, -0.9990916848182678, -1.7608215808868408, 0.3038404583930969, -0.32519638538360596, -0.9401340484619141, -0.13015009462833405, 1.5211565494537354, -0.444792777299881, -1.4754891395568848, 0.4692627191543579, -0.5358490347862244, 0.31299859285354614, 0.9824224710464478, -0.044593535363674164, 1.3461016416549683, -1.7107555866241455, 0.6633674502372742, -0.1736292839050293, -0.6409668922424316, 0.7371934652328491, 1.2021424770355225, -0.02477842941880226, -0.6492821574211121, -0.37797266244888306, -0.3814198970794678, 0.31291085481643677, 0.9429075717926025, 1.4777055978775024, -0.4883235692977905, 0.040461644530296326, -0.012422781437635422, 0.34854310750961304, -0.7667140364646912, 0.05800177901983261, 0.36611366271972656, -0.6118438243865967, 0.9379011392593384, -0.4846492111682892, 0.9386215209960938, 0.3740476667881012, -1.028078556060791, 0.5828372836112976, -1.157741904258728, 1.2614811658859253, 1.9594084024429321, -0.8216656446456909, -0.04846726730465889, 1.7012096643447876, 0.6271788477897644, 1.9485130310058594, 0.6462322473526001, 0.29842111468315125, 0.6006007194519043, 0.16914494335651398, -1.0659997463226318, 1.117969036102295, -0.05400431156158447, 0.9209709167480469, 0.8557013273239136, 0.10231918096542358, 0.3282243609428406, -0.46699732542037964, -0.31690114736557007, -0.92850661277771, 0.10163497924804688, 0.5884811878204346, -0.5524859428405762, -0.14461418986320496, 0.19667750597000122, 0.40825846791267395, -1.2301124334335327, 0.7446993589401245, -1.8693536520004272, 1.0192800760269165, -0.2662333846092224, 0.2468690276145935, -0.16390176117420197, -0.11490164697170258, 0.38107606768608093, -0.38313519954681396, -0.18899774551391602, -0.33441615104675293, -0.05349253490567207, 0.619877815246582, -0.12293200194835663, 0.6734367609024048, 0.11618571728467941, -0.30974289774894714, 1.529160737991333, 0.23034065961837769, -0.6877446174621582, -1.1668583154678345, -0.81336510181427, 0.47414630651474, 0.6623488664627075, -0.3095604181289673, 0.14402109384536743, 0.3316259980201721, 0.20218640565872192, 0.7519276738166809, -0.8044219017028809, -0.400309681892395, 0.03866613656282425, -0.28791654109954834, -1.0806132555007935, -1.0069901943206787, 0.0798482745885849, 0.5138496160507202, -0.6986510157585144, -0.549384355545044, -0.5891137719154358, -0.03393394500017166, -0.5523073673248291, 0.9247432947158813, 0.09397412836551666, -0.5146512985229492, -0.40402984619140625, 3.7537591457366943, -1.1712552309036255, 1.3371484279632568, -0.7845520973205566, 0.1982535868883133, -0.5039243102073669, -0.5701000690460205, 1.4086934328079224, -0.09512028843164444, -1.2574716806411743, -0.35999637842178345, 0.676936686038971, -0.7042605876922607, -0.15109382569789886, -0.8079708814620972, -0.9150181412696838, 0.08997608721256256, 0.37854522466659546, -0.8709366321563721, -0.4908532500267029, 0.047924820333719254, 0.19459307193756104, 0.35317903757095337, 1.0953803062438965, -0.7199978232383728, 1.1946169137954712, -0.320058137178421, 0.528472900390625, -0.24548417329788208, 0.7654312252998352, -1.1697180271148682, -0.21730123460292816, 0.5396749377250671, 0.01701006293296814, -0.2897239029407501, -0.6691185235977173, 0.7037159204483032, -0.2211809754371643, -0.39520007371902466, 0.2205221801996231, 0.03809241205453873, 0.20487886667251587, 0.3719387650489807, 0.7834608554840088, 0.2025875598192215, -0.4649191200733185, 0.4213079810142517, -0.045737456530332565, 0.6222389340400696, 0.8646045923233032, 0.42219334840774536, 0.42714160680770874, -2.025000810623169, -0.4623264670372009, -0.07094558328390121, 0.12400275468826294, -0.11886309087276459, -0.9179235696792603, -0.08965488523244858, -0.49962568283081055, 0.4569860100746155, -0.6151604056358337, 0.6431426405906677, -0.6764130592346191, -0.7684251070022583, 0.5194306969642639, -0.20735235512256622, -0.1300632655620575, 0.5936880111694336, 0.5146243572235107, -0.6901492476463318, -0.6274096369743347, -0.7250843048095703, -1.4528899192810059, -0.15500938892364502, 2.3525326251983643, 0.09523531794548035, -0.3120032548904419, -1.014198899269104, -0.6784486174583435, -0.2454482614994049, -0.6584663987159729, 0.282996267080307, -1.3055649995803833, 0.3912537395954132, -1.1458280086517334, 0.3488715589046478, -0.05487028509378433, -0.1581270396709442, 0.48873063921928406, 1.0057306289672852, -0.6476890444755554, -0.12067034840583801, -0.38047870993614197, -0.48284757137298584, 0.8236609697341919, 0.46716463565826416, 0.4830743670463562, -0.8494751453399658, 0.7890849709510803, 0.22574388980865479, 0.915323793888092, 1.0001174211502075, 0.7246037125587463, -0.45024624466896057, -0.04673541337251663, -0.3870304822921753, 1.144614815711975, -0.03888632357120514, 0.06018880009651184, 0.26290303468704224, 0.7524941563606262, -0.5459085702896118, -0.5097694993019104, 0.15418101847171783, -0.26633745431900024, 1.6587820053100586, 0.7942727208137512, -0.5565570592880249, 1.52948796749115, -0.7598156929016113, 0.09157533943653107, -0.3895550072193146, -1.000370740890503, 0.446727454662323, -0.6941882371902466, 0.8637346625328064, -0.9075693488121033, 0.46511948108673096, 0.12870322167873383, -0.38636231422424316, -1.5789910554885864, -0.6197404861450195, -0.14336854219436646, -1.0422966480255127, -1.0381358861923218, -0.25474005937576294, -0.5227453112602234, -0.8882398009300232, -1.0640347003936768, 0.5706008672714233, 0.810779333114624, 0.13843397796154022, 1.3703057765960693, 2.182098865509033, -0.10551997274160385, 1.1024917364120483, 0.12769721448421478, 0.8525494933128357, -0.6986028552055359, 0.846264660358429, 0.6577598452568054, 0.5720716714859009, -0.7524330615997314, -0.18597005307674408, -0.4331091046333313, 0.16837763786315918, 0.8555281758308411, -0.4151577353477478, 0.6670544147491455, 0.06326691806316376, -1.4706811904907227, 1.3416213989257812, -0.21712428331375122, -0.20781397819519043, -0.7052667737007141, 1.6577974557876587, 0.24185045063495636, -0.19678696990013123, 0.6297975182533264, -0.7699211239814758, 0.08196260035037994, 1.1075210571289062, -0.5584388971328735, -0.03684651106595993, 0.5420601963996887, -0.2903573513031006, -0.2641715407371521, 0.36179935932159424, -1.8771357536315918, 0.6775898337364197, 0.5185471177101135, 0.3943255841732025, -0.38228487968444824, -1.0477540493011475, 0.6438642740249634, -0.4481768012046814, -0.2183399647474289, 0.6665675640106201, 0.06908226758241653, 0.3337791860103607, 0.016782887279987335, -0.015909655019640923, 1.0068376064300537, -0.501075804233551, 0.9681810140609741, 1.2109676599502563, 0.06260938942432404, -0.3132955729961395, -0.15521153807640076, 1.1789599657058716, -0.3881329596042633, 0.559465765953064, 0.19564858078956604, 0.39406248927116394, 1.5277414321899414, -0.24415573477745056, 0.25064459443092346, 0.31680506467819214, 1.2333132028579712, 0.3393477499485016, 0.23027236759662628, -0.7302812933921814, 0.05095692723989487, 0.01583198457956314, 1.1346272230148315, -0.006268735975027084, -1.4936072826385498, -1.3357139825820923, 0.06771863996982574, 0.2319364696741104, -0.7171691060066223, 2.0265097618103027, 0.3055002987384796, 0.9576319456100464, -0.06230638921260834, 0.09318068623542786, -0.19337446987628937, 0.22187718749046326, 1.2936211824417114, 0.7811874151229858, -0.4653526544570923, -0.7163118124008179, -0.06138022243976593, 0.7786247730255127, -0.6296153664588928, -1.0834429264068604, 0.08949317038059235, 1.1495250463485718, -0.5703787207603455, -0.8140534162521362, 0.7494035363197327, 1.0003857612609863, -1.2613832950592041e-05, 1.319063663482666, -0.7061095833778381, -0.3207545578479767, -0.12762972712516785, 0.8160895109176636, -0.538397490978241, 0.37821832299232483, -0.29723915457725525, 0.5640541911125183, 0.27269572019577026, 1.1921226978302002, 0.2251824587583542, 0.7772812843322754, 1.1598801612854004, -1.0139604806900024, -1.1898548603057861, -0.2627122700214386, -0.8990768194198608, -0.6113209128379822, -0.07447275519371033, -0.18157091736793518, -0.8947173953056335, 0.7561201453208923, -0.2715565860271454, 0.010439269244670868, 0.14281496405601501, -0.8248171806335449, -1.4644174575805664, 1.424339771270752, 0.8439204692840576, -0.8220494389533997, -0.5062554478645325, -0.5516785979270935, -0.8825642466545105, -0.9969114065170288, 0.14914044737815857, -0.782775342464447, -0.3053884208202362, 0.007619764655828476, 0.6289170384407043, -0.33748263120651245, -0.3621811866760254, -1.2376813888549805, 0.489474892616272, 1.4845647811889648, -0.880244791507721, 0.17645546793937683, 0.337308794260025, 0.3710969090461731, 0.1287914216518402, -0.769237220287323, -0.7234563827514648, 0.906006932258606, 0.4749353229999542, 0.770000159740448, -0.7849753499031067, -0.3725113868713379, 0.567081868648529, 0.24430541694164276, 1.1375737190246582, -1.2262529134750366, -0.09131623804569244, -0.6532251238822937, 0.4769391119480133, 0.3052367568016052, -0.6285533905029297, 0.12588569521903992, 1.0100785493850708, -0.0819617509841919, 0.7803962230682373, -0.22073151171207428, 0.2509631812572479, 1.1135647296905518, -0.046913184225559235, 0.3872522711753845, -0.6518218517303467, -10.19786262512207, 0.036607589572668076, -0.3719192445278168, 0.3858449459075928, 0.8598461747169495, -0.41100427508354187, 1.1819955110549927, -0.1256805956363678, -0.014372585341334343, -0.9363341331481934, 0.2698937952518463, 0.5538036227226257, 0.7451454401016235, -0.5843518972396851, -0.72588050365448, -0.5836663842201233, -0.24584458768367767, -0.28204911947250366, 0.37266433238983154, -0.03134695440530777, -0.8711611032485962, -0.9206468462944031, 0.008107326924800873, 0.3759264349937439, -0.2558601200580597, -0.5277368426322937, -0.7392029762268066, -0.511025071144104, -0.3377036154270172, -0.4721983075141907, 0.4266403615474701, -0.4419092833995819, -0.839289665222168, -0.15993960201740265, 0.25271373987197876, -0.4019605815410614, -0.5978488326072693, 0.12019528448581696, 1.2796638011932373, -0.36679545044898987, -0.220204159617424, 0.3308604657649994, 0.15768833458423615, 0.6640096306800842, -0.45160630345344543, 0.14501912891864777, 0.7398881912231445, -0.37743526697158813, 0.38623636960983276, -0.34997591376304626, -0.5282589197158813, -0.9587832689285278, -0.713610827922821, -0.3756857216358185, 0.5029961466789246, 1.0299276113510132, -0.44156262278556824, 0.10582799464464188, -0.5872066020965576, -1.308431625366211, 0.4849089980125427, 0.32064706087112427, -0.33098793029785156, -0.12948083877563477, -0.3288811445236206, -0.3022269904613495, 0.3562605679035187, -0.008689976297318935, -0.29535922408103943, 0.13052354753017426, -0.8405100107192993, 0.3955405056476593, -0.10357143729925156, 0.1206168532371521, -0.8124334216117859, -0.33375492691993713, -0.5406733155250549, 0.1976955384016037, -0.12561005353927612, 0.16080063581466675, -1.2038975954055786, 0.8866174221038818, 0.5783076882362366, -0.3638046681880951, -0.009093500673770905, 0.43121060729026794, -0.26417502760887146, 0.8078012466430664, 0.4504415690898895, -0.5351132154464722, 1.4295300245285034, -0.2787570357322693, 0.26943647861480713, -0.26845860481262207, 0.2751343846321106, 1.453728437423706, -0.8510398268699646, 0.9681689143180847, 0.11460727453231812, -0.8702780604362488, 0.18872752785682678, 0.15820994973182678, -0.4729596674442291, 0.3577526807785034, 0.36262351274490356, 0.3746258020401001, 0.6397396326065063, 0.32459592819213867, 0.1552688181400299, -0.4236212372779846, 1.2614219188690186, 0.07157011330127716, -0.5475262999534607, 0.7468884587287903, -0.1827380508184433, 1.4336978197097778, 0.14360609650611877, 0.6861467957496643, 0.17084109783172607, 0.8298028111457825, -0.193500816822052, 0.808936357498169, 0.05418658256530762, 1.804900050163269, -0.2932988703250885, 0.08240832388401031, 0.33042219281196594, 0.307478666305542, 0.4019571840763092, -1.7534304857254028, 0.34824061393737793, -0.2928479313850403, 0.07297690212726593, -1.0734072923660278, -0.2101280391216278, -0.5742843151092529, -1.2256016731262207, 1.648323893547058, -0.032780420035123825, 0.18210849165916443, -0.259748250246048, -1.0635294914245605, 0.31936511397361755, -0.8773589730262756, -0.5408852696418762, 0.11409684270620346, -1.0526139736175537, -0.35941964387893677, -0.04843544587492943, -0.5135429501533508, 0.06621874123811722, -0.42124274373054504, 0.8493021130561829, -0.7485466003417969, -0.11120311915874481, 0.02121788263320923, 0.31548652052879333, -1.1860471963882446, -1.1832307577133179, -0.10673392564058304, 0.42086732387542725, 2.0613527297973633, -0.9630686044692993, 1.076529860496521, -0.10562776774168015, -0.8045985102653503, -0.9313103556632996, -0.20976825058460236, -0.3358823359012604, 0.6232825517654419, 1.2866209745407104, -0.5993810296058655, -0.8384494781494141, -0.6347067356109619, -0.8737525343894958, -0.9383686780929565, -0.017289258539676666, 0.9775111675262451, 0.20856234431266785, 0.06427665799856186, -0.36285701394081116, 1.010948657989502, -0.33721116185188293, -0.702416181564331, -0.6041173338890076, 0.2742716372013092, -0.6584399938583374, 0.8677079081535339, 0.022514382377266884, 0.7639707326889038, -1.4745901823043823, -1.1638944149017334, -0.35092100501060486, -0.15106429159641266, 0.12193161249160767, -0.2863936722278595, 0.5625098943710327, 0.10113175213336945, -0.0056264400482177734, 0.1479940116405487, -0.5084648132324219, 0.7358003258705139, -0.11473897099494934, 0.3149794340133667, 0.21102702617645264, 0.5392681360244751, -0.25181764364242554, 0.1010017842054367, 0.5448136925697327, 0.8238965272903442, -1.3665554523468018, -0.38831692934036255, -0.3104856610298157, 0.0696735680103302, 0.006287276744842529, -0.6036895513534546, 0.6348379254341125, -0.3188253939151764, -0.07442790269851685, -1.5650278329849243, -0.24832075834274292, 1.367766261100769, -0.20352628827095032, 0.5538889169692993, 0.4945770800113678, 1.2591012716293335, 0.33866703510284424, 0.3449612855911255, 1.0499671697616577, -0.6368679404258728, -0.5350644588470459, -0.08132980763912201, 0.6780909299850464, -0.2488027811050415, -0.3673940896987915, -0.17991982400417328, -1.0535329580307007, 0.0971071645617485, -0.9672290682792664, 0.9560874104499817, -0.3568812608718872, 0.35803988575935364, 0.003947407007217407, 0.837159276008606, 0.2370731085538864, -1.562674880027771, 0.47844257950782776, -0.980553925037384, 0.15511488914489746, 0.057984400540590286, 0.37924525141716003, 0.33752334117889404, 0.720934271812439, -0.06768544018268585, 1.3370782136917114, -0.6338119506835938, -0.4527279734611511, 0.317505806684494, -0.16201582551002502, 1.0767732858657837, 0.0005426239222288132, 0.23930098116397858, 0.15813075006008148, -0.10201723128557205, -1.088613748550415, -0.7571303844451904, 0.03215302154421806, 1.274886131286621, 1.0280448198318481, -0.16674302518367767, 0.3158443570137024, -0.6974723935127258, 0.784192681312561, -0.5801787972450256, 1.1628257036209106, 0.2989819645881653, -0.3482091426849365, -1.0846970081329346, -1.4180108308792114, 0.17835775017738342, 0.704920768737793, -0.04546186700463295, 0.17269374430179596, 0.006844639778137207, 0.5495283007621765, 0.8710465431213379, -0.890872061252594, -1.3615384101867676, -0.09833799302577972, -0.24328738451004028, 0.08399355411529541, 1.0202597379684448, -1.1936964988708496, -0.9984452724456787, 0.04211266338825226, -1.1522563695907593, 0.3413596749305725, 0.014143392443656921, -0.47344771027565, -0.9143539071083069, 0.21145787835121155, -0.5579568147659302, -0.23398008942604065, 0.4438348412513733, -0.3606126308441162, -2.0570991039276123, 1.2801792621612549, 2.0342907905578613, -0.8994582891464233, -0.6943029165267944, 0.6152868270874023, -0.06968075037002563, 0.21668416261672974, 1.2641478776931763]} +{"paper_id": "hans", "embedding": [0.22309790551662445, 0.9878947138786316, -1.4242033958435059, -0.2677346467971802, -0.12024783343076706, -0.3589757978916168, 0.5378492474555969, 0.34922194480895996, 0.6281795501708984, 1.2064151763916016, 0.42641040682792664, 0.4983823001384735, 0.14007329940795898, -0.06121883541345596, -0.5738591551780701, -0.3765866756439209, -0.34989964962005615, -1.3353692293167114, -0.1800154596567154, -0.4761469066143036, -1.059295892715454, -0.1463952660560608, 0.6687726974487305, 0.6134176254272461, -0.7709025144577026, -0.9767332077026367, 0.5232326984405518, -1.0611711740493774, 0.3217884302139282, 0.05752307176589966, 0.413687527179718, 0.4757891595363617, -1.2780841588974, 0.7647749781608582, -0.6143257021903992, -0.3680481016635895, 0.30863988399505615, 0.948538601398468, -0.33480820059776306, 0.11928018182516098, -0.7390224933624268, 0.3473729193210602, 0.2786327302455902, -0.08523152023553848, 0.47515755891799927, -0.5390956401824951, 0.3191603124141693, 0.38264769315719604, -0.46700984239578247, 0.797645628452301, 0.22262629866600037, 0.27906015515327454, 0.4059114158153534, 0.4354735314846039, -0.2163316309452057, 0.9807931780815125, 0.387729287147522, -0.618224561214447, 0.8266289830207825, -1.5723586082458496, 0.8287798166275024, 0.7861722707748413, -0.9303597211837769, -0.03624549135565758, 0.6215311884880066, -0.875765323638916, 0.8127069473266602, 0.6995216608047485, 0.9409266114234924, 1.0579174757003784, -0.06139359623193741, -0.9193605780601501, 0.5434704422950745, -0.5767186880111694, 0.39003124833106995, 0.8537309169769287, 0.5051893591880798, -1.2319942712783813, 0.43918561935424805, -0.4719407558441162, -0.283113569021225, 0.611624002456665, 0.23880024254322052, -0.5957337617874146, -0.0021828152239322662, -0.5441770553588867, 0.004516769200563431, -0.43861258029937744, -0.024934614077210426, -1.9821491241455078, 1.065334439277649, 0.6852288842201233, -0.21623916923999786, -0.5036806464195251, 0.3350735902786255, 0.09453514963388443, -0.9394630193710327, -0.23486153781414032, -0.4737463891506195, 0.7371653914451599, 0.5269744992256165, -0.38061437010765076, 0.4186772108078003, 0.14023150503635406, -0.0586954802274704, 0.4436676800251007, -0.8653050661087036, 0.3447381258010864, -0.6642385125160217, -0.009443153627216816, -0.45867544412612915, 0.8424165844917297, -0.4649321734905243, 0.3848935067653656, -0.3216518759727478, -0.12474428862333298, -0.023996733129024506, 0.07593105733394623, -0.4370351731777191, 0.25983309745788574, -0.17682015895843506, -1.2363710403442383, -0.07346188277006149, 0.6716263294219971, 0.9296630024909973, -0.2627231478691101, 0.5578398704528809, 0.39974555373191833, -0.5426911115646362, 0.7420682907104492, 0.926253080368042, 0.0838545560836792, -1.1261332035064697, 0.18416617810726166, 2.709242343902588, -1.314112663269043, 0.6042712926864624, 0.6923537254333496, -0.08424444496631622, 0.10761980712413788, -0.06538862735033035, 0.6173201203346252, 0.47076109051704407, -1.1251919269561768, -0.29881834983825684, 0.3573598265647888, -0.270676851272583, 0.34261658787727356, -0.9294945001602173, 0.46429911255836487, 0.41006994247436523, 0.1148296669125557, -1.2249575853347778, -0.04245996102690697, -0.4840278923511505, 0.6010562181472778, 0.28758886456489563, 0.1585780382156372, -0.7059099674224854, 0.3788382112979889, 0.6314294934272766, 0.0303664430975914, 0.004235297441482544, 0.3236393332481384, -0.4772442579269409, -0.6775869727134705, 0.8674442172050476, -0.1832217276096344, -0.7629939913749695, 0.19349542260169983, 0.28221550583839417, -0.3232225775718689, 0.30559924244880676, -0.22335843741893768, -0.13948088884353638, 0.3770402669906616, 0.18671856820583344, 0.6302483677864075, -0.0743987113237381, -0.48913925886154175, -0.4401407241821289, 0.1366516500711441, -0.5531165599822998, -0.07383252680301666, -0.9255164861679077, 0.6335113048553467, -1.6631141901016235, 0.41372787952423096, -0.5541715621948242, -0.07339794933795929, -0.5332930088043213, -0.113141268491745, 0.13347619771957397, 0.1256345808506012, 0.06251901388168335, 0.13574598729610443, 0.25705328583717346, -1.0328192710876465, -0.0023989230394363403, 0.5420910120010376, 0.05950036272406578, 0.6001396179199219, 0.2757056653499603, 0.8707420229911804, 0.1782853603363037, -0.9572495818138123, -0.29242464900016785, -1.300364375114441, 0.6185974478721619, 1.1757266521453857, -0.23473715782165527, -0.3924305737018585, -1.497499942779541, -0.18158836662769318, -0.031588029116392136, -0.955556333065033, 0.19958308339118958, -0.6161229014396667, -0.36379292607307434, -1.5896328687667847, 0.3396345376968384, -0.7291015386581421, 0.08196385949850082, 0.6305075287818909, 1.2045321464538574, -1.0647133588790894, 0.2869701683521271, 0.060954343527555466, -1.5883288383483887, 0.5976831912994385, 1.4124863147735596, 0.36758705973625183, 0.18495944142341614, 0.6166661977767944, -0.41010782122612, 0.7832569479942322, -0.5363417267799377, -0.240532785654068, -1.2708101272583008, -0.7193748354911804, -0.03197215870022774, 1.1661100387573242, 0.039806678891181946, 0.1257765144109726, 0.42261916399002075, 0.024785414338111877, -0.2095327526330948, -0.6403765082359314, 1.3140311241149902, -0.9185617566108704, 1.3463045358657837, 0.18552201986312866, -0.4643625319004059, 0.8244034051895142, -0.3422998785972595, 0.3143591284751892, 0.3923146426677704, -1.1318877935409546, -0.35892510414123535, -0.12304036319255829, 1.0871672630310059, -0.392633855342865, -0.1496935337781906, -0.28036224842071533, 0.3044644296169281, -0.38488292694091797, -0.14128346741199493, -0.40815961360931396, -0.7507933378219604, -0.39645326137542725, -0.028305787593126297, -0.2387710064649582, -0.8452560901641846, -0.8021913170814514, -0.40289735794067383, -0.07218483835458755, 0.034105464816093445, 1.1158838272094727, 1.190283179283142, -0.017441067844629288, -0.21341997385025024, -0.15379592776298523, 1.2164570093154907, -0.26822054386138916, 0.13181287050247192, -0.4615997076034546, -0.14328540861606598, -0.621033251285553, -0.05814382806420326, -0.22186864912509918, 1.0099395513534546, 0.07851282507181168, -0.27988114953041077, 0.13291314244270325, -0.6566991209983826, -0.47034746408462524, 0.7944338321685791, 0.3418470621109009, -0.2649594843387604, -0.883338451385498, 1.342544436454773, 0.12956936657428741, 0.09612780809402466, 0.523745059967041, 0.9504026770591736, -0.5808100700378418, 0.7995620965957642, -0.04430694133043289, 0.5351341366767883, 1.098607063293457, 0.14738275110721588, -0.12950827181339264, 0.8741025924682617, -2.119575262069702, 0.2792517840862274, 0.7353489398956299, -0.5025085210800171, -0.012366268783807755, 0.12744325399398804, -1.2806510925292969, -0.6892291903495789, 0.26285964250564575, 0.5669775605201721, -0.09335622191429138, 1.0688925981521606, -0.2784406840801239, -0.7394582629203796, 0.8990544080734253, -1.7695858478546143, 0.03086842969059944, 0.9674314260482788, 0.7250161170959473, -1.0998485088348389, -0.22179999947547913, -0.03710539638996124, -0.4071792960166931, 0.6904155015945435, -0.18228915333747864, 1.1128199100494385, 0.6289286613464355, -0.020819351077079773, 0.06281834840774536, 0.4578128457069397, -0.4132544994354248, 0.649965226650238, 0.9563733339309692, -0.049926914274692535, 0.40427878499031067, 0.40990614891052246, 0.9457769989967346, 0.4481533467769623, -1.3129788637161255, -0.7224428057670593, -0.49914294481277466, -1.127535343170166, -0.9329413771629333, 0.8680664300918579, 0.5891143083572388, 0.9909355640411377, 0.3429245948791504, 0.7342314720153809, -0.9835224747657776, -0.03791872039437294, 0.20341859757900238, 0.29721975326538086, 0.48303914070129395, -0.271893709897995, -0.1448838710784912, 0.46923181414604187, 0.032969724386930466, -0.15824851393699646, -0.26395145058631897, -0.1735394150018692, 1.1141685247421265, -0.5838040113449097, 0.548490583896637, 0.7970155477523804, 0.06599266827106476, 1.0320138931274414, -0.8418053388595581, -0.40500909090042114, 0.06831026077270508, 0.0725676417350769, -0.2939293086528778, 0.47343188524246216, -0.5309845209121704, 0.8438640832901001, 0.1913636326789856, -0.16529496014118195, 0.12408168613910675, 0.18829646706581116, 1.3646516799926758, 0.1636601984500885, -0.8380723595619202, -0.7821977138519287, -1.1793038845062256, 0.005837899632751942, 0.05301346629858017, 0.33002132177352905, -1.1163713932037354, 0.37097781896591187, 0.07373016327619553, -0.9822331070899963, 0.5636512041091919, 0.06829672306776047, -0.7530468702316284, 0.14480699598789215, 1.27386474609375, -1.252036690711975, 0.3203834891319275, 0.13109152019023895, -1.2888097763061523, -0.8470215797424316, 0.1183520033955574, -0.24817082285881042, 0.5728485584259033, -0.26606759428977966, 1.7956058979034424, -0.24820707738399506, 0.26981884241104126, -0.10078763216733932, 0.8162696957588196, 0.9799903631210327, 0.2965709865093231, 0.3363872170448303, -0.33890584111213684, 0.16423369944095612, -0.19590288400650024, -1.3216911554336548, -0.16628248989582062, 0.5557609796524048, 0.30577680468559265, 1.0663909912109375, -0.4622517228126526, -1.2038896083831787, 0.48691949248313904, -0.25039201974868774, 0.9717574715614319, -0.7437970042228699, 0.4095034599304199, -0.6942332983016968, -0.5334979891777039, 0.2648317217826843, -0.2919083833694458, -0.9124603867530823, 0.8524776697158813, 0.37059998512268066, 0.6301276683807373, -0.50074702501297, -0.4726921319961548, 0.8584893345832825, -0.3833088278770447, -0.5491477847099304, -0.4857064485549927, -12.599842071533203, 1.0429706573486328, -0.4622057378292084, 0.445518434047699, 0.6654260754585266, 0.32862046360969543, 0.028014734387397766, -0.40244612097740173, 1.3443138599395752, -0.2474318891763687, 0.5159744620323181, 1.6496846675872803, -0.41298025846481323, -0.23196135461330414, -0.12189313024282455, -1.210676670074463, 0.1434825211763382, 0.32779866456985474, 0.3002857565879822, -0.6179750561714172, 0.25533682107925415, -0.9527328610420227, 0.006185658276081085, -0.40511590242385864, 0.6623103022575378, 0.24918419122695923, -0.554088830947876, -0.40863025188446045, -0.18210875988006592, 0.47620055079460144, -0.010138573125004768, 0.968101978302002, -0.6620200276374817, -0.45773351192474365, -0.6002578139305115, -0.1171179860830307, -1.2445907592773438, 0.21864931285381317, 1.313930869102478, 0.07482347637414932, -0.22197960317134857, 0.28293946385383606, 0.2619127035140991, -0.3650679886341095, -0.2896270751953125, 0.05865165591239929, 0.19666007161140442, -0.6401349902153015, 0.7950956225395203, -0.2514273524284363, 0.0936594009399414, 0.13120517134666443, -0.37008458375930786, -0.010800041258335114, 0.6669086813926697, -0.31206780672073364, -0.9226194620132446, 0.324285626411438, 0.013348009437322617, -1.4351115226745605, 0.9822032451629639, 0.28543293476104736, -0.2104787528514862, -0.10997958481311798, 0.4028581380844116, 0.2606508731842041, -0.6039049029350281, 0.12469731271266937, 0.44218719005584717, -0.5489886999130249, -0.5243786573410034, 0.9681330323219299, 0.0958743542432785, -0.2593436539173126, -0.5768250226974487, -0.48042988777160645, -0.5485013127326965, 0.0899287685751915, 0.577479362487793, 0.5046812891960144, -1.1544586420059204, 0.5104560256004333, -0.09015168249607086, 0.04277055710554123, -1.2017323970794678, -0.3868981897830963, -0.18732857704162598, -1.0042774677276611, 0.07503107190132141, -0.2793280780315399, 0.23283952474594116, -0.02646111138164997, -0.4383998513221741, -0.031155452132225037, -0.7632186412811279, 1.227579951286316, -0.3948674499988556, 1.0319418907165527, -0.6809524297714233, -0.7626850008964539, 0.28328219056129456, -0.11429356038570404, -0.3758232891559601, -0.3765440881252289, 0.04260760545730591, 0.2283741533756256, -0.2863848805427551, -0.1427992433309555, 0.31005263328552246, -0.44207441806793213, 0.9229899048805237, -0.11163638532161713, 0.2799888253211975, 1.4471352100372314, 0.01932966709136963, 0.35931268334388733, 0.9848933815956116, 0.17859068512916565, 0.8230580687522888, 1.080197811126709, -0.1387181580066681, 0.137065127491951, 0.6625464558601379, 0.24209417402744293, -0.1574428379535675, 0.496084988117218, 0.0588984377682209, 0.1272531896829605, -0.05451298505067825, -1.861533761024475, 0.7514005899429321, -0.7862991094589233, -0.29100146889686584, -0.9719818234443665, 0.02376493439078331, 0.057874131947755814, -0.4240768253803253, 1.1790366172790527, 0.25318896770477295, 0.2529768645763397, -0.13303658366203308, 0.10838839411735535, -0.07257513701915741, -0.9171772003173828, -0.6951192021369934, 0.2380463182926178, -1.1006300449371338, 0.2888994812965393, -0.35987305641174316, -0.37404143810272217, -0.2863757908344269, -0.2582084536552429, 0.31486815214157104, -0.04274192452430725, -0.03160997852683067, -0.31609147787094116, -0.42481178045272827, 0.013428948819637299, -0.7509022951126099, -0.39172545075416565, 0.57652747631073, 1.0272061824798584, -0.028352566063404083, 1.0419230461120605, 0.7479934692382812, -0.10218082368373871, -0.004064030945301056, -0.6753160953521729, -0.11667249351739883, -0.2519548535346985, 1.1073216199874878, -0.4131489396095276, -0.11104148626327515, -0.6649617552757263, -0.34475818276405334, -1.1615314483642578, 1.1083285808563232, 0.7033164501190186, -1.038530707359314, 0.01641777902841568, 0.49915552139282227, 0.6110746264457703, -0.2733122706413269, -0.44389718770980835, -0.567118763923645, -0.1521901786327362, 0.09170041978359222, 0.24334296584129333, 0.07837533205747604, 0.5255576968193054, -1.2437644004821777, -0.8484030961990356, -0.46164751052856445, 0.7166934609413147, 0.21394573152065277, 0.028770092874765396, 1.2360937595367432, 0.8653179407119751, 0.16353771090507507, 0.9941751956939697, -0.09504173696041107, 0.6632447242736816, 0.2479015439748764, 0.11510497331619263, -0.7770788669586182, -0.21611826121807098, -0.39701756834983826, 0.27833953499794006, 0.19987693428993225, 0.9066217541694641, -0.9978498220443726, 0.129866823554039, 0.26289239525794983, -0.5851962566375732, -0.5558485388755798, -0.9175615310668945, -0.5498195290565491, -0.13713940978050232, -0.5077871084213257, -0.04723653197288513, 1.0780236721038818, 0.6526647806167603, -0.7310110926628113, 0.8812702894210815, 0.32657676935195923, 0.5953201651573181, 0.5654556751251221, 0.7325575947761536, 1.8236973285675049, 0.32304781675338745, -0.03276819363236427, 1.3933956623077393, 0.07544863224029541, -0.10617132484912872, 0.03432513773441315, -0.927993893623352, -0.7063676714897156, 1.4202848672866821, -0.794435441493988, -0.1962207853794098, -0.24580781161785126, -0.11581255495548248, 0.5491284132003784, 0.9276507496833801, 0.2487625628709793, -1.351523518562317, -0.581961452960968, -0.47890448570251465, -0.2728627622127533, 0.5268795490264893, 0.5798289775848389, 0.8275391459465027, 0.7962484359741211, 0.23570379614830017, 0.43644222617149353, -0.3446979522705078, -0.3100573420524597, -0.18169021606445312, 0.40408939123153687, 1.2456341981887817, 0.374019056558609, 0.7647411823272705, -0.20567120611667633, -0.3142666518688202, -0.14590877294540405, -0.29440757632255554, -0.646416962146759, 0.38483262062072754, 0.7371922135353088, -0.24726314842700958, 0.10874183475971222, -0.7582767605781555, 0.46097490191459656, -0.4447347819805145, 0.26848310232162476, -0.2316737323999405, -0.5324972867965698, -0.22582034766674042, -0.14683270454406738, 0.20618125796318054, 1.3256280422210693, -0.03860621526837349, -0.5902091264724731, 0.7701253294944763, 1.117417812347412, -0.02725345268845558, -0.27733853459358215, -0.9223724603652954, 0.2850404381752014, -0.3731249272823334, 0.620337188243866, -0.06953688710927963, -0.4630128741264343, -0.06289155781269073, -0.7245548367500305, -0.4917328953742981, 0.8895933032035828, -0.12742653489112854, -1.1804746389389038, -0.1480846405029297, 0.3443480432033539, -0.24037666618824005, 0.4669911861419678, -0.2651974558830261, -0.4759679436683655, -1.422573447227478, 0.5381534695625305, 0.9532291889190674, 0.18491625785827637, -0.19545532763004303, 0.18175441026687622, 0.29098546504974365, 0.35390907526016235, 0.8636595010757446]} +{"paper_id": "dbpedia_14", "embedding": [-1.0823107957839966, 0.23283427953720093, -0.6476451754570007, -0.33329343795776367, 0.0825125202536583, -0.45022687315940857, 0.8532983064651489, 0.6112425923347473, 0.23993781208992004, 1.5211915969848633, 0.5255464911460876, -0.6373725533485413, -0.28248709440231323, 0.03820307180285454, -0.2666032910346985, 0.1633625626564026, -0.46317869424819946, -1.0212652683258057, -0.2114141583442688, -0.15297259390354156, -1.0247944593429565, -0.9166250824928284, 0.17397654056549072, -0.27528488636016846, -1.0061222314834595, 0.009419472888112068, 0.2750134766101837, -0.46756452322006226, 0.7924631237983704, -0.20188045501708984, 0.32567450404167175, 1.072609305381775, -1.4926420450210571, 0.1303725242614746, -0.24814718961715698, 0.7266479730606079, 0.813066840171814, 1.255458950996399, -0.4645978808403015, -0.43931806087493896, -0.423473596572876, -0.05099765211343765, 0.8841109275817871, -0.12021339684724808, 1.4720642566680908, -0.13077744841575623, 1.1541136503219604, 0.5485203266143799, 0.4075776934623718, -0.5226302146911621, -0.5605554580688477, 0.0975908488035202, 0.6033440232276917, -0.01225220412015915, -0.07322824001312256, 1.299450397491455, -0.7449865937232971, -0.707768976688385, 0.9964390397071838, -1.0542089939117432, 0.832740068435669, 0.9421274662017822, -0.181775763630867, 0.13205048441886902, 0.37576618790626526, -0.04813554883003235, 0.12635661661624908, 0.33443236351013184, 1.3482990264892578, 0.7376925349235535, 0.7963606715202332, -0.7591253519058228, 1.0672391653060913, -0.7467784881591797, -0.02028437703847885, 1.4445092678070068, 0.569538950920105, -0.6824421286582947, 0.452074259519577, 0.10073365271091461, 0.7667543888092041, 0.8079795837402344, 0.8865421414375305, -0.4953818917274475, -0.6611288189888, -0.33326655626296997, 0.03447646647691727, -0.09198052436113358, 0.02225763350725174, -1.9477475881576538, 0.039914801716804504, -0.4300609529018402, -0.7896101474761963, -0.35119661688804626, 0.22105975449085236, 0.09465422481298447, -0.8020259141921997, -0.0959610864520073, -0.4205564260482788, 0.6292233467102051, 0.33687153458595276, -0.8987445831298828, -0.28518208861351013, -0.05308417230844498, -0.44964683055877686, 0.11428628861904144, -1.3446823358535767, 0.3377692997455597, -0.26084956526756287, -0.033244214951992035, -0.40681192278862, 0.9732148051261902, 0.5672186017036438, -0.06085021048784256, -0.71047443151474, -0.3219902515411377, -0.48222705721855164, -0.39285707473754883, -0.29561847448349, 0.4589551091194153, -0.0901634618639946, -1.2328423261642456, 0.00421147421002388, 0.5103968977928162, 0.7816904187202454, -0.4453760087490082, 0.41548269987106323, 0.4632655084133148, -0.21109288930892944, 0.17493006587028503, 0.4425879716873169, -0.21124212443828583, -0.6996737718582153, 0.38185134530067444, 2.0840115547180176, -0.9268618822097778, 1.5266982316970825, 0.7143317461013794, 0.05896924436092377, -0.4622812271118164, 0.10082497447729111, 0.525481104850769, 0.6544328927993774, -0.25517433881759644, -0.4158485531806946, -0.5176937580108643, 0.49547532200813293, 0.8304360508918762, -1.1625161170959473, -0.08047881722450256, -0.14024266600608826, -0.026425011456012726, -1.5014947652816772, -0.44434112310409546, -0.19856995344161987, 0.6217068433761597, 0.29057055711746216, -0.40663856267929077, -1.0424184799194336, 0.6599554419517517, 0.6462118029594421, 0.5126588344573975, -0.14910833537578583, 0.17034880816936493, -0.6685550212860107, 0.22161756455898285, 0.8225845694541931, 0.2474622130393982, -0.7632363438606262, 0.2660817503929138, -0.08991943299770355, -0.037829071283340454, 0.7282021641731262, -0.05741659551858902, -0.10471823066473007, 0.1549348533153534, 0.5064440369606018, 0.30914896726608276, 0.31741955876350403, -0.591550350189209, -0.04549040645360947, -0.16011737287044525, -0.6696640849113464, 0.5453411936759949, 0.008547970093786716, 0.39553478360176086, -1.496448040008545, 0.7680670619010925, -0.24935224652290344, 0.3721233606338501, 0.33259445428848267, 0.0057337041944265366, 0.45358163118362427, -0.022362321615219116, -0.2143467366695404, -0.42086848616600037, 0.14019492268562317, -1.3619625568389893, -0.37781840562820435, 0.2827984094619751, -0.7973383665084839, 0.7122174501419067, -0.5517894625663757, 0.19318807125091553, 0.8446795344352722, -0.45227354764938354, -0.4647546708583832, -2.2807583808898926, 0.9074691534042358, 1.4768325090408325, -0.7147307395935059, -0.967178463935852, -1.6379802227020264, -0.04151969403028488, 0.42878127098083496, -0.510229766368866, 0.09227956831455231, -0.2952173352241516, 0.3514062464237213, -0.2729584574699402, 0.4209895431995392, -0.7726072072982788, 1.2238404750823975, -0.023784907534718513, 0.7951288223266602, -0.8777088522911072, -0.22297868132591248, -0.438677579164505, -2.2281689643859863, 0.6768173575401306, 0.9347370266914368, 0.12626159191131592, -0.2621024549007416, 1.1326656341552734, -0.13187763094902039, -0.038721442222595215, -0.14033538103103638, -0.24420815706253052, -0.04974762350320816, 0.09150972217321396, -0.4777175784111023, 1.2716965675354004, 0.21670420467853546, 0.10627611726522446, -0.05103467404842377, 0.16837181150913239, 0.5614415407180786, -0.5276535749435425, -0.27906811237335205, 0.07856954634189606, 0.5586113333702087, 0.9135769009590149, 0.0018031522631645203, 0.6289736032485962, -0.04973597079515457, -0.05060674250125885, -0.5360398888587952, -1.0274922847747803, -0.474045991897583, -0.15053687989711761, 0.6170281767845154, -0.17006900906562805, 0.5864101052284241, 0.11721724271774292, -0.185104101896286, -0.4364202320575714, -0.1333485245704651, 0.25683408975601196, -0.17982926964759827, -0.4754013121128082, -0.3341337740421295, -0.23169319331645966, -1.1600594520568848, -0.8593642711639404, -0.08235909044742584, 0.08879540860652924, -0.012513499706983566, 0.2371707260608673, 0.42009708285331726, 0.22877565026283264, 0.5148061513900757, -0.3965553045272827, 0.9351329207420349, -0.03702078014612198, 0.597181499004364, -0.6016794443130493, -0.4563056230545044, -1.0948073863983154, 0.11810922622680664, 0.08349582552909851, 0.951854944229126, -0.48351967334747314, 0.05393785983324051, 0.33915019035339355, -0.30573272705078125, -0.9582652449607849, 1.0717331171035767, 0.44229456782341003, -0.953982949256897, -0.6980772614479065, 1.4879536628723145, -0.15064983069896698, 0.25699809193611145, 1.1485651731491089, 0.6707689762115479, -0.1856568455696106, 1.0359292030334473, -0.37254589796066284, 0.7445379495620728, 0.6656922698020935, 0.44670721888542175, 0.13494731485843658, 0.610629141330719, -1.92682683467865, 0.06688640266656876, 0.7216346859931946, -0.11028532683849335, -0.4177440404891968, 0.01783006824553013, -0.7456743121147156, -0.063158318400383, -0.8366100788116455, 0.326651006937027, -0.4436435103416443, 0.7217949628829956, -0.34034186601638794, 0.2902737259864807, 1.22942316532135, -0.48372524976730347, 0.26119011640548706, 0.5793312191963196, 0.16667123138904572, -0.13084377348423004, -0.0336121991276741, 0.7390326261520386, -0.019269529730081558, 0.5306829214096069, -0.2697544991970062, 1.444657564163208, 0.20357368886470795, -1.0972034931182861, 0.05452277511358261, 0.2393675595521927, -0.37799543142318726, 0.5271024703979492, 0.059692367911338806, 0.4782369136810303, 1.4698039293289185, -0.23845204710960388, 1.1328035593032837, -0.42222127318382263, -0.4577953815460205, -0.8521436452865601, -0.35262545943260193, -0.873361349105835, -0.2562248110771179, 2.219015598297119, 0.30787593126296997, 1.3390246629714966, -0.4216631054878235, 0.08873463422060013, -0.6351174712181091, -0.16173402965068817, 1.0589807033538818, 1.2711085081100464, 0.4923641085624695, -0.02073042094707489, 0.3846897482872009, 0.49837714433670044, 0.4410758316516876, -0.31144028902053833, -0.36757734417915344, -0.34386298060417175, 0.04548978433012962, -0.16377399861812592, 0.24494299292564392, 0.4869023859500885, -0.5424345135688782, 1.2710593938827515, -1.030052661895752, -0.5369844436645508, -0.562347412109375, -0.5581819415092468, -0.09442111104726791, 0.23963820934295654, -1.1862359046936035, 0.7377118468284607, -0.23171864449977875, 0.2675592601299286, -0.09967254847288132, 1.2019538879394531, 1.266890287399292, 0.29296478629112244, -0.991027295589447, 0.31904008984565735, -0.7220281362533569, -0.32109010219573975, 0.0246538445353508, 0.11184047907590866, -1.201992392539978, -0.5170695781707764, 0.1276281774044037, -0.8380148410797119, 0.7661420106887817, -0.458930641412735, -1.1782267093658447, 0.8875284790992737, 1.1906468868255615, -1.0573856830596924, -0.002860831096768379, -0.25959843397140503, -0.6951338052749634, -0.8364160060882568, -0.5765029191970825, -0.7122810482978821, 0.5380436778068542, -0.1928199976682663, 1.028983473777771, -0.07389775663614273, -0.28866687417030334, -0.8949329257011414, 0.8012043237686157, 0.22069522738456726, 0.19991567730903625, -0.2265886515378952, -0.4114738404750824, -0.08806902170181274, -0.11976665258407593, -1.488666296005249, -0.7775608897209167, 0.5438230633735657, 0.37562572956085205, 0.33858609199523926, -1.5887024402618408, -1.0019810199737549, -0.16840258240699768, 0.004107445478439331, 1.2381620407104492, -0.4567468464374542, 0.8703100085258484, -0.40614256262779236, 0.01979771815240383, 0.18494640290737152, -0.3892354369163513, -0.9114202260971069, 1.3590867519378662, -0.6291671991348267, 0.9286408424377441, -0.3442564904689789, 0.28308171033859253, 1.5648607015609741, -0.3383326232433319, -0.36453813314437866, -0.37525036931037903, -12.560186386108398, 0.5081127882003784, -0.36681628227233887, 0.7049005627632141, 1.0267051458358765, 0.39946243166923523, 1.027463674545288, -0.2428703010082245, 1.7623900175094604, -0.8343427181243896, 0.17330490052700043, 1.3643351793289185, -0.042153723537921906, -0.050920143723487854, -0.4449867606163025, -1.6475205421447754, -0.4165198504924774, 0.4942094087600708, -0.12477018684148788, -0.44865772128105164, 0.14230239391326904, -0.4993114471435547, -0.5024993419647217, -0.02613941580057144, 0.1531251221895218, -0.31544438004493713, 0.3982832729816437, -0.4231210947036743, -0.8141926527023315, -0.2663334608078003, 0.5257035493850708, -0.0006813581567257643, -0.13639676570892334, -0.7114847898483276, -0.24394425749778748, -0.007370850071310997, -0.3547571897506714, -0.8256299495697021, 0.8930497169494629, 0.05064701288938522, -0.9319843649864197, 0.460282564163208, 1.00774347782135, 0.22474168241024017, -0.47974637150764465, 0.6458536386489868, -0.37246325612068176, -0.3632042109966278, -0.6910805702209473, 0.015502743422985077, -0.23873841762542725, 0.10748740285634995, -0.33494338393211365, -0.17878305912017822, 0.9327375888824463, 0.22238798439502716, -0.47860074043273926, 0.2577425539493561, -0.5818215608596802, -0.30595606565475464, 1.1504693031311035, 0.22971980273723602, 0.04864995926618576, 0.24138985574245453, 0.3474467098712921, 0.1293410360813141, 0.9579384922981262, 0.4100249707698822, 0.28474587202072144, -0.16482675075531006, 0.1080106720328331, 0.7449567317962646, 1.0691773891448975, -0.3551366925239563, -0.009894218295812607, -0.04401583969593048, -0.1086544468998909, 0.04770306497812271, 0.19528524577617645, 0.3784685432910919, -0.7497662901878357, 0.5404140949249268, -0.3719651699066162, -0.6952378153800964, -0.1947929859161377, 0.27021118998527527, -0.20076215267181396, -0.39279794692993164, 0.0752604752779007, 0.23315605521202087, 1.498038649559021, 0.06217221915721893, -0.316841185092926, -0.7167948484420776, -0.5970098376274109, 0.09253162890672684, 0.22919438779354095, 0.5447566509246826, -0.33748772740364075, -0.226902574300766, 0.5233783721923828, -0.27953511476516724, -0.14412638545036316, -1.1223264932632446, 0.09624235332012177, 0.098850779235363, -0.013237938284873962, 0.10360485315322876, 0.18963606655597687, 0.206770122051239, 0.42692893743515015, -0.24250560998916626, -0.6893202662467957, 1.5181435346603394, -0.23587076365947723, 0.1535031497478485, 0.6306820511817932, -0.6654139161109924, 0.9454429149627686, 1.098440170288086, 0.34573644399642944, -0.27331066131591797, 0.27579087018966675, 0.4505125880241394, 0.7063813805580139, 0.05654766783118248, 0.09167733788490295, 1.1182448863983154, -0.6233106255531311, -0.8439993858337402, 0.1330823004245758, -0.11776351928710938, -0.07743965089321136, -0.4700574576854706, -0.7391602396965027, -0.2727290987968445, 0.006809983402490616, 1.1837289333343506, -0.1680941879749298, -0.09846354275941849, -0.1926654428243637, -0.5499967336654663, 0.02118760347366333, -0.35695406794548035, -0.620718240737915, 0.29080015420913696, -0.12221106886863708, -0.3055752217769623, -0.6577332615852356, -0.6797044277191162, -0.008765675127506256, -0.07949542254209518, 0.35759562253952026, -0.4711097478866577, 0.12787356972694397, 0.3159421980381012, -0.3385746479034424, 0.19124042987823486, -0.738295316696167, 0.29850146174430847, -0.10806695371866226, 0.05516429990530014, -1.0777755975723267, 0.4248345196247101, 0.7388052940368652, 0.3875066339969635, -1.3357481956481934, -0.3938252329826355, -0.25760629773139954, -0.16023115813732147, 0.23816099762916565, -0.2933604121208191, -0.20233270525932312, -0.5121005177497864, -0.29776531457901, -1.2564988136291504, 1.105756402015686, 0.497854083776474, -0.8851367235183716, 0.39252203702926636, 0.8359485864639282, 0.13780462741851807, 0.3226379454135895, -0.08177348971366882, 0.11386944353580475, -0.5603629946708679, 0.8659476041793823, 0.7892678380012512, -0.3595941960811615, 0.3768329322338104, -0.9597773551940918, -0.7722134590148926, -0.90076744556427, 0.34153619408607483, 1.0984550714492798, -0.3852144777774811, 1.358898401260376, 0.5529197454452515, -0.5854743719100952, 0.6363441944122314, 0.3147335350513458, 0.6282145977020264, 0.5338407158851624, 0.7071889638900757, -0.7536696195602417, -0.5666354894638062, -1.102503776550293, -0.30293771624565125, 0.348816841840744, 0.03751864284276962, -0.3981528580188751, 0.5332856178283691, 0.6214433908462524, -0.38499924540519714, -0.30621835589408875, -0.8216997385025024, 0.8506736159324646, -0.6250761151313782, -0.3112805187702179, -0.20451600849628448, 0.07800539582967758, 0.7976593971252441, -1.0039607286453247, 0.7591754794120789, 0.13408057391643524, 0.3111114799976349, 0.5633077025413513, 0.9677253365516663, 1.8356690406799316, 0.08790174126625061, -1.0163267850875854, 0.7284890413284302, -0.3584011495113373, -0.48024213314056396, -0.26544123888015747, -1.0562461614608765, 0.3411968946456909, 0.756033718585968, -0.3310335576534271, -0.25422945618629456, -0.05815524607896805, 0.10848934203386307, 0.3015611171722412, 0.9204595685005188, -0.9144510626792908, -1.4075101613998413, -0.4420802891254425, -0.7362473011016846, 0.42399880290031433, 0.6547340154647827, 0.9417310357093811, 0.0970441997051239, 0.6868351697921753, 1.1696937084197998, 0.6816580891609192, 0.2134832739830017, 0.43343162536621094, 0.03977037966251373, -0.49510014057159424, 1.2489137649536133, 1.1617006063461304, 0.35022875666618347, -0.3448743224143982, 0.005388200283050537, -0.8430495262145996, -0.35522374510765076, -0.36061644554138184, -0.13003835082054138, 0.5242643356323242, -0.6943019032478333, -0.14399893581867218, -0.801485002040863, 0.12384136021137238, -0.37601643800735474, -0.2093174308538437, 0.06182968243956566, -0.9561285376548767, 0.36164867877960205, -0.1763543039560318, -0.15478530526161194, 0.5275461673736572, -0.602502703666687, -0.605995774269104, 0.5222716927528381, 0.8171600699424744, -0.8881432414054871, -0.05636391043663025, -0.05679754912853241, 0.4527224600315094, -0.21563324332237244, 1.0515316724777222, -0.6735802888870239, -0.7687202095985413, -0.06451393663883209, -0.01888265460729599, 0.1388506442308426, -0.14878937602043152, -0.4634060263633728, -0.6202854514122009, 0.2848387658596039, 0.6312896013259888, -0.6292084455490112, 0.3669123351573944, -0.4298761487007141, 0.31676337122917175, -1.323809027671814, 0.19777727127075195, 0.5523516535758972, 0.744303822517395, -0.9766713976860046, 0.020186934620141983, -0.025791935622692108, 0.8056041598320007, -0.057353273034095764]} +{"paper_id": "ropes", "embedding": [-0.417436808347702, 0.8137803077697754, 0.049647290259599686, -0.17439624667167664, 0.335981547832489, -0.18986530601978302, 0.30901649594306946, 0.5339839458465576, 0.49302199482917786, 0.5508671998977661, 0.8194286227226257, 0.030408697202801704, 0.37366700172424316, 0.8247113227844238, -0.4079836308956146, -0.11209442466497421, -0.23094016313552856, 0.09418164193630219, -1.1330111026763916, -0.8762642741203308, -0.1396750658750534, -1.1697709560394287, -0.19136108458042145, 1.5488373041152954, -0.8445897698402405, -0.8622690439224243, 0.7989773154258728, -1.1580555438995361, -0.2963492274284363, 0.20432385802268982, 0.2573733925819397, 1.5494410991668701, -1.1937165260314941, 0.7913500070571899, 0.23912549018859863, -0.9794347882270813, -0.1636456996202469, 1.061638593673706, 0.28554490208625793, -0.42723914980888367, -0.5958354473114014, 0.4462505578994751, -0.013325061649084091, -0.3998068571090698, 0.4429698884487152, -0.5064429044723511, 0.13923108577728271, -0.17125087976455688, -0.536338210105896, -0.06861430406570435, -0.6296035051345825, 0.12226925045251846, -0.034939877688884735, 0.3823333978652954, -0.015770088881254196, 0.8203227519989014, 0.01910460740327835, -0.6543306112289429, 0.29160213470458984, -0.03736957907676697, 1.4492409229278564, 1.3745936155319214, -0.14486099779605865, -0.009729944169521332, 1.0951504707336426, -0.002021782100200653, 1.2283555269241333, 0.3117830157279968, -0.14825668931007385, 1.1652690172195435, -0.8806524276733398, -0.21493807435035706, -0.45692384243011475, -0.6098161339759827, 0.3983345031738281, 0.6074787378311157, 0.6130476593971252, -0.30381765961647034, 0.03259251266717911, -0.22893616557121277, -0.11080095171928406, -0.3688967823982239, 0.8648177981376648, -0.1633750945329666, -0.3310486674308777, -0.10641986131668091, 0.6133267879486084, -0.3730720579624176, 0.2514224946498871, -1.6777658462524414, 0.843694269657135, 0.5940982103347778, 0.6018582582473755, -0.24013102054595947, -0.3078099191188812, 0.2267155945301056, -0.10650405287742615, -0.6271189451217651, -0.48384299874305725, -0.4028397500514984, 0.7184514999389648, 0.09030713886022568, 0.8009263873100281, -0.43679067492485046, 0.6036953926086426, 0.24673707783222198, 0.28368687629699707, -0.15216314792633057, -0.4329944849014282, -0.9795722961425781, -0.024940911680459976, 0.4712676405906677, 0.07921841740608215, 0.39633795619010925, -0.6027238368988037, 0.4211583733558655, 0.32885217666625977, -0.6817524433135986, -0.4751751124858856, 0.452602744102478, -0.24493516981601715, -0.8745700120925903, -0.8078359365463257, -0.28621596097946167, 0.43124526739120483, -0.09157006442546844, -0.8868173360824585, -0.9075470566749573, -0.6122250556945801, -0.6263000965118408, 0.5430666208267212, 0.5025696158409119, -0.9267162084579468, 0.040335763245821, 2.8320767879486084, -0.7328070402145386, 0.9031156897544861, 0.020748527720570564, -0.18499097228050232, -0.29443609714508057, -0.8633724451065063, 1.0587588548660278, 0.04087188094854355, -0.4818096160888672, -0.371171772480011, 0.3311951160430908, -0.02092258259654045, 0.12083079665899277, -0.8526001572608948, -0.28268149495124817, 0.5207993984222412, -0.6689006686210632, -1.8626580238342285, -0.595022976398468, -0.2350216805934906, -0.25033271312713623, -0.5073453187942505, -0.10489628463983536, 0.03795285150408745, 0.9853768944740295, -0.07243611663579941, 0.29508036375045776, -0.5886811017990112, 0.3863331079483032, -0.447470098733902, 0.1609843522310257, 0.5661507844924927, -0.49797865748405457, -0.6333997845649719, 0.4718816876411438, 0.1593790203332901, -0.5377296805381775, -0.3740437924861908, -0.9205130338668823, -0.14111749827861786, -0.04245087876915932, 0.12841734290122986, 0.49673447012901306, 0.3962230086326599, -0.06602765619754791, -0.39142781496047974, 0.20200824737548828, -0.09122326225042343, 1.1415592432022095, -0.16736415028572083, 0.31851184368133545, -2.8654279708862305, -0.3035014271736145, -0.9181984066963196, 0.8615196943283081, 0.06541690230369568, 1.352160930633545, 0.3498648405075073, 0.6051872372627258, -0.6007584929466248, -0.5179046392440796, 0.30308422446250916, -1.2636569738388062, 0.9438920617103577, 0.2797567844390869, 0.20354680716991425, -0.2390870302915573, -0.07508042454719543, 0.8309810757637024, 0.05070774257183075, -0.6344366073608398, -1.0814237594604492, -1.9154108762741089, 0.19559234380722046, 1.4478387832641602, 0.28006672859191895, -0.08599767088890076, -1.1471245288848877, -0.5859166979789734, -0.0961441919207573, 0.17016994953155518, 0.7173514366149902, -0.3975618779659271, 0.052113182842731476, -0.4018789529800415, 1.0514968633651733, -0.348956435918808, -0.007945187389850616, 0.36722809076309204, 1.6877758502960205, -0.282830148935318, -0.4721357822418213, -0.6885040998458862, -0.7168552279472351, 0.20805105566978455, 0.6576809287071228, 0.34123653173446655, -0.015276588499546051, 0.04956740140914917, 0.7464535236358643, 0.7637189626693726, 0.7056074738502502, 0.7969198226928711, -0.9039822816848755, 0.4752654433250427, -0.20066624879837036, 1.635885238647461, 0.2624266743659973, 0.057539381086826324, -0.052669115364551544, -0.33623024821281433, -0.6845744848251343, 0.2212265282869339, -0.27761560678482056, -0.2645617127418518, 0.5280814170837402, 0.5310568809509277, -0.5652773380279541, 0.4447295069694519, -0.841810941696167, -0.28375065326690674, 0.019718870520591736, -0.8650891780853271, -0.522367000579834, -0.121983602643013, 0.023390810936689377, -0.048543378710746765, 0.2974017262458801, 0.03363237529993057, 0.09516271948814392, -1.0967954397201538, -0.7513104677200317, -0.03665624558925629, 0.40227460861206055, -0.7148981094360352, -0.5772762298583984, -0.3519015312194824, -1.3516548871994019, -0.20872558653354645, -0.02203523740172386, -0.5042725205421448, -0.2715826630592346, 0.47188207507133484, 1.0788798332214355, -0.24160519242286682, 0.1784978210926056, -0.17677254974842072, 1.2672773599624634, -0.30696985125541687, 0.35527682304382324, -0.04823232814669609, -0.250635027885437, -0.9726078510284424, 0.3784506618976593, -0.8897354602813721, 0.6396465301513672, 0.5549898743629456, 0.009318426251411438, 0.8717651963233948, -0.45816436409950256, -0.6508141160011292, 1.0289483070373535, -0.058678898960351944, 0.030696282163262367, -1.3822394609451294, 1.1413145065307617, -0.11853015422821045, -0.7551136612892151, 0.8951413631439209, -0.275529682636261, -0.6433952450752258, 0.998363196849823, 0.17972874641418457, -0.16292285919189453, 0.3555936813354492, -0.2548505663871765, 0.4282059073448181, 0.3346041440963745, -2.095822811126709, 1.5288116931915283, 1.056723952293396, -0.5659889578819275, 0.17340798676013947, -0.41108575463294983, 0.7438934445381165, -0.3394913077354431, 0.16526152193546295, 1.252392053604126, -0.3696697950363159, 0.6252354383468628, -0.1988963782787323, 0.4704274535179138, 0.5316962599754333, -0.16950257122516632, 0.7373296618461609, 0.1250220388174057, 0.8635744452476501, -1.1989307403564453, -0.17231088876724243, 1.1452465057373047, -0.04681741073727608, 0.5473636388778687, 0.01722496561706066, 1.277155876159668, 0.5164922475814819, -0.43016403913497925, -0.004096197430044413, 0.1463497430086136, 0.5101068615913391, 0.4505959153175354, 0.46685272455215454, -0.5258075594902039, -0.08189721405506134, -0.2206861972808838, 1.3386937379837036, -0.43442171812057495, -0.42794159054756165, -1.108439564704895, -0.41797345876693726, -0.7221716642379761, -0.18259501457214355, 1.1102441549301147, 0.5980431437492371, 2.4246537685394287, 0.28821390867233276, 0.11700967699289322, -0.1290239691734314, -0.5636866688728333, 0.4132862985134125, -0.2936761677265167, -0.007520660758018494, -0.931458592414856, 0.006798587739467621, 1.1753640174865723, 1.187312126159668, -0.3024412989616394, 0.7378125786781311, 0.4509270489215851, 0.10719384998083115, -0.518928587436676, 1.2592982053756714, 0.03425240516662598, 0.5071332454681396, 1.4461461305618286, -0.34668347239494324, 0.21398578584194183, -0.0330275297164917, -0.4374929964542389, -0.07985055446624756, 0.4213659167289734, 0.38604456186294556, 0.597438395023346, 0.14976757764816284, 0.8356056809425354, 0.3393426537513733, 0.6570320725440979, 1.9245113134384155, -0.28770923614501953, -1.904270887374878, 0.7225202918052673, -0.42655959725379944, 0.3269006609916687, 0.49131548404693604, 0.16872484982013702, 0.2103089839220047, 0.7673583626747131, 0.16048288345336914, -0.6223994493484497, 0.3415634036064148, -0.30350589752197266, -1.3677908182144165, -0.053925782442092896, 1.174633502960205, -0.5513629913330078, -0.5379643440246582, 0.19969089329242706, -0.6421335339546204, -0.3100968301296234, -0.40308499336242676, -0.8471816778182983, 1.8544725179672241, 0.2968128025531769, 0.8523570895195007, 0.4076504111289978, -0.10840792953968048, -1.1244865655899048, 1.2961506843566895, 0.8141469359397888, -0.8300334215164185, 0.8384172916412354, 0.6259807348251343, 0.7412829995155334, 0.89560866355896, -1.0919604301452637, 0.13304094970226288, 1.1771794557571411, -0.5273915529251099, -0.0036475788801908493, -0.5043798685073853, -0.28036805987358093, 1.3112903833389282, 0.8408248424530029, 0.0628737360239029, -0.9950670599937439, -0.3933637738227844, -1.1349036693572998, 0.8505898118019104, 0.9966704845428467, -1.7981915473937988, -1.3331860303878784, -0.003171771764755249, -0.9437851309776306, 0.3670136034488678, 0.09459131956100464, -0.41446977853775024, 1.8677380084991455, -0.24263080954551697, -0.026003576815128326, -0.6655863523483276, -11.347112655639648, 1.4630227088928223, -0.1744546890258789, 0.7419012188911438, 0.11602923274040222, -0.5496863126754761, -0.08691639453172684, 0.010646924376487732, 0.30571287870407104, -0.46240663528442383, 0.58235102891922, 0.785808801651001, 0.44434866309165955, 0.16424372792243958, -0.8248028755187988, -1.4830198287963867, -0.17700350284576416, -0.61058109998703, 0.10198543965816498, -0.027622178196907043, -0.13669323921203613, -0.6557468771934509, 0.452911376953125, 0.08456314355134964, 0.7430285811424255, -0.4836589992046356, -1.1510142087936401, 0.03438224643468857, -0.28336507081985474, 0.39447516202926636, 0.8469383716583252, -0.31026020646095276, -0.6694488525390625, 0.10754949599504471, 0.4172796607017517, -0.5441601276397705, -0.8633744716644287, -0.3318289816379547, 0.397616982460022, -0.6691295504570007, -0.2199053317308426, 0.06667853146791458, 0.36663681268692017, -0.36451685428619385, -0.7124968767166138, 0.046473801136016846, 0.6893168687820435, -1.6493749618530273, -0.37509724497795105, -0.3267053961753845, -0.6964373588562012, -0.31077247858047485, -0.5507912039756775, -0.41389164328575134, 0.3246918022632599, 0.5196763873100281, -0.22658053040504456, -0.3469047248363495, -0.4331299960613251, -0.9151076078414917, 0.34863272309303284, 0.030829349532723427, 0.3305024802684784, 0.49284714460372925, -0.09155506640672684, 0.22499680519104004, -0.02409166842699051, -0.07542801648378372, -0.08972728252410889, 0.6551281809806824, -0.7540304064750671, 1.3957356214523315, 0.3556472063064575, 0.7005825042724609, -0.639096736907959, 0.38234052062034607, -1.0876384973526, -0.4535568654537201, 0.6488145589828491, -0.0062711481004953384, -1.1389234066009521, 1.1509171724319458, 0.43919074535369873, -0.19966527819633484, -0.0040944963693618774, 0.26054975390434265, 0.713796079158783, -0.09951776266098022, 1.119735598564148, -0.38266605138778687, 1.4278408288955688, 0.2317889928817749, -0.7809224724769592, -0.46767765283584595, -0.7130832672119141, 0.6444125771522522, -1.1455328464508057, 0.48659396171569824, 1.3469271659851074, -0.7087581753730774, -0.3737392723560333, 0.20991238951683044, -1.6107659339904785, -0.5580841898918152, 1.2048189640045166, 0.16072070598602295, -0.13597258925437927, -0.596437931060791, -0.7798689007759094, -1.2150181531906128, 0.5643121600151062, 0.6469848155975342, -0.18670377135276794, 1.3277932405471802, -1.184657096862793, 0.3624378740787506, 0.8319500088691711, -0.4126371145248413, -0.7053495049476624, 1.6811953783035278, -0.8052535057067871, 0.9425121545791626, 0.0727955549955368, 1.9254769086837769, -0.2446906566619873, -0.09901677817106247, 0.5406020283699036, 0.43959999084472656, -0.26871681213378906, -0.9293147921562195, 0.08218222856521606, -0.3356679677963257, 0.10241098701953888, -0.8006358742713928, -0.7478121519088745, -0.1426018625497818, -0.38438326120376587, 1.706491470336914, -0.8000417947769165, -0.0106850266456604, -0.117849200963974, -0.09015200287103653, -0.9010313153266907, -0.47895151376724243, -0.9752246737480164, 0.16763746738433838, -1.6855064630508423, 0.4301643669605255, -0.6565391421318054, -0.6426572203636169, -0.540258526802063, -0.8391976952552795, 0.5149281620979309, -0.271645188331604, -0.30244162678718567, -0.4652116894721985, -0.0817195475101471, -1.3034778833389282, -0.4240357577800751, -0.38114702701568604, -0.0020536184310913086, 2.0282435417175293, -0.659007728099823, 0.872626543045044, 0.3354991674423218, -0.5657490491867065, -0.6429441571235657, -0.23666460812091827, -0.7916685342788696, 0.6724011898040771, 0.8232450485229492, -1.0109379291534424, -0.645402729511261, -0.3797047436237335, 0.15814785659313202, -0.040586259216070175, 0.065739706158638, 0.8950638771057129, -0.9470961093902588, -0.44825130701065063, -0.1615043431520462, 0.7043886780738831, 0.7653512954711914, -0.15824653208255768, 0.2078169882297516, -0.10113688558340073, -0.31468239426612854, 0.7014755606651306, 0.06907370686531067, 0.9123691320419312, -0.6225811243057251, -0.9021875262260437, -0.5403382778167725, -0.03073088638484478, 0.6269034743309021, 0.31354519724845886, 1.0194882154464722, 0.42224955558776855, -1.2086567878723145, -0.5297526717185974, -0.42190760374069214, 0.4848637878894806, 0.05479036644101143, 0.8023150563240051, -0.09720459580421448, 0.5303623676300049, -0.7021765112876892, -0.16836200654506683, -0.38724392652511597, 1.2078572511672974, -0.619160532951355, -0.310408353805542, 0.2761789560317993, -0.5145927667617798, -0.3751180171966553, -1.314414143562317, 0.07362370938062668, -0.5857006311416626, -0.5283657908439636, -1.0344630479812622, 0.06073065102100372, 1.0637145042419434, 0.16364167630672455, 0.21495243906974792, 0.3619596064090729, 0.6285174489021301, 0.7268527746200562, 0.14503303170204163, 0.7662753462791443, 0.15330146253108978, 0.08061198145151138, 0.9334757924079895, 0.8109455108642578, 0.6702474355697632, 0.007232695817947388, -0.6247267127037048, -0.15744225680828094, 0.43582457304000854, -0.18597178161144257, 1.3113043308258057, -0.029974140226840973, 0.0538405105471611, 1.264508843421936, 1.0978013277053833, 0.19952647387981415, -2.036113739013672, -0.49439361691474915, -1.3387922048568726, 0.5949849486351013, 0.7634270787239075, 0.4791675806045532, -0.5660163760185242, 0.34931278228759766, -0.4275587797164917, 0.87017422914505, -0.4510970413684845, 0.26856476068496704, 0.30783647298812866, -0.30017733573913574, 0.8014010787010193, 0.5314401388168335, 0.052088409662246704, 0.31058409810066223, 0.21307538449764252, -1.3981680870056152, -0.17573876678943634, -1.1500866413116455, 0.5542550086975098, 0.23046110570430756, -0.6009525060653687, 0.3474242687225342, 0.11535334587097168, 0.7743319272994995, -0.21986578404903412, 1.2406184673309326, 0.11132125556468964, 0.017135821282863617, -0.7040948867797852, -1.083935022354126, 0.36005881428718567, 0.11502114683389664, -0.23927241563796997, -0.14067010581493378, 0.10204485058784485, 0.8597908020019531, 0.8098049163818359, 0.4504035711288452, -0.4098984897136688, -0.3856120705604553, 0.30168959498405457, -0.3528963327407837, 0.09762684255838394, -0.2601502537727356, -1.1497281789779663, -0.12267467379570007, -0.2507619857788086, 0.03241289407014847, 0.5413509607315063, -0.9973201751708984, -0.2836291790008545, 0.38590937852859497, -0.019923333078622818, 0.31291815638542175, 0.6316314339637756, 0.10218943655490875, -1.5384020805358887, 0.5192082524299622, 0.8198687434196472, -0.7143562436103821, -0.28849759697914124, -0.23423928022384644, 0.6439145803451538, -0.021457863971590996, 0.867418646812439]} +{"paper_id": "go_emotions", "embedding": [-1.1778310537338257, 1.4662590026855469, 0.3177907168865204, 0.12545637786388397, 1.1408900022506714, -0.08552208542823792, 1.215810775756836, -0.05514583736658096, 0.1683109700679779, 0.4507707357406616, 0.2359110414981842, -0.4815313220024109, -0.0929686650633812, -0.024269284680485725, 0.011333676055073738, -0.2390172779560089, -0.41167986392974854, -0.03572363778948784, -0.8168214559555054, -0.1559784710407257, -0.5494037866592407, -0.3517233729362488, 0.2627212703227997, 0.7279782891273499, -0.8798859119415283, -0.14634989202022552, 0.010932134464383125, -0.9525262117385864, 0.19368195533752441, -0.06575960665941238, -0.04774000495672226, 1.4214047193527222, -0.8651893138885498, -0.2963184118270874, -0.23712888360023499, -0.677834153175354, 0.02732035517692566, 0.6206629276275635, -0.48399171233177185, -0.4494379162788391, -0.3622432053089142, 0.5268375277519226, 0.7531193494796753, 0.30186837911605835, 0.9069392085075378, 0.0757635161280632, 0.026707304641604424, 0.24448885023593903, -0.14291653037071228, -0.42935580015182495, -0.3656720817089081, 0.12140894681215286, -0.05220756679773331, -0.028508121147751808, -1.021135926246643, 0.9541544318199158, 0.2637939453125, -0.6121954917907715, 0.09661969542503357, -1.371783971786499, 0.9696820378303528, 1.3118582963943481, 0.5366842746734619, -0.06878943741321564, 1.4353455305099487, 0.3709801435470581, 1.2295036315917969, -0.07687936723232269, 0.40634334087371826, 0.349715918302536, -0.6940167546272278, -0.7666646838188171, -0.16112497448921204, -0.06643900275230408, -0.008272834122180939, 0.02524581179022789, 0.5635605454444885, 0.3703482151031494, 0.06060484051704407, 0.8174911141395569, -0.044834066182374954, 0.7462709546089172, 0.49533677101135254, -0.5475835800170898, 0.4709068536758423, 0.3302747905254364, 0.31002727150917053, -0.058975737541913986, 0.5389679670333862, -0.8133248090744019, 0.03497394174337387, -0.05359677970409393, 0.3384389877319336, 0.4003969430923462, -0.5645251274108887, 0.27547353506088257, -0.21904008090496063, 0.10845061391592026, -0.4343562722206116, 0.5382959246635437, 0.8761864304542542, -0.4408186972141266, 0.4110937714576721, -0.2650144696235657, -0.10960601270198822, 1.3870470523834229, -0.004898428916931152, -0.37573763728141785, 0.23764845728874207, -0.2629396319389343, 0.18961021304130554, 1.331416368484497, 0.14464420080184937, 0.9316827058792114, 0.13841085135936737, -0.18530070781707764, -0.05216585844755173, -0.38144955039024353, -0.41559430956840515, 0.31687694787979126, -0.7550927400588989, -1.0398730039596558, 0.06651581823825836, -0.06544991582632065, 1.5930898189544678, -0.43188974261283875, 0.8525469303131104, -0.777465283870697, 0.15445338189601898, -0.5507892370223999, 0.08481424301862717, 0.018833182752132416, -0.4029771685600281, 0.25463607907295227, 2.3034024238586426, -0.8358538746833801, 0.9492496848106384, -0.9990168213844299, -0.26637348532676697, 0.00730384886264801, 0.30753421783447266, 0.7849513292312622, 0.09128803759813309, -0.09187868237495422, -0.9633070826530457, 0.09728605300188065, -0.4593852758407593, 0.48340606689453125, -0.7029364705085754, -0.5875033140182495, -0.10357987880706787, -0.09181218594312668, -1.1049638986587524, -0.7854238152503967, 0.5280272364616394, 0.34425145387649536, -0.07734690606594086, 0.8445682525634766, -0.18622839450836182, 0.5718927383422852, 0.4011787474155426, 0.26697683334350586, -0.43620187044143677, 0.7806992530822754, -0.6191194653511047, -0.20641301572322845, 0.6328517198562622, -0.015179434791207314, -1.1985892057418823, -0.4363864064216614, 0.8691640496253967, 0.05593222379684448, 0.13852980732917786, -0.127813458442688, -0.48870882391929626, -0.13264408707618713, 0.7316153049468994, 0.549952507019043, 0.2826641798019409, -0.5049686431884766, -0.3562432825565338, -0.18243013322353363, 0.006201542913913727, 0.2570135295391083, -0.47283557057380676, 0.03824606165289879, -1.879482626914978, -0.45937860012054443, -0.2476014792919159, 0.9439030885696411, 0.40036630630493164, -0.5695207715034485, 0.366898775100708, 0.1809862107038498, -0.5279710292816162, 0.028065603226423264, 0.7651309967041016, -1.7269140481948853, 0.03662519156932831, 0.2067723423242569, 0.39719823002815247, -0.2754576802253723, -0.2883833646774292, 1.1811625957489014, 0.4927380383014679, -0.2528389096260071, -0.5592613816261292, -1.9467546939849854, 0.3165796995162964, 2.3920533657073975, -0.18391749262809753, -0.7598093748092651, -1.0631210803985596, -0.02370525151491165, 0.35712704062461853, -0.1322091668844223, 0.6760896444320679, -0.4096449613571167, -0.12271159142255783, -1.3665791749954224, 0.4130920171737671, -0.38743528723716736, 0.10657589882612228, -0.027202622964978218, 1.0431731939315796, -0.4756363034248352, -0.8914073705673218, -0.18073466420173645, -0.6159267425537109, 0.18639980256557465, 0.3750559687614441, 0.39717546105384827, -0.09935130178928375, 0.3325352072715759, 0.26125314831733704, 0.504926860332489, 0.4282800853252411, 0.3111921548843384, 0.006939679384231567, 0.3893680274486542, 0.4192565977573395, 0.15319429337978363, -0.3148099184036255, -0.6954924464225769, 0.5630365610122681, 0.4048350155353546, -0.04167068749666214, -0.6166824698448181, -0.3627781867980957, 0.3467927575111389, 0.7865336537361145, 0.9103124141693115, -0.07197323441505432, 0.9981489777565002, -1.0364962816238403, 0.12207069993019104, -0.4317881762981415, -0.3864694833755493, 0.09963218867778778, -0.17375260591506958, 0.48752084374427795, 0.047460950911045074, -0.09317740797996521, -0.32460954785346985, -0.13456672430038452, -0.7575709819793701, -0.30537962913513184, 0.5913294553756714, -0.2941094636917114, -0.7305179834365845, 0.11150173842906952, 0.08587191998958588, -1.0143171548843384, -0.7419953942298889, -0.06263358891010284, 0.8353258967399597, -0.37232908606529236, 0.18622401356697083, 1.269715666770935, -0.2578812837600708, 0.2426588535308838, -0.15763388574123383, 0.978432834148407, -0.4396195113658905, 0.6869869232177734, -0.5012741684913635, 0.6179512739181519, -0.2006140947341919, -0.19595976173877716, -0.38200676441192627, 0.5411023497581482, 0.5728354454040527, -0.4708847105503082, 0.6798592805862427, -0.22866424918174744, -0.8823463916778564, 1.2802271842956543, -0.4905594289302826, 0.2014399766921997, -0.7735028266906738, 1.1082674264907837, 0.9528141021728516, -0.38004812598228455, 0.9336022734642029, -0.673684298992157, 0.056520912796258926, 1.3016061782836914, -0.6236152648925781, 1.0091849565505981, -0.10112899541854858, -0.5215336680412292, 0.22880657017230988, -0.18436360359191895, -2.133988618850708, 0.109145887196064, 1.2769908905029297, -0.5757163763046265, 0.136250838637352, -0.8339463472366333, 0.724100649356842, -0.25987508893013, 0.3918229341506958, 0.36669042706489563, -1.0046292543411255, 1.0665634870529175, -0.6464428901672363, 0.060882993042469025, 0.32685160636901855, -0.6867727637290955, 0.14184556901454926, 0.3426908850669861, 0.6360440850257874, -0.773136556148529, -0.3306220769882202, 0.625834047794342, -0.7161145806312561, 0.29863181710243225, 0.6100996136665344, 0.7262564897537231, 0.8381369113922119, -0.7522906064987183, -0.5469548106193542, 0.3474056124687195, 0.4063035249710083, 0.17631235718727112, -0.11622128635644913, 0.17615459859371185, 1.3024101257324219, -0.77004474401474, 0.9777691960334778, -0.039480384439229965, 0.03532099351286888, -0.7526739835739136, -0.5346105098724365, -0.7776997089385986, -0.22667622566223145, 1.5162802934646606, 0.6993684768676758, 1.0176819562911987, -0.20792652666568756, -0.4152337610721588, -0.39063790440559387, 0.3882863521575928, 0.6814624071121216, 0.5751335620880127, 0.12046569585800171, -0.44972729682922363, 0.8050590753555298, 0.5297371745109558, 0.7934242486953735, -0.5919685363769531, -0.07770606875419617, 1.237740397453308, -0.7631813287734985, -0.26566964387893677, -0.3505377471446991, 0.39195770025253296, 0.8603555560112, 2.0589921474456787, -0.2626725435256958, -0.6076062321662903, -0.944642961025238, 0.04994790256023407, 1.1654731035232544, -0.18884089589118958, -0.64308762550354, -0.14981521666049957, 0.40779179334640503, 0.650574266910553, -0.1025383397936821, 0.8981592655181885, 0.26872050762176514, -0.5972771644592285, -1.1031042337417603, -0.5257683396339417, -0.959643542766571, -0.355613648891449, 0.12291596084833145, -0.07389640808105469, 0.14012745022773743, 0.26510223746299744, -0.38951385021209717, -1.1295033693313599, 0.5085146427154541, -0.9938586354255676, -0.8701068162918091, 0.5999208092689514, 1.1069552898406982, -0.5814015865325928, -0.8569110631942749, -0.4560021162033081, -0.829617977142334, -0.7296767830848694, 0.04115830361843109, -0.788123369216919, 0.7135797142982483, 0.3929310739040375, 0.04284057393670082, 0.34376806020736694, 0.2346658557653427, -0.9476775527000427, 0.8157795071601868, 1.1705200672149658, -1.319710373878479, 0.6252485513687134, 0.9732131361961365, -0.7904736995697021, -0.16109508275985718, -0.7363582253456116, -0.4454843997955322, 0.4475816786289215, -0.22712157666683197, -0.434929758310318, -0.5818020105361938, -0.009078649803996086, 0.7171487212181091, -0.13103395700454712, 0.5115207433700562, -0.3842627704143524, 0.8651975393295288, -0.4894260764122009, -0.3992610275745392, 0.7981858253479004, -1.0020017623901367, -0.4766320586204529, 0.8575399518013, -0.5809842348098755, 0.651139497756958, -0.4116614758968353, 0.3391168415546417, 1.2254635095596313, 0.3514891564846039, 0.7346086502075195, -0.0011455193161964417, -12.405373573303223, 0.8875401616096497, -0.28862303495407104, -0.22757653892040253, 0.4276639223098755, -0.23278051614761353, -0.005388624966144562, 0.10729110240936279, 0.9458181858062744, -0.6534544229507446, 0.37431782484054565, 1.7244782447814941, -0.3149235248565674, -0.11009739339351654, -0.5864646434783936, -0.8419301509857178, -0.3573114275932312, -0.9301269054412842, -0.1576521396636963, 0.09170927852392197, -0.09359586238861084, -1.2238739728927612, -0.492853045463562, -0.8235703706741333, 0.530880331993103, -0.36761483550071716, -0.385891318321228, -0.25092989206314087, -0.599727988243103, 0.946758508682251, 0.598808765411377, -0.3268112540245056, -0.3046860694885254, 0.056513793766498566, 0.05470089614391327, 0.2558603286743164, -0.6579219102859497, -0.3785364627838135, 0.024008169770240784, 0.16358619928359985, 0.27207449078559875, 0.6157599091529846, 0.19362421333789825, -0.6889240145683289, -0.6929939985275269, 0.5179017782211304, -0.34097611904144287, -0.2029779553413391, -0.08747655153274536, -0.28134506940841675, -0.15795718133449554, -0.6385377645492554, -1.1236052513122559, -0.9845957159996033, 0.7905849814414978, -0.15970483422279358, -0.8596070408821106, -0.027984894812107086, -0.9293978810310364, -0.882422924041748, 0.9160137176513672, -0.25230419635772705, -0.3444505035877228, 0.73014897108078, 1.0840349197387695, -1.2109594345092773, 0.7702586054801941, 0.6993680596351624, -0.4585832357406616, 0.5954595804214478, -0.5823022127151489, 1.4377270936965942, 0.39588698744773865, 0.949065625667572, -0.2602900564670563, 0.027771536260843277, -0.4129531681537628, 0.6881926655769348, 0.7014493942260742, -0.1658950299024582, -0.8913434147834778, 0.8405708074569702, 0.11118641495704651, -0.7182722687721252, -0.9951251745223999, 0.9765291810035706, 0.03450975567102432, 0.09335063397884369, 0.6574959754943848, 0.37691977620124817, 0.47148171067237854, 0.2083117961883545, -1.1347719430923462, -0.16007336974143982, -0.5186787247657776, 0.6120824813842773, -0.7605764269828796, 1.0494894981384277, 0.8051317930221558, 0.018614187836647034, 0.4525691866874695, -0.04294887185096741, -0.5073255896568298, 0.30952319502830505, 0.6793763637542725, -0.5704456567764282, 0.3235495984554291, 0.11792667210102081, -0.08470770716667175, -0.32633957266807556, 0.5212298631668091, 0.18492215871810913, 0.020700547844171524, 0.6232629418373108, -0.08571977913379669, 0.4548332393169403, 0.2881660461425781, -0.24945059418678284, 0.8193730115890503, 0.46139997243881226, -0.3620947003364563, 0.7489778399467468, -0.19951143860816956, 1.4236921072006226, 0.527082085609436, 0.23772451281547546, 0.913104772567749, -0.3200985789299011, 0.16244493424892426, -1.4306100606918335, 0.6878003478050232, -0.18502295017242432, 0.3694906234741211, -0.46379512548446655, -0.3713480830192566, 0.28550633788108826, -0.947600245475769, 1.1924526691436768, -1.1574721336364746, 0.44378989934921265, 0.018313467502593994, -0.39908260107040405, -0.6393790245056152, -0.4722674787044525, -1.3697659969329834, -0.0762324407696724, -1.6425532102584839, 0.1788572072982788, -0.3137573301792145, -0.014607667922973633, 0.04600999131798744, -0.33351844549179077, 0.5485852360725403, -1.1456438302993774, -0.1331142783164978, -0.2956141531467438, 0.6673218011856079, -0.9758400917053223, -1.1502501964569092, -0.1879047155380249, 0.8264870643615723, 0.5270363092422485, -0.6890842914581299, 0.38764458894729614, 0.668014407157898, -0.10350188612937927, -0.8088590502738953, 0.173036128282547, -0.16198645532131195, 0.315667062997818, 1.453755259513855, -0.8591281175613403, -0.6426090598106384, 0.10860240459442139, 0.3041197955608368, -0.5370512008666992, 0.571063756942749, 1.19522225856781, -0.6846885681152344, -0.34800052642822266, -0.779872477054596, 0.27804726362228394, 0.673206627368927, -0.8133853673934937, -0.6118218898773193, 0.28895726799964905, -0.08137024939060211, 0.9917450547218323, -0.24622592329978943, -0.22057917714118958, -1.3234279155731201, -1.1637639999389648, -1.0230549573898315, -0.013832435011863708, 0.6163625121116638, -0.012804333120584488, 0.30742719769477844, 0.8717615008354187, -0.6392760872840881, -0.386331707239151, 0.12635007500648499, 0.9722597002983093, -0.4712839424610138, 0.028537828475236893, 0.05710133537650108, 0.08590675890445709, -0.8135313987731934, 0.2683514952659607, 0.49953219294548035, 0.6239739060401917, -2.1503565311431885, -0.644345760345459, -0.1650434136390686, 0.06346739083528519, 0.8597554564476013, -1.0002820491790771, -0.45140257477760315, 0.2398913949728012, -0.3732791841030121, -1.0916754007339478, 0.04988136515021324, 1.5401946306228638, 0.2943199872970581, 0.7340465784072876, 0.6773480176925659, 0.25668865442276, 0.573485255241394, 0.34938737750053406, 1.2558642625808716, -0.18355362117290497, -0.3242452144622803, -0.12920065224170685, -0.30915939807891846, 0.42881831526756287, 0.026268497109413147, -0.15883341431617737, -1.3263901472091675, -0.22803425788879395, -0.869324803352356, 0.31607940793037415, -0.5702144503593445, 0.5221696496009827, 0.4263252019882202, 0.6628641486167908, -0.2876402735710144, -1.1956013441085815, -1.1695526838302612, -0.9464960694313049, 0.27858519554138184, -0.28243255615234375, -0.09302054345607758, 1.3297414779663086, 0.6859578490257263, -0.34766608476638794, 0.870141327381134, 0.28842616081237793, 0.10099466890096664, 0.27054861187934875, 0.30176815390586853, 1.0185675621032715, 0.5799712538719177, -0.10326715558767319, -0.1429721862077713, -0.5713103413581848, -0.732316255569458, -0.19705379009246826, -1.1129727363586426, 0.7854217290878296, 0.4312361478805542, -0.4994606375694275, 0.22665192186832428, 0.002311853226274252, -0.17479905486106873, -0.011198065243661404, 0.22493615746498108, 0.4364454746246338, -0.11040259152650833, -0.4440094828605652, -0.4482814073562622, -0.22329595685005188, 1.1152188777923584, -0.41292282938957214, -0.39477789402008057, -0.8337039351463318, 0.11894047260284424, 0.28550517559051514, -0.5988540053367615, -0.36147817969322205, 0.2120603770017624, -0.219638854265213, 0.6142101883888245, 0.8735103607177734, -1.0267924070358276, -0.9462684392929077, -0.27680763602256775, -0.5811476707458496, 0.7220309376716614, 0.06397217512130737, -0.8325571417808533, -0.07319782674312592, 0.2896553874015808, 0.24154436588287354, -1.0260381698608398, 0.594260036945343, 0.15481901168823242, -1.3998668193817139, 1.1758439540863037, 1.114212155342102, -0.12228821963071823, -0.4524148404598236, 0.4335120618343353, 0.2441793829202652, 0.6444006562232971, 1.6287016868591309]} +{"paper_id": "commonsense_qa", "embedding": [-0.7394728660583496, 0.8537933230400085, 0.2758750021457672, -0.6306238174438477, 0.4003540277481079, -0.11516822874546051, 0.6272794604301453, 0.6539285778999329, 0.7262014150619507, 0.9387120604515076, 0.46120259165763855, 0.2965642511844635, -0.4310702681541443, -0.11487723886966705, -0.9698614478111267, -0.7137060761451721, -0.8794550895690918, -0.5138610005378723, -1.2372878789901733, 0.2780984938144684, -0.670527994632721, -1.0783412456512451, -0.37443381547927856, 0.7283200621604919, -1.1087307929992676, -1.0804721117019653, 0.5951749682426453, -0.9165226221084595, 0.9703691005706787, -0.11566296964883804, -0.15321972966194153, 1.4747759103775024, -1.5684984922409058, 1.2147102355957031, -0.8513575792312622, -0.009513447992503643, 0.4666558802127838, 1.19735586643219, -0.16900713741779327, -0.5396084189414978, -0.216950923204422, 0.1291739046573639, 0.8998083472251892, 0.360772043466568, 1.1673529148101807, -0.8596105575561523, 0.6835419535636902, 0.2938443124294281, -0.5514197945594788, 0.03905129060149193, -0.46114131808280945, 0.16646718978881836, 0.16593407094478607, 0.6540992259979248, -0.29074159264564514, 1.1917699575424194, 0.45432212948799133, -0.7460543513298035, 1.0078141689300537, -0.6903090476989746, 1.0313122272491455, 1.6662240028381348, 0.2693062424659729, 0.07624609023332596, 0.9341949820518494, 0.4244912266731262, 1.5272516012191772, 0.4591878056526184, 0.13164877891540527, 0.54810631275177, -0.057165272533893585, -0.9460410475730896, 0.13189220428466797, 0.013432413339614868, 0.16872403025627136, 0.6047525405883789, -0.16132929921150208, 0.09490254521369934, 0.45289042592048645, 0.6384332180023193, 0.13031747937202454, 0.11389291286468506, 0.9084433913230896, -0.20004019141197205, -0.019480232149362564, 0.19334450364112854, 0.6963979005813599, -1.254642367362976, 0.5079187154769897, -1.55751371383667, 0.46205902099609375, 0.3556932508945465, 0.1006540060043335, 0.03131398558616638, 0.1654316484928131, 0.8211414217948914, -0.9615033268928528, -0.5936046838760376, -0.12158744037151337, 0.8172585368156433, 0.5356077551841736, -0.11754363775253296, -0.06302393227815628, -0.2013327181339264, 0.42186516523361206, 0.783572256565094, 0.3056986331939697, 0.3866801857948303, -0.7643171548843384, -0.6821902394294739, 0.5931342244148254, 1.2591668367385864, 0.3115067780017853, -0.08734472095966339, -0.38161271810531616, -0.020402438938617706, 0.12550051510334015, -0.9520680904388428, -0.2214711308479309, 0.5881078243255615, 0.2370540350675583, -0.7903612852096558, -0.3021908104419708, -0.21075786650180817, 0.9306851029396057, -0.32171016931533813, -0.17419277131557465, -0.2311212122440338, -0.20817741751670837, 0.33404019474983215, 0.29497718811035156, -0.12476290762424469, -0.6958251595497131, -0.0491587333381176, 3.63200044631958, -0.9341689944267273, 1.4149529933929443, -0.9878835678100586, -0.06496147811412811, -0.5929916501045227, -0.7582241296768188, 0.8538599610328674, 0.4528110921382904, -0.09892567992210388, -0.660097599029541, 0.1745401918888092, -0.5834068059921265, 0.385175496339798, -0.793187141418457, -0.3256794512271881, -0.19912660121917725, -0.10722949355840683, -2.07281494140625, -0.19794844090938568, 0.29859235882759094, 0.6509594917297363, -0.6407999992370605, 0.23744866251945496, -0.6228617429733276, 0.8508068919181824, -0.2036912739276886, -0.02118832617998123, -0.5015960931777954, 0.315470427274704, -0.694433331489563, -0.01567262038588524, 0.7179614901542664, -0.34087640047073364, -1.3418620824813843, 0.008202500641345978, 0.7577981352806091, -0.19125378131866455, 0.13166746497154236, -0.2858213782310486, -0.09115800261497498, 0.7380558252334595, 0.23514477908611298, 0.6066348552703857, 0.028218206018209457, -0.6967624425888062, -0.27316632866859436, -0.26446864008903503, -0.09280325472354889, 0.05736970901489258, 0.37114033102989197, 0.15119290351867676, -2.390291690826416, -0.2678934335708618, -0.6467512249946594, 0.9478476643562317, 0.4532301425933838, 0.301586776971817, 0.11787553131580353, 0.2417154461145401, -0.47804445028305054, -0.7510662078857422, 1.0534114837646484, -1.453751564025879, -0.7713236212730408, 0.45761334896087646, -0.7278640866279602, 0.01769256591796875, -0.1411602795124054, 0.9453840851783752, 0.06024017930030823, -0.601058304309845, -0.7574228048324585, -2.036010980606079, 0.1038830429315567, 2.022148609161377, 0.3567744195461273, -0.8472548723220825, -0.9806750416755676, -0.3823706805706024, 0.739046573638916, -0.21359345316886902, 0.4657413065433502, -0.6066340208053589, 0.2825927734375, -1.0358061790466309, 0.7181740403175354, -0.468904048204422, 0.7706751823425293, 0.7196852564811707, 1.53670334815979, -0.8382165431976318, -0.06981401890516281, 0.09155769646167755, -0.308380126953125, 0.9963778853416443, 0.3629268705844879, 0.49708396196365356, 0.02867634780704975, 1.016808271408081, 0.6161726117134094, 1.1324849128723145, 0.49823758006095886, 0.709636926651001, -1.289949655532837, 0.17645607888698578, -0.038569267839193344, 1.106939435005188, -0.0014326125383377075, 0.2433580458164215, 0.5423440337181091, -0.22838665544986725, -0.3160330057144165, -0.3695705533027649, -0.02152562513947487, -0.2950184643268585, 1.3961817026138306, 0.24458715319633484, -0.17364567518234253, 1.0411348342895508, -0.6076251268386841, -1.1672663688659668, 0.30770212411880493, -0.6538114547729492, 0.2260013073682785, -0.5914610624313354, 1.0599391460418701, -0.4532514214515686, 0.26426199078559875, -0.036399129778146744, -0.2324172854423523, -1.354548692703247, 0.24348902702331543, 0.7293115258216858, -0.5517346858978271, -1.0600595474243164, 0.4116741120815277, -0.41753411293029785, -1.3405542373657227, -0.9217434525489807, -0.18482249975204468, 0.4792441427707672, 0.6898690462112427, 0.4758131802082062, 1.2946598529815674, -0.5892582535743713, 0.5406949520111084, -0.04835839569568634, 0.7917142510414124, -0.7702250480651855, 0.3216906785964966, 0.15896832942962646, 0.5556497573852539, -1.2373818159103394, 0.5145747661590576, -0.6613829731941223, 0.4796084761619568, 0.5761472582817078, -0.3391387164592743, 0.7663024067878723, -0.5565927624702454, -1.2022061347961426, 1.3460348844528198, 0.3715871572494507, -0.6862492561340332, -0.23594799637794495, 1.1054587364196777, 0.5902443528175354, -0.6598213315010071, 0.8545733690261841, -0.14539813995361328, -0.15063917636871338, 1.5884500741958618, 0.19123688340187073, -0.09368494898080826, 0.5094622373580933, 0.054202452301979065, -0.22944526374340057, 0.7138699293136597, -1.8395085334777832, 0.5434709787368774, 0.8519033193588257, -0.2820104956626892, 0.05854339897632599, -1.1969000101089478, 0.013270154595375061, -1.1612423658370972, 0.03146440535783768, 1.058457851409912, -0.22488942742347717, 0.5565316081047058, -0.16990260779857635, 0.12527821958065033, 0.6213539838790894, -0.5779331922531128, 0.70224928855896, 0.43368151783943176, -0.1235811784863472, -1.0403845310211182, -0.08990843594074249, 1.013076901435852, -0.34375402331352234, 0.5121394395828247, 0.47367775440216064, 0.5627177953720093, 1.0814971923828125, 0.06492836773395538, -0.5603479146957397, 0.5047101974487305, -0.057363398373126984, 0.1525356024503708, -0.13257308304309845, 0.00906464084982872, 0.7926843762397766, 0.041853055357933044, 0.9215008020401001, -0.18222442269325256, -0.4879091680049896, -0.8630408644676208, 0.0326322540640831, 0.21166162192821503, -0.12320353090763092, 2.3383169174194336, 0.5792585611343384, 1.0839344263076782, -0.7103570699691772, 0.0393424890935421, -0.13727180659770966, -0.3181310296058655, 0.9292424917221069, 0.5644200444221497, 0.0023762062191963196, -0.8789334297180176, -0.08587786555290222, 0.20890545845031738, 0.05534663423895836, -0.604579746723175, 0.09466473758220673, 0.38028857111930847, 0.18587607145309448, -0.8695836067199707, 0.9295661449432373, 0.8349912166595459, 0.292381227016449, 1.3126660585403442, -0.6563372015953064, 0.4776972234249115, -0.21796807646751404, 0.28666654229164124, 0.14048925042152405, 0.18551066517829895, -0.5565208792686462, 1.0558282136917114, 0.5499634742736816, 0.38949206471443176, 0.22598187625408173, 1.5600839853286743, 1.080077886581421, -0.5255799293518066, -1.6674844026565552, -0.6009490489959717, -1.1503349542617798, 0.02773396670818329, 0.8131617903709412, -0.10619010031223297, -0.23981334269046783, 0.326631098985672, -0.03049422986805439, -1.1745238304138184, 0.6903195381164551, -0.5790696144104004, -1.2929503917694092, 1.7749285697937012, 0.8844765424728394, -1.1476434469223022, -0.4618518352508545, -0.2372763454914093, -0.7040725946426392, -0.9355263113975525, 0.09035451710224152, -0.5665344595909119, 0.24723567068576813, 0.3147265613079071, 0.5818310379981995, 0.189834862947464, -0.14528295397758484, -0.7462547421455383, 0.7193252444267273, 0.5719814896583557, -1.001703143119812, 0.3578217327594757, 0.10644864290952682, -0.10068322718143463, 0.053313449025154114, -0.9846569299697876, -0.7909114360809326, 1.5696628093719482, 0.12075158953666687, -0.35697078704833984, -1.603493571281433, -0.4451916217803955, 0.42682912945747375, 0.2163432389497757, 0.9378095865249634, -0.8811354637145996, 0.3315508961677551, -0.6700394749641418, -0.6308276057243347, 0.2132461667060852, -1.2789825201034546, -0.8389171957969666, 0.9498569369316101, 0.1229272410273552, 0.9589502811431885, -0.606507420539856, -0.06574709713459015, 2.1339964866638184, -0.29663118720054626, 0.16543228924274445, -0.13670408725738525, -11.229508399963379, 0.6856639385223389, 0.2310619354248047, 0.2870027422904968, 0.9188549518585205, -0.23763173818588257, 0.8373934626579285, -0.3312685787677765, 0.46427032351493835, -1.5132975578308105, 0.49915140867233276, 0.7157026529312134, 0.5616217255592346, 0.521825909614563, -0.7417534589767456, -1.6469744443893433, -0.4628205895423889, -0.7609255909919739, 0.34266167879104614, 0.2959708273410797, 0.009044039994478226, -0.8071722388267517, -0.4372316002845764, -0.26332834362983704, 0.4087289571762085, 0.018873043358325958, -0.6621511578559875, -0.30852243304252625, -0.5307223796844482, -0.22138118743896484, 0.5744115114212036, -0.02080443687736988, -0.47370481491088867, -0.16690383851528168, -0.341941237449646, -0.0384824275970459, -0.5763858556747437, 0.17903576791286469, 1.011413812637329, 0.3540876805782318, 0.05525455251336098, -0.23547786474227905, 0.23555059731006622, 0.39549344778060913, -0.5383302569389343, 0.3615788221359253, -0.17507444322109222, -0.8446978330612183, -0.11253350973129272, -0.06510059535503387, -0.606361448764801, -0.39079549908638, -0.35480332374572754, -0.7435916066169739, 0.37528857588768005, 0.66263347864151, -1.0502477884292603, -0.40228697657585144, -0.8392845988273621, -1.1494605541229248, 0.3987599015235901, 0.16460712254047394, -0.3150191605091095, 0.08698992431163788, 0.33386677503585815, -0.38074466586112976, 0.22734087705612183, 0.336361825466156, -0.7097526788711548, -0.13942207396030426, -0.4418449401855469, 0.8892616033554077, 0.3136424720287323, 0.7236582636833191, -1.0627957582473755, 0.3767397105693817, -0.7294172644615173, 0.8366425633430481, -0.09146855771541595, -0.11319686472415924, -1.380287766456604, 0.882724940776825, 0.32672634720802307, -0.6184184551239014, -1.0543752908706665, 0.833212673664093, -0.1812688708305359, 0.7968239188194275, 0.37023356556892395, -0.586294412612915, 1.2503952980041504, 0.569968044757843, -0.7632036805152893, -0.8041099905967712, -0.3184716999530792, 0.7913971543312073, 0.13875466585159302, 0.4711988568305969, 0.09180831909179688, -0.53794926404953, 0.6417939066886902, -0.35443490743637085, -0.6814979314804077, 0.38489317893981934, -0.1973959058523178, 0.5172234773635864, 0.8715164065361023, -0.16674348711967468, -0.2191295474767685, -0.8489507436752319, 0.8917300701141357, -0.6719872355461121, -0.8052018880844116, 0.6883172392845154, -0.4523466229438782, 0.29181841015815735, 0.13235671818256378, -0.3944898247718811, 0.402901828289032, -0.062236201018095016, -0.11784689128398895, 0.635137140750885, 0.2488708198070526, 1.5468722581863403, 0.017087645828723907, -0.5247796773910522, 0.37135493755340576, 0.29450470209121704, -0.5882770419120789, -1.4858366250991821, 0.8932344317436218, -0.3570181131362915, -0.005151575431227684, -0.5211698412895203, -0.7432236671447754, -0.1007358580827713, 0.272097110748291, 1.5515496730804443, -0.9080509543418884, 0.0005021654069423676, -0.16284331679344177, 0.03865141049027443, -0.5884706377983093, -1.015653133392334, -0.6671624779701233, -0.0647430494427681, -1.095245122909546, 0.2374868094921112, -0.459816575050354, -0.8740700483322144, -0.19558371603488922, -0.7639838457107544, 0.8029599189758301, -0.6290748119354248, -0.008472515270113945, -0.4854840040206909, 0.16734302043914795, -0.36040955781936646, -0.9314406514167786, 0.1118130087852478, 0.2219092845916748, 0.4940984845161438, -1.250457763671875, 1.055598497390747, 0.20718351006507874, -0.5299496054649353, -0.4826050102710724, -0.3041360676288605, -0.642112672328949, -0.22850286960601807, 0.928499162197113, -1.2290009260177612, 0.003684142604470253, -0.3069232106208801, -0.1586713045835495, -0.8594691157341003, 0.6375710964202881, 1.1142938137054443, -0.3813897371292114, -0.12895791232585907, -0.0695018544793129, 1.3244907855987549, 0.4643591642379761, -0.6633681654930115, -0.006171822547912598, -0.03596661612391472, 0.06480539590120316, 0.2737523019313812, 0.09728595614433289, 0.9128084778785706, -1.60299813747406, -0.8194481730461121, -0.3689635694026947, 0.3757617771625519, 1.0868604183197021, 0.49664387106895447, 0.4269246459007263, 0.8584612607955933, 0.18689316511154175, 0.3127838671207428, 0.22425627708435059, 0.9419485926628113, 0.29682448506355286, 0.5893503427505493, -0.19344596564769745, 0.2199915051460266, -0.7036208510398865, -0.6394510269165039, 0.4473118484020233, 1.152916431427002, -1.3371291160583496, -0.3657665252685547, 0.15849165618419647, -0.5251890420913696, 0.981843113899231, -1.079046607017517, 0.3598676025867462, -0.6712309718132019, -0.8107629418373108, -1.193568468093872, 0.63666170835495, 1.4873926639556885, -0.3175656497478485, 0.9543413519859314, -0.29488784074783325, 1.3627911806106567, 0.5061197876930237, -0.2531009316444397, 0.6330825686454773, -0.38113558292388916, 0.1979767382144928, 0.5268980264663696, 0.6177489757537842, 0.12031049281358719, -0.7547382712364197, -1.3420476913452148, -0.5437110066413879, 0.36101678013801575, -0.5437768697738647, 0.6952679753303528, -0.6237796545028687, 0.34517502784729004, 1.005698561668396, 1.0023447275161743, -0.5348542332649231, -1.4022053480148315, -0.13494785130023956, -1.1061094999313354, 0.29934024810791016, 0.7378231883049011, 0.38798031210899353, 0.8336736559867859, 0.9937822222709656, 0.1991100013256073, 0.5371980667114258, -0.6605708003044128, -0.0339837372303009, 0.2670486569404602, -0.49537360668182373, 0.8819141387939453, 0.8111578822135925, -0.024249795824289322, 0.627652645111084, -0.006512671709060669, -0.9237216114997864, -0.12191176414489746, -0.7315456867218018, 0.8366561532020569, 0.854550838470459, -0.7901468873023987, -0.3066806197166443, -0.23702409863471985, 0.65114825963974, -0.8267809152603149, 0.8184230327606201, -0.30239564180374146, -0.24299441277980804, -0.4102362096309662, -0.4227345287799835, -0.7490257620811462, 0.7646021842956543, 0.09617458283901215, -0.36374831199645996, 0.09218289703130722, 1.2891573905944824, -0.24314875900745392, -0.5720512866973877, -0.7154668569564819, -0.43516793847084045, -0.6457379460334778, 0.30036836862564087, 0.20714886486530304, -1.0333043336868286, -0.5903527140617371, 0.04155229404568672, -0.9118090867996216, -0.07940584421157837, 0.1060209572315216, -0.5247164368629456, -0.7505543231964111, 0.1910056322813034, -0.5167456865310669, 0.299568772315979, 0.4631844758987427, 0.2520269751548767, -1.4921424388885498, 0.34079450368881226, 1.0216618776321411, -0.23591352999210358, -0.6835247874259949, 0.08456306159496307, 0.6829642057418823, -0.09243977069854736, 0.41566136479377747]} +{"paper_id": "xcopa", "embedding": [-0.007600882090628147, 0.3594018220901489, 0.007516950368881226, -0.17627787590026855, 0.7224258780479431, -0.17204712331295013, 0.523506760597229, 0.16088922321796417, 0.8286852240562439, 0.803574800491333, -0.16999676823616028, -0.0952381044626236, -0.09177199751138687, 0.09133406728506088, 0.17335188388824463, -0.47633326053619385, -1.4266681671142578, -0.6191141605377197, -1.4185445308685303, -0.27725720405578613, -0.26433250308036804, -0.8908683061599731, 0.0024231262505054474, 1.439886212348938, -0.45100852847099304, -0.499235600233078, 0.2997135818004608, -0.604803740978241, 0.9115791320800781, 0.40462473034858704, -0.18729180097579956, 1.4634435176849365, -1.3946188688278198, 0.8685590028762817, -0.5191599726676941, 0.03270547837018967, -0.03274830803275108, 1.2057430744171143, 0.16355165839195251, 0.36926916241645813, -0.5656981468200684, -0.17433011531829834, 0.11716315895318985, 0.4205166697502136, 0.33659493923187256, -0.1393890380859375, -0.33281299471855164, -0.17502662539482117, -0.01535479724407196, 0.03375156596302986, 0.31338587403297424, -0.08972806483507156, 0.24170100688934326, 0.3441898822784424, -0.22922790050506592, 1.5014396905899048, 0.4476225674152374, -0.895020067691803, 1.1491994857788086, -0.5092642903327942, 1.0432016849517822, 1.7704378366470337, -0.8941402435302734, 0.20690292119979858, 1.5799616575241089, 0.3585362434387207, 1.975385069847107, 0.47998470067977905, 0.6155953407287598, 0.8602746725082397, 0.29711759090423584, -1.117563009262085, 0.7678418755531311, 0.1698615849018097, 0.8822997808456421, 0.6027096509933472, 0.7596132755279541, 0.9943568706512451, -0.27371156215667725, 0.12457292526960373, -0.0051227957010269165, 0.6350348591804504, 0.4362158179283142, -0.7030840516090393, -0.5439555644989014, 0.9098029136657715, 0.9874371290206909, -1.3391131162643433, 0.4926231801509857, -2.561863899230957, 0.562118411064148, 0.3665275275707245, 0.34955745935440063, -0.4841832220554352, 0.23695889115333557, 0.591313362121582, -0.18565630912780762, 0.03594600409269333, -0.05731064826250076, -0.37328872084617615, 0.19590595364570618, -0.7863999605178833, 0.4367147386074066, -0.12290804833173752, 0.09874235838651657, 1.5066742897033691, 0.2157025933265686, -0.33111903071403503, -1.0569703578948975, -0.16633766889572144, 0.17628225684165955, 1.5465549230575562, -0.06430333852767944, 0.40464338660240173, -0.035275351256132126, -0.14679072797298431, 0.292853444814682, -0.666603684425354, -0.8242024779319763, 0.3569573163986206, -0.49967727065086365, -0.8804813623428345, -0.7724617719650269, 0.04606497287750244, 0.9999696612358093, -0.5592469573020935, -0.38808831572532654, -0.028869986534118652, 0.2522693872451782, -0.5447299480438232, 0.10014785826206207, 0.18420618772506714, -0.8052902817726135, -0.1983529031276703, 3.2842764854431152, -0.5476183295249939, 1.6758131980895996, -1.287001609802246, 0.40202927589416504, -0.28171244263648987, -0.39508184790611267, 0.92463219165802, 0.21990558505058289, -0.30427101254463196, -1.028583288192749, 0.22871939837932587, -0.8355775475502014, 0.11479303240776062, -0.3090832829475403, -0.2577362656593323, 0.5155014991760254, 0.07942214608192444, -1.1738009452819824, -0.14302735030651093, -0.000204429030418396, -0.2621402442455292, -0.32490473985671997, 0.7525864243507385, -0.41406071186065674, 0.9986704587936401, -0.02119000256061554, 0.14396774768829346, -0.008732378482818604, 0.19102410972118378, -0.8171970248222351, 0.7452477216720581, 1.291243314743042, 0.0980217382311821, -0.7791033983230591, -0.48737630248069763, 0.6777108311653137, 0.1932676136493683, 0.025060195475816727, -0.21325188875198364, -0.1109338030219078, 0.46262285113334656, 0.6574960947036743, 0.5602164268493652, 0.09192927181720734, -0.17052316665649414, -1.0608649253845215, -0.46255630254745483, -0.03792893886566162, 0.4024215042591095, 0.031099960207939148, 0.06102908030152321, -2.4170498847961426, -0.6053683757781982, -1.2264232635498047, 0.4043872356414795, -0.4492345452308655, -0.21355269849300385, 0.11446776986122131, -0.2054537683725357, 0.8854800462722778, -0.05754518881440163, 0.933124303817749, -1.09253990650177, -0.754797637462616, -0.2652837038040161, -0.6879130005836487, -0.8140372633934021, 0.05919746309518814, 0.22997727990150452, -0.26260602474212646, -0.5820474028587341, -0.6179386377334595, -1.7810370922088623, 0.019200138747692108, 2.2844080924987793, 0.2644752264022827, -0.5398921370506287, -1.2947992086410522, -0.42181503772735596, 0.45921868085861206, -0.42538610100746155, 0.1710997074842453, -0.8020769953727722, -0.013621769845485687, -1.0105594396591187, 0.6138036847114563, -0.16489408910274506, 0.7383797764778137, 0.486875981092453, 1.3411310911178589, -0.8473020195960999, -0.33375024795532227, -0.6210142970085144, -1.1919288635253906, 0.4170563817024231, 0.6981603503227234, 0.31589779257774353, -0.5745077133178711, 1.0342817306518555, -0.04470886290073395, 1.01416015625, 0.7472303509712219, 0.6385765075683594, -0.7741581201553345, -0.06583802402019501, -0.16477276384830475, 0.9972561597824097, -0.3442695140838623, 0.40497127175331116, 0.7742857336997986, 0.6508266925811768, -0.0932871624827385, -0.19912517070770264, -0.2246939092874527, -0.7218438386917114, 0.7008447647094727, 1.0001028776168823, -0.8179683685302734, 1.6376819610595703, -1.4386072158813477, -0.05893855541944504, 0.2837817966938019, -1.4566587209701538, -0.19307315349578857, 0.005307652056217194, 0.5915734171867371, -0.4201359152793884, 0.42974236607551575, -0.1398978978395462, -0.36561188101768494, -1.6272056102752686, 0.3492216467857361, -0.5979072451591492, -0.22476378083229065, -1.6550917625427246, 0.10490863025188446, -0.4665098786354065, -1.0446431636810303, -0.7840815186500549, -0.21183182299137115, 0.43489450216293335, 0.23694166541099548, 0.5302256345748901, 1.9544737339019775, 0.19609041512012482, 0.5263404250144958, 0.07630699872970581, 0.7432140111923218, -0.9173440337181091, 1.2292401790618896, 0.543743371963501, 0.558217465877533, -1.0946065187454224, 0.3469403088092804, -0.5979709029197693, 0.38423487544059753, 0.7810204029083252, -0.1871420443058014, 0.591880202293396, -0.6899150609970093, -0.4537527561187744, 0.8765472173690796, 0.5213237404823303, -0.05984894931316376, -1.225806474685669, 1.6397253274917603, 0.18213771283626556, 0.2839925289154053, 1.12086820602417, -0.6276785135269165, 0.10049961507320404, 1.3944875001907349, 0.3532924950122833, 0.2267036885023117, 0.7188577055931091, 0.28291723132133484, 0.0009254142642021179, 0.4568859934806824, -2.1331467628479004, 0.6511918306350708, 0.8359211087226868, -0.20217935740947723, -0.06792062520980835, -1.4214632511138916, 0.4141724705696106, -1.026533603668213, -0.8946257829666138, 0.820906937122345, 0.11749784648418427, 0.12975238263607025, -0.019452311098575592, -0.02162669226527214, 1.0800375938415527, -1.200689673423767, 1.034186840057373, 1.349321961402893, 0.5315819978713989, -0.1522362232208252, 0.07786603271961212, 0.5641475915908813, -0.7966411709785461, 0.9418618679046631, 0.10766743123531342, 1.1372548341751099, 1.471055507659912, -0.21502310037612915, -0.4207994341850281, 0.7097392678260803, 0.6550574898719788, 0.6849139332771301, 0.2567174434661865, -0.7949777245521545, 0.11453120410442352, -0.15826575458049774, 1.1251829862594604, 0.09190081059932709, -1.2496709823608398, -1.1286810636520386, -0.4296163022518158, -0.6341830492019653, -0.7282249331474304, 1.98386812210083, 1.1819980144500732, 0.54128098487854, -0.5832874774932861, 0.36759883165359497, -0.26097869873046875, 0.38091328740119934, 1.1082836389541626, -0.31377264857292175, -0.6843605041503906, -0.8282943964004517, 0.10456105321645737, 1.3317992687225342, -0.35158658027648926, -0.6150992512702942, -0.2981283664703369, 0.6826416850090027, -0.5775538086891174, -0.31590035557746887, 0.48460903763771057, 0.26234424114227295, 0.11323220282793045, 1.0236653089523315, -1.0168547630310059, -0.43524375557899475, 0.3973258435726166, 0.306295245885849, -0.04628687724471092, 0.9774852991104126, -0.9454467296600342, 0.5345659852027893, 0.3959280848503113, 1.0481822490692139, 0.13701678812503815, 0.6974509954452515, 0.6657323837280273, -0.776253879070282, -1.4356412887573242, -0.09427744895219803, -1.2846542596817017, -0.4682331383228302, 0.003921516239643097, -0.49542027711868286, 0.30015328526496887, 0.6126089692115784, -0.47615212202072144, -0.13646036386489868, 1.075553059577942, -0.7004092335700989, -1.2739739418029785, 0.18173694610595703, 0.4858529567718506, -1.1341463327407837, 0.014843465760350227, -0.27582836151123047, -0.47643619775772095, -0.9980525970458984, 0.04844090715050697, 0.05765325576066971, 0.5946195125579834, -0.22461682558059692, 0.8494400978088379, 0.06000090390443802, -0.8400076627731323, -0.6830061078071594, 0.7539641261100769, 1.2444591522216797, -0.5569707751274109, 0.21034905314445496, 0.6132452487945557, 0.8147972822189331, 0.3497113883495331, -0.4169485569000244, -0.294293075799942, 0.9731477499008179, 0.5816164016723633, 0.2869783341884613, -0.5969943404197693, -0.9496433138847351, 1.063070297241211, 0.2016960084438324, 0.8497753143310547, -1.014419436454773, 0.26016420125961304, -0.39515799283981323, 0.38177600502967834, 0.16081483662128448, -0.8153369426727295, -1.178556203842163, 0.6670228838920593, -0.611847996711731, 0.057857364416122437, -0.5955817699432373, -0.25440526008605957, 1.6909023523330688, -0.014998715370893478, 0.2497926503419876, -0.7518014311790466, -10.645552635192871, 0.5995298027992249, 0.02528843656182289, 0.19773148000240326, 0.7671975493431091, -0.8456001877784729, 0.428008496761322, -0.2377098798751831, -0.2964448928833008, -0.641581118106842, -0.027823835611343384, 1.1010470390319824, 0.3056841194629669, -0.16323159635066986, -0.6506525874137878, -1.1837503910064697, -0.9111748933792114, -0.2835681438446045, -0.30316445231437683, 0.06151361018419266, -1.150620937347412, -1.4180032014846802, 0.5687669515609741, 0.5802488327026367, 0.32130733132362366, 0.11230378597974777, -0.39243027567863464, -0.43914487957954407, 0.3500162959098816, -0.3685764670372009, 0.5469807386398315, -0.4740372896194458, -0.6735963225364685, 0.0951390489935875, 0.7592275142669678, 0.18509650230407715, -1.0080314874649048, 0.07671192288398743, 0.8886117935180664, -0.0668373852968216, 0.23564212024211884, 0.25522753596305847, 0.24273577332496643, 0.2575247287750244, -0.5929051041603088, 0.26016658544540405, 0.33117789030075073, -0.5895238518714905, -0.022320784628391266, -0.5892059803009033, -0.24555274844169617, -0.8853905200958252, -1.2389968633651733, -1.0290933847427368, 0.04367291182279587, -0.20940624177455902, -0.44976896047592163, 0.524293839931488, -0.8942935466766357, -1.9618825912475586, 0.40446504950523376, -0.4692041873931885, -0.40758615732192993, -0.12312901020050049, -0.34895598888397217, -0.059365302324295044, 0.5111507177352905, 0.5731116533279419, -0.49298295378685, -0.11611519753932953, -0.7539346218109131, 0.2991250455379486, -0.2257060706615448, 0.3719213008880615, -0.25829243659973145, -0.11609897762537003, 0.10600324720144272, -0.30245092511177063, 0.39683350920677185, -0.09872844815254211, -0.9372712969779968, 0.3218335807323456, 0.11501912027597427, 0.3310100734233856, -0.4448014199733734, -0.289457231760025, -0.10364686697721481, -0.17474719882011414, 0.43666937947273254, -0.2673240602016449, 1.1438697576522827, -0.15451952815055847, -0.043816328048706055, 0.025696806609630585, -0.5474530458450317, 0.8318219780921936, -0.1276404708623886, 0.6842480301856995, 0.5323317050933838, -0.7046509981155396, 0.13394713401794434, -0.23161578178405762, -1.1587541103363037, 0.15116439759731293, 0.5842681527137756, 0.6997756361961365, 0.659353494644165, -0.513494610786438, -0.05312439426779747, -0.5251957774162292, 1.210621953010559, 0.39454740285873413, -0.2248309701681137, 0.9680032730102539, -0.21285898983478546, 0.8709750175476074, 0.17991919815540314, 0.5086532235145569, 0.5878376364707947, 0.9293770790100098, -0.490985244512558, 0.5764502882957458, 0.2741389572620392, 1.709216833114624, -0.4044053554534912, 0.6074010133743286, 0.16399984061717987, 0.654596209526062, -0.6052334308624268, -1.7177212238311768, 0.08866165578365326, -0.2627299726009369, 0.3169754445552826, -0.2222813367843628, -0.5855881571769714, -0.6150684356689453, -0.42690619826316833, 1.0555938482284546, -0.5099576115608215, 0.41340377926826477, 0.17296670377254486, -0.6548067331314087, 0.29214587807655334, -0.9592099189758301, -0.670947790145874, 0.1840551793575287, -1.5084209442138672, -0.13309839367866516, -0.5103008151054382, -1.0655746459960938, 0.1367957592010498, -0.18650878965854645, 1.0322686433792114, -0.3364081382751465, 0.19993092119693756, -0.38660070300102234, 0.06942495703697205, -0.9163994789123535, -0.7930504679679871, 0.20183411240577698, -0.327944815158844, 1.6929816007614136, -0.9832934141159058, 0.5870444774627686, -0.30404359102249146, 0.126662939786911, -0.5197262763977051, -0.2546413838863373, -1.0530935525894165, 0.6995556354522705, 0.7272137403488159, -1.558416724205017, -0.3047942519187927, -0.24242961406707764, -0.6525789499282837, -0.8871009945869446, 1.102867841720581, 1.2289260625839233, -0.27912139892578125, -0.11377920210361481, -0.3045271039009094, 0.3289370536804199, -0.7066996097564697, -0.7736601233482361, -0.5489056706428528, -0.32097116112709045, -0.29960837960243225, 0.6985033750534058, -0.03428860753774643, 1.0315942764282227, -1.8303676843643188, -0.7041042447090149, -0.08704186975955963, 0.3715488016605377, 0.9945585131645203, -0.5552411079406738, 0.8366879224777222, 0.1838727742433548, 0.2194499671459198, 0.2635246515274048, -0.31756144762039185, 0.6756535768508911, -0.19907157123088837, 0.198660746216774, -0.23394253849983215, 0.37877559661865234, -0.7838864326477051, -0.006695292890071869, 0.0883462131023407, 0.22364813089370728, -1.3671473264694214, -0.26791656017303467, 0.2713152766227722, -0.3131144046783447, 0.26565825939178467, -0.4083891808986664, 0.7642087340354919, -0.5766048431396484, -0.05705518648028374, -0.8893447518348694, 0.172978937625885, 1.644114375114441, 0.5454241633415222, 0.3179265260696411, 0.6521655321121216, 0.4958971440792084, 0.7517263889312744, 0.6458176970481873, 1.1906768083572388, -0.017252948135137558, -0.7499076128005981, -0.22643625736236572, 0.8325725793838501, 0.34051990509033203, -0.29655545949935913, -0.32900509238243103, -0.810529887676239, 0.30871281027793884, -0.8959808349609375, 1.1131144762039185, -0.5883337259292603, -0.07406492531299591, 0.5255166292190552, 0.6106339693069458, -0.4522174596786499, -1.4038975238800049, 0.1508084535598755, -1.2135690450668335, 0.25832125544548035, 0.4916554093360901, 1.1308239698410034, 0.6451282501220703, 0.6848430037498474, 0.5524356365203857, 0.9790915846824646, -0.44144952297210693, -0.17649902403354645, 0.06253177672624588, 0.08357439935207367, 1.4146113395690918, 0.6890331506729126, 0.41983774304389954, -0.2346014827489853, 0.20270663499832153, -0.8118051886558533, -0.20508670806884766, -0.27713263034820557, 0.9437403678894043, 0.9055108428001404, 0.12304988503456116, 0.5799294710159302, -1.0138828754425049, 0.7847470641136169, -1.1181907653808594, 0.713087797164917, 0.9112083315849304, -0.6562419533729553, -1.038425326347351, -1.3366203308105469, -0.03728097304701805, 1.1284438371658325, -0.5390561819076538, -0.35041069984436035, -0.337740957736969, 1.0998426675796509, 0.5045809149742126, -0.7574588060379028, -1.1254982948303223, -0.0780918076634407, -0.013005773536860943, -0.034073811024427414, -0.17145995795726776, -0.8008511662483215, -0.5291607975959778, 0.049962494522333145, -1.0809346437454224, 0.7244955897331238, 0.03477947413921356, -0.7232296466827393, -0.9376986026763916, 0.48772764205932617, -0.44983094930648804, -0.6074274182319641, 0.6481359601020813, -0.3506469428539276, -2.0263242721557617, 0.987743079662323, 1.0233869552612305, -0.44151100516319275, -0.6110260486602783, -0.07386757433414459, 0.10903286933898926, 0.30743613839149475, 1.591719388961792]} +{"paper_id": "dream", "embedding": [-0.6383739113807678, 0.7459163665771484, -0.33090272545814514, 0.1005638837814331, 0.4094370901584625, 0.4326677620410919, 0.05847591906785965, 1.1241830587387085, 0.9387962818145752, 0.44917184114456177, 0.5937877297401428, -0.43442946672439575, -0.16593267023563385, -0.06681789457798004, 0.09227652847766876, -0.3529326021671295, -0.347676157951355, -0.21229565143585205, -1.512416124343872, -0.32289138436317444, -0.6634207963943481, -0.8599876165390015, -0.15430280566215515, 1.8518013954162598, -0.8703320026397705, -0.734714150428772, 0.9229249954223633, -1.3574306964874268, 0.4918903112411499, 0.3222493827342987, -0.015259228646755219, 1.0016847848892212, -1.153505563735962, 0.745979368686676, -0.11367513984441757, -0.7016939520835876, 0.12896884977817535, 0.15737101435661316, 0.2640513479709625, -0.4451944828033447, -0.6826937794685364, 0.42205682396888733, -0.14315220713615417, 0.34723225235939026, 0.5697318911552429, -0.27384600043296814, 0.6075579524040222, -0.23669220507144928, -0.4635258913040161, -0.35088902711868286, -1.3615649938583374, 0.2801523506641388, -0.21708433330059052, 0.7635350227355957, -0.2831188142299652, 0.42339611053466797, 0.0051766857504844666, 0.2510482668876648, 0.012871505692601204, -0.45041903853416443, 1.7196234464645386, 1.354418396949768, -0.35811102390289307, 0.3922840654850006, 1.5799652338027954, 0.41285252571105957, 0.6669226288795471, -0.11755062639713287, -0.9154059290885925, 0.6636772751808167, -0.3811648488044739, 0.060320623219013214, 0.7405173778533936, -0.9988522529602051, -0.3127950429916382, 1.3383209705352783, 0.48115482926368713, 0.29662710428237915, -0.07906457781791687, -0.41465598344802856, 0.312944233417511, 0.09530192613601685, 0.7403233051300049, 0.34431079030036926, 0.6611547470092773, 0.2200695276260376, 0.44725117087364197, -0.6915430426597595, 0.11571124941110611, -2.623173475265503, 0.4352049231529236, 0.5553581118583679, 0.3114718198776245, 0.09714658558368683, -0.29365506768226624, 0.1736035943031311, -0.51096510887146, -0.5576445460319519, -0.37066465616226196, -0.12953217327594757, 0.36989545822143555, -0.3405640721321106, 0.518959641456604, -1.0264540910720825, 0.3049076199531555, -0.4271550178527832, 0.6791608929634094, 0.2673916518688202, -0.368575781583786, -0.9974527359008789, -0.036578886210918427, 0.6198687553405762, 0.11042668670415878, 1.120760202407837, -0.09544374793767929, 0.7294601202011108, 0.8259074091911316, -0.656460165977478, -0.38313028216362, 0.1928914189338684, 0.1021515280008316, -0.32638782262802124, -0.6012387275695801, -1.0403382778167725, 0.5460675954818726, -0.5772799849510193, -1.035424828529358, -1.3541193008422852, -0.5088415741920471, -0.4271113872528076, 0.29910993576049805, 0.17801347374916077, -0.8795828819274902, -0.45217347145080566, 3.033388376235962, -1.5835089683532715, 1.36630380153656, -1.1854263544082642, -0.2775929570198059, -1.0426074266433716, -0.8594776391983032, 1.317882776260376, -0.5842406749725342, -0.7069306969642639, -0.723323404788971, 0.13805654644966125, -0.16773416101932526, -0.14123830199241638, -0.3873726725578308, -0.4244605004787445, 0.31180834770202637, 0.44560226798057556, -1.7195868492126465, -0.5253053307533264, -0.2941695749759674, -0.5311393737792969, -0.20116417109966278, 0.4589747190475464, -0.22706255316734314, 0.6091817021369934, 0.3936687409877777, -0.14052455127239227, -0.5108358860015869, 0.5392706990242004, -0.86099773645401, -0.25669336318969727, 0.7301372289657593, 0.022511519491672516, -0.705449640750885, -0.030126839876174927, -0.11774136871099472, 0.16429129242897034, -0.5749496221542358, -0.2449006736278534, -0.4072258472442627, -0.16033300757408142, 0.2769319713115692, 0.6629143357276917, 0.7074771523475647, -0.8533235192298889, -0.35889554023742676, -0.6940472722053528, 0.04526669532060623, 1.2380191087722778, -0.14970050752162933, 0.5056335926055908, -3.0556087493896484, -0.06698755919933319, -0.7396960854530334, 1.4206794500350952, 0.5272382497787476, 0.03746311366558075, 0.31937724351882935, 0.13243155181407928, 0.3761720657348633, -0.653592050075531, 0.6122560501098633, -1.33659029006958, 1.070352554321289, 0.5609391331672668, -0.05867789685726166, -0.6176801323890686, 0.4209249019622803, 1.0558427572250366, 0.37373214960098267, -0.5953959226608276, -1.1305066347122192, -1.747086763381958, -0.08172803372144699, 1.625687837600708, 0.8224403262138367, -0.4429064095020294, -0.09949168562889099, -0.37451064586639404, -0.34240272641181946, 0.5463041067123413, 0.3454648554325104, -0.8235002756118774, 0.4177314043045044, -0.4578869342803955, 0.5845258831977844, -0.4929433763027191, 0.06266418844461441, 1.1310803890228271, 1.573944330215454, -0.3517214357852936, -0.18090301752090454, -0.8628868460655212, -0.0892506018280983, -0.040281105786561966, 0.36365342140197754, -0.1562471091747284, 0.5518975853919983, 0.3316403031349182, 0.742991030216217, 0.8199033141136169, 0.9553987383842468, 0.6266148090362549, -0.2465280294418335, 0.4114137887954712, 0.08254556357860565, 1.6545697450637817, -0.6643532514572144, -0.0009763911366462708, -0.528053343296051, 0.018459424376487732, -0.3718893826007843, 0.007086418569087982, -0.2771056294441223, 0.07871707528829575, 1.108858585357666, 0.4512723982334137, -0.5439805388450623, -0.36083337664604187, -0.5110211968421936, -0.29792946577072144, -0.13151705265045166, -0.15805518627166748, -1.0197089910507202, 0.17061135172843933, 0.23663949966430664, -0.3131765127182007, 0.26253435015678406, -0.4004829525947571, 0.52049720287323, -0.9207425713539124, -1.0915625095367432, 0.05674060434103012, 0.4705081582069397, -0.9233183860778809, -0.5835430026054382, 0.378371000289917, -1.251283884048462, 0.05887489765882492, 0.0659543126821518, -0.29693803191185, -0.3302040994167328, 0.40289658308029175, 1.8070753812789917, -0.09966355562210083, 0.003464527428150177, -0.5042828917503357, 1.1701173782348633, -0.8518952131271362, 0.6223106980323792, -0.5765283107757568, -0.5343565344810486, -0.9683622121810913, 0.43397030234336853, -0.656035840511322, 0.0158696249127388, 0.5311362743377686, -0.2516203224658966, 1.4137077331542969, -0.19979135692119598, -1.0151338577270508, 0.9766649603843689, 0.14568115770816803, 0.2612780034542084, -0.7596549987792969, 2.3821184635162354, -0.20089079439640045, -0.672958254814148, 0.781147837638855, -0.6358701586723328, 0.009583558887243271, 0.7826896905899048, 0.40003713965415955, -0.05382827669382095, 0.5534924864768982, -0.5917619466781616, -0.18881583213806152, 0.1690877079963684, -1.5896565914154053, 1.0732896327972412, 0.8357459902763367, -0.005853619426488876, -0.1585797816514969, -1.0089119672775269, 0.7129476070404053, 0.31224125623703003, 0.014253424480557442, 1.129852056503296, -0.588588535785675, 0.2858666777610779, -0.16341210901737213, 0.01297217607498169, 0.5632469058036804, 0.472126305103302, 0.08460240066051483, 0.4516679644584656, 0.26990577578544617, -1.130858063697815, 0.35544297099113464, 0.9661340713500977, -0.527056097984314, -0.6900116205215454, 0.25817179679870605, 0.7328453660011292, 0.7827284336090088, -0.4595940113067627, 0.2671207785606384, 0.8249362111091614, 0.567618191242218, 0.12736575305461884, -0.1707114577293396, -0.35057497024536133, 0.48499971628189087, -0.508601188659668, 1.578809380531311, 0.014661800116300583, -0.3612832725048065, -1.2806856632232666, -0.16463413834571838, -0.5386070609092712, -0.08077017962932587, 1.5110012292861938, 0.4367406368255615, 1.9035791158676147, 0.5330686569213867, 0.38694629073143005, -0.7146129608154297, -0.36380910873413086, 1.104585886001587, 0.22351951897144318, -0.10132035613059998, -0.9066410064697266, 0.29197627305984497, 0.6661921739578247, 0.7893296480178833, -0.5709084868431091, 0.05169109255075455, 0.6662991046905518, 0.32416024804115295, -1.1194695234298706, 0.5232222080230713, 0.9361702799797058, 0.8340946435928345, 1.6330690383911133, -0.7906943559646606, 0.1437336653470993, 0.40161266922950745, 0.20538213849067688, 0.4956843852996826, 0.28584158420562744, 0.7695440053939819, 0.855242133140564, 0.18765591084957123, 1.0758209228515625, 0.2636629343032837, 0.8534505367279053, 0.9355974197387695, -0.5251418352127075, -1.3327205181121826, 0.5720735192298889, 0.24768678843975067, -0.236215278506279, 0.26620638370513916, 0.37309515476226807, -0.564226508140564, 0.7065127491950989, 0.2531767785549164, -0.7727758884429932, 0.5230844020843506, -0.16857624053955078, -1.077070713043213, 0.7869887948036194, 0.5844918489456177, -0.9819786548614502, -0.07195726782083511, -0.1042441725730896, -1.013174057006836, 0.0804581344127655, -0.42179739475250244, -1.1856231689453125, 1.2614786624908447, 0.40308770537376404, 0.9535801410675049, 0.19762936234474182, -0.36213409900665283, -1.0217751264572144, 1.7361559867858887, 0.9975857734680176, -1.2138888835906982, 0.25851571559906006, 0.08322420716285706, 1.2955681085586548, 0.504827618598938, -1.1012554168701172, -0.6689205169677734, 1.5698140859603882, -0.6803926229476929, -0.3524327278137207, -1.09062922000885, 0.3993329405784607, 0.6298702955245972, 0.8567185997962952, -0.3391616940498352, -0.6808557510375977, -0.7175020575523376, -0.6478691101074219, 0.6467026472091675, 1.2907370328903198, -1.34829580783844, -1.6058348417282104, 0.17549246549606323, -1.4879231452941895, 0.19721734523773193, -0.2644605338573456, 0.2545386850833893, 2.801975727081299, 0.4187576472759247, 0.08470790833234787, -0.19997400045394897, -10.379666328430176, 1.4296290874481201, -0.06069395691156387, 0.26260513067245483, 0.3249664306640625, -0.34836772084236145, 0.33448341488838196, -0.14312200248241425, 0.5508636236190796, -0.5161125063896179, -0.19649676978588104, 1.1389065980911255, 0.5590776801109314, -0.6685685515403748, -0.6490848064422607, -0.7581794261932373, -0.6709544062614441, -1.1781563758850098, -0.31456106901168823, 0.6726439595222473, -0.07238341867923737, -0.8347313404083252, -0.4796168804168701, 0.2965914309024811, 0.09748908132314682, -0.7639436721801758, -0.6208399534225464, -0.039869148284196854, -0.10955934226512909, 0.07751874625682831, 0.8429028987884521, -0.6132441759109497, -0.668598473072052, -0.3448461890220642, 0.370278537273407, -0.3127073049545288, -1.1915069818496704, -0.47449952363967896, 0.5906121730804443, -0.9280374646186829, -0.7992857098579407, -0.3782820403575897, 0.9993399977684021, -0.6285260319709778, -0.4385682940483093, 0.007319644093513489, 0.39388591051101685, -1.1832166910171509, -0.09828723967075348, -0.6035182476043701, -0.7672874331474304, -0.30080950260162354, -0.9880504012107849, -0.2414366900920868, 0.10655121505260468, 0.10640770196914673, -0.4507950246334076, -0.19210387766361237, -0.6447199583053589, -0.6984041929244995, 0.4801938533782959, -0.8109033703804016, -0.6562725305557251, 0.9720678329467773, 0.47088900208473206, -0.3500771224498749, 0.2885514795780182, 0.20427535474300385, 0.630264401435852, 0.9707834720611572, -0.6689749360084534, 1.178202509880066, -0.16267704963684082, 0.4170225262641907, -1.2966094017028809, 0.11305859684944153, -0.46749183535575867, -0.7168895602226257, 0.8941107392311096, 0.12766706943511963, -0.7491165995597839, 0.5332856774330139, 0.5664608478546143, -0.5404753684997559, -0.5781514644622803, 0.47833290696144104, 0.3946993947029114, 0.21096977591514587, 1.2797518968582153, -1.2507249116897583, 1.7152074575424194, 0.4136689007282257, -0.6489787697792053, -0.014106249436736107, -0.4308793842792511, -0.1321970671415329, -0.40051695704460144, 0.7819671034812927, 0.691219687461853, -0.2796994149684906, -0.5300356149673462, 0.3589912950992584, -0.5937939882278442, 0.07183068990707397, 1.2737462520599365, 0.005862832069396973, 0.35118764638900757, 0.5732877254486084, 0.37956660985946655, -0.4606871008872986, 0.7571762800216675, 1.0777398347854614, -0.2120719999074936, 1.010048270225525, -0.760749101638794, 0.9256774187088013, 0.8003718852996826, 0.4165676236152649, -0.11931414157152176, 0.8413262367248535, -0.6150888800621033, 1.3713750839233398, 0.50590980052948, 1.7176486253738403, 0.24094274640083313, 0.04302790015935898, 0.4981236159801483, 0.3066069781780243, -0.623497486114502, -1.0634803771972656, 0.3945620357990265, -0.32251182198524475, 0.13922163844108582, -0.45645013451576233, -0.386018306016922, 0.28285276889801025, -0.4052278399467468, 1.6450436115264893, -0.8144235014915466, 0.1733747124671936, -0.19323018193244934, -0.1342514455318451, -0.7646408081054688, -0.5060237050056458, -0.9848393797874451, 0.12430635094642639, -1.913467288017273, 0.14277714490890503, 0.08434873074293137, -0.4605723023414612, 0.21218006312847137, -0.6205465197563171, 0.6093238592147827, -0.3795749545097351, -0.4648068845272064, -0.3472664952278137, 0.6219367980957031, -1.024422526359558, -0.6224904656410217, 0.21228307485580444, 0.2048720419406891, 1.2831121683120728, -1.3495163917541504, 1.0055625438690186, 0.32979699969291687, -0.1703849583864212, -0.8625808358192444, 0.6983288526535034, -0.877391517162323, 0.8309739232063293, 0.6834125518798828, -1.1993741989135742, -0.6696141362190247, -0.8241131901741028, 0.16048696637153625, -0.4501282274723053, -0.01537192240357399, 0.8884540796279907, -1.462691307067871, -0.11385641992092133, -0.7533845901489258, 0.6623190641403198, 0.5840781927108765, -1.1973779201507568, -0.022640377283096313, 0.002913452684879303, -0.7729519605636597, 0.6533922553062439, 0.2123478502035141, 0.6762180924415588, -0.8183813095092773, -1.1924395561218262, -0.3784441351890564, -0.4680100977420807, 0.29424381256103516, 0.30181387066841125, 1.2503457069396973, 0.32195425033569336, -1.1077303886413574, -0.3164665400981903, -0.11972944438457489, 0.11387573927640915, 0.3906458914279938, 0.33744028210639954, -0.055855266749858856, 0.7315011024475098, -0.5775589942932129, -0.25185298919677734, 0.4671114385128021, 0.9270456433296204, -0.31804946064949036, -0.22939376533031464, -0.06110718473792076, 0.06346956640481949, 0.5074069499969482, -1.3423534631729126, 0.012171542271971703, -0.9359325170516968, -0.5103651881217957, -1.2371110916137695, -0.17048341035842896, 0.2953093349933624, -0.3745664358139038, 0.5195844173431396, 0.8837436437606812, 0.4176517724990845, 0.9473720788955688, -0.5502467155456543, 0.8563448190689087, 0.18446770310401917, -0.08293957263231277, 0.5778120160102844, 0.9009398221969604, 0.4867503345012665, -0.02825687825679779, -0.7183173894882202, -0.34393495321273804, 0.22462213039398193, -0.7518942356109619, 1.0345484018325806, -0.277911901473999, 0.3970339298248291, 0.8548793196678162, 1.7058587074279785, -0.33678174018859863, -1.7143127918243408, -0.757493257522583, -1.3336015939712524, 0.0028411969542503357, 0.8497408628463745, 0.14290042221546173, 0.07074526697397232, 0.45608505606651306, -0.6711000204086304, 1.4414315223693848, -0.8965052962303162, -0.08150447905063629, 0.5968948602676392, -0.21745611727237701, 0.4878513216972351, 0.1798146367073059, 0.5702344179153442, 0.5641204714775085, -0.13735434412956238, -0.9505624175071716, 0.06536160409450531, -0.6558435559272766, 0.5303583145141602, -0.11608678847551346, -0.4761480391025543, -0.3578287363052368, 0.0026565836742520332, 0.8082343935966492, 0.14738604426383972, 1.7979298830032349, -0.06038873642683029, -0.12166804075241089, -0.8728236556053162, -1.3993409872055054, -0.6274070739746094, 0.4862620532512665, 0.2728901505470276, -0.2259063869714737, -0.43105238676071167, 0.2165350317955017, 0.5210787057876587, 0.5145606398582458, -0.6919668912887573, -0.15508496761322021, -0.7711714506149292, 0.28325319290161133, -0.2685561180114746, -0.8555848002433777, -1.4682097434997559, 0.049651533365249634, -0.9657894968986511, 0.36209335923194885, 0.26578646898269653, -0.9663324952125549, -0.36892449855804443, 1.310309886932373, 0.8064782619476318, -0.2437555193901062, -0.14261113107204437, 0.38328588008880615, -1.4463776350021362, 0.9395630955696106, 1.0224881172180176, -1.0840580463409424, -0.21618454158306122, 0.4957321286201477, 0.3896338641643524, 0.22400832176208496, 1.3372379541397095]} +{"paper_id": "quartz", "embedding": [-0.9131487011909485, 0.5541089773178101, -0.23967018723487854, -0.33597156405448914, 0.41356202960014343, 0.11499534547328949, 0.7400245070457458, 0.13261906802654266, 0.2928108870983124, 0.3941892087459564, 0.06367001682519913, 0.6033875346183777, 0.12424702942371368, 0.2106071412563324, -0.7164671421051025, -0.6148820519447327, -0.9018603563308716, -0.46684953570365906, -0.4928469955921173, 0.16186949610710144, -0.25104764103889465, -1.3543028831481934, -0.04158775508403778, 1.3839993476867676, -1.0774047374725342, -0.8860301375389099, 1.2858465909957886, -0.3417688012123108, 0.33230623602867126, 0.22334051132202148, -0.07540149241685867, 1.6250313520431519, -1.4259705543518066, 1.051533818244934, 0.0705149918794632, 0.0022161761298775673, -0.11950693279504776, 0.9779646992683411, -0.27058446407318115, -0.1193714290857315, -0.04145980626344681, 0.5687322616577148, 0.6055452823638916, 0.6710445284843445, 0.8398066759109497, -0.6510499119758606, -0.21673962473869324, 0.16292843222618103, -0.5052266716957092, -0.12855537235736847, -0.2105633169412613, 0.0030903853476047516, 0.3370984196662903, -0.1311110556125641, 0.3585713505744934, 0.9110551476478577, -0.3055605888366699, -0.7517562508583069, 0.6046422719955444, -0.16115263104438782, 0.9872115254402161, 1.6701767444610596, -0.17627011239528656, -0.49439504742622375, 0.3794748783111572, 0.012188397347927094, 1.331984043121338, 0.38329797983169556, 0.6932582259178162, 0.7760894298553467, -0.21393659710884094, -0.9789413213729858, 0.29377514123916626, 0.818246603012085, -0.01315191388130188, 0.06681865453720093, -0.09991509467363358, 0.4352464973926544, 0.23781293630599976, 0.940346360206604, 0.4812885820865631, -0.2842370569705963, 0.508040189743042, -0.6543362736701965, 0.34680384397506714, -0.25247567892074585, 0.378541499376297, -0.5119059681892395, -0.11261747032403946, -0.45872756838798523, 0.9448935389518738, -0.3744474947452545, 0.23780502378940582, -0.30666759610176086, 0.5141470432281494, 0.8781328201293945, -0.05090510845184326, -0.08106100559234619, 0.18688449263572693, 0.858959972858429, 0.17262697219848633, -0.3332187831401825, 0.5528595447540283, 0.17345115542411804, -0.2059580385684967, 0.3265502154827118, 0.0031723007559776306, -0.0879092738032341, -0.25463807582855225, -0.0001657465472817421, 0.15587589144706726, 0.5552136898040771, 0.1269943118095398, 0.5034418106079102, -0.2679266035556793, 0.5424689650535583, -0.5658078193664551, -0.30254489183425903, 0.19674688577651978, 0.7969673871994019, -0.08450431376695633, -0.8006444573402405, 0.08895507454872131, 0.5768448710441589, 0.97718346118927, -0.0824333131313324, -0.1338488757610321, 0.39419281482696533, -0.6931207180023193, 0.17089149355888367, -0.1606651246547699, -0.3714347183704376, -0.8136483430862427, 0.6413941979408264, 2.7102773189544678, -0.21787603199481964, 0.9515373706817627, -0.41533592343330383, -0.5330450534820557, -0.21359765529632568, -0.04784751310944557, 0.24711860716342926, 0.2958311140537262, -1.1758676767349243, -0.9046847224235535, 0.08799465000629425, -0.13317036628723145, 0.5526883602142334, -1.0891005992889404, -0.14664405584335327, 0.3756265640258789, -0.18316254019737244, -1.4064085483551025, -0.15048575401306152, 0.4405629336833954, -0.12225385010242462, -0.28299325704574585, -0.7175986170768738, -0.2308521270751953, 0.7348119616508484, -0.600274920463562, 0.38587307929992676, -0.3099592924118042, -0.07589907944202423, -0.6230608224868774, -0.11090073734521866, 0.3994291126728058, -0.6858286261558533, -1.1332218647003174, 0.08790736645460129, 0.3627859055995941, 0.14614655077457428, 0.20466186106204987, -0.082841657102108, 0.0015670545399188995, 0.49612942337989807, 0.6395291090011597, 1.101331114768982, 0.1920529156923294, -0.5768377780914307, -0.6770609021186829, -0.1909860521554947, -0.6636015176773071, -0.04985368624329567, 0.014142828993499279, -0.5628282427787781, -1.9267569780349731, 0.25015461444854736, -1.710159420967102, 0.22535665333271027, 0.2664830684661865, 0.9907840490341187, -0.07351363450288773, 0.7663313746452332, -0.8060994148254395, 0.04167688265442848, -0.2389097511768341, -1.7968640327453613, -0.18736477196216583, 0.10602711141109467, -0.9938896894454956, -0.009796956554055214, -0.4071539640426636, 0.44682276248931885, 0.22934043407440186, -0.29097020626068115, -0.9776933193206787, -1.755564570426941, 0.8345319628715515, 1.108262538909912, 0.26827117800712585, -0.6268929243087769, -0.6516590118408203, -0.15133622288703918, 0.5174445509910583, 0.5486865639686584, 0.37146899104118347, -0.4139261543750763, -0.07584132999181747, -0.896375298500061, 0.760258138179779, -0.00127464160323143, 0.13652244210243225, 0.29210326075553894, 1.4849469661712646, -0.3901059627532959, -0.2676728367805481, -0.13155287504196167, -1.3744587898254395, 0.97132408618927, 0.3350776433944702, 0.5657908320426941, 0.11349718272686005, 1.061025857925415, 0.199264794588089, 0.7359308004379272, 0.7102920413017273, 0.2367461770772934, -0.898844838142395, 0.20088624954223633, -0.717013418674469, 0.44887828826904297, 0.38771992921829224, -0.5256529450416565, 0.8873064517974854, -0.024457331746816635, 0.24636700749397278, -0.3755105137825012, 0.09725869446992874, -0.42165911197662354, 1.1235504150390625, 0.49259671568870544, 0.092453733086586, 0.5550626516342163, -0.6679516434669495, 0.2996268570423126, -0.27220767736434937, -0.5338526368141174, -0.2034192979335785, -0.45534223318099976, 0.504924476146698, -0.18491384387016296, 0.30539074540138245, 0.3491209149360657, -0.4970729947090149, -1.0909327268600464, 0.6945072412490845, 0.8818234801292419, -0.29777804017066956, 0.0009329468011856079, 0.31348133087158203, -0.09900170564651489, -1.3855950832366943, -0.4694080352783203, 0.08702903240919113, 0.1312553584575653, 0.34546682238578796, 1.0000624656677246, 0.3977310359477997, -0.4099234938621521, -0.21526432037353516, -0.296231210231781, 0.5593038201332092, -0.5746007561683655, 0.7220975160598755, -1.0945137739181519, 0.08776761591434479, -0.9887261986732483, 0.46146515011787415, -1.1557713747024536, 0.49086278676986694, 0.3986750841140747, -0.7717556953430176, 0.2715197205543518, -0.36166271567344666, -0.9432135820388794, 1.1494619846343994, 0.9990089535713196, -0.5921669602394104, 0.24799470603466034, 0.40607771277427673, -0.005408117547631264, -1.2668579816818237, 0.3695542812347412, 0.12445738166570663, -0.17567700147628784, 1.3038195371627808, 0.16970223188400269, 0.3764733076095581, 0.3703998327255249, 0.2901291251182556, -0.08615386486053467, -0.28096821904182434, -1.9686055183410645, 0.6325824856758118, 1.0580977201461792, -0.33401185274124146, -0.2770352065563202, -1.0675466060638428, 0.16105876863002777, -0.3643774390220642, -0.19404785335063934, 0.6583579182624817, -0.30265143513679504, 0.632948100566864, -0.4825500249862671, 0.5079197287559509, 0.807591438293457, -0.7515326142311096, -0.1682339459657669, 0.1736755222082138, -0.06979113072156906, -0.5544697046279907, -0.4171357750892639, 0.8227985501289368, -0.3193085789680481, 0.2549433708190918, 0.44711560010910034, 1.1169594526290894, 0.8549572229385376, 0.19943425059318542, -0.015467502176761627, -0.2199849933385849, -0.4847583472728729, 0.44737544655799866, -0.12396029382944107, -0.3495861291885376, 0.7565915584564209, -0.27145278453826904, 0.7697860598564148, -0.7661610245704651, -0.24509818851947784, -1.4445304870605469, -0.468295693397522, -0.43750208616256714, -0.30491501092910767, 1.6530125141143799, 0.7540886402130127, 1.3517820835113525, -0.9163131713867188, 0.7394338846206665, -0.29863426089286804, -0.35321035981178284, 0.9172621369361877, 0.46704399585723877, 0.537737250328064, -0.6521903872489929, 0.3916303813457489, 0.6075832843780518, 0.6949136853218079, -0.21217624843120575, -0.13126981258392334, 0.5546765327453613, 0.6698523163795471, -0.34994593262672424, 0.6038354635238647, 0.6689611673355103, -0.271167129278183, 1.020322322845459, -0.44823354482650757, 0.11453285813331604, -0.10956745594739914, -0.1360079050064087, 0.025370869785547256, -0.26978087425231934, -0.35846245288848877, 0.9654754996299744, -0.0882968008518219, 0.25449323654174805, 0.3049832582473755, 0.8706709742546082, 1.2273988723754883, -0.26700282096862793, -1.6159929037094116, -0.18343132734298706, -0.7575201988220215, 0.08089972287416458, 0.8809025883674622, -0.30764883756637573, 0.26841577887535095, 0.5912447571754456, 0.031255077570676804, -0.6784589290618896, 0.7756166458129883, -0.8239575624465942, -1.2433403730392456, 0.97080397605896, 1.0980513095855713, -1.1143850088119507, -0.30331671237945557, -0.6142879128456116, -0.7098327279090881, -0.5700405240058899, -0.4574907124042511, -0.37540218234062195, 0.6100658774375916, 0.17189495265483856, 0.34982025623321533, 0.19852948188781738, -0.0016990303993225098, -0.5483296513557434, 1.085205078125, 0.3024463355541229, -0.5352752804756165, 0.36560770869255066, 0.1695041060447693, 0.34004515409469604, 0.5145521759986877, -0.2690359950065613, -0.19059491157531738, 1.463035225868225, 0.29063525795936584, 0.5940187573432922, -0.5705243349075317, -0.6297527551651001, 0.5620851516723633, -0.09010063111782074, 0.9179823994636536, -0.9496428966522217, 0.32979094982147217, -0.28495579957962036, 0.3083231449127197, 0.27840492129325867, -0.8679633736610413, -1.0015499591827393, 1.0525178909301758, -0.4294130802154541, 0.09221821278333664, -1.5607260465621948, -0.19227026402950287, 1.9222949743270874, -0.23768800497055054, -0.08606990426778793, -0.3699924647808075, -12.72883415222168, 1.45686936378479, 0.14562919735908508, 0.3654511570930481, 0.20408613979816437, -0.5779850482940674, 0.6917959451675415, -0.37028899788856506, 0.999152421951294, -0.697331964969635, -0.6179726719856262, 0.7597693800926208, 0.4374580383300781, 0.6326087713241577, -0.520526111125946, -2.2868874073028564, -0.37992018461227417, -0.539749264717102, -0.19513416290283203, -0.6908606886863708, 0.4105793833732605, -0.8153024911880493, 0.1777605563402176, 0.15476162731647491, 0.5377535820007324, -0.09200919419527054, -0.6149684190750122, -0.7265585064888, -0.08560386300086975, 0.30320608615875244, 0.9554677605628967, 0.4738776981830597, 0.13507749140262604, 0.03939184546470642, -0.8360304832458496, -0.3546251952648163, -0.6401781439781189, -0.2935377359390259, 1.0706347227096558, -0.14419566094875336, 0.017797715961933136, 0.5330825448036194, 0.5254178047180176, 0.3097369968891144, -0.6372422575950623, 0.1747218519449234, 0.1233796775341034, -0.8847523331642151, -0.3155619502067566, 0.4728800654411316, -0.3823533058166504, 0.08634592592716217, -0.06601178646087646, -0.4325254559516907, -0.2556370496749878, 0.4696839153766632, -0.7188341021537781, 0.07844569534063339, -0.7975826263427734, -1.3619848489761353, 0.8301586508750916, 0.2562398612499237, -0.05272713676095009, 0.395781010389328, -0.06992053240537643, -0.2612879276275635, -0.1920241117477417, -0.10162120312452316, -0.8547776341438293, 0.127365842461586, -0.4266124665737152, 0.5897684693336487, 0.4584754407405853, 0.6081479787826538, -0.7260082960128784, 0.2632085084915161, -0.2920093536376953, 0.040734291076660156, -0.5152133703231812, -0.2485172301530838, -0.8916963338851929, 1.2676384449005127, -0.33803796768188477, -0.8362396955490112, -0.4061985909938812, 0.752194881439209, 0.1041346862912178, 0.5117723345756531, 0.43015602231025696, -0.4831176996231079, 0.6728301644325256, 0.2969350516796112, -0.7788384556770325, -0.1637527048587799, -0.6417369842529297, 0.7449721097946167, 0.3381814658641815, 0.9028506278991699, -0.05520549789071083, 0.016736924648284912, -0.37015482783317566, -0.024469338357448578, -0.7583680152893066, -0.0055928826332092285, 0.19207978248596191, 0.4632412791252136, 0.2564640939235687, -0.2671327590942383, -0.20541463792324066, -0.2774779200553894, 0.5901798605918884, -0.5113581418991089, -0.7416373491287231, 1.0837904214859009, -0.5777366161346436, -0.3671690821647644, 0.7472805380821228, -0.5514898300170898, -0.051229946315288544, 0.31031909584999084, 0.27067670226097107, 0.28109318017959595, -0.2857392430305481, 0.6890872120857239, 0.14350664615631104, -0.4251646399497986, 0.7590112686157227, -0.15717433393001556, -0.5592333078384399, -1.612568974494934, 0.3922545909881592, -0.1962524652481079, -0.1861780732870102, -0.5122379064559937, -0.37044158577919006, -0.3062884211540222, -0.24434827268123627, 0.7347888946533203, -0.549314558506012, 0.6602566838264465, 0.1427416056394577, -0.04805930331349373, -0.5559805035591125, -0.9799675345420837, -1.169643759727478, -0.04234481602907181, -1.2397665977478027, -0.11902469396591187, -0.5191403031349182, -1.2118793725967407, -0.5977750420570374, -0.6301342248916626, 0.7917028665542603, -0.26615196466445923, 0.08719301223754883, -0.251964807510376, 0.23953215777873993, -0.7098434567451477, -1.1515318155288696, 0.19389688968658447, 0.5803166031837463, 0.7507528066635132, -0.5090688467025757, 0.9547852277755737, -0.09650151431560516, -0.31567680835723877, -0.14969897270202637, -0.1572633534669876, -0.274981290102005, -0.40731003880500793, 0.8363775610923767, -1.2548620700836182, -0.8620027899742126, -0.33788394927978516, 0.3126663863658905, -0.3736787736415863, 0.6829379200935364, 0.6581287384033203, -0.6268307566642761, 0.016906574368476868, -0.15448348224163055, 0.631325900554657, 0.36552873253822327, -0.4337504506111145, 0.04949831962585449, -0.031032808125019073, 0.6863710284233093, 0.5146309733390808, -0.28426337242126465, 1.0438684225082397, -1.3428021669387817, -0.8168660402297974, -0.33757680654525757, 0.7900688648223877, 1.1443729400634766, -0.0276559479534626, 0.6418769359588623, 1.0123343467712402, 0.11134573817253113, 0.37295857071876526, 0.1121489405632019, 0.4741428792476654, -0.09017220139503479, -0.01951706036925316, -0.35104092955589294, 0.4331403970718384, -0.3049444258213043, -0.23717594146728516, -0.47360557317733765, 0.5358949303627014, -1.011987566947937, -0.21560543775558472, 0.09145615994930267, -0.6660497188568115, -0.041068077087402344, -1.011602520942688, 0.7298140525817871, -0.4026680290699005, -0.35939374566078186, -0.8641954660415649, 0.7831993103027344, 1.5216642618179321, 0.6978504061698914, 0.5800124406814575, 0.713226318359375, 0.7282468676567078, 0.44324490427970886, 0.327426552772522, 0.5779920220375061, 0.24099235236644745, -0.447231650352478, 0.4962432384490967, -0.06608915328979492, 0.4003763496875763, -0.42298200726509094, -1.1539486646652222, 0.17727741599082947, 1.146728754043579, 0.15963028371334076, 0.11138923466205597, -0.384052038192749, 0.15076316893100739, 0.9586659669876099, 0.5831953287124634, -0.5625057816505432, -2.0734498500823975, -0.7693321108818054, -1.072754979133606, 0.19090428948402405, 0.319466233253479, 1.0443514585494995, 0.5613574385643005, 0.562485933303833, 0.6119002103805542, 0.9619722366333008, -0.26847022771835327, -0.13142673671245575, 0.38625407218933105, -0.040427811443805695, 1.5526394844055176, 1.3676104545593262, -0.2484598308801651, 0.6461965441703796, -0.0016609802842140198, -0.9057887196540833, 0.1573358178138733, -0.938823401927948, 0.7988513112068176, 0.24555842578411102, -0.4215357303619385, -0.01803501695394516, -0.5795667767524719, 1.239753007888794, -0.7402219176292419, 0.5741856098175049, -0.480796217918396, -0.9219556450843811, -0.528696596622467, -0.15880686044692993, 0.3301311135292053, 0.9728745818138123, -0.3628692030906677, -0.6503718495368958, 0.57342129945755, 1.2147740125656128, 0.5882868766784668, 0.06314315646886826, -0.8034279346466064, -0.14525167644023895, -0.2918850779533386, 0.08060425519943237, -0.323024183511734, -0.6320542693138123, -0.17731262743473053, 0.15184664726257324, 0.07151089608669281, 0.0938817635178566, -0.4961645007133484, -0.826178789138794, -0.8652470111846924, 0.2758324146270752, -1.0479332208633423, 0.8008989095687866, -0.001620076596736908, -0.052199386060237885, -1.360087275505066, 0.5009684562683105, 0.7148281931877136, 0.620695173740387, -0.4878476858139038, -0.40266934037208557, 0.6760182976722717, -0.3204185664653778, 0.3102518320083618]} +{"paper_id": "bookcorpus", "embedding": [-0.15691283345222473, 1.2798898220062256, 0.7745630741119385, 0.0493856742978096, 0.5041784644126892, -0.710073709487915, 0.11560744792222977, 0.6451358199119568, 0.7922263145446777, -0.7552251815795898, 0.8628213405609131, 0.13148686289787292, -0.3575654625892639, 0.13769127428531647, -0.5852688550949097, 0.37900200486183167, -0.19340673089027405, 0.08556915074586868, -0.9266711473464966, 0.3364534080028534, 0.040242768824100494, -0.9349324703216553, -0.40595439076423645, 0.7710444927215576, -0.4935690760612488, 0.21793586015701294, 0.5854294300079346, -1.2819775342941284, 0.35963204503059387, 0.3268635869026184, -0.22458809614181519, 1.249692678451538, -1.0207247734069824, 0.13795551657676697, -0.33190658688545227, -0.5580860376358032, 0.21709024906158447, 0.8898130059242249, -0.07143500447273254, -0.7359535694122314, -0.37876248359680176, 0.38873451948165894, 1.0947357416152954, -0.34187403321266174, 0.891951322555542, -0.054399438202381134, 0.23776079714298248, 0.3832680881023407, 0.13110977411270142, -0.08954615890979767, -0.9089043140411377, -0.371230810880661, -0.03310108929872513, -0.12055349349975586, -0.4107615351676941, 1.2965188026428223, -0.31021353602409363, -0.5014039278030396, -0.3248731195926666, -0.7100542783737183, 1.5121005773544312, 1.4588899612426758, -0.22030630707740784, 0.28133174777030945, 1.6437394618988037, 0.1491072028875351, 1.4422839879989624, 0.6432717442512512, -0.22296451032161713, 0.4347155690193176, -0.6653698682785034, -1.2773511409759521, 0.49100276827812195, -0.16417817771434784, -0.11294887959957123, 0.3177136182785034, 0.69570392370224, 0.1372910737991333, 0.3032093644142151, 1.1186399459838867, -0.18101610243320465, 0.3718128800392151, 0.3099088966846466, -0.27725479006767273, 0.38646626472473145, -0.1390373855829239, 0.5142554044723511, -0.18381498754024506, 0.4592156410217285, -1.5037857294082642, -0.07573844492435455, -0.06589677184820175, 0.6061701774597168, 0.03283180296421051, -0.6995953321456909, -0.1644478440284729, 1.0644665956497192, -0.7786134481430054, -0.4937903583049774, 0.5816202759742737, 0.11150737851858139, 0.5063623189926147, -0.17392529547214508, -0.5213717222213745, 0.9446830153465271, 0.03683687746524811, 0.5832590460777283, -0.7029564380645752, -0.4893772304058075, -0.7845133543014526, -0.07833725214004517, 1.058866024017334, 0.0033404240384697914, 0.6206450462341309, 0.16550080478191376, -0.9029797315597534, 0.18335193395614624, 0.31434693932533264, -1.0787146091461182, 0.7996628284454346, -0.4353315830230713, -1.5278394222259521, -0.13224944472312927, -0.1136585921049118, 0.4128379225730896, -0.511827826499939, -0.4037422835826874, -1.1009573936462402, -0.45556145906448364, -0.8588185906410217, -0.10293622314929962, 0.3614923655986786, -0.5487236380577087, -0.4452153742313385, 2.7704615592956543, -0.7307866811752319, 1.0124177932739258, -0.6073505282402039, -0.6396657228469849, -0.6876593232154846, -0.42176690697669983, 1.4083808660507202, 0.27663251757621765, -0.690218985080719, -0.245732381939888, -0.6912642121315002, -0.584084689617157, -0.02631484903395176, -0.36425548791885376, -0.42761510610580444, 0.07149454206228256, 0.2561263144016266, -1.238478183746338, -1.0215953588485718, -0.567996084690094, 0.04825121909379959, 0.2955060303211212, 0.3975910544395447, -0.15791988372802734, 1.1019765138626099, -0.01576247066259384, 0.7010052800178528, -0.6884254813194275, 0.10510062426328659, -0.39304012060165405, 0.6267513036727905, 0.8040298819541931, -0.16805586218833923, 0.6183317303657532, -1.1530553102493286, 0.6706463098526001, -0.4868275225162506, 0.024227723479270935, -0.5512151122093201, -0.05657158046960831, 0.4531891644001007, 0.7598746418952942, 0.9359661936759949, 0.255600243806839, -0.29537031054496765, -0.982174277305603, -0.5535898208618164, 0.30938565731048584, 0.27556896209716797, 0.4894401431083679, 0.14829044044017792, -2.90629506111145, -0.5055215358734131, -0.945334792137146, 0.18314671516418457, 0.9502471089363098, 0.14173488318920135, 0.019647277891635895, 0.3509208858013153, -1.4452743530273438, -0.21872638165950775, 0.1000652015209198, -0.8244362473487854, 0.0068521648645401, 0.7821997404098511, -0.30904585123062134, -0.2358582764863968, -0.5575199127197266, 0.7478337287902832, 0.6199703216552734, 0.6938520073890686, -0.27611395716667175, -1.3602849245071411, 0.9864197373390198, 1.2610398530960083, 0.31883835792541504, -0.3873412311077118, -1.6473217010498047, 0.20456703007221222, 0.8287135362625122, 0.02834470011293888, 0.9598658084869385, -0.23916658759117126, 0.4369707405567169, -0.6770839691162109, 0.6079317331314087, -0.022341296076774597, 0.9999257922172546, -0.364999383687973, 0.9420367479324341, -0.40731731057167053, -0.23662449419498444, -0.6972697973251343, -1.7417547702789307, 0.22918595373630524, 0.3068859875202179, 0.09570002555847168, 0.2428186684846878, 1.25400972366333, 1.0985298156738281, 0.35523951053619385, 1.2427128553390503, 1.0560688972473145, 0.0890032947063446, -0.1317426711320877, 0.7075753211975098, -0.032556936144828796, -0.4520469307899475, -0.24536649882793427, -0.44117289781570435, 0.43037980794906616, -0.20906901359558105, -0.5681633353233337, -0.31213998794555664, -0.36891263723373413, 1.6224020719528198, 1.0885775089263916, -0.869379460811615, 0.42379194498062134, -0.9492019414901733, -0.5306826233863831, 0.46695733070373535, -0.5628275871276855, 0.4612376093864441, -0.10764513909816742, 0.1258636862039566, -0.080644391477108, 0.5506615042686462, -0.2052823156118393, -0.26616179943084717, 0.09279590845108032, -1.5230326652526855, 0.06017037481069565, -0.05961722135543823, -0.44740691781044006, -0.5228610038757324, 0.4972635507583618, -1.331221342086792, -0.6033279895782471, -0.44814780354499817, 0.5094478726387024, 0.008259503170847893, 0.22775903344154358, 1.7212097644805908, -0.3954063951969147, 0.7469486594200134, -1.1909120082855225, 0.6909371018409729, 0.28097495436668396, 0.7162868976593018, -0.733143150806427, 0.07039234787225723, -1.1977108716964722, 0.21850177645683289, -1.0135537385940552, 0.1573115885257721, 0.4488450288772583, -0.5877230167388916, 0.8435688018798828, -0.11669471859931946, -1.0304818153381348, 1.340083122253418, 0.22633469104766846, -0.5475413799285889, -0.7883937358856201, 1.0697855949401855, 0.7344073057174683, -0.7030637860298157, 0.5675541758537292, -0.9834083914756775, -0.864990234375, 1.9840775728225708, -0.5161579847335815, 1.1604210138320923, 1.655748724937439, 0.7409355640411377, 0.06859073042869568, -0.9093794226646423, -1.9522472620010376, -0.4305746555328369, 1.1686495542526245, -0.14404039084911346, 0.08095615357160568, -1.3612233400344849, 1.4717344045639038, 0.004134410992264748, -0.4465453326702118, 0.6260020136833191, -0.9706321358680725, 0.21704624593257904, -0.4843888282775879, 0.9505923390388489, 1.1194250583648682, 0.06228189170360565, 0.3216492831707001, 0.7623732089996338, 0.20030242204666138, -0.7104597091674805, 0.2567142844200134, 1.4163405895233154, -0.8138791918754578, 0.0396033450961113, 0.7377566695213318, 1.0618560314178467, 0.44479551911354065, -1.0045558214187622, -0.0016974997706711292, 0.3521278500556946, 0.2324487864971161, 0.5956131815910339, 0.1728372424840927, -0.07321278005838394, 0.22753766179084778, -0.6715476512908936, 0.8488427996635437, 0.08513623476028442, -0.35230785608291626, -0.8671509027481079, 0.7171405553817749, -0.3562137484550476, -0.02062239870429039, 1.3406481742858887, 0.7015454769134521, 2.133171796798706, 0.037591464817523956, -0.6315692663192749, -0.7248257994651794, 0.20555000007152557, 0.3093830347061157, 0.7971216440200806, -0.0390138179063797, -0.1268019825220108, 0.20651748776435852, 0.796807050704956, 0.6890788078308105, -0.20894071459770203, 0.0028435196727514267, 0.7019590735435486, -0.5793929100036621, -0.1225503534078598, 1.2481436729431152, 0.5123097896575928, 1.5033032894134521, 1.9149610996246338, -0.026770779862999916, -0.07929226756095886, -0.2222064733505249, 0.35710594058036804, 0.761425793170929, -0.30243730545043945, -0.4945482313632965, 0.9798707962036133, 0.653473436832428, 1.6848106384277344, 0.6569420695304871, 1.190603256225586, 0.7481065392494202, 0.27244487404823303, -1.5718058347702026, -0.015854611992836, -0.47064492106437683, -0.3859564960002899, -0.22205662727355957, 0.13843555748462677, 0.15054728090763092, 0.5867130160331726, -0.1124347522854805, -0.5092564225196838, 1.0882896184921265, -0.17940355837345123, -0.7762030363082886, -0.07984703779220581, 1.395768404006958, -0.8460239171981812, -0.9885768890380859, 0.5780603289604187, -0.8942816257476807, -1.149741768836975, -0.7750481367111206, -0.05408427119255066, 1.2030483484268188, 0.24312043190002441, -0.1592557430267334, -0.23347744345664978, 0.1149519681930542, -0.6276429891586304, 0.7612223029136658, 0.6040859222412109, -1.0183160305023193, 0.2601943910121918, 0.4177332818508148, 0.05679692327976227, 0.40754613280296326, -0.7678775191307068, -0.22776086628437042, -0.0038698390126228333, 0.1997883915901184, -0.5246104598045349, -0.2531520426273346, 0.15631736814975739, -0.06776691228151321, 0.5885008573532104, 0.30144745111465454, -1.4475282430648804, -0.09493369609117508, -0.32270359992980957, 1.1105958223342896, 0.16690194606781006, -0.41169679164886475, -0.16838206350803375, 0.6088418960571289, -1.3226020336151123, 0.19853398203849792, -0.10700207948684692, -0.15822891891002655, 1.8164421319961548, 0.44353634119033813, 0.03924431651830673, -0.20392613112926483, -11.078398704528809, 0.528552770614624, -0.19284453988075256, 0.7315600514411926, 0.7885034084320068, -0.07271239906549454, 0.38526391983032227, 0.34146878123283386, 0.7444683313369751, -0.37667521834373474, 0.4711533784866333, 0.18023991584777832, 0.3189971446990967, -0.4184741675853729, -0.5795968174934387, -1.499759554862976, -0.44764864444732666, -0.860503077507019, 0.4616659879684448, 0.3732618987560272, 1.0338748693466187, -1.2331310510635376, -0.6660822629928589, 0.5588434934616089, -0.08451780676841736, -0.7633365988731384, -0.18347150087356567, -0.21767105162143707, -0.14940980076789856, 0.06315477192401886, 0.8795841336250305, -1.6403703689575195, -1.0061291456222534, -0.6304106116294861, 0.947105348110199, 0.4469802975654602, -0.8675500154495239, -0.3054457902908325, 0.29623180627822876, -0.02453562803566456, 0.09935379028320312, -0.15670453011989594, -0.40577322244644165, 0.23299293220043182, 0.03444833308458328, 0.3109120726585388, -0.4845065474510193, -0.8415986895561218, -0.12800177931785583, 0.1730806827545166, -0.674370527267456, -0.6103197932243347, -0.9760182499885559, -0.9107329845428467, 0.11404912918806076, 0.7325102090835571, -1.244040608406067, -0.0018224865198135376, -0.6771708726882935, -1.2557518482208252, 0.5252746939659119, 0.27454501390457153, 0.2836824655532837, 0.6547254920005798, 0.34973815083503723, 0.09794867038726807, 1.0141969919204712, -0.042603932321071625, 0.456327348947525, 0.8958873748779297, -0.75330650806427, 0.0009048287756741047, -0.07045747339725494, 0.6364171504974365, -0.30091091990470886, 0.4987758994102478, -0.20013487339019775, -0.22435374557971954, 0.9336674213409424, 0.07452421635389328, -0.9108378887176514, 0.581045389175415, -0.10168703645467758, -0.8308337330818176, 0.21890252828598022, 0.5345867276191711, 0.6655956506729126, 0.5432271361351013, 0.5703489780426025, -0.06766178458929062, 0.6756819486618042, -0.5763775110244751, -0.2990633249282837, -0.5034014582633972, -0.7259164452552795, 0.21703016757965088, -1.1177490949630737, 0.5690180063247681, 0.49575337767601013, -0.06652875989675522, -0.14535948634147644, 0.4276513457298279, -1.0102643966674805, 0.06302744150161743, 0.23874299228191376, -0.002391356974840164, 0.50221186876297, 0.0747169703245163, -0.2694726586341858, 0.1696825474500656, 0.8102373480796814, 0.5300068259239197, -0.22867174446582794, 0.6529570817947388, -0.32062941789627075, 0.4533213675022125, 0.3016393482685089, -0.6198300123214722, -0.5423389077186584, 0.8642047047615051, -0.057220157235860825, 0.5958804488182068, 0.14147089421749115, 1.3161669969558716, -0.1929536759853363, 0.17130659520626068, -0.2797946333885193, 0.6880598664283752, -1.0113048553466797, -0.9432999491691589, -0.12273824214935303, -0.35999685525894165, -0.29927897453308105, -0.7917708158493042, -1.149796485900879, -0.1725020855665207, -0.5468320250511169, 1.1452938318252563, -0.38652634620666504, -0.24275612831115723, -0.2945624589920044, -0.5027614235877991, -0.9486444592475891, 0.23114804923534393, -0.8020831346511841, -0.3144845962524414, -2.0028836727142334, -0.43255382776260376, -0.8715137839317322, -0.3932696580886841, -0.009729932993650436, -0.4726402461528778, 0.7970035672187805, -0.8985949158668518, -0.1560654640197754, -0.05201287567615509, 0.348457008600235, -0.7024089694023132, -0.7877942323684692, -0.47693610191345215, 0.6575178503990173, 1.2794522047042847, -1.1070914268493652, 0.7125678658485413, 0.06580662727355957, -0.32861337065696716, -1.3297945261001587, -0.11065969616174698, -0.6452960968017578, 0.4393538236618042, 0.6888161897659302, -0.522632360458374, -0.627055287361145, -0.765124499797821, -0.22106803953647614, -0.39915433526039124, 0.35309144854545593, 1.2289109230041504, -0.9240116477012634, -0.05405750870704651, 0.2782692313194275, 0.39170703291893005, 0.8686926364898682, -0.9650815725326538, 0.12100100517272949, -0.3827543258666992, -0.1899946928024292, 1.2295277118682861, -0.5679503083229065, 0.2000272572040558, -1.297377109527588, -1.0370261669158936, -1.1198619604110718, -0.9447687864303589, 0.9796163439750671, -0.1501748412847519, 0.7393500208854675, 0.22753168642520905, -0.2818366289138794, 0.2954084575176239, -0.6696844100952148, 0.6547535061836243, 0.621422290802002, 0.9422626495361328, 0.23768416047096252, -0.3193356394767761, -0.7461243867874146, -0.37350285053253174, -0.12106165289878845, 0.9498336315155029, -1.120200276374817, -0.11118479073047638, 0.013703163713216782, 0.09684338420629501, 0.8002461791038513, -1.525571346282959, 1.1594414710998535, -0.5119361281394958, -0.3354701101779938, -1.0987516641616821, -0.8019253611564636, 0.948682963848114, -0.5021791458129883, 1.1346949338912964, 1.1008847951889038, 0.588752269744873, 0.34551531076431274, 0.00915583223104477, 1.109858751296997, 0.3747490644454956, -0.8221129179000854, -0.03509494289755821, 0.25491899251937866, 0.3319243788719177, -0.5084481239318848, -0.3903999626636505, -0.6852544546127319, 0.12070517241954803, -0.9175446629524231, 0.7141427993774414, -0.5936386585235596, -0.23702548444271088, 0.3877919316291809, 0.562382161617279, 0.2383355051279068, -1.383954644203186, -1.1035405397415161, -1.3209565877914429, 0.4599638283252716, 0.5243228673934937, -0.3476300537586212, 0.7334519028663635, 0.06577058136463165, -0.12014923989772797, 0.5848173499107361, -0.3071349263191223, -0.5914115309715271, 0.7886373996734619, -0.276608943939209, 0.8608222007751465, 0.48791950941085815, -0.3656598925590515, 1.059327244758606, 0.5520704984664917, -1.127254843711853, 0.17013421654701233, -0.897085964679718, 0.09622722864151001, 0.6692749261856079, -0.40338078141212463, -0.29216858744621277, 0.013104302808642387, -0.02357320487499237, -0.7821838855743408, 0.9919231534004211, 0.7498918175697327, 0.339371919631958, -0.8818431496620178, -1.0156224966049194, -0.7998530864715576, -0.05560353398323059, -0.5734497308731079, -0.4390639662742615, -0.4758560061454773, 0.558183491230011, 0.8444030284881592, -0.06993141770362854, -0.05468834564089775, 0.22093157470226288, -0.27360910177230835, 0.8960748910903931, 0.1821521520614624, -1.0631966590881348, -0.1505706012248993, 0.09940719604492188, -0.8643217086791992, -0.03702723979949951, 0.2456001192331314, -1.1560472249984741, -0.8151423335075378, 0.4683806300163269, 0.42334404587745667, -0.5806223154067993, 0.471535325050354, 0.5122572779655457, -1.3980703353881836, 1.3840535879135132, 0.8265417814254761, 0.4351344108581543, -0.5160588622093201, 0.18045330047607422, 0.35382723808288574, 0.49338650703430176, 1.16725492477417]} +{"paper_id": "openbookqa", "embedding": [-1.2041624784469604, 0.7352069616317749, 0.14438138902187347, -0.6857417821884155, 0.5667205452919006, -0.10476566851139069, 0.16951221227645874, 0.7137360572814941, 0.5795825123786926, 0.30783534049987793, 0.3619784116744995, 0.05939391255378723, -0.35979461669921875, 0.012338312342762947, -0.42335113883018494, -0.21189266443252563, -0.38978588581085205, -0.40627893805503845, -1.5455729961395264, -0.2666804790496826, -0.20827248692512512, -1.3737514019012451, 0.1366686373949051, 0.7044491171836853, -1.0047714710235596, -0.847740888595581, 1.164172887802124, -0.6540552973747253, 0.6610775589942932, -0.023202352225780487, -0.3077990412712097, 1.5997341871261597, -1.6224082708358765, 0.763766348361969, -0.3687067925930023, -0.14012973010540009, 0.15148064494132996, 1.2621841430664062, -0.1561352014541626, -0.5732405185699463, -0.4214525520801544, 0.2319997251033783, 0.599197268486023, 0.17317450046539307, 0.9335862398147583, -1.2037394046783447, 0.864479660987854, 0.20754307508468628, 0.02278359979391098, -0.4186214506626129, -0.9029152393341064, 0.542010486125946, -0.36348530650138855, 0.27555951476097107, -0.07374381273984909, 0.7280780076980591, 0.0645047053694725, -0.3236849904060364, 0.8600601553916931, -0.3671746850013733, 1.4270517826080322, 1.8622441291809082, 0.17700114846229553, -0.1877422332763672, 0.9190905094146729, 0.17541207373142242, 1.074535846710205, 0.17655818164348602, 0.03434101119637489, 0.6426334977149963, -0.5112938284873962, -0.5531313419342041, -0.19031929969787598, 0.186087965965271, 0.38860005140304565, 0.49885979294776917, 0.25554078817367554, 0.17959587275981903, 0.6474280953407288, -0.1192689910531044, -0.12839247286319733, -0.2913936376571655, 1.0500625371932983, 0.0825902447104454, -0.14140945672988892, 0.10811419039964676, 0.16171787679195404, -0.937024712562561, 0.761142373085022, -1.315529465675354, 0.98786860704422, 0.6400029063224792, 0.19505243003368378, -0.23574548959732056, -0.13364864885807037, 0.7756860852241516, -1.0846788883209229, -0.6438081860542297, -0.42566582560539246, 0.7354200482368469, 0.6888402104377747, 0.3003251552581787, 0.33295828104019165, -0.22831198573112488, 0.11372734606266022, 0.2510904371738434, 0.24877458810806274, 0.26774659752845764, -1.2323960065841675, -1.0810092687606812, 0.32780420780181885, 0.23830100893974304, 0.2558281123638153, 0.4118884205818176, -0.2005009949207306, 0.22585263848304749, -0.06925641745328903, -0.6134693622589111, -0.21968868374824524, 0.47138673067092896, 0.24506999552249908, -1.2920284271240234, -0.7636047005653381, 0.04363259673118591, 0.502894937992096, -0.03564383462071419, -0.7078779339790344, -0.39713650941848755, -0.7333158850669861, 0.11056814342737198, 0.8975749015808105, -0.04853786155581474, -0.5671501159667969, -0.347223162651062, 3.770329475402832, -0.9308913350105286, 1.532442331314087, -0.4833368957042694, -0.10485187917947769, -0.4391744136810303, -0.9149898290634155, 1.277244210243225, 0.5448070168495178, -1.1117467880249023, -0.5294014811515808, 0.14351490139961243, 0.07796423137187958, -0.11570042371749878, -0.9460612535476685, 0.3066248297691345, 0.16376996040344238, 0.36252015829086304, -1.6098285913467407, 0.23088079690933228, 0.38316547870635986, -0.01424458995461464, -0.28009942173957825, -0.09382814168930054, -0.6314988136291504, 0.11742967367172241, -0.20578539371490479, -0.2300962656736374, -0.7002993822097778, 0.7613447904586792, -0.22588858008384705, -0.25673776865005493, 1.0319502353668213, -0.3326434791088104, -1.6164906024932861, 0.21917834877967834, 0.4191422760486603, 0.13400183618068695, -0.09549294412136078, -0.4129376709461212, -0.27391695976257324, 0.11366250365972519, 0.1232004463672638, 0.6953694820404053, -0.03488324582576752, -0.9763639569282532, 0.45455193519592285, -0.482529878616333, -0.20483753085136414, 0.6892240047454834, 0.13780030608177185, 0.1814023107290268, -3.182786464691162, -0.2840309143066406, -0.13946318626403809, 0.1816040277481079, 0.9066123366355896, 0.6414899230003357, 0.3454865515232086, 0.6236466765403748, -0.5590663552284241, -1.191004991531372, 0.3647119104862213, -1.7967461347579956, 0.3773535490036011, 0.8193885087966919, -0.526094377040863, 0.5863920450210571, 0.15006977319717407, 0.6111897230148315, 0.4601690471172333, -0.6227033138275146, -0.8550924062728882, -2.272148370742798, 0.31182533502578735, 1.3474589586257935, 0.2222387194633484, 0.1418343484401703, -0.6076681017875671, -0.15880262851715088, -0.46809935569763184, 0.024816347286105156, 0.03559678792953491, -0.5959705114364624, 0.5746796131134033, -0.1400817185640335, 0.8126688599586487, -0.009436354041099548, -0.24921280145645142, 0.06415200233459473, 1.6348189115524292, -0.6358194351196289, -0.037404563277959824, -0.40733852982521057, -0.6305709481239319, 1.0251579284667969, 0.17283108830451965, 0.007196323946118355, 0.05996600538492203, 0.9797071218490601, 0.6753270626068115, 1.4395002126693726, 0.7400587201118469, 0.7753847241401672, -0.9189742803573608, 0.5414402484893799, -0.20009371638298035, 1.2700759172439575, 0.06649884581565857, 0.07287181168794632, -0.046993106603622437, -0.21428057551383972, -1.013777256011963, -0.5126428604125977, -0.22839385271072388, -0.48126858472824097, 1.4048681259155273, 0.32609623670578003, -0.8249315023422241, 0.46553435921669006, -0.43608447909355164, -0.27929380536079407, 0.15324559807777405, -0.4217616021633148, -0.03939718008041382, -0.7688813805580139, 1.2285856008529663, 0.25313130021095276, 0.5039315223693848, -0.05753914266824722, -0.34826767444610596, -1.5442650318145752, -0.1432463526725769, 0.14682969450950623, -0.07392828911542892, -0.04686426371335983, -0.4343920648097992, 0.08149915933609009, -1.3611173629760742, -0.6057645678520203, 0.09379774332046509, -0.48908665776252747, 0.20030444860458374, 1.1931065320968628, 1.29076087474823, -0.0347297377884388, 0.6059049963951111, 0.052126020193099976, 1.2113128900527954, -0.22940316796302795, 0.4200664162635803, 0.042322587221860886, 0.39400988817214966, -1.054863452911377, 0.26255184412002563, -0.6094193458557129, -0.10486431419849396, 0.2779574394226074, -0.15819859504699707, 0.9029843211174011, -0.4329527020454407, -0.6439332365989685, 1.3510140180587769, 0.25741130113601685, -0.6085894107818604, -0.22045870125293732, 1.5128343105316162, 0.05643071234226227, -0.560712456703186, 0.4447118043899536, -0.025235477834939957, -0.3784380853176117, 1.3633859157562256, -0.07815152406692505, -0.18337894976139069, 0.2096545249223709, -0.2645949423313141, 0.38241642713546753, 0.47050800919532776, -1.80165433883667, 1.004189372062683, 0.4530555009841919, -0.48917004466056824, -0.17648516595363617, -0.9978799223899841, 0.011201232671737671, -0.8275331258773804, -0.21303746104240417, 0.6410452127456665, -0.5181384086608887, 0.610957145690918, -0.20096850395202637, 0.02098304033279419, 1.0973219871520996, -0.1631702184677124, 0.6782889366149902, -0.18832871317863464, -0.3993549048900604, -0.6021909117698669, -0.4462197721004486, 1.1672080755233765, -0.005107359029352665, 0.11498192697763443, -0.0353100523352623, 1.2251381874084473, 0.8081214427947998, -0.23265895247459412, -0.13378110527992249, 0.34248828887939453, 0.6871005296707153, -0.11359276622533798, -0.30522477626800537, -0.34809422492980957, 0.38333672285079956, -0.46314549446105957, 1.5270682573318481, -0.6274345517158508, -0.6414287686347961, -0.9546478390693665, 0.11370331048965454, -0.06586985290050507, -0.08333081752061844, 1.824689269065857, 0.17836570739746094, 1.484478235244751, -0.5239617228507996, 0.3501005470752716, -0.5954828262329102, -0.582679271697998, 0.8428640365600586, 1.0274600982666016, 0.13921281695365906, -1.2301075458526611, 0.0770137682557106, 0.24972952902317047, 0.2874374985694885, -0.40554511547088623, 0.7332652807235718, 0.6316022276878357, 0.11744958162307739, -0.6681260466575623, 0.9345685243606567, 0.8206307888031006, 0.9191610217094421, 1.4394270181655884, -0.23543913662433624, -0.1902240365743637, -0.3725617825984955, -0.19697239995002747, -0.3015490770339966, 0.23951053619384766, -0.04527650028467178, 1.0429617166519165, 0.32971417903900146, 0.3170892298221588, 0.47458261251449585, 1.4086060523986816, 1.7422904968261719, -0.39008018374443054, -2.2063496112823486, 0.05063857510685921, -0.11270049214363098, -0.1951194554567337, 0.4167214334011078, 0.19706851243972778, -0.3953944742679596, 0.5800536870956421, 0.1490149199962616, -0.9573270678520203, 0.06149397790431976, -0.3556174635887146, -1.642586350440979, 1.3782985210418701, 0.690542459487915, -1.1182942390441895, -0.5909064412117004, 0.48698556423187256, -0.8753780722618103, -0.6272984147071838, -0.16472066938877106, -0.5113847851753235, 0.7178094983100891, 0.5227303504943848, 0.8004078269004822, -0.002435140311717987, -0.3106811046600342, -0.3337726891040802, 0.9798732399940491, 0.8451493978500366, -1.1152000427246094, 0.17953290045261383, 0.08689853549003601, 0.4640454649925232, 0.1915208250284195, -1.0832849740982056, -0.6424440741539001, 1.1000959873199463, -0.2004660815000534, 0.0354628711938858, -1.29619562625885, -0.03702467307448387, 0.2785772383213043, 0.2859404683113098, 0.11508893221616745, -0.603479266166687, -0.47498661279678345, -0.616162121295929, 0.5168654918670654, 1.034860610961914, -1.3096071481704712, -1.10422682762146, 0.6480687856674194, -0.20905821025371552, 0.9144569635391235, -0.19096648693084717, -0.019274001941084862, 1.4056137800216675, -0.7539853453636169, -0.15372997522354126, -0.5728586316108704, -11.267322540283203, 1.333493947982788, 0.20333944261074066, 0.6219676733016968, 0.7012577056884766, -0.2441001832485199, 0.5730332136154175, -0.1452186554670334, 0.299603670835495, -0.8042479157447815, 0.20154298841953278, 0.6255953907966614, 0.9554516077041626, 0.4103495180606842, -0.38593626022338867, -1.1713776588439941, 0.019246641546487808, -0.8087506890296936, 0.4431273937225342, 0.26184922456741333, -0.2664977014064789, -0.9372915029525757, -0.5295559167861938, 0.16069677472114563, 0.1758415251970291, -0.27923262119293213, -0.888772189617157, 0.12414342910051346, -0.23683609068393707, -0.20613116025924683, 0.5398122072219849, -0.07215892523527145, -0.6131414175033569, -0.500034749507904, -0.533713161945343, -0.5338445901870728, -0.0053736865520477295, -0.20683522522449493, 0.7741387486457825, -0.5058892369270325, -0.2961413860321045, 0.24789418280124664, 0.5221235156059265, 0.22742514312267303, -0.4341983497142792, 0.8268030881881714, 0.3316629230976105, -1.2191624641418457, 0.3564991354942322, -0.12019891291856766, -1.0170481204986572, -0.8386546969413757, -0.28931042551994324, -0.20239678025245667, 0.29035869240760803, 0.9710219502449036, -1.0572590827941895, -0.47716936469078064, -1.2542011737823486, -1.048463225364685, 0.035043392330408096, -0.11247637867927551, 0.12847396731376648, 0.7207705974578857, -0.48934945464134216, 0.04011526331305504, 0.21198278665542603, 0.2735435962677002, -0.8005074262619019, 0.44969791173934937, -0.5554285049438477, 0.7170865535736084, 0.02317921817302704, 0.1576295793056488, -1.2362658977508545, 0.2478039562702179, -0.7762938737869263, 0.11486772447824478, -0.07409632205963135, -0.09433652460575104, -1.5978924036026, 1.229366421699524, 0.7115952372550964, -0.569416344165802, -0.6622371077537537, 0.5009697675704956, 0.07349374890327454, 1.1900427341461182, 0.8272621631622314, -0.9609389305114746, 1.1369837522506714, 0.5304313898086548, -0.5069987773895264, -1.0919443368911743, 0.0965709313750267, 0.3036501109600067, -0.12604708969593048, 0.34807470440864563, 0.11229746043682098, -1.0293081998825073, 0.3433225154876709, -0.14097025990486145, -1.008554220199585, 0.38776645064353943, 0.7032408714294434, 0.6808890104293823, 1.042898178100586, -0.2910422086715698, -0.4254757761955261, -0.07392363995313644, 1.001257061958313, -0.6593472361564636, -0.7092176675796509, 1.2830337285995483, -0.6879531145095825, 0.8785338401794434, 0.26877596974372864, -0.35091131925582886, -0.26521143317222595, 0.5894882678985596, 0.1291370838880539, 1.0096262693405151, 0.11322106420993805, 1.7155295610427856, -0.34601548314094543, -0.0926501676440239, 0.287908136844635, 0.22664789855480194, -0.27893736958503723, -0.9699057936668396, 0.6684882640838623, 0.04051416739821434, -0.052204981446266174, -1.0181546211242676, -0.8270341753959656, -0.3799198269844055, -0.008871175348758698, 1.6632941961288452, -1.063334345817566, -0.5342980623245239, -0.16184931993484497, -0.11411803215742111, -0.23330283164978027, -0.9096490144729614, -0.7381167411804199, -0.2822057902812958, -1.0507316589355469, 0.033871401101350784, -0.5288910269737244, -0.6620814204216003, -0.1163547933101654, -1.1820436716079712, 0.7437559366226196, -0.9214048385620117, -0.37338370084762573, -0.8474342226982117, 0.09382365643978119, -0.6077908277511597, -0.5504763126373291, -0.22874563932418823, 0.4781118929386139, 0.9050470590591431, -0.8083909153938293, 1.077162504196167, 0.002603195607662201, -0.48634231090545654, -0.043794069439172745, 0.16107800602912903, -0.6700759530067444, -0.15312856435775757, 0.9069851040840149, -0.902828574180603, 0.11562473326921463, -0.5316799283027649, -0.20495039224624634, -0.11185199022293091, 0.10089430212974548, 0.4951882064342499, -0.5135300159454346, -0.08822876214981079, 0.09565828740596771, 0.960628867149353, 0.4460938274860382, -0.9945528507232666, 0.157085120677948, 0.01972891017794609, 0.09991016238927841, 0.4667946696281433, 0.47875863313674927, 1.1335088014602661, -1.124125361442566, -0.8574171662330627, -0.17044037580490112, 0.028260722756385803, 0.8016458749771118, 0.5840088129043579, 1.1687288284301758, 0.4524366557598114, -0.47616714239120483, 0.4745863080024719, 0.3868676722049713, 0.8497564196586609, 0.4987453520298004, 0.5099959373474121, -0.2925527095794678, 0.4813516438007355, -0.7190675735473633, -0.17341303825378418, 0.6027771830558777, 0.8477398157119751, -0.5135610103607178, -0.23045597970485687, 0.27574238181114197, -0.4320734441280365, 0.4569205343723297, -1.4258760213851929, 0.5269731283187866, -1.2052401304244995, -0.6818419098854065, -1.6805349588394165, 0.2873821556568146, 1.0320844650268555, -0.1774798333644867, 0.3349131643772125, 0.36365798115730286, 1.0362826585769653, 0.557114839553833, 0.20869281888008118, 0.6224126219749451, -0.30701377987861633, -0.3391641676425934, 0.5027730464935303, 0.6505814790725708, 0.2078109085559845, 0.2092040479183197, -1.130486011505127, -0.07497137784957886, -0.08279886096715927, -0.2209358960390091, 1.7786310911178589, -0.6235026121139526, 0.6416374444961548, 0.4198871850967407, 1.1087536811828613, -0.669859766960144, -1.8104944229125977, -0.11398065090179443, -0.9164653420448303, 0.19997000694274902, -0.004243306815624237, 0.6554678082466125, 0.007172341458499432, 0.7415156364440918, 0.023575961589813232, 0.94788658618927, -0.6837199926376343, 0.06862157583236694, 0.2796788513660431, -0.5023552775382996, 0.7526790499687195, 0.5059398412704468, 0.26756057143211365, 0.6020268201828003, 0.36265596747398376, -1.3879424333572388, -0.1613827645778656, -0.6698685884475708, 0.8470157980918884, 0.434078574180603, -0.8619285821914673, 0.2364700883626938, 0.0043377745896577835, 0.868281900882721, -0.42524993419647217, 1.3811779022216797, -0.2904449701309204, -0.3405471444129944, -0.456030935049057, -0.5931861400604248, -0.02343432977795601, 0.28814974427223206, 0.1973918080329895, -0.1811327487230301, 0.43617475032806396, 0.8704177141189575, 0.15237821638584137, -0.2728416621685028, -0.493325799703598, 0.03395690768957138, -0.45215699076652527, 0.4153904318809509, 0.19153232872486115, -0.715096652507782, -0.970957338809967, 0.026385854929685593, -0.7575657963752747, -0.1057131364941597, -0.17120087146759033, -1.1221574544906616, -0.6182457804679871, 0.055821724236011505, -0.3206537365913391, 1.0017106533050537, -0.08190788328647614, 0.1685713678598404, -1.4622591733932495, 0.8620397448539734, 1.1183240413665771, -0.46809032559394836, -0.6458367705345154, 0.3910534083843231, 0.4302915334701538, -0.38739916682243347, 0.2963148355484009]} +{"paper_id": "qasc", "embedding": [-0.6743771433830261, 0.4372485280036926, -0.12119008600711823, -0.476283460855484, 0.3348720371723175, -0.28778108954429626, 0.46151357889175415, 0.8940660953521729, 0.7646796107292175, 0.7574464678764343, 0.3874518871307373, 0.4595992863178253, 0.08346511423587799, 0.547417402267456, -0.2022688388824463, -0.4515382647514343, -1.2009714841842651, -0.36148321628570557, -1.6147884130477905, -0.2510157823562622, -0.28984498977661133, -0.665349006652832, 0.028354894369840622, 0.7787243723869324, -0.6305928230285645, -0.7240592837333679, 1.0727453231811523, -0.9102182388305664, 0.31310969591140747, 0.02367091178894043, 0.42137444019317627, 1.5503126382827759, -1.575255036354065, 1.1205016374588013, -0.3293694257736206, -0.0176843274384737, -0.057685282081365585, 1.4616461992263794, -0.024607397615909576, 0.27547019720077515, -0.06154593080282211, 0.32344651222229004, 0.17011816799640656, 0.39101946353912354, 0.9278545379638672, -0.2686644494533539, 0.24535052478313446, 0.1154855340719223, -0.4275584816932678, 0.07286648452281952, -0.1801851987838745, -0.11895013600587845, -0.10549181699752808, 0.8129290342330933, 0.05019880458712578, 1.132224202156067, 0.09170859307050705, -0.6615181565284729, 0.8448235392570496, -0.6681355237960815, 1.4161938428878784, 1.4717838764190674, -0.3111415207386017, 0.1210949569940567, 1.2097737789154053, -0.09055519104003906, 1.2550958395004272, 0.18565140664577484, 0.15021498501300812, 0.9570844173431396, 0.06922172009944916, -0.9402781128883362, 0.4054325520992279, -0.14293000102043152, -0.2523333430290222, 0.8262526988983154, 0.6743518114089966, 0.4680301249027252, 0.41571730375289917, 0.2205178439617157, 0.1974988728761673, 0.14133301377296448, 1.291556477546692, -0.3887690007686615, 0.06651993095874786, 0.424155056476593, 0.34570053219795227, -0.8202065825462341, 0.30775877833366394, -1.818272352218628, 0.6483860015869141, 0.09670070558786392, 0.18438245356082916, 0.09069490432739258, -0.1732112467288971, 0.819469153881073, -1.1485064029693604, -0.7086848616600037, 0.1339554637670517, 0.39666688442230225, 0.5526553392410278, -0.6535882949829102, 0.02945156767964363, -0.22490566968917847, 0.4847133457660675, 0.3811917304992676, 0.5228801369667053, 0.13296210765838623, -0.44387564063072205, -0.8061343431472778, -0.3002879023551941, 0.8783426284790039, -0.11386431753635406, 0.1841953694820404, -0.6978746652603149, 0.16960307955741882, -0.08631470054388046, -0.8090677261352539, -0.2502976357936859, 0.3125053644180298, 0.29720255732536316, -1.031672716140747, -0.470467209815979, -0.03594491258263588, 1.1355645656585693, -0.8871536254882812, -0.3906983435153961, -0.7574052214622498, -0.1005278080701828, 0.22267812490463257, 0.5167360305786133, -0.2271461933851242, -0.7402153015136719, -0.3529435992240906, 3.172091484069824, -0.2186894714832306, 1.9285454750061035, -0.2529772222042084, -0.26943734288215637, -0.5207757949829102, 0.028519704937934875, 0.9193105697631836, 0.06021575629711151, -0.2692990005016327, -0.931003987789154, -0.016535723581910133, -0.08438985049724579, 0.5353061556816101, -1.1896605491638184, -0.37704941630363464, -0.491566002368927, -0.12846535444259644, -1.9325724840164185, -0.1936754286289215, -0.32150760293006897, 0.5097222924232483, -0.43034088611602783, 0.26611873507499695, -1.0513108968734741, 0.29786917567253113, 0.061937570571899414, -0.335477352142334, -0.23777823150157928, 0.11592212319374084, -0.03436825051903725, -0.055166490375995636, 0.9889524579048157, -0.017042089253664017, -1.135695457458496, -0.2517668902873993, 0.4978422224521637, 0.04529833048582077, 0.03661618009209633, -0.4276770353317261, 0.33659371733665466, 0.35436809062957764, 0.4682508707046509, 0.533033013343811, 0.4079433083534241, -0.3974127173423767, -0.3852981626987457, 0.1139531135559082, -0.41573312878608704, 0.5080283284187317, 0.0018793996423482895, 0.31548675894737244, -2.7516257762908936, -0.43821489810943604, -0.2680704891681671, 0.6242783069610596, 0.4503999352455139, 0.2631964087486267, 0.27338460087776184, 0.13165445625782013, -0.32297825813293457, -0.8583599328994751, 0.7705593705177307, -1.319962739944458, -0.09795540571212769, -0.18793009221553802, -0.5990883708000183, 0.41246235370635986, 0.13798438012599945, 1.3068503141403198, 0.5314916968345642, -0.23885512351989746, -0.9054322838783264, -1.683287262916565, 0.20963090658187866, 2.116508960723877, 0.11930897831916809, -0.4937162697315216, -1.2165946960449219, -0.3092540502548218, 0.44442200660705566, -0.2656165063381195, 0.11448432505130768, -0.8232975602149963, 0.34771978855133057, -0.595685601234436, 0.4537285566329956, -0.28622832894325256, 0.6616860032081604, 0.8427577018737793, 1.2278379201889038, -1.107496738433838, 0.09752808511257172, -0.9325653910636902, -0.4412209093570709, 0.7441354393959045, 0.2512534558773041, 0.27870288491249084, -0.004057832062244415, 1.1114271879196167, 0.5608090162277222, 1.1650269031524658, 0.7338595986366272, 0.6974472403526306, -0.30257704854011536, -0.1604822725057602, -0.14956443011760712, 1.2534137964248657, 0.189741849899292, 0.28452268242836, 0.056125178933143616, 0.07569994032382965, -0.379950612783432, -0.3714165687561035, -0.010676455684006214, -0.0687786415219307, 1.4282894134521484, 0.6925792694091797, -0.27772265672683716, 0.8636855483055115, -0.7195534706115723, -0.5988097786903381, -0.2544196844100952, -0.8078244924545288, -0.3137974441051483, -0.11974672228097916, 0.9903091192245483, 0.15875865519046783, 0.2659286558628082, -0.16612118482589722, -0.027608830481767654, -1.5522236824035645, -0.3637293875217438, 0.20483580231666565, -0.3620671033859253, -1.097033977508545, -0.04029766842722893, -0.10175782442092896, -0.49419525265693665, -0.8800273537635803, -0.23666222393512726, 0.22325585782527924, 0.46329638361930847, 0.8026067018508911, 1.5712147951126099, -0.12110595405101776, 0.32039564847946167, 0.14518733322620392, 1.0158181190490723, -0.454890638589859, 1.0932139158248901, -0.20812974870204926, 0.00868226122111082, -0.9863774180412292, 0.5277600288391113, -0.7766504883766174, 0.18158385157585144, 0.43421322107315063, -0.5514844655990601, 0.4316149055957794, 0.05351035296916962, -1.0133618116378784, 0.5379780530929565, 0.48113465309143066, -0.313029944896698, -0.034328047186136246, 1.0215671062469482, -0.2321944385766983, -0.7458115220069885, 0.877781331539154, -0.38018766045570374, -0.4614449739456177, 1.1728969812393188, 0.1873665153980255, 0.18284808099269867, 0.7532098293304443, 0.004233269486576319, -0.40249544382095337, 0.3379606306552887, -1.4718307256698608, 0.5944991707801819, 1.2127859592437744, 0.006589815020561218, -0.5478073358535767, -1.204013466835022, 0.3964756727218628, -0.5055894255638123, -0.09996236115694046, 0.3399556279182434, 0.07206470519304276, 0.30020979046821594, -0.15747733414173126, 0.6201797723770142, 1.1528571844100952, -0.7947508096694946, 1.055107593536377, 0.6006518602371216, -0.08036690205335617, -0.4766440689563751, -0.9015089273452759, 0.9842646718025208, -0.02495921403169632, 0.24610355496406555, -0.47781944274902344, 0.9714692234992981, 0.8048964738845825, -0.37926504015922546, -0.3515770733356476, 0.7399159669876099, 0.7404837608337402, 0.7300264835357666, -0.5206140279769897, -0.7889515161514282, 0.46128249168395996, -0.11518476903438568, 1.201490879058838, -0.5904074311256409, -0.6386669278144836, -0.9750860333442688, 3.32975760102272e-05, 0.14298956096172333, -0.597534716129303, 2.000941753387451, 0.5155634880065918, 1.4328243732452393, -0.7039270997047424, 0.1593175083398819, -0.6010276675224304, -0.16626735031604767, 1.2434149980545044, 0.6043263673782349, 0.07784441113471985, -1.264634609222412, 0.25682342052459717, 1.2487635612487793, -0.18865729868412018, 0.006961537525057793, -0.10729384422302246, 0.19330501556396484, 0.49085474014282227, -0.8020208477973938, 0.9941627979278564, 0.9613038897514343, 0.23992982506752014, 1.1337151527404785, -0.2702696919441223, -0.427181214094162, -0.2654896080493927, 0.32686156034469604, -0.2376154363155365, 0.36357492208480835, -0.6520828008651733, 0.6525213718414307, 0.011114753782749176, 0.6923268437385559, 0.41868525743484497, 1.5619381666183472, 1.186460256576538, -0.536231517791748, -1.6639981269836426, 0.1034678965806961, -0.4240807890892029, 0.1757200062274933, 0.35471346974372864, -0.43289509415626526, 0.06637057662010193, 0.7991460561752319, -0.19335666298866272, -0.43159961700439453, 0.4613560140132904, -0.35705405473709106, -1.1396173238754272, 1.3305200338363647, 0.6963704824447632, -1.2117080688476562, 0.005968684330582619, 0.08059331774711609, -0.9090795516967773, -0.44423907995224, -0.1376127302646637, -0.5457997918128967, 0.3147883117198944, 0.1577232927083969, 0.42822015285491943, 0.021513119339942932, -0.18751350045204163, -1.2026348114013672, 1.0985358953475952, 0.8065620064735413, -0.9429998397827148, 0.35913699865341187, 0.667311429977417, 0.5246251821517944, 0.16787225008010864, -1.3854413032531738, -0.9087610244750977, 0.8114628195762634, -0.3909973204135895, 0.14746055006980896, -1.0243197679519653, -0.6660792231559753, 0.3348735570907593, -0.23884648084640503, 0.4338330924510956, -0.4869370758533478, 0.19217820465564728, -0.22535240650177002, -0.09322318434715271, 0.2265038639307022, -0.7229067087173462, -0.5723006129264832, 0.9505382180213928, -0.5117848515510559, 1.0391030311584473, -0.7509206533432007, -0.44304540753364563, 2.379948854446411, 0.25579893589019775, 0.5158607959747314, -0.4427574872970581, -11.26755428314209, 0.8787740468978882, 0.07092811912298203, 0.09994380176067352, 0.4727376103401184, -0.7639035582542419, 0.7570385336875916, -0.17162904143333435, 0.2900938391685486, -1.2696009874343872, 0.12392695248126984, 1.5233019590377808, 0.3536522388458252, 0.21079689264297485, -1.1662899255752563, -1.8036994934082031, -0.3886016309261322, -0.474493145942688, 0.3881441354751587, -0.4979439675807953, -0.309582382440567, -0.8489110469818115, -0.36241376399993896, 0.48605307936668396, 0.16009368002414703, 0.15195220708847046, -0.46791625022888184, 0.03073830157518387, -0.6099786162376404, -0.43421685695648193, 0.959736168384552, -0.34299972653388977, -0.21511781215667725, -0.48171767592430115, -0.2167554348707199, -0.5570005774497986, -0.7804176807403564, -0.40014028549194336, 0.6693933010101318, -0.05618836730718613, -0.13488680124282837, 0.09846246242523193, -0.09307141602039337, 0.295641154050827, -0.4563537836074829, 0.6688635945320129, -0.1579284816980362, -0.6865954399108887, 0.052068375051021576, -0.08095971494913101, -1.0855368375778198, -0.24161788821220398, -0.15420712530612946, -0.8009533882141113, 0.2613241374492645, 0.5126338601112366, -1.0493545532226562, -0.06519801169633865, -0.7742093205451965, -0.9130731821060181, 0.7920606732368469, -0.07634692639112473, -0.31234049797058105, 0.34286075830459595, -0.009242907166481018, -0.6229153275489807, 0.5543529987335205, 0.3538091778755188, -0.6173530220985413, -0.03838769719004631, -0.6588162779808044, 0.9015297889709473, 0.26891428232192993, 0.018671639263629913, -0.899578332901001, 0.1740129441022873, -0.8064630031585693, 0.5248075127601624, 0.3018133044242859, -0.014934629201889038, -1.036291241645813, 0.8109801411628723, 0.6884263753890991, -1.3350393772125244, -1.3029587268829346, 0.21818065643310547, -0.004479244351387024, 0.1773735135793686, 1.0044642686843872, -0.5948626399040222, 2.023712158203125, 1.0503871440887451, -0.4511690139770508, -0.9587118625640869, -0.1848754584789276, 0.7130884528160095, 0.2170598953962326, 0.572300374507904, -0.1743956357240677, -0.6042701601982117, 0.4190521538257599, -0.1018945649266243, -1.1150761842727661, 0.2644658088684082, -0.09962031245231628, 0.7606992125511169, 0.6812030673027039, 0.44422534108161926, -0.08425645530223846, -0.517212450504303, 1.1038286685943604, -0.027334943413734436, -0.7750887274742126, 1.4062039852142334, -0.8791471719741821, 0.5774177312850952, 0.6306657791137695, 0.011529892683029175, -0.20074746012687683, 0.7961729764938354, -0.1859128326177597, 0.9836206436157227, -0.11953531950712204, 1.618495225906372, -0.36527687311172485, -0.12877018749713898, 0.2211678922176361, 0.5161460638046265, -0.4567383825778961, -1.2806605100631714, 1.004734754562378, -0.07558083534240723, 0.1342436969280243, -0.18092340230941772, -0.8438579440116882, 0.4648952782154083, -0.28545594215393066, 1.3164105415344238, -0.9083307981491089, -0.12030445784330368, -0.17122867703437805, -0.2946794033050537, -0.08514267951250076, -1.2289832830429077, -0.6173595190048218, 0.16938984394073486, -1.0851287841796875, 0.5904298424720764, -0.577874481678009, -0.3054109215736389, -0.16056369245052338, -0.5573758482933044, 1.1885937452316284, -0.47579044103622437, -0.5834553241729736, -0.42378973960876465, 0.6692792177200317, -0.5962023735046387, -1.2968988418579102, 0.040545716881752014, -0.37366291880607605, 1.1438961029052734, -1.4529929161071777, 0.9207408428192139, 0.398771196603775, -0.27345481514930725, -0.7450195550918579, 0.009096555411815643, -0.94972825050354, -0.41401180624961853, 1.024774432182312, -0.7878793478012085, -0.6489214301109314, -0.6242340803146362, -0.3506247401237488, -0.3498554825782776, 0.7084512114524841, 0.7460204362869263, -1.2719453573226929, -0.336357057094574, -0.14399832487106323, 1.1766542196273804, -0.14719003438949585, -0.32774025201797485, -0.23463068902492523, 0.4661950170993805, -0.016356397420167923, 0.6680195331573486, 0.11895587295293808, 1.347399115562439, -1.8076353073120117, -0.6723999381065369, -0.5827646255493164, 0.3910064995288849, 0.7285856604576111, -0.2297067940235138, 0.6845242381095886, 0.22822071611881256, 0.3426351845264435, 0.4264751076698303, 0.2152050882577896, 0.7644593119621277, 0.21811775863170624, 0.5785133242607117, -0.5786254405975342, 0.7317126989364624, -0.8885095715522766, -0.47215986251831055, 0.4736860394477844, 0.9919061660766602, -0.7690640687942505, 0.13954196870326996, 0.42116087675094604, -0.16833052039146423, 0.004812519997358322, -1.4021612405776978, 0.30689939856529236, -1.1353269815444946, -0.19717596471309662, -1.5506324768066406, 0.13261204957962036, 1.5755834579467773, -0.490164577960968, 1.2534797191619873, 0.26179951429367065, 0.7030868530273438, 0.3355969190597534, 0.4183157682418823, 0.252540647983551, 0.17002809047698975, -0.15476880967617035, 0.35854217410087585, 0.15508970618247986, -0.15431445837020874, -0.2771146893501282, -1.6731630563735962, -0.23633362352848053, 0.1291089951992035, -0.3468729853630066, 0.7630530595779419, -0.2958694100379944, 0.44156041741371155, 0.8190181255340576, 1.1763553619384766, -1.1856746673583984, -1.5698764324188232, -0.1959437131881714, -1.5776621103286743, 0.7122495770454407, 0.8105687499046326, 0.6702700257301331, 0.014002000913023949, 0.6516213417053223, 0.44008904695510864, 0.8320530652999878, -0.97881680727005, 0.22549603879451752, 0.10322223603725433, -0.12982980906963348, 1.130973219871521, 0.8105420470237732, 0.22556160390377045, 0.23417438566684723, -0.24107897281646729, -0.9286811351776123, 0.3356766998767853, -0.3978062570095062, 0.6955587863922119, 0.8797920346260071, -0.8214588761329651, -0.6016262769699097, -0.6471623182296753, 1.0293467044830322, -0.8655888438224792, 0.7688159346580505, -0.06916078180074692, -0.7834977507591248, -0.6828289031982422, -1.32500422000885, -0.3154979944229126, 0.31322798132896423, -0.13297556340694427, -0.25229135155677795, 0.30465203523635864, 1.041164755821228, 0.01259553898125887, 0.15094073116779327, -0.5635288953781128, -0.11185173690319061, -0.7205592393875122, -0.13298675417900085, -0.06386139243841171, -0.7305759191513062, -0.2901975214481354, -0.1331666260957718, -0.5470302700996399, -0.045535553246736526, -0.2807224988937378, -0.7348560690879822, -0.8992182612419128, -0.0006186403334140778, -0.12026700377464294, 0.5485547184944153, -0.351421594619751, 0.12350154668092728, -1.628711223602295, 0.4051850140094757, 0.9947564005851746, 0.15779243409633636, -1.0490936040878296, -0.08957631140947342, 0.45304468274116516, 0.04323418438434601, 0.5688388347625732]} +{"paper_id": "social_i_qa", "embedding": [-0.7895541787147522, 0.16112689673900604, -0.04803083837032318, -0.10501380264759064, 0.6806979179382324, 0.5965732932090759, 0.7959410548210144, 0.03403773903846741, 0.6971237063407898, 0.679975688457489, 0.0123433917760849, 0.017635231837630272, -0.10171735286712646, 0.0032607875764369965, -0.23094728589057922, -0.20243200659751892, -1.0695576667785645, 0.034850865602493286, -1.0856237411499023, -0.043258048593997955, -0.717624843120575, -0.8100292086601257, -0.20095188915729523, 1.0801650285720825, -0.8663266897201538, -0.4378221035003662, 0.7239264845848083, -1.098442554473877, 0.37033647298812866, 0.0586501844227314, 0.20943719148635864, 1.711911916732788, -1.1230603456497192, 0.8593737483024597, -0.47503039240837097, -0.4035991430282593, 0.1445372998714447, 0.903704822063446, -0.15912491083145142, -0.4260149896144867, -0.1326761692762375, 0.5901407599449158, 0.4129582345485687, 0.3178405165672302, 0.4435769021511078, 0.305708110332489, 0.16381873190402985, 0.4148658514022827, -0.5116976499557495, -0.021437253803014755, -0.5529792904853821, -0.0024017207324504852, 0.2852122485637665, 0.24036520719528198, -0.19981184601783752, 0.9172899723052979, 0.1696881353855133, -0.7981187105178833, 0.3971547484397888, -0.48796501755714417, 1.5353543758392334, 1.3350871801376343, 0.3168042004108429, 0.6717365384101868, 1.2363849878311157, 0.15360258519649506, 0.9433274269104004, 0.34729301929473877, 0.42346230149269104, 0.22998103499412537, -0.03819917142391205, -1.2286702394485474, -0.13512545824050903, 0.44774967432022095, -0.531432032585144, 0.20582887530326843, -0.07425805181264877, 0.06682662665843964, 0.1127476766705513, 0.7270068526268005, 0.5531015992164612, -0.2858576774597168, 0.19789114594459534, -0.7644152045249939, 0.2125559151172638, 0.43034207820892334, 0.859816312789917, -0.8956091403961182, 0.7728559374809265, -1.7225964069366455, 0.22167633473873138, 0.23483864963054657, 0.7381744384765625, -0.3101094365119934, -0.6541679501533508, 0.9563542008399963, -0.05900315195322037, 0.07981645315885544, -0.6465965509414673, 1.0155577659606934, 0.24257034063339233, -0.406227171421051, 0.44691693782806396, -0.16742759943008423, 0.4090634286403656, 0.6319625973701477, 0.5273599028587341, 0.024605020880699158, -0.4063478112220764, -0.26081612706184387, -0.40161579847335815, 1.164307713508606, 0.20734576880931854, 0.1761820912361145, -0.06768766045570374, 0.31350091099739075, -0.11329705268144608, -0.6396235227584839, -0.03056301921606064, 0.41992753744125366, -0.30629870295524597, -0.9595561623573303, 0.21971461176872253, 0.04873962700366974, 1.163812279701233, -0.07421353459358215, 0.021249527111649513, 0.05673809349536896, -0.18535543978214264, 0.28236478567123413, 0.2241656482219696, -0.07933533191680908, -0.8289015293121338, 0.0708407312631607, 3.0630359649658203, -0.8883551955223083, 1.9111809730529785, -1.4884783029556274, -0.18354091048240662, -0.3060169816017151, -0.3290671706199646, 0.7391649484634399, -0.12555602192878723, 0.02233889326453209, -1.2991737127304077, -0.08991067856550217, -0.06072162091732025, 0.11347326636314392, -0.711127758026123, -0.3800656497478485, -0.18969257175922394, -0.016317062079906464, -1.6544184684753418, -0.258587509393692, 0.29005908966064453, 0.6760558485984802, -0.774524986743927, 0.2567612826824188, -0.3535993993282318, 0.10695956647396088, -0.22737842798233032, 0.35087496042251587, -0.3175886869430542, 0.5106960535049438, -0.29217076301574707, -0.06648755818605423, 0.7039020657539368, -0.06863412261009216, -1.1646761894226074, -0.5543094277381897, 0.9162077307701111, -0.08532502502202988, 0.6863619089126587, 0.19106031954288483, -0.8097158670425415, 0.4170469343662262, 0.7439318299293518, 0.9428600668907166, 0.06494053453207016, -0.38463133573532104, -0.6279920339584351, 0.08018079400062561, -0.4453285038471222, 0.4423540532588959, -0.5869899392127991, -0.7386482357978821, -2.3809244632720947, -0.3892178535461426, -0.6099494695663452, 0.8319272398948669, 0.4761652946472168, 0.43897491693496704, 0.08336127549409866, -0.0005902312695980072, -0.5312033295631409, 0.2719471752643585, 0.8134673237800598, -1.9664876461029053, -0.029263414442539215, 0.18825872242450714, -0.2772243022918701, -0.23454082012176514, -0.4646165668964386, 1.033524990081787, 0.7479206323623657, -0.2849617898464203, -0.7392369508743286, -1.5413211584091187, 0.39966773986816406, 1.8168379068374634, 0.455998033285141, -0.7047848701477051, -0.8513946533203125, 0.1753959208726883, 0.43353062868118286, -0.10171859711408615, 0.7019206285476685, -0.5598532557487488, 0.555034875869751, -1.337403655052185, 0.7373213768005371, -0.10162226855754852, 0.6746044158935547, 0.7748122811317444, 1.424848198890686, -0.9364014863967896, 0.016556784510612488, -0.683802604675293, -0.8229883909225464, 0.5728159546852112, 0.6828866004943848, 0.6851658225059509, 0.41511270403862, 1.0968072414398193, 0.6467474699020386, 0.5618424415588379, 0.3569320738315582, 0.8900633454322815, -0.6459571719169617, 0.3864716589450836, -0.3660770356655121, 0.3320579528808594, -0.08708199858665466, 0.1677006036043167, 0.3265261650085449, -0.018058575689792633, -0.18271708488464355, -1.0519380569458008, -0.04074333608150482, 0.28845977783203125, 0.718966007232666, 0.4882536232471466, -0.41036736965179443, 0.2660970091819763, -0.4212034046649933, -0.5781899094581604, -0.30820223689079285, -0.5048305988311768, -0.21462231874465942, -0.8112500309944153, 0.7384323477745056, 0.15970328450202942, -0.1073986068367958, -0.4869228005409241, 0.054468415677547455, -0.9807870388031006, 0.2710558772087097, 0.4760534465312958, 0.2660341262817383, -0.6829397678375244, -0.16210603713989258, -0.6370398998260498, -1.137642502784729, -1.1625845432281494, -0.6797130703926086, -0.015451282262802124, -0.0162194911390543, 0.8416348695755005, 1.5959877967834473, -0.45739373564720154, -0.004059702157974243, -0.36550211906433105, 0.9488949179649353, -0.6984837055206299, 0.6384590864181519, -0.786811888217926, 0.7721216678619385, -0.68706876039505, 0.6803287267684937, -0.8190088868141174, 0.3953251540660858, 0.3700236678123474, -0.08305470645427704, 0.6381175518035889, -0.38489407300949097, -0.010179564356803894, 1.0151335000991821, 0.12558403611183167, 0.08808435499668121, 0.162248432636261, 1.1754165887832642, 0.3568684756755829, -1.1069916486740112, 0.49485719203948975, -0.5932700634002686, 0.09162098169326782, 1.1666672229766846, -0.160294771194458, 0.1278756707906723, 0.49906814098358154, 0.06455926597118378, -0.06272226572036743, 0.3582315444946289, -2.1642708778381348, 0.3160030245780945, 0.7295510768890381, -0.28050553798675537, 0.13015606999397278, -0.678926408290863, 0.03826533257961273, -1.1678333282470703, -0.018400974571704865, 0.29488810896873474, -0.22393085062503815, 0.227912038564682, -0.4404276907444, 0.41804391145706177, 0.48591700196266174, -0.5477802753448486, 0.12262581288814545, 0.32967129349708557, -0.011942528188228607, -0.6547776460647583, -0.3755021095275879, 0.28921663761138916, -0.04295887425541878, 0.26669666171073914, 0.09040957689285278, 0.9782382845878601, 0.2656840682029724, 0.17595984041690826, -0.5672010779380798, 0.7151607275009155, 0.35050252079963684, 0.29979318380355835, -0.4149276316165924, 0.16888603568077087, 1.0214554071426392, -0.6024373769760132, 0.8402310609817505, -0.032110244035720825, 0.049209896475076675, -0.9348457455635071, -0.2198103368282318, -0.22126588225364685, -0.37472623586654663, 1.5331079959869385, 0.46390387415885925, 1.1392501592636108, -0.770475447177887, 0.44745704531669617, -0.10900458693504333, -0.3437976837158203, 0.4515296220779419, 0.25590014457702637, 0.5544763803482056, -0.5390636324882507, -0.0836801826953888, 0.43845033645629883, 0.18883082270622253, -0.22087937593460083, 0.43808460235595703, 0.7184727191925049, 0.10184043645858765, -0.5239480137825012, 0.6146677136421204, 0.7932063341140747, 0.014527272433042526, 0.7934814095497131, -0.47199398279190063, -0.2160116732120514, -0.1930968314409256, 0.3214161694049835, 0.4936995506286621, 0.0021892786026000977, -0.4581652283668518, 0.7536875009536743, 0.4594220519065857, 0.6509895920753479, 0.16648636758327484, 1.1349860429763794, 0.5216817855834961, -0.4936772882938385, -1.6704351902008057, 0.030544672161340714, -0.7483087778091431, 0.08110317587852478, 0.8369791507720947, -0.23845352232456207, 0.25796613097190857, 0.29964199662208557, -0.2964169681072235, -1.5800223350524902, 0.7289736270904541, -0.8353408575057983, -0.6655685901641846, 0.6032334566116333, 1.097922921180725, -0.6291177272796631, -0.734410285949707, -0.12513414025306702, -1.0293363332748413, -0.5350415706634521, -0.03095494583249092, -0.14612507820129395, 0.8468210101127625, -0.1287553459405899, 0.51421719789505, 0.24441252648830414, -0.25077447295188904, -0.6792436242103577, 1.0740894079208374, 0.696179211139679, -1.0768942832946777, 0.923559308052063, 0.027913201600313187, -0.3665210008621216, 0.5266356468200684, -0.40609878301620483, -1.005159616470337, 1.1110482215881348, 0.4908827841281891, -0.16251373291015625, -0.9084391593933105, -0.35224947333335876, 0.434581995010376, -0.7602853775024414, 0.6271801590919495, -1.0772727727890015, 0.6692404747009277, -0.3970555365085602, -0.35716694593429565, 0.6144765615463257, -0.6914771199226379, -1.182274580001831, 0.8940157294273376, -0.2815999686717987, 0.3923114240169525, -1.1316324472427368, -0.3374521732330322, 2.3820128440856934, 0.2642132043838501, 0.09978429973125458, 0.43547317385673523, -12.238166809082031, 1.6623649597167969, 0.0804983451962471, 0.19559921324253082, 0.34720301628112793, -0.6780166625976562, 0.18663373589515686, -0.12792424857616425, 1.2280727624893188, -1.0498981475830078, -0.05417230725288391, 0.5919470191001892, 0.6183825135231018, 0.5316615104675293, -0.9467917680740356, -1.478292465209961, -0.4772711396217346, -0.48278117179870605, -0.5479370355606079, 0.13035082817077637, -0.17374002933502197, -0.9513846039772034, -0.131829634308815, -0.6450671553611755, 0.4272210896015167, 0.203698068857193, -0.7941828370094299, -0.8473048210144043, -0.30212175846099854, 0.3135659694671631, 1.315766453742981, -0.048901110887527466, 0.04164724051952362, -0.9004497528076172, -0.11163386702537537, 0.0803588479757309, -0.782874584197998, 0.19149304926395416, 0.9939318299293518, 0.7176637053489685, 0.0062596239149570465, 0.11958079040050507, 0.8154441714286804, 0.38766929507255554, -0.2380930334329605, 0.7569270730018616, -0.06080017238855362, -0.4385932683944702, -0.3709943890571594, 0.20660585165023804, -0.6299384832382202, -0.6016095876693726, -0.7935823202133179, -0.7589108943939209, 0.4787280857563019, 0.11824069917201996, -0.5005538463592529, -0.06626682728528976, -0.9236840009689331, -1.238671898841858, 0.42779821157455444, 0.6857926249504089, -0.2145668864250183, 0.49313876032829285, 0.5090304017066956, -0.7483751773834229, -0.28585517406463623, 0.4976629912853241, -1.1459307670593262, 0.18892249464988708, -0.23693659901618958, 1.0398565530776978, -0.16413486003875732, 1.2305045127868652, -0.3210853636264801, 0.15739041566848755, -0.7110161185264587, 0.5058894753456116, 0.38663363456726074, -0.4463456869125366, -1.162672758102417, 0.5813990235328674, -0.048163119703531265, -0.7638688683509827, -1.3238470554351807, 0.7284262180328369, -0.12968534231185913, -0.07159273326396942, 0.9585685729980469, -0.4309768080711365, 0.6398104429244995, 0.4955211579799652, -0.6841047406196594, -0.03529398515820503, -0.4570005238056183, 0.6798935532569885, 0.32587698101997375, 0.1545480191707611, -0.31877636909484863, -0.31912335753440857, 0.10297206044197083, -0.7747374176979065, -1.1757946014404297, 0.11092019081115723, 0.04567519575357437, 0.10584985464811325, 0.48693543672561646, -0.16793620586395264, -0.24661372601985931, -0.43932652473449707, 0.24892446398735046, -0.7040666341781616, -0.4202761650085449, 1.1898832321166992, 0.030915796756744385, -0.28455260396003723, 1.1047109365463257, -0.4732988774776459, 0.6509897708892822, 0.2261633723974228, -0.5293910503387451, 0.7661252617835999, -0.4211879074573517, 0.9566629528999329, 0.08233553171157837, 0.03281343728303909, 0.5023643374443054, 0.5309834480285645, -0.733457088470459, -1.6020764112472534, 0.9576855301856995, -0.2218087911605835, -0.09423958510160446, -0.13481077551841736, -0.45753422379493713, 0.631390392780304, -0.3409534990787506, 1.2331738471984863, -0.8765408992767334, 0.6406901478767395, 0.4087928533554077, -0.08026568591594696, -0.687897801399231, -1.3730348348617554, -1.045259952545166, -0.33804163336753845, -1.3936474323272705, 0.5169028639793396, -0.48803162574768066, 0.012377500534057617, -0.04189338907599449, 0.07406345754861832, 1.0692672729492188, -0.4157857894897461, -0.022440511733293533, -0.09276778995990753, -0.08925050497055054, -0.45582565665245056, -0.6336663961410522, 0.0152512788772583, 0.6121947765350342, 0.4835939407348633, -0.9545732140541077, 1.1732094287872314, -0.2085745483636856, -0.05383520945906639, 0.17504456639289856, -0.08461716026067734, -0.5412185788154602, -0.2099190354347229, 1.3210095167160034, -0.5554964542388916, -0.0776805579662323, -0.27928677201271057, 0.31008923053741455, -1.2807583808898926, 0.9409501552581787, 0.8673701286315918, -0.8180075287818909, 0.011014223098754883, -0.5054315328598022, 0.5437324047088623, 0.21413554251194, -0.5057900547981262, -0.2697754502296448, -0.029269060119986534, 0.446352481842041, 0.4750494360923767, -0.21148543059825897, 1.0295844078063965, -1.7078734636306763, -1.0591719150543213, -0.5012969374656677, 0.21695564687252045, 1.0439143180847168, 0.47281613945961, 0.6068705916404724, 0.9553296566009521, 0.04203160107135773, -0.012942090630531311, 0.25108468532562256, 0.7521018981933594, -0.5346246957778931, -0.4111485481262207, -0.46642324328422546, -0.11034628748893738, -0.5662899613380432, -0.16653931140899658, 0.31069332361221313, 0.6275127530097961, -1.2175014019012451, -0.5289850831031799, 0.09107169508934021, -0.3127182722091675, 0.5748744606971741, -0.8934439420700073, -0.05083706974983215, -0.5198636054992676, -0.5535464286804199, -1.0023345947265625, 0.1863861382007599, 1.240247130393982, 0.05140151083469391, 1.415317416191101, 0.3451515734195709, 1.3099035024642944, 0.8060328960418701, 0.4553527235984802, 0.4964865446090698, -0.11899872124195099, -0.13204893469810486, -0.26425978541374207, -0.2859558165073395, 0.3535573184490204, -0.7462852597236633, -1.0580445528030396, -0.21042312681674957, 0.7201561331748962, -0.9993880391120911, 0.5579039454460144, 0.045309122651815414, 0.028664352372288704, 1.224240779876709, 0.8594898581504822, -0.8011778593063354, -1.344868779182434, -0.6364814639091492, -0.9879605174064636, 0.27203941345214844, 0.5200081467628479, 0.3709864914417267, 1.060673713684082, 0.7861438393592834, 0.1097358763217926, 0.6120921969413757, -0.31380337476730347, 0.17829656600952148, 0.4047528803348541, 0.49137914180755615, 1.545098066329956, 0.5825504660606384, -0.10430717468261719, 0.14981397986412048, -0.029173530638217926, -0.9580334424972534, 0.4808787703514099, -0.7261064052581787, 0.8360463380813599, 0.008269019424915314, -0.285797119140625, -0.6099128723144531, -0.514960765838623, 0.17400962114334106, -0.650327742099762, 0.3232877552509308, 0.36646103858947754, -0.5759787559509277, -0.14153596758842468, -0.5471363067626953, -0.6122177243232727, 0.6320863366127014, 0.3054957389831543, -0.3113493323326111, -0.43018120527267456, 0.9141088724136353, -0.24471302330493927, -0.05525476485490799, -0.5660864114761353, -0.298306941986084, -0.3918600082397461, 0.28392624855041504, -0.26063138246536255, -0.9594529867172241, -0.4536939859390259, -0.0755988210439682, -0.29781126976013184, 0.5067646503448486, 0.023756101727485657, -0.9612250924110413, -0.9203523993492126, 0.19706180691719055, 0.26690807938575745, -0.36202892661094666, 0.27194976806640625, 0.39051032066345215, -1.91282320022583, 0.11270483583211899, 0.9188180565834045, 0.10096412152051926, -0.30437007546424866, 0.1894281804561615, 0.6616654396057129, -0.20516398549079895, 1.1016961336135864]} +{"paper_id": "multi_news", "embedding": [-0.38394781947135925, 1.2957799434661865, -0.5592382550239563, -0.058780331164598465, 0.582514762878418, -0.2086545079946518, 0.47007063031196594, 1.2523505687713623, 0.7970411777496338, 0.4996697008609772, 1.0085158348083496, -0.09828723222017288, 0.3426542282104492, 0.7802021503448486, -0.25824862718582153, -0.19592857360839844, -0.12443533539772034, -0.3599233329296112, -0.3970501124858856, -0.5754550099372864, -0.8800128698348999, -0.0344337597489357, -0.46543923020362854, -0.13786613941192627, -1.1302893161773682, -0.021314280107617378, 0.9138942956924438, -1.623633861541748, -0.11248575896024704, 0.5886784195899963, 0.12024301290512085, 1.0045418739318848, -1.699567198753357, 0.021061666309833527, -1.164144515991211, -0.5077025294303894, 0.29659754037857056, 0.5531201958656311, -0.0315023735165596, -0.37411507964134216, -0.6541222929954529, 0.0358973890542984, 1.1602613925933838, -0.013506674207746983, -0.09163135290145874, -0.43517348170280457, 0.38896870613098145, -0.008040975779294968, -0.4593573808670044, -0.13813826441764832, 0.415172815322876, 0.6538168787956238, -0.2664010226726532, 1.3045800924301147, -0.44479507207870483, 2.296968698501587, -0.20390793681144714, -0.6576436161994934, -0.07468411326408386, -0.8479901552200317, 1.5245308876037598, 1.144486665725708, -0.8427647948265076, -0.18746767938137054, 1.7040427923202515, -0.30639076232910156, 1.4943206310272217, 0.16686008870601654, 0.3985457420349121, 0.9616945385932922, -0.18937470018863678, -1.3433257341384888, 0.3333803117275238, -0.6783565282821655, -0.03727535903453827, 0.6535820960998535, 0.8884842991828918, -1.1681253910064697, 0.0888381227850914, -0.25712108612060547, -0.4309679865837097, 0.6387397050857544, 0.8158865571022034, -0.23018419742584229, -0.7620561122894287, -0.3907849192619324, 0.04961252212524414, 0.3580266833305359, 0.37138044834136963, -1.5357329845428467, -0.5212568640708923, -0.48952189087867737, -0.4436337947845459, 0.002569928765296936, -0.787703275680542, 0.009241187945008278, 0.1032029241323471, -0.5450184941291809, -0.7322260141372681, 0.3466486632823944, 0.7768040299415588, -0.7035551071166992, -0.4429808557033539, 0.1786954700946808, 0.9779424071311951, 1.021362543106079, -0.5421401262283325, -0.3524450361728668, -0.777961254119873, -1.2167588472366333, -0.20648014545440674, 0.6491390466690063, 0.2293337881565094, 0.8219072222709656, -0.6098986268043518, -0.23719486594200134, -0.37794598937034607, 0.2629925310611725, -1.4053212404251099, -0.4641861319541931, -0.6601604223251343, -1.9063469171524048, -0.3684065341949463, -0.1182585135102272, 0.6324108242988586, -0.6932375431060791, 0.1107296347618103, -1.161772608757019, -0.7199355363845825, -0.1987035721540451, 0.8012094497680664, -0.2514225244522095, -0.9159092903137207, -0.4068121016025543, 2.2910513877868652, -0.3619024157524109, 1.47480046749115, 0.6272119283676147, -0.495897501707077, -0.7127189636230469, 0.10461016744375229, 2.0505120754241943, -0.562723696231842, -1.158281683921814, 0.04222765937447548, -0.09022709727287292, -1.0486705303192139, 0.5451255440711975, -0.4746842682361603, -0.6548600792884827, -0.5197212100028992, 0.3621745705604553, -1.0863398313522339, -0.8867304921150208, -0.6090502142906189, 0.5472633838653564, 0.6186872720718384, 0.6227245926856995, -0.5238587856292725, 1.5644007921218872, 1.3502174615859985, 0.40913987159729004, -0.17029131948947906, 0.7597892880439758, -0.9204697012901306, 0.10058430582284927, 1.0610047578811646, -0.02988845482468605, -0.0710211768746376, -0.7075753808021545, 1.1897083520889282, -0.8059936165809631, 0.11247044056653976, -0.4472030997276306, -0.19476021826267242, 0.3380502760410309, 0.28555551171302795, -0.23994113504886627, 0.17325182259082794, -0.5183497667312622, -0.5831598043441772, 0.4518500566482544, 0.6092178821563721, 0.7010897397994995, 0.05196738988161087, 0.43716663122177124, -1.7929480075836182, -0.4142604470252991, -0.6351901888847351, 0.6817797422409058, -0.030313678085803986, -0.5207037925720215, -0.008474379777908325, 0.002596888691186905, -0.4800507426261902, -0.8701643347740173, 0.1609552651643753, -0.29621046781539917, 0.7414106726646423, 0.3923913836479187, 0.42607173323631287, 0.10688558965921402, -0.10690271109342575, 0.5073171257972717, 1.4239637851715088, -0.3674551248550415, -0.3667486906051636, -1.4024672508239746, 0.7067952156066895, 1.5907262563705444, -0.3999549448490143, -0.5420544147491455, -2.2800562381744385, -0.46066492795944214, 1.2948518991470337, -0.17246289551258087, 0.0859253853559494, -0.4177166521549225, -0.5298806428909302, -1.4636849164962769, 0.17001695930957794, -1.1251623630523682, 0.6367629766464233, 0.2539878487586975, -0.019329965114593506, -0.789499819278717, -0.5530111789703369, -0.43479835987091064, -1.1756420135498047, 0.7121902108192444, 1.1463918685913086, -0.33448296785354614, -0.18268892168998718, 0.7745527625083923, -0.058557335287332535, 0.40327560901641846, 0.024790264666080475, 0.5213063359260559, 0.25560346245765686, -1.0234678983688354, 0.21872439980506897, 0.5603703856468201, -0.03336778283119202, 0.02748757041990757, -0.06465154886245728, 0.215022474527359, -0.2191755473613739, -0.4778672456741333, -0.23906078934669495, -0.3406291604042053, 0.8760008811950684, 1.1283910274505615, 0.14680276811122894, 1.5814851522445679, -1.160637617111206, 0.0729985162615776, 0.39852088689804077, -1.292279601097107, 0.11356453597545624, 0.03496403992176056, 0.635794460773468, 0.3353109657764435, 0.8996248841285706, -0.32044559717178345, -0.17217141389846802, -0.9019731283187866, -0.852564811706543, -0.5287848114967346, -1.0358707904815674, -1.8257331848144531, -0.04832112789154053, -0.27400803565979004, -0.6536144614219666, -0.2930111885070801, -0.11421811580657959, 0.3405245542526245, 0.22303913533687592, 0.32987093925476074, 1.2292062044143677, 0.2276955544948578, 0.7481215596199036, -1.1445029973983765, 0.8462405800819397, 0.04445549473166466, 1.8203545808792114, -1.146721363067627, -0.28555530309677124, -1.38260817527771, 0.04276566207408905, -0.6267232894897461, -0.20023328065872192, 0.34780824184417725, -0.8851818442344666, 0.8098829984664917, 0.2727963924407959, -1.5492221117019653, 1.0020774602890015, -0.7006645798683167, 0.13340327143669128, -0.8650129437446594, 1.1618901491165161, 0.33627980947494507, -0.7475701570510864, 0.4233394265174866, 0.09824232757091522, -0.18455423414707184, 1.5964725017547607, -1.085815191268921, 1.8602092266082764, 0.7300378680229187, -0.16406095027923584, 0.17463025450706482, -0.4970231354236603, -1.4668248891830444, -0.14113079011440277, 1.3284825086593628, -0.6845971941947937, -0.4843781888484955, -0.5105127692222595, 0.13996522128582, 0.10508143156766891, -0.33870428800582886, -0.09795793890953064, -1.240702509880066, 0.4645830988883972, -0.14515793323516846, 0.4683529734611511, 1.0282447338104248, -0.10487198829650879, 1.4022541046142578, 0.6376972794532776, 0.4236016571521759, -0.42459291219711304, -0.837871789932251, 1.2197622060775757, -0.06788995116949081, 0.056997150182724, -0.15734755992889404, 1.1255446672439575, 1.1677316427230835, -0.8070955276489258, 0.032418392598629, 1.1524828672409058, 0.7345152497291565, 0.15562033653259277, 0.02392115630209446, -0.5620085597038269, 1.1537890434265137, 0.11248612403869629, 0.7903793454170227, 0.5422664880752563, -0.5192399621009827, -0.992553174495697, -0.18711058795452118, -0.6178252100944519, -0.9514383673667908, 1.2550103664398193, 0.582795262336731, 2.425950765609741, 0.2787014842033386, 0.6891716122627258, -0.1632186323404312, -0.15047229826450348, 0.2404373288154602, 0.13429608941078186, 0.20426522195339203, -0.4303443431854248, 0.5844972133636475, 1.6272523403167725, -0.3367350399494171, -0.05103070288896561, -0.4834114909172058, 0.38880428671836853, -0.786598801612854, -0.530090868473053, 0.7447748184204102, 0.4954754412174225, 0.8989179134368896, 2.271709442138672, -0.21430011093616486, -0.4416762888431549, 0.37053370475769043, -0.08318601548671722, 0.3852894902229309, 0.7370280027389526, -1.1292928457260132, 0.03867501765489578, 0.8581703305244446, 0.716603696346283, -0.16233587265014648, 0.5595325827598572, 0.43809208273887634, -0.07823580503463745, -0.5424432754516602, -0.6162668466567993, -0.8973324298858643, -0.3878568708896637, -0.5501658916473389, 0.31909409165382385, -0.9930099844932556, 0.6461979150772095, -0.24568450450897217, -1.1738321781158447, 0.49178722500801086, -0.1533529907464981, -0.5351245403289795, 0.3929460644721985, 1.6096396446228027, -1.8015373945236206, -0.548468828201294, 0.11084036529064178, -1.3510035276412964, -0.31403326988220215, -0.36888474225997925, -0.45844191312789917, 0.7136266231536865, 0.13525362312793732, 0.33236929774284363, -0.17110277712345123, -0.1410689502954483, -1.2613818645477295, 0.4002809524536133, 1.0554341077804565, -1.1049443483352661, 1.0221583843231201, -0.09262298792600632, 0.04360753297805786, 0.600784420967102, -1.3557956218719482, -0.5746862888336182, 0.9460542798042297, 0.20386725664138794, -0.07801122218370438, -0.7022223472595215, -0.26886042952537537, -0.020704062655568123, 0.6074789762496948, 1.1304116249084473, -1.101456880569458, 0.26292502880096436, -0.7296644449234009, 0.9291605353355408, 0.35424089431762695, -0.9114653468132019, -0.4718628525733948, 1.2563881874084473, -0.5060245990753174, 0.6551450490951538, 0.12333513796329498, -0.2835373282432556, 1.4183584451675415, 1.0766932964324951, 0.3465484380722046, -0.6414391398429871, -10.01028060913086, -0.3505704998970032, 0.12529365718364716, -0.321133017539978, 0.5499616265296936, 0.5975570678710938, 0.7000368237495422, 0.32788264751434326, 0.47187384963035583, -0.6592586040496826, 0.695379376411438, 1.7693918943405151, -0.15601494908332825, -0.528965950012207, -0.8206083178520203, -1.4723533391952515, -0.45592886209487915, -0.32230573892593384, 0.8051846027374268, -0.8464352488517761, 0.8305839896202087, -0.8520158529281616, 0.4802979826927185, -0.0780685544013977, -0.04778888821601868, -0.21467998623847961, 0.4138485789299011, 0.12900924682617188, -1.1166300773620605, 0.42689788341522217, 0.9049819111824036, -0.3070466220378876, -0.8625141978263855, -0.9494914412498474, 1.2172050476074219, 0.009569508023560047, -1.3239365816116333, -0.24214550852775574, 0.8021813035011292, -0.8692858815193176, -0.11847561597824097, 0.15982407331466675, -0.8505862951278687, -0.298311322927475, -0.2883652448654175, -0.43249088525772095, -0.05804550647735596, -1.0535060167312622, 0.5026717185974121, -0.37732309103012085, -1.32521653175354, -0.5222901105880737, -0.9703261256217957, -0.43113434314727783, 0.6379367709159851, 0.4966583549976349, -0.940054714679718, 0.4711812734603882, -0.02191711962223053, -0.6357321739196777, 1.0478689670562744, -0.28461599349975586, 0.008656583726406097, -0.3404002785682678, 0.3616652190685272, -0.6339300870895386, 1.235428810119629, -0.15036524832248688, 0.37719371914863586, 0.6372141242027283, -0.5599092245101929, 0.8448153734207153, 0.7431449890136719, -0.7249704599380493, 0.1570129692554474, 0.1837235391139984, -0.19126997888088226, -1.3769644498825073, 0.5508883595466614, 0.8876163363456726, -1.198198676109314, 0.4196021556854248, 0.38560041785240173, -0.6719011068344116, -0.7182633280754089, -0.17530544102191925, 0.44044870138168335, -0.7661847472190857, 0.42890411615371704, -0.3998025357723236, 0.846603512763977, -0.12064850330352783, -0.07131603360176086, -0.36225250363349915, -0.276141881942749, 1.087201476097107, -1.5542229413986206, 0.2691032290458679, 0.7333439588546753, -1.300462007522583, 0.5499742031097412, 0.1447415053844452, -0.7310506105422974, -0.5052183270454407, 0.49951183795928955, -0.37863102555274963, -0.19293400645256042, 0.6852225065231323, -0.20762844383716583, -0.20177093148231506, 0.5454394221305847, 0.28241512179374695, -0.3015252947807312, 1.1372967958450317, -0.44405195116996765, 1.4887990951538086, 0.8816081881523132, -0.30630648136138916, 0.19234298169612885, 1.3894120454788208, -0.563578724861145, 0.8116157054901123, 0.19299083948135376, 0.9123139381408691, 0.35526078939437866, 0.5135636925697327, -0.5583167672157288, 0.5607942938804626, -0.2541879415512085, -0.8349615335464478, -0.27084124088287354, -0.3667040467262268, 0.23303008079528809, -0.3269277811050415, -0.7090504765510559, -0.09393368661403656, -0.10028252005577087, 2.1609060764312744, 0.15993942320346832, 0.16897398233413696, -0.33010852336883545, -0.8519567847251892, 0.13302075862884521, -0.242906391620636, -0.03215816989541054, 0.10109062492847443, -1.7101337909698486, 0.4683201313018799, -0.8045738339424133, -0.024168603122234344, 0.6198335886001587, -0.1517430543899536, 0.2447449117898941, -0.8806339502334595, -0.7117151618003845, 0.17319244146347046, 0.47986480593681335, -0.2154107391834259, -0.9790902137756348, -0.14854733645915985, 0.10387104749679565, 1.068508267402649, -0.829792320728302, 0.7238251566886902, 0.1040099710226059, 0.7355625033378601, -0.9805875420570374, -0.16684389114379883, -0.8383563160896301, 0.5237042307853699, 1.0995548963546753, -0.8148428201675415, -0.14601442217826843, -0.6939157247543335, -0.1203274130821228, -0.23925790190696716, 0.5079466104507446, 1.4801430702209473, -1.2182101011276245, 0.641546905040741, -0.022305253893136978, 0.5082745552062988, 0.6626830101013184, 0.11076605319976807, 0.3129085600376129, 0.7481595873832703, -0.1530294120311737, 0.8885013461112976, -0.17801004648208618, 0.02438105270266533, -1.2991522550582886, -1.3412871360778809, -0.7906355261802673, -1.3644901514053345, 1.2585241794586182, -0.65169757604599, 1.072094440460205, 0.30133455991744995, -0.27701857686042786, -0.12663313746452332, 0.18021288514137268, 1.2216812372207642, 0.9768475294113159, 1.023356318473816, 0.19065804779529572, -0.4728703498840332, -0.7870580554008484, 0.06400440633296967, -0.11426109075546265, 0.5775212645530701, -0.8516392707824707, 1.1514493227005005, 0.990559458732605, -0.17420706152915955, -0.36409425735473633, -1.464671015739441, 0.7158476710319519, -0.17502851784229279, 0.29835397005081177, -1.3742326498031616, -0.08069130033254623, 0.6447810530662537, -0.9720840454101562, 1.4012565612792969, 0.01784440688788891, 0.04445056617259979, 0.8064695000648499, 0.5943095088005066, 1.2169824838638306, 0.33614417910575867, -1.1489397287368774, 0.1512744426727295, -0.3229968249797821, -0.21850985288619995, 0.596553385257721, 0.13142457604408264, -1.3634461164474487, -0.0717005506157875, -1.194111943244934, -0.4342906177043915, 0.18117506802082062, -0.22445255517959595, 0.13707676529884338, 1.1302170753479004, 0.47826409339904785, -1.0667667388916016, -0.1737344115972519, -0.7801687121391296, -0.25837206840515137, 1.0036083459854126, 0.2482353150844574, -0.017976107075810432, 0.5352849960327148, -0.8067106008529663, 1.0193814039230347, -0.8222553730010986, -0.44558221101760864, 0.47452351450920105, -0.14409871399402618, 1.0155149698257446, 0.33388713002204895, 0.3073487877845764, 0.11024856567382812, 0.27326396107673645, -0.2123388946056366, -0.4839872419834137, -0.2625918686389923, 0.20638810098171234, 1.6462819576263428, -0.26948779821395874, -0.7056987285614014, -0.9838964939117432, 0.10337480902671814, -0.9526271224021912, 0.312543660402298, 0.905985414981842, -0.8335248827934265, -0.953828752040863, -0.8946983218193054, -0.28056609630584717, 0.5315926671028137, 0.27326568961143494, -0.17531715333461761, 0.24348901212215424, 0.6944077014923096, 0.5058845281600952, -0.07328609377145767, -0.07059115916490555, 0.5237705707550049, 0.26285845041275024, -0.255363404750824, 1.024554967880249, -0.777941882610321, -0.43210306763648987, 0.41111600399017334, -0.49165692925453186, 0.5137840509414673, 0.3739349842071533, -1.0541561841964722, 0.32030752301216125, 0.21220900118350983, 1.6489238739013672, -0.2492808699607849, 0.5910436511039734, -0.039277516305446625, -0.8779033422470093, 1.2750248908996582, 0.8737026453018188, -0.16065172851085663, -0.24913384020328522, 0.3269728720188141, 0.31256303191185, 0.2527173161506653, 1.2479965686798096]} +{"paper_id": "wiki_hop", "embedding": [-0.5646140575408936, 0.9123551249504089, 0.16071505844593048, -0.5053548812866211, 0.0066359639167785645, -0.5232952833175659, 0.3519105017185211, 0.8042730689048767, 0.8079821467399597, 0.35552799701690674, 0.8277250528335571, -0.30774420499801636, 0.6443039178848267, 0.39525219798088074, -0.41469287872314453, 0.07834620773792267, -0.24402844905853271, -0.35017040371894836, -1.3735090494155884, -0.7355700135231018, -0.6640632152557373, -0.6187217831611633, -0.41549983620643616, 1.2518059015274048, -0.9475913643836975, -1.0117824077606201, 0.9215967059135437, -1.089280366897583, -0.10838472098112106, 0.2634563148021698, 0.13657639920711517, 0.9401223659515381, -1.5111093521118164, 0.827813982963562, 0.022378120571374893, 0.09171216189861298, 0.2127505987882614, 0.7947507500648499, 0.16381141543388367, -0.6324381232261658, -0.4818575382232666, 0.24127045273780823, 0.425222784280777, 0.2505406141281128, 0.48390886187553406, -0.5790468454360962, 0.4306851327419281, -0.06825356185436249, -0.23270626366138458, -0.30421289801597595, -0.6905638575553894, -0.21482491493225098, -0.020503660663962364, 0.7900859117507935, -0.3070392906665802, 0.8703696727752686, -0.20630580186843872, -0.6614143252372742, 0.3525729775428772, -0.26436442136764526, 1.2496719360351562, 1.4316884279251099, -0.3677225708961487, 0.14433245360851288, 1.6831291913986206, 0.1544497311115265, 0.7928399443626404, -0.09060528874397278, -0.46501830220222473, 1.2884215116500854, -0.4267379641532898, -0.6818869709968567, 0.28020229935646057, -0.488811194896698, 0.3042791485786438, 0.9831724166870117, 0.3247208297252655, -0.19523389637470245, 0.3925172984600067, -0.057510990649461746, 0.09141679108142853, 0.16482700407505035, 0.8766367435455322, 0.32953116297721863, -0.1512312889099121, -0.13985438644886017, 0.3776402175426483, -0.6776137351989746, 0.5445912480354309, -1.8312625885009766, 0.721289873123169, 0.3963484466075897, 0.39685267210006714, 0.018183276057243347, -0.14192411303520203, 0.2574329674243927, -0.7716197371482849, -0.6762322783470154, -0.02242206782102585, -0.09637526422739029, 0.3305225670337677, 0.05820009484887123, 0.7800945043563843, -0.5531794428825378, 0.29826220870018005, -0.28869062662124634, 0.2421053647994995, -0.00856802612543106, -0.4109756648540497, -0.905569314956665, 0.11543628573417664, 0.39200663566589355, 0.0022205295972526073, 0.4083481431007385, -0.3856283724308014, 0.5156216025352478, 0.5300438404083252, -0.6942100524902344, -0.41539138555526733, 0.533717691898346, 0.5485555529594421, -0.6395413875579834, -0.758974015712738, -0.5233225226402283, 0.5683030486106873, -0.5406758785247803, -0.6282297372817993, -1.349989652633667, -0.7518305778503418, -0.20618881285190582, 0.6495887041091919, 0.6388732194900513, -0.8898188471794128, -0.4388754069805145, 3.272998094558716, -0.6423793435096741, 1.2034704685211182, 0.10317426919937134, -0.5546729564666748, -0.6094164252281189, -0.6073281764984131, 1.3791166543960571, 0.7069553136825562, -0.8121854662895203, -0.3797537386417389, 0.06230273097753525, 0.0839986503124237, 0.08961515873670578, -0.7313632369041443, -0.3482573628425598, -0.08644269406795502, -0.20404013991355896, -1.4925190210342407, -0.47667232155799866, -0.17738454043865204, -0.09875811636447906, -0.1295672059059143, 0.2552778422832489, -0.29041656851768494, 1.1123501062393188, -0.29478010535240173, -0.27236616611480713, -0.7319247722625732, 0.8021634221076965, -0.4722907543182373, 0.17954455316066742, 1.2687554359436035, -0.11707912385463715, -0.6752135753631592, 0.12637320160865784, 0.2614620327949524, -0.39583244919776917, -0.5470253229141235, -0.981701672077179, -0.21887798607349396, -0.048329249024391174, 0.4210223853588104, 0.6481919884681702, 0.26221325993537903, -0.4622333347797394, -0.07398796081542969, -0.011830592527985573, 0.05188635736703873, 1.017025113105774, -0.4086996912956238, 0.5666261911392212, -3.3462934494018555, 0.07312443852424622, -0.47565096616744995, 0.7209786772727966, 0.22514140605926514, 0.00130457803606987, 0.3704054057598114, 0.017045550048351288, -0.5764418840408325, -0.8893333077430725, 0.5943636298179626, -1.377320647239685, 0.8048200011253357, 0.011790908873081207, 0.16568437218666077, -0.2832266390323639, 0.052731070667505264, 1.2193024158477783, 0.22782383859157562, -0.49054521322250366, -1.3027433156967163, -2.233163595199585, 0.34324273467063904, 2.0496530532836914, -0.12197995185852051, -0.27435994148254395, -1.3723022937774658, -0.3629799783229828, -0.27344435453414917, -0.23804955184459686, 0.2649967074394226, -0.4875028431415558, 0.10170038789510727, -0.33841368556022644, 0.7183687090873718, -0.6285526752471924, 0.15228056907653809, 0.41784214973449707, 0.8506420254707336, -0.43641674518585205, -0.2827037572860718, -0.6086225509643555, -0.7803885340690613, 0.46694713830947876, 0.3482172191143036, -0.06980053335428238, -0.04159250855445862, 0.9296169281005859, 0.44080251455307007, 0.8851863145828247, 0.9700251221656799, 0.5600744485855103, -0.6649113893508911, 0.6233400106430054, -0.46176260709762573, 1.786566138267517, -0.19808371365070343, 0.16606386005878448, 0.06436827778816223, -0.05719709396362305, -0.6453826427459717, -0.27805250883102417, -0.3286495804786682, -0.09589944034814835, 0.7258217334747314, 0.8941426277160645, -0.6955015659332275, 0.21157246828079224, -0.6290028691291809, -0.2552986741065979, -0.22905635833740234, -0.8304271697998047, -0.9448492527008057, 0.12264847755432129, 0.5173729658126831, -0.527045726776123, 0.2990386486053467, -0.26970309019088745, 0.17684879899024963, -1.1944568157196045, -1.0074410438537598, -0.1136334091424942, -0.009007081389427185, -1.0074338912963867, -0.6496404409408569, 0.1316038966178894, -1.2242176532745361, -0.31131377816200256, -0.08094219863414764, -0.3783198893070221, 0.1567578911781311, 0.48410388827323914, 1.4163203239440918, 0.2243853211402893, 0.3302224576473236, -0.22114667296409607, 1.1029342412948608, -0.4644070863723755, 0.31611400842666626, -0.027676088735461235, -0.28536438941955566, -1.2281739711761475, 0.24005040526390076, -0.9397790431976318, 0.2030811607837677, 0.8292407989501953, -0.216968834400177, 0.9183676838874817, -0.2057866007089615, -1.0036022663116455, 0.8070593476295471, 0.13578078150749207, -0.34436723589897156, -0.9145100712776184, 1.641256332397461, -0.315876305103302, -0.7658432126045227, 0.9598789811134338, -0.43181905150413513, -0.7871366739273071, 1.2123839855194092, 0.20941144227981567, -0.16613206267356873, 0.6317527890205383, -0.6906923651695251, -0.11003784835338593, 0.11496562510728836, -1.803752064704895, 1.3541754484176636, 0.694847583770752, -0.2449927181005478, -0.1464027762413025, -0.6044967174530029, 0.4988754987716675, -0.17400582134723663, 0.20332583785057068, 1.1477773189544678, -0.5304503440856934, 0.6301696300506592, 0.3557915687561035, 0.7943921685218811, 0.36794161796569824, -0.2901945114135742, 0.9613649249076843, 0.5867867469787598, 0.5439705848693848, -0.6234781742095947, -0.3326015770435333, 1.097909927368164, -0.3509915769100189, 0.6659913063049316, -0.07654165476560593, 0.598574161529541, 0.548600435256958, -0.4278908967971802, -0.1518062949180603, 0.3309555649757385, 0.5532147884368896, 0.3545977771282196, -0.12689514458179474, -0.2973913550376892, 0.49136829376220703, 0.2957049608230591, 1.3837528228759766, -0.07254251837730408, -0.9310502409934998, -0.9937853217124939, -0.7008376121520996, -0.5418029427528381, -0.1985887587070465, 1.4595729112625122, 0.4606035053730011, 2.087989091873169, 0.45638731122016907, -0.43945083022117615, -0.7236981391906738, -0.368355393409729, 0.5152801275253296, 0.33084237575531006, -0.16827861964702606, -1.1414897441864014, 0.1508907675743103, 1.2950654029846191, 0.8296234011650085, -0.21130667626857758, 0.4131641983985901, 0.5137096643447876, 0.023310452699661255, -0.9325010776519775, 1.3472609519958496, 0.6546615362167358, 0.7466040849685669, 1.6425909996032715, -0.49990981817245483, 0.22868122160434723, 0.1835760921239853, -0.08206376433372498, 0.04172658547759056, 0.03973713517189026, 0.3192020058631897, 0.3699915409088135, 0.5635148882865906, 1.0138146877288818, 0.3058552145957947, 1.1585891246795654, 1.8876124620437622, -0.191305473446846, -1.8880445957183838, -0.10816670954227448, -0.5610564947128296, -0.03496744856238365, -0.03530513495206833, 0.03004336729645729, -0.4970399737358093, 0.4463541805744171, 0.20266997814178467, -0.44067782163619995, 0.4202381670475006, -0.4870400130748749, -1.1685775518417358, 0.45205825567245483, 1.1251380443572998, -1.1825085878372192, -0.5079953074455261, 0.24176554381847382, -0.8745841383934021, -0.18943475186824799, -0.35246819257736206, -1.0541237592697144, 1.181423306465149, 0.168584942817688, 0.7396029829978943, 0.16530866920948029, -0.009330525994300842, -1.2185089588165283, 1.728073000907898, 1.0263656377792358, -0.9158762693405151, 0.47937333583831787, 0.14578832685947418, 1.0633914470672607, 0.6772704124450684, -1.1547590494155884, -0.5980885028839111, 1.5222039222717285, -0.37213048338890076, 0.3316526412963867, -1.0125617980957031, -0.164072647690773, 1.201225757598877, 1.170325517654419, 0.40996891260147095, -0.5677988529205322, -0.08850567787885666, -1.1081085205078125, 0.5110371708869934, 0.9122558832168579, -1.5930697917938232, -1.2849781513214111, 0.5871057510375977, -0.7960953116416931, 0.7242473363876343, -0.03783104196190834, 0.18572469055652618, 2.3530447483062744, -0.08948573470115662, -0.03442728891968727, -0.6085302829742432, -10.747135162353516, 0.9937866926193237, 0.29770082235336304, 0.13001233339309692, 0.8133995532989502, -0.311142235994339, 0.3416774272918701, 0.11201906204223633, 0.12743796408176422, -0.8292689919471741, 0.3123251795768738, 1.3402470350265503, 0.43702054023742676, 0.06454373151063919, -1.2350471019744873, -1.5495109558105469, -0.5216030478477478, -0.6561856865882874, 0.22123698890209198, 0.44877827167510986, -0.33998847007751465, -0.5625496506690979, -0.38349658250808716, 0.34903764724731445, 0.26528871059417725, -0.3084833025932312, -0.39149436354637146, -0.5667321085929871, 0.2211316078901291, -0.44356977939605713, 0.5092983841896057, -0.20932649075984955, -0.6939564347267151, 0.10426019877195358, 0.000441916286945343, -0.3410855233669281, -0.9877501130104065, -0.6638798713684082, 0.556861162185669, -0.7708187103271484, -0.3791704773902893, 0.033630941063165665, 0.2578299641609192, -0.03449821472167969, -0.7244235873222351, 0.41348087787628174, 0.24571743607521057, -1.3575217723846436, -0.35404083132743835, -0.5296205282211304, -0.66007000207901, -0.7064616084098816, -1.0076640844345093, -0.13254475593566895, 0.7909274101257324, 0.5139207243919373, -0.525568425655365, -0.5975214242935181, -0.6056196689605713, -0.5611057281494141, 0.6622200608253479, -0.7647640109062195, -0.37990349531173706, 0.5393515229225159, 0.16713497042655945, -0.24305500090122223, 0.7125867605209351, 0.16367244720458984, 0.43826526403427124, 0.5959811806678772, -0.2899458706378937, 1.2874796390533447, 0.104143887758255, 0.5932391285896301, -0.5580511093139648, 0.31744706630706787, -0.8730198740959167, -0.3969895541667938, 0.8480013012886047, 0.12037064135074615, -1.0679271221160889, 0.9727660417556763, 0.7543667554855347, -0.56159907579422, 0.09524096548557281, -0.08018092066049576, 0.18911373615264893, 0.32272979617118835, 0.5906333923339844, -0.5817010402679443, 1.7563657760620117, 0.2500261962413788, -0.5103906989097595, -0.9203721284866333, -0.9803329110145569, 0.46634340286254883, -1.2519797086715698, 0.3981322944164276, 0.8543113470077515, -0.6106468439102173, -0.3156251311302185, 0.24936926364898682, -1.4046908617019653, -0.5688631534576416, 1.0131582021713257, 0.47967809438705444, 0.004806771874427795, 0.2683545649051666, -0.4377579987049103, -1.2591525316238403, 0.912539005279541, 0.7847760915756226, -0.1940346509218216, 1.6269338130950928, -0.9420292377471924, 0.9954513907432556, 0.6263246536254883, -0.31102728843688965, -0.5305034518241882, 1.4149142503738403, -0.775209367275238, 1.1899203062057495, 0.438026487827301, 1.7630232572555542, -0.1458444744348526, -0.03340644761919975, 0.5953868627548218, 0.4494262635707855, -0.5033062696456909, -1.0101031064987183, 0.12774276733398438, -0.6144886016845703, 0.07117200642824173, -0.5945608615875244, -0.9733033180236816, -0.0870194286108017, -0.23478727042675018, 1.38034188747406, -0.8118193745613098, 0.0722668394446373, -0.5908206105232239, -0.5064775347709656, -0.6173061728477478, -0.5290983319282532, -0.8337091207504272, 0.39438238739967346, -1.48833167552948, 0.11458320915699005, -0.6608546376228333, -0.5259884595870972, -0.5628635883331299, -0.7731829285621643, 0.9208512902259827, -0.1542082577943802, -0.4514622688293457, -0.4857386648654938, 0.26088276505470276, -0.7647408246994019, -0.9470714330673218, -0.18804016709327698, -0.3800581395626068, 1.5404040813446045, -1.08292555809021, 1.3134913444519043, 0.31014809012413025, -0.42550331354141235, -1.2018793821334839, 0.13690431416034698, -0.9938055276870728, 0.2673071324825287, 0.9441415071487427, -0.6095767617225647, -0.5194685459136963, -0.3563513159751892, -0.0024702418595552444, -0.11402587592601776, 0.1681073009967804, 1.1798958778381348, -1.3057031631469727, 0.03471598029136658, 0.46737340092658997, 0.8856499791145325, 0.3451051115989685, -0.5717895030975342, 0.14229938387870789, 0.2629167139530182, -0.17773205041885376, 0.6673966646194458, 0.02741330675780773, 0.9755600094795227, -0.7041795253753662, -0.8940725326538086, -0.2741779088973999, -0.16870160400867462, 0.07690244913101196, 0.0559188649058342, 1.1464509963989258, 0.10261290520429611, -0.6827256679534912, -0.06880571693181992, -0.15248264372348785, 0.6159147024154663, 0.322250097990036, 1.3861830234527588, -0.30570435523986816, 0.6002730131149292, -0.9975517988204956, 0.16868798434734344, 0.1553293764591217, 1.1988803148269653, -0.3951995372772217, -0.02567238360643387, 0.4217076003551483, -0.4133201837539673, -0.05965157970786095, -1.6737254858016968, -0.0410948321223259, -0.9529350996017456, -0.15071290731430054, -1.140373945236206, -0.0579550638794899, 1.2497292757034302, -0.5126766562461853, 0.6138812899589539, 0.44615545868873596, 0.6438106298446655, 0.6378703713417053, 0.6900134682655334, 0.774030327796936, 0.10361020267009735, -0.4397723376750946, 0.7923373579978943, 0.9338687658309937, 0.15377753973007202, -0.021816302090883255, -0.8443871140480042, -0.20292632281780243, 0.028121091425418854, -0.4019426703453064, 1.2363202571868896, -0.08264771848917007, 0.6856118440628052, 0.8530989289283752, 1.3162213563919067, -0.19386637210845947, -1.8568849563598633, -0.2799457609653473, -1.7431670427322388, 0.4555966854095459, 0.9248272180557251, 0.43660876154899597, -0.22553257644176483, 0.5649821162223816, -0.48745661973953247, 1.0554816722869873, -1.1492632627487183, 0.3147200047969818, 0.0805516317486763, -0.44967496395111084, 0.8742848038673401, 0.24955955147743225, 0.5156626105308533, 0.37599173188209534, -0.15368720889091492, -1.4127397537231445, -0.030518094077706337, -0.9541475772857666, 0.8392311930656433, 0.33960556983947754, -0.025035401806235313, -0.10130102932453156, -0.2878694534301758, 0.9605603814125061, -0.7525765299797058, 1.1380295753479004, 0.3710591793060303, -0.051174651831388474, -0.48067501187324524, -1.310572624206543, 0.007274341303855181, -0.005284368991851807, -0.03356091305613518, 0.18614520132541656, -0.08975711464881897, 1.321359395980835, 0.4252026081085205, 0.3337046504020691, -0.145396888256073, -0.265866756439209, -0.2316592037677765, 0.517772912979126, 0.6454896926879883, -0.7952187061309814, -1.0885663032531738, 0.17583946883678436, -0.5462985634803772, 0.4368589520454407, 0.37423741817474365, -0.7813230752944946, -0.5323052406311035, 0.43877747654914856, 0.25966063141822815, 0.2219531089067459, 0.38672614097595215, -0.1294661909341812, -1.4069099426269531, 0.4982249438762665, 1.0315608978271484, -0.221746563911438, -0.22295403480529785, -0.06296028196811676, -0.1369876116514206, 0.4882703423500061, 1.2410920858383179]} +{"paper_id": "wiqa", "embedding": [-0.7609918713569641, 1.023728609085083, -0.1383095681667328, -0.04117560014128685, 0.5326170921325684, 0.1943776160478592, 1.2395044565200806, 0.1751336008310318, 0.12785270810127258, 1.1008617877960205, 0.04161333292722702, 0.1705411821603775, -0.10744136571884155, -0.09344383329153061, -0.5844076871871948, -0.6400949954986572, -1.2058923244476318, 0.2034195065498352, -1.3153492212295532, -0.6263302564620972, -0.6987730264663696, -1.037501573562622, 0.06057160720229149, 0.5502582788467407, -1.0784865617752075, -0.16685684025287628, 0.5521584749221802, -0.5015628337860107, -0.4384598433971405, 0.2887899875640869, -0.0019761398434638977, 2.0021376609802246, -1.6471484899520874, 1.2056162357330322, -0.3178226947784424, -0.5595998764038086, 0.0477389357984066, 0.9695233106613159, -0.3214319348335266, -0.2547459602355957, -0.8469692468643188, 0.534637451171875, 0.41482317447662354, 0.2228010892868042, 0.38624727725982666, -0.6723839640617371, -0.42305788397789, 0.19295711815357208, -0.4668653607368469, 0.25215816497802734, -0.45469745993614197, 0.4943070709705353, -0.2771572768688202, 0.6080247163772583, 0.2574930191040039, 0.9536042809486389, 0.11575912684202194, -1.2905020713806152, 0.3504636585712433, -0.3198706805706024, 0.5230450630187988, 1.3804974555969238, -0.3401869237422943, -0.08014087378978729, 0.32157447934150696, -0.028189945966005325, 1.3740798234939575, 0.27527374029159546, 0.4235968291759491, 0.9174013137817383, -0.042270638048648834, -0.7095946073532104, 0.3620026707649231, 0.13345247507095337, 0.40951865911483765, 0.20651519298553467, 0.4465392231941223, -0.3826903998851776, 0.08188121765851974, -0.20681989192962646, 0.2143723964691162, 0.03094629943370819, 0.28111547231674194, -0.7930392622947693, -0.6994318962097168, -0.17761391401290894, 0.4277844727039337, -0.589352011680603, -0.2624155879020691, -1.078486442565918, 0.5855648517608643, -0.2023412138223648, 0.27630048990249634, -0.5045188665390015, 0.04477401077747345, 0.7142868041992188, 0.1813918501138687, -0.04070897400379181, -0.5662721395492554, 0.49446162581443787, 0.84590083360672, -0.19348269701004028, 0.781565248966217, 0.14061474800109863, 0.35806548595428467, 0.477003812789917, -0.31652429699897766, -0.0719311386346817, -0.512198269367218, -0.6851083040237427, -0.21352821588516235, 0.09759094566106796, 0.44432950019836426, 0.409668892621994, -0.5764000415802002, 0.6063039898872375, -0.21492630243301392, -0.46804311871528625, -0.210360586643219, 0.1173664778470993, -0.4168805480003357, -0.8052568435668945, -0.38788989186286926, 0.11233152449131012, 0.998399555683136, -0.10722760856151581, -0.12359774112701416, 0.6980288624763489, -0.032405804842710495, 0.025645649060606956, 0.46083757281303406, 0.3729815185070038, -0.6544869542121887, 0.7608827948570251, 2.749300003051758, -0.5011235475540161, 0.7575689554214478, -0.1418566107749939, -0.33873113989830017, -0.03420371562242508, -0.01861925981938839, 0.9102258086204529, 0.535194456577301, -1.2238432168960571, -0.9103838205337524, 0.7906690239906311, -0.36224469542503357, 0.1698317676782608, -1.2617592811584473, -0.1066378504037857, 0.3409852981567383, 0.08177206665277481, -1.1372748613357544, -0.3637252748012543, 0.38877853751182556, 0.18298938870429993, -0.18217352032661438, -0.08751450479030609, -0.32941749691963196, 0.14212259650230408, 0.23146408796310425, -0.37859344482421875, -0.7732293009757996, 0.4345444440841675, -0.9834597706794739, 0.17438416182994843, 1.0605324506759644, -0.5765618085861206, -1.5814578533172607, 0.26159432530403137, 0.4451760947704315, -0.28625813126564026, -0.01650179922580719, -0.695850670337677, -0.07179003208875656, 0.38561612367630005, 0.03986839950084686, 0.35114482045173645, -0.029277747496962547, -0.23850972950458527, -0.4051378071308136, -0.24344958364963531, -0.24952325224876404, 0.4721054136753082, -0.5910327434539795, -0.2579489052295685, -2.342405080795288, -0.15111137926578522, -0.9895117878913879, 0.5854033827781677, -0.17467257380485535, 0.5665159225463867, 0.19404837489128113, 0.5655640363693237, -0.7550269365310669, -0.5961819887161255, 0.049423933029174805, -1.6918694972991943, 0.5329094529151917, 0.3728979825973511, 0.23137512803077698, 0.03594216704368591, -0.26045557856559753, 0.9223921895027161, 0.6434603333473206, -0.8392414450645447, -0.30404022336006165, -1.7260932922363281, 0.16327977180480957, 2.084461212158203, 0.04962558299303055, -0.13953259587287903, -1.3054763078689575, -0.5615057349205017, 0.3682481646537781, 0.13655701279640198, 0.33936530351638794, -0.18802952766418457, -0.35136839747428894, -1.3027762174606323, 0.7352001667022705, -0.13993200659751892, 0.2844884395599365, 0.02662016823887825, 1.0940707921981812, -0.7368873953819275, -0.26425302028656006, -0.6081060767173767, -0.5068325996398926, 0.46705710887908936, 0.41618767380714417, 0.2922467887401581, -0.12450742721557617, 0.7166424989700317, -0.23217055201530457, 0.5344512462615967, 0.42767927050590515, 0.6471043825149536, -0.9974304437637329, 0.1905369907617569, 0.09613674134016037, 0.9752432703971863, -0.054836347699165344, 0.036417677998542786, 0.7136887907981873, -0.2307358831167221, -0.18637187778949738, -0.23802118003368378, -0.06463398039340973, -0.2567095458507538, 0.7959897518157959, 0.5639177560806274, -0.4668196141719818, 0.8458468914031982, -0.9758993983268738, 0.6381930112838745, -0.12622131407260895, -0.9241454601287842, -0.31123244762420654, -0.428849995136261, 0.4116901159286499, 0.2666808068752289, 0.19207985699176788, 0.4212193489074707, -0.44531118869781494, -1.1690062284469604, 0.3544256389141083, -0.49118757247924805, 0.2441011518239975, -0.893372654914856, 0.04618634283542633, -0.7051141858100891, -0.9591659903526306, -0.3371541202068329, 0.19719049334526062, 0.11013401299715042, -0.24382510781288147, 0.558531641960144, 0.8411740064620972, -0.2190718650817871, -0.3962605595588684, -0.16014432907104492, 0.9115492701530457, -0.275600403547287, 0.9238595366477966, -0.4818633794784546, -0.2991378605365753, -1.023944616317749, -0.12261205911636353, -0.9611741304397583, 0.4990370273590088, 0.40626680850982666, -0.46711063385009766, 0.2539624273777008, -0.5701323747634888, -0.4984782040119171, 0.9412007331848145, 0.1162935197353363, 0.264108270406723, -0.7287099361419678, 1.195477843284607, 0.5513314008712769, -0.4146701395511627, 0.3669992685317993, 0.41517210006713867, 0.17654362320899963, 0.9257273077964783, -4.3451786041259766e-05, -0.221384659409523, 0.16535580158233643, 0.1867848038673401, 0.6474527716636658, -0.047628745436668396, -2.116384267807007, 0.938320517539978, 0.7624237537384033, -0.8875212073326111, 0.18957212567329407, -0.5031382441520691, 0.10805602371692657, -0.5858538746833801, -0.1800951212644577, 0.5915852785110474, -0.21357902884483337, 0.4092394709587097, -0.326607346534729, 0.28468406200408936, 0.34807977080345154, -0.6898408532142639, 0.3261384665966034, -0.035207998007535934, 0.46882331371307373, -1.108946681022644, -0.5095715522766113, 0.5127467513084412, 0.3760221004486084, 1.0514965057373047, -0.1302526295185089, 1.2374731302261353, 0.9719337224960327, -0.020973563194274902, -0.11406423151493073, 0.7410175800323486, 0.37499889731407166, 0.4487163722515106, 0.49398311972618103, -0.32639485597610474, 0.5496971607208252, -0.2684272229671478, 1.0186851024627686, -0.06882955878973007, 0.0013590827584266663, -1.1434476375579834, -0.5345599055290222, -0.7620164752006531, -0.5542567372322083, 1.474958896636963, 0.7253133058547974, 1.6899688243865967, -0.38431838154792786, 0.651854932308197, -0.7983794808387756, -0.6011186242103577, 0.035306647419929504, -0.08809235692024231, 0.5929933786392212, -0.9759880304336548, 0.17778795957565308, 0.6359373927116394, 0.9033069014549255, -0.005219809710979462, -0.18041867017745972, 1.139795184135437, 0.482425719499588, -0.3096715807914734, 0.2813962399959564, 0.017303135246038437, -0.00825574155896902, 1.5597268342971802, -0.8732101917266846, -0.3614414930343628, -0.06324789673089981, 0.2649073898792267, 0.12996326386928558, 0.9243924021720886, -0.8622186183929443, 0.3855026066303253, 0.13003307580947876, 0.09577932953834534, 0.445110559463501, 0.7436659336090088, 1.4701528549194336, -0.3934486210346222, -1.070617437362671, 0.025956712663173676, -0.7496017217636108, -0.0348336361348629, 0.8139132857322693, -0.4792931079864502, 0.002303201239556074, 0.7302572727203369, -0.10104269534349442, -0.8356838822364807, 0.9390561580657959, -0.5399565100669861, -1.3297812938690186, -0.3693719506263733, 1.0731587409973145, -1.0551120042800903, -0.4408916234970093, 0.5646403431892395, -0.6136924624443054, -0.7189163565635681, 0.15355625748634338, -0.22058723866939545, 1.429594874382019, 0.6544482707977295, 0.7997331619262695, 0.17348313331604004, 0.15109825134277344, -1.0136072635650635, 1.157914400100708, 0.49614769220352173, -0.48773157596588135, 0.3081304430961609, 0.2123328447341919, 0.7858612537384033, 0.7583860158920288, -0.8497375249862671, -0.09972522407770157, 0.9067951440811157, 0.3030640184879303, 0.45232370495796204, -0.40737998485565186, -0.8434444069862366, 0.6425395011901855, 0.18801303207874298, 0.5762133598327637, -1.2728722095489502, 0.09443384408950806, -0.7589704990386963, 0.729148805141449, 1.1074368953704834, -0.6986902952194214, -1.2111153602600098, 0.5703848600387573, -0.7120205163955688, 0.6596921682357788, -0.29988372325897217, -0.3286961615085602, 0.7909068465232849, 0.17764490842819214, -0.013932771980762482, -0.32750463485717773, -12.716507911682129, 1.530143141746521, 0.5676588416099548, 0.2124018520116806, 0.5644197463989258, -0.2958137094974518, 0.027258936315774918, -0.5109748244285583, 0.39219480752944946, -0.22527159750461578, 0.47937196493148804, 0.9826735854148865, 0.5181666016578674, 0.31559422612190247, -0.5731363296508789, -2.050471067428589, -0.8603328466415405, 0.04142141342163086, -0.028258182108402252, -0.2924177944660187, -0.40910035371780396, -0.9393612742424011, 0.5886229276657104, 0.024028707295656204, 1.0459990501403809, -0.06165703758597374, -0.5658431053161621, -0.25995776057243347, -0.6397749781608582, 0.2533997595310211, 0.6403777003288269, 0.6166449785232544, -0.14479327201843262, -0.3665444254875183, -0.040852513164281845, -0.03946194052696228, -0.6037939786911011, -0.2950144410133362, 0.77260822057724, 0.07134387642145157, -0.37688785791397095, 0.3751724362373352, 0.4892556071281433, -0.43880921602249146, -0.9889591336250305, 0.048945099115371704, 0.22894462943077087, -0.856793999671936, -0.16044336557388306, 0.005643084645271301, -0.2333233505487442, -1.0265319347381592, -0.4439786672592163, -0.673922061920166, 0.14277245104312897, 0.08800537139177322, -0.42406314611434937, -0.08717744797468185, -0.5652291774749756, -0.5751700401306152, 0.010987706482410431, 0.47601640224456787, 0.001573711633682251, 0.1502550095319748, 0.06299690902233124, 0.028155410662293434, 0.030053675174713135, 0.7255007028579712, -0.6311827898025513, 0.4956625699996948, -1.1178984642028809, 0.631732702255249, 0.6018768548965454, 0.3306925892829895, -0.1533704698085785, 0.09938398003578186, -0.5066471695899963, -0.9157664775848389, -0.06705893576145172, -0.38695693016052246, -0.6931369304656982, 0.8785529136657715, 0.1493929922580719, 0.1183091327548027, -0.25062036514282227, 0.049848947674036026, 0.13260523974895477, -0.14680442214012146, 0.631604790687561, -0.22976797819137573, 0.7556164264678955, -0.009656287729740143, -0.4211043119430542, -0.045923009514808655, -0.8904003500938416, 1.0899109840393066, -0.5920041799545288, 0.5541496276855469, 0.8051683902740479, -1.0871838331222534, -0.10474342852830887, -0.23631051182746887, -1.162693977355957, -0.3034415543079376, 0.9771731495857239, 0.256854772567749, -0.28275108337402344, -0.5263428092002869, -0.27453652024269104, -0.9903506636619568, 0.7988760471343994, -0.16239987313747406, -0.6910820007324219, 1.1085625886917114, -0.49232855439186096, 0.24979811906814575, 1.3355579376220703, 0.1579563319683075, 0.7226453423500061, 0.6452093124389648, -0.18991313874721527, 0.9593506455421448, -0.31838259100914, 1.0052629709243774, -0.35668525099754333, -0.3799031376838684, 0.5986196398735046, 0.21883583068847656, -0.5878398418426514, -1.487101435661316, -0.2325117588043213, -0.2710626423358917, -0.1291220635175705, -0.38216283917427063, -0.34010306000709534, -0.3393024802207947, -0.5347785353660583, 1.1268559694290161, -0.7427672743797302, 0.5880149602890015, 0.33997011184692383, -0.2442041039466858, -0.054424867033958435, -0.769226610660553, -0.7850998640060425, 0.08731577545404434, -1.6676723957061768, 0.2667154371738434, -0.8400522470474243, -0.7370549440383911, 0.009010514244437218, -0.7786927223205566, 0.5849639773368835, -1.0883947610855103, 0.10317595303058624, -0.38382208347320557, 0.32912182807922363, -0.7330132722854614, -0.6572073698043823, 0.0497753769159317, -0.10530548542737961, 1.3436028957366943, -0.16706180572509766, 0.8048053979873657, 0.12394872307777405, -0.5064833164215088, -0.218496173620224, -0.10491421818733215, -0.39886122941970825, 0.0960477665066719, 0.9075156450271606, -1.2075262069702148, -0.18067044019699097, -0.07371264696121216, -0.005331194028258324, -0.36793187260627747, 1.255699634552002, 0.5382161140441895, -0.7290796041488647, -0.4169774055480957, -0.17114676535129547, 0.39619845151901245, 0.3124282658100128, -0.37462276220321655, -0.3847547173500061, -0.010601893067359924, 0.8020585775375366, 0.5600871443748474, 0.21691149473190308, 0.8251413702964783, -1.127060890197754, -0.7037016749382019, -0.5406696200370789, 0.5787681341171265, 0.8850836157798767, -0.10190115869045258, 0.5565855503082275, 1.0343703031539917, -0.4852241277694702, -0.01744888722896576, 0.08981412649154663, 1.3798905611038208, 0.13295187056064606, 0.35130926966667175, -0.5549192428588867, 0.4722405970096588, -0.21356260776519775, 0.04678523167967796, -0.39420121908187866, 0.38701918721199036, -1.3193467855453491, 0.18085673451423645, 0.1475309580564499, -0.38270464539527893, -0.17498275637626648, -0.8253883123397827, 0.1942683756351471, -0.5693176984786987, -0.24147190153598785, -0.9374146461486816, 0.5214483141899109, 1.503373384475708, 0.6520109176635742, 0.9051958322525024, 0.5170727372169495, 0.6199019551277161, 0.701902449131012, 0.4341062903404236, 1.1042670011520386, 0.4506625235080719, -0.610404372215271, 0.7192016243934631, 0.21756580471992493, 0.3179934322834015, 0.1367456614971161, -0.6761334538459778, -0.5745247602462769, 0.4343099594116211, -0.24212852120399475, 0.6894832849502563, -0.1608724743127823, 0.2087169885635376, 1.004901647567749, 0.7617343068122864, -0.26015013456344604, -1.690755009651184, -0.6554847955703735, -0.8543242812156677, 0.3490552604198456, 0.5478612184524536, 1.3790963888168335, 0.07540606707334518, 0.571928083896637, 0.465998113155365, 0.36150166392326355, -0.12801620364189148, 0.4347859025001526, -0.08548077195882797, 0.08964891731739044, 1.7405825853347778, 0.5994663238525391, 0.16727888584136963, -0.07011347264051437, 0.4494525194168091, -0.7576482892036438, -0.6139493584632874, -0.3398049473762512, 0.8413166403770447, 0.4470617175102234, -0.31611138582229614, 0.32031571865081787, -0.5911566019058228, 0.47815388441085815, -0.2610410153865814, 0.229681134223938, -0.34429752826690674, -1.0074137449264526, -0.5521950125694275, -0.28271543979644775, 0.2635329067707062, 0.8452315926551819, -0.3935392200946808, -0.8301652073860168, 0.49054521322250366, 1.179882287979126, 0.5024060606956482, 0.29596713185310364, -0.38093504309654236, -0.2168337106704712, -0.0949694886803627, 0.1447189301252365, 0.24662679433822632, -0.5263083577156067, -0.31493937969207764, 0.15383760631084442, -0.22604049742221832, 0.4188511073589325, -0.17444175481796265, -1.1419448852539062, -0.1737990826368332, 0.09036920964717865, -0.077215775847435, 0.3124803602695465, 0.5241641998291016, -0.13526184856891632, -1.2679105997085571, 0.5986036062240601, 0.8943154215812683, -0.2445407509803772, -0.5407114028930664, -0.2517198622226715, 0.6345041990280151, -0.18213486671447754, 1.1519877910614014]} +{"paper_id": "xquad_r", "embedding": [-0.2304452657699585, 1.1611847877502441, 0.5082178711891174, -0.8535529375076294, 0.7534845471382141, -0.9527687430381775, 0.06531096994876862, 0.6879193186759949, 0.8920453786849976, 0.32385480403900146, 0.027695834636688232, -0.15344353020191193, 0.4211150109767914, 0.23318162560462952, -0.12923146784305573, -0.8238537907600403, -1.2565345764160156, -0.9722718000411987, -0.9710682034492493, -0.056570298969745636, -0.7175267934799194, -0.14194558560848236, -0.04471642151474953, 1.0419286489486694, -0.04761964827775955, -1.0684846639633179, 0.7949736714363098, -0.6362015604972839, 0.3077270984649658, 0.2672662138938904, -0.32948336005210876, 0.40126165747642517, -1.5747122764587402, 0.3169349431991577, -0.37751737236976624, -0.24563390016555786, 0.6414140462875366, 0.748460054397583, -0.25038251280784607, -0.49453723430633545, -0.2303263545036316, -0.7712875604629517, 0.8786167502403259, 0.3804667294025421, 0.8231525421142578, 0.21922090649604797, -0.2476406842470169, -0.2055741399526596, 0.04620759189128876, -0.31999465823173523, -0.07255754619836807, -0.4547768831253052, -0.2836603820323944, 0.44328564405441284, -0.8963190317153931, 0.7219632267951965, 0.897364616394043, -1.405643343925476, 0.6236478090286255, -1.3371564149856567, 0.9767019748687744, 1.7066688537597656, -0.4484139084815979, 0.08290153741836548, 1.394992470741272, 0.03787656128406525, 1.3690589666366577, 0.4324226975440979, -0.11259862780570984, 0.144042506814003, -0.04389343410730362, -1.4860196113586426, 0.6692747473716736, 0.5016860961914062, 0.8903284072875977, 0.9729375839233398, 0.43714797496795654, -0.19137591123580933, -0.014175547286868095, -0.44429904222488403, -0.9324532747268677, 0.7103483080863953, 0.632546603679657, -0.391655296087265, 0.22894303500652313, -0.01863722689449787, 0.12444677948951721, -0.8839879035949707, 1.0256173610687256, -1.2819879055023193, 0.702789306640625, 0.26246312260627747, 0.6056628823280334, 0.03601905703544617, -0.2541607916355133, 0.2717055380344391, -0.48938941955566406, 0.13034316897392273, -0.37360936403274536, -0.025045674294233322, 0.3485996127128601, 0.16910320520401, 0.6830329895019531, 0.2921736538410187, 0.24130050837993622, 0.7512041926383972, 0.08858920633792877, -0.4110206961631775, -0.9705384373664856, -0.7105247974395752, 0.18094559013843536, 1.3490592241287231, -0.2462722808122635, -0.06645236909389496, 0.12506058812141418, -0.20540857315063477, 0.7787061333656311, -0.5697346925735474, -0.6070834994316101, 0.1729062795639038, 0.03544704616069794, -1.2107657194137573, -0.35672441124916077, -0.01268245279788971, 0.37927335500717163, -0.7690185308456421, -0.24588792026042938, -0.5865945219993591, -0.16026835143566132, 0.34787994623184204, 1.2449246644973755, 0.10017889738082886, -0.5130807161331177, -0.2640050947666168, 3.1262452602386475, -0.9521274566650391, 1.4544485807418823, -0.7949134111404419, -0.4478084146976471, -0.4946306347846985, -0.32539746165275574, 1.1561665534973145, 0.5172434449195862, -1.4445894956588745, 0.2513345777988434, 0.7057320475578308, -0.6437057852745056, 0.17613308131694794, -0.8169882297515869, -0.7473097443580627, -0.481775164604187, -0.012040749192237854, -0.8650801777839661, -0.4706806242465973, 0.24122978746891022, 0.24840977787971497, 0.048188917338848114, 0.6661535501480103, -0.08034439384937286, 1.5278500318527222, -0.4276908040046692, 0.010558467358350754, -0.7546606659889221, 0.30255451798439026, -0.4716491401195526, -0.26822713017463684, 1.0317888259887695, -0.06395421922206879, 0.03906736895442009, -0.055549506098032, 0.9316664934158325, -0.22119411826133728, -0.5515573620796204, 0.06334185600280762, 0.00413035973906517, -0.10967694222927094, 0.8991769552230835, 0.6539572477340698, -0.019006812945008278, -0.33779454231262207, 0.5624206066131592, 0.3148079812526703, 0.4881581664085388, 0.599396288394928, 0.7235362529754639, 1.1876181364059448, -2.3294031620025635, -0.23589642345905304, -0.36744457483291626, 0.03246341273188591, -0.41466209292411804, -0.7053896188735962, -0.5064241886138916, -0.573125958442688, 0.06618547439575195, -0.3919193744659424, 0.33141782879829407, -0.823462963104248, -0.18635453283786774, 0.5766927599906921, -0.40660515427589417, -0.011346566490828991, 0.49370482563972473, 0.8058132529258728, -0.39072349667549133, 0.17012560367584229, -1.139115333557129, -1.6075077056884766, 0.22087019681930542, 2.5730233192443848, -0.05432499945163727, -1.0353487730026245, -1.173209547996521, -0.344757080078125, -0.05563534423708916, -0.40164124965667725, 0.31577444076538086, -0.5161743760108948, -0.17770624160766602, -1.2800174951553345, 0.4896948039531708, 0.08327383548021317, 0.21744045615196228, 0.4716227352619171, 1.1877585649490356, -0.6218676567077637, -0.08833419531583786, -0.23985056579113007, -0.9516491293907166, 0.4778343737125397, 0.4259805679321289, 0.40715405344963074, -0.6575648188591003, 1.398192048072815, 0.2522338628768921, 0.8427287936210632, 0.6287325620651245, 0.8431783318519592, -0.39438939094543457, -0.28809642791748047, 0.11289156973361969, 0.7387310266494751, -0.4120616316795349, 0.017978714779019356, -0.008933939039707184, 0.5575411915779114, -0.672052800655365, -0.17543834447860718, 0.2955135107040405, -0.2288949191570282, 1.2888100147247314, 1.0012364387512207, -0.5096026659011841, 1.5881818532943726, -0.8269762992858887, -0.13091492652893066, -0.3064635694026947, -0.5324003100395203, 0.08569163084030151, -0.6703464984893799, 0.8489487767219543, -0.5344873070716858, 0.37161439657211304, -0.28362566232681274, -0.04453091323375702, -1.6744705438613892, -0.4499119818210602, 0.0762479230761528, -1.0627304315567017, -1.1151436567306519, -0.5550769567489624, -0.40373170375823975, -1.3492082357406616, -0.9861050248146057, 0.2280333936214447, 1.1786234378814697, 0.42842021584510803, 1.344963788986206, 1.966232419013977, 0.1701844334602356, 0.7649261355400085, 0.10155995190143585, 0.9021033644676208, -0.8418869376182556, 0.5049514174461365, 0.6821982860565186, 0.3766975998878479, -1.0644261837005615, -0.3952232599258423, -0.20389237999916077, 0.043392352759838104, 1.0102689266204834, -0.359546959400177, 0.7815148234367371, -0.31388968229293823, -1.925513744354248, 0.6727876663208008, -0.2738690972328186, -0.24693766236305237, -0.4491378664970398, 1.7255183458328247, 0.21647301316261292, 0.0482952855527401, 0.9678940176963806, -0.5095205903053284, -0.41894522309303284, 1.3551474809646606, -0.3669763505458832, 0.049437664449214935, 0.6226220726966858, -0.6632885932922363, -0.7251937985420227, 0.6765430569648743, -1.920871376991272, 0.6566264629364014, 1.2214447259902954, -0.19187787175178528, -0.28806272149086, -0.5110042095184326, 1.1586077213287354, -0.4253040850162506, 0.03959088772535324, 0.38857272267341614, -0.2965543866157532, 0.44312965869903564, -0.596750020980835, -0.3942856192588806, 1.3136992454528809, -0.9838565587997437, 0.8457120656967163, 1.0475984811782837, 0.6102055907249451, -0.7289918661117554, -0.3315165340900421, 1.2812778949737549, -0.5507879853248596, 0.6136614084243774, 0.5088840126991272, 0.2163003832101822, 1.3699572086334229, -0.933899998664856, -0.32825249433517456, 0.06169940531253815, 0.444065660238266, 0.5740122199058533, 0.5376256108283997, -0.4517078995704651, 0.1519641876220703, -0.013597402721643448, 1.3649977445602417, 0.28610119223594666, -1.5468477010726929, -0.7506802678108215, -0.3832334578037262, -0.3764440417289734, 0.19868674874305725, 1.657501220703125, 0.37054747343063354, 1.3253942728042603, 0.5735843777656555, -0.23150634765625, -0.2504735589027405, 0.30909183621406555, 1.2578275203704834, 0.10662713646888733, -0.47693395614624023, -0.010255694389343262, -0.037049584090709686, 0.5623345375061035, -0.24232400953769684, -0.5055834650993347, 0.6438394784927368, 0.7656358480453491, -0.040659043937921524, -0.7503343224525452, 1.1141448020935059, 0.9302854537963867, -0.1664135754108429, 1.4782583713531494, -0.6819298267364502, 0.2814549207687378, -0.22189244627952576, 0.8924397230148315, -0.2614792287349701, -0.09198319911956787, 0.08820995688438416, 1.3590362071990967, 0.48440414667129517, 1.058213710784912, -0.08399052172899246, 0.44058865308761597, 0.7798992991447449, -0.4874023199081421, -1.5631977319717407, -0.8193563222885132, -0.7417219281196594, -0.16152127087116241, -0.1256464421749115, -0.16916006803512573, -0.4734783470630646, 0.6617426872253418, -0.04093710705637932, -0.7852171659469604, 0.5771172046661377, -0.6139991879463196, -1.7241971492767334, 1.3091310262680054, 1.3720675706863403, -0.7253443598747253, -0.30657681822776794, -0.6627684235572815, -1.0224817991256714, -0.5372336506843567, -0.1699928343296051, -1.1941248178482056, -0.19253990054130554, -0.12006840109825134, 1.2562321424484253, -0.2780689001083374, -0.15075838565826416, -0.8215647339820862, 0.8587064743041992, 1.6942774057388306, -0.7338742613792419, 0.09158327430486679, 0.30073463916778564, 0.5538487434387207, -0.6401948928833008, -0.8637420535087585, -1.0537787675857544, 0.05979745090007782, -0.4392692446708679, 0.7506325840950012, -0.9939579963684082, -0.4965035021305084, 0.3877140283584595, 0.371258407831192, 1.7782038450241089, -1.1342326402664185, 0.3446364402770996, -0.649635374546051, -0.24098798632621765, 0.12304125726222992, -0.536952555179596, 0.07620188593864441, 1.2801408767700195, -0.6780672073364258, -0.09119968861341476, -0.4484223425388336, 0.3742629587650299, 1.085085153579712, 0.22648948431015015, 0.2905691862106323, -0.5831667184829712, -10.924870491027832, 0.37477806210517883, -0.03334936499595642, -0.006035409867763519, 1.4223954677581787, -0.5247195363044739, 0.9660173654556274, 0.5833401679992676, 0.5649248361587524, -0.722335696220398, 0.18661315739154816, 0.8192757368087769, 0.47690659761428833, -0.4293566048145294, -0.7943471074104309, -1.0044689178466797, -0.5278943181037903, -0.3092499077320099, 0.538647472858429, 0.29208582639694214, -1.2374926805496216, -0.7295164465904236, -0.30240964889526367, 0.14415861666202545, 0.023223761469125748, -0.027562759816646576, -0.6088157296180725, -0.5887697339057922, 0.6406899690628052, -0.18742609024047852, 0.5102978944778442, -0.2848339378833771, -1.2212194204330444, -0.37227123975753784, 0.0452762097120285, -0.186738520860672, -0.9976975917816162, -0.12501567602157593, 1.1718567609786987, 0.1818324327468872, -0.20293058454990387, 0.05968073382973671, 0.06495822221040726, 0.2614150047302246, -0.24562373757362366, 0.33405888080596924, 0.25619664788246155, -0.9677292108535767, 0.37609514594078064, -0.6916810274124146, -0.4315164089202881, -0.5147969126701355, -0.6902540922164917, -0.03485534340143204, 0.6349307894706726, 0.6134085059165955, -0.5568252801895142, -0.11720294505357742, -0.2939995527267456, -1.7953587770462036, 0.9303989410400391, -0.25389015674591064, -0.35552921891212463, -0.036883722990751266, -0.03547929972410202, -0.012848220765590668, 0.5451080203056335, -0.15526948869228363, -0.17092102766036987, 0.22877244651317596, -0.7565906047821045, 0.8989800810813904, 0.5894758701324463, 0.2725810408592224, -0.3099198639392853, 0.16163043677806854, -0.6524966359138489, 0.3108815848827362, 0.017036886885762215, -0.10512746870517731, -1.20145583152771, 0.7676263451576233, 0.6082267761230469, -0.2898775041103363, -0.40742427110671997, 0.2644989490509033, -0.7385793924331665, 0.34695857763290405, 0.11706145107746124, -0.29669687151908875, 0.773094117641449, 0.1254013478755951, -0.3652518391609192, -0.3410070538520813, -0.449320912361145, 0.8358635306358337, -1.2041351795196533, 0.9196540713310242, 0.15986944735050201, -0.3869675099849701, 0.14626294374465942, -0.4119051396846771, -0.3463147282600403, 0.0633765161037445, 0.6515781283378601, 0.34732571244239807, 0.4086229205131531, -0.1852504312992096, -0.17186973989009857, -0.4802189767360687, 1.144112467765808, 0.37487998604774475, -0.21464033424854279, 1.0591468811035156, -0.3618124723434448, 0.9702447652816772, 0.20903310179710388, 0.42290377616882324, 0.20235544443130493, 1.0989248752593994, -0.6570513844490051, 0.7758293151855469, 0.5741593837738037, 1.0642961263656616, -0.34096038341522217, 0.527550220489502, 0.33840441703796387, 0.4622902274131775, 0.14424452185630798, -1.0998579263687134, 0.17645792663097382, -0.7746950387954712, -0.3927108943462372, -1.0400623083114624, -0.15189044177532196, -0.7778298258781433, -0.9860889911651611, 1.6253758668899536, -0.14446888864040375, 0.36841797828674316, -0.2752598822116852, -0.9352014064788818, -0.11933069676160812, -0.8727654814720154, -0.4885450005531311, 0.6283636093139648, -0.9853551983833313, 0.09071318805217743, -0.08413361012935638, 0.1339506357908249, 0.06240535154938698, -0.37742042541503906, 1.252948522567749, -0.24601656198501587, -0.12355054169893265, -0.28560179471969604, 0.07457828521728516, -0.3834488093852997, -1.590018391609192, -0.8685967922210693, -0.10615507513284683, 1.534195065498352, -1.295482873916626, 1.3960320949554443, 0.6311180591583252, -0.7185803651809692, -1.0943959951400757, 0.20148718357086182, -0.719448983669281, 0.38710445165634155, 1.0382764339447021, -0.18173649907112122, -0.0005871802568435669, -0.4845263957977295, -0.6864831447601318, -1.3741881847381592, 0.549543559551239, 1.4302247762680054, -0.2657780945301056, 0.1457236260175705, 0.2675551474094391, 0.9090687036514282, -0.11619286239147186, -0.1684718132019043, -0.7288622856140137, 0.12786737084388733, -0.1721479892730713, 0.8847126364707947, -0.023596279323101044, 0.6493250131607056, -1.4088780879974365, -0.9493223428726196, -0.007414780557155609, -0.2243155539035797, -0.01908908411860466, -0.10577596724033356, 0.7937332391738892, -0.03517657890915871, 0.2236025035381317, -0.20403817296028137, -0.30598828196525574, 0.4641938805580139, 0.20556236803531647, 0.39398959279060364, -0.19467318058013916, -0.18185414373874664, -0.7680237293243408, 0.0068067461252212524, 0.0819803923368454, 1.126234769821167, -1.1494402885437012, -0.254291296005249, 0.08924271911382675, 0.2982065677642822, 0.06779257953166962, -0.9438921213150024, 0.3280842900276184, -0.057703301310539246, -0.10972034931182861, -1.5336408615112305, -0.24888214468955994, 1.7802242040634155, -0.18124037981033325, 0.9107053875923157, 0.27226659655570984, 1.06173837184906, 0.6152117848396301, 0.37510746717453003, 0.7378214001655579, -0.4228725731372833, -0.5857744812965393, -0.08904154598712921, 0.44286516308784485, -0.17436909675598145, -0.4968988597393036, -0.3555332124233246, -1.0420188903808594, 0.3596575856208801, -0.9833654165267944, 0.500849187374115, 0.017933335155248642, 0.496810644865036, 0.6524199843406677, 0.3784007728099823, 0.04627363383769989, -1.2503424882888794, 0.4370195269584656, -1.1747360229492188, 0.2012702226638794, 0.1182914450764656, 0.03355249762535095, 0.3966812491416931, 0.6515264511108398, -0.2010585218667984, 1.0079524517059326, -0.6677250862121582, -0.312751829624176, -0.022735722362995148, 0.240959033370018, 0.9314339756965637, 0.24649041891098022, 0.3349703252315521, 0.18551760911941528, -0.561896026134491, -0.8240854144096375, -0.7189072370529175, -0.3837353587150574, 0.8512712717056274, 0.8097919225692749, -0.047246791422367096, -0.09859413653612137, -0.3922138214111328, 0.9335177540779114, -1.1084659099578857, 0.9675819277763367, 0.29110264778137207, -0.34508705139160156, -0.7675746083259583, -1.0486022233963013, 0.6491281986236572, 0.7208970785140991, -0.2909885048866272, 0.151026651263237, -0.5843862891197205, 0.2719215452671051, -0.2637749910354614, -0.7702012062072754, -0.942135214805603, 0.4412529468536377, -0.3423069417476654, 0.34735411405563354, 0.6397784948348999, -0.8097517490386963, -0.5571441054344177, 0.16832570731639862, -1.0651501417160034, 0.6385335922241211, 0.16183575987815857, -0.7322217226028442, -0.8007622361183167, 0.6883352398872375, -0.5118963718414307, 0.1334947645664215, 0.7858899831771851, -0.5110994577407837, -1.9533017873764038, 1.2672984600067139, 1.5397876501083374, -0.5500423312187195, -0.7637866735458374, 0.04724077135324478, 0.10947313904762268, 0.4935283660888672, 1.5498006343841553]} +{"paper_id": "opus100", "embedding": [-0.07833174616098404, 1.013139247894287, 0.6328912377357483, -0.10310126096010208, 0.7544546723365784, -0.5261547565460205, -0.07141681760549545, 0.7215937376022339, 1.1796681880950928, 0.12467250227928162, 1.0393275022506714, -0.08618929237127304, 0.2949976325035095, -0.30555564165115356, 0.21241837739944458, -0.22325998544692993, -0.8168351650238037, -0.7534399628639221, -1.857717752456665, -0.7670257091522217, -0.5579257607460022, -0.048574868589639664, 0.39040425419807434, 0.9679695963859558, -0.45166274905204773, -1.0409960746765137, 0.6725812554359436, -1.0050010681152344, 0.049557507038116455, 0.8102888464927673, -0.45263785123825073, 1.0057488679885864, -1.092965841293335, 0.7665448784828186, -0.5905029773712158, 0.0378141850233078, 0.6409293413162231, 0.8649950623512268, 0.3434898555278778, -0.1688729077577591, -0.3530467748641968, -0.8952576518058777, 0.3642627000808716, 0.4969520568847656, 1.042796015739441, 0.0529947355389595, -0.46165749430656433, -0.01855713501572609, -0.1721411496400833, -0.34526437520980835, 0.13619476556777954, 0.37649402022361755, 0.1317659169435501, 0.47502532601356506, -0.67807936668396, 1.6028730869293213, 0.3122047483921051, -0.5780794024467468, 0.49798768758773804, -1.3324532508850098, 1.26925790309906, 1.2979693412780762, -0.8764128684997559, 0.010049749165773392, 1.594402551651001, -0.062373194843530655, 1.755907654762268, 0.39339327812194824, 0.5458723902702332, 0.32646769285202026, 0.5548156499862671, -1.9189929962158203, 0.9405815005302429, -0.4336106479167938, 1.076052188873291, 0.754540205001831, 0.6741220951080322, 0.510658323764801, -0.5597596764564514, -0.2607211470603943, -0.9561503529548645, 1.0028300285339355, 0.3942197561264038, -0.7598980069160461, -0.08696331083774567, 0.9376342296600342, 0.10753685235977173, -0.6145727038383484, 0.8345178961753845, -2.355684757232666, 0.2952834665775299, -0.27250757813453674, 0.5880756974220276, -0.11403556168079376, -0.2807961702346802, 0.3134229779243469, -0.0004812106490135193, -0.23020166158676147, -0.3315896689891815, 0.14810365438461304, 0.5904935002326965, -0.23150643706321716, 0.19524066150188446, 0.16994482278823853, 0.2126760333776474, 1.3403791189193726, 0.1134486049413681, -1.1737209558486938, -2.059039354324341, -0.5750741362571716, 0.36173295974731445, 0.9997157454490662, -0.4452519118785858, 0.9903351664543152, 0.41602805256843567, -0.832419753074646, 0.6602978110313416, -0.42512083053588867, -0.40412160754203796, -0.19886036217212677, -0.20827838778495789, -1.3071324825286865, -0.8225496411323547, -0.8896380662918091, 0.4708104133605957, -1.2370601892471313, -0.11212232708930969, -0.8181633353233337, -0.5246844291687012, -0.5380131602287292, 0.9839627742767334, 0.4859389066696167, -0.6244336366653442, -0.7207476496696472, 2.94629168510437, -0.6813927292823792, 1.3981823921203613, -1.14244544506073, -0.1978272646665573, -0.6036109328269958, -0.26923128962516785, 1.4695035219192505, -0.2444978952407837, -0.32305580377578735, -0.21772031486034393, -0.051250867545604706, -1.3928134441375732, -0.08561358600854874, -0.5779365301132202, -0.7853899598121643, 0.06419104337692261, 0.6486408710479736, -0.8468104600906372, -1.353912353515625, -0.6274234652519226, 0.49025973677635193, 0.7090440988540649, 1.1416864395141602, -0.27262505888938904, 1.2211378812789917, 0.13068577647209167, 0.16353927552700043, -0.4532778859138489, 0.40154534578323364, -1.1376440525054932, 0.6176121830940247, 1.1366498470306396, -0.4295344948768616, 0.17381393909454346, -1.4495131969451904, 0.9503052234649658, -0.3307526111602783, -0.04481200873851776, 0.5719485878944397, -0.3220525085926056, 1.0715041160583496, 0.6207966804504395, 0.5633413195610046, 0.24088983237743378, 0.2151051163673401, -0.344083696603775, -0.0334562249481678, 0.1782626509666443, 0.4019497036933899, 0.5611847043037415, 0.28520911931991577, -2.7445573806762695, -0.8125128746032715, 0.09063760936260223, 0.014976490288972855, -0.1597837209701538, -0.30593371391296387, -0.04142608493566513, -0.8093518614768982, 0.6244319677352905, -0.49474748969078064, 1.1551406383514404, -0.44035807251930237, -0.851926863193512, 0.45128852128982544, 0.3801397681236267, -0.3658992052078247, 0.34629857540130615, 0.5693774819374084, -0.016635464504361153, 0.2472483217716217, -0.0025184527039527893, -0.9721261262893677, -0.6517207622528076, 2.5551724433898926, 0.3031150698661804, -0.46349021792411804, -0.6107039451599121, -0.8961780071258545, 0.24375388026237488, -0.6144677996635437, 0.6021184921264648, -1.1594146490097046, -0.5139294266700745, -1.928672194480896, 0.08620606362819672, -0.43887028098106384, 0.3301171064376831, 0.24960051476955414, 0.8342087864875793, -0.5923007130622864, -0.28332167863845825, -0.6036879420280457, -1.1211557388305664, 0.6882715821266174, 0.7824397683143616, 0.026165684685111046, -0.6449535489082336, 0.7882709503173828, 0.44161415100097656, 0.24073703587055206, 0.7492570877075195, 0.9372751712799072, -0.15017670392990112, -0.6029065251350403, 0.14815784990787506, 1.1579155921936035, -0.32798588275909424, 0.5137019157409668, 0.349869966506958, 0.9374986886978149, -0.5476118326187134, -0.9383478760719299, -0.3464391827583313, 0.004269935190677643, 1.4665148258209229, 1.2172707319259644, -0.1399538516998291, 1.4977121353149414, -0.6713579297065735, 0.07607350498437881, 0.04955441504716873, -1.3726527690887451, 0.41681694984436035, -0.5812907218933105, 0.6304972767829895, -0.7279542684555054, 0.4648774266242981, -0.6171815991401672, -0.21690437197685242, -1.6004488468170166, -0.36130455136299133, -0.9191182851791382, -0.8194214105606079, -1.8674702644348145, -0.5101577043533325, -0.15523584187030792, -0.11159604042768478, -0.5683191418647766, 0.25559404492378235, 1.034264087677002, 0.28882336616516113, 1.2603816986083984, 2.098073959350586, -0.20409056544303894, 0.8527408838272095, -0.38927727937698364, 0.018007919192314148, -0.9061665534973145, 1.3239355087280273, 0.8805251121520996, 0.5617884397506714, -0.9332119226455688, 0.02287384867668152, -0.07491694390773773, -0.10915309190750122, 0.37364205718040466, 0.04660533368587494, 0.35715702176094055, -0.10483629256486893, -1.0146846771240234, 0.9005817770957947, -0.5409600734710693, 0.7170409560203552, -0.9003850221633911, 1.6919677257537842, 0.6014991402626038, 0.09543322026729584, 0.5242834091186523, -0.3803287148475647, 0.15271326899528503, 1.455668568611145, -0.8575173616409302, 0.8524156808853149, 1.491320013999939, -0.31483280658721924, 0.4149801433086395, -0.3512442111968994, -1.3059786558151245, -0.45063599944114685, 0.4707060754299164, 0.16879695653915405, -0.31494826078414917, -0.9647252559661865, 0.5148372650146484, -0.5351855754852295, -0.5354902744293213, 0.256700724363327, -0.4686311185359955, -0.00021380186080932617, -0.05453052371740341, 0.6106333136558533, 1.099199652671814, -0.4999294877052307, 1.0640008449554443, 2.1108477115631104, 0.05606779456138611, 0.18713931739330292, -0.4664844870567322, 0.9709861874580383, -0.702610194683075, -0.09327004849910736, 0.3196749687194824, 0.4434939920902252, 1.9419608116149902, -0.07923335582017899, -0.0466453991830349, 0.7763528227806091, 1.4663479328155518, -0.10278113931417465, 0.6114137172698975, -0.576079249382019, -0.09564759582281113, 0.29283201694488525, 1.0240553617477417, -0.2927810549736023, -1.1634800434112549, -0.776168704032898, 0.5898299217224121, -0.43694639205932617, -0.363907128572464, 2.010214328765869, 0.677639901638031, 1.2895007133483887, -0.09574522078037262, 0.007751782424747944, -0.2999002933502197, 0.256217896938324, 0.5829336643218994, 0.6758540272712708, -0.5668565034866333, -0.3485894799232483, -0.3384043574333191, 1.3155810832977295, -0.6845329403877258, -0.6931753754615784, -0.1263953447341919, 0.924708366394043, -0.9503531455993652, -0.9400485157966614, 0.4896829426288605, 0.6737391352653503, 0.6191962361335754, 0.9322701096534729, -0.5848261713981628, -1.1589093208312988, 0.4690932631492615, 1.0020253658294678, -0.1768086552619934, 0.40458008646965027, -0.5104798674583435, 0.29951685667037964, 0.6688000559806824, 1.1789195537567139, 0.4081152677536011, 0.5624908208847046, 0.5300900340080261, -1.1437727212905884, -0.6794468760490417, 0.06754890084266663, -0.7469927072525024, -0.9471315145492554, -0.74330735206604, -0.15647701919078827, -1.3266220092773438, 0.8281325697898865, -0.7436470985412598, -0.3308241069316864, 0.748903751373291, 0.16794276237487793, -1.5459803342819214, 0.47170257568359375, 1.3005619049072266, -1.5053776502609253, -0.28497087955474854, -0.48281651735305786, -0.699366569519043, -0.5707219839096069, 0.05709194764494896, 0.25189322233200073, -0.8865144848823547, -0.2550310790538788, -0.006770947948098183, -0.7363670468330383, -0.34101325273513794, -1.4222017526626587, 0.4487674832344055, 1.6538630723953247, -0.6473256945610046, 0.7761493921279907, 0.6526808142662048, 0.539888322353363, 0.1915607750415802, -0.7453197836875916, -0.41291630268096924, 0.2724003195762634, 0.4628019630908966, 0.16148091852664948, -0.2380754053592682, -0.7080788612365723, 0.09418907761573792, -0.4190504848957062, 1.41449773311615, -0.9691369533538818, -0.02382957562804222, -0.6585157513618469, 0.7841987609863281, 0.5865681171417236, -0.34337764978408813, -0.31099939346313477, 1.1265106201171875, -0.32381686568260193, 0.07348906993865967, 0.2835734486579895, 0.596490204334259, 1.3037097454071045, 0.32033005356788635, 0.5028172731399536, -0.3118430972099304, -9.258593559265137, -0.3365752398967743, -0.58122718334198, -0.4972451329231262, 0.7092959880828857, -0.162223219871521, 1.180258870124817, 0.3983248472213745, -0.41103073954582214, -0.7517934441566467, 0.5231138467788696, 1.1509745121002197, 0.39818406105041504, -1.03208589553833, -0.7180442214012146, -0.8316447138786316, -0.6051079034805298, 0.15654857456684113, 0.6987704634666443, 0.4380747079849243, -1.2206087112426758, -1.138067364692688, -0.26895320415496826, 0.5090044736862183, -0.838754415512085, 0.41522732377052307, -0.13977284729480743, -0.4011165201663971, -0.2071351706981659, -0.16636840999126434, 0.6756060719490051, -0.4438192546367645, -0.9206767082214355, -1.176146388053894, 1.121164083480835, -0.02024960331618786, -1.323093295097351, 0.143027201294899, 1.4517254829406738, 0.02065836265683174, -0.06602296233177185, 0.5161038637161255, -0.10762161016464233, 0.7395746111869812, -0.5005232691764832, -0.05908827483654022, 0.6759129166603088, -0.8265480995178223, 0.5864284634590149, -0.8259685635566711, -0.9124611616134644, -1.2178466320037842, -0.9934021830558777, -0.39221829175949097, 0.9248276948928833, 0.4967593252658844, -1.0396981239318848, 0.4197104871273041, -0.053713358938694, -1.448584794998169, 0.6380795836448669, 0.37664932012557983, -0.27814334630966187, -0.14363345503807068, -0.10090669244527817, -0.27269724011421204, 0.4217529594898224, 0.11933665722608566, -0.8123170137405396, 0.4128631055355072, -1.0445020198822021, -0.19247056543827057, 0.05655467137694359, 0.3102858066558838, -0.3675587773323059, -0.1231025829911232, 0.020924575626850128, -0.01953333429992199, 0.3664732575416565, 0.5196104645729065, -0.91023850440979, 0.37119242548942566, -0.225065678358078, -0.45381960272789, -0.3093840181827545, 0.19884616136550903, -0.7180454134941101, 0.4369548261165619, 0.7488465309143066, 0.6283671259880066, 0.6659336686134338, -0.4117358922958374, 0.010804001241922379, -0.14414377510547638, -0.08522051572799683, 1.464216709136963, -1.1292134523391724, 0.12351572513580322, -0.028246093541383743, -1.6616337299346924, 1.0777021646499634, 0.45657554268836975, -0.14002129435539246, -0.0723128691315651, 1.0002681016921997, 0.34766244888305664, 0.12192630767822266, 0.4434468448162079, 0.4165043234825134, -0.07443584501743317, 0.944525957107544, -0.24405424296855927, -0.22750224173069, 0.7920164465904236, 0.0927286297082901, 1.366689682006836, 0.7361499071121216, 0.575080394744873, 1.0610017776489258, 0.6161123514175415, -0.5302992463111877, 0.9614757895469666, 0.25893205404281616, 1.5574992895126343, -0.29188165068626404, 0.5702306628227234, 0.19951675832271576, 1.0095680952072144, -0.15084469318389893, -0.8086666464805603, 0.09158796072006226, -0.16468851268291473, -0.31428617238998413, -0.4372963011264801, -0.3966161608695984, -0.20912398397922516, -0.6033021211624146, 1.9286242723464966, -0.06006728485226631, 0.5964046120643616, 0.192453533411026, -1.4335697889328003, 0.522264301776886, -0.40026670694351196, -1.1430600881576538, -0.21637150645256042, -0.40582945942878723, -0.4289625585079193, -0.3801378309726715, -0.2877727746963501, 0.8244082927703857, 0.2960374653339386, 0.8351834416389465, -1.1929057836532593, -0.01768527179956436, -0.31625425815582275, 0.17787356674671173, -1.0076816082000732, -0.27471694350242615, -0.5093836784362793, 0.056979622691869736, 2.055450439453125, -0.8358456492424011, 0.8784580230712891, -0.12924298644065857, 0.6266882419586182, -0.6314128637313843, -0.3017359673976898, -0.6936737895011902, 0.6850365400314331, 1.1258035898208618, -0.4207872748374939, -0.26328781247138977, -0.5546034574508667, -0.8191269636154175, -0.7346408367156982, 0.6533244848251343, 1.5972317457199097, -0.1074097603559494, 0.8095965385437012, -0.036956753581762314, 0.6179845333099365, -0.3018069863319397, -0.4556090533733368, -0.8103604316711426, 0.3821737468242645, -0.488442987203598, 1.1378469467163086, -0.4826156795024872, 0.6556326746940613, -2.2985780239105225, -1.2789571285247803, -0.17917029559612274, -0.6461605429649353, 0.32111287117004395, -0.29098451137542725, 0.6493420600891113, -0.34516826272010803, 0.6291331052780151, 0.14857396483421326, -0.16651107370853424, 0.3604232668876648, -0.43366575241088867, 0.3933606743812561, 0.18193073570728302, 0.16281862556934357, -0.8481385111808777, 0.3126422166824341, 0.17772544920444489, -0.07354182749986649, -1.297224998474121, 0.25298571586608887, 0.0026307478547096252, 0.122184619307518, -0.239793062210083, -0.7140384912490845, 0.8072594404220581, -0.3726665675640106, 0.27242836356163025, -1.395591139793396, -0.3419296443462372, 1.3128150701522827, -0.6839541792869568, 0.7831587791442871, 0.39581283926963806, 0.7327079772949219, 0.47544917464256287, 0.6168487071990967, 0.8070108890533447, -0.5222480297088623, -1.0353823900222778, -0.187480628490448, 0.3486637771129608, -0.984178900718689, -0.09862922132015228, 0.1843888759613037, -1.7954496145248413, -0.23918521404266357, -1.6645714044570923, 1.078082799911499, -0.4924665093421936, 0.5134488344192505, 0.22615711390972137, 0.6075718402862549, -0.15834271907806396, -1.4542967081069946, 0.5312119722366333, -0.5219939947128296, 0.2484946995973587, 1.0177183151245117, 0.08037225902080536, 0.32216620445251465, 0.5176452398300171, 0.13421517610549927, 0.7294796109199524, -0.4233805239200592, -0.7932848334312439, -0.10109979659318924, 0.3220757842063904, 1.0468015670776367, 0.033821530640125275, 0.005351180210709572, -0.19420669972896576, 0.37108951807022095, -0.45804935693740845, -0.7869749665260315, 0.4323115944862366, 0.2907339334487915, 1.3837298154830933, -0.08099476993083954, -0.06431543827056885, -1.8406383991241455, -0.15378552675247192, -1.3979154825210571, 1.151011347770691, 1.3707152605056763, -0.5235282182693481, -1.7916977405548096, -1.2553764581680298, 0.06350860744714737, 0.8604361414909363, -0.22411927580833435, 0.3961212635040283, -0.9429786801338196, 0.9928532242774963, 0.16279645264148712, -0.6209852695465088, -1.417921543121338, 0.2700622081756592, -0.19752897322177887, 0.21248768270015717, 0.35531488060951233, -0.677467405796051, -0.5118821263313293, 0.31244996190071106, -1.2168385982513428, 0.2904717028141022, -0.16377978026866913, -0.4243428111076355, -0.6589651107788086, -0.2860454320907593, -0.25241613388061523, -0.22897279262542725, 0.4597347378730774, -0.48411649465560913, -1.8945125341415405, 1.1578447818756104, 0.9130502343177795, -0.9287030100822449, -0.9987426996231079, 0.3972799479961395, 0.0025647468864917755, -0.2529119849205017, 1.7659246921539307]} +{"paper_id": "tydiqa", "embedding": [-0.8242355585098267, 0.6698220372200012, 0.17733332514762878, -0.5246623158454895, 0.5878849029541016, -0.2957592308521271, -0.11319195479154587, 0.8150211572647095, 0.8950271606445312, 0.3735402226448059, 0.23678526282310486, -0.2633398473262787, 0.6808415651321411, -0.021872838959097862, 0.029863979667425156, -0.6566020250320435, -1.1300368309020996, -0.9147163033485413, -1.169653296470642, -0.3207782208919525, -0.16259193420410156, -0.3205013871192932, -0.31636282801628113, 1.3005585670471191, -0.4948107600212097, -1.33258855342865, 0.7864784002304077, -0.44395652413368225, 0.4922042787075043, 0.46216198801994324, -0.21302178502082825, 0.6035466194152832, -1.7586102485656738, 0.2557949721813202, -0.3917732834815979, -0.2578393518924713, 0.04058994725346565, 1.1449556350708008, -0.23033276200294495, -0.24251630902290344, -0.6358104944229126, -0.21645423769950867, 0.26127883791923523, 1.0010693073272705, 0.9719427227973938, -0.23049116134643555, 0.06539320945739746, -0.04750671610236168, -0.413227915763855, -0.38103026151657104, -0.2488289773464203, 0.25937023758888245, 0.0707978829741478, 0.7803654670715332, -0.4887333810329437, 0.5020783543586731, 0.46327725052833557, -1.058342695236206, 0.7662403583526611, -1.3655977249145508, 1.0136688947677612, 1.8938449621200562, -0.8911349177360535, 0.345405250787735, 1.2850041389465332, -0.22060233354568481, 1.0743801593780518, 0.48908787965774536, 0.2512814402580261, 0.9814271926879883, 0.25894665718078613, -0.5663129687309265, 1.2930632829666138, 0.3522803783416748, 0.8645213842391968, 0.7280213832855225, 0.07027526199817657, 0.31221088767051697, -0.32581639289855957, -0.5252207517623901, -0.20017355680465698, 0.1615091860294342, 0.35115036368370056, -0.6527100205421448, -0.12168000638484955, 0.32831376791000366, 0.2606971561908722, -1.3636195659637451, 0.6275316476821899, -1.6718087196350098, 0.612894594669342, 0.10830999165773392, 0.3424428701400757, -0.2937800884246826, -0.13826172053813934, 0.24356579780578613, -0.9528056979179382, 0.2633700966835022, 0.19926875829696655, 0.1934458315372467, 0.58192378282547, -0.031687475740909576, 0.7621703147888184, 0.10630358755588531, -0.07886552810668945, 0.38756364583969116, -0.0896315649151802, -0.22451543807983398, -0.6794913411140442, -0.3793463706970215, -0.13573423027992249, 0.6928636431694031, -0.38588660955429077, 0.278624027967453, 0.22929029166698456, 0.46114465594291687, 0.3680057227611542, -1.0934289693832397, -0.5046365857124329, 0.13775819540023804, 0.14897878468036652, -0.852270245552063, -0.27507758140563965, 0.17585228383541107, 0.8144845366477966, -0.3624325692653656, -0.24976927042007446, -0.2177567183971405, -0.5496393442153931, 0.07378794252872467, 1.025460958480835, -0.06620794534683228, -0.2854384481906891, -0.2915908396244049, 3.182302236557007, -0.8104201555252075, 1.5198031663894653, -0.537493884563446, 0.09836985915899277, -0.1843278408050537, -0.9147179126739502, 0.8186980485916138, 0.40167444944381714, -1.4512825012207031, -0.38464558124542236, 0.15832547843456268, -0.41562730073928833, 0.15534959733486176, -0.9434769749641418, -0.010315008461475372, -0.17463353276252747, 0.457042396068573, -0.9535468220710754, -0.3172869086265564, 0.7551255822181702, 0.32563140988349915, -0.12463478744029999, 0.48735910654067993, -0.6306638121604919, 0.9170321822166443, -0.22500738501548767, 0.25718316435813904, -0.5215922594070435, 0.6329074501991272, -0.9681718349456787, -0.17486317455768585, 0.7976657152175903, -0.13271096348762512, -0.440238356590271, -0.12134173512458801, 0.36693984270095825, -0.4014207124710083, -0.06290006637573242, 0.21884122490882874, -0.020116014406085014, -0.2924182713031769, 0.44902679324150085, 0.3650916516780853, 0.2601994276046753, -0.6816990971565247, -0.08698618412017822, 0.13012342154979706, 0.22838816046714783, 1.116324782371521, 0.11686013638973236, 0.22509926557540894, -2.0599443912506104, 0.1608697474002838, 0.06774362921714783, -0.22442024946212769, 0.04728960990905762, -0.5571866035461426, 0.036323461681604385, -0.5267963409423828, 0.15651437640190125, -0.23585328459739685, 0.5657373666763306, -1.321352481842041, -0.460898756980896, 0.242953822016716, -0.62857985496521, 0.28088098764419556, 0.42635655403137207, 0.5451733469963074, 0.12474875152111053, -0.49365749955177307, -1.0141677856445312, -1.3653271198272705, 0.043966878205537796, 2.0127477645874023, 0.06718584895133972, -0.38175061345100403, -0.9809684157371521, -0.395335853099823, -0.5350984334945679, -0.7650196552276611, -0.20608334243297577, -0.9373358488082886, 0.0584639236330986, -1.2979304790496826, 0.4670405983924866, -0.34816497564315796, -0.05073670297861099, 0.38615942001342773, 1.3767240047454834, -0.8639970421791077, -0.29134809970855713, -0.4762157201766968, -0.9235482811927795, 0.671000599861145, 0.8287268280982971, 0.3631182909011841, -0.5003713965415955, 0.7620071768760681, -0.1616964489221573, 0.9016371965408325, 0.3374044597148895, 0.6663338541984558, -0.6773501634597778, -0.3154635727405548, -0.10496485233306885, 1.214685082435608, -0.08525978028774261, 0.3041861355304718, 0.46555477380752563, 0.7352114915847778, -0.667151689529419, -0.3374648988246918, -0.036609336733818054, -0.13854557275772095, 1.3479177951812744, 1.0845273733139038, -0.7347592711448669, 1.55100417137146, -1.1103157997131348, 0.28069278597831726, -0.05230822041630745, -0.7547610998153687, -0.4096013307571411, -0.5559129118919373, 1.1108266115188599, -0.3299379348754883, 0.6947822570800781, 0.3419584631919861, 0.020979300141334534, -1.592955470085144, 0.05093818157911301, -0.012054413557052612, -0.706670343875885, -0.7461415529251099, -0.3231351375579834, -0.45743703842163086, -0.7965766191482544, -1.0295302867889404, 0.13059204816818237, 0.7125373482704163, -0.06400768458843231, 1.3542027473449707, 1.2835131883621216, 0.46198558807373047, 0.7078809142112732, 0.1377628892660141, 1.1667890548706055, -0.9782671332359314, 0.5722603797912598, 0.11528193950653076, 0.011197888292372227, -1.103912115097046, -0.13140228390693665, -0.6047384142875671, -0.20424231886863708, 0.7226424217224121, -0.3885864019393921, 0.859488844871521, -0.19919130206108093, -1.4620609283447266, 0.8965705037117004, -0.3115246295928955, -0.4115687310695648, -0.39769279956817627, 1.5958303213119507, -0.22167573869228363, -0.04077965021133423, 0.8447285890579224, -0.7165451049804688, 0.23328246176242828, 0.9301552176475525, 0.15639302134513855, -0.34598830342292786, 0.6557743549346924, -0.24752384424209595, -0.12217245995998383, 0.7289491295814514, -2.0605626106262207, 0.7739343643188477, 1.1861377954483032, -0.018132619559764862, -0.16985224187374115, -0.7156146764755249, 0.41985416412353516, -0.38188260793685913, -0.11435654014348984, 0.5909591913223267, -0.10894199460744858, 0.5862755179405212, 0.18041890859603882, -0.07264266908168793, 1.1927248239517212, -0.27391764521598816, 0.2767699360847473, 0.9720463752746582, 0.5378106236457825, -0.43181273341178894, -0.07361410558223724, 0.45980170369148254, -0.5867278575897217, 0.6171857118606567, 0.24874237179756165, 0.7692766189575195, 1.271652340888977, -0.30554407835006714, -0.38553109765052795, 0.46274274587631226, 0.48410800099372864, 0.32588544487953186, -0.0005450146272778511, -0.4200817346572876, 0.7758749723434448, 0.17152196168899536, 1.3187248706817627, 0.35299816727638245, -1.2005481719970703, -0.9934682250022888, -0.3870753049850464, -0.6780250668525696, -0.2334083616733551, 1.4325464963912964, 0.8198146820068359, 0.847163200378418, 0.05955663323402405, 0.3339432179927826, -0.8142874240875244, -0.20180657505989075, 1.2316007614135742, 0.14353980123996735, -0.1449987143278122, -0.3279101252555847, 0.11623574048280716, 0.6950330138206482, -0.4808809161186218, -0.6490384340286255, -0.0604829415678978, 1.154648780822754, 0.3316090703010559, -0.5981596112251282, 0.4975980818271637, 0.8546162843704224, 0.07655122131109238, 0.868951678276062, -0.6799566745758057, -0.011022485792636871, -0.036250628530979156, 0.5026764273643494, -0.22262711822986603, 0.25210365653038025, -0.19029173254966736, 0.6384000778198242, 0.07620169222354889, 0.971883237361908, 0.029842913150787354, 0.9067363142967224, 1.009676218032837, -0.8725794553756714, -0.858171284198761, -0.2173159271478653, -1.2874499559402466, -0.18904398381710052, 0.31497251987457275, 0.042183298617601395, -1.0076290369033813, 0.5371972322463989, -0.10639085620641708, -0.277398943901062, 0.33111485838890076, -0.6998786926269531, -0.822104811668396, 0.9017050266265869, 0.8445900678634644, -0.9677823781967163, -0.6214768290519714, -0.34408095479011536, -0.9627009034156799, -0.8395946621894836, 0.17088671028614044, -0.9700028896331787, -0.038955919444561005, -0.23005461692810059, 0.8247246146202087, -0.26161807775497437, -0.39488428831100464, -0.9675425887107849, 0.9936379790306091, 1.1587779521942139, -0.603954017162323, -0.1853928118944168, 0.11912167072296143, 0.9054860472679138, -0.0858040452003479, -1.049399971961975, -0.7144851684570312, 0.9671720266342163, 0.1409824788570404, 0.6215105056762695, -0.5765166282653809, -0.7599969506263733, 0.47962409257888794, 0.36638447642326355, 0.9102876782417297, -1.1628241539001465, 0.22489552199840546, -0.6215219497680664, 0.17333467304706573, 1.0397862195968628, -0.8561023473739624, -0.43947699666023254, 0.6171869039535522, 0.04159494489431381, 0.5857868194580078, -0.7394832372665405, 0.12748079001903534, 0.6714757084846497, -0.06836884468793869, 0.33627772331237793, -0.28927841782569885, -12.219477653503418, 0.87233567237854, -0.20043039321899414, 0.5111016631126404, 0.9181712865829468, -0.5302141904830933, 0.9376611709594727, 0.08160470426082611, 0.413084477186203, -0.8486550450325012, -0.21527834236621857, 0.7602829933166504, 0.48836225271224976, 0.08204621076583862, -0.7604608535766602, -1.2625892162322998, -0.6242372989654541, -0.48333048820495605, 0.15535473823547363, -0.23044171929359436, -0.7264677882194519, -0.4958403706550598, -0.40571123361587524, 0.5529464483261108, 0.26316505670547485, -0.33537840843200684, -0.5573222637176514, -0.4423929750919342, -0.04099024832248688, -0.46007516980171204, 0.6346495747566223, 0.23187947273254395, -0.7006824016571045, -0.1689954698085785, -0.2742066979408264, -0.06096523627638817, -0.5570973753929138, -0.05437450110912323, 1.2042391300201416, -0.34725743532180786, -0.3049948811531067, 0.49615803360939026, 0.5590954422950745, 0.35423800349235535, -0.10117345303297043, -0.01611454039812088, 0.24170616269111633, -0.4400057792663574, 0.5620869398117065, -0.7788789868354797, -0.5564424395561218, -0.6450265645980835, -0.41049280762672424, -0.5078853368759155, 0.1560589224100113, 0.2539231777191162, -0.5098379254341125, -0.301052987575531, -0.5233815908432007, -1.3523969650268555, 0.4909309446811676, -0.17144453525543213, -0.7603320479393005, 0.12227778136730194, -0.4636463224887848, -0.43203645944595337, 0.18735802173614502, -0.009019295684993267, -0.2312522530555725, 0.12720602750778198, -0.8433313965797424, 0.6729751229286194, 0.1431543529033661, 0.1901257336139679, -0.7655496001243591, -0.25805363059043884, -0.7465091943740845, -0.23480916023254395, 0.15642184019088745, 0.09400002658367157, -0.9851860404014587, 1.079740047454834, 0.7320812940597534, -0.22282996773719788, -0.39086681604385376, 0.04215109720826149, -0.0720457211136818, 0.3828999400138855, 0.6792676448822021, -0.5565022826194763, 1.0594254732131958, 0.29358968138694763, -0.13587689399719238, -0.2747293710708618, -0.2861010432243347, 1.1045513153076172, -0.5975165963172913, 0.5430023670196533, 0.050805673003196716, -0.5319752097129822, -0.5699827075004578, -0.4781428575515747, -0.7757853269577026, 0.19223672151565552, 0.7804250717163086, 0.08956872671842575, 0.6875959038734436, 0.2262997329235077, 0.6727858781814575, -0.3706378936767578, 1.1465613842010498, -0.1340932697057724, -0.27265578508377075, 1.3303253650665283, -0.3441007733345032, 1.1047959327697754, 0.24447962641716003, 0.3302903175354004, 0.843420147895813, 0.9401642680168152, -0.44109126925468445, 0.7940480709075928, -0.19336816668510437, 1.5703628063201904, -0.5071759819984436, 0.3802308738231659, 0.10707320272922516, 0.5389220118522644, -0.019974272698163986, -1.0501255989074707, 0.04856843501329422, -0.5810550451278687, 0.07097608596086502, -1.1447031497955322, -0.17792625725269318, -0.479718416929245, -0.46227848529815674, 1.3623113632202148, -0.5294915437698364, 0.1765660047531128, -0.5473975539207458, -1.0188919305801392, -0.42743900418281555, -1.4138808250427246, -0.6796403527259827, 0.15651309490203857, -0.7693678736686707, 0.08076424151659012, -0.1793075054883957, -0.5282918214797974, 0.29524949193000793, -0.1700213998556137, 1.3627293109893799, -0.6484008431434631, -0.10420799255371094, -0.35656747221946716, 0.09139057993888855, -0.43196630477905273, -1.2378549575805664, -0.10108404606580734, 0.28029733896255493, 1.3921160697937012, -0.8582348227500916, 1.7284868955612183, 0.27120935916900635, 0.04372783750295639, -0.5742634534835815, -0.21887169778347015, -0.23857992887496948, 0.15182897448539734, 0.7341883182525635, -0.6557135581970215, -0.7124859690666199, -0.5434059500694275, -0.6481234431266785, -0.7059916853904724, 0.10585924237966537, 0.7849239110946655, -0.4240399897098541, 0.38152459263801575, -0.0881667286157608, 0.8234800696372986, -0.6795956492424011, -0.2905818223953247, -0.5957901477813721, 0.22680795192718506, -0.34548184275627136, 0.9943143725395203, 0.8012397289276123, 1.0705986022949219, -1.2789509296417236, -1.3192775249481201, -0.39866209030151367, 0.4386788606643677, 0.5372084379196167, -0.1443907618522644, 0.693394124507904, 0.05205398052930832, -0.047757238149642944, -0.057565491646528244, -0.12740188837051392, 0.40121763944625854, 0.2816852927207947, -0.2543693780899048, -0.2428283840417862, 0.4305223822593689, -0.25973400473594666, 0.05447300150990486, 0.4111793339252472, 0.7840064764022827, -0.8562418818473816, -0.8852705359458923, 0.4806579053401947, -0.029092352837324142, -0.09184946119785309, -0.6796165704727173, 0.24725201725959778, -0.09276653081178665, 0.1202361136674881, -1.0267120599746704, -0.12815162539482117, 1.514699101448059, -0.35482853651046753, 0.8049580454826355, 0.47122424840927124, 0.9127105474472046, 0.41506683826446533, 0.6820318698883057, 0.5629196166992188, -0.4958750605583191, -0.4686727821826935, 0.1679581254720688, 0.34338563680648804, -0.03450830653309822, -0.40757450461387634, -0.13638639450073242, -0.6068034172058105, 0.32335829734802246, -0.7463943958282471, 1.0499898195266724, -0.40178394317626953, 0.5916429758071899, 0.19012027978897095, 0.9436164498329163, -0.25918012857437134, -1.4367119073867798, -0.08685321360826492, -0.8698918223381042, 0.01807912439107895, -0.11475710570812225, 0.9465293288230896, 0.5324601531028748, 0.8448573350906372, 0.2228204756975174, 1.1390655040740967, -0.8088503479957581, -0.19760499894618988, 0.33671244978904724, -0.008778296411037445, 1.2818979024887085, 0.4436330199241638, 0.25065189599990845, 0.22513717412948608, -0.16380542516708374, -0.7754441499710083, -0.3603433668613434, -0.12604567408561707, 1.0597172975540161, 1.0241483449935913, -0.11711007356643677, 0.16587211191654205, -0.9716646075248718, 1.4937807321548462, -0.5343042016029358, 0.6427996754646301, 0.6427710056304932, -0.38020241260528564, -0.4703027307987213, -0.8122332096099854, 0.4896620512008667, 0.6543665528297424, -0.12203207612037659, 0.010457172989845276, -0.3906491994857788, 0.4072411060333252, 0.3238668739795685, -0.6377991437911987, -0.9269070625305176, 0.3878912925720215, -0.49121958017349243, -0.03460419178009033, 0.8826416730880737, -0.43786513805389404, -0.5546360015869141, -0.04866984114050865, -0.8223968744277954, 0.33354994654655457, 0.37982410192489624, -0.8117797374725342, -0.6868573427200317, 0.29667386412620544, -0.5384317636489868, 0.39708244800567627, 0.15788963437080383, -0.6397660374641418, -1.411511778831482, 0.9688003063201904, 1.6697757244110107, -0.3592628836631775, -0.3208978474140167, -0.27847886085510254, -0.11498959362506866, 0.393576979637146, 1.248562216758728]} +{"paper_id": "codah", "embedding": [-0.10837987810373306, 0.8128459453582764, 0.19805260002613068, -0.46261683106422424, 0.30593064427375793, 0.026479467749595642, 0.3581787645816803, 0.5615835189819336, 0.8966140747070312, 0.31432512402534485, 0.3649180829524994, 0.32158368825912476, 0.005820045247673988, -0.14877837896347046, -0.44594940543174744, -0.5413895845413208, -0.5323564410209656, 0.19313287734985352, -1.7956578731536865, 0.013243943452835083, -0.6123515963554382, -0.9745272397994995, -0.2464020997285843, 0.8393417596817017, -0.7872840166091919, -0.5446765422821045, 0.7425343990325928, -1.1641957759857178, 0.8183950781822205, 0.2582609951496124, -0.2776872217655182, 1.5326403379440308, -1.5284011363983154, 0.6555326581001282, -0.503508448600769, -0.5168896317481995, 0.24345318973064423, 0.9542945027351379, 0.317451149225235, -0.4632224440574646, -0.5842679142951965, 0.42677003145217896, 0.800878643989563, 0.24888156354427338, 1.1194877624511719, -0.25526249408721924, 0.3518438935279846, -0.36735302209854126, -0.9184770584106445, -0.11523142457008362, -0.8478809595108032, 0.16097328066825867, 0.22299973666667938, 0.6126941442489624, -0.10028878599405289, 0.5995914936065674, 0.5075139403343201, -0.3338751792907715, 0.8576540946960449, -0.8684698343276978, 1.8007546663284302, 1.6893579959869385, -0.15269514918327332, 0.49766600131988525, 1.2359411716461182, 0.1490815132856369, 2.0185632705688477, 0.7578688263893127, -0.4715158939361572, 0.7917671799659729, -0.2145194113254547, -1.248412847518921, -0.21046355366706848, -0.006927013397216797, 0.025721311569213867, 0.09993869066238403, -0.33206817507743835, 0.5650947690010071, 0.24842879176139832, 0.21087709069252014, -0.02348247542977333, 0.3096633553504944, 0.3558790683746338, -0.007511451840400696, 0.23401173949241638, 0.17368584871292114, 0.7792927026748657, -1.4747486114501953, 0.312340646982193, -2.132915735244751, 0.5302202105522156, 0.5672059655189514, 0.5221898555755615, -0.4961470663547516, -0.4810245633125305, 0.9061256051063538, -0.2926598787307739, -0.53919917345047, -0.35162025690078735, 0.4671941101551056, 0.6755193471908569, 0.3241792619228363, -0.025913197547197342, -0.5299316644668579, 0.544452428817749, 0.7872007489204407, 0.5278474688529968, -0.17238610982894897, -0.9474090933799744, -0.961611807346344, 0.07566553354263306, 0.8118925094604492, -0.24103255569934845, 0.5682669281959534, -0.07480568438768387, 0.4274512529373169, 0.42622920870780945, -0.9129102230072021, 0.041271571069955826, 0.11620645970106125, -0.22117620706558228, -1.2170865535736084, 0.05736801028251648, -0.33163443207740784, 0.7272931337356567, -0.4310040771961212, -0.7035132050514221, -0.6847900748252869, 0.04129656031727791, 0.3205038011074066, 0.8983554840087891, 0.13338519632816315, -0.769609272480011, -0.36241039633750916, 3.4112091064453125, -0.7562525272369385, 1.698182463645935, -1.1071603298187256, 0.011054820381104946, -0.5460485219955444, -0.5344436764717102, 1.4121794700622559, 0.28468599915504456, -0.025914562866091728, -1.086695671081543, 0.34460821747779846, -0.5198268294334412, -0.1670481264591217, -0.8743396997451782, -0.6358984112739563, -0.1361035704612732, 0.6620780229568481, -1.5500057935714722, -0.5014232397079468, 0.365226149559021, 0.7357873916625977, -0.5627509951591492, 0.8629204630851746, -0.5183610916137695, 0.6202376484870911, -0.32169950008392334, -0.3801079988479614, -0.02175186574459076, 0.4227854609489441, -0.7838382720947266, 0.012378464452922344, 0.3936120569705963, -0.3106697201728821, -0.7289222478866577, -0.26545295119285583, 0.764983594417572, -0.8168084025382996, -0.2692696154117584, 0.03655535727739334, -0.3288631737232208, 0.7940195798873901, 0.4209655523300171, 0.561764657497406, 0.24515114724636078, -0.6224645972251892, -0.7946316599845886, -0.36543700098991394, -0.3731512129306793, 0.5441691875457764, -0.3004070818424225, -0.18155576288700104, -2.6397621631622314, -0.31706446409225464, 0.2761572003364563, 0.8665322661399841, 0.6197102665901184, -0.08361222594976425, 0.11429161578416824, 0.6788221597671509, -0.2463979870080948, -0.5805491805076599, 0.8723469376564026, -1.1565182209014893, -0.17298737168312073, 0.37083715200424194, -0.16452263295650482, -0.5049156546592712, -0.050706781446933746, 0.7320849299430847, 0.8908593058586121, -0.2034781575202942, -0.5680786967277527, -1.628021478652954, 0.10636381804943085, 2.0356557369232178, 0.7378685474395752, -0.7032542824745178, -1.0822467803955078, -0.27585604786872864, 0.3780582845211029, 0.016606973484158516, 0.4014648497104645, -0.8609045743942261, 0.30363109707832336, -1.1292122602462769, 0.5197085738182068, -0.02266376093029976, 0.520183265209198, 1.2258641719818115, 1.7291631698608398, -0.4594043493270874, -0.3038404583930969, -0.6074385046958923, -0.47550517320632935, 0.5332327485084534, 0.45027756690979004, 0.14995022118091583, 0.14026880264282227, 1.294433355331421, 0.48082828521728516, 0.865947961807251, 0.7159820199012756, 0.8043062686920166, -0.8213987350463867, 0.28916531801223755, -0.1821872591972351, 0.45655548572540283, 0.21770717203617096, -0.22455206513404846, -0.20118290185928345, 0.31968069076538086, -0.37738490104675293, -0.679845929145813, -0.331847608089447, -0.04000439494848251, 1.4057133197784424, 0.39186662435531616, -0.5400701761245728, 0.44216397404670715, -0.6048891544342041, -0.14132896065711975, -0.36734533309936523, 0.007511928677558899, -0.10334627330303192, -0.6479682922363281, 0.5975337624549866, 0.07483319193124771, 0.7051075100898743, -0.7490382790565491, 0.3197113275527954, -0.9843193292617798, -0.1987016350030899, 0.10109131783246994, -0.1682702898979187, -0.7831718921661377, -0.4600164592266083, -0.35814034938812256, -0.9876047968864441, -0.9344761967658997, -0.21407051384449005, 0.19377589225769043, 0.23995545506477356, 0.8846441507339478, 1.6034332513809204, -0.019346753135323524, -0.10063747316598892, -0.12158901989459991, 1.1577951908111572, -0.5009453892707825, 0.7893480658531189, -0.03355185687541962, 0.971576988697052, -1.1103357076644897, 0.575822114944458, -0.906516969203949, 0.009658366441726685, 0.45719146728515625, -0.1564723551273346, 0.7842510938644409, -0.49719002842903137, -0.09416472911834717, 1.4048125743865967, -0.12667067348957062, 0.15825502574443817, 0.027798905968666077, 1.4324063062667847, 0.4420627951622009, -0.9661299586296082, 1.0049489736557007, -0.4833446145057678, -0.4087885618209839, 1.1704200506210327, -0.38383394479751587, 0.18600571155548096, 0.3806447982788086, 0.08558665215969086, 0.7388171553611755, 0.24537056684494019, -2.3623063564300537, 1.0122944116592407, 0.962715208530426, -0.301400750875473, -0.3597485423088074, -0.950285792350769, 0.351379930973053, -1.0098655223846436, 0.01500166766345501, 0.5286678075790405, -0.5537592768669128, 0.311581015586853, -0.03776492550969124, 1.00139582157135, 0.7359383702278137, -0.21794171631336212, 0.6227010488510132, 0.962165892124176, -0.20726531744003296, -0.9695985913276672, -0.4425967037677765, 1.3221312761306763, -0.5188368558883667, -0.37289324402809143, 0.21553388237953186, 0.791005551815033, 0.3324507176876068, 0.12339238077402115, -0.40680477023124695, 0.4668174982070923, 0.6069772839546204, -0.3514167070388794, -0.566235363483429, -0.6012811064720154, 0.48337066173553467, -0.18110477924346924, 0.9716997742652893, -0.5232097506523132, 0.09958025813102722, -1.3378268480300903, 0.3970799744129181, -0.07242106646299362, -0.3061860501766205, 1.5587427616119385, 0.40956875681877136, 0.8686747550964355, 0.11604262888431549, 0.2585071623325348, -0.24361485242843628, -0.18235957622528076, 0.5149734616279602, 0.222406804561615, -0.0402723103761673, -0.6427104473114014, -0.30245617032051086, 0.5928131341934204, 0.12217291444540024, -0.7607285380363464, 0.4775003492832184, 0.9243634939193726, -0.3309813141822815, -0.7784378528594971, 0.8663671016693115, 1.1492506265640259, 0.6514248251914978, 1.5250213146209717, -0.04017941653728485, 0.11850723624229431, -0.24258749186992645, 0.6174556016921997, 0.4817057251930237, 0.5821775197982788, -0.11106988787651062, 0.556355357170105, 0.7503827810287476, 0.4882895350456238, 0.229558065533638, 1.2262513637542725, 1.053890585899353, -0.7394230365753174, -1.7010304927825928, -0.033611997961997986, -1.0025087594985962, -0.21107254922389984, 0.7680920362472534, 0.1785810887813568, 0.12165926396846771, 0.5060625672340393, -0.06338909268379211, -1.274429440498352, 0.5667363405227661, -0.5385124087333679, -1.187198519706726, 1.0469880104064941, 1.3987176418304443, -0.7131378054618835, -0.7011198997497559, 0.04186356067657471, -1.0197710990905762, -0.367178738117218, -0.09807901084423065, -0.5750560760498047, 0.8181784152984619, 0.08453220129013062, 0.7896105051040649, 0.6135404109954834, -0.14925122261047363, -1.1170271635055542, 0.5537753701210022, 1.3185373544692993, -1.3827167749404907, 0.9174714088439941, -0.0684359073638916, -0.021153971552848816, 0.3757007420063019, -0.7216682434082031, -0.8276416659355164, 0.8974003195762634, 0.10171352326869965, -0.34603047370910645, -0.537447988986969, -0.3566422164440155, 0.649756669998169, 0.09932222962379456, 0.3419293761253357, -1.2569491863250732, -0.52740478515625, -0.6313539743423462, -0.024750355631113052, 0.5998051762580872, -1.1497843265533447, -0.4308643937110901, 0.4806639850139618, -0.06891646981239319, 0.9469907283782959, 0.05156876891851425, -0.4113617539405823, 1.7502893209457397, 0.24650096893310547, -0.014124829322099686, 0.12205436080694199, -10.913922309875488, 1.0347102880477905, 0.06030905246734619, 0.10372504591941833, 0.4116114377975464, -0.8293821811676025, 0.3579947352409363, 0.05218570679426193, 0.33534449338912964, -1.1003992557525635, 0.6490553021430969, 0.4997597634792328, 0.05690790340304375, 0.2141704559326172, -0.6520815491676331, -0.8939188718795776, -0.8569900989532471, -1.2619891166687012, 0.64284348487854, 0.48527300357818604, -0.0562218576669693, -0.8264631628990173, -0.4349612593650818, 0.48487764596939087, 0.7644478678703308, -0.07193608582019806, -0.853377640247345, -0.24784022569656372, -0.33663278818130493, 0.281384140253067, 0.9946324825286865, -0.1333487629890442, -0.18770888447761536, -1.227626919746399, 0.03022841364145279, 0.0547482855618, -0.6795234680175781, 0.2689060866832733, 0.5492792129516602, 0.032438766211271286, -0.17682968080043793, 0.2743567228317261, 0.16562002897262573, 0.342052161693573, -0.19033770263195038, 0.11740462481975555, 0.4538126587867737, -0.9539638161659241, -0.15997350215911865, -0.26618221402168274, -0.8916390538215637, -0.3442308306694031, -0.94557124376297, -0.7768966555595398, 0.28268101811408997, 0.21265996992588043, -1.1919429302215576, -0.13991305232048035, -0.3920069932937622, -1.052069902420044, -0.07014475017786026, 0.13464032113552094, -0.30408069491386414, 0.25422900915145874, 0.1425129920244217, -0.40254443883895874, 0.15513499081134796, 0.4208739399909973, -0.7088680267333984, 0.831864595413208, -0.6400125622749329, 1.5407837629318237, -0.010208195075392723, 1.2469727993011475, -1.1269317865371704, 0.018932651728391647, -0.7873597145080566, 0.3887947201728821, 0.4701572358608246, -0.09095878899097443, -1.5935291051864624, 1.004467248916626, 0.4802621304988861, -0.2014739215373993, -1.1642506122589111, 0.5428482890129089, 0.001648150384426117, 0.4491720199584961, 1.1768112182617188, -0.41965198516845703, 1.0248074531555176, 0.26032495498657227, -0.82132488489151, 0.08415276557207108, -0.15413379669189453, 0.4490104019641876, -0.4140523076057434, 0.14224456250667572, 0.21076464653015137, -0.7382756471633911, 0.4403895139694214, -0.48733285069465637, -1.0960650444030762, 0.4573788344860077, 0.2785526514053345, 0.25906607508659363, 0.5992520451545715, -0.6224939823150635, -0.03007839247584343, -0.7266330122947693, 1.0884069204330444, -0.19892346858978271, -0.05070902407169342, 0.9247028827667236, -0.28424257040023804, 0.8028586506843567, 0.714727520942688, -0.37333688139915466, 0.46997329592704773, 0.33505257964134216, -0.8056252002716064, 0.9525209069252014, 0.19023722410202026, 1.7968285083770752, -0.28578636050224304, 0.29402250051498413, 0.392708420753479, 0.25145503878593445, -0.09104924649000168, -1.3457540273666382, 0.7314730882644653, -0.19803965091705322, 0.05498388409614563, -0.2957422435283661, -0.620647132396698, 0.3910604417324066, -0.5016568899154663, 1.5562974214553833, -1.136075496673584, -0.05653402954339981, 0.1085258424282074, -0.07661226391792297, -1.0216419696807861, -1.3414801359176636, -1.2787058353424072, -0.06951532512903214, -1.6386752128601074, 0.47552490234375, -0.7496868371963501, -0.14104676246643066, 0.1856495440006256, -0.7206242084503174, 1.083257794380188, -1.1838630437850952, -0.44374534487724304, -0.3637610971927643, 0.667172908782959, -0.8412413597106934, -0.3829806447029114, -0.4250142276287079, 0.5187958478927612, 0.8139306306838989, -0.754105806350708, 1.4711331129074097, -0.35161179304122925, -0.18805812299251556, 0.20864570140838623, 0.2534535229206085, -0.6328523755073547, 0.3038083016872406, 1.4069561958312988, -1.5919727087020874, -0.37443432211875916, -0.7581287026405334, -0.10482017695903778, -0.8407848477363586, 0.20499101281166077, 1.3434839248657227, -0.7635894417762756, -0.24716483056545258, -0.050606682896614075, 0.9725621938705444, 0.4435075521469116, -1.0562456846237183, 0.036670178174972534, 0.10486418753862381, 0.21544674038887024, 0.7320112586021423, 0.2461317777633667, 0.7982200980186462, -1.8619133234024048, -1.0061140060424805, -0.5195072889328003, -0.3927809000015259, 0.8159772753715515, 0.8570259213447571, 0.4215831160545349, 0.4408455491065979, 0.16125690937042236, 0.06733930855989456, 0.09534527361392975, 0.6464943885803223, 0.03958306461572647, 0.19015391170978546, -0.1300976276397705, 0.2516081631183624, -0.02170848846435547, -0.16687509417533875, 0.293056845664978, 0.6819909811019897, -0.9070723056793213, -0.16620254516601562, 0.12147244811058044, -0.35163775086402893, 0.2628105580806732, -1.2513319253921509, -0.10272029787302017, -0.7257755398750305, -0.8434935212135315, -1.6571089029312134, 0.34002548456192017, 1.2110925912857056, -0.4882810115814209, 0.8840510249137878, 0.5888316035270691, 1.1020036935806274, 0.6298588514328003, -0.26115524768829346, 0.42702043056488037, -0.09650228917598724, 0.06765612959861755, -0.20146755874156952, -0.07668329775333405, 0.46896806359291077, -0.4152293801307678, -0.33644047379493713, -1.094848871231079, 0.413507878780365, -0.400631308555603, 0.8474194407463074, -0.3283490538597107, 0.03790103644132614, 0.7858407497406006, 0.967455267906189, -0.4549105763435364, -1.6420880556106567, -0.31171470880508423, -1.564842939376831, -0.04225815460085869, 0.6761618256568909, 0.7139810919761658, 0.7531543374061584, 0.8058679699897766, -0.09470127522945404, 0.8389955163002014, -0.5715488791465759, 0.12442560493946075, 0.19939914345741272, -0.44325345754623413, 1.0323150157928467, 0.8167263865470886, -0.19199885427951813, 0.7980052828788757, -0.29500412940979004, -1.1538163423538208, 0.16922937333583832, -0.8025612235069275, 0.996934175491333, 0.36198532581329346, -0.7548494935035706, -0.6012228727340698, -0.8075724244117737, 0.5033331513404846, -0.6808015704154968, 1.4244072437286377, -0.13211247324943542, -0.558257520198822, -1.10643470287323, -0.8925237059593201, -0.8616775274276733, 0.5905478000640869, -0.24661299586296082, 0.19622068107128143, -0.6983098983764648, 0.8974796533584595, 0.29846152663230896, -0.09738048166036606, -0.9449416399002075, -0.10502565652132034, -0.7888453006744385, 0.015213370323181152, 0.31148675084114075, -1.0479439496994019, -0.40130913257598877, -0.04223739355802536, -0.8259055018424988, 0.45958641171455383, 0.13537980616092682, -1.1354115009307861, -1.1664003133773804, 0.3148738741874695, -0.349653035402298, 0.15891903638839722, -0.04623454809188843, -0.011853797361254692, -1.8026677370071411, 0.45170924067497253, 1.0788280963897705, -0.5301086902618408, -0.2241058498620987, 0.16359499096870422, 0.8502876162528992, -0.25428512692451477, 1.2947251796722412]} +{"paper_id": "head_qa", "embedding": [0.011536511592566967, 0.6393739581108093, -0.34238970279693604, -0.09838047623634338, 0.2832179665565491, 0.3672510087490082, 0.01969844475388527, 1.4695662260055542, 1.0130209922790527, 0.6148676872253418, -0.14799612760543823, 0.5699044466018677, 0.04156652092933655, 0.24496205151081085, -0.5198906064033508, -0.3748961389064789, -1.244803786277771, -0.8360222578048706, -1.384147047996521, -0.17852088809013367, -0.9327992796897888, -0.6698635816574097, 0.5827825665473938, 1.4055798053741455, -0.530306875705719, -1.1152317523956299, 1.0439330339431763, -1.0289686918258667, 0.14918217062950134, 0.07242858409881592, 0.1630890816450119, 1.1328275203704834, -1.7850333452224731, 1.0390821695327759, -0.5097911953926086, -0.3427639603614807, 0.043827369809150696, 1.2532291412353516, -0.04890117794275284, -0.07892359793186188, -0.8599733114242554, 0.5848368406295776, 0.06400769203901291, 0.7161015868186951, 0.7284757494926453, -1.0895999670028687, 0.38548463582992554, 0.1578529179096222, -0.3345417380332947, 0.16698245704174042, -0.35387492179870605, 0.6400960683822632, -0.3279602825641632, 0.7446967363357544, -0.007243618369102478, 0.7794471383094788, 0.6447222828865051, -0.5028745532035828, 0.15154249966144562, -1.2697004079818726, 1.5894626379013062, 1.171964168548584, -0.09609290957450867, 0.050320010632276535, 1.100594401359558, 0.6012590527534485, 1.6604907512664795, 0.1688413769006729, -0.08317844569683075, 1.0884588956832886, 0.04518364369869232, -0.9818813800811768, 0.5659759044647217, 0.6149032711982727, 0.045189786702394485, 0.8155243396759033, 0.3124399483203888, 0.1768878698348999, 0.22378882765769958, -0.27756020426750183, -0.5387367606163025, -0.3828269839286804, 1.1179269552230835, -0.8100765943527222, -0.08249646425247192, 0.0436735525727272, 0.5182753801345825, -0.5135998129844666, -0.012222351506352425, -1.5422660112380981, 0.9241315722465515, 0.26239532232284546, -0.010356747545301914, 0.46708524227142334, 0.2703540325164795, 0.43064358830451965, -1.048659324645996, -0.4212183356285095, -0.45996907353401184, 0.40011951327323914, 0.39052242040634155, -0.10394352674484253, 0.45570608973503113, -0.3470786213874817, 0.4056887924671173, -0.17601794004440308, 0.3874655067920685, -0.032473936676979065, -0.8368776440620422, -0.8764786124229431, -0.02030024118721485, 0.10873192548751831, 0.20511981844902039, 0.17619666457176208, -0.41913244128227234, 0.7357864379882812, 0.4055814743041992, -0.7801933288574219, -0.10624221712350845, 0.4625769257545471, 0.5324279069900513, -0.7738108038902283, -0.39221012592315674, -0.48070502281188965, 0.525741696357727, -0.5865705013275146, -0.20371335744857788, -0.3083355128765106, -0.2732655107975006, 0.4881962239742279, 0.4746318757534027, -0.3775143623352051, -0.8907577395439148, 0.165948748588562, 3.315427541732788, -1.1249631643295288, 1.7082384824752808, -1.0514650344848633, 0.19205182790756226, -1.171595811843872, -0.45647579431533813, 0.7808559536933899, -0.07430917024612427, -0.860238790512085, -1.1709693670272827, 0.5488541126251221, -0.1226029098033905, 0.6404955983161926, -1.1490240097045898, -0.03722970560193062, -0.036860790103673935, 0.7792046666145325, -1.544210433959961, -0.19345496594905853, -0.17611247301101685, 0.3490906059741974, -0.04563215747475624, -0.10242190212011337, -0.8503296971321106, -0.045524731278419495, -0.020572416484355927, -0.5182698369026184, -0.47576624155044556, 0.4495733082294464, -0.6850575804710388, -0.46322059631347656, 0.6979499459266663, -0.012608785182237625, -1.3161327838897705, 0.040086887776851654, 0.12773117423057556, -0.0007382910698652267, -0.4225723147392273, 0.09762133657932281, 0.1938547044992447, 0.26290419697761536, 0.17508110404014587, 0.5960866808891296, 0.13960625231266022, -0.948031485080719, -0.4080315828323364, -0.14021728932857513, -0.3670879602432251, 0.6011195778846741, 0.18129323422908783, 0.5865891575813293, -2.148430585861206, -0.49763017892837524, -0.8348463773727417, 0.22796599566936493, 0.13351714611053467, 0.019656939432024956, 0.12326869368553162, -0.03384415805339813, 0.14504770934581757, -0.5908994078636169, -0.16238997876644135, -1.5152634382247925, 0.2754623591899872, 0.538559079170227, -0.5316736102104187, 0.2703474164009094, 0.04955565556883812, 1.4048097133636475, 0.7909396886825562, -0.8585407137870789, -0.7894828915596008, -1.5585676431655884, -0.24362465739250183, 1.853039264678955, 0.442668616771698, -0.26276853680610657, -0.9921444058418274, -0.2548678517341614, -0.166939839720726, 0.3657941222190857, -0.2746192216873169, -0.7505688071250916, 0.7616786956787109, -0.7223118543624878, 0.8466628193855286, -0.2917400002479553, -0.18846207857131958, 0.9602123498916626, 1.7645522356033325, -0.733695924282074, 0.19772416353225708, -0.19138802587985992, -0.20800288021564484, 0.7380059361457825, 0.54558265209198, 0.05254857614636421, 0.521641731262207, 0.8553125858306885, 0.5302749276161194, 0.948521077632904, 0.8336048126220703, 0.7238539457321167, -0.6299015283584595, 0.4079665541648865, -0.7236008644104004, 1.212318778038025, -0.1402558535337448, 0.743489146232605, 0.4375596046447754, 0.17006075382232666, -0.6506279706954956, -0.664730429649353, 0.4129692316055298, -0.14902231097221375, 1.5662800073623657, 0.3873637616634369, -0.20482996106147766, 0.6066263914108276, -0.6875783205032349, -1.0097970962524414, 0.10625828057527542, -0.30889177322387695, -0.6828703284263611, -0.6308280825614929, 0.8261216282844543, -0.3997745215892792, 0.10729832947254181, 0.4676589369773865, -0.24265556037425995, -1.3140009641647339, -0.10633662343025208, 0.13803881406784058, -0.49294739961624146, -0.4422048032283783, -0.49549850821495056, 0.15008503198623657, -0.5025914311408997, -0.396666020154953, 0.17766530811786652, -0.21747569739818573, 0.09881944954395294, 1.4904555082321167, 1.2102218866348267, -0.10917313396930695, 0.362759530544281, 0.2471417635679245, 1.0018279552459717, -0.3704361617565155, 1.21515953540802, -1.2083110809326172, 0.2866400480270386, -0.7831534147262573, 0.09325313568115234, -0.5949240326881409, -0.5402191877365112, 0.3711946904659271, -0.3599312901496887, 0.6285860538482666, -0.27093935012817383, -1.491371989250183, 0.4422382712364197, 0.6672359704971313, -0.34765470027923584, 0.06955283135175705, 1.5177956819534302, -0.10645721107721329, -1.259827733039856, 0.6659764051437378, 0.18639066815376282, 0.09051431715488434, 0.6629351377487183, 0.8485954999923706, -0.23107583820819855, 0.9212132096290588, -0.2088104635477066, 0.32734641432762146, 0.7395313382148743, -1.9639729261398315, 0.4988346993923187, 0.8404686450958252, -0.3938431441783905, -0.3385246992111206, -1.2094461917877197, -0.3899723291397095, -0.2690461277961731, 0.04846019297838211, 0.5927172899246216, -0.15146683156490326, 0.6471375226974487, 0.37396642565727234, 0.0333012193441391, 1.099158525466919, -0.3684065341949463, 0.10839581489562988, 0.14863935112953186, -0.852445125579834, -0.5585784316062927, -0.8459389805793762, 0.5617588758468628, 0.32467424869537354, -0.13132944703102112, -0.29481247067451477, 0.8145105838775635, 1.3935309648513794, -0.0028658732771873474, -0.3283799886703491, 0.7034211158752441, 0.5020028352737427, 0.4923090934753418, -0.04801670461893082, -0.7777729034423828, 0.44738635420799255, 0.2626596689224243, 1.5816859006881714, -0.20227572321891785, -0.6342260837554932, -0.9035799503326416, -0.13121584057807922, 0.22152714431285858, -0.2959977090358734, 2.030022621154785, 0.06565672159194946, 1.1036243438720703, -0.3364308178424835, 0.9248512983322144, -0.39287638664245605, -0.10073710978031158, 0.9138096570968628, 0.5372624397277832, -0.08965662121772766, -1.1893491744995117, -0.4976039230823517, 0.2406725138425827, -0.4353979229927063, -0.6529558300971985, 0.12325647473335266, 1.1211004257202148, 1.0920628309249878, -0.7010514140129089, 0.6745003461837769, 1.2160948514938354, 0.6426313519477844, 0.9505929946899414, -0.11582562327384949, -0.13875406980514526, -0.06013042479753494, 0.30050867795944214, -0.22910287976264954, 0.08274699002504349, -0.14326481521129608, 0.35503914952278137, 0.09078364074230194, 0.4186333119869232, 0.3606809377670288, 0.7710956931114197, 0.8468984365463257, -0.7889969944953918, -1.44049870967865, 0.16150134801864624, -0.06692740321159363, -0.3333055377006531, 0.7839040756225586, -0.01614045724272728, -0.7174165844917297, 0.7656478881835938, 0.2095654010772705, -0.6371001601219177, 0.20274588465690613, -0.1442604809999466, -1.4890682697296143, 1.530094027519226, 0.40398162603378296, -1.281667947769165, 0.6299389600753784, -0.1495552957057953, -0.8388692140579224, -0.60108882188797, -0.02527555450797081, -0.9446312785148621, 0.16491614282131195, 0.34573817253112793, 1.2502039670944214, 0.1970747858285904, 0.19191710650920868, -0.7398566007614136, 1.4014761447906494, 0.37762725353240967, -0.9894170165061951, -0.15957015752792358, -0.043219245970249176, 1.2490893602371216, -0.3688342869281769, -1.424535870552063, -1.0793259143829346, 0.740901529788971, -0.4911711812019348, -0.010793843306601048, -0.8904000520706177, -0.4118676483631134, 0.004451891873031855, 0.08144091069698334, 0.4098944365978241, -0.22888773679733276, -0.6690099239349365, -0.40138494968414307, 0.036340050399303436, 0.78492271900177, -0.6492615938186646, -0.9060661196708679, 0.4527111053466797, -0.323874294757843, 0.8919788599014282, -0.9003880023956299, 0.4722656011581421, 1.6937609910964966, -0.1635085940361023, -0.012556247413158417, -0.6717671155929565, -11.331871032714844, 1.371598243713379, 0.08739098906517029, -0.133486807346344, 0.6164495348930359, -0.511055588722229, 0.9629175662994385, -1.1719199419021606, 0.34213048219680786, -0.585655689239502, 0.2771856188774109, 1.3149545192718506, 0.9489697813987732, -0.1791802942752838, -0.7148314714431763, -1.4504177570343018, -0.4720878005027771, -0.6842316389083862, 0.07416489720344543, -0.15693828463554382, 0.10904136300086975, -0.6989679932594299, -0.5908830165863037, -0.03451123833656311, 0.11485885828733444, -0.02231484279036522, -0.85577392578125, 0.16612718999385834, -0.2732110023498535, -0.42148011922836304, 0.7523199915885925, 0.06818923354148865, 0.17338912189006805, -0.6450383067131042, -0.31601423025131226, -0.7668934464454651, -0.5014012455940247, 0.1378449648618698, 0.9544596076011658, 0.23694314062595367, -0.6943702697753906, 0.05012039840221405, 0.5189929604530334, 0.08771267533302307, -0.166146382689476, 0.7887483835220337, 0.143918976187706, -0.7697640657424927, 0.5003951787948608, -0.01777411252260208, -0.5903350710868835, -0.22234457731246948, 0.07169856876134872, -0.10112981498241425, -0.26717516779899597, 1.284693717956543, -0.7751138806343079, -0.1885063201189041, -0.6341896057128906, -1.3905233144760132, 0.2952529489994049, -0.04389834403991699, -0.49806708097457886, 0.9145126938819885, 0.025611989200115204, -0.04376087337732315, -0.5138083696365356, 0.24375702440738678, -0.767204999923706, 0.4491977095603943, -0.8140364289283752, 1.2181270122528076, 0.03452493995428085, 0.30968374013900757, -1.4170172214508057, -0.050474993884563446, -0.6661114692687988, 0.02783278375864029, 0.37614989280700684, -0.4069177210330963, -1.0503928661346436, 0.8992772102355957, 0.5883094072341919, -0.5514336228370667, -0.9762656092643738, 0.5277179479598999, -0.057053424417972565, 0.32609498500823975, 1.3341710567474365, -1.1143419742584229, 1.119027853012085, 0.40695324540138245, -0.45250552892684937, -0.4840855002403259, 0.2671000361442566, 0.5218954086303711, 0.4700823426246643, 0.9135187864303589, -0.017534632235765457, -0.4986511766910553, -0.3345840871334076, -0.6639120578765869, -0.9546859264373779, 0.7290078997612, 0.3960975408554077, 0.4111521244049072, 0.9755685925483704, 0.14997991919517517, 0.1252027004957199, -0.21513155102729797, 1.5496059656143188, -0.20624342560768127, -0.34873729944229126, 1.160647988319397, -0.6958173513412476, 0.7322069406509399, 0.7383664846420288, 0.064376100897789, -0.028133414685726166, 0.16457204520702362, 0.09662429988384247, 0.592230498790741, 0.1456453651189804, 1.3759757280349731, -0.41364723443984985, -0.2937505841255188, 0.713305652141571, 0.4383452534675598, -0.1808421015739441, -1.1476718187332153, 0.7304127216339111, 0.005164850503206253, -0.14037960767745972, -0.411641925573349, -0.46844083070755005, 0.5252500176429749, -0.6538732647895813, 0.9689540863037109, -0.6974561214447021, 0.27260467410087585, -0.11639408767223358, -0.054025210440158844, -0.5159236192703247, -1.1419662237167358, -0.9825981855392456, 0.12214584648609161, -0.6148738265037537, 0.2819323241710663, -0.1747158318758011, -0.2513672709465027, 0.1860620528459549, -0.37830623984336853, 1.475547194480896, -0.5203790664672852, -0.5667997002601624, -1.1000893115997314, 0.8393607139587402, -0.23160645365715027, -1.2412059307098389, 0.14776930212974548, 0.2748572826385498, 0.8412240743637085, -1.3560972213745117, 1.2375344038009644, -0.08153238147497177, -0.4014213979244232, -0.29687270522117615, 0.4539192020893097, -0.6843343377113342, 0.008327923715114594, 0.33840808272361755, -1.1740220785140991, -0.40792950987815857, -0.8484668731689453, 0.7951748371124268, -0.19299975037574768, -0.21737295389175415, 1.0843714475631714, -1.4525700807571411, -0.3230888843536377, -0.6206770539283752, 1.8472474813461304, 0.5230485200881958, -0.9050091505050659, -0.8080184459686279, -0.000577632337808609, -0.10942638665437698, 0.954505980014801, 0.4688722491264343, 1.1694961786270142, -1.4409074783325195, -0.6641759872436523, -0.7080726027488708, 0.18134795129299164, 0.4832363426685333, 0.4233560860157013, 0.8817367553710938, 0.6084541082382202, -0.2373887002468109, 0.07883916050195694, -0.3002564311027527, 0.5102803707122803, 0.5348776578903198, -0.11850623786449432, 0.0757971704006195, 0.9123361110687256, -0.17240822315216064, -0.2504771947860718, 0.3870817720890045, 1.1745878458023071, -1.4034748077392578, 0.03420647978782654, 0.282166451215744, -0.07200881838798523, 0.721145749092102, -1.039055585861206, -0.17703264951705933, -0.36843645572662354, -0.2993372678756714, -1.5878875255584717, -0.04539545625448227, 0.9963904023170471, 0.10277901589870453, 1.061126708984375, -0.192406564950943, 1.0901861190795898, 0.592795729637146, -0.5674918293952942, 0.7919591069221497, -0.3399830758571625, 0.33402377367019653, 0.30026212334632874, 0.6161472797393799, -0.00485626608133316, -0.29468023777008057, -0.7588437795639038, -0.04658322036266327, 0.41137441992759705, -0.7878021001815796, 0.7145937085151672, -0.5668665170669556, -0.14634065330028534, 0.9958181381225586, 1.3512953519821167, -0.1019953116774559, -1.2986056804656982, -0.39994460344314575, -1.1914573907852173, -0.19944801926612854, 0.37836694717407227, -0.34953421354293823, 0.3780810832977295, 0.43164196610450745, -0.25903475284576416, 1.0260412693023682, -0.7779008150100708, 0.014799430966377258, 0.05526937544345856, -0.5439209938049316, 1.0836048126220703, 0.6443843841552734, 0.23703382909297943, 0.842465877532959, -0.38130033016204834, -0.3429650366306305, 0.014897100627422333, -0.7741225361824036, 0.709550678730011, 0.5556227564811707, -0.451987087726593, -0.2981191873550415, -0.05910873040556908, 0.8239317536354065, -0.45312589406967163, 0.991759717464447, -0.4999474883079529, -0.4868190884590149, -1.1873295307159424, -0.7280537486076355, -8.481228724122047e-05, 0.5481404066085815, 0.17988057434558868, -0.49473124742507935, 0.32659727334976196, 0.26798051595687866, -0.09015470743179321, 0.3145415484905243, -0.9384641647338867, -0.4906623065471649, -0.9093065857887268, -0.12069651484489441, -0.3597784638404846, -0.5079377889633179, -0.8481987714767456, -0.5560551285743713, -1.0155110359191895, 0.5498517751693726, -0.04613402113318443, -0.19866302609443665, -0.9497868418693542, 0.5302609801292419, -0.6504590511322021, 0.5966481566429138, -0.028171978890895844, 0.156900092959404, -1.128677248954773, 0.12430906295776367, 1.1014467477798462, -0.7409472465515137, -0.27128589153289795, 0.3449245095252991, 0.7451176643371582, -0.17976036667823792, 0.2633126378059387]} +{"paper_id": "subjqa", "embedding": [-0.54112309217453, 1.311439037322998, 0.3077911138534546, -0.5709228515625, 0.3318382799625397, -0.24773970246315002, 0.7629760503768921, 0.6099696159362793, 0.22696474194526672, 0.5749706029891968, 0.6660583019256592, 0.31838855147361755, 0.07187183201313019, 0.35209816694259644, -0.9868068099021912, -0.5716463327407837, -0.13096274435520172, -0.7208835482597351, -0.8199700117111206, -0.12755537033081055, -0.6047329902648926, -1.0980547666549683, -0.00026198849081993103, 1.0421217679977417, -1.2773171663284302, -1.129639744758606, 0.8410310745239258, -0.7605186104774475, 0.368747353553772, -0.14637497067451477, 0.0458284467458725, 1.1058286428451538, -1.0938122272491455, 0.7796836495399475, -0.04888308793306351, -0.07033399492502213, -0.1634686291217804, 0.7122916579246521, -0.4188200831413269, -0.2964681386947632, -0.06361359357833862, 0.28883132338523865, 0.9997477531433105, 0.45774486660957336, 1.3084640502929688, -0.6663433909416199, -0.20583222806453705, -0.07824733853340149, 0.1354178488254547, 0.0266820527613163, -0.7411071062088013, 0.3720269203186035, -0.28966081142425537, 0.7482204437255859, -0.7580934166908264, 1.160355806350708, 0.2268720269203186, -0.6257160305976868, 0.47393670678138733, -1.1668305397033691, 1.1829081773757935, 1.467840313911438, 0.6707910299301147, -0.25465211272239685, 1.1580744981765747, -0.037776462733745575, 1.3866360187530518, 0.0031741634011268616, -0.32688605785369873, 0.4941326677799225, 0.030274659395217896, -0.2662528157234192, 0.15983569622039795, 0.17294570803642273, 0.45428308844566345, 0.42332276701927185, 0.7350340485572815, 0.03826061636209488, 0.10125516355037689, 0.5682063698768616, -0.1945493221282959, 0.23663924634456635, 0.44184619188308716, -0.32037943601608276, -0.20661067962646484, 0.006806071847677231, -0.18351058661937714, -0.5418999195098877, 0.6266277432441711, -1.1963369846343994, 0.576759397983551, 0.010423894971609116, 0.10558035969734192, -0.024906858801841736, -0.5210745930671692, 0.21104121208190918, -0.5376332998275757, 0.1912539303302765, -0.39179879426956177, 0.6281325221061707, 0.3591131567955017, 0.2824576199054718, 0.30258896946907043, -0.25110188126564026, 0.041273266077041626, 0.3369346559047699, 0.43476998805999756, 0.24787762761116028, -0.336690217256546, -0.5018590092658997, 0.588583767414093, 0.5824265480041504, 0.11299759894609451, 0.9614402055740356, 0.25003862380981445, 0.4320640563964844, 0.0868995413184166, -0.5793097019195557, -0.3288933336734772, 0.809924304485321, 0.33539196848869324, -1.2203102111816406, 0.28204503655433655, 0.3199447989463806, 0.8301655650138855, -0.051169272512197495, -0.30947765707969666, -0.7310025095939636, -0.05672575533390045, 0.299557089805603, 0.602798342704773, -0.23578345775604248, -0.5536805987358093, -0.7713976502418518, 3.371413469314575, -0.745263934135437, 0.8985670804977417, -0.6477704048156738, -0.7990643978118896, -0.17577506601810455, -0.3396918773651123, 0.6238581538200378, 0.31808552145957947, -0.7219989895820618, -0.5266751646995544, 0.22133970260620117, -0.09933066368103027, 0.3572094738483429, -1.180614709854126, -0.06915698945522308, -0.004430007189512253, -0.30083799362182617, -1.8500460386276245, -0.1378471553325653, -0.28068745136260986, -0.21417778730392456, -0.009651368483901024, 0.46058112382888794, -0.25313761830329895, 0.7103376984596252, 0.21980947256088257, -0.15840299427509308, -0.18226352334022522, 0.8846879601478577, -0.5864993929862976, -1.1850852966308594, 0.6487708687782288, -0.16256891191005707, -1.2230268716812134, -0.025128811597824097, 0.5101265907287598, -0.27975690364837646, 0.003346182405948639, -0.49234679341316223, -0.21641428768634796, 0.06315340101718903, 1.034488558769226, 0.5520656108856201, 0.16389307379722595, -0.40851786732673645, -0.4124392569065094, -0.3459983766078949, -0.30040243268013, 0.40987035632133484, -0.3763540983200073, 0.9321762323379517, -2.380436897277832, 0.10391802340745926, 0.054703593254089355, 0.13208480179309845, 0.43589019775390625, 0.26332318782806396, -0.0686267539858818, 0.0005935318768024445, -0.22026120126247406, -0.14869245886802673, 0.6856507062911987, -1.752922534942627, 0.008834153413772583, 0.8057223558425903, -0.5419688820838928, 0.689641535282135, -0.30153217911720276, 1.2908493280410767, 0.22429029643535614, -0.19118598103523254, -0.7810731530189514, -2.2237329483032227, 0.3768758475780487, 2.014596939086914, -0.00801222026348114, -0.28744837641716003, -0.8712098598480225, -0.2903714179992676, -0.5284776091575623, 0.28076496720314026, 0.642581582069397, -0.18453234434127808, 0.15541021525859833, -0.8094596266746521, 0.20610454678535461, -0.20663070678710938, 0.38612017035484314, 0.6741082072257996, 1.574226975440979, -0.8428376913070679, -0.3714999854564667, -0.6076902747154236, -0.680916428565979, 0.40377822518348694, 0.20725995302200317, 0.5139921307563782, 0.571955680847168, 0.9434700012207031, 0.3201451301574707, 1.2484118938446045, 0.6240673661231995, 0.1058761477470398, -0.48873254656791687, 0.052347712218761444, -0.00013870839029550552, 0.9877721667289734, 0.06119496375322342, -0.07875430583953857, 0.5696243643760681, -0.0816415548324585, -0.6428542733192444, -0.14357058703899384, 0.13809993863105774, -0.4069674015045166, 0.8989068269729614, 0.3671075701713562, -0.2781948745250702, 0.6846287846565247, -0.16491596400737762, 0.07616963982582092, -0.04607600346207619, -0.634585440158844, -0.4286704659461975, -0.5768815279006958, 0.8768624663352966, 0.0037979483604431152, 0.0417034775018692, 0.06122638285160065, 0.01260540634393692, -0.5971770882606506, 0.10133150219917297, 0.155085027217865, -0.7032403945922852, -0.5219510793685913, 0.262355238199234, 0.19233188033103943, -1.2925801277160645, -0.36404934525489807, 0.08121101558208466, 0.3862246572971344, -0.33411693572998047, 1.021079421043396, 1.3753492832183838, -0.46515950560569763, 0.26242944598197937, -0.03128349781036377, 1.0260896682739258, -0.9264546632766724, 0.5764260292053223, -0.4758683443069458, 0.16576284170150757, -0.5874515175819397, 0.07455421984195709, -0.572381854057312, 0.4121244251728058, 1.1766780614852905, -0.6367433071136475, 0.15477155148983002, -0.437016099691391, -1.090350866317749, 0.5944814682006836, 0.02213328890502453, -0.5926968455314636, -0.5088100433349609, 1.2524455785751343, -0.1355825513601303, -0.5462605357170105, 0.45329296588897705, -0.13173629343509674, -0.08368304371833801, 1.2005224227905273, 0.42804864048957825, 0.7850195169448853, 0.09817390143871307, -0.5042804479598999, -0.1423923224210739, 0.15983161330223083, -1.5232534408569336, 0.8929615020751953, 0.35616520047187805, -0.394644558429718, 0.06395435333251953, -1.2724220752716064, 0.2648683786392212, -0.9997468590736389, 0.849819540977478, 0.4901217818260193, -0.48878487944602966, 0.5007572174072266, -0.4165942370891571, 0.03747570514678955, 0.277556836605072, -1.181445837020874, 0.08171483874320984, 0.7590519785881042, -0.10437337309122086, -0.8133686780929565, 0.0015714280307292938, 0.8105010986328125, -0.5402930974960327, -0.07308227568864822, 0.056968796998262405, 0.5923988223075867, 0.3042497932910919, -0.023634038865566254, -0.2167680412530899, -0.026445597410202026, 0.15180718898773193, 0.10140853375196457, 0.20794600248336792, -0.05600517988204956, 1.122008204460144, -0.6915837526321411, 1.3903077840805054, -0.5711008906364441, -0.5672463774681091, -0.8621015548706055, -0.2942690849304199, -0.8074583411216736, -0.5413638949394226, 1.6227833032608032, 1.0221608877182007, 1.6973192691802979, -0.5593159794807434, -0.19660617411136627, -0.22876739501953125, -0.05223812535405159, 1.005745768547058, 0.8442805409431458, 0.05221780017018318, -1.1304585933685303, 0.3434387743473053, 0.34670156240463257, 0.6034204959869385, -0.085594043135643, 0.1797604113817215, 0.7028937339782715, 0.391507089138031, -0.33191388845443726, 0.4161108136177063, 1.0053995847702026, 0.49872130155563354, 1.4497178792953491, 0.3780463635921478, -0.2129184603691101, -0.32352882623672485, 0.13644343614578247, 0.18369504809379578, -0.15749135613441467, -0.6771992444992065, 0.6815026998519897, 0.47415947914123535, -0.24949543178081512, 0.7208617329597473, 0.7499420642852783, 1.1495977640151978, -0.3509750962257385, -1.989798903465271, -0.5498877167701721, -1.1320676803588867, -0.22177840769290924, 0.23054537177085876, 0.5616133809089661, -0.28648310899734497, 0.21826791763305664, 0.14667168259620667, -0.783065915107727, 0.3273937404155731, -0.7481923699378967, -1.17831289768219, 1.137294054031372, 0.9300105571746826, -1.0618252754211426, -0.09206594526767731, -0.05150889232754707, -0.9687262177467346, -0.3935929238796234, -0.44051480293273926, -1.0245213508605957, 0.5116473436355591, 0.5155031085014343, 0.18207260966300964, 0.1977733075618744, -0.12482097744941711, -0.994072675704956, 0.9022441506385803, 1.3464235067367554, -0.21384522318840027, 0.7915924787521362, 0.15103581547737122, 0.3001798987388611, 0.10803945362567902, -0.945418119430542, -0.8137512803077698, 1.0827687978744507, -0.32441943883895874, 0.13858382403850555, -0.6980338096618652, -0.3606204092502594, 0.5780705213546753, 0.20764364302158356, 0.7361078858375549, -0.6363559365272522, -0.19356407225131989, -0.7918425798416138, -0.5052911043167114, 0.7631480693817139, -1.0820659399032593, -1.5330674648284912, 1.1032464504241943, 0.03974808007478714, 0.5559628009796143, -0.6535272598266602, -0.020842496305704117, 1.3068885803222656, -0.3545590043067932, -0.3758319616317749, -0.36517685651779175, -12.089693069458008, 0.9492257237434387, -0.0045726243406534195, 0.469121515750885, 0.7625616192817688, 0.07388076186180115, 0.21454232931137085, -1.2028969526290894, 0.7468779683113098, -0.6610049605369568, 0.15650197863578796, 1.5382999181747437, 0.48326513171195984, 0.11881042271852493, -0.409199059009552, -1.6750811338424683, -0.0553671158850193, -0.15880903601646423, 0.0271480530500412, -0.2197381854057312, -0.4682815372943878, -1.0886186361312866, -0.5452113151550293, 0.08252434432506561, 0.5486345887184143, -0.1721842885017395, -1.0280615091323853, -0.5128857493400574, -0.43886739015579224, -0.05257129669189453, 0.5108296871185303, -0.3031453788280487, -0.5169118642807007, 0.04003126919269562, -0.8739491105079651, -0.2040318101644516, -0.21440117061138153, 0.15816661715507507, 0.8764826655387878, 0.022461919113993645, -0.08197623491287231, 0.28888872265815735, 1.028505563735962, -0.5031262636184692, -1.1114044189453125, 0.1688273698091507, 0.035392358899116516, -0.3845447599887848, 0.265438437461853, 0.05720304697751999, -0.663438618183136, -0.2820965647697449, -0.341199666261673, 0.06800159811973572, 0.10921666026115417, 0.5909892320632935, -1.401925802230835, -0.6243065595626831, -0.7299957275390625, -1.095578908920288, 0.6786521673202515, -0.004069069400429726, -0.12361997365951538, 0.2792333960533142, 0.7637638449668884, -0.23339511454105377, -0.45846086740493774, -0.13431593775749207, -0.9691660404205322, 0.5403577089309692, -0.7271456718444824, 1.3213831186294556, 0.25365880131721497, 0.34743183851242065, -1.2095285654067993, 0.20956966280937195, -1.224645733833313, 0.0974356085062027, 0.17643527686595917, -0.11401446163654327, -1.0798052549362183, 1.7291568517684937, 0.7538246512413025, -0.5629901885986328, -0.8978273868560791, 0.7329649329185486, -0.4831630289554596, 0.08620783686637878, 0.4868747889995575, -0.6833584308624268, 0.8391336798667908, 0.38923537731170654, -0.8058974146842957, 0.08345362544059753, -0.7721425890922546, 0.9333290457725525, -0.09150973707437515, 0.7684494256973267, 0.2369108498096466, -0.273658812046051, -0.0443786159157753, 0.17810556292533875, -0.7355262041091919, -0.3963123857975006, -0.23958496749401093, 0.1956545114517212, 0.5672565698623657, -0.33427155017852783, -0.44480273127555847, -0.507236897945404, 0.9054597020149231, 0.593529999256134, -0.09633709490299225, 1.0667824745178223, -0.46023252606391907, 0.2891542613506317, 0.07499172538518906, -0.32855433225631714, 0.16246914863586426, 0.6267694234848022, -0.16537423431873322, 0.6330691576004028, 0.23922280967235565, 1.0539573431015015, -0.073206327855587, -0.01529780775308609, 1.177890658378601, 0.1491476148366928, 0.27086371183395386, -1.3674430847167969, 0.6857612729072571, 0.021484453231096268, 0.04041219875216484, -0.8622623085975647, -0.5037997961044312, 0.05488964542746544, -0.07612280547618866, 1.2243249416351318, -0.7867102026939392, -0.2485167682170868, -0.5653694868087769, -0.3845367431640625, -1.1330115795135498, -0.46401774883270264, -0.9369233846664429, 0.25133249163627625, -1.2444089651107788, 0.4019349217414856, -0.23697489500045776, -1.198540210723877, -0.5085999369621277, -0.3766259253025055, 0.5157812237739563, -0.9055173993110657, -0.3890683352947235, -0.432358056306839, 0.689434289932251, -0.4109745919704437, -0.8624533414840698, 0.0005964413285255432, 0.7870140075683594, 1.0646342039108276, -0.4898194372653961, 1.1114476919174194, 0.5473802089691162, -0.5966648459434509, 0.2518392503261566, 0.5385767221450806, -0.48488909006118774, -0.013792889192700386, 0.4892600476741791, -1.0523747205734253, -0.37634503841400146, -0.42368513345718384, -0.08288528770208359, -0.6162868142127991, 0.9879960417747498, 0.769466757774353, -1.075242280960083, -0.03805707395076752, -0.2146146297454834, 0.7483396530151367, 0.2247212827205658, -0.16319049894809723, 0.010229930281639099, -0.04886310175061226, 0.21377605199813843, 0.6239987015724182, 0.08865880221128464, 1.1098473072052002, -1.2805883884429932, -1.1097915172576904, -0.554689884185791, 1.2277835607528687, 0.9173729419708252, -0.2911204695701599, 0.40135079622268677, 0.7324756383895874, -0.3352348208427429, 0.5585954785346985, 0.3009570240974426, 1.0010334253311157, -0.02654590830206871, 0.6173496246337891, -0.10084342956542969, 0.4082918167114258, -0.4094488024711609, -0.39370444416999817, 0.4637935757637024, 0.9443504214286804, -1.6145198345184326, -0.5140005946159363, -0.024661410599946976, 0.29567304253578186, 0.36685436964035034, -0.8310105800628662, 0.46741268038749695, 0.23126660287380219, -0.8960727453231812, -1.2471824884414673, 0.0021804124116897583, 0.7117876410484314, -0.7325475215911865, 0.4798780083656311, 0.6549559235572815, 0.8318040370941162, 0.1942242830991745, 0.2857476472854614, 0.8383817672729492, 0.16733133792877197, -0.6572852730751038, 0.925182044506073, 0.4029741585254669, 0.16304191946983337, -0.08887921273708344, -1.2083740234375, -0.23552070558071136, 0.4425909221172333, -0.5100060105323792, 0.6298477053642273, -0.6303313970565796, 0.25466156005859375, 0.6173979043960571, 1.1051970720291138, -0.17779625952243805, -1.6450940370559692, -0.9422842860221863, -1.3612284660339355, 0.4321909248828888, 0.8256227374076843, 0.413691908121109, 0.9214549660682678, 0.7567921280860901, 0.5170100331306458, 1.1563791036605835, -0.14897723495960236, 0.02329292893409729, 0.2932579219341278, 0.03479576110839844, 0.9452316761016846, 1.3216973543167114, -0.3112240433692932, 0.608028769493103, 0.27050888538360596, -0.9324064254760742, -0.001232285052537918, -0.7500633597373962, 0.942992091178894, 0.24663428962230682, -0.6436139345169067, 0.05055271089076996, -0.6357718110084534, 1.3836685419082642, -0.8762738108634949, 0.6139950156211853, -0.0823395624756813, -0.6293694376945496, -1.238721251487732, -0.5367401838302612, 0.12644313275814056, 0.6324076652526855, -0.15721693634986877, -0.2964475154876709, 0.05355929583311081, 0.7092775702476501, 0.44534480571746826, -0.26092472672462463, -0.6417122483253479, 0.022869963198900223, -0.8578590750694275, 0.5637413263320923, -0.03256182745099068, -1.0381896495819092, -0.4249719977378845, -0.1678141951560974, -0.3176567256450653, 0.3931192457675934, 0.23675845563411713, -0.6238945126533508, -0.48960602283477783, -0.15641231834888458, -1.0803948640823364, 0.8056110739707947, 0.1958029419183731, -0.048484183847904205, -1.4106501340866089, 0.8048937916755676, 0.867458701133728, 0.10349071025848389, -0.17240606248378754, -0.24738597869873047, 0.5681249499320984, 0.089505635201931, 0.14701077342033386]} +{"paper_id": "mc4", "embedding": [-0.49949896335601807, 0.9467348456382751, 0.04369073733687401, -0.05100283399224281, 0.9940807223320007, -0.35430124402046204, 0.07089095562696457, 0.07951148599386215, 0.9274195432662964, 0.7983246445655823, 0.8333354592323303, -0.11204702407121658, 0.6256600022315979, 0.026569396257400513, -0.009814780205488205, -0.0602799654006958, -0.6741263270378113, -0.8402802348136902, -1.1160906553268433, -0.2449888288974762, -1.143136978149414, -0.20588205754756927, 0.019166436046361923, 0.8023450374603271, -0.3840142786502838, -0.9623056054115295, 0.1477578580379486, -0.4626735746860504, -0.0026548728346824646, 0.7283192873001099, 0.013663165271282196, 1.222308874130249, -1.670000433921814, 0.7219372391700745, -0.5031828284263611, -0.17064064741134644, 0.6580406427383423, 0.6695271134376526, -0.07290270179510117, -0.35146835446357727, -0.7962421774864197, -0.38567009568214417, 0.6176415085792542, 0.20789851248264313, 0.8233166933059692, 0.015820585191249847, -0.01205731462687254, -0.2566498816013336, 0.21580906212329865, -0.12159936130046844, 0.030220402404665947, 0.32720234990119934, -0.39942261576652527, 0.365557998418808, -0.33835554122924805, 1.563010573387146, -0.049575239419937134, -0.7118571400642395, 0.4427211284637451, -0.8833365440368652, 0.8022357821464539, 1.62456214427948, -0.5280545353889465, 0.15322670340538025, 1.3878540992736816, -0.05453643947839737, 1.1715788841247559, 0.36323481798171997, 0.6212518811225891, 0.854508638381958, -0.1890697032213211, -1.264898657798767, 0.5351659059524536, -0.20771200954914093, 0.49098727107048035, 1.0706266164779663, 0.34960564970970154, -0.15054288506507874, -0.46994590759277344, -0.5663726925849915, -0.7165111303329468, 0.42987924814224243, 0.15998996794223785, -0.7605751752853394, -0.20546340942382812, 0.7305604219436646, -0.013529110699892044, -0.3625591993331909, 0.5954475402832031, -1.8426263332366943, 0.4230515956878662, 0.08703255653381348, 0.29427123069763184, -0.23523105680942535, -0.4019520580768585, 0.2252671718597412, -0.5582270622253418, 0.35787245631217957, -0.11386103928089142, 0.41291189193725586, 0.4709962010383606, -0.43348264694213867, 0.98834228515625, -0.016604147851467133, 0.21638163924217224, 1.0225499868392944, -0.5302082896232605, -1.1523340940475464, -0.878882884979248, -0.4039354920387268, -0.2188657522201538, 0.8142693042755127, -0.03629978001117706, -0.16010278463363647, 0.05157586187124252, -0.3860819637775421, 0.5285555720329285, -0.434628963470459, -0.5021156072616577, 0.1052122563123703, -0.30421680212020874, -1.6437638998031616, -0.9699450135231018, -0.2747097611427307, 1.181030511856079, -0.6314287185668945, -0.07018434256315231, -0.4632106423377991, -0.09066236764192581, -0.3831901550292969, 0.4355723261833191, 0.23266610503196716, -0.8116095066070557, 0.1849295198917389, 3.065577507019043, -0.5379942059516907, 1.302478313446045, -0.1272733360528946, -0.009961366653442383, 0.05595389008522034, 0.23665937781333923, 0.9424996972084045, 0.4614061415195465, -0.8073948621749878, -0.455844521522522, 0.4340883195400238, -0.8573784828186035, 0.11346501111984253, -0.6687886118888855, -0.6051060557365417, 0.3838728964328766, 0.018942415714263916, -0.3100757896900177, -0.849765419960022, -0.20405803620815277, 0.09290600568056107, 0.2636426091194153, 0.6031796336174011, -0.7409488558769226, 1.0582046508789062, 0.7616589069366455, 0.5910744667053223, -0.6920889019966125, 0.7779253721237183, -1.254171371459961, 0.46948835253715515, 1.4413120746612549, 0.0019935257732868195, -0.2547079622745514, -0.2734091579914093, 0.6612681746482849, -0.4451545476913452, 0.28045517206192017, -0.01128152385354042, -0.41962119936943054, 0.3738000988960266, 0.4797455966472626, 0.6456130743026733, -0.07506441324949265, 0.33365073800086975, -0.4885212779045105, -0.22097700834274292, 0.3208305537700653, 0.48610150814056396, -0.09428447484970093, 0.30100753903388977, -2.323989152908325, -0.38238269090652466, -0.3487567603588104, 0.1427878588438034, -0.3396020531654358, -1.0316050052642822, 0.3020663559436798, -0.26783478260040283, 0.7574357986450195, -0.5038323402404785, 0.09503225982189178, -0.52826327085495, -0.24398665130138397, 0.43760597705841064, 0.5096001625061035, -0.09393834322690964, 0.4256267845630646, 0.3802814483642578, 0.2656366527080536, -0.20727065205574036, -0.6287814974784851, -1.2960875034332275, 0.20562845468521118, 2.0459399223327637, -0.5233836770057678, -0.7161762714385986, -1.11964750289917, -0.4878520965576172, 0.24709105491638184, -0.693113386631012, 0.22843605279922485, -1.1196341514587402, -0.24703854322433472, -1.3102267980575562, -0.22319366037845612, -0.3210037350654602, 0.0747828260064125, -0.28879594802856445, 0.8727195858955383, -0.44170916080474854, -0.3168640732765198, -0.6253335475921631, -1.0837068557739258, 0.6515555381774902, 0.571075975894928, 0.09434542059898376, -1.1824604272842407, 1.075134515762329, -0.387888103723526, 0.730085551738739, 0.669562041759491, 0.4973912239074707, -0.12858596444129944, 0.03958717733621597, -0.17176496982574463, 1.3310796022415161, -0.15622578561306, -0.2525900602340698, 0.18655888736248016, 0.94773268699646, -0.30833733081817627, -0.7065249681472778, 0.3032543659210205, 0.2434448003768921, 0.9120532870292664, 0.7739801406860352, -1.1389182806015015, 1.0523995161056519, -0.7187323570251465, 0.2044943869113922, 0.04158063605427742, -1.0426888465881348, 0.3048698306083679, -0.38504528999328613, 0.495437890291214, -0.7790088057518005, 0.2778414189815521, -0.032535579055547714, -0.40113380551338196, -1.3615243434906006, -0.7452893257141113, -0.5733935832977295, -0.6227871179580688, -1.4237494468688965, -0.580564022064209, -0.6345385313034058, -0.4089133143424988, -0.7417262196540833, 0.6777446866035461, 0.4628317654132843, -0.1382167786359787, 0.6580600738525391, 1.4355844259262085, -0.06945927441120148, 0.8762611150741577, -0.44041621685028076, 0.513066828250885, -0.39536768198013306, 0.9974964261054993, 0.7138181328773499, 0.39754724502563477, -1.3236587047576904, -0.4912441670894623, -0.2596459984779358, 0.20853424072265625, 0.5115695595741272, -0.23444586992263794, 0.4198888838291168, -0.11085169017314911, -1.275642991065979, 1.0471101999282837, -0.7683913111686707, 0.49621206521987915, -1.4278979301452637, 1.528028130531311, 0.26291364431381226, 0.2453269213438034, 0.9062123894691467, 0.134428933262825, -0.23677097260951996, 0.8380241990089417, -0.5754453539848328, 0.4423815906047821, 0.9176670908927917, -0.09295859187841415, 0.19791322946548462, 0.21683639287948608, -1.9602810144424438, 0.1343369334936142, 0.6840490102767944, -0.028050005435943604, -0.16898776590824127, -0.6631172299385071, 0.2605682611465454, -0.07115517556667328, -0.2985661029815674, 0.13853392004966736, -0.03556176275014877, 0.24508655071258545, -0.1243060827255249, 0.48121899366378784, 1.4789875745773315, -0.6478458642959595, 0.5649906396865845, 0.9385407567024231, 0.15654388070106506, -0.42869633436203003, -0.3902946710586548, 0.48000937700271606, -0.36823779344558716, 0.2822091579437256, 0.5792109966278076, 0.42823731899261475, 1.5557551383972168, -0.6619154810905457, 0.03525889292359352, 0.45756739377975464, 0.8456066846847534, -0.21585756540298462, 0.8631095886230469, 0.031632907688617706, 0.23835620284080505, 0.7106967568397522, 1.154736876487732, 0.1304609328508377, -0.9127830266952515, -1.1839927434921265, -0.0676700621843338, 0.11792753636837006, -0.5919477343559265, 1.6189861297607422, 0.3165569603443146, 0.853305459022522, 0.14146330952644348, -0.18393312394618988, -0.6756500005722046, -0.21214419603347778, 0.8013929724693298, 0.7174813151359558, -0.05275742709636688, -0.042393676936626434, 0.27135103940963745, 0.9050442576408386, -0.3406871259212494, -0.3691374659538269, -0.04048866406083107, 0.9116504192352295, -0.03958580270409584, -0.9360830783843994, 0.5050356388092041, 1.004358172416687, 0.1555388867855072, 1.1958973407745361, -0.48786669969558716, -0.8400543332099915, -0.30867519974708557, 0.6109316349029541, 0.1466374397277832, 0.6178667545318604, -0.2339421659708023, 0.24662059545516968, 0.04284199699759483, 1.0654797554016113, 0.2590668797492981, 0.3542309105396271, 1.48002028465271, -0.5504260659217834, -0.5565168261528015, 0.22564122080802917, -1.2807453870773315, -0.6144161224365234, -0.30230820178985596, -0.3741512596607208, -0.845894992351532, 0.7549362778663635, -0.9856133460998535, -0.5730144381523132, 0.8860088586807251, -0.12834708392620087, -1.3648016452789307, 0.07570953667163849, 0.9650828838348389, -1.212502121925354, -0.2547729015350342, -0.10361474007368088, -0.8929023742675781, -1.1872403621673584, 0.09588095545768738, -0.10099459439516068, -0.1783372014760971, -0.2966480255126953, 0.5959046483039856, -0.10242762416601181, -0.16730868816375732, -1.416758418083191, 0.9192395806312561, 1.3747339248657227, -0.7730569839477539, 0.06685393303632736, 0.09609589725732803, 0.5377958416938782, -0.20432034134864807, -0.7504710555076599, -0.46412885189056396, 0.6848822832107544, 0.501832127571106, 0.38679733872413635, -0.2147350311279297, -0.40306520462036133, 0.7044187188148499, 0.19821155071258545, 1.4263861179351807, -0.7869505882263184, 0.17654144763946533, -0.3136872351169586, 0.9086456298828125, 0.636202335357666, -0.015432000160217285, -0.3226013779640198, 1.1672372817993164, -0.26957741379737854, 0.9624443054199219, -0.6563512086868286, 0.5917338132858276, 0.1243613064289093, 0.3619258999824524, 0.18595723807811737, -0.2544538676738739, -11.698311805725098, -0.10721568763256073, -0.16978059709072113, 0.11398744583129883, 0.9797809720039368, -0.054109640419483185, 1.2397699356079102, 0.13401378691196442, -0.10979010164737701, -0.6012018322944641, 0.4828428030014038, 1.0566918849945068, 0.21003121137619019, -0.35105863213539124, -0.6476821899414062, -0.5718706250190735, -1.1677926778793335, 0.25784140825271606, 0.37177109718322754, -0.5065495371818542, -1.051707148551941, -0.21800166368484497, -0.25454825162887573, 0.05825961008667946, 0.0242840014398098, 0.09781623631715775, 0.030383415520191193, -0.2780837118625641, -0.1599658727645874, -0.4599815905094147, 0.24969670176506042, -0.005602666176855564, -1.2755087614059448, -0.4470168650150299, 0.4697207808494568, 0.4184729754924774, -1.3088520765304565, -0.1598326563835144, 1.6379575729370117, -0.020849673077464104, -0.16450081765651703, 0.672024130821228, 0.03661557286977768, 0.631001889705658, -0.6275647878646851, 0.6190401315689087, 0.6296285390853882, -0.5169329047203064, 0.8305136561393738, -0.8467309474945068, -0.28801092505455017, -1.482356071472168, -1.0691099166870117, -0.8970909118652344, 0.8401726484298706, 0.6026840806007385, -0.4681333601474762, 0.125273659825325, -0.19671978056430817, -0.9764573574066162, 1.0924711227416992, 0.5194053649902344, -0.3711938261985779, 0.013196974992752075, -0.08494507521390915, -0.8473111987113953, 0.4089517295360565, 0.7427020072937012, -0.08531816303730011, 0.11686883866786957, -0.3316359221935272, 0.5506141781806946, 0.4561692774295807, 0.026990607380867004, -0.05637478083372116, -0.12474069744348526, -0.07264590263366699, 0.036028724163770676, 0.18521513044834137, 0.3583846390247345, -0.9498528838157654, 0.4143166244029999, -0.3529664874076843, -0.5030745267868042, 0.31383058428764343, -0.27930358052253723, -0.5978147387504578, 0.06306615471839905, -0.050134189426898956, 0.5093823075294495, 1.0503708124160767, -0.46780717372894287, 0.2908715009689331, 0.14494943618774414, -0.6744772791862488, 0.9997062087059021, -1.573362112045288, 0.6068763136863708, 0.06637591123580933, -1.2535817623138428, 0.03205283731222153, 0.15524831414222717, -0.3318141996860504, -0.35910314321517944, 1.0400822162628174, 0.30466151237487793, 0.13989481329917908, 0.3938749134540558, 0.32943618297576904, -0.3444242477416992, 0.47252357006073, -0.12587584555149078, -0.06627558171749115, 1.2415568828582764, -0.11916202306747437, 0.9509106278419495, 0.6007872819900513, 0.2468324601650238, 1.0121983289718628, 0.9138079285621643, -0.7413802742958069, 0.9964503645896912, 0.13531875610351562, 0.9380599856376648, -0.1327679455280304, 0.5497751235961914, -0.12353967130184174, 0.5962594747543335, 0.059441663324832916, -1.1657615900039673, -0.06412920355796814, -0.17811433970928192, -0.2973612844944, -0.8537295460700989, -0.3342767655849457, -0.5798178911209106, -1.0578359365463257, 1.904036045074463, -0.17016597092151642, 0.6798776388168335, -0.07596556842327118, -0.8087596297264099, 0.4252931475639343, -0.8595525622367859, -0.9646705389022827, -0.01806202530860901, -0.8359120488166809, -0.23946845531463623, -0.6180336475372314, -0.434347927570343, 0.5270882844924927, -0.3086509704589844, 0.7002291679382324, -1.3714408874511719, -0.09803988039493561, -0.5570473074913025, 0.10719320178031921, -0.7756321430206299, -1.07647705078125, -0.36536508798599243, -0.007446803152561188, 1.7076762914657593, -0.8526144623756409, 1.1778684854507446, 0.4084974527359009, 0.015418920665979385, -0.5623307228088379, -0.2715379595756531, -0.5530312061309814, 0.4556411802768707, 1.476925015449524, -0.20461414754390717, -0.31310176849365234, -0.6270713806152344, -0.7075762152671814, -0.9998469352722168, 0.5166032314300537, 1.5885049104690552, -0.3186344504356384, 0.4147973656654358, -0.10838238149881363, 0.9656537771224976, -0.5659598708152771, -0.3551872968673706, -1.0222876071929932, 0.16924554109573364, -0.4196208119392395, 1.4228038787841797, -0.3547813892364502, 0.5238502621650696, -1.7024636268615723, -1.0851242542266846, -0.34290552139282227, -0.3799125850200653, 0.1849900484085083, -0.2915791869163513, 0.9073656797409058, 0.3527929484844208, 0.1628466546535492, -0.1162547618150711, -0.31987810134887695, 0.8291850686073303, -0.44813773036003113, 0.3758004605770111, 0.13429272174835205, 0.2229822278022766, -0.7647116780281067, 0.3263966143131256, 0.1016881912946701, 0.3015919625759125, -1.5287705659866333, -0.21681761741638184, -0.08816215395927429, -0.2667906582355499, -0.21726912260055542, -1.0737106800079346, 0.31101322174072266, -0.2576024532318115, 0.226143941283226, -0.9565235376358032, -0.16225624084472656, 2.0132131576538086, 0.28307265043258667, 1.0101608037948608, 0.6286311745643616, 0.4492679536342621, 0.7161047458648682, 0.9116212129592896, 1.439011573791504, -0.1602465808391571, -1.2963050603866577, -0.37333405017852783, -0.050516434013843536, -0.32065632939338684, -0.10142462700605392, 0.2559273838996887, -1.2409359216690063, 0.27797484397888184, -1.3811980485916138, 0.6696181893348694, -0.28242015838623047, 0.2940807342529297, 0.4829702377319336, 0.5654155611991882, -0.30119338631629944, -1.3539528846740723, -0.29396483302116394, -0.5870910286903381, -0.058696500957012177, 0.3901907503604889, 0.23330296576023102, 0.1735418438911438, 0.7396606802940369, -0.2753984332084656, 1.0090104341506958, -0.15182960033416748, -0.4306633472442627, -0.010466814041137695, 0.0010955259203910828, 1.4236037731170654, 0.36535507440567017, 0.3316698968410492, -0.4422323405742645, -0.04118696600198746, -0.2424454391002655, -0.760780394077301, 0.28071361780166626, 0.41583871841430664, 1.5724681615829468, 0.11167360842227936, 0.2602391839027405, -1.2546703815460205, -0.1461998075246811, -0.9875869750976562, 0.870340883731842, 0.8585225343704224, -0.4867004156112671, -0.8904102444648743, -0.7284435033798218, 0.732122540473938, 0.7425823211669922, -0.05499183014035225, 0.13177211582660675, -0.8585737347602844, 0.9671801924705505, 0.5905272960662842, -0.43580424785614014, -1.0046801567077637, 0.30715522170066833, -0.025700049474835396, 0.32621175050735474, 0.7167086601257324, -0.4613514542579651, -0.40440306067466736, 0.18322524428367615, -0.8654385209083557, 0.4036272168159485, -0.1445411741733551, -0.6561573147773743, -0.4387594163417816, 0.42531129717826843, -0.32317402958869934, -0.1914719045162201, 0.37715965509414673, -0.859315037727356, -1.2730598449707031, 0.8630423545837402, 0.801040768623352, -0.6744591593742371, -0.36385291814804077, 0.005710627883672714, -0.03508343547582626, 0.3911678194999695, 1.525177001953125]} +{"paper_id": "web_questions", "embedding": [-0.5825251340866089, 1.1614669561386108, -0.41132405400276184, -0.32929036021232605, 0.14162573218345642, -0.18638329207897186, 0.43518123030662537, 0.7263352870941162, 0.6183589696884155, 0.7616069316864014, 0.24604278802871704, 0.07359128445386887, 0.3556307852268219, -0.020456237718462944, -0.2615939974784851, -0.12708020210266113, -0.3732174336910248, -0.8492128849029541, -0.7497785091400146, -0.16564491391181946, -0.6093741059303284, -0.7069022059440613, 0.11519214510917664, 0.7425519227981567, -0.8935219645500183, -0.8445333242416382, 0.6575973629951477, -1.052788496017456, 0.591996967792511, 0.157240629196167, -0.2873068153858185, 1.1467068195343018, -1.2577290534973145, 0.33947423100471497, -0.5501147508621216, 0.29562708735466003, 0.1901766061782837, 1.0898336172103882, -0.2754729986190796, -0.2301270067691803, -0.6068693995475769, 0.1639140546321869, 0.7577530145645142, 0.31704074144363403, 1.4064401388168335, -0.3021101951599121, 1.0366147756576538, 0.28956735134124756, 0.01166146993637085, -0.20801566541194916, -0.993304967880249, 0.4329296052455902, 0.026663776487112045, 0.293035089969635, -0.10226022452116013, 0.9528135657310486, 0.36119917035102844, -0.847140908241272, 1.3373243808746338, -1.1120061874389648, 1.4496816396713257, 1.1986035108566284, -0.0035652443766593933, 0.30220428109169006, 0.6564503312110901, 0.1884741634130478, 1.0191583633422852, 0.24550949037075043, 0.6144827604293823, 0.803571343421936, 0.0709252655506134, -1.047847867012024, 0.3761137127876282, -0.3501955568790436, 0.07704854756593704, 1.1129199266433716, 0.10571873188018799, -0.043809305876493454, 0.34777310490608215, 0.09730719774961472, -0.2619122564792633, 0.333365261554718, 0.33939749002456665, -0.2053600549697876, 0.19442002475261688, -0.15020771324634552, 0.19152291119098663, -0.7284349799156189, 0.44803479313850403, -1.542460560798645, 0.6283049583435059, 0.3070380389690399, -0.008981483057141304, -0.09167852252721786, -0.21825924515724182, 0.7761857509613037, -1.0660762786865234, -0.1716436743736267, -0.2624794840812683, 0.5524875521659851, 0.47063201665878296, 0.04033118113875389, 0.5111023187637329, -0.17337524890899658, -0.6068996787071228, 0.7868925333023071, -0.37964770197868347, -0.48672938346862793, -0.7230494022369385, -0.7555640339851379, -0.12876343727111816, 1.0259793996810913, -0.1086127758026123, 0.2635641098022461, -0.008244967088103294, 0.0245022252202034, 0.23624777793884277, -0.9380929470062256, -0.11503485590219498, 0.23040771484375, -0.2107764333486557, -1.3301774263381958, -0.11583105474710464, 0.5677881836891174, 0.5488123297691345, -0.06056903675198555, 0.20009808242321014, -0.08951692283153534, -0.30887526273727417, 0.44831448793411255, 1.038474440574646, -0.26824966073036194, -0.4216598570346832, -0.18893741071224213, 2.4046993255615234, -1.497092604637146, 1.4716814756393433, -0.35630327463150024, 0.051843173801898956, -0.26173269748687744, -0.4982338547706604, 1.179258108139038, 0.2954070568084717, -1.0010387897491455, -0.7193889617919922, 0.2833942770957947, -0.3901873826980591, 0.5316315293312073, -0.9184480905532837, -0.381146103143692, -0.002372942864894867, 0.633402943611145, -1.5452430248260498, 0.06126687675714493, -0.025715235620737076, 0.6969759464263916, 0.1406620740890503, 0.060302380472421646, -0.7685068845748901, 0.45078620314598083, 0.12128300964832306, -0.01942068338394165, -0.49651622772216797, 0.31283092498779297, -0.6829259991645813, -0.2698288857936859, 1.130946397781372, -0.029362808912992477, -1.2230015993118286, 0.19455492496490479, 0.29400137066841125, -0.5084678530693054, 0.15620437264442444, -0.10584922879934311, -0.47892194986343384, 0.1810097098350525, 0.6534057855606079, 0.502802848815918, 0.15991590917110443, -0.9038099050521851, 0.018395479768514633, -0.044357310980558395, -0.2561183273792267, 0.7534641623497009, 0.02783576026558876, 0.18629632890224457, -1.7995011806488037, 0.3218904137611389, 0.0008777976036071777, 0.5262951850891113, 0.3645630180835724, 0.1590123325586319, 0.29109594225883484, 0.25931239128112793, 0.2219545990228653, -0.5373278856277466, 0.3859741687774658, -1.3945142030715942, -0.25561925768852234, 0.2487768679857254, -0.46240127086639404, 0.09543590247631073, 0.02620970457792282, 0.8281863331794739, 0.4131717383861542, -0.28331589698791504, -0.7623545527458191, -2.015507221221924, 0.7745271325111389, 1.6782077550888062, -0.07784946262836456, -0.522817075252533, -0.42045822739601135, 0.11946777999401093, 0.2950378656387329, -0.5879511833190918, 0.3459824025630951, -0.35401517152786255, 0.07304900884628296, -1.1693395376205444, 0.7548393607139587, -0.23810601234436035, 0.16799986362457275, 0.6764046549797058, 1.2834339141845703, -0.8228506445884705, -0.23296873271465302, -0.5230432152748108, -0.8687554001808167, 0.392628937959671, 0.69990473985672, 0.42303022742271423, -0.12640632688999176, 0.9600735902786255, 0.5789770483970642, 0.7566369771957397, 0.2690175771713257, 0.599830687046051, -1.041151762008667, 0.21128082275390625, -0.35429465770721436, 0.7534787654876709, 0.25387346744537354, -0.49671557545661926, 0.5091176629066467, 0.3902154862880707, -0.31452512741088867, -0.6993243098258972, 0.2536839246749878, 0.15419724583625793, 0.9184045791625977, 0.8248071074485779, -0.9269182682037354, 0.7843611836433411, -0.15438179671764374, -0.4108579754829407, -0.028571832925081253, -0.4999864101409912, -0.07374307513237, -0.7746536135673523, 1.1397731304168701, 0.05838689208030701, 0.10429230332374573, 0.03246472775936127, -0.29853323101997375, -0.7991706132888794, 0.09642720222473145, 0.6562131643295288, -0.6021962761878967, -0.004629649221897125, -0.10312717407941818, -0.5162973999977112, -1.2684211730957031, -0.9372096061706543, 0.011501036584377289, 0.052288927137851715, 0.038829028606414795, 0.9377145767211914, 1.2071658372879028, -0.054057177156209946, 0.36627015471458435, -0.01415032148361206, 1.0578416585922241, -0.3761906921863556, 0.24702845513820648, -0.0027149394154548645, 0.18097378313541412, -1.1193184852600098, 0.29698172211647034, -0.3472413420677185, 0.10242462903261185, 0.5877562165260315, -0.17113032937049866, 0.8623771071434021, -0.339822918176651, -1.591392993927002, 1.0244979858398438, 0.4229484796524048, -0.6926931738853455, -0.12262105196714401, 1.6026320457458496, 0.07042033970355988, -0.3621261417865753, 0.5725686550140381, 0.45727792382240295, -0.36785784363746643, 1.1249788999557495, -0.6218562126159668, 0.2196599543094635, 0.5485506057739258, -0.07770908623933792, -0.10419438779354095, 0.44026413559913635, -2.3340532779693604, 0.40664801001548767, 0.5501465201377869, -0.25337091088294983, -0.15464769303798676, -0.46129176020622253, 0.12963275611400604, -0.5874212980270386, 0.1634310930967331, 0.4474121630191803, -0.41566646099090576, 0.44892165064811707, -0.4655008614063263, 0.23678778111934662, 0.8446139097213745, -0.7964417934417725, 0.05204286053776741, 0.23533064126968384, 0.056148506700992584, -0.6740339398384094, -0.7559394240379333, 0.7238456010818481, -0.16279616951942444, 0.24227426946163177, 0.14519718289375305, 1.203924298286438, 0.8958930969238281, -0.4305229187011719, -0.5012524127960205, 0.6556831002235413, 0.11147461086511612, -0.02163517475128174, 0.1153901070356369, -0.10622648894786835, 0.6207146048545837, -0.46189844608306885, 1.3425558805465698, -0.37830886244773865, -0.5754911303520203, -1.2392617464065552, -0.0009295502677559853, -0.33125585317611694, -0.12653076648712158, 2.0976550579071045, 0.37289708852767944, 0.9257476329803467, -0.12637701630592346, 0.5181187391281128, -0.6215402483940125, -0.20577378571033478, 1.0784144401550293, 0.7368245124816895, 0.08314112573862076, -0.55631422996521, -0.12414614856243134, 0.4396267235279083, 0.03743615373969078, -0.7644323706626892, 0.3552183508872986, 0.6145955920219421, 0.15305988490581512, -0.4303811192512512, 0.27152401208877563, 0.6807390451431274, 0.09362630546092987, 1.310139775276184, -0.31600236892700195, -0.3329795300960541, -0.19310268759727478, 0.16453035175800323, -0.019776178523898125, 0.36497193574905396, -0.3549201488494873, 0.5831683874130249, -0.0019250847399234772, 0.16035836935043335, -0.05551780015230179, 1.2557862997055054, 1.1339480876922607, -0.4474894404411316, -1.43967604637146, -0.218782439827919, -1.2597625255584717, 0.16462856531143188, 0.27327802777290344, 0.0745697170495987, -0.6026474833488464, 0.2667441964149475, 0.11476480215787888, -1.5029791593551636, 0.1351228803396225, -0.06505735963582993, -1.5108875036239624, 1.3320751190185547, 1.258913516998291, -0.8460005521774292, -0.4591505825519562, -0.31502360105514526, -0.8399993181228638, -0.6797106862068176, -0.30910834670066833, -0.8038012981414795, 0.3743070363998413, 0.0736648216843605, 0.7583049535751343, 0.1723245084285736, 0.011113263666629791, -0.9882774353027344, 1.0203466415405273, 0.5340291857719421, -0.5952826738357544, 0.06073477864265442, 0.00027977069839835167, 0.5047777891159058, -0.22086605429649353, -1.3451333045959473, -1.0323247909545898, 0.5082283616065979, -0.06374430656433105, 0.013665786944329739, -0.8791986703872681, -0.7678498029708862, 0.2246529459953308, 0.04521562531590462, 1.1281297206878662, -0.38001373410224915, 0.6385010480880737, -0.855767011642456, -0.5713045001029968, 0.15292677283287048, -0.8061392903327942, -0.7759522199630737, 0.7683268189430237, 0.08422472327947617, 0.4590676724910736, -0.7641099691390991, 0.1388498842716217, 1.4161067008972168, -0.04887017980217934, -0.37829554080963135, -0.031137101352214813, -12.889187812805176, 0.5054836273193359, -0.001575365662574768, 0.8915175795555115, 1.1523972749710083, 0.15321269631385803, 0.7925775051116943, 0.36212173104286194, 0.8363109827041626, -1.184231162071228, 0.21448135375976562, 0.8845638632774353, 0.20291393995285034, 0.27139222621917725, -0.5299689173698425, -1.0817413330078125, -0.4878193438053131, -0.7956696152687073, 0.24343831837177277, 0.030212361365556717, 0.0396379791200161, -0.7603708505630493, -0.46686434745788574, 0.17652097344398499, 0.2535633444786072, -0.16917774081230164, -0.3331518769264221, -0.7398191094398499, -0.22550401091575623, -0.21645021438598633, 0.6627157330513, 0.14303088188171387, -0.22902733087539673, -0.3463074862957001, -0.6565647721290588, -0.15547128021717072, -0.24919234216213226, -0.4439249336719513, 1.0678752660751343, -0.12540076673030853, -0.47385698556900024, 0.23422256112098694, 0.8275851607322693, 0.09732096642255783, -0.21884068846702576, 0.8802202343940735, -0.13061289489269257, -0.7960854172706604, -0.05266999453306198, 0.12761670351028442, -0.5918487310409546, -0.04327183961868286, -0.8269415497779846, -0.0892597883939743, 0.8972018957138062, 0.0037114787846803665, -0.5405403971672058, -0.3023746609687805, -0.7949214577674866, -0.8566771745681763, 0.9606234431266785, 0.333249568939209, -0.38615694642066956, -0.12059101462364197, 0.36744582653045654, -0.22517146170139313, 0.063499815762043, 0.03347444161772728, -0.45474326610565186, 0.0404554083943367, -0.6137750148773193, 0.8118085861206055, 0.43080490827560425, 0.18216446042060852, -0.624963104724884, 0.1920701563358307, -0.7822810411453247, 0.4990617334842682, 0.02763557992875576, -0.023721978068351746, -1.5513873100280762, 0.9676850438117981, 0.17700016498565674, -0.4656466543674469, -0.9529514312744141, 0.43868488073349, -0.23157668113708496, 0.42962977290153503, 0.5503051280975342, -0.12664702534675598, 1.4970883131027222, 0.39982229471206665, -0.5855939984321594, -0.14427179098129272, -0.2138959765434265, 0.5221163034439087, -0.2821170389652252, 0.42626941204071045, -0.5990313291549683, -0.340132474899292, 0.15489807724952698, -0.7571233510971069, -0.565983772277832, 0.17665061354637146, 0.5331605076789856, 0.25348523259162903, 0.6089319586753845, 0.024229079484939575, -0.06431570649147034, 0.14461269974708557, 0.9946362972259521, -0.07855482399463654, -0.32076138257980347, 1.5896046161651611, -0.053807348012924194, 0.4692864418029785, 0.38982582092285156, -0.20239166915416718, 0.5522425770759583, 0.7889481782913208, -0.4136110544204712, 0.09242319315671921, 0.20580969750881195, 1.0958466529846191, -0.009473506361246109, 0.18542489409446716, 0.34695595502853394, 0.6549212336540222, 0.2517852783203125, -1.0497652292251587, 0.2606804072856903, 0.034423429518938065, -0.25123143196105957, -1.1612210273742676, -0.5705617070198059, -0.233064666390419, -0.589310884475708, 1.5632646083831787, -0.35412412881851196, -0.001975748687982559, -0.2536284923553467, -0.2843509614467621, -0.3140006363391876, -1.3684265613555908, -0.8612064123153687, 0.1032792404294014, -0.7881238460540771, 0.03759627044200897, -0.7123438119888306, -0.5670665502548218, -0.11239568889141083, -0.6282062530517578, 0.9421749711036682, -0.50248783826828, 0.1803894340991974, -0.3340647220611572, 0.4363231658935547, -0.26703163981437683, -0.5936315059661865, -0.3953230679035187, 0.6482115983963013, 0.33198976516723633, -0.7119981050491333, 1.1739649772644043, 0.2986767292022705, -0.2621420919895172, -0.846578061580658, 0.06793110072612762, -0.2803914248943329, -0.202428936958313, 0.8097199201583862, -0.9595341086387634, -0.1664687544107437, -0.2855505347251892, -0.34138375520706177, -1.2961182594299316, 0.5884985327720642, 0.8538069725036621, -0.9037978053092957, 0.2538914680480957, 0.07651474326848984, 0.8643872141838074, -0.12341409921646118, -0.28164222836494446, -0.23231631517410278, 0.24207255244255066, 0.43231821060180664, 0.8796297311782837, 0.3198819160461426, 0.8070987462997437, -1.621839165687561, -0.9946494698524475, -0.6321815252304077, -0.24100260436534882, 0.5283669233322144, 0.16055259108543396, 0.6718396544456482, 0.4443938732147217, -0.30646464228630066, 0.4311331510543823, 0.11789634823799133, 1.2421822547912598, 0.2563365697860718, 0.37520983815193176, -0.5400301814079285, 0.15808850526809692, -0.4478638768196106, 0.2858298420906067, 0.6254236698150635, 1.0466333627700806, -0.9267855286598206, -0.4667664170265198, 0.2764706611633301, -0.10612699389457703, 0.04973713681101799, -0.8186274766921997, -0.016991358250379562, -0.1018364429473877, -0.6086260080337524, -1.0703352689743042, -0.08976978808641434, 0.7964978814125061, -0.7428526282310486, 0.8942663669586182, 0.37771937251091003, 1.0346254110336304, 0.7809855341911316, 0.20951606333255768, 0.919934093952179, -0.018413085490465164, -0.04868327081203461, 0.5806941390037537, -0.25534588098526, 0.06937479227781296, -0.6653595566749573, -0.7565904259681702, -0.6028727889060974, 1.0562793016433716, -0.04632239043712616, 0.4762943983078003, -0.10454383492469788, 0.4596964418888092, 0.5054982900619507, 0.9337987303733826, -0.5738102197647095, -1.4627870321273804, -0.49139025807380676, -0.7759092450141907, -0.020618248730897903, 0.670670747756958, 0.42056816816329956, 0.8537391424179077, 0.8028057813644409, 0.16976343095302582, 0.9152053594589233, -0.43042683601379395, 0.28368428349494934, 0.07128483802080154, -0.2578306198120117, 1.2015199661254883, 0.6118208169937134, 0.2927776575088501, 0.6664414405822754, -0.3211892247200012, -0.9030399322509766, -0.042106181383132935, -0.2909602224826813, 0.6746202707290649, 0.29800766706466675, -0.5734153985977173, -0.13135752081871033, -0.13839766383171082, 0.5756247639656067, -0.4776415228843689, 0.43927550315856934, -0.16573692858219147, -0.5466567873954773, 0.36570554971694946, -0.6590120196342468, -0.33849671483039856, 0.7696973085403442, -0.10964299738407135, -0.4796797037124634, -0.36328184604644775, 0.10000967979431152, -0.11266962438821793, -0.7515996694564819, -0.865347683429718, 0.10063184797763824, -0.6786479353904724, 0.365928590297699, 0.28983184695243835, -0.5588793754577637, -0.4160161316394806, 0.040647804737091064, -0.8279901146888733, 0.33569884300231934, 0.016056597232818604, -1.1430667638778687, -0.43486687541007996, 0.3491566479206085, -0.3177318572998047, 0.8075850009918213, -0.50665283203125, -0.37515610456466675, -1.6200368404388428, 0.1031467542052269, 0.8255910873413086, -0.0037202779203653336, -0.2519588768482208, 0.5474728941917419, 0.29822710156440735, 0.6261593103408813, 0.5516092777252197]} +{"paper_id": "pubmed_qa", "embedding": [-0.8336713910102844, 0.7959163188934326, -0.1309168040752411, -0.6019539833068848, 0.0164780355989933, 0.2257695347070694, 0.5856724977493286, 1.2134605646133423, 0.34815818071365356, 1.162513017654419, 0.19288641214370728, 0.42635440826416016, -0.6391447186470032, -0.11052513122558594, -0.709875226020813, -0.6820550560951233, -1.0951716899871826, -0.3192208707332611, -1.1235421895980835, -0.3861425220966339, -1.0681380033493042, -0.4211055636405945, 0.3474940359592438, 1.02464759349823, -0.607157289981842, -0.8429238796234131, 0.5970659852027893, -0.6106139421463013, 0.2664191424846649, -0.07829786837100983, 0.11939937621355057, 1.43300199508667, -1.6773979663848877, 0.3173030912876129, -0.5969133377075195, -0.3153141736984253, 0.09189789742231369, 0.9313198924064636, -0.31941306591033936, -0.40386703610420227, -0.7618504166603088, 0.5067756772041321, 0.6868095397949219, 0.7062024474143982, 1.5301378965377808, -0.8051018714904785, 0.43945538997650146, -0.08500674366950989, -0.3323371410369873, -0.1870259940624237, -0.17540568113327026, 0.6869485974311829, -0.4715479612350464, 0.5753226280212402, -0.4058958888053894, 0.9178479313850403, 0.14014673233032227, -0.04208831861615181, 0.7989850640296936, -1.2031725645065308, 1.6521049737930298, 1.4161771535873413, -0.023774636909365654, -0.5177298188209534, 0.6864323019981384, 0.4477861523628235, 1.4948371648788452, 0.37946343421936035, 0.3249848484992981, 0.5108609795570374, -0.20235493779182434, -1.081138253211975, -0.17648401856422424, -0.5313862562179565, 0.02192017436027527, 0.2585063576698303, 0.1734408736228943, -0.4181436002254486, 0.22752276062965393, -0.026148909702897072, -0.02544872835278511, 0.21392129361629486, 0.9136659502983093, -0.6586758494377136, 0.11412288248538971, -0.11495424807071686, 0.1063610315322876, -0.7694712281227112, 0.5353106260299683, -1.5630319118499756, 0.571627676486969, 0.4452914297580719, -0.224545419216156, -0.21446864306926727, -0.12158633768558502, 0.37056076526641846, -0.8012183904647827, -0.26531997323036194, 0.14048469066619873, 0.4297131299972534, 0.8386340141296387, -0.7599191665649414, 0.6740738153457642, -0.6689781546592712, -0.07409319281578064, 0.5816632509231567, -0.3060216009616852, -0.23797720670700073, -0.5747606754302979, -0.5315682291984558, 0.7179787755012512, 0.09041169285774231, 0.5221298336982727, 0.30644896626472473, -0.04958675056695938, 0.5578985810279846, 0.3403618037700653, -0.3010610342025757, -0.43791964650154114, 0.10066504031419754, 0.22457508742809296, -1.1877069473266602, -0.11101756244897842, -0.18090426921844482, 0.855696439743042, -0.518275797367096, 0.5418951511383057, 0.24633944034576416, 0.013276513665914536, 0.745040237903595, 0.12754645943641663, 0.17916752398014069, -1.5810774564743042, 0.8064522743225098, 3.4025321006774902, -0.4742688834667206, 1.5548360347747803, -0.3147142827510834, 0.164340540766716, -0.6789186596870422, 0.3224634826183319, 0.34389978647232056, 0.7921940088272095, -0.6867612600326538, -0.6289401650428772, 0.8252707123756409, -0.46253231167793274, 1.1180047988891602, -1.2601187229156494, -0.6827681660652161, -0.6664903163909912, -0.08697300404310226, -1.2241299152374268, -0.9289248585700989, 0.17961809039115906, 0.8123383522033691, -0.3228902518749237, 0.5123512744903564, -0.6902526021003723, 0.5883748531341553, 0.4294900596141815, -0.200666606426239, -0.3300420045852661, 0.7082222104072571, -0.8308694362640381, -0.7029278874397278, 1.0408648252487183, 0.0965590700507164, -1.3789883852005005, 0.08263430744409561, 0.5356470942497253, -0.361366868019104, -0.30093809962272644, 0.11775610595941544, -0.21997563540935516, -0.20367753505706787, 0.6999033689498901, 0.6712544560432434, -0.218008890748024, -0.4657452702522278, -0.30290094017982483, 0.03229358047246933, -0.23312506079673767, 0.2533186972141266, 0.5115013122558594, 0.48654061555862427, -2.0067903995513916, -0.12276516854763031, -0.5281268954277039, 0.8552751541137695, 0.00485190749168396, 0.3327144682407379, 0.004149939864873886, 0.21645952761173248, -0.29365259408950806, -1.0393016338348389, 0.17205539345741272, -1.6960673332214355, -0.05778922140598297, 0.5875458121299744, -0.353676974773407, 0.3516503870487213, 0.23342804610729218, 0.910010039806366, 1.006028413772583, -0.9468106627464294, -0.9915760159492493, -1.9078407287597656, 0.3335895836353302, 2.3817715644836426, -0.4010413885116577, -0.32868945598602295, -1.106343388557434, -0.4802457094192505, 0.5283104181289673, 0.06884551793336868, -0.5956487655639648, -0.6367318630218506, 0.25080564618110657, -0.8161095976829529, 0.568767786026001, -0.28768154978752136, 0.15385672450065613, 0.7461417317390442, 1.4183504581451416, -0.7020053863525391, -0.27627572417259216, -0.5189740061759949, -0.5009682774543762, 0.8649040460586548, -0.011472171172499657, -0.13231071829795837, -0.04774601757526398, 0.5949012637138367, 0.24766439199447632, 0.5487180352210999, 0.3743228018283844, -0.017649952322244644, -0.5139232277870178, 0.778063178062439, -0.3849351406097412, 0.9349830150604248, -0.5609795451164246, 0.42594027519226074, 0.5692993998527527, -0.23524156212806702, -0.5535162687301636, -0.7837676405906677, -0.10002253204584122, -0.32095250487327576, 0.839105486869812, 0.3329905867576599, 0.10953940451145172, 1.2025226354599, -0.45800378918647766, -0.19940456748008728, -0.11130143702030182, -0.5644997358322144, -0.3648315668106079, -0.5177726745605469, 0.5686478614807129, 0.6083513498306274, -0.15402844548225403, -0.12648648023605347, 0.00255652517080307, -1.530733346939087, 1.0918464660644531, 0.1464034914970398, -0.5026853680610657, -0.5532050132751465, -0.32514190673828125, -0.021243050694465637, -1.1059330701828003, -0.28198307752609253, 0.5721324682235718, 0.21789972484111786, -0.16541941463947296, 1.4118976593017578, 0.7386185526847839, 0.11254249513149261, -0.06868061423301697, 0.1207427829504013, 1.061420202255249, -1.01252019405365, 0.3765225410461426, -0.3892192244529724, 0.33552899956703186, -0.7286499738693237, 0.3917118012905121, -0.3780490756034851, 0.5627164244651794, -0.15493446588516235, 0.12453258782625198, 0.33066320419311523, -0.20326246321201324, -0.6549814939498901, 0.8588104248046875, 0.2363237589597702, -0.5297362208366394, -0.5418685674667358, 1.8229445219039917, 0.0795246958732605, -0.30447763204574585, 0.6658090949058533, 0.5298756957054138, 0.23552028834819794, 0.8693798780441284, 0.40511301159858704, 0.7251889705657959, 0.20726542174816132, -0.28168052434921265, 0.612786054611206, 0.802307665348053, -1.518441081047058, 0.3176075518131256, 0.7636906504631042, -0.5385433435440063, -0.7628601789474487, -1.257835030555725, -0.44156330823898315, -0.2992743253707886, 0.1748637706041336, 0.35843148827552795, -0.679503321647644, 0.3600861728191376, -0.1534576714038849, 0.24280227720737457, 0.7449818253517151, -0.8425420522689819, 0.1856268346309662, 0.6026225686073303, -0.6508157849311829, -0.788873016834259, -1.0847983360290527, 1.0262160301208496, 0.011156128719449043, -0.047210678458213806, 0.45715954899787903, 1.027338981628418, 1.1344780921936035, -0.20231062173843384, -0.4617120623588562, 0.3454962372779846, 0.31099432706832886, 0.10880472511053085, -0.2679676413536072, 0.22710193693637848, 0.617645800113678, 0.3604543209075928, 0.8898738622665405, 0.06127512827515602, -0.3904898166656494, -0.9647459387779236, -0.43380895256996155, 0.08394253253936768, -0.3319046199321747, 2.3175361156463623, 0.5948944687843323, 1.4349671602249146, -0.28476300835609436, 0.4472125470638275, -0.2643824517726898, -0.27678045630455017, 0.6784350872039795, 0.632978618144989, 0.1641264408826828, -0.9831176996231079, -0.23802059888839722, -0.0942487120628357, -0.05535724014043808, -0.33979806303977966, 0.4169609248638153, 0.28955531120300293, 0.26712238788604736, -0.9083362817764282, -0.08445535600185394, 0.2691466808319092, 0.6971568465232849, 1.424478530883789, -0.5325989723205566, -0.8721786141395569, -0.1666579246520996, 0.18971799314022064, 0.29184848070144653, 0.14724665880203247, -0.5366926193237305, 0.3495010733604431, 0.015607800334692001, -0.20739665627479553, -0.25296658277511597, 0.9766930341720581, 0.36386263370513916, 0.12053343653678894, -1.9912322759628296, -0.610453188419342, -0.5712956786155701, -0.20652247965335846, 0.26520785689353943, -0.08631880581378937, -0.8218276500701904, 0.4491238296031952, 0.19767031073570251, -1.0786603689193726, 0.2210722267627716, -0.17545241117477417, -1.781376838684082, 1.669216275215149, 0.9871301651000977, -1.6799038648605347, -0.12413378804922104, -0.12076734006404877, -0.6041935086250305, -0.2796870172023773, 0.2634557783603668, -0.5874149799346924, -0.07794345170259476, 0.07304823398590088, 1.338843584060669, 0.09924432635307312, 0.3664003014564514, -0.8307253122329712, 1.3658965826034546, 0.8372596502304077, -1.500925898551941, 1.1464951038360596, -0.21915863454341888, 0.7789692878723145, -0.33323025703430176, -1.0082756280899048, -1.1260720491409302, 0.26706457138061523, -0.6308411359786987, -0.4130670726299286, -1.1082022190093994, -0.8093571066856384, 0.5823413729667664, -0.24182157218456268, 1.1044946908950806, 0.038203198462724686, -0.3173970580101013, -0.9131879806518555, -0.5501420497894287, 1.2187827825546265, -0.4968392252922058, -0.6227737069129944, 0.9439166784286499, 0.11589596420526505, 1.2246052026748657, -0.3441642224788666, 0.5183313488960266, 1.2181447744369507, -0.7186303734779358, -0.119778111577034, -0.4038560688495636, -11.50053882598877, 0.8122073411941528, -0.09312928467988968, 0.04521660506725311, 0.5462931394577026, -0.2504487931728363, 0.9350829720497131, -1.0846753120422363, 0.20341694355010986, -0.41002142429351807, 0.8426406383514404, 1.6315903663635254, 0.45778971910476685, -0.568548321723938, -0.14756464958190918, -1.7825357913970947, -0.6732152700424194, -0.2115887701511383, -0.0038877353072166443, -0.4581232964992523, 0.28296637535095215, -0.6004999876022339, -0.2531680464744568, -0.22164469957351685, 0.4326394200325012, 0.5630200505256653, -0.5204727649688721, 0.16187486052513123, -0.3883402347564697, 0.6586312055587769, 0.6208874583244324, 0.4628641903400421, 0.20578868687152863, -0.3208427429199219, -0.1294938623905182, -0.4039471745491028, -0.21472610533237457, 0.03337821364402771, 1.1224620342254639, 0.10991258919239044, -0.48599255084991455, 0.1283668577671051, 0.5484165549278259, -0.18973667919635773, -0.7595736980438232, 0.42805659770965576, 0.368900865316391, -1.3232905864715576, 0.23152031004428864, -0.20933513343334198, -0.9351100325584412, -0.5066913366317749, -0.1762867271900177, 0.004658393561840057, 0.041241083294153214, 0.5554195642471313, -1.038960576057434, -0.32779645919799805, -0.9145988821983337, -0.5347305536270142, 0.28336015343666077, -0.283602237701416, -0.4175111949443817, 0.8017986416816711, -0.017231494188308716, -0.06672562658786774, 0.22990500926971436, 0.41945937275886536, -1.7295573949813843, 0.4343109428882599, -0.3493155837059021, 1.4423749446868896, 0.37758511304855347, -0.35583028197288513, -0.7485806345939636, 0.009798564016819, -0.6962150931358337, -0.7227838039398193, 0.18093928694725037, 0.09300249814987183, -1.346003532409668, 0.7694429755210876, 0.7767387628555298, -0.9426943063735962, -1.1853572130203247, 0.3472491502761841, -0.6617522835731506, 0.6507994532585144, 0.7255628108978271, -0.6026191711425781, 1.1834081411361694, 0.11193638294935226, -0.5147088170051575, -0.7210795879364014, -0.07044991105794907, 0.4233916997909546, -0.46667736768722534, 0.39850813150405884, 0.18291276693344116, -1.0708402395248413, 0.833027720451355, -0.28465354442596436, -0.7571206092834473, 0.14028796553611755, 0.6452887654304504, -0.40361469984054565, 0.08196859061717987, 0.018740221858024597, -0.9192277193069458, -0.6301116943359375, 1.321152687072754, -0.42807742953300476, -0.26208025217056274, 0.4195130467414856, -0.777015209197998, 0.5966769456863403, 0.8147780299186707, -0.06572970002889633, 0.556243360042572, 0.8949649333953857, -0.413941890001297, 0.7680436372756958, 0.1563568264245987, 1.2666797637939453, -0.43788039684295654, -0.3081322908401489, 0.4898998439311981, -0.08973267674446106, -0.4684444069862366, -0.9635264873504639, 0.7749350666999817, -0.15376126766204834, 0.20012006163597107, -0.6244054436683655, -0.1997794359922409, 0.2178543508052826, 0.06037897616624832, 1.5384169816970825, -0.5269455909729004, -0.2060767114162445, -0.09507603943347931, 0.12178461253643036, 0.2981856167316437, -1.1522529125213623, -1.1756020784378052, 0.19241949915885925, -0.9851972460746765, 0.21461904048919678, 0.14491590857505798, -0.4086958169937134, 0.34027522802352905, -0.24738726019859314, 1.3956034183502197, -1.134009599685669, -0.5044924020767212, -0.8426954746246338, 1.010825514793396, 0.03486381471157074, -1.3377960920333862, -0.29022854566574097, -0.2730041742324829, 0.17970246076583862, -1.056976556777954, 1.016007423400879, 0.9293187856674194, -0.13542193174362183, 0.10295610874891281, 0.7031620740890503, -0.34366345405578613, -0.05628584325313568, 0.8230276107788086, -1.2433416843414307, -0.026536505669355392, -0.5169546604156494, 0.5221351981163025, 0.4284135699272156, 0.7799313068389893, 1.0454851388931274, -1.1766482591629028, 0.12270883470773697, -0.25733616948127747, 1.195737361907959, 0.5471873879432678, -0.3945426344871521, -0.5910829305648804, 0.28050750494003296, 0.4610261619091034, 0.3802344799041748, 0.2620445489883423, 0.8583420515060425, -1.8200794458389282, -0.838954746723175, -0.03175446018576622, 0.22823673486709595, 0.6533750295639038, 0.4503941833972931, 0.6382353901863098, 0.5015811324119568, -0.024310313165187836, 0.4210478663444519, 0.6590777039527893, 1.430160641670227, 0.060250863432884216, 0.9323920607566833, 0.022206392139196396, 0.35584673285484314, -0.5799150466918945, 0.09210744500160217, 0.25372716784477234, 1.3353976011276245, -1.1796783208847046, -0.14315906167030334, 0.32360872626304626, -0.2552430331707001, 0.46573787927627563, -1.1214408874511719, 0.6545807719230652, -0.0614449679851532, -0.7650449275970459, -1.61115562915802, 0.393440306186676, 1.004239559173584, 0.1564570516347885, 0.5570922493934631, -0.0701163113117218, 1.1666538715362549, 0.6466764211654663, -0.545026957988739, 0.925704300403595, -0.07315631210803986, -0.27455610036849976, 0.47288045287132263, 0.39898940920829773, -0.0990685448050499, 0.13160981237888336, -0.5569079518318176, -0.3270414471626282, 0.5841814279556274, -0.21838581562042236, 0.9292659163475037, -0.6487274169921875, 0.0906006395816803, 1.1327627897262573, 1.181815266609192, -0.34011662006378174, -1.8141520023345947, -0.17809715867042542, -0.6019352078437805, -0.22934262454509735, 1.0128250122070312, 0.05192355811595917, 0.3012002408504486, 0.8376773595809937, 0.12837597727775574, 0.5237622857093811, -0.2331254631280899, 0.38045263290405273, 0.2186811864376068, -0.5849255919456482, 0.657780647277832, 0.8872864246368408, -0.22923628985881805, -0.0017435774207115173, -0.9079036712646484, -0.4200637936592102, 0.17525753378868103, -0.656772255897522, 0.7740434408187866, 0.9165418148040771, -0.7439369559288025, 0.2569352388381958, -0.4619729518890381, 0.4553840458393097, -0.7009566426277161, 0.16766367852687836, -0.3034079074859619, -0.940963089466095, -0.997285783290863, -0.8077667355537415, 0.07460477948188782, 0.7556329965591431, -0.134225532412529, -0.3121836185455322, 0.4763225317001343, 0.9951995611190796, -0.13592681288719177, 0.04815862327814102, -0.8174580335617065, -0.2273629754781723, -0.6934419274330139, 0.4372251629829407, 0.2581247091293335, -0.363528311252594, -0.42028841376304626, -0.25714194774627686, -0.8538002371788025, 0.4866653084754944, -0.6174395680427551, -0.499668687582016, -0.2755504548549652, 0.25126564502716064, -0.46590402722358704, 0.4272402822971344, 0.013419684022665024, 0.12097208946943283, -1.3543376922607422, 0.5020623207092285, 0.8987470269203186, 0.2774174213409424, -0.4242677092552185, -0.15923389792442322, 0.6654351949691772, -0.04164612293243408, 0.5330860614776611]} +{"paper_id": "sciq", "embedding": [-1.319219708442688, 0.5507350564002991, -0.2535645663738251, -0.1810193508863449, 0.6636597514152527, -0.47943419218063354, 0.3496532142162323, 0.6064115166664124, 0.28876587748527527, -0.16176673769950867, -0.07519479095935822, 0.36851122975349426, -0.2692318558692932, 0.9919540882110596, -0.4223349690437317, -0.9794062376022339, -0.682121753692627, -0.6346536874771118, -0.7990484237670898, -0.5094388127326965, -1.227242112159729, -0.3708568811416626, 0.22460484504699707, -0.13244226574897766, -0.13034579157829285, -0.924447238445282, 0.8274132013320923, -0.6150867342948914, 0.3444995880126953, -0.25139516592025757, 0.11366486549377441, 1.1636383533477783, -1.2316830158233643, 0.3392980396747589, -0.9432427287101746, 0.15615832805633545, -0.05339325591921806, 1.554290771484375, -0.267680287361145, -0.20602303743362427, -0.7814607620239258, 0.6735100150108337, 0.7453231811523438, -0.30404457449913025, 0.30176737904548645, -0.9170406460762024, 0.8637942671775818, -0.3113715648651123, -0.026393666863441467, -0.014144103974103928, -0.5554867386817932, 0.721688449382782, -0.08497291803359985, -0.07812243700027466, -0.20276033878326416, 0.49623650312423706, 0.7095476984977722, -0.3717050850391388, 1.0249543190002441, -0.9588621854782104, 1.074906826019287, 1.1867154836654663, 0.9188334941864014, 0.011447856202721596, 0.41583964228630066, -0.04977824166417122, 1.0377113819122314, 0.07327982783317566, -0.300838828086853, -0.0552457794547081, -0.6569957733154297, -0.7380115389823914, -0.4049636721611023, 0.35801011323928833, 0.11863981187343597, -0.027666807174682617, -0.28667905926704407, 0.22072279453277588, 0.4880819320678711, 0.0178355872631073, -0.2660573422908783, -0.0010081380605697632, 0.9763316512107849, 0.07033319026231766, -0.018807079643011093, -0.3118915855884552, 0.15896010398864746, -0.9633064270019531, 0.44349604845046997, -0.9792444705963135, 0.4652025103569031, 0.16922897100448608, 0.32945767045021057, 0.21751636266708374, -0.6222580075263977, 0.8393512964248657, -0.6768458485603333, -0.47572553157806396, -0.7817498445510864, 1.2660170793533325, 0.24419185519218445, 0.04630438983440399, 0.44386032223701477, 0.2060631811618805, 0.38616618514060974, 0.47498658299446106, 0.40410560369491577, 0.1638217568397522, -0.5981906056404114, -0.8610373139381409, -0.10928721725940704, 0.4329811930656433, 0.18834279477596283, 0.43590107560157776, -0.06665001809597015, 0.24125757813453674, 0.036891140043735504, -1.0845729112625122, -0.14644819498062134, -0.1930369883775711, 0.10998855531215668, -1.2515331506729126, -0.2826044261455536, 0.09547631442546844, 1.0512710809707642, -0.2008645236492157, -0.2922437787055969, -0.5692147016525269, -0.6773024201393127, 0.7425535321235657, 1.152331829071045, -0.0733635276556015, -0.21089114248752594, -0.01623399183154106, 2.9728548526763916, -0.41917821764945984, 0.9806631803512573, 0.04375176876783371, -0.22095733880996704, -0.24117928743362427, -0.3861618638038635, 0.5950545072555542, 0.27563750743865967, -1.019355058670044, -0.6776610016822815, 0.23464272916316986, 0.3762368857860565, -0.18932443857192993, -1.445556402206421, 0.152603879570961, -0.327517032623291, 0.6942461133003235, -1.2395213842391968, 0.2596694827079773, 1.0563488006591797, 0.417958527803421, -0.03016604483127594, -0.5328708291053772, -0.6961324214935303, -0.33716925978660583, 0.08425232768058777, 0.11803369224071503, -0.5657658576965332, 0.6784805655479431, -0.19834023714065552, -0.7019837498664856, 0.9694362878799438, -0.22106733918190002, -1.7467856407165527, 0.06909637898206711, 0.5304520726203918, -0.5479071140289307, 0.07893369346857071, 0.19577951729297638, -0.371887743473053, -0.4808695614337921, 0.46064692735671997, 0.16310478746891022, -0.5286853909492493, -1.0327727794647217, 0.4738897681236267, -0.00886647216975689, -0.3486120104789734, 0.7808794379234314, 0.02920933999121189, 0.004977397620677948, -2.568817615509033, 0.017110493034124374, -0.24114158749580383, 0.010783500969409943, 0.1499939262866974, 0.599524736404419, 0.04867101088166237, 0.5342040657997131, -0.15726324915885925, -0.5893033146858215, 0.10420547425746918, -1.9383512735366821, 0.8954313397407532, 0.5450134873390198, -0.1537816822528839, 1.033251404762268, 0.5257181525230408, 1.2277519702911377, 0.5500384569168091, 0.13377636671066284, -1.1537965536117554, -1.7906001806259155, 0.2028537094593048, 1.294844150543213, -0.9619362354278564, -0.11176740378141403, -0.8381326198577881, -0.0026590079069137573, -0.3762451410293579, 0.15215960144996643, 0.05813243240118027, -0.13297440111637115, -0.1914326548576355, -1.1215883493423462, 0.696961522102356, -0.48494261503219604, -0.5154500007629395, 0.17247019708156586, 1.7324295043945312, -0.7423612475395203, -0.35344305634498596, 0.14487877488136292, -0.901286780834198, 0.6301440596580505, 0.2555527687072754, 0.09307940304279327, 1.0468720197677612, 0.7530474066734314, 0.46850836277008057, 1.1738766431808472, 0.3236353397369385, 0.3934313952922821, -0.89933180809021, 0.2877216935157776, -0.16638745367527008, 1.1747469902038574, 0.5108125805854797, -0.46063122153282166, 0.23625625669956207, -0.18100032210350037, -0.5078758001327515, -0.26061034202575684, -0.2879873514175415, -0.026055537164211273, 1.0980302095413208, 0.8623228669166565, -0.581367552280426, 0.8406291007995605, -0.8596870303153992, -0.6115661859512329, -0.3433065712451935, 0.03985254839062691, -0.13680925965309143, -0.3993324637413025, 0.9668734073638916, 0.39349040389060974, 0.1587963104248047, -0.40369677543640137, -0.5617896318435669, -1.1193537712097168, 0.22015351057052612, 0.1303311586380005, -0.6145815253257751, 0.005041837692260742, -0.4883548319339752, -0.15018759667873383, -0.8075082898139954, -0.9608889818191528, -0.26723647117614746, -0.7031248807907104, -0.5093303322792053, 1.4198219776153564, 0.8386827707290649, -0.22922351956367493, 0.024316534399986267, 0.6410408020019531, 0.6315134763717651, -0.3084895610809326, 0.6293863654136658, -0.18279267847537994, 0.3266110420227051, -1.1942495107650757, -0.056269582360982895, -0.426962673664093, -0.24299076199531555, 0.4171333312988281, -0.18084847927093506, 0.42603546380996704, -0.6959794163703918, -1.0734169483184814, 0.3151862621307373, 0.63051438331604, 0.16213755309581757, -0.3409382104873657, 1.076656699180603, -0.012247473001480103, -0.34047847986221313, 0.8557497262954712, 0.18855340778827667, 0.1821037083864212, 1.244181752204895, -0.27946412563323975, -0.1732197254896164, -0.40990138053894043, -1.0589760541915894, -0.09533903002738953, 0.33392664790153503, -1.785884141921997, 0.9321275949478149, 1.2753615379333496, -0.510783314704895, -0.2733137309551239, -0.23109044134616852, -0.27181297540664673, -1.2539232969284058, 0.5468986630439758, 0.7211158871650696, -0.7119513154029846, 1.0210978984832764, -0.27118614315986633, 0.2241186946630478, 1.0037604570388794, -0.8167339563369751, 0.5202102661132812, 0.1441020369529724, -0.17835667729377747, -0.8684675693511963, -0.980312168598175, 0.6734962463378906, 0.23954321444034576, -0.1020389050245285, -0.06026248633861542, 0.8170331716537476, 0.8235354423522949, -0.9085186719894409, -0.7446118593215942, -0.09393766522407532, 0.8124932050704956, 0.09409727156162262, -0.8548005819320679, 0.29676467180252075, 0.6876144409179688, 0.34104979038238525, 1.8778984546661377, -0.08145736902952194, -0.5777915120124817, -0.3301697373390198, -0.621886134147644, -0.6512563824653625, 0.01715424656867981, 1.0453022718429565, 0.632566511631012, 0.9825817942619324, 0.40072301030158997, 0.8149113655090332, -0.16212046146392822, -0.5046132802963257, 1.1677498817443848, 0.42326033115386963, 0.35041743516921997, -0.79726243019104, 0.35253170132637024, -0.0611308291554451, 0.5853970646858215, -0.24891787767410278, 0.8933485746383667, 0.7271826863288879, 0.2658725678920746, -1.361290454864502, 1.3965038061141968, 0.9717012047767639, 0.42003506422042847, 1.8099353313446045, 0.1755644530057907, 0.23835785686969757, -0.7536194920539856, -0.29498517513275146, -0.2080710381269455, 0.03761901706457138, 0.1690571904182434, 0.6650495529174805, 0.6005399823188782, 0.665463387966156, 0.4497137665748596, 0.8023408055305481, 0.9722122550010681, -0.9681789875030518, -1.5587189197540283, 0.07672032713890076, -0.6839426159858704, -0.3329574465751648, 0.22540560364723206, 0.073285311460495, -0.3605875074863434, 0.6473825573921204, 0.01211700588464737, -1.7205770015716553, -0.19265641272068024, -0.5786279439926147, -0.9198238849639893, 1.5446336269378662, 0.8861473798751831, -1.1324111223220825, -0.42154690623283386, -0.4342581629753113, -0.7375227212905884, -0.4413478970527649, 0.33593258261680603, -0.6551811099052429, 0.26875266432762146, 0.6199588179588318, 0.662428081035614, 0.24195432662963867, 0.3310583233833313, -0.7477895021438599, 1.037841796875, 0.90973299741745, -1.1033267974853516, 0.6936327219009399, -0.3826768696308136, 1.0503387451171875, 0.15503746271133423, -0.9063868522644043, -0.7660018801689148, 1.4925992488861084, -0.06060253828763962, -0.034756097942590714, -1.149884581565857, 0.2437514364719391, 0.2319607138633728, 0.39991888403892517, 0.31288811564445496, -0.21196655929088593, -0.3993303179740906, -0.7520515322685242, -0.1388102024793625, 1.2220407724380493, -1.1886626482009888, -0.44582849740982056, 0.9759745597839355, 0.1140458807349205, 0.7420052289962769, -0.7234495878219604, 0.06187070533633232, 1.159731388092041, -0.45223182439804077, -0.4336836338043213, -0.26635313034057617, -11.758563995361328, 1.6233779191970825, -0.4092700183391571, 0.2204294055700302, 0.5770869851112366, 0.05182957649230957, 0.6966193914413452, -0.16585050523281097, 0.03969719633460045, -1.1909767389297485, 0.19334976375102997, 1.2749792337417603, 0.3318733870983124, 0.6929982304573059, -0.891443133354187, -0.8926194310188293, -0.00574256107211113, -0.9063910841941833, 1.197844386100769, 0.17180714011192322, 0.055028948932886124, -0.4867168664932251, -0.5202146768569946, -0.8071399927139282, 0.3325994610786438, -0.4655543863773346, -0.7804397940635681, 0.04150408133864403, -0.26824039220809937, 0.44535794854164124, 0.7767484188079834, 0.4875759780406952, -0.7872536778450012, -0.24909110367298126, -1.3075711727142334, 0.22803600132465363, -0.6519930362701416, 0.2459201216697693, 1.012972354888916, 0.08831170946359634, 0.2108532339334488, 0.7460664510726929, 0.3422587215900421, 0.05972211807966232, -0.39517226815223694, 0.7525875568389893, 0.20936965942382812, -1.1139875650405884, 0.1579010784626007, -0.21533814072608948, -1.0051349401474, -0.37158408761024475, -0.36236533522605896, -0.04634374752640724, 0.39560920000076294, 0.828904926776886, -1.0798733234405518, -0.10564310103654861, -0.9177610278129578, -0.8334629535675049, 0.18210148811340332, -0.387617826461792, -0.6868861317634583, 0.4800533056259155, -0.13117316365242004, -0.45104992389678955, -0.2762441039085388, 0.4564707279205322, -0.5450599789619446, 0.6501113772392273, -0.48758047819137573, 1.3606585264205933, 0.7748022079467773, 0.46643179655075073, -0.5026043057441711, -0.11527880281209946, -0.7735804915428162, 0.28317806124687195, 0.027678128331899643, -0.6189989447593689, -1.8631782531738281, 0.8708609342575073, 0.36886703968048096, -0.6834517121315002, -0.9231228232383728, 0.8903265595436096, -0.1370793879032135, 0.15123283863067627, 0.8403345346450806, -0.5391415953636169, 0.8922324776649475, 0.7331393361091614, -0.6427814364433289, -0.9670167565345764, 0.2234058678150177, 0.7536879777908325, -0.44485482573509216, 0.2254098355770111, -0.13463838398456573, -0.6833566427230835, 0.424553245306015, -0.7940314412117004, -1.2495759725570679, 0.4815567433834076, 0.9674395322799683, -0.08045953512191772, 1.0207228660583496, 0.3367980122566223, 0.08769604563713074, -0.282982736825943, 0.10469749569892883, -1.190447211265564, 0.5899983644485474, 1.439724087715149, -0.8742961883544922, 0.8343196511268616, 0.8471198678016663, -0.16347993910312653, 0.43989476561546326, -0.165943443775177, -0.23668785393238068, 1.024175763130188, 0.6612521409988403, 1.4374008178710938, -0.3731575310230255, 0.20383000373840332, 0.3823099136352539, 0.21509979665279388, -0.20809213817119598, -0.9372122287750244, 1.2329012155532837, -0.060043998062610626, 0.24828927218914032, -1.0273916721343994, -0.4680093228816986, -0.32512950897216797, -0.262667179107666, 1.4941463470458984, -1.0590826272964478, 0.3678768277168274, -0.03615354746580124, 0.32591724395751953, -0.7952885031700134, -0.6876304149627686, -1.106333613395691, -0.07078532129526138, -0.9366323351860046, 0.8670202493667603, -0.3314974308013916, -0.48360514640808105, 0.2471863478422165, -0.9528512358665466, 0.9317619204521179, -1.150896668434143, -0.3685852885246277, -0.6868274807929993, -0.012236174196004868, 0.1970045268535614, -0.5733038783073425, -0.5300049185752869, 0.5475523471832275, 0.22417765855789185, -0.5648910403251648, 1.4720540046691895, 0.7348814010620117, -0.6159601211547852, 0.07451359182596207, 0.2534264922142029, -0.8366961479187012, -0.4407564401626587, 0.7486891150474548, -0.725205659866333, 0.07541711628437042, -0.1693468689918518, 0.5645265579223633, 0.1529850959777832, 0.08030009269714355, 0.9751760959625244, -0.9084383845329285, 0.30025744438171387, -0.2291058897972107, 1.3301202058792114, 0.30560266971588135, -1.1168546676635742, -0.44646748900413513, 0.2864939570426941, 0.7502222657203674, 0.1315680742263794, 0.3708561658859253, 0.8884116411209106, -1.0882936716079712, -1.6285042762756348, -0.6048575043678284, 0.3326496481895447, 0.4687349498271942, 0.3038148581981659, 0.9519520998001099, 0.49564865231513977, -0.543221652507782, 0.11754589527845383, 0.512181282043457, 0.695000410079956, 0.3235912024974823, 0.034083690494298935, -0.29107025265693665, 0.3636435270309448, -0.8167001605033875, -0.2107333540916443, 0.4520215690135956, 1.0835907459259033, -0.42188507318496704, -0.23956342041492462, 0.4086146652698517, -0.007506031543016434, 0.08716708421707153, -1.2308979034423828, -0.7976475954055786, -0.43777748942375183, -0.5674015879631042, -1.4923404455184937, 0.5351200699806213, 1.043806791305542, -0.4000508785247803, 0.748325526714325, 0.07393305003643036, 0.6894335150718689, 1.089125394821167, 0.4386930465698242, -0.24581284821033478, -0.38003697991371155, -0.017072703689336777, 0.6668089032173157, -0.13588735461235046, 0.4371698796749115, 0.035269156098365784, -0.08660416305065155, -0.8369566202163696, -0.4849334955215454, -0.1934836059808731, 1.0844155550003052, -0.29064059257507324, 0.6309415698051453, 0.2748987078666687, 1.1902774572372437, -0.14013956487178802, -0.9819871187210083, 0.17030371725559235, -0.9808115363121033, -0.5872530937194824, 0.20387040078639984, 0.3106125593185425, 0.190720796585083, 0.7913832664489746, -0.3773859739303589, 0.7044601440429688, -0.38418012857437134, 0.7958805561065674, -0.019194908440113068, -0.585631251335144, 1.157680630683899, 0.4230392575263977, -0.1723528802394867, 0.8571540117263794, 0.10444289445877075, -0.7949389219284058, 0.1518997997045517, -0.7853773832321167, 1.056549310684204, 0.38765472173690796, -0.6280431151390076, -0.35118693113327026, -0.10079830884933472, 0.5997058749198914, -0.5097565054893494, 1.086646556854248, -0.4270457625389099, -0.3954245448112488, -0.4030497670173645, -0.3696621060371399, 0.6756402254104614, 0.650364100933075, 0.26311320066452026, 0.08624041080474854, 0.4162566661834717, 0.7431004047393799, -0.3899562954902649, -0.11487656086683273, -0.5410641431808472, 0.9850167036056519, -0.5054876804351807, 0.2690058946609497, 0.03211115673184395, -0.02846381440758705, -1.0434727668762207, 0.05788880214095116, -0.522712767124176, 0.2019982784986496, 0.04582364857196808, -1.3857202529907227, -0.29113277792930603, 0.6342662572860718, -0.44991132616996765, 1.074496865272522, 0.2797453999519348, 0.08671045303344727, -1.3328582048416138, 0.32874175906181335, 0.5298053622245789, -0.47684600949287415, -0.2730560898780823, 0.1343136727809906, 0.5771408081054688, -0.2810865640640259, 0.4734857380390167]} +{"paper_id": "multi_nli", "embedding": [-0.005483401007950306, 1.018435001373291, -0.1443045437335968, -0.3132800757884979, 0.825560986995697, -0.08436912298202515, 0.6344401836395264, 0.9998258948326111, 0.8205711841583252, 0.5739549398422241, 0.3420880436897278, -0.10521112382411957, 0.5091693997383118, 0.20351342856884003, -0.08912667632102966, -0.5924350619316101, -1.2197542190551758, -0.7978000640869141, -1.481768012046814, -0.3862908184528351, -0.67925626039505, -0.28796112537384033, 0.05483856424689293, 0.20119890570640564, -0.38615682721138, -0.8270333409309387, 1.1110657453536987, -1.1393033266067505, 0.3758731186389923, 0.43154841661453247, -0.285818487405777, 1.2038853168487549, -1.399713397026062, 0.5626862049102783, -0.36349382996559143, -0.40652045607566833, -0.21899397671222687, 0.5357576608657837, -0.34747618436813354, -0.07131412625312805, -0.6884856224060059, -0.19903266429901123, 0.4043222963809967, 0.409452348947525, 0.5480422973632812, -0.1005333736538887, -0.42018792033195496, 0.32897406816482544, -0.4545218348503113, -0.07337110489606857, -0.44496795535087585, 0.004720773547887802, 0.21930530667304993, 0.22208943963050842, -0.06651603430509567, 0.7563226222991943, 0.6155896782875061, -1.3754695653915405, 0.7264894247055054, -1.454976201057434, 0.8971126079559326, 1.4281322956085205, -0.8208758234977722, 0.4079917371273041, 0.9631364345550537, -0.2423923760652542, 1.4109691381454468, 0.09544989466667175, 0.5028112530708313, 1.0053859949111938, -0.0966649204492569, -0.9345148205757141, 0.6269615888595581, 0.4106495976448059, 0.5079408884048462, 0.8602420091629028, -0.007298311218619347, 0.44432348012924194, -0.06418166309595108, 0.14402201771736145, -0.2538852393627167, 0.5729307532310486, 0.7044739723205566, -0.44779518246650696, 0.2925143837928772, 0.5525391101837158, 0.3193033039569855, -0.5314557552337646, 0.19017022848129272, -1.513106107711792, -0.03327738493680954, -0.3402567207813263, -0.04378147050738335, 0.22492292523384094, -0.2288389503955841, 0.575361430644989, -0.1544579565525055, -0.09187591075897217, -0.05267937853932381, 0.6876296997070312, 0.6060410141944885, -0.30313801765441895, 0.2948932349681854, 0.013318978250026703, 0.1919180303812027, 0.47671961784362793, 0.005555875599384308, -0.4824668765068054, -0.8263866305351257, -0.4981343746185303, -0.17207500338554382, 1.0703974962234497, -0.2356925904750824, 0.5841388702392578, -0.19920220971107483, 0.049672745168209076, 0.6710596680641174, -0.8191581964492798, -0.409949392080307, 0.13589085638523102, -0.2836124300956726, -0.7717984914779663, -0.10041268914937973, -0.42136937379837036, 1.1068432331085205, -0.9913960099220276, 0.3810826241970062, -0.5509576797485352, 0.6773045659065247, -0.20604340732097626, 0.5906620025634766, 0.20187611877918243, -0.13643720746040344, 0.01186203584074974, 2.7458391189575195, -0.7003125548362732, 1.4051138162612915, -0.833159327507019, -0.06519932299852371, -0.3391034007072449, 0.23828455805778503, 1.3271065950393677, 0.13689613342285156, -0.8682292103767395, -0.8659208416938782, 0.0006911158561706543, -0.5721261501312256, 0.22412221133708954, -1.062063455581665, -0.1542189121246338, 0.04368746653199196, 0.2455424964427948, -1.3150023221969604, -0.40080204606056213, 0.14682546257972717, 0.37707310914993286, 0.13168799877166748, 0.9337002635002136, -0.6009145975112915, 0.3289213180541992, 0.19899454712867737, -0.19203081727027893, -0.2128901481628418, 0.03219294175505638, -1.0183974504470825, -0.10663102567195892, 1.0029767751693726, -0.41278505325317383, -0.5236656069755554, -0.5470984578132629, 0.6803059577941895, 0.016149677336215973, -0.21122664213180542, -0.155560702085495, 0.09194973856210709, 0.5594522953033447, 0.5686123371124268, 0.6243428587913513, -0.04098549485206604, -0.9025916457176208, -0.13638052344322205, -0.5474211573600769, -0.26488813757896423, 0.7551218867301941, -0.1383349895477295, 0.519719123840332, -2.255413770675659, -0.34532803297042847, 0.1491139680147171, 0.047043949365615845, 0.060894906520843506, -0.3405768871307373, 0.1806558072566986, 0.2605891227722168, 0.019073553383350372, 0.1587129533290863, 0.8048843741416931, -1.0225814580917358, -0.35496217012405396, 0.21636579930782318, -0.1652216762304306, -0.18145717680454254, -0.3701055347919464, 1.3889009952545166, 0.6282064914703369, -0.49767693877220154, -0.6246455907821655, -1.407942771911621, 0.4516424834728241, 2.406587839126587, -0.004454314708709717, -0.7614878416061401, -0.8951482772827148, -0.15600284934043884, 0.3756929039955139, -0.6815218925476074, 0.07804159820079803, -0.9567909240722656, 0.1128663569688797, -1.404278039932251, 0.31880778074264526, -0.5056313276290894, -0.10099950432777405, 0.770329475402832, 1.2915421724319458, -0.3039695620536804, -0.5101194381713867, -0.4280772805213928, -0.27760714292526245, 0.060012463480234146, 0.8231638669967651, 0.3039044737815857, -0.4761005640029907, 0.6822088360786438, 0.15902948379516602, 0.6908004283905029, 0.5614339113235474, 0.7336606383323669, -0.5284831523895264, 0.017298119142651558, -0.12124378234148026, 0.5717405676841736, -0.16792447865009308, -0.17406564950942993, 0.12714175879955292, 0.5204542875289917, -0.6116379499435425, -0.4708407521247864, -0.06629438698291779, 0.20646950602531433, 1.6651906967163086, 1.2982313632965088, -0.5183165073394775, 0.9170553088188171, -1.2123894691467285, 0.5256221890449524, -0.3717744052410126, -0.6409968137741089, -0.6978923082351685, -0.2338804304599762, 0.8822476267814636, -0.5411250591278076, 0.23872807621955872, -0.01286347210407257, -0.34101802110671997, -1.4389959573745728, -0.5862081050872803, -0.4187847077846527, -0.4947250485420227, -0.8848481178283691, -0.5201717615127563, -0.019927114248275757, -0.6531199812889099, -0.5608803033828735, -0.28390759229660034, 0.689444363117218, 0.25722894072532654, 0.9583760499954224, 1.8014508485794067, -0.0636151134967804, 0.3018222153186798, -0.042192958295345306, 0.8086857795715332, -0.5515732765197754, 0.8160156011581421, -0.04987693205475807, 0.05484853684902191, -0.6862913370132446, 0.05645914375782013, -0.7073791027069092, -0.0025923289358615875, 0.3465263247489929, -0.038353946059942245, 0.13377442955970764, -0.49088841676712036, -1.18168044090271, 0.6438850164413452, -0.5693798661231995, 0.37828415632247925, -0.46966516971588135, 1.547383189201355, 0.033002182841300964, -0.2912544012069702, 0.8200351595878601, -0.09924400597810745, 0.09466780722141266, 1.050527572631836, -0.5334769487380981, 0.3256889581680298, 0.26361215114593506, -0.2016066461801529, 0.561342179775238, -0.0213026013225317, -1.9746127128601074, 0.2358052283525467, 1.3687331676483154, 0.013490978628396988, -0.49441686272621155, -1.050941824913025, 0.5825976133346558, -0.32728925347328186, -0.3224848210811615, 0.24041131138801575, -0.830020546913147, 0.4755125343799591, 0.07953835278749466, 0.3315054178237915, 0.6824106574058533, -0.556368887424469, 0.29877030849456787, 0.6225332617759705, 0.5729448199272156, -0.6973693370819092, 0.03888838738203049, 0.41405245661735535, -0.804145097732544, 0.3768884837627411, 0.39259570837020874, 0.9297967553138733, 1.2572273015975952, -0.49081701040267944, -0.39751940965652466, 0.9797963500022888, 0.933765709400177, 0.3846063017845154, 0.5252574682235718, -0.27114540338516235, 0.5028600096702576, 0.3099915683269501, 1.1505316495895386, 0.19953981041908264, -0.6532434225082397, -0.752779483795166, -0.3696541488170624, -0.2400892823934555, -0.6661232113838196, 1.4200164079666138, 0.7887064218521118, 1.3278357982635498, -0.001163845881819725, 0.4402914345264435, -0.5540667772293091, 0.09329751133918762, 0.9101822972297668, 0.17947004735469818, -0.05877777934074402, -0.7329584360122681, -0.10979916155338287, 1.1803653240203857, -0.20427386462688446, -0.5965273380279541, -0.2631804645061493, 1.0973011255264282, 0.15119116008281708, -0.5632904171943665, 0.31772270798683167, 0.8109680414199829, 0.5991566181182861, 1.4972293376922607, -0.7897865176200867, -0.06446725875139236, 0.18910536170005798, 0.7669547200202942, 0.27180016040802, 0.03205142170190811, -0.3349134027957916, 0.2568345069885254, 0.4038494825363159, 1.1745814085006714, 0.04413715749979019, 0.920389711856842, 0.9738122820854187, -0.5883187055587769, -1.0557578802108765, -0.40634986758232117, -0.8207982182502747, -0.5211698412895203, -0.05567425489425659, -0.5046948790550232, -0.3076290488243103, 0.8506092429161072, -0.4492795169353485, -0.9762340188026428, 0.8146713972091675, -0.3113234341144562, -1.0354549884796143, 0.779666543006897, 1.3826537132263184, -1.2915133237838745, -0.1855568289756775, -0.27158525586128235, -0.6736873984336853, -0.742844820022583, 0.2433798760175705, -0.7881157994270325, 0.3257768452167511, 0.0324232280254364, 0.6826334595680237, 0.008380698971450329, 0.008552797138690948, -1.000199556350708, 0.8725473284721375, 0.9088830351829529, -1.0753134489059448, 0.12993769347667694, -0.199433371424675, 0.5816442966461182, -0.0009094662964344025, -0.935844898223877, -0.2529500126838684, 1.082942247390747, -0.07913146913051605, 0.09521527588367462, -0.8767251968383789, -0.31779879331588745, 0.20077142119407654, 0.29074332118034363, 0.6799930334091187, -1.2366607189178467, 0.3379356861114502, -0.01825377345085144, 0.6254177689552307, 0.7716920375823975, -0.729157567024231, -0.7136687636375427, 0.8673310875892639, -0.6752713918685913, 0.0958964005112648, -0.11693426966667175, 0.48735886812210083, 0.857055127620697, 0.5115217566490173, 0.36638152599334717, -0.07695978879928589, -12.267641067504883, 0.6777817606925964, -0.3913421928882599, 0.04728493094444275, 0.7894954681396484, -0.43492791056632996, 0.4947671890258789, 0.0828225314617157, 0.23872704803943634, -0.7282469272613525, 0.25345322489738464, 0.9276890754699707, 0.40453657507896423, -0.48911193013191223, -0.5764154195785522, -1.0487152338027954, -1.0141135454177856, -0.8216969966888428, 0.331853449344635, 0.2905650734901428, -0.5798263549804688, -0.9024619460105896, -0.1200357973575592, 0.5814763903617859, 0.5409152507781982, -0.26030468940734863, -0.3590685725212097, -0.017155734822154045, -0.6305491328239441, -0.044880982488393784, 0.6013471484184265, -0.18992125988006592, -0.6925808787345886, -0.4113427996635437, 0.27746641635894775, -0.1852896511554718, -0.6805699467658997, -0.26252156496047974, 0.4655400812625885, 0.4462526738643646, -0.2846618890762329, 0.1735297441482544, 0.379579097032547, -0.5821212530136108, -0.4554895758628845, 0.22636111080646515, 0.2845613658428192, -0.7575805187225342, 0.1268177330493927, -1.0056692361831665, -0.3405652344226837, -0.3027036190032959, -0.7343666553497314, -1.0778053998947144, 0.4359337389469147, -0.22220884263515472, -0.3601803481578827, -0.09329333156347275, -0.08602461218833923, -1.0321235656738281, 0.569320559501648, 0.06366483867168427, -0.312034547328949, 0.3790268301963806, 0.43050509691238403, -1.1034762859344482, 0.5137737393379211, 0.2523651421070099, -0.017330825328826904, 0.36356133222579956, -1.04644775390625, 0.7163896560668945, 0.2478274405002594, 0.13596221804618835, -0.5747199058532715, 0.06157606840133667, -0.4830423891544342, -0.43028104305267334, 0.6761141419410706, -0.08094421029090881, -0.6962484121322632, 0.5037475228309631, 0.29924362897872925, -0.16526451706886292, -0.9585117101669312, 0.6654212474822998, -0.04840310662984848, 0.4697287082672119, 1.178778886795044, 0.02811446040868759, 1.1509569883346558, 0.09040404111146927, -0.461996853351593, -0.36624935269355774, -0.3053073287010193, 1.0181701183319092, -0.6609025001525879, 0.8406640291213989, 0.48590901494026184, -0.38076546788215637, -0.0016322582960128784, -0.3408764898777008, -0.7420660257339478, -0.12004968523979187, 0.6724185943603516, 0.19038698077201843, 0.2802383005619049, 0.07776977121829987, 0.3629370331764221, -0.2175305038690567, 1.466680645942688, -0.11443601548671722, -0.5046241879463196, 1.329896092414856, -0.1003182977437973, 0.8158559203147888, 0.9750123620033264, 0.17635992169380188, 0.8355796337127686, 0.7385775446891785, -0.6039751172065735, 0.596310555934906, 0.029657842591404915, 1.4968750476837158, 0.31266576051712036, 0.06252609193325043, 0.5851114392280579, 0.5951040387153625, -0.10499667376279831, -0.989800751209259, 0.08172013610601425, -0.09451624751091003, -0.2033740133047104, -0.4878541827201843, -0.21220478415489197, -0.11662471294403076, -1.0057849884033203, 1.235471248626709, -0.6655713319778442, 0.3003292977809906, 0.02380078285932541, -0.9179350733757019, -0.6689589619636536, -0.637109100818634, -0.9268436431884766, 0.17100250720977783, -1.7669992446899414, 0.09790714830160141, -0.3338668942451477, -0.6675595045089722, -0.20262987911701202, -0.5879548192024231, 0.9905281662940979, -0.9514061212539673, -0.11569434404373169, -0.0883081704378128, 0.8242343664169312, -0.13192437589168549, -0.7605032920837402, -0.2558739185333252, 0.23526254296302795, 1.0889873504638672, -0.8410992622375488, 0.9713659882545471, 0.47772714495658875, 0.2629317045211792, -0.4501896798610687, -0.04372294992208481, -0.2686074674129486, 0.2235729992389679, 1.3938751220703125, -1.4498443603515625, -1.0064141750335693, -0.8022793531417847, 0.08577023446559906, -0.8592193126678467, -0.030354373157024384, 1.346994161605835, -1.091156005859375, -0.0709131509065628, -0.1552048623561859, 0.5582783818244934, 0.2943752408027649, -0.8635348677635193, -0.9700788259506226, -0.06799652427434921, -0.021575510501861572, 1.1013131141662598, 0.3971045911312103, 0.9774060845375061, -1.7221624851226807, -1.1226451396942139, -0.5572320222854614, 0.3601028025150299, 0.6109854578971863, 0.04186549037694931, 0.5943400859832764, 0.22174282371997833, 0.42321518063545227, 0.15671944618225098, -0.18254129588603973, 0.8328809142112732, -0.042691875249147415, 0.17214417457580566, -0.3184904158115387, 0.1770862191915512, -0.9375686645507812, 0.1633918732404709, -0.004734192509204149, 0.7973583936691284, -1.4278148412704468, -0.5450892448425293, -0.10188421607017517, -0.25632163882255554, 0.14327046275138855, -0.8774318695068359, 0.01572873443365097, -0.09913656115531921, -0.08670161664485931, -1.3894819021224976, 0.08935298025608063, 1.1434036493301392, -0.18007370829582214, 1.04008948802948, 0.6103200316429138, 0.5837312340736389, 0.24722878634929657, 0.2947842478752136, 1.3060126304626465, -0.3639181852340698, -0.2846260368824005, -0.41604083776474, 0.49588778614997864, 0.06344010680913925, -0.385025292634964, 0.3348211944103241, -1.3281896114349365, -0.031645387411117554, -0.8063888549804688, 0.7607983946800232, -0.19002674520015717, 0.4938766062259674, 0.7717970609664917, 1.0895429849624634, -0.33352750539779663, -1.2999858856201172, -0.021377407014369965, -1.179982304573059, 0.18870936334133148, 0.3088679015636444, 0.4718509316444397, 0.8765679001808167, 0.8514127731323242, 0.3200245797634125, 1.2765135765075684, -0.3549274504184723, 0.03720472380518913, 0.023862715810537338, 0.10189516842365265, 1.2584519386291504, 0.5745171308517456, 0.45816025137901306, 0.5507016777992249, -0.4905150830745697, -0.6431119441986084, 0.029530443251132965, -0.4583461284637451, 1.151885986328125, 0.8427906036376953, 0.03543364256620407, -0.132777601480484, -1.084221363067627, 0.2637413442134857, -0.43819624185562134, 0.6049945950508118, 0.1971210390329361, -0.20865558087825775, -1.3497804403305054, -1.0232253074645996, -0.1250704824924469, 0.8177082538604736, -0.5532762408256531, -0.21605801582336426, -1.213241457939148, 0.07993092387914658, 0.15766963362693787, -0.0101775536313653, -0.8220695853233337, 0.23194648325443268, -0.6709256172180176, 0.0381522998213768, 0.4856167733669281, -0.6158079504966736, -0.6677955389022827, 0.15361712872982025, -0.7499498128890991, 0.7415298223495483, -0.24705937504768372, -1.020471215248108, -0.6392852663993835, 0.6477414965629578, 0.049111492931842804, -0.20312947034835815, 0.415513277053833, -0.6646718978881836, -1.6718575954437256, 0.5126493573188782, 1.173606038093567, -0.3086186945438385, -0.19783905148506165, 0.48562511801719666, 0.3014814555644989, 0.27273115515708923, 1.1463319063186646]} +{"paper_id": "quarel", "embedding": [-0.7332072854042053, 1.022251009941101, -0.39873185753822327, -0.13020139932632446, -0.031128741800785065, 0.011597242206335068, 1.148094654083252, 0.5955122113227844, 0.6387392282485962, 0.35437023639678955, 0.47846707701683044, 0.36561623215675354, -0.09616990387439728, -0.21118125319480896, -0.5238526463508606, -0.36022526025772095, -0.9397635459899902, -0.706709623336792, -1.2422226667404175, -0.5114039182662964, -0.6216709017753601, -0.6693507432937622, 0.10590355098247528, 0.7277070879936218, -1.5193439722061157, -0.7073233723640442, 1.3011829853057861, -1.3164119720458984, 0.14025196433067322, 0.27284011244773865, -0.10106686502695084, 1.4965159893035889, -1.1772680282592773, 0.7775360941886902, -0.1126118153333664, 0.05296508967876434, 0.07375266402959824, 0.7268790602684021, -0.04752427712082863, -0.11929136514663696, 0.008933726698160172, 0.2401011884212494, 0.3940829336643219, 0.6317083835601807, 0.7887954711914062, -0.5352396368980408, -0.030768632888793945, 0.14069902896881104, -0.7766534090042114, 0.053489331156015396, -0.34428638219833374, 0.3139839768409729, 0.5388396382331848, 0.3958287537097931, -0.13752123713493347, 1.4859058856964111, -0.118101567029953, -0.47153979539871216, 0.9558499455451965, -0.5497837066650391, 0.6301831603050232, 1.4770644903182983, -0.6168342232704163, 0.23948851227760315, 0.8285393714904785, 0.05262939631938934, 1.2874107360839844, 0.4298521876335144, -0.2960285246372223, 0.7858828902244568, -0.034795068204402924, -0.5681850910186768, 0.24477043747901917, 0.172663152217865, 0.25636619329452515, 0.32431769371032715, 0.15304909646511078, 0.12698136270046234, 0.4858357906341553, -0.010107708163559437, 0.2978222966194153, 0.2620818614959717, 0.6278691291809082, -0.8230408430099487, -0.44242313504219055, 0.6404037475585938, 0.6527210474014282, -1.024091124534607, 0.024936310946941376, -1.3225017786026, 0.6408332586288452, -0.5931187868118286, 0.45221295952796936, -0.34677359461784363, -0.07133395969867706, 0.3747237026691437, -0.5279350280761719, -0.7155858278274536, -0.007506571710109711, 1.1716388463974, 0.4125911593437195, -0.16104517877101898, 0.2734089493751526, -0.2686523497104645, 0.44081011414527893, -0.06090746447443962, -0.44235315918922424, 0.008881356567144394, -0.531815767288208, -0.45965203642845154, -0.13553643226623535, 0.599560558795929, 0.20743900537490845, 1.015642762184143, -0.548005223274231, 0.05530841648578644, -0.27827852964401245, -0.4263673722743988, -0.2471064329147339, 0.8503620624542236, -0.006095333024859428, -0.9633132219314575, 0.029657412320375443, -0.28341013193130493, 0.8013504147529602, -0.031817857176065445, -0.17239755392074585, -0.04370754212141037, -0.5216060280799866, 0.04194033145904541, 0.05108451843261719, -0.3870031237602234, -1.1130483150482178, 0.18080398440361023, 3.333357095718384, -0.24569150805473328, 1.5989961624145508, -0.7725903391838074, -0.5536681413650513, -0.11906293034553528, -0.8003836870193481, 0.5859532952308655, 0.36647361516952515, -0.6290693283081055, -0.5643669962882996, 0.21156877279281616, 0.062499165534973145, 0.46659040451049805, -1.0607094764709473, 0.08811303228139877, -0.0837152898311615, 0.14020350575447083, -1.4814156293869019, -0.5012947916984558, 0.4209526479244232, 0.3653905987739563, -0.2588042616844177, -0.20505890250205994, -0.690119743347168, 0.8350797295570374, -0.7760698199272156, -0.005312923341989517, -0.5857657194137573, 0.16873757541179657, -0.5557178854942322, -0.18075010180473328, 0.9757301211357117, -0.6944678425788879, -0.863713264465332, -0.35821497440338135, 0.49235546588897705, -0.1311807930469513, -0.06618607044219971, -0.5633542537689209, -0.05564799904823303, 0.28972339630126953, 0.6650805473327637, 0.2364082932472229, 0.47618213295936584, -0.4943726360797882, -0.4691363275051117, -0.041016630828380585, -0.3531477451324463, 0.15690355002880096, -0.10119933634996414, -0.18197736144065857, -2.8018622398376465, 0.09378305077552795, -1.0026887655258179, 0.8383260369300842, 0.7282331585884094, 0.8985682129859924, 0.33874163031578064, 0.6482328176498413, -0.5358121395111084, -0.21244806051254272, -0.04510839655995369, -1.384556531906128, -0.5351020097732544, 0.23662211000919342, -0.8534055948257446, 0.16618742048740387, -0.5067101716995239, 1.5088458061218262, 0.7918317914009094, -0.35592037439346313, -0.3576847016811371, -2.1845107078552246, 0.16850337386131287, 1.4344496726989746, 0.6673960089683533, -0.30675598978996277, -0.8738563060760498, -0.11596319824457169, 0.5813954472541809, -0.1337355077266693, 0.2598033547401428, 0.018624596297740936, 0.16694161295890808, -0.9171309471130371, 0.4252609610557556, 0.0352056547999382, 0.8230864405632019, 0.2629072368144989, 1.3400449752807617, -0.2969493567943573, -0.13610008358955383, -0.40056681632995605, -0.6093393564224243, 0.7446343302726746, 0.5352045297622681, 0.2940364480018616, 0.09185793995857239, 0.6318473815917969, 0.402171790599823, 0.6146264672279358, 0.6611254811286926, 0.8257814645767212, -0.7262693643569946, 0.3311580717563629, -0.21460577845573425, 0.7733238935470581, 0.7869196534156799, -0.3363296687602997, 0.331429123878479, -0.7549683451652527, -0.7903428673744202, -0.06417770683765411, 0.18533170223236084, -0.18456527590751648, 1.383386492729187, 0.5410714149475098, -0.39631593227386475, 0.38778918981552124, -0.8030162453651428, 0.02372947707772255, -0.21265548467636108, -0.23855869472026825, -0.06180853769183159, 0.4850970506668091, 0.6760094165802002, -0.09373448044061661, 0.2505321204662323, 0.1349385380744934, -0.09866166114807129, -1.0458393096923828, 0.34406161308288574, 0.3147687017917633, -0.1666838824748993, -0.20287087559700012, 0.4156443476676941, -0.023447617888450623, -0.4114955961704254, -0.5935944318771362, 0.09089025110006332, 0.09826702624559402, 0.7225584983825684, 0.8057531118392944, 0.9218763113021851, 0.22843322157859802, 0.09082198143005371, 0.036712199449539185, 1.0430337190628052, -0.5794881582260132, 0.8802362084388733, -0.7889861464500427, 0.29375550150871277, -1.2528197765350342, 0.5881320238113403, -1.022757649421692, 0.2270708680152893, 0.14099586009979248, -0.7332146763801575, 0.6812925934791565, -0.29684239625930786, -0.7102594375610352, 1.4067014455795288, 0.5801966190338135, -0.008229412138462067, -0.005728531628847122, 0.9840461611747742, 0.27817416191101074, -0.9501174092292786, 0.4490951895713806, -0.30401480197906494, -0.5069248080253601, 1.2101693153381348, -0.1476709395647049, 0.6190314888954163, 0.22656942903995514, 0.2631658911705017, 0.09492062777280807, 0.08997424691915512, -2.2509450912475586, 0.38684725761413574, 0.8502245545387268, -0.5083757042884827, -0.906199038028717, -1.2847344875335693, 0.07837560772895813, -0.7907965183258057, -0.1385715752840042, 1.009199619293213, -0.40842777490615845, 0.41872602701187134, -0.41724714636802673, 0.9179214239120483, 0.9930064678192139, -0.06565685570240021, -0.2762886583805084, 0.44407352805137634, 0.18097466230392456, -0.6328726410865784, -0.11080868542194366, 1.2704871892929077, -0.020539887249469757, 0.19998416304588318, 0.1432388871908188, 1.361674427986145, 0.9058330059051514, -0.14093276858329773, -0.0775909274816513, 0.8719631433486938, 0.2350311577320099, 0.6937921643257141, -0.17555178701877594, -0.5743895173072815, 0.4383629262447357, -0.0028067268431186676, 0.4955514967441559, -1.0845516920089722, 0.0908547043800354, -1.1974146366119385, -0.10638734698295593, -0.4887179732322693, -0.6832846403121948, 1.8254748582839966, 0.8639222979545593, 1.6527944803237915, -0.8751423954963684, -0.043611492961645126, -0.5359172821044922, -0.5148914456367493, 0.3164650797843933, 0.5915237665176392, 0.2653759717941284, -0.6045368909835815, 0.38241106271743774, 0.32997605204582214, 0.35688331723213196, -0.11663563549518585, -0.4681120812892914, 0.7131168842315674, 0.4552840292453766, -0.4462769329547882, 0.23715008795261383, 0.82215815782547, 0.19323071837425232, 1.4064905643463135, -0.21298334002494812, -0.03557761758565903, 0.05840747058391571, -0.3443300127983093, 0.20193812251091003, -0.18783818185329437, -0.8562606573104858, 0.9314936399459839, 0.1948932707309723, 0.1768215298652649, 0.7550694942474365, 1.3045300245285034, 1.2317732572555542, -0.0670754611492157, -1.3248337507247925, 0.19634725153446198, -0.8113865256309509, 0.3000287413597107, 0.8035909533500671, -0.32966169714927673, 0.5305741429328918, 0.8402247428894043, 0.6617451906204224, -0.769147515296936, 1.0856431722640991, -0.3987976610660553, -1.1610604524612427, 0.36942344903945923, 1.4487894773483276, -0.8246860504150391, -0.6724952459335327, 0.27058953046798706, -0.6520490646362305, -0.8327692747116089, -0.17847119271755219, -0.3900590240955353, 0.9418375492095947, 0.3956142067909241, 1.0913840532302856, -0.12812504172325134, 0.41516542434692383, -0.7234799861907959, 1.2669687271118164, 0.44250383973121643, -0.5951635241508484, 0.43115463852882385, 0.24417920410633087, 0.43694645166397095, -0.3097628653049469, -1.281409502029419, 0.10950550436973572, 0.9261929392814636, 0.10436297953128815, 0.18206484615802765, -0.6489866971969604, -0.7510343194007874, -0.026623763144016266, -0.18859118223190308, 0.5444201231002808, -0.9081169366836548, 0.24445565044879913, -0.5213273167610168, -0.2252502739429474, 0.3498799204826355, -0.8816673755645752, -1.2304084300994873, 0.609401285648346, -0.7196332216262817, 0.6499923467636108, -0.8507928848266602, -0.08608606457710266, 2.264556646347046, -0.14486190676689148, 0.20468468964099884, 0.08836803585290909, -12.040197372436523, 1.070654034614563, -0.14871563017368317, 0.46291518211364746, 0.0762995183467865, -0.693972647190094, 0.5174580216407776, 0.01353013888001442, 1.1541037559509277, -0.8986219763755798, 0.1281062215566635, 0.6842255592346191, 0.5965725779533386, 0.09367437660694122, -0.946648120880127, -2.3600361347198486, 0.12664973735809326, -0.6942923069000244, 0.4683898091316223, -0.4503852427005768, -0.010119732469320297, -1.3502118587493896, -0.35103708505630493, 0.62117600440979, 0.3759346306324005, 0.13429415225982666, -0.6706451773643494, -0.15919116139411926, -0.42995113134384155, 0.28184303641319275, 1.3716224431991577, 0.09969304502010345, -0.31845226883888245, 0.08176106214523315, 0.14002349972724915, -0.38098758459091187, -0.8438333868980408, -0.17127950489521027, 0.5066480040550232, -0.41442254185676575, -0.6962518692016602, 0.26294776797294617, 0.22005289793014526, 0.339456707239151, -0.6126797199249268, 1.1690587997436523, 0.4888480603694916, -1.030879259109497, -0.37720629572868347, -0.13221360743045807, -0.9151098728179932, -0.27004146575927734, -0.1643402874469757, -0.7044309973716736, -0.11401590704917908, -0.3265179693698883, -0.925380527973175, -0.49840736389160156, -0.5774956345558167, -1.3976044654846191, 0.5416573882102966, 0.4164885878562927, -0.40582558512687683, 0.6463208794593811, 0.24715682864189148, 0.03621717169880867, 0.03142228722572327, 0.37225764989852905, -0.6181734800338745, 0.03143959864974022, -0.671219527721405, 0.8772162199020386, 0.2007402777671814, 0.5584332942962646, -0.9923036694526672, 0.265766978263855, -0.6437033414840698, 0.1903085559606552, 0.2571747303009033, -0.0478503443300724, -1.1598448753356934, 0.8673595786094666, 0.17587162554264069, -0.9166116118431091, -1.0367597341537476, 0.621813952922821, 0.23356893658638, 0.4400131404399872, 0.971339225769043, -0.5027948021888733, 1.1359308958053589, 0.013218708336353302, -0.9510003924369812, -0.15443019568920135, -0.6154470443725586, 0.8305200338363647, 0.26937952637672424, 0.8486259579658508, 0.20259955525398254, -0.9342098236083984, -0.03306104987859726, -0.2686060965061188, -0.7023793458938599, -0.15024064481258392, 0.2762146592140198, 0.4443027377128601, 0.4607975482940674, -0.013887561857700348, -0.35495108366012573, -0.30038076639175415, 0.8854497075080872, -0.008957400918006897, -0.7963413596153259, 1.3505457639694214, -1.008710503578186, -0.2828051447868347, 0.5106275677680969, -0.3450493812561035, 0.5141693949699402, 0.6065322160720825, 0.23754724860191345, 0.5235685706138611, -0.34233519434928894, 1.1217572689056396, -0.1903233826160431, -0.7025749087333679, 0.787275493144989, 0.5859630703926086, -0.3050759732723236, -1.0373340845108032, 0.009621601551771164, -0.13066914677619934, -0.25381264090538025, -0.7386841177940369, -0.3784342110157013, -0.09848697483539581, 0.12774397432804108, 0.7011474370956421, -0.4354346990585327, -0.21391773223876953, 0.0552738755941391, -0.41102710366249084, -0.6162644624710083, -1.1651794910430908, -1.0613101720809937, 0.08556664735078812, -0.9946104884147644, -0.11505430936813354, -0.4649227559566498, -0.9431447386741638, 0.15958596765995026, -0.5710024237632751, 1.0701371431350708, -0.7215700149536133, -0.30584391951560974, -0.7052517533302307, 0.09542718529701233, -0.3573080003261566, -0.9435214996337891, -0.21168532967567444, 0.3376395106315613, 0.5430859327316284, -0.9316815733909607, 0.8180497288703918, 0.019849352538585663, 0.2523386478424072, -0.7864212393760681, 0.007118582725524902, -0.35831382870674133, -0.09277799725532532, 0.12447143346071243, -0.7780911922454834, 0.01968388445675373, -0.9825232028961182, -0.504426896572113, -0.5293346643447876, 0.8239636421203613, 0.6567999124526978, -0.5856647491455078, -0.5667828917503357, -0.07825800031423569, 0.7686288356781006, 0.33847108483314514, -0.5717936754226685, 0.11595585942268372, -0.294402539730072, 0.12057799845933914, 0.5344064831733704, 0.06031672656536102, 1.3419641256332397, -1.4350181818008423, -0.9546606540679932, -0.6495166420936584, -0.013791520148515701, 1.3085181713104248, 0.0564986877143383, 1.1178183555603027, 0.7059103846549988, -0.06584929674863815, 0.6695858836174011, 0.3008122742176056, 0.6070432662963867, 0.5526929497718811, 0.14618799090385437, -0.025545142590999603, 0.5818337202072144, -0.39615052938461304, -0.04301832243800163, 0.09374743700027466, 0.25352492928504944, -0.5032678246498108, -0.2847031056880951, 0.29823431372642517, -0.7172777652740479, 0.14807605743408203, -1.52084219455719, 0.5963591933250427, -0.5797697305679321, 0.13493303954601288, -1.2410221099853516, 0.30393359065055847, 1.5932015180587769, -0.13980594277381897, 0.7088529467582703, 0.46873417496681213, 0.33087024092674255, 0.2975173592567444, 0.2515547275543213, 1.1408891677856445, 0.6298319101333618, -0.3405326008796692, 0.30629459023475647, 0.10236835479736328, -0.02643856406211853, -0.2962646782398224, -0.8655091524124146, 0.13340865075588226, 0.8600335717201233, 0.284079372882843, 0.6020856499671936, -0.49424731731414795, 0.21162007749080658, 0.7448011040687561, 1.0713415145874023, -1.0376895666122437, -1.987289309501648, -0.8888545632362366, -1.3219338655471802, 0.5156721472740173, 0.818230390548706, 0.7433710694313049, 0.4056301414966583, 0.655249834060669, 0.660499095916748, 0.24357376992702484, -0.3053479790687561, -0.2839612364768982, 0.35098397731781006, 0.16130350530147552, 1.3869390487670898, 1.3700432777404785, -0.5140836834907532, 0.881925642490387, -0.2157997190952301, -0.5435799360275269, 0.12511658668518066, -0.6851679086685181, 0.47399669885635376, 0.557365357875824, -0.5440722703933716, -0.413385272026062, -0.539615273475647, 1.0240048170089722, -0.723147451877594, 0.36140236258506775, 0.1822688728570938, -0.5138934254646301, -0.7811689972877502, -0.3327745497226715, 0.0794956386089325, 0.6320106387138367, 0.07936090230941772, -0.7361959218978882, -0.04772968590259552, 1.149387001991272, 0.040044303983449936, -0.04862622171640396, -0.5053632259368896, 0.12161295115947723, -0.7535121440887451, 0.04653488099575043, -0.20714226365089417, -0.9416683912277222, -0.017248008400201797, 0.0731378048658371, -0.5524806976318359, -0.2208782136440277, -0.020126301795244217, -0.4674263000488281, -1.3075841665267944, 0.04682490974664688, -0.7792876958847046, 0.3877863883972168, 0.20685701072216034, 0.116089828312397, -1.5538997650146484, 0.5208778381347656, 0.8121756911277771, 0.20448137819766998, -0.3962441682815552, -0.06033594161272049, 0.5887081623077393, -0.12116631120443344, 0.39185842871665955]} +{"paper_id": "lama", "embedding": [-0.6525511145591736, 1.4668797254562378, -0.43886011838912964, -0.3352203667163849, 0.5051107406616211, -0.6331398487091064, 0.6384698748588562, 0.5598862171173096, 0.7842669486999512, 1.244154691696167, 0.3259502649307251, 0.23781107366085052, -0.06636438518762589, -0.42852282524108887, -0.3776388466358185, -0.6546865701675415, -0.8742084503173828, -1.09322988986969, -1.7797309160232544, -0.6024006605148315, -0.7021945118904114, -0.8975096940994263, -0.008446663618087769, 1.3958923816680908, -0.8091098070144653, -1.5018242597579956, 1.2874830961227417, -0.8797401785850525, 0.7760909199714661, 0.22152695059776306, -0.42225611209869385, 1.1206399202346802, -1.860318899154663, 0.4508894383907318, -0.38014623522758484, -0.1241571307182312, 0.09262292832136154, 1.0760356187820435, -0.014690428972244263, 0.2916450798511505, -0.2593381702899933, -0.26454025506973267, 0.10933155566453934, 0.640315592288971, 0.953515350818634, -0.8868832588195801, 0.2929843068122864, 0.051966726779937744, 0.12776364386081696, -0.7256202697753906, -0.9753707051277161, 0.04967326670885086, -0.16599661111831665, 0.7471214532852173, -0.31234753131866455, 1.6045386791229248, 0.2742809057235718, -1.0346218347549438, 1.3044190406799316, -1.0253039598464966, 1.2754932641983032, 2.343482494354248, -0.363324910402298, 0.08464902639389038, 0.7365466356277466, -0.01777045428752899, 1.497122883796692, 0.11086852848529816, 0.6157245635986328, 0.5685811042785645, 0.236484095454216, -0.0921228900551796, 0.6166053414344788, -0.04709407687187195, 0.8794441223144531, 1.1677836179733276, 0.5685537457466125, 0.03616880252957344, -0.22564953565597534, -0.46534547209739685, -0.21678252518177032, 0.3980945944786072, 0.5279359817504883, -0.4138393700122833, -0.23270106315612793, 0.5152010917663574, -0.057403117418289185, -0.8240349888801575, 0.5627615451812744, -1.720062017440796, 1.3337314128875732, 0.22091974318027496, -0.0496525801718235, -0.44042450189590454, -0.28696900606155396, -0.059472132474184036, -1.1137446165084839, -0.4396442770957947, 0.061613619327545166, 0.9278669953346252, 0.39534398913383484, -0.12510347366333008, 0.7436836957931519, 0.2837516963481903, -0.2300671637058258, 1.0364917516708374, 0.168964684009552, 0.14288410544395447, -0.9574756622314453, -0.3631862998008728, 0.5438210964202881, 1.1470533609390259, 0.18613791465759277, 0.3857775926589966, 0.16476918756961823, 0.5521323680877686, 0.49220070242881775, -0.840427041053772, 0.02904575876891613, 0.6326392292976379, 0.4664384722709656, -1.1679672002792358, -0.6161074638366699, 0.21759526431560516, 0.6706340909004211, -0.32314756512641907, -0.11208957433700562, -0.2956487834453583, 0.1901843249797821, 0.09806561470031738, 0.4545305073261261, -0.0005996469408273697, -0.9206626415252686, -0.3901437222957611, 3.0630600452423096, -1.2415322065353394, 1.8050724267959595, -0.8377048969268799, 0.1469041109085083, -0.21909362077713013, -0.8396724462509155, 0.5819041132926941, 0.3529272675514221, -1.2077082395553589, -0.20485460758209229, 0.7030388712882996, -0.2548321485519409, 0.5607022643089294, -1.484142780303955, -0.028275445103645325, 0.010692011564970016, -0.34363844990730286, -1.3850374221801758, -0.3680773377418518, 0.5326659679412842, -0.026719005778431892, -0.40796053409576416, 0.43263888359069824, -0.3984368145465851, 1.2650388479232788, -0.19121968746185303, -0.25916796922683716, -0.03195466101169586, 0.407784640789032, -0.9345847964286804, -0.652118980884552, 0.8860061764717102, -0.32430243492126465, -1.0498080253601074, -0.21822020411491394, 0.7703806161880493, 0.013861138373613358, -0.39449042081832886, -0.19463030993938446, -0.03595644608139992, 0.11248848587274551, 0.8047690987586975, 0.7251119613647461, 0.17995353043079376, -0.5139795541763306, -0.358882337808609, -0.880845308303833, -0.05239851400256157, 0.8321356773376465, -0.5471744537353516, 0.9162351489067078, -2.2899858951568604, 0.30039364099502563, -0.5539416074752808, 0.3955793082714081, 0.15668261051177979, 0.02471190132200718, 0.34937068819999695, 0.41280680894851685, 0.6139211058616638, -1.1069798469543457, 0.6546257138252258, -1.1540607213974, -0.7324309349060059, 0.00717509537935257, -0.7340219616889954, -0.121574267745018, 0.27712956070899963, 0.8278602957725525, 0.23853303492069244, -0.539932131767273, -0.7806731462478638, -2.460918426513672, 0.5432485342025757, 2.3906137943267822, 0.2437976449728012, -0.7121952176094055, -0.5461969971656799, -0.5182372331619263, -0.12821370363235474, -0.357403427362442, 0.028079912066459656, -0.21274754405021667, 0.42954322695732117, -0.8884264826774597, 0.4643636643886566, -0.31133079528808594, 0.3051711618900299, 0.47417643666267395, 1.2707831859588623, -0.33937081694602966, -0.07159070670604706, -0.36245352029800415, -1.452146291732788, 0.7276462912559509, 0.7062452435493469, 0.21454447507858276, -0.27325716614723206, 0.9782015085220337, 0.09705038368701935, 0.9771687984466553, 0.9191556572914124, 0.5336325168609619, -1.148062825202942, 0.5219398736953735, -0.3018704056739807, 1.1566835641860962, 0.12814173102378845, 0.005144964903593063, 0.39858323335647583, 0.13965895771980286, -0.6194726824760437, -0.46067410707473755, 0.2476138025522232, -0.6665352582931519, 1.3180897235870361, 0.6353805661201477, -0.607089102268219, 0.9805254340171814, -0.6430331468582153, -0.05773642659187317, -0.5898213386535645, -0.7217528223991394, -0.1060766875743866, 0.16558168828487396, 1.0237876176834106, -0.26301610469818115, 0.33416110277175903, -0.1422049105167389, -0.2404150813817978, -1.7401559352874756, -0.009441681206226349, 0.3403743505477905, -0.4726194739341736, -1.233625888824463, 0.40231767296791077, -0.3036007881164551, -1.1512763500213623, -0.6327048540115356, 0.6698254346847534, 0.05060902237892151, 0.1824057549238205, 1.3375941514968872, 1.4734723567962646, -0.32754528522491455, 0.7297708988189697, 0.3601987361907959, 1.6128517389297485, -0.9183052182197571, 0.37114834785461426, 0.1718301624059677, 0.22135283052921295, -1.0335057973861694, 0.9475936889648438, -0.5980687141418457, 0.4350340962409973, 1.045433521270752, -0.41591352224349976, 0.41612958908081055, -0.2694695293903351, -1.6013004779815674, 1.239106297492981, 0.060807354748249054, -0.33484914898872375, -0.605695903301239, 1.873253583908081, -0.16304105520248413, -0.3303822875022888, 0.5962381362915039, 0.18844786286354065, -0.351628839969635, 1.2157683372497559, -0.16168302297592163, 0.529807448387146, -0.08990085124969482, 0.19355091452598572, 0.13181599974632263, 0.4857955276966095, -2.0666840076446533, 1.0156863927841187, 0.7988663911819458, -0.15963879227638245, -0.48637357354164124, -0.911012589931488, 0.2519248127937317, -0.835663914680481, 0.30334264039993286, 0.5246378183364868, -0.4407455027103424, 0.15260401368141174, -0.12959995865821838, 0.05222903937101364, 1.5327386856079102, -1.031501293182373, 0.0699896365404129, 1.0714222192764282, 0.07032410055398941, -1.0323069095611572, -0.37017226219177246, 0.563626229763031, -0.216984361410141, 0.21146713197231293, 0.25116756558418274, 1.0778142213821411, 1.115515112876892, -0.12924644351005554, -0.037274330854415894, 0.5774499773979187, 0.46096929907798767, 0.3717177212238312, 0.48187556862831116, -1.0237928628921509, 0.14507314562797546, -0.4754999279975891, 1.3387254476547241, -0.40968871116638184, -0.8153592944145203, -1.1487520933151245, -0.38217198848724365, -0.5294193029403687, -0.9938523173332214, 2.1349411010742188, 0.3083999454975128, 1.3952596187591553, -0.2485351413488388, 0.16841118037700653, -0.9092022776603699, 0.09924499690532684, 1.0493357181549072, 0.5119502544403076, -0.09481945633888245, -1.0672111511230469, 0.12474997341632843, 0.44830384850502014, -0.06869150698184967, -0.0973827987909317, 0.046566784381866455, 0.9275413751602173, 0.2784741222858429, -1.0246952772140503, 0.282904714345932, 0.838897705078125, 0.034836240112781525, 1.0146543979644775, -0.6768476366996765, -0.10895242542028427, 0.5714023113250732, -0.0006551947444677353, 0.3101483881473541, 0.29111334681510925, -0.7699123620986938, 1.0837887525558472, 0.44010597467422485, 0.2465701401233673, 0.2179446667432785, 0.9373151659965515, 1.795194387435913, -0.6022063493728638, -1.2918349504470825, -0.3341805636882782, -0.7470946907997131, -0.23873263597488403, 0.13630247116088867, -0.006263408809900284, -0.676984965801239, 1.1092216968536377, -0.5389266014099121, -0.6950538158416748, 0.9596861600875854, -0.6895343661308289, -1.5328983068466187, 0.9519072771072388, 0.7249032258987427, -1.1547387838363647, -0.37837332487106323, 0.08472459018230438, -1.0697786808013916, -1.0418050289154053, -0.23358240723609924, -0.7110735774040222, 0.5567554235458374, 0.2627522051334381, 1.1297879219055176, -0.38672924041748047, -0.33857351541519165, -0.9731153249740601, 0.5205897688865662, 1.1155036687850952, -0.7215113639831543, 0.37228381633758545, 0.17194969952106476, 0.057803675532341, -0.1435425579547882, -0.7853022813796997, -0.5600437521934509, 1.2797815799713135, 0.061050981283187866, 0.681258499622345, -1.1310657262802124, -0.7687856554985046, 0.5888628363609314, -0.22678279876708984, 1.0888093709945679, -0.8840206265449524, -0.051885221153497696, -0.008576810359954834, 0.23691460490226746, 0.5703216791152954, -0.46782153844833374, -1.209077000617981, 0.7304632067680359, -0.04733246937394142, 0.4875427782535553, -0.44728726148605347, 0.7050972580909729, 1.513569951057434, -0.5145407915115356, -0.2752959728240967, -0.45943334698677063, -10.34424114227295, 0.36071258783340454, 0.14100979268550873, 0.3239051103591919, 0.5798576474189758, -0.5466026663780212, 0.9609016180038452, -0.606430172920227, 0.4581288993358612, -0.8963760137557983, 0.19461075961589813, 1.3419456481933594, 0.7889425754547119, -0.002628367394208908, -0.6735073924064636, -1.4931869506835938, -0.23277167975902557, -0.43566423654556274, 0.15021948516368866, 0.15042997896671295, -0.5342344045639038, -0.6160649657249451, -0.1368938684463501, 0.40562307834625244, 0.5621771812438965, 0.08477658778429031, -0.7519515752792358, -0.2356264591217041, -0.2976365089416504, -0.2494061142206192, 0.41678836941719055, -0.009182978421449661, -1.0759186744689941, -0.18682003021240234, -0.2938896417617798, -0.7093294262886047, -0.4204370379447937, -0.28330740332603455, 1.1024240255355835, -0.531013548374176, -1.038594126701355, 0.5716156959533691, 0.9507631659507751, -0.02253095433115959, -0.6723570823669434, 0.6554977297782898, 1.0906541347503662, -1.3771129846572876, 0.10736267268657684, -0.16567915678024292, -0.7572216391563416, -0.7202950716018677, -0.7377741932868958, -0.31667715311050415, 0.14666728675365448, 0.4422784149646759, 0.022083178162574768, -0.28472694754600525, -0.9802860021591187, -1.4728233814239502, 0.4679117500782013, -0.07666761428117752, -0.5948709845542908, 0.022501124069094658, 0.037854425609111786, -0.10288667678833008, 0.06813091039657593, -0.04142642021179199, -0.5044479370117188, 0.08257178217172623, -0.8843539357185364, 0.7500044107437134, -0.13857248425483704, -0.1244717687368393, -0.7416942715644836, 0.28317490220069885, -0.4998156428337097, -0.44673871994018555, -0.18248382210731506, 0.022737298160791397, -1.4882887601852417, 0.9538107514381409, 0.47654902935028076, -0.8131386637687683, -0.6417756080627441, 0.07096202671527863, -0.3613165616989136, 0.6164084076881409, 0.9353082180023193, -0.5694304704666138, 1.142236590385437, 0.05882877856492996, -0.13566751778125763, 0.3193981945514679, -0.7316997647285461, 0.9881598353385925, -0.2407088726758957, 0.962444007396698, 0.20085886120796204, -0.8323087096214294, 0.30949726700782776, -0.6535084843635559, -0.4070817828178406, -0.2866571545600891, 0.3133838474750519, 0.8916997313499451, 0.3891500234603882, 0.013532444834709167, 0.0898868590593338, -0.326404869556427, 1.3657153844833374, 0.5926762819290161, -0.6130958199501038, 1.277280330657959, -0.6658825874328613, 0.19475847482681274, 0.007236579433083534, 0.5374091267585754, 0.030777381733059883, 1.0503429174423218, -0.27139225602149963, 1.510652780532837, -0.18793344497680664, 1.0115928649902344, 0.03835659846663475, -0.33336302638053894, 0.8038655519485474, 0.5543864369392395, 0.10567042231559753, -1.7586246728897095, 0.12165680527687073, -0.3170638084411621, -0.1689862310886383, -0.8208171129226685, -0.2635895609855652, -0.505882740020752, -0.7562390565872192, 1.4853256940841675, -0.1671370267868042, -0.16703566908836365, 0.17377029359340668, -0.6396815180778503, 0.32196566462516785, -1.2434687614440918, -1.0420347452163696, 0.29772868752479553, -1.4015789031982422, -0.2173677384853363, -0.701830267906189, -1.3076705932617188, -0.4123249650001526, -0.26451027393341064, 0.7757965326309204, -0.9026970267295837, -0.42109766602516174, -0.2949524223804474, 0.49932894110679626, -0.13280220329761505, -0.5072273015975952, 0.01675860583782196, -0.26295289397239685, 0.8281663060188293, -0.8929142951965332, 0.9288124442100525, 0.24732792377471924, -0.6931835412979126, -0.1144503504037857, 0.21416357159614563, -0.5491567254066467, -0.04242805764079094, 0.7631423473358154, -1.0115456581115723, 0.2649083733558655, -0.9208181500434875, -0.4407726526260376, -1.1555118560791016, 0.4476222097873688, 1.2122033834457397, -0.19749869406223297, -0.24336747825145721, 0.544471800327301, 1.050724983215332, -0.028727572411298752, 0.05023987591266632, -0.0952138677239418, -0.45588356256484985, -0.10520727932453156, 0.47232139110565186, 0.004557321779429913, 1.0031977891921997, -1.8906068801879883, -0.9014784693717957, -0.2388765811920166, 0.1852230429649353, 0.6438544988632202, -0.14804580807685852, 1.4541999101638794, 0.5984230637550354, -0.12013191729784012, 0.6948899030685425, 0.5477201342582703, 0.844488799571991, 0.618026852607727, 0.5183677673339844, 0.18297642469406128, 0.1085602343082428, -0.6147138476371765, 0.18985223770141602, 0.14962470531463623, 0.3686406910419464, -1.230517029762268, -0.38836032152175903, -0.027226511389017105, -0.5426077842712402, 0.2257322520017624, -0.7378969192504883, 0.9551685452461243, -0.5705813765525818, -0.33771970868110657, -1.6162729263305664, 0.22388765215873718, 1.0277959108352661, -0.1947920322418213, 0.3266967833042145, 0.8959425091743469, 0.5963296890258789, 0.8020782470703125, 0.5403414964675903, 1.2378697395324707, -0.19501075148582458, -0.8118054866790771, 0.6074050068855286, 0.849556565284729, 0.011833392083644867, -0.47666555643081665, -1.0441880226135254, -0.6380690336227417, 0.7078751921653748, -0.17184391617774963, 1.0273411273956299, -0.41025310754776, 0.6338006854057312, 0.8415395617485046, 0.8985116481781006, -1.1197565793991089, -1.419743299484253, -0.5032861232757568, -1.8233848810195923, 0.0930645763874054, 0.5289045572280884, 1.2351720333099365, 0.5585615038871765, 0.8394280672073364, 0.33589380979537964, 1.5233222246170044, -0.6978313326835632, -0.43206787109375, -0.1995745599269867, -0.14115050435066223, 1.21580970287323, 0.46357735991477966, 0.9171637892723083, 0.19199396669864655, -0.2153727114200592, -0.6196607351303101, -0.3771454691886902, -0.607840359210968, 0.944509744644165, 0.34451115131378174, 0.09880298376083374, 0.001200661063194275, -0.5313255786895752, 1.0482591390609741, -0.6603213548660278, 0.32875198125839233, 0.2853030562400818, -0.16840097308158875, -0.21702808141708374, -0.7192877531051636, -0.09813757985830307, 0.9697447419166565, -0.3812774121761322, -0.17666050791740417, 0.026708059012889862, 0.8094418048858643, 0.06535417586565018, -0.4421497881412506, -0.8194703459739685, -0.12451109290122986, -0.45415982604026794, 0.2007766216993332, 0.04929080978035927, -1.1471542119979858, -0.30523011088371277, -0.2900531589984894, -0.857257068157196, 0.7057676911354065, -0.04069271683692932, -0.7496615052223206, -0.8187386989593506, 0.3321893811225891, -0.7179343700408936, 0.6131916046142578, 0.3080868124961853, -0.5168063044548035, -1.587966799736023, 0.7025811672210693, 1.3777451515197754, -0.6859321594238281, -0.6676902174949646, 0.08916871249675751, 0.10917282104492188, 0.3767339587211609, 0.6490782499313354]} +{"paper_id": "babi_qa", "embedding": [-0.6660080552101135, 1.0077486038208008, -0.3005419075489044, -0.3086206018924713, 0.18467050790786743, -0.17413775622844696, 0.22062179446220398, 1.0334506034851074, 1.1066508293151855, 0.4380721151828766, 0.20104676485061646, 0.34137392044067383, -0.04963818937540054, -0.19212749600410461, -0.39405253529548645, -0.02148975059390068, -0.6002953052520752, -0.5428140163421631, -1.8279850482940674, -0.5069945454597473, -0.8722292184829712, -0.772657036781311, 0.13918468356132507, 1.5515072345733643, -0.9219481945037842, -1.297480583190918, 1.266462802886963, -1.1602627038955688, 0.668573260307312, 0.2068650722503662, -0.14932376146316528, 1.5669175386428833, -1.5249699354171753, 0.8160426616668701, -0.5686655640602112, -0.5497807860374451, 0.5655631422996521, 1.1345350742340088, 0.372497022151947, -0.18712832033634186, -0.4839235544204712, 0.4859643876552582, -0.024649206548929214, 0.43910929560661316, 1.1084035634994507, -1.0605086088180542, 1.03336501121521, 0.11250059306621552, -0.25428348779678345, -0.05539968982338905, -1.3813587427139282, 0.18058264255523682, -0.25018221139907837, 1.0962615013122559, 0.04104897752404213, 0.7887214422225952, 0.4507323205471039, -0.17170095443725586, 0.34678372740745544, -0.881585955619812, 1.4913936853408813, 1.5441792011260986, -0.47993794083595276, 0.22847650945186615, 1.651172161102295, 0.19982598721981049, 1.1052958965301514, 0.4214993119239807, -0.05869510769844055, 0.5684544444084167, -0.3681713342666626, 0.08854345232248306, 0.8110702633857727, -0.3292662799358368, 0.2480015605688095, 0.9589272737503052, 0.4995480477809906, 0.037550169974565506, 0.13613516092300415, -0.6258156299591064, -0.07169626653194427, 0.16650135815143585, 0.49574869871139526, -0.39327284693717957, 0.38961103558540344, 0.5031949281692505, 0.2591184377670288, -0.7207102179527283, -0.012582221999764442, -1.796934723854065, 1.000096321105957, 0.6514050364494324, 0.14083075523376465, -0.8042991161346436, -0.41821008920669556, 0.25971147418022156, -1.138553500175476, -0.3230118751525879, -0.4613226354122162, 0.12304767221212387, 0.5828981995582581, -0.16438673436641693, 0.5038873553276062, -0.11568916589021683, -0.23162516951560974, -0.3041258156299591, 0.3742847442626953, 0.027378782629966736, -0.9104678630828857, -0.8805454969406128, -0.20490220189094543, 0.5913843512535095, -0.35569071769714355, 0.34009850025177, -0.2543867528438568, 0.8571125864982605, 0.8374416828155518, -0.5719473361968994, -0.2462233006954193, 0.3034311532974243, 0.05003669857978821, -0.8354038000106812, -0.6299676895141602, -0.20806458592414856, 0.3482101559638977, -0.7032642960548401, -0.41274869441986084, -0.36561718583106995, -0.5198150277137756, 0.23145738244056702, 1.1186683177947998, 0.3342306613922119, -1.0922809839248657, -0.7329533696174622, 3.5778872966766357, -1.3981612920761108, 1.6684634685516357, -0.9403026700019836, 0.20561589300632477, -1.087562084197998, -0.619317889213562, 0.886757493019104, 0.4396725296974182, -0.6197189688682556, -0.3812803030014038, 0.16021600365638733, 0.06485701352357864, -0.17798055708408356, -1.083134651184082, 0.030761923640966415, -0.19216343760490417, 0.407306045293808, -1.6453410387039185, -0.609166145324707, -0.17082589864730835, 0.4313270151615143, -0.5265712738037109, 0.9122365713119507, -0.7522835731506348, 0.3494965136051178, -0.2862670123577118, -0.4773958921432495, -0.4601137340068817, 0.017275234684348106, -0.5128504633903503, -0.37370598316192627, 0.840796172618866, 0.6544298529624939, -0.713535487651825, -0.10323569923639297, -0.26677101850509644, 0.3617883026599884, -0.8092960119247437, -0.08621478825807571, 0.2690993547439575, 0.4736665189266205, 0.268672913312912, 0.40684276819229126, 0.3513225317001343, -1.0427577495574951, -0.39332738518714905, -0.6065300107002258, -0.22273708879947662, 0.8331260085105896, -0.343694806098938, 0.24915280938148499, -2.417487859725952, 0.49870502948760986, -0.15368768572807312, 0.602105975151062, 0.3545922040939331, 0.4420664310455322, 0.8654576539993286, 0.20939023792743683, -0.004289574921131134, -1.0092161893844604, 0.8651047945022583, -1.4202533960342407, 0.3415493369102478, 0.3772014379501343, -0.18087349832057953, 0.09244464337825775, 0.04133755713701248, 1.239672064781189, 0.26157936453819275, -0.4464155435562134, -0.8862040638923645, -2.002091407775879, 0.34796637296676636, 1.8928532600402832, 0.13862347602844238, -0.12111310660839081, -0.7988800406455994, -0.39949488639831543, -0.5574350953102112, -0.4357030391693115, 0.25107336044311523, -0.5595611333847046, 0.7569143176078796, -0.8878189325332642, 0.5311117172241211, -0.6232679486274719, 0.4414394795894623, 0.7180840373039246, 1.208185076713562, -0.4003813862800598, 0.033239297568798065, -0.928154468536377, -1.0200194120407104, 0.5727452039718628, 0.6548171639442444, 0.05844077467918396, 0.21571363508701324, 0.6013689637184143, 0.4421367049217224, 0.8964100480079651, 0.4128887355327606, 0.22490721940994263, -0.980002760887146, 0.13911953568458557, -0.21099121868610382, 1.209761381149292, 0.03818424046039581, 0.8516628742218018, -0.23143590986728668, 0.2995125651359558, -0.9733250141143799, -0.5108358263969421, 0.5505046844482422, -0.0558750256896019, 1.5104641914367676, 0.08158451318740845, -0.6407310962677002, 0.39819884300231934, -0.42152807116508484, -0.2286180555820465, -0.3286689519882202, -0.47039714455604553, -0.5887503623962402, -0.1465645730495453, 1.627720832824707, 0.03918960690498352, 0.10728880763053894, 0.14038564264774323, 0.41026028990745544, -1.1635924577713013, -0.4224008619785309, 0.32926154136657715, -0.02934049814939499, -0.9184682369232178, -0.19546762108802795, -0.15887798368930817, -0.9812240600585938, -0.5662224292755127, -0.27422526478767395, -0.4158506393432617, 0.2914798855781555, 0.7326797246932983, 2.2063910961151123, -0.022805605083703995, 0.06318163871765137, -0.10865393280982971, 1.760377049446106, -0.5734385848045349, 0.626071572303772, -0.12486432492733002, 0.3684508800506592, -1.305482029914856, -0.113398976624012, -0.5659428238868713, 0.4792155623435974, 0.4816285967826843, 0.053769342601299286, 1.0125739574432373, -0.29799139499664307, -0.7949826121330261, 1.079809308052063, 0.028012152761220932, -0.3404477536678314, -0.4894041419029236, 1.7194385528564453, -0.14261110126972198, -0.6529957056045532, 0.7568594217300415, 0.1402384489774704, -0.5037845969200134, 0.4618181884288788, -0.07885991781949997, -0.05536995083093643, 0.08408515155315399, 0.09267358481884003, 0.43873441219329834, 0.14936372637748718, -2.2758982181549072, 1.5069700479507446, 0.44855889678001404, -0.31194108724594116, -0.3374313414096832, -0.7178167104721069, 0.1324661821126938, -0.4749579429626465, 0.5691331624984741, 0.5208576321601868, -0.032349228858947754, 0.3393571674823761, -0.2708452641963959, 0.12418405711650848, 1.270397663116455, -0.2515260875225067, 0.048609767109155655, 0.6681048274040222, -0.22107183933258057, -0.8326905965805054, -0.42464137077331543, 0.6165470480918884, -0.07306233793497086, 0.12206000834703445, 0.012089572846889496, 0.9344475865364075, 0.9721454381942749, 0.026800017803907394, 0.15611392259597778, 0.49884217977523804, 0.9471150636672974, 0.1108289286494255, -0.007707969285547733, -0.791057288646698, 0.18750035762786865, -0.5161311030387878, 1.552439570426941, -0.5707510113716125, -0.6096262335777283, -0.9936063885688782, 0.3207412660121918, -0.20944993197917938, -0.4821479916572571, 1.9021365642547607, 0.19495561718940735, 1.291670560836792, 0.5714432597160339, 0.4537152945995331, -0.7135005593299866, -0.3611941337585449, 0.5497920513153076, 0.06013071909546852, 0.028651662170886993, -0.8848512172698975, -0.6644129753112793, 0.7598855495452881, -0.03255479037761688, -0.6478700041770935, 0.24308614432811737, 1.016765832901001, 0.4722551107406616, -0.7973222732543945, 0.6061915755271912, 0.8104725480079651, 0.8306601643562317, 1.3287321329116821, -0.5219513177871704, -0.4001702666282654, 0.050807885825634, 0.0896870344877243, 0.26625773310661316, 0.6579127311706543, -0.5950925350189209, 0.8162099123001099, -0.21197669208049774, 0.4988985061645508, 0.04425157606601715, 1.3009333610534668, 1.703935146331787, -0.8152593374252319, -1.6667280197143555, 0.12182025611400604, -0.441373735666275, -0.04057174175977707, 0.26206353306770325, 0.05382798612117767, -0.00743121188133955, 0.8385205268859863, 0.2757349908351898, -0.842179536819458, 0.4789622724056244, -0.9674288630485535, -1.0990511178970337, 1.0388014316558838, 0.9831646680831909, -0.7957477569580078, -0.1559363603591919, 0.23261000216007233, -1.23398756980896, -0.19824056327342987, -0.35346299409866333, -1.0903490781784058, 0.6451939940452576, 0.5520702004432678, 1.1803123950958252, -0.3630797863006592, 0.0738094300031662, -0.9464507102966309, 1.3498257398605347, 0.383083313703537, -0.9978346228599548, 0.8079456090927124, 0.1883944422006607, 0.571639895439148, 0.01959463581442833, -1.094526767730713, -0.8068491816520691, 0.8603144884109497, -0.2882941961288452, 0.028588932007551193, -1.1651350259780884, -0.38174811005592346, 0.8072569370269775, 0.28884151577949524, 0.1515529900789261, -0.9877561926841736, -0.003384309820830822, -0.8146523237228394, -0.20975260436534882, 0.9119349718093872, -0.6636989712715149, -1.2001944780349731, 0.3252641558647156, -0.6104204058647156, 0.6821552515029907, -0.7869960069656372, 0.1423821598291397, 1.7712242603302002, -0.25676441192626953, -0.4078906774520874, -0.18153581023216248, -11.04491901397705, 0.7369533777236938, 0.27244043350219727, 0.1708597093820572, 0.8721301555633545, -0.2548670470714569, 0.350445032119751, -0.4447617530822754, 0.389260470867157, -0.6615070104598999, 0.4042470455169678, 0.6605110168457031, 0.5614305138587952, -0.5953454375267029, -0.6122829914093018, -1.0987708568572998, -0.3745906352996826, -0.8680155277252197, 0.09581224620342255, -0.04555816203355789, 0.1889837086200714, -0.5770995616912842, -0.43221038579940796, -0.0023691393435001373, 0.2742740213871002, -0.25730231404304504, -0.9883098006248474, -0.1743094027042389, -0.3878013491630554, -0.30985820293426514, 0.61850506067276, 0.04191579669713974, -0.08557213097810745, -0.499777615070343, -0.19842499494552612, -0.7482394576072693, -0.5808912515640259, -0.011209688149392605, 0.9569825530052185, -0.9436428546905518, -0.8099631667137146, 0.44948261976242065, 0.21459072828292847, -0.14463376998901367, -0.4211735129356384, 0.43164342641830444, 1.0548665523529053, -0.9257172346115112, 0.01751542091369629, -0.11132504045963287, -0.16629958152770996, -0.2886607348918915, -0.9100303649902344, -0.37573912739753723, 0.21992157399654388, 0.5959625840187073, -0.36521151661872864, -0.402019739151001, -0.7531055808067322, -0.904028058052063, 0.5962559580802917, 0.32375568151474, -0.4882190525531769, 0.4284985661506653, 0.33537232875823975, -0.22760839760303497, -0.29894769191741943, 0.5549972653388977, -0.8201366066932678, 0.3551690876483917, -0.8015193939208984, 0.983975887298584, -0.3535726070404053, 0.12853392958641052, -1.35066819190979, 0.30306264758110046, -0.5949707627296448, 0.0652809664607048, 0.5282367467880249, 0.08756838738918304, -1.3703151941299438, 0.8101541996002197, 0.4240257441997528, -0.5110073089599609, -0.6067448258399963, 0.3323185443878174, 0.14593565464019775, 0.41706424951553345, 0.9603461027145386, -0.5258496403694153, 1.3542307615280151, 0.3325296938419342, -0.2606877088546753, -0.25971660017967224, -0.2855820655822754, 1.0376319885253906, -0.03481585532426834, 0.24252641201019287, 0.560137152671814, -0.5076473355293274, 0.151169091463089, -0.12761500477790833, -0.5654439926147461, 0.24106435477733612, 0.996035099029541, 0.6299167275428772, 0.39922475814819336, -0.12436080724000931, 0.39948102831840515, -0.44404926896095276, 0.9455068707466125, 0.7309802770614624, -0.3740110397338867, 1.6238703727722168, -0.5771379470825195, 0.9147207736968994, 0.4476580321788788, 0.582697331905365, 0.11456391960382462, 0.6966776251792908, -0.7467414736747742, 0.7796407341957092, -0.1486823707818985, 1.5435000658035278, -0.12240864336490631, -0.029133358970284462, 0.3287828266620636, 0.7219969034194946, -0.01316826418042183, -1.5055323839187622, 0.22747230529785156, -0.8449514508247375, -0.03551740199327469, -0.4747360646724701, -0.15628769993782043, 0.3236268162727356, -0.41371315717697144, 1.885475993156433, -0.6502553820610046, -0.3299332559108734, 0.10527700185775757, 0.17981669306755066, -0.44008082151412964, -1.2773725986480713, -1.169096827507019, 0.24986881017684937, -1.3320273160934448, 0.11829392611980438, -0.11854937672615051, -0.31346744298934937, -0.13838009536266327, -0.5250709652900696, 0.9740825295448303, -0.2162339687347412, -0.5258673429489136, -0.43460872769355774, 0.4185963273048401, -0.5652986168861389, -0.4547490179538727, 0.21541157364845276, 0.5260621309280396, 1.3465474843978882, -0.915931224822998, 1.114032506942749, 0.052154697477817535, -0.6317535638809204, -0.48292437195777893, 0.43213120102882385, -0.5434987545013428, -0.004716653376817703, 0.8490386009216309, -0.9493800401687622, -0.33379748463630676, -0.9093231558799744, -0.3110251724720001, -0.7976822257041931, 0.3164317309856415, 0.728079080581665, -0.7818435430526733, -0.5226670503616333, 0.206560418009758, 0.7405155301094055, 0.4473048448562622, -0.16781362891197205, -0.2737274765968323, -0.30389466881752014, -0.25191283226013184, 0.5428919792175293, 0.35777679085731506, 1.1974126100540161, -1.725268006324768, -0.8835035562515259, -0.37068021297454834, 0.02592325210571289, 0.47699904441833496, 0.5978665351867676, 0.696003258228302, 0.8307725787162781, -0.6805049180984497, 0.3976284861564636, 0.1712188720703125, 0.6043760776519775, 0.21650764346122742, 0.7984409332275391, -0.1212114542722702, 0.6013195514678955, -0.3772646188735962, 0.06083238497376442, 0.5514899492263794, 0.9790467023849487, -0.9439147114753723, -0.14074450731277466, -0.33841097354888916, -0.11766853928565979, -0.04218345135450363, -0.9029607772827148, -0.21786892414093018, -1.039186716079712, -0.10244710743427277, -1.3802928924560547, 0.08612844347953796, 0.48092392086982727, -0.49123311042785645, 1.0614993572235107, 0.5504751205444336, 1.1887612342834473, 0.6993462443351746, 0.24909161031246185, 0.6259914040565491, -0.13850396871566772, 0.15580885112285614, 0.3905668258666992, 0.3179447650909424, -0.24030116200447083, -0.13362854719161987, -1.430288553237915, -0.5905672311782837, 0.7664814591407776, -0.13421230018138885, 1.3777929544448853, 0.22260840237140656, 1.0190222263336182, 0.6019315719604492, 1.2398395538330078, -0.4829016923904419, -1.9587067365646362, -0.21591933071613312, -1.725616693496704, -0.10225234925746918, 0.7176954746246338, 0.3551510274410248, 0.2706374526023865, 0.7386535406112671, -0.1495131403207779, 0.9779346585273743, -0.7319077253341675, 0.21619951725006104, 0.46280765533447266, -0.4949614405632019, 0.6156823635101318, -0.12661905586719513, 0.5127216577529907, 0.7414397597312927, 0.13399267196655273, -0.8403613567352295, -0.1401619017124176, -0.5645739436149597, 0.40291476249694824, 0.27405786514282227, -0.47011277079582214, -0.6662375926971436, -0.28224122524261475, 1.3135805130004883, -0.2927679121494293, 1.1720563173294067, -0.08623696863651276, -0.2693895697593689, -0.75771564245224, -0.9126467704772949, -0.5567311644554138, 0.3382687568664551, 0.19348961114883423, -0.24266208708286285, -0.14213918149471283, 0.1393103450536728, 0.43431416153907776, -0.0909375548362732, -0.7561519742012024, -0.4532582759857178, -0.6818934082984924, 0.05363096296787262, -0.2918572723865509, -1.1336586475372314, -0.7486368417739868, -0.3535655438899994, -1.204716444015503, 0.6677294373512268, -0.314179390668869, -0.4013001620769501, -0.92182856798172, 0.2910836637020111, 0.022358469665050507, 0.4837922751903534, -0.3899849057197571, -0.3329790234565735, -1.7303473949432373, 0.3551701009273529, 1.5740430355072021, -0.4586929976940155, -0.22767974436283112, 0.4939899742603302, 0.22804392874240875, 0.24840959906578064, 0.9748671054840088]} +{"paper_id": "scitail", "embedding": [-0.6239969730377197, 1.044333815574646, -0.010043088346719742, -0.06687004864215851, -0.022043228149414062, -0.505887508392334, 0.7101203799247742, 0.6090756058692932, 0.2666687071323395, 0.36311402916908264, 0.0759221538901329, 0.1603524535894394, -0.3007545471191406, 0.6877347826957703, -0.25437450408935547, -0.7578075528144836, -1.0526952743530273, -0.19731362164020538, -0.34810930490493774, -0.34997880458831787, -0.8375648856163025, -0.5037720799446106, 0.04608417674899101, 0.2487371563911438, -0.18185502290725708, -0.8412129282951355, 0.6660297513008118, -0.6120056509971619, 0.4355933964252472, -0.04647891968488693, -0.19066956639289856, 1.252082109451294, -1.7741435766220093, 0.536805272102356, -0.7318622469902039, -0.03292779624462128, -0.10404732078313828, 1.555093765258789, -0.3950195610523224, 0.11614112555980682, -0.5716171860694885, 0.38908711075782776, 0.5372295379638672, 0.5390134453773499, 0.5443935394287109, -0.4055541753768921, 0.6377255320549011, 0.299197793006897, -0.18469323217868805, 0.33512014150619507, -0.21849094331264496, 0.41692182421684265, -0.25456735491752625, 0.1391196846961975, 0.1478344351053238, 0.6437045335769653, 0.6487894058227539, -0.27826666831970215, 0.9297760128974915, -1.2813280820846558, 1.7533886432647705, 1.3858684301376343, 0.1826128363609314, 0.03158784657716751, 0.755237877368927, 0.24789954721927643, 0.9272294640541077, -0.20628145337104797, 0.03444945812225342, 0.8321974873542786, -0.7450994253158569, -0.8528734445571899, -0.39608651399612427, 0.09465894103050232, 0.13231515884399414, 0.0075585246086120605, 0.1457463800907135, 0.7132235169410706, 0.4444752037525177, 0.6517699360847473, -0.7215577363967896, 0.016534090042114258, 0.889227569103241, -0.26492825150489807, 0.12415531277656555, -0.34099259972572327, 0.5295461416244507, -0.401611328125, 0.7027899026870728, -0.9056041836738586, 0.7540066242218018, 0.29043418169021606, -0.18169081211090088, 0.25104108452796936, -0.02983810007572174, 1.078277826309204, -0.633592963218689, -0.02268274314701557, -0.36034709215164185, 0.6091251969337463, 0.3819288909435272, -0.2958187758922577, 0.262643426656723, -0.07001129537820816, 0.02470529079437256, 0.45484909415245056, 0.3349933624267578, -0.28308629989624023, -0.4143062233924866, -0.48928990960121155, -0.43804824352264404, 0.6960166692733765, -0.4778614938259125, 0.5633670091629028, 0.23670309782028198, 0.32578447461128235, -0.2632465958595276, -0.710233211517334, -0.44194674491882324, -0.11706578731536865, -0.28037887811660767, -1.4327064752578735, -0.2104128897190094, -0.1772560328245163, 0.6629923582077026, -0.24294474720954895, 0.04726352542638779, -0.366159051656723, -0.1882753223180771, 0.4120946228504181, 1.0240073204040527, -0.19970691204071045, -0.5868434906005859, -0.39978766441345215, 2.876521348953247, -0.6920589804649353, 1.504496693611145, -0.6386047601699829, 0.2869991064071655, -0.35165417194366455, -0.476899117231369, 1.2173559665679932, 0.26972872018814087, -0.5517302751541138, -0.8406192660331726, 0.1449567675590515, 0.4919470548629761, 0.034537434577941895, -0.9939662218093872, -0.00795213133096695, -0.21589019894599915, 0.5000582933425903, -1.2788498401641846, -0.16954079270362854, 0.6283178329467773, 0.5218822360038757, 0.07388603687286377, 0.3363827168941498, -0.9812553524971008, -0.08316423743963242, -0.12922266125679016, -0.3762630820274353, -0.6203976273536682, 0.5324452519416809, -0.3901209831237793, -0.7203137278556824, 1.268554925918579, 0.29658377170562744, -1.4880362749099731, -0.029349952936172485, 0.3283078372478485, -0.22121837735176086, -0.15336792171001434, -0.07571595162153244, 0.24062228202819824, -0.019043438136577606, -0.11353662610054016, 0.5971434712409973, 0.27864280343055725, -1.2473804950714111, 0.10924223810434341, 0.20125463604927063, -0.515877902507782, 0.6827387809753418, 0.032565247267484665, 0.33777162432670593, -2.306467294692993, 0.08020959794521332, -0.23661190271377563, -0.26604190468788147, 0.15158602595329285, 0.21900933980941772, 0.1504654586315155, 0.8527081608772278, -0.4623366594314575, -0.29932060837745667, 0.21590381860733032, -2.0220248699188232, 0.6622107625007629, 0.6742339730262756, -0.12602785229682922, 0.32398974895477295, 0.3564381003379822, 0.9449028372764587, 0.7857869863510132, -0.245743989944458, -1.0715746879577637, -2.1194283962249756, 0.06792423129081726, 1.8093057870864868, -1.173457145690918, 0.09822259098291397, -1.228082537651062, 0.03751237690448761, 0.12961819767951965, 0.1456863135099411, 0.34781941771507263, -0.696708083152771, -0.14020726084709167, -0.6624985337257385, 0.7888244986534119, -0.4902716875076294, -0.3525538444519043, 0.16156727075576782, 1.03895902633667, -0.6498051285743713, -0.9772825241088867, -0.2778991460800171, -0.6727466583251953, 0.3446847200393677, 0.458586722612381, -0.07341274619102478, 0.5657568573951721, 0.7526392936706543, 0.6027790904045105, 0.8328841328620911, 0.3756205141544342, 0.42622193694114685, -1.0292437076568604, 0.00799146480858326, 0.09855250269174576, 0.7532973885536194, -0.2114250808954239, 0.32917600870132446, 0.9271488785743713, 0.26895031332969666, -0.5123494267463684, -0.4028918147087097, -0.7934510111808777, 0.05691307783126831, 0.9244077801704407, 0.29504266381263733, -0.38222408294677734, 1.2150088548660278, -0.846842885017395, -0.36117884516716003, -0.2003023624420166, -0.5676090717315674, -0.05090273916721344, -0.578294575214386, 0.9428255558013916, 0.4965929388999939, -0.07597503066062927, -0.4768734574317932, -0.482776403427124, -0.7670740485191345, 0.23272186517715454, -0.011531762778759003, -0.35185903310775757, -0.4091061055660248, -0.41396957635879517, 0.12990492582321167, -1.0094901323318481, -0.8989248275756836, -0.7462089657783508, -0.35948291420936584, -0.07040204852819443, 1.3451520204544067, 1.4611984491348267, 0.058021895587444305, 0.13572388887405396, 0.26270389556884766, 0.7252311706542969, 0.08192871510982513, 0.48799097537994385, -0.630775511264801, 0.8390739560127258, -0.7756433486938477, -0.09487505257129669, -0.6229602098464966, 0.3598487973213196, 0.16777107119560242, -0.18263393640518188, 0.5459023714065552, -0.3398287892341614, -1.4566184282302856, 0.7942086458206177, 0.3980010151863098, -0.14404156804084778, -0.19312290847301483, 0.7861790060997009, -0.04360869526863098, 0.13908307254314423, 0.7858224511146545, -0.1342262178659439, -0.025374753400683403, 1.2751188278198242, -0.8548104763031006, 0.1482887864112854, -0.2005278617143631, -0.18782851099967957, -0.06354111433029175, -0.10435093939304352, -2.155623197555542, 0.6150893568992615, 0.9209068417549133, -0.1519297957420349, -0.5272263884544373, -0.5475308895111084, 0.05314081907272339, -0.9694293141365051, 0.5291392207145691, 0.5395971536636353, -1.1467986106872559, 0.26308706402778625, -0.2954612970352173, 0.532087504863739, 0.8765740990638733, -1.4072719812393188, 0.7939206957817078, 0.284153014421463, 0.1929066777229309, -0.3495193421840668, -0.8067343831062317, 0.7706032395362854, -0.2253611534833908, -0.39806899428367615, -0.04328492283821106, 1.5237627029418945, 0.578560471534729, -0.25232818722724915, -0.7226117253303528, -0.1206943690776825, 0.8545141220092773, 0.2814563810825348, -0.7080521583557129, -0.7067214846611023, 0.5609434843063354, 0.2728825509548187, 1.9987003803253174, 0.10034921765327454, -0.7083200812339783, -0.819581151008606, -0.9311600923538208, -0.3220548927783966, -0.06198083609342575, 1.2024284601211548, 0.5987631678581238, 1.2357972860336304, 0.23832330107688904, 1.0179896354675293, 0.17062045633792877, -0.4640740752220154, 0.8212997317314148, 0.424909383058548, 0.38955628871917725, -0.7307815551757812, -0.28451791405677795, 0.520473837852478, 0.3857666552066803, -0.5463182926177979, 0.45793166756629944, 0.7896257638931274, -0.12125448882579803, -0.6983485221862793, 0.8615643978118896, 1.1643129587173462, 0.9778405427932739, 1.4517247676849365, 0.12024716287851334, -0.7159022092819214, -0.3165770173072815, -0.2063387632369995, 0.6005181670188904, -0.22616320848464966, -0.7283495664596558, 0.546650230884552, 0.2541506886482239, 0.5472227334976196, -0.03389089182019234, 0.9243189096450806, 1.6001968383789062, -0.5163589119911194, -2.162440299987793, -0.18587841093540192, -0.495305597782135, 0.01246417686343193, -0.001982707530260086, -0.14061515033245087, 0.02705780789256096, 0.1513829529285431, 0.21031123399734497, -1.6079111099243164, -0.05775490775704384, 0.09033925086259842, -1.2169936895370483, 1.771004557609558, 1.0206971168518066, -1.1546242237091064, -0.47641149163246155, 0.10539427399635315, -0.4784203767776489, -0.3275423049926758, -0.29974761605262756, -0.11698932945728302, 0.49144625663757324, 0.6870143413543701, 0.8577821850776672, 0.10521250218153, 0.3908867835998535, -0.9003476500511169, 1.2182294130325317, 0.8867356777191162, -1.5124051570892334, 0.884758472442627, 0.27567872405052185, 0.6395386457443237, 0.027267832309007645, -0.638384222984314, -0.4905209541320801, 0.9454522728919983, 0.08956432342529297, -0.20751234889030457, -0.8242778778076172, -0.2742067277431488, 0.2745859622955322, 0.5540817975997925, 0.6632987856864929, -0.5514003038406372, 0.25496697425842285, -0.5558511018753052, 0.06395278871059418, 0.5593942403793335, -1.0684784650802612, -0.4972003996372223, 0.6063540577888489, 0.22824528813362122, 1.1448079347610474, -0.1786026954650879, -0.31475192308425903, 1.2133232355117798, -0.47186383605003357, -0.7474309802055359, -0.08198954910039902, -11.750171661376953, 0.8812761306762695, -0.057862356305122375, 0.4167128801345825, 0.7909395098686218, -0.18882521986961365, 0.08518389612436295, 0.4084028899669647, 0.1374305784702301, -0.8632804751396179, 0.1988612860441208, 1.4279485940933228, -0.1449950635433197, -0.03388167917728424, -0.5282618403434753, -0.3774303197860718, -0.39523646235466003, -0.821406900882721, 0.6779539585113525, 0.5682716965675354, 0.2183811217546463, -0.32263535261154175, -0.6930510401725769, -0.6038686037063599, 0.15917250514030457, -0.07504118233919144, -1.1103276014328003, -0.31844156980514526, -0.1531074345111847, 0.7611699104309082, 0.5414057374000549, -0.05578765273094177, 0.06585435569286346, -0.5251420140266418, -0.9949249029159546, -0.18230633437633514, -0.5108117461204529, 0.05902399867773056, 0.7740010619163513, -0.45563334226608276, 0.2162330001592636, 0.49378225207328796, 0.28137442469596863, -0.5899667739868164, -0.20540344715118408, 0.6415408849716187, -0.24930106103420258, -0.6548246741294861, -0.148759663105011, 0.4713181257247925, -0.5070416331291199, -0.5969937443733215, -0.4463096261024475, -0.47603294253349304, 0.0749722421169281, 0.22614654898643494, -1.0079644918441772, 0.31435418128967285, -0.9832087755203247, -0.8682923316955566, 0.2411816418170929, -0.11487545073032379, -0.5763305425643921, 0.7649539709091187, -0.10487265139818192, -0.5015371441841125, -0.38380199670791626, 0.36121636629104614, -0.9878994822502136, 0.2999520003795624, -0.6073476076126099, 1.5154472589492798, 0.9285462498664856, 0.41010716557502747, -0.5092659592628479, 0.25245532393455505, -1.174756646156311, 0.14432357251644135, 0.24174271523952484, -0.24911458790302277, -1.760388731956482, 0.5110076665878296, 0.6312099099159241, -0.6196954846382141, -1.0846521854400635, 0.8022553324699402, 0.20100778341293335, 0.13964813947677612, 0.4091580808162689, 0.17860504984855652, 1.2912967205047607, 0.4297959506511688, -0.8194337487220764, -1.3217189311981201, 0.28948888182640076, 0.8671119809150696, -0.2987545430660248, 0.37849876284599304, -0.6554520130157471, -0.8339397311210632, 0.5281645059585571, -0.6860923171043396, -1.2349398136138916, 0.5206814408302307, 0.5045456290245056, 0.2529762387275696, 1.1006596088409424, 0.22777333855628967, -0.4308020770549774, -0.42402663826942444, 0.40244752168655396, -0.21989884972572327, 0.3561164140701294, 1.149675965309143, -0.8106434345245361, 0.7371410131454468, 0.6500483751296997, -0.1951601207256317, -0.15351322293281555, 0.8767699003219604, -0.2957017123699188, 0.01931234449148178, 0.4762106239795685, 1.7008298635482788, 0.37054166197776794, 0.43025022745132446, 0.42765846848487854, 0.24327129125595093, -0.0022407174110412598, -1.0840047597885132, 1.6378380060195923, -0.3441627025604248, -0.09337358176708221, -0.4864239990711212, -0.4427580237388611, 0.0632280707359314, -0.451305091381073, 1.1164629459381104, -0.5880022048950195, 0.14852571487426758, -0.1630285382270813, 0.5523697733879089, -0.9426221251487732, -0.6386171579360962, -1.3671492338180542, 0.3653785288333893, -1.020177960395813, 0.5142619013786316, -0.5023984313011169, -0.4805501699447632, -0.43892061710357666, -0.8737407326698303, 1.0834903717041016, -0.7678123116493225, -0.7463706135749817, -0.9029273390769958, 0.08534014225006104, -0.2934686243534088, -0.4090726375579834, -0.6265413165092468, 0.7219149470329285, 0.5877086520195007, -0.5869694352149963, 0.908555269241333, 0.2285914123058319, -0.1791560798883438, -0.8343164324760437, 0.14088758826255798, -0.5753704309463501, -0.4174130856990814, 0.8371655941009521, -1.1320072412490845, -0.30522093176841736, 0.016086162999272346, 0.08029943704605103, -0.33198097348213196, 0.3548383116722107, 0.5335294008255005, -1.2640105485916138, 0.06552112847566605, -0.17910809814929962, 0.8551309108734131, 0.08969062566757202, -0.5644224882125854, -0.1846458464860916, 0.32916876673698425, -0.09136403352022171, 0.8327040672302246, 0.5592514872550964, 1.4542782306671143, -1.163111686706543, -1.3412597179412842, -0.6267815232276917, 0.34313350915908813, 0.8282716870307922, 0.09244336187839508, 0.7937849760055542, 0.44801056385040283, -0.3321360647678375, -0.23973014950752258, 0.5936748385429382, 0.8749098777770996, 0.032810013741254807, -0.17026285827159882, -0.35044774413108826, 1.0217008590698242, -0.9023311138153076, -0.23726461827754974, 0.32031309604644775, 1.264898657798767, -0.6101712584495544, 0.07704003155231476, 0.12036560475826263, 0.398261159658432, -0.12251061201095581, -1.2666244506835938, -0.19381383061408997, -0.6237323880195618, -0.6070001721382141, -1.309682011604309, 0.41478997468948364, 0.9102434515953064, -0.3399919271469116, 1.1692781448364258, 0.43677449226379395, 1.2195309400558472, 1.106053352355957, 0.4111478924751282, 0.6768733859062195, -0.2613295018672943, -0.002116522751748562, 0.037738408893346786, 0.19606569409370422, 0.2722752094268799, 0.35307884216308594, -0.7046098709106445, -0.46920281648635864, 0.050315409898757935, -0.2024073600769043, 1.3039944171905518, -0.8603068590164185, 0.1665232628583908, 0.1242857500910759, 1.1289401054382324, -0.09965777397155762, -0.9500287771224976, 0.12277315557003021, -1.6855990886688232, -0.028855986893177032, 0.2658977806568146, 0.26954442262649536, 0.9202415943145752, 0.5233907103538513, -0.6425954103469849, 0.9464818835258484, -0.2761724591255188, 0.36188411712646484, 0.2947448492050171, -1.5418641567230225, 1.4196593761444092, 0.6401689648628235, -0.10471303761005402, 0.8642237186431885, -0.06322675198316574, -1.6755915880203247, 0.4768970012664795, -0.6087626814842224, 1.197825312614441, -0.07652710378170013, -0.397935152053833, -0.20309695601463318, -0.07325678318738937, 0.8769344091415405, -0.17076489329338074, 0.5867946147918701, -0.10250358283519745, -0.40715301036834717, -0.7517490386962891, -0.7985407114028931, 0.21580487489700317, 0.23837080597877502, 0.42879706621170044, -0.12401226162910461, -0.209083691239357, 0.449400931596756, -0.09062594175338745, -0.6490830779075623, -0.6951345801353455, 0.4102553725242615, -0.6164632439613342, -0.020972691476345062, 0.6693947315216064, -0.6095170378684998, -1.4230619668960571, -0.346899151802063, -0.8042528033256531, 0.7588983774185181, -0.35011667013168335, -1.1473857164382935, -0.23103290796279907, 0.37475723028182983, -0.10885921120643616, 0.5262921452522278, -0.125113382935524, -0.334671288728714, -1.2847734689712524, 0.2970421314239502, 1.0209531784057617, -0.28802385926246643, -0.2877652943134308, 0.3192496597766876, 0.6172249913215637, 0.27268972992897034, 0.9604445695877075]} +{"paper_id": "math_qa", "embedding": [-0.6112654805183411, 1.8516055345535278, -0.3050192594528198, 0.48558762669563293, 0.061769478023052216, 0.37174364924430847, -0.2889612019062042, 1.880264163017273, 0.9219734072685242, 0.8283852934837341, -0.06074731796979904, 0.43463489413261414, -1.2644178867340088, -0.8475508093833923, -0.7167319059371948, 0.14051848649978638, -0.4764179587364197, -0.7058715224266052, -2.5674118995666504, -0.8217948079109192, -1.2121829986572266, -1.5195670127868652, -0.16971148550510406, 1.1013211011886597, -0.13527870178222656, -0.6101223826408386, 0.8173938989639282, -1.797988772392273, 0.3493543863296509, 0.6331146359443665, 0.052282027900218964, 0.9967439770698547, -1.651158094406128, 0.6376513242721558, -0.6468847990036011, -0.0367245115339756, -0.43236982822418213, 0.07396858930587769, -0.2854926586151123, 0.567851185798645, -0.41097140312194824, 0.2260015606880188, 0.0827881470322609, -0.028670206665992737, 1.0901128053665161, -0.4799920916557312, 0.16892565786838531, 0.37734362483024597, 0.49660831689834595, 0.0874902606010437, -1.2670631408691406, 1.411900281906128, 0.13455405831336975, -0.41161197423934937, 0.4948207139968872, 1.311334490776062, 0.3933487832546234, 0.39469802379608154, 0.9239205718040466, -0.616950273513794, 1.0042742490768433, 0.7336634993553162, 0.19067522883415222, 0.32589197158813477, 0.40519657731056213, 0.22982169687747955, 1.1478748321533203, -0.27215152978897095, -0.11028680205345154, 0.43322494626045227, -0.03331386297941208, -1.0181277990341187, 0.27793172001838684, 0.2282399833202362, 0.36776578426361084, 0.4007296562194824, 0.5557038187980652, -0.5483880639076233, 0.5032613277435303, -0.38572654128074646, -0.3703068792819977, -0.69581139087677, 1.1598830223083496, -0.2337726652622223, -0.2359112799167633, 0.19375517964363098, 0.5994807481765747, -0.33828893303871155, 0.6029713153839111, -1.2720401287078857, 0.2914363145828247, -0.28038036823272705, 1.2980045080184937, -0.8801543116569519, -0.9831541180610657, -0.2680535614490509, -0.629974365234375, -1.0294026136398315, -0.5925784111022949, 0.7682957649230957, 0.7398377656936646, 0.4114893674850464, 0.4514062702655792, -0.027903497219085693, 0.8209138512611389, 0.7296558022499084, 0.6852084398269653, -0.5257694125175476, -1.567670464515686, -0.9824039340019226, 0.7693782448768616, 0.17473334074020386, 0.08221586793661118, 0.8050150871276855, -0.10325080156326294, -0.2102092206478119, 0.3389822542667389, -0.4514215290546417, 0.041582461446523666, -0.3618738055229187, 0.171458438038826, -0.5657513737678528, -0.39736130833625793, -0.5903052091598511, 0.1332482099533081, -0.14510934054851532, 0.21642929315567017, -0.18369975686073303, 0.3269912004470825, 0.13510562479496002, 1.167049527168274, -0.4419202208518982, -1.0078125, -0.12835754454135895, 3.2637293338775635, -0.4080450236797333, 1.0239819288253784, -0.790899395942688, 0.5064965486526489, -0.6046856641769409, -0.49256691336631775, 1.0455468893051147, -0.12703809142112732, -0.43190842866897583, -1.038932204246521, 0.522363007068634, -0.35337164998054504, 0.5832172632217407, -1.3719689846038818, 0.5300467014312744, -0.4786301851272583, 1.4088774919509888, -0.9940849542617798, -1.0485517978668213, -0.29574644565582275, 0.14037659764289856, 0.13896231353282928, 0.9586283564567566, -1.0303934812545776, -0.6577692031860352, 0.8897157311439514, -1.1981463432312012, -0.5848255753517151, 0.33751052618026733, -0.3641695976257324, -0.5989668965339661, 1.863704800605774, -0.7587955594062805, -1.516000509262085, -0.7312717437744141, 0.2703774571418762, 0.12122409790754318, 0.04908217117190361, 0.5746683478355408, 0.11524064093828201, 1.0264978408813477, 0.4398052990436554, 0.4158119559288025, 0.6835653781890869, -0.5156208872795105, 0.1555812656879425, -0.39420750737190247, -0.018267787992954254, -0.16694925725460052, 0.4461333453655243, 0.6612938642501831, -2.784804582595825, -0.21421484649181366, -0.7017859816551208, 0.7099213004112244, 0.3899047374725342, 0.4129534363746643, 0.6368114948272705, 0.6175360083580017, 0.31053411960601807, -0.5503289103507996, -0.08333253860473633, -1.6675446033477783, -0.13571317493915558, 1.2018810510635376, 0.13181236386299133, 1.0509799718856812, -0.3026356101036072, 1.1489671468734741, 0.5886681079864502, -1.2005172967910767, 1.1061756610870361, -1.8037564754486084, -0.7656751871109009, 1.9079115390777588, 0.5617146492004395, 0.8298127055168152, -0.19026896357536316, -0.5896642804145813, 0.38477185368537903, 0.12738074362277985, -0.2577119469642639, -0.6543380618095398, 0.3042527139186859, -1.1911717653274536, 0.5701371431350708, -0.2929883301258087, 1.0326606035232544, 0.23901516199111938, 1.659633755683899, -0.8014145493507385, 0.4375806152820587, 0.1337168961763382, -0.13146838545799255, 0.1371726393699646, 0.6682332754135132, 0.394193559885025, 0.32566413283348083, 0.6571270227432251, 0.7135158777236938, 0.5254290699958801, 1.1087812185287476, 0.919483482837677, -0.07050177454948425, 0.6518315672874451, 0.21637241542339325, 1.084901213645935, -0.04173576831817627, -0.1799744963645935, 0.199645534157753, -0.3639049530029297, -0.7293396592140198, -0.7741616368293762, 0.7010583877563477, -0.06201457232236862, 1.986214280128479, -0.6700599789619446, 0.15674114227294922, 0.41325947642326355, -0.5308007001876831, -0.36923953890800476, -0.07014106214046478, -0.3936251699924469, -0.4114319086074829, 0.03304789215326309, 0.40942472219467163, 0.07563947886228561, 0.04854748398065567, -0.15267756581306458, -0.5110421180725098, -1.7594588994979858, -0.38994526863098145, -1.023821473121643, -0.04240686073899269, -0.6385848522186279, -0.4828287959098816, 0.1737983524799347, -1.1940209865570068, 0.10507063567638397, 0.051691941916942596, 0.10583088546991348, -0.11972255259752274, 0.8321747779846191, 1.5991268157958984, -0.9030076861381531, 0.523114025592804, 0.5190983414649963, 0.906309187412262, -0.29365360736846924, 0.8386526703834534, 0.4426789879798889, 0.18479441106319427, -1.797912359237671, 0.12848122417926788, -0.6186749935150146, -0.4503738582134247, 0.47500932216644287, -0.16847310960292816, -0.566003680229187, -0.23666775226593018, -0.14090175926685333, 0.9525192379951477, 0.30636706948280334, 0.3284256160259247, -0.3261536955833435, 1.124914288520813, 0.4418852925300598, -1.052261233329773, 0.4088015556335449, 0.14655408263206482, -0.06742671132087708, 1.091675877571106, -0.2889918088912964, 0.1994260996580124, -0.22182659804821014, 0.20849838852882385, 0.5144068598747253, 0.5320437550544739, -1.8743972778320312, 0.8517009615898132, 0.13147591054439545, 0.04728839918971062, -0.5278486013412476, -1.0499733686447144, -0.7954191565513611, -1.1031641960144043, 0.38062337040901184, 0.1618642807006836, -0.5573990941047668, 0.11009944975376129, 0.06401019543409348, 0.21716617047786713, 0.41946643590927124, -0.7220442295074463, 0.2240452915430069, 0.3944804072380066, -0.29033875465393066, -0.9930066466331482, -0.268825888633728, 0.5328304171562195, 0.16457583010196686, -0.0012337304651737213, 0.012024737894535065, 0.8022401332855225, 1.2462173700332642, 0.16981998085975647, 0.724392294883728, 0.7737680077552795, 1.7272803783416748, -0.06242762506008148, 0.4116135239601135, -0.6344788074493408, -0.47950953245162964, -0.439721018075943, 1.0212610960006714, -0.672296404838562, -0.30024513602256775, -0.9788591861724854, -0.1847265213727951, -0.08903586864471436, -0.9083567261695862, 1.9864815473556519, 0.06761658936738968, 1.9624937772750854, -0.8638548851013184, 0.36501017212867737, -0.030741333961486816, -0.39797523617744446, 0.009211854077875614, 0.9443352818489075, 0.3971022367477417, -1.0546150207519531, -0.653600811958313, 0.012750448659062386, -0.4948101043701172, 0.07285117357969284, -0.046008311212062836, 0.5714451670646667, 0.08070651441812515, -0.6697896718978882, 0.7900145649909973, 0.625395655632019, 0.5943889617919922, 1.334556221961975, -0.34368017315864563, -1.1721936464309692, -0.24371667206287384, 0.17179924249649048, -0.2910904586315155, -0.04541567340493202, -0.47230932116508484, -0.2939194440841675, 0.37153109908103943, -0.27505162358283997, 0.5170347094535828, 1.078548789024353, 1.4847373962402344, -0.6205875873565674, -2.129929304122925, 0.3666552007198334, -0.20690324902534485, -0.1725941300392151, -0.25631144642829895, -1.0576834678649902, -0.24739152193069458, 0.46089601516723633, 0.3111603260040283, -1.319074273109436, -0.49664202332496643, -0.07983706146478653, -1.9221004247665405, 1.0689424276351929, 0.9998220205307007, -0.5482844114303589, 0.35175368189811707, 0.8495708107948303, -1.2815223932266235, 0.18112832307815552, -0.45698225498199463, -0.2095002979040146, 0.7850112915039062, 0.7721723914146423, 0.7350661754608154, -0.019844014197587967, 0.7699135541915894, -1.053645133972168, 1.187328815460205, 0.8983381986618042, -0.8208845853805542, 0.015306342393159866, -1.176429271697998, 0.624709963798523, -0.40339866280555725, -1.7994328737258911, -0.6680132150650024, 0.45133641362190247, -0.8684440851211548, -0.7205615639686584, -1.3411831855773926, -0.8832026720046997, -0.24667426943778992, -0.4530702829360962, -0.17525392770767212, -0.4668918550014496, -0.20084096491336823, 0.2110678255558014, -0.2698194086551666, 1.0204302072525024, -0.35589009523391724, -0.14510782063007355, 1.4470024108886719, -0.18299074470996857, 0.6344231367111206, 0.8334072828292847, 0.1506074219942093, 1.6134897470474243, 0.47020041942596436, -0.3692810535430908, -0.409851610660553, -9.537940979003906, 0.4717243015766144, 0.16972847282886505, 0.33275866508483887, 0.7109795212745667, 0.37325453758239746, 0.5393266677856445, -0.4624951481819153, -0.16208472847938538, -0.9297605156898499, 0.2481425404548645, 0.662373423576355, 1.0448576211929321, -0.20866812765598297, -0.39649146795272827, -1.274182915687561, 0.05150211974978447, -0.13695034384727478, 0.9448831081390381, 1.0944197177886963, -0.25636324286460876, -1.2106930017471313, -0.4191303849220276, -0.0780545175075531, 0.28486132621765137, 0.15974009037017822, -0.3578038811683655, -0.12276553362607956, -0.46294426918029785, -0.1123424768447876, 0.7516950964927673, 0.7960237264633179, -0.18064145743846893, -0.6379161477088928, 0.17524214088916779, -0.5443949699401855, -0.6517601013183594, 0.5597622990608215, 0.8119035363197327, -0.08713119477033615, -1.2117770910263062, 0.345651239156723, 0.5055907368659973, -0.5688122510910034, -0.3844746947288513, 0.8842182755470276, 0.600696861743927, -2.162395477294922, 0.7820315957069397, -0.5479729771614075, -0.7046216130256653, -1.4633347988128662, -0.23040780425071716, -0.6355172991752625, 0.16821831464767456, 0.9949000477790833, -0.7775688171386719, -0.23560909926891327, -0.6391691565513611, -0.42111292481422424, 0.19267085194587708, 0.9305104613304138, 0.0815051719546318, 0.9170913100242615, 0.051827117800712585, -0.01954808458685875, 0.20108267664909363, 0.6790642142295837, -0.9234467148780823, 0.012182530015707016, -1.5402271747589111, 0.5749692916870117, -0.00931420736014843, 0.09148699045181274, -0.7347427010536194, -0.23661202192306519, -0.20970973372459412, -0.11958475410938263, -0.16256342828273773, 0.8921859860420227, -1.1459288597106934, 0.18719622492790222, -0.41133302450180054, -1.059279203414917, -1.452609658241272, 0.6768091320991516, -0.025779083371162415, 1.0411850214004517, 1.369624376296997, -1.3126720190048218, 1.3365386724472046, 0.020175080746412277, -0.2229040414094925, -0.7364243865013123, 0.31071901321411133, 0.4160321354866028, 0.277938574552536, 0.6858199834823608, 0.5752798318862915, -1.8365665674209595, 1.2051498889923096, -0.40563905239105225, -0.828008770942688, 0.11731040477752686, 0.292531281709671, 1.2890198230743408, 0.6434416174888611, 0.37443915009498596, -0.6242556571960449, 0.15920627117156982, 0.8423703908920288, -0.6687462329864502, -0.9857446551322937, 0.3480996787548065, -0.7291316986083984, 0.663352370262146, 1.0950329303741455, 0.8705719113349915, 0.27136579155921936, 0.13330528140068054, 0.7389672994613647, 1.1165542602539062, 0.15543317794799805, 1.1088342666625977, -0.5238254070281982, -0.7336694002151489, 0.6222590208053589, 0.7088032960891724, -1.1224666833877563, -0.4059448838233948, 0.3283006548881531, 0.10843309760093689, -0.6119945645332336, -0.13719725608825684, -0.2927548587322235, -0.12535633146762848, -0.4927026629447937, 1.58380126953125, -0.0006073787808418274, 0.05891594663262367, 0.7270461320877075, 0.24316996335983276, -0.046957407146692276, -0.9066387414932251, -1.3267388343811035, 0.7190170288085938, -1.4886530637741089, -0.36457517743110657, -0.051769234240055084, -0.982401430606842, 0.31289592385292053, -0.738697350025177, 1.433086633682251, -1.0649619102478027, -0.6655707359313965, -1.047122836112976, 1.0288602113723755, -0.20223292708396912, 0.1876659244298935, 0.07933394610881805, 0.6611353754997253, 0.5626742243766785, -0.39985769987106323, 1.0344204902648926, -0.6661102771759033, 0.5311674475669861, -0.07544314116239548, 0.07444688677787781, -0.32790398597717285, -0.025193868204951286, 0.5231230854988098, -0.500458836555481, 0.3480009138584137, -0.18306279182434082, 0.4345245361328125, 0.01920124888420105, 0.1417713463306427, 1.1286113262176514, -0.637277364730835, -0.2800835967063904, -0.6280646324157715, 1.4731199741363525, 1.379106044769287, -1.1842901706695557, -1.11196768283844, -0.19911420345306396, 0.19963836669921875, 0.7697204351425171, 0.2059028297662735, 0.3310810625553131, -1.3784856796264648, -1.364530086517334, -0.18165522813796997, -0.7706825733184814, 0.33947449922561646, 0.14372484385967255, 1.376974105834961, 0.7988715767860413, 0.914090633392334, 0.14849308133125305, 0.6029656529426575, 0.9353904724121094, 0.6868980526924133, 0.0417804978787899, -0.1718864142894745, 1.1294292211532593, -0.8280770182609558, 0.20787885785102844, 0.7027959227561951, 0.9352312088012695, -0.9059410691261292, 0.7346671223640442, 0.21233826875686646, 0.27204757928848267, 0.3297572135925293, -1.8668382167816162, 0.01241520419716835, -0.8584549427032471, -1.0572291612625122, -1.0308810472488403, 0.3969484567642212, 0.2827519476413727, 0.5307881832122803, 0.6609317064285278, 0.22252555191516876, 0.6092982292175293, 0.1515284925699234, -0.2190399318933487, 1.7414896488189697, 0.218875914812088, -0.2297760546207428, -0.09678539633750916, 0.4007422626018524, -0.825975239276886, 0.16893082857131958, -0.7992426156997681, -0.6666691303253174, 0.22061461210250854, -0.4962327480316162, 1.63716721534729, -1.1600006818771362, -0.004704032093286514, 0.061171453446149826, 1.3708957433700562, -0.40577250719070435, -1.879668951034546, -0.09661293029785156, -0.36864757537841797, -0.33280351758003235, 0.6644992828369141, -0.5557406544685364, -0.5839585065841675, 0.7690346240997314, -0.08504292368888855, 0.1307581663131714, 0.792472779750824, -0.2034023553133011, -0.3662087619304657, -0.4542778730392456, 0.6782537698745728, 0.6339782476425171, -0.2305997759103775, 0.0625464990735054, -0.21207156777381897, -0.2856261730194092, -0.33154377341270447, -1.0520135164260864, 0.4815264344215393, 0.8830715417861938, -0.45512086153030396, -1.0713789463043213, 0.02535957656800747, 0.6912714242935181, -0.7413138151168823, 0.9474575519561768, -0.0640832930803299, -0.6171497702598572, -1.584397554397583, -0.30232447385787964, -0.03936856612563133, 0.5939822793006897, -0.10849820077419281, 0.5821297764778137, 0.9958986043930054, 0.5759431719779968, -0.6675242781639099, 0.3422936499118805, -1.1506567001342773, -0.5373976826667786, -0.6965668797492981, 0.1379084587097168, -0.5854147672653198, -0.36648690700531006, -0.9284318685531616, 0.4043888449668884, -1.356694221496582, 0.2852802574634552, 0.1464836746454239, -0.07592654228210449, -0.31938380002975464, 0.36187484860420227, -0.41355955600738525, -0.14986594021320343, 0.44624650478363037, 0.3280761241912842, -1.7745739221572876, 1.1020413637161255, 0.35382208228111267, -1.0631948709487915, -0.03728627413511276, -0.1811845600605011, 0.19241753220558167, -0.47950729727745056, 0.28838521242141724]} +{"paper_id": "mc_taco", "embedding": [-0.8183081746101379, 0.8177493810653687, 0.449009507894516, -0.02740935981273651, 0.8883277177810669, 0.5491183996200562, 1.190499186515808, 0.3512652516365051, 0.3875279426574707, 0.2874535322189331, -0.26289811730384827, 0.08508133143186569, 0.20526205003261566, 0.17632286250591278, -1.1118093729019165, -1.2171229124069214, -1.154400110244751, 0.5788508057594299, -1.0610300302505493, 0.04024185985326767, -0.2512436807155609, -0.5075386762619019, -0.16959898173809052, 1.080283761024475, -0.5754490494728088, -0.35769277811050415, 0.723778486251831, -1.1938787698745728, 0.576454758644104, -0.243229478597641, 0.11411453783512115, 1.379166603088379, -0.6396413445472717, 0.44079700112342834, -0.8580892086029053, -0.0629413053393364, 0.2317972332239151, 1.3030229806900024, -0.23315533995628357, 0.18554863333702087, -0.9085610508918762, 0.5638006925582886, 0.4999929666519165, 0.21304091811180115, 0.7668811678886414, -0.15214653313159943, -0.3606538474559784, 0.3541775941848755, -0.6300196647644043, 0.6254985928535461, -0.5823331475257874, -0.4598703980445862, 0.2628028094768524, 0.22788682579994202, 0.5142974257469177, 0.3831663727760315, 0.03490303456783295, -0.5733149647712708, 0.05575578659772873, -0.5442198514938354, 0.4631495177745819, 0.93470698595047, 0.18019911646842957, 0.6769933104515076, 1.0327157974243164, -0.17851674556732178, 1.7624199390411377, 0.3417600989341736, 0.35697776079177856, 0.8533164262771606, -0.597825288772583, -0.7672857642173767, 0.11527672410011292, 0.21494939923286438, 0.23472391068935394, 0.4792770743370056, 0.5296473503112793, 0.26002535223960876, 0.6161339282989502, 0.5464907288551331, 0.22788920998573303, -0.08333561569452286, 0.6787132620811462, -0.5252978801727295, -0.18013042211532593, 0.0015895292162895203, 0.8043498992919922, -1.0606764554977417, 0.19547925889492035, -1.2631686925888062, 0.2785300612449646, 0.035600967705249786, 0.6688071489334106, -0.23182879388332367, -0.6299430131912231, 1.0760881900787354, 0.12819238007068634, -0.4390735924243927, -0.3674789369106293, 0.848293125629425, 0.33403724431991577, 0.05104389041662216, -0.08201528340578079, 0.12433230876922607, 0.7645151615142822, 0.6282827258110046, 0.28999122977256775, 0.0913347452878952, -0.04961630329489708, -0.30936649441719055, 0.030781123787164688, 0.9038824439048767, 0.24934884905815125, 0.6699878573417664, -0.3192959129810333, -0.33027493953704834, 0.20071381330490112, -0.2724161148071289, -0.5059628486633301, 0.192495197057724, -0.6955686807632446, -0.367416650056839, 0.5366354584693909, -0.5432274341583252, 0.5556859970092773, -0.044130463153123856, -0.24442215263843536, 0.38195285201072693, -0.07481633126735687, 0.1859159618616104, 0.2566223740577698, 0.1600521206855774, -0.11226826906204224, 0.17540030181407928, 3.171926498413086, -0.6654012203216553, 0.6415446996688843, -0.7980779409408569, -0.2207157462835312, -0.2511579394340515, -0.013479698449373245, 1.1908513307571411, 0.0480055958032608, -0.19990526139736176, -1.1108407974243164, -0.4356367886066437, -0.017038341611623764, 0.32912543416023254, -0.49254652857780457, -0.5434942245483398, -0.0922451913356781, 0.1798895001411438, -1.6296491622924805, -0.38362523913383484, 0.6902095079421997, 0.6779320240020752, -0.9614731669425964, -0.08685861527919769, 0.04806775599718094, 0.3191920816898346, -0.1536787748336792, -0.1164902001619339, -1.0117266178131104, 0.441497266292572, 0.06980261951684952, 0.01791069656610489, 1.1334601640701294, -0.18840482831001282, -1.3502228260040283, -0.11519966274499893, 0.5546121001243591, -0.16686993837356567, 0.4962753355503082, -0.38934266567230225, -0.5652628540992737, 0.4231904447078705, 0.1740751713514328, 0.6434096693992615, -0.05361134558916092, -0.4559108018875122, -0.5367633104324341, -0.21985384821891785, -0.6144816279411316, 0.29340389370918274, 0.38657906651496887, -0.11994065344333649, -2.4845826625823975, -0.23479969799518585, -0.3865702152252197, 1.007716417312622, 0.06340676546096802, 0.5676712989807129, 0.05780213698744774, 0.06235138699412346, -0.7701017260551453, -0.2499472051858902, 0.8935251235961914, -1.4355993270874023, -0.30087512731552124, -0.2192356437444687, -0.8494189977645874, 0.3916275203227997, -0.48723042011260986, 1.0692678689956665, 0.6251204609870911, 0.11416655033826828, -0.6146755814552307, -1.3489270210266113, -0.43342167139053345, 1.903638482093811, -0.027063757181167603, -0.03901829570531845, -1.6500277519226074, -0.1604280322790146, 0.9030851721763611, 0.2612631618976593, 0.5384207963943481, 0.20669269561767578, 0.05690552294254303, -1.174160122871399, 0.7851288318634033, -0.5107312202453613, 0.6693957448005676, -0.08914788067340851, 1.3105961084365845, -0.5704625248908997, -0.06693097203969955, 0.0052929166704416275, -0.30511242151260376, 0.6185342669487, 0.39838114380836487, 0.23590818047523499, 0.08973831683397293, 0.8492040634155273, 0.9153344035148621, 0.6503543257713318, 0.1949038803577423, 0.7561941742897034, -0.8636640310287476, -0.348233699798584, 0.08379591256380081, 0.5990813374519348, 0.17922869324684143, -0.06754215806722641, 0.847566545009613, -0.28373318910598755, -0.0035180412232875824, -0.19076773524284363, -0.030057968571782112, -0.45348477363586426, 0.9126728177070618, 0.5938005447387695, -0.34656938910484314, 1.067276120185852, -0.5018348097801208, -0.3924896717071533, 0.13060146570205688, -0.7526243925094604, -0.029399648308753967, -0.457008957862854, 0.45832958817481995, -0.1146424189209938, 0.07169274240732193, -0.06886744499206543, -0.18522858619689941, -1.3126249313354492, 0.35587984323501587, 0.3753274977207184, 0.09285338222980499, -0.1762441247701645, -0.41325926780700684, -0.17620466649532318, -0.8451956510543823, -0.7257957458496094, -0.20747379958629608, 0.436880499124527, 0.6395665407180786, 0.5388791561126709, 1.6014671325683594, 0.18329153954982758, -0.28669658303260803, -0.04746121168136597, 0.3920403718948364, -0.43267127871513367, 0.3715541958808899, -0.8054385185241699, 0.12392113357782364, -1.086324691772461, 0.39973780512809753, -0.6400953531265259, 1.0257078409194946, 0.1041003093123436, -0.6340345144271851, 0.5154095888137817, -0.8326174020767212, -0.7171335220336914, 0.5162736773490906, -0.10567939281463623, -0.015219300985336304, -0.4190307855606079, 0.8522440195083618, 0.45699724555015564, -0.17875878512859344, 0.35320985317230225, -0.5010567903518677, -0.29093027114868164, 1.1949113607406616, 0.0448080450296402, 0.3870948553085327, 0.7818301916122437, -0.031042303889989853, -0.2565619647502899, 0.6636040210723877, -2.3185524940490723, 0.2869494557380676, 0.8121162056922913, -0.3064194917678833, 0.06579554826021194, -0.8272552490234375, 0.40616971254348755, -1.0026620626449585, -0.44772017002105713, 0.6666194796562195, -0.33226820826530457, 0.2897407114505768, -0.5910205245018005, 0.30631834268569946, 0.2668098509311676, -0.29946064949035645, 0.4439728558063507, 0.30832821130752563, -0.03667067736387253, -0.5728733539581299, -0.6403623223304749, 0.6777656078338623, -0.3225025534629822, 0.5523017644882202, 0.6221103072166443, 0.6149056553840637, 1.05173659324646, 0.12074340879917145, -0.5761287808418274, 0.671708881855011, 0.043546393513679504, 0.3539539575576782, 0.5301188230514526, -0.35090333223342896, 0.39776888489723206, -0.1742655634880066, 0.37893104553222656, -0.12307685613632202, 0.2787935435771942, -0.6229296326637268, 0.41684168577194214, -0.7121528387069702, 0.02567203715443611, 1.2249832153320312, 0.9925801753997803, 1.8589050769805908, -0.2284700721502304, -0.07042073458433151, -0.5475186705589294, -0.1800786405801773, 0.4346648156642914, 0.2722826302051544, 0.21432891488075256, -0.5777583122253418, 0.24904412031173706, -0.11089006066322327, 0.8473901152610779, -0.4739713966846466, 0.3025781214237213, 0.47538354992866516, -0.02183513715863228, -0.8975340127944946, 0.6072964072227478, 0.3248874843120575, 0.6715625524520874, 1.8428633213043213, -0.5255471467971802, 0.39158764481544495, -0.2051621377468109, 0.19022266566753387, 0.08842608332633972, 0.33068886399269104, -0.9572669267654419, 0.3491086959838867, -0.018322305753827095, 0.21540102362632751, 0.18809731304645538, 1.726496934890747, 1.0119587182998657, -0.6021275520324707, -1.453297734260559, -0.138640895485878, -0.936069667339325, 0.17858903110027313, 0.3362768888473511, -0.5972644090652466, 0.2768721580505371, 1.0605993270874023, 0.5317437648773193, -1.8407562971115112, 0.4340411126613617, -0.1847320795059204, -1.2371217012405396, 0.3202139139175415, 1.3592429161071777, -0.9472794532775879, -0.02268531732261181, 0.02197619527578354, -0.8571488857269287, -0.6017149686813354, -0.27845051884651184, -0.1647433638572693, 0.6900327205657959, 0.057661645114421844, 1.1013699769973755, 0.3597325086593628, 0.567802369594574, -0.5471020340919495, 0.9517015814781189, 0.4351845681667328, -0.6146668195724487, 0.7380979061126709, 0.4618242383003235, 0.4709821939468384, 0.43711987137794495, -0.9729861617088318, -0.7151612639427185, 0.5351316332817078, 0.5484952926635742, -0.8585870265960693, -0.43488767743110657, -0.32144296169281006, 0.5742387175559998, -0.047548435628414154, 0.28042474389076233, -1.2315865755081177, 0.7945036292076111, -0.6226629614830017, -0.8796015381813049, 0.5446833372116089, -0.7776427268981934, -1.2916420698165894, 0.17748743295669556, -0.5271571278572083, 0.4110775291919708, -0.8719931840896606, -0.13107730448246002, 1.3368533849716187, 0.23625114560127258, 0.4924774765968323, -0.039392463862895966, -12.676892280578613, 1.597161054611206, -0.0724383220076561, 0.36037319898605347, 0.5134873986244202, -0.4157802164554596, -0.15304633975028992, 0.41975873708724976, 0.35604071617126465, -1.0006513595581055, 0.6513239145278931, 0.026783011853694916, 0.3793904483318329, 0.924322247505188, -0.3951314091682434, -1.2695428133010864, -0.33405745029449463, -0.24660542607307434, 0.5991334915161133, 0.32993096113204956, -0.4026039242744446, -0.685045063495636, -0.22449278831481934, 0.037802450358867645, 0.5183289647102356, 0.29627084732055664, -0.5389499664306641, -0.5749239921569824, -0.38185906410217285, -0.5865923166275024, 1.248999834060669, -0.3249536454677582, -0.14777110517024994, 0.46563008427619934, 0.5052288770675659, 0.3731175661087036, -0.8202270865440369, -0.27272602915763855, 0.5858371257781982, 0.47320714592933655, 0.44570106267929077, -0.39952632784843445, 0.1857394576072693, -0.06900757551193237, -0.4027884006500244, 0.46961474418640137, -0.24588792026042938, -0.34999585151672363, -0.2915797233581543, 0.4948883056640625, -0.8140777945518494, 0.04633662849664688, -0.4647176265716553, -0.8039554953575134, 0.21506841480731964, -0.2852729558944702, -0.8221555948257446, -0.45029202103614807, -0.04552772641181946, -1.0111202001571655, 0.651313066482544, 0.24501986801624298, -0.21756914258003235, 0.5739657282829285, 0.029072405770421028, -0.08920694887638092, 0.304142028093338, 0.05465142801403999, -0.511243999004364, -0.24087107181549072, -1.0964908599853516, 0.48185572028160095, -0.21135669946670532, 1.0143494606018066, 0.07052536308765411, -0.0764928087592125, -0.8475719094276428, 0.45500433444976807, 0.038662612438201904, 0.03745619207620621, -0.5777026414871216, 0.6823738217353821, -0.18344295024871826, 0.1693495810031891, -0.7571892142295837, 0.29015862941741943, 0.1211899146437645, 0.22689315676689148, 0.206007719039917, -0.3982556164264679, 0.6028359532356262, 0.37890979647636414, -0.704878568649292, 0.18687403202056885, -1.1269522905349731, 0.8048713207244873, 0.1272236704826355, 0.8127292990684509, 0.1349213570356369, -0.22629165649414062, -0.1708785593509674, -0.8624150156974792, -1.1600167751312256, 0.25198060274124146, 0.29099026322364807, -0.3055226802825928, 0.5895588397979736, -0.5104879140853882, -0.8179580569267273, -0.325164794921875, 0.8964877724647522, -0.7679689526557922, 0.22422054409980774, 0.3077792227268219, 0.3232126832008362, 0.10124662518501282, 0.19612854719161987, -0.2534765601158142, 0.5575894117355347, 0.13014645874500275, -0.11322138458490372, 0.38238847255706787, -0.00510595366358757, 1.2195556163787842, -0.40388235449790955, -0.16445565223693848, 0.18782150745391846, 0.9167205691337585, -0.7426646947860718, -0.6223612427711487, -0.28425177931785583, -0.4923103153705597, 0.17857173085212708, -1.0000293254852295, -1.0157215595245361, -0.541131854057312, 0.35466402769088745, 1.1392581462860107, -0.739806592464447, 0.2246471643447876, 0.12165707349777222, -0.104079470038414, -1.0319842100143433, -0.9264439344406128, -0.9885783195495605, 0.04178894683718681, -1.3431650400161743, 0.5835862755775452, -0.7040310502052307, -0.5871337056159973, 0.4627327024936676, -0.3115767240524292, 1.065193772315979, -0.35415297746658325, -0.09624754637479782, -0.5195156335830688, -0.442708820104599, -0.10664770007133484, -0.7435293197631836, -0.3773319721221924, -0.2533588111400604, 0.34341534972190857, -0.927108645439148, 0.9571541547775269, -0.19146965444087982, -0.05904636159539223, -0.7771704196929932, -0.24714040756225586, -0.5927329063415527, 0.05730653554201126, 1.1928282976150513, -0.6212405562400818, -0.24240000545978546, -0.09953654557466507, -0.3058587908744812, -0.4537610113620758, 0.8060673475265503, 0.9428629875183105, -1.1288219690322876, -0.4551961421966553, -0.09652813524007797, 0.18969696760177612, 0.06812755018472672, -0.688988983631134, 0.07606516778469086, 0.07379089295864105, 0.6572477221488953, 0.6569682955741882, 0.11628647893667221, 0.4368446171283722, -1.3076176643371582, -0.7918185591697693, -0.893740177154541, -0.10196955502033234, 1.2056975364685059, 0.29142501950263977, 0.8307022452354431, 0.7953904867172241, -0.12818971276283264, -0.358477383852005, 0.4152612090110779, 0.7073370814323425, 0.022158648818731308, 0.08192946016788483, -0.7136237025260925, -0.4713036119937897, -0.5163363218307495, 0.20606279373168945, 0.4941718876361847, 0.17497065663337708, -1.1053036451339722, -0.38055509328842163, 0.33974066376686096, -0.49632591009140015, 0.3981323838233948, -1.116870641708374, 0.14403387904167175, -0.07702520489692688, -0.47943606972694397, -0.6505954265594482, 0.34030237793922424, 1.693177342414856, -0.5447128415107727, 1.5602329969406128, -0.21798722445964813, 0.6347932815551758, 0.4384136199951172, 0.07216870039701462, 0.5865286588668823, 0.2985725998878479, -0.25584274530410767, 0.48704206943511963, -0.09936800599098206, 0.06743323057889938, -0.4888407588005066, -1.232703447341919, -0.13801631331443787, 0.9278123378753662, -0.581393301486969, 0.9132657647132874, -0.3675535321235657, 0.26988330483436584, 1.186666488647461, 0.651237964630127, -0.5850324630737305, -1.829811692237854, -0.6503870487213135, -0.5525380969047546, 0.8194839954376221, 1.0819149017333984, 0.22791559994220734, 0.1335475593805313, 0.616563081741333, 0.6257715225219727, 0.8078418970108032, -0.8793759942054749, 0.6476560831069946, 1.1022815704345703, 0.43227946758270264, 1.1801201105117798, 1.3413721323013306, -1.0039139986038208, 0.6956067681312561, 0.43166986107826233, -0.9072301983833313, 0.3870875835418701, -0.6876850128173828, -0.1426098346710205, 1.011333703994751, -0.8608649373054504, -0.18719267845153809, -0.5352421402931213, 0.9587776064872742, -0.5142463445663452, 0.5048911571502686, 0.030373426154255867, -0.617862343788147, 0.0760934054851532, -0.40221649408340454, -0.42672789096832275, 0.8729861378669739, 0.1649700552225113, -0.4659397602081299, -0.4389057755470276, 0.343849778175354, -0.3427458107471466, -0.05436243116855621, -0.4648062586784363, 0.2765863239765167, -0.85467129945755, 0.45807600021362305, -0.6112550497055054, -0.37982118129730225, -0.12846620380878448, 0.22756528854370117, -0.48972052335739136, -0.303395539522171, 0.27421456575393677, -0.8817955255508423, -0.7359293699264526, 0.07869137823581696, -0.7892436981201172, -0.4927908480167389, 0.4462873935699463, -0.304045706987381, -1.120214819908142, -0.15109223127365112, 0.2593871057033539, 0.0814293920993805, -0.49260830879211426, -0.7019280195236206, 1.0870423316955566, -0.755863606929779, 0.8184019327163696]} +{"paper_id": "squadshifts", "embedding": [-0.8177118301391602, 0.6372990608215332, -0.0744684487581253, -0.6162620782852173, 0.09798610210418701, 0.014798685908317566, 0.9132868647575378, 0.6479926109313965, 0.7802140712738037, 0.3503554165363312, -0.14907515048980713, 0.22750583291053772, 0.49799829721450806, -0.020657943561673164, -0.491566926240921, -0.208530992269516, -0.9743072986602783, -0.2650648355484009, -1.105136752128601, -0.3865577280521393, -0.31856614351272583, -0.3032867908477783, 0.11489129066467285, 1.1908425092697144, -0.5650346875190735, -1.3291256427764893, 0.839318573474884, -0.8784854412078857, 0.5732704997062683, 0.32142308354377747, 0.035832732915878296, 1.227278232574463, -1.4874162673950195, -0.05634831637144089, -0.6640240550041199, -0.7093308568000793, 0.14639164507389069, 1.1749389171600342, 0.015276901423931122, -0.3818756341934204, -1.1372417211532593, -0.06720396131277084, 0.5344718098640442, 0.6844227313995361, 1.20607590675354, -0.6538973450660706, 0.253765344619751, -0.5110050439834595, -0.3847963809967041, -0.20987871289253235, -0.49049827456474304, 0.16159196197986603, 0.04377642273902893, 0.4605744779109955, -0.6840056777000427, 0.5662854313850403, 0.6003158092498779, -1.083438515663147, 0.6515868306159973, -0.9419301748275757, 1.2082265615463257, 1.512855887413025, 0.19196739792823792, 0.10054784268140793, 1.25080144405365, 0.2661675214767456, 1.7524818181991577, 0.39907193183898926, -0.23119167983531952, 0.682457685470581, -0.751731276512146, -1.1618424654006958, 0.020682282745838165, 0.007727429270744324, 0.487026184797287, 0.7587097883224487, -0.10793525725603104, -0.09554852545261383, 0.5373244285583496, -0.4858102798461914, -0.5517946481704712, 0.3930562138557434, 0.2923264801502228, -0.09684256464242935, -0.17951065301895142, -0.27633896470069885, 0.6841992139816284, -1.5114562511444092, 0.3846355080604553, -1.440687894821167, 1.056688904762268, -0.03394506499171257, 0.44380930066108704, -0.36250144243240356, -0.32984840869903564, 0.38758647441864014, -0.8349303007125854, -0.033126816153526306, -0.5916339159011841, 0.6953961849212646, 1.187929630279541, -0.15064068138599396, 0.8069758415222168, -0.12894165515899658, -0.15633465349674225, 0.9096166491508484, -0.015748225152492523, -0.7000697255134583, -0.27405861020088196, -0.8377335071563721, 0.17814750969409943, 0.7720920443534851, -0.1399945616722107, 0.46300622820854187, -0.09420149773359299, 0.8131090998649597, 0.9372142553329468, -0.7291176319122314, -0.5071471929550171, 0.202954962849617, 0.3356785476207733, -1.4234298467636108, -0.3138987123966217, 0.0545133501291275, 1.0091687440872192, -0.4061363637447357, -0.17142488062381744, 0.2980709969997406, -0.08183667063713074, 0.27445128560066223, 1.2434989213943481, 0.06941112130880356, -0.5442010164260864, -0.12416999042034149, 2.8981831073760986, -1.3001011610031128, 1.292688012123108, -0.6322034001350403, -0.33455491065979004, -0.4906030297279358, -0.4328116774559021, 0.7758036851882935, 0.16706815361976624, -0.8414765000343323, -1.0317190885543823, 0.49385666847229004, -0.4074181616306305, 0.2631227970123291, -0.9227616190910339, -0.09452816843986511, -0.09064316749572754, 0.25877645611763, -0.9747554659843445, -0.7407059669494629, 0.6238732933998108, 0.524120569229126, -0.2847670614719391, 0.24994367361068726, -0.11658540368080139, 1.197450876235962, -0.3500949442386627, 0.14604371786117554, -0.3048921823501587, 0.830666184425354, -0.2751016616821289, -0.4623447060585022, 0.9523715972900391, 0.41541779041290283, -1.035279631614685, -0.16048768162727356, 0.2631814479827881, -1.0409249067306519, -0.43475842475891113, 0.3457247316837311, -0.3631928861141205, -0.06104140728712082, 0.5744284391403198, 0.17839659750461578, 0.2229463905096054, -0.3435899317264557, -0.16594281792640686, 0.4629538655281067, -0.13321596384048462, 0.9258201122283936, 0.1658519208431244, 0.2896127998828888, -1.5402624607086182, -0.13079547882080078, 0.07860280573368073, 0.3754919767379761, -0.05633248761296272, -0.4969431459903717, -0.42947202920913696, 0.17997293174266815, 0.03186752647161484, -0.5511124134063721, 0.7589343190193176, -1.1113556623458862, -0.13919512927532196, 0.5955713391304016, -0.5961765646934509, -0.00979039166122675, 0.677266538143158, 0.8173916935920715, -0.00543017266318202, -0.6195017695426941, -0.8414204120635986, -1.824089527130127, 0.20885425806045532, 2.184359312057495, -0.24168676137924194, -0.525234580039978, -1.0981841087341309, -0.6259732842445374, 0.03386896103620529, -0.4861774146556854, 0.04697626829147339, -0.42468947172164917, -0.237239271402359, -1.2888424396514893, 0.6411305665969849, -0.5870856642723083, 0.05598177760839462, 0.5733433961868286, 1.8146069049835205, -0.4245043098926544, -0.2426273673772812, 0.07690924406051636, -1.260502815246582, 0.26508504152297974, 0.7791513800621033, 0.6250336766242981, -0.28422147035598755, 0.9240490794181824, 0.10121172666549683, 0.7240403294563293, 0.40134644508361816, 0.6338399648666382, -0.7536979913711548, 0.009681476280093193, -0.1474025547504425, 0.894411563873291, 0.21581962704658508, -0.058273643255233765, 0.38272804021835327, 0.27576956152915955, -0.3634747564792633, -0.8485667109489441, 0.32962673902511597, -0.1327037811279297, 0.6283716559410095, 0.609697699546814, -0.7678195238113403, 1.2140477895736694, -0.36236506700515747, -0.2899115979671478, 0.14883117377758026, -0.45427656173706055, -0.3453908860683441, -0.9444949626922607, 0.8694655299186707, -0.16658711433410645, 0.12811870872974396, 0.1641526073217392, 0.16927404701709747, -0.6208927631378174, -0.09899918735027313, 0.27568262815475464, -0.6778266429901123, -0.4587273895740509, -0.4283340871334076, -0.3564082384109497, -1.0320138931274414, -0.6941810846328735, 0.44540345668792725, 0.5765335559844971, 0.23679664731025696, 1.2273374795913696, 1.1441097259521484, 0.11237744987010956, 0.33348920941352844, 0.11963002383708954, 1.221982717514038, -0.6855802536010742, 0.3498827815055847, 0.06808046996593475, 0.4930957853794098, -1.2060850858688354, 0.28794023394584656, -0.3512812852859497, 0.2981882393360138, 0.4668622612953186, -0.08611881732940674, 1.3451437950134277, -0.4174811840057373, -0.7017991542816162, 1.2987767457962036, 0.06626682728528976, -0.24306795001029968, -0.45487791299819946, 1.2206954956054688, 0.7764520049095154, -0.31772226095199585, 0.6224478483200073, -0.19496971368789673, 0.2169116884469986, 0.9517326951026917, -0.1658356636762619, -0.20103824138641357, 0.24995280802249908, -0.47500836849212646, 0.26047202944755554, 0.9578037858009338, -1.9615389108657837, 0.8222889304161072, 0.920974612236023, -0.10135072469711304, -0.2666092813014984, -0.6713124513626099, 0.09932820498943329, -0.615932822227478, 0.2486875057220459, 0.45523250102996826, -0.47183680534362793, 0.7844005823135376, -0.16370917856693268, 0.029813677072525024, 0.8672674894332886, -0.2999904155731201, 0.3276938796043396, 0.7407001852989197, -0.15242516994476318, -0.7188597917556763, -0.7653378844261169, 0.7547450065612793, -0.20685361325740814, -0.22247090935707092, 0.3719116747379303, 0.5780536532402039, 1.1485092639923096, -0.035549819469451904, -0.3069697618484497, 0.4580279588699341, 0.18400609493255615, 0.022438127547502518, -0.006885015405714512, -0.061414361000061035, 0.40870729088783264, 0.46567222476005554, 1.2148717641830444, -0.0032155700027942657, -0.4170982837677002, -1.2785323858261108, -0.01901906728744507, -0.7472900152206421, 0.19924762845039368, 1.6520881652832031, 0.45981794595718384, 0.9368812441825867, 0.07254830002784729, 0.6114755272865295, -0.5484771728515625, 0.28891560435295105, 0.5636264085769653, 0.5095188021659851, -0.2872697114944458, -0.6256161332130432, 0.48642078042030334, 0.262197345495224, -0.1331048607826233, -0.7966960668563843, 0.5796144008636475, 1.3512576818466187, -0.3409005403518677, -0.679787278175354, 0.26786550879478455, 0.933149516582489, 0.3578222990036011, 1.7893134355545044, 0.01248421985656023, 0.08348691463470459, 0.11926574259996414, 0.35327303409576416, 0.2385571151971817, 0.5726690292358398, -0.016584239900112152, -0.05977672338485718, 0.11804939806461334, 0.164165198802948, -0.1321433186531067, 1.0422402620315552, 0.3873475193977356, -0.567135214805603, -1.2350906133651733, -0.3109614849090576, -1.391909122467041, -0.2711808681488037, 0.25861841440200806, 0.38028573989868164, -0.5652903914451599, 0.8053274154663086, -0.33985137939453125, -1.3543100357055664, 0.5133908987045288, -0.5847166776657104, -1.4318779706954956, 0.47553759813308716, 1.2268385887145996, -1.0712828636169434, -0.5607004165649414, -0.9125500917434692, -0.9651652574539185, -0.32841241359710693, -0.3627234697341919, -0.7351477742195129, 0.09570753574371338, -0.39385098218917847, 0.8544026613235474, -0.10887952148914337, -0.07088911533355713, -0.840698778629303, 0.7788594365119934, 0.8729242086410522, -1.0654722452163696, 0.8082586526870728, 0.0433354526758194, 0.4901021122932434, 0.02808442711830139, -0.6353930234909058, -0.4693855345249176, 0.7141138911247253, -0.48153001070022583, 0.94439297914505, -0.6980376839637756, -0.297680139541626, 0.46160203218460083, 0.10054674744606018, 1.1447217464447021, -0.6815540194511414, -0.03600035607814789, -0.7079598903656006, -0.2633935511112213, 0.660489559173584, -0.912322998046875, -0.8380104899406433, 0.08937224745750427, 0.10815384238958359, 0.42240992188453674, -1.1174426078796387, -0.22736607491970062, 0.9184451699256897, 0.021612897515296936, 0.1451011449098587, -0.4529971182346344, -12.476714134216309, 0.9699859619140625, -0.12591254711151123, 0.17499491572380066, 1.1129331588745117, -0.5168371796607971, 0.7653897404670715, -0.3602299392223358, 0.3321167528629303, -0.7454033493995667, 0.40924325585365295, 1.0164247751235962, 0.03097223863005638, 0.11912054568529129, -0.41971585154533386, -1.3333301544189453, -0.38792526721954346, -0.6781275272369385, 0.3740542531013489, -0.6293249130249023, -0.4994339346885681, -0.39031440019607544, -0.12486109137535095, 0.01232044119387865, 0.0815114676952362, -0.01067422330379486, -0.7310811281204224, -0.3419170677661896, -0.08341474831104279, 0.0274655744433403, 0.9719226956367493, 0.29999613761901855, -0.3674229085445404, -0.5420745611190796, -0.2513052523136139, -0.14800164103507996, -0.570595920085907, -0.17736349999904633, 1.3084582090377808, -0.44318848848342896, -0.12027426064014435, 0.13707038760185242, 0.3174220025539398, 0.6508712768554688, -0.664329469203949, 0.08311997354030609, 0.2540757358074188, -0.8523317575454712, 0.19983544945716858, 0.07530093938112259, -0.15077009797096252, 0.5873194336891174, -0.3376268744468689, 0.06350113451480865, 0.08449406176805496, 0.29811617732048035, -1.0452139377593994, -0.17493405938148499, -0.562629759311676, -1.0324007272720337, 0.5995547771453857, 0.005444088950753212, -0.7124014496803284, 0.05136074870824814, 0.17150823771953583, -0.19689135253429413, 0.02692336216568947, 0.49110138416290283, -0.7999038696289062, 0.4613270163536072, -0.6051047444343567, 0.9575537443161011, 0.5426673293113708, 0.37647563219070435, -0.5923476219177246, -0.029556699097156525, -0.5416907072067261, 0.17663535475730896, -0.0664156973361969, 0.2912566363811493, -1.305856704711914, 0.845711886882782, 0.2123420685529709, -0.2586359679698944, -0.40276744961738586, -0.08141112327575684, -0.45244351029396057, -0.20153360068798065, 0.6890915632247925, -0.14022326469421387, 0.9972251653671265, -0.153731107711792, -0.6621683835983276, 0.09120429307222366, -0.44198575615882874, 1.0816594362258911, -0.7866998910903931, 0.23228323459625244, -0.0749894455075264, -0.40167465806007385, -0.04349774122238159, -0.6379509568214417, -0.605661153793335, 0.4040314853191376, 0.6661592125892639, -0.161027193069458, 0.6055208444595337, -0.07068571448326111, -0.21718749403953552, -0.29707711935043335, 0.9752972722053528, -0.20733752846717834, -0.2809390425682068, 1.2571580410003662, -0.35016778111457825, 0.9380573034286499, 0.5916160941123962, 0.10869336128234863, 0.5527358055114746, 0.9622600674629211, -0.7173464894294739, 1.290737271308899, 0.4300815463066101, 1.4526361227035522, -0.35435959696769714, 0.07240292429924011, -0.04415665566921234, 0.49239474534988403, 0.0003855731338262558, -1.1078380346298218, -0.10455214977264404, -0.4155317544937134, 0.0013312147930264473, -1.162280559539795, -0.28517094254493713, -0.4139956533908844, -0.38059788942337036, 1.3562979698181152, -0.8495597839355469, 0.22763186693191528, -0.23230351507663727, -0.5633119344711304, -0.3479677140712738, -1.4910880327224731, -1.328772783279419, 0.30472224950790405, -0.7137084007263184, 0.36396610736846924, -0.578150749206543, -0.4251635670661926, 0.1611415594816208, -0.323527455329895, 1.0591182708740234, -0.4537404179573059, -0.30068278312683105, -0.1193973496556282, 0.18524597585201263, -0.2523752748966217, -0.54117751121521, -0.4872124195098877, 0.04191318526864052, 0.8363936543464661, -0.6792626976966858, 1.5657460689544678, 0.3701320290565491, -0.4828064441680908, -0.20236903429031372, 0.3983025550842285, -0.32263851165771484, 0.0926438644528389, 0.7695670127868652, -0.6862232089042664, -0.46527299284935, -0.5920966863632202, -0.5405979156494141, -0.7284224033355713, 0.5521520972251892, 1.3556122779846191, -0.09920447319746017, -0.23129801452159882, -0.018119342625141144, 1.200050950050354, -0.2623715400695801, -0.1802322268486023, -0.32279646396636963, -0.039311084896326065, 0.25112810730934143, 0.6703353524208069, 0.558477520942688, 0.7441728711128235, -1.8028024435043335, -1.4480478763580322, -0.28911715745925903, -0.05026768893003464, 0.6537972688674927, 0.5027389526367188, 0.43618452548980713, 0.5509953498840332, -0.4529338479042053, -0.07918290048837662, -0.13450762629508972, 0.7206855416297913, -0.01832028105854988, 0.023995060473680496, 0.5108336806297302, 0.25724926590919495, -0.5062323212623596, 0.740980863571167, 0.2963753342628479, 1.275165319442749, -1.19576096534729, -0.6337645053863525, 0.18676838278770447, -0.3038221001625061, 0.4925581216812134, -0.4473859667778015, 0.09406052529811859, 0.1543491780757904, -0.2658746838569641, -1.3887848854064941, 0.14789271354675293, 1.1920385360717773, 0.05353263020515442, 0.8191915154457092, -0.2750231921672821, 0.8101017475128174, 0.6527168154716492, 0.5633376240730286, 0.4374195337295532, 0.038319557905197144, -0.6260061264038086, 0.5218281745910645, -0.19790054857730865, -0.03506889566779137, -0.4686706066131592, -0.5297920107841492, -1.0673468112945557, 0.6962903738021851, 0.03669019043445587, 0.39021214842796326, -0.45610469579696655, 0.4580928683280945, 0.27267175912857056, 0.3851131498813629, 0.07421685755252838, -1.4457241296768188, 0.18826979398727417, -1.1982402801513672, -0.008340045809745789, 0.46472233533859253, 0.5935534834861755, 0.5768118500709534, 0.5029239654541016, -0.11378712952136993, 0.7184074521064758, -0.8422740697860718, 0.11778467893600464, -0.5211623907089233, -0.25801318883895874, 1.1426868438720703, 0.019518915563821793, 0.1084662452340126, 0.2109418660402298, -0.007728353142738342, -0.4621908664703369, -0.38708335161209106, -0.05562511831521988, 0.8622863292694092, 0.9306328296661377, -1.0524932146072388, -0.04502114653587341, -0.42225390672683716, 0.8967005610466003, -0.5476806163787842, 0.5658327341079712, 0.49770587682724, -0.43276339769363403, -0.4216146171092987, -0.5990279316902161, 0.2696591019630432, 0.6355529427528381, 0.3627565801143646, -0.03476256877183914, 0.12659193575382233, 0.3598976731300354, 0.36636853218078613, -0.442179411649704, -0.8797683715820312, 0.11603783816099167, -0.5113497376441956, -0.18571670353412628, 0.5793904066085815, -0.5400070548057556, -0.2420949786901474, 0.017309466376900673, -0.9847875833511353, 0.5761550068855286, 0.2820528745651245, -0.686918318271637, -0.7259215712547302, -0.11540861427783966, -0.6376127004623413, 0.7507706880569458, -0.05943003296852112, -0.5631317496299744, -1.4233086109161377, 0.4565522372722626, 1.3663599491119385, -0.3356854319572449, -0.030240094289183617, -0.19436344504356384, 0.16960124671459198, 0.32139915227890015, 1.5217278003692627]} +{"paper_id": "cbt", "embedding": [-0.6453041434288025, 1.5748130083084106, 0.6335985660552979, 0.12006963789463043, -0.008818656206130981, -0.516319215297699, 0.29400527477264404, 0.878029465675354, 0.9243106842041016, 0.386221706867218, 0.6211499571800232, -0.22066521644592285, -0.29514142870903015, -0.23928259313106537, 0.09691128134727478, 0.30989915132522583, -0.23009711503982544, -0.10281101614236832, -1.1936705112457275, -0.7973237633705139, -0.7491622567176819, -0.8804405331611633, -0.053027231246232986, 1.3284687995910645, -1.1292264461517334, -0.6109281182289124, 0.6583123207092285, -1.0077221393585205, 0.0573800727725029, 0.23579400777816772, -0.6155642867088318, 1.0764434337615967, -0.8731285929679871, 0.5724268555641174, -0.5705934166908264, -0.35156989097595215, 0.354658842086792, 0.7696558237075806, 0.010309174656867981, -0.24745649099349976, -0.5667222142219543, 0.04520998150110245, 0.5606518983840942, 0.03853693976998329, 0.8044258952140808, -0.34664368629455566, 0.6309552192687988, -0.0834677666425705, 0.5040314793586731, -0.7739434838294983, -1.373536467552185, 0.5853065252304077, -0.5686188340187073, 0.5702418088912964, -0.28937599062919617, 1.155307412147522, -0.1893865466117859, -0.21200229227542877, 0.19216707348823547, -0.15498928725719452, 1.0105111598968506, 1.7600412368774414, -0.5561161637306213, 0.21881026029586792, 1.3315751552581787, 0.48110389709472656, 1.148060917854309, 0.33018893003463745, -0.4967864155769348, 0.5052434206008911, -0.14619091153144836, -0.03909609466791153, 0.5747169256210327, -0.4270554184913635, 0.7770230770111084, 1.051575779914856, 0.6533858776092529, -0.3619305193424225, 0.21011433005332947, -0.21679672598838806, -0.6103199124336243, 0.759626567363739, 0.031413592398166656, -0.3602844476699829, -0.14785920083522797, 0.29870012402534485, 0.23260921239852905, -0.5926437377929688, -0.14635002613067627, -1.7819886207580566, 0.8478460907936096, 0.21120020747184753, 0.893867552280426, -0.10093988478183746, -0.5668356418609619, -0.5004677176475525, 0.2557360529899597, -0.27681174874305725, -0.7854167222976685, 0.2575247883796692, 0.379391610622406, 0.04564477503299713, 0.6126460433006287, -0.4857598841190338, 0.062064021825790405, 0.13582174479961395, 0.3293934166431427, -0.5886697769165039, -0.6225625276565552, -0.7930885553359985, 0.3850915729999542, 0.9196057319641113, -0.0577164962887764, 0.5945005416870117, -0.28239917755126953, -0.1183989942073822, 0.7193394899368286, -0.11322271823883057, -0.31425756216049194, 0.06900382041931152, -0.09033896028995514, -1.3405755758285522, -0.35749056935310364, -0.2504383325576782, 0.800875723361969, -0.38305458426475525, -0.3787374496459961, -0.7533976435661316, -0.2942827045917511, -0.6504239439964294, 0.6753768920898438, 0.7949893474578857, -0.9945719838142395, -0.7400068640708923, 3.0009584426879883, -1.5965282917022705, 0.7648966908454895, -0.6910987496376038, -0.044854968786239624, -0.5105435252189636, -0.9280677437782288, 1.3013697862625122, 0.1739191710948944, -0.8427531719207764, -0.45715832710266113, 0.2882644236087799, -0.3589755594730377, 0.42618903517723083, -0.6075429320335388, 0.10386598110198975, 0.21105928719043732, 0.7592287659645081, -1.642205834388733, -0.885077953338623, -0.31047409772872925, -0.030022574588656425, 0.17149290442466736, 0.7298771142959595, -0.46081626415252686, 1.1958060264587402, 0.5808616280555725, 0.2004959136247635, -0.8168880939483643, 0.611323356628418, -0.7477497458457947, 0.13220402598381042, 1.382317066192627, -0.23077547550201416, -0.24583745002746582, -0.7358989119529724, 0.5955265760421753, -0.06630882620811462, -0.40384647250175476, -0.6559416651725769, 0.35069096088409424, 0.21009540557861328, 0.42547929286956787, 0.17090237140655518, 0.5567271113395691, -0.31490954756736755, -0.18730026483535767, -0.08880798518657684, 0.34940049052238464, 0.7839139699935913, -0.17810051143169403, 0.583503007888794, -2.6343071460723877, -0.0040177032351493835, -0.45057564973831177, 0.23318561911582947, 0.04454372823238373, -0.1377435028553009, 0.7504696249961853, 0.27537545561790466, -0.4328806400299072, -0.7287713885307312, 1.035570740699768, -0.5703638792037964, -0.3726317286491394, 0.5342757701873779, -0.11746054887771606, -0.37760329246520996, -0.09572593122720718, 0.8522353768348694, 0.3637557327747345, -0.05282140150666237, -0.33722683787345886, -1.8803133964538574, 0.535620391368866, 2.093289852142334, 0.47383996844291687, -0.43091508746147156, -0.8141624927520752, -0.7618224024772644, -0.05377628281712532, -0.39673101902008057, 0.507077693939209, -0.15060412883758545, 0.35299012064933777, -1.0683850049972534, 0.884904682636261, -0.2356780469417572, 0.200486958026886, 0.004127787426114082, 1.4372197389602661, -0.2890925407409668, -0.3481389582157135, -0.7183297872543335, -1.0708353519439697, 0.22273476421833038, 0.6956325173377991, -0.24421058595180511, -0.009457942098379135, 0.09848267585039139, 0.836033821105957, 0.4005141854286194, 0.9109190702438354, 0.7451717257499695, -0.45002928376197815, 0.39480456709861755, 0.34456202387809753, 0.5642389059066772, -0.27250856161117554, 0.29896676540374756, 0.011158421635627747, 0.2802644371986389, -0.8162060379981995, -0.4839619994163513, -0.2324136346578598, 0.041470758616924286, 1.2330223321914673, 0.33348971605300903, -0.5109609365463257, 0.4996265769004822, -0.8944838643074036, -0.06732869893312454, -0.4520198702812195, -0.8777876496315002, -0.21761366724967957, 0.287925660610199, 0.9380388259887695, -0.10198039561510086, 0.10852313041687012, -0.332383394241333, 0.31566157937049866, -0.8126757144927979, -1.1523923873901367, -0.11524482816457748, -0.21069489419460297, -1.3756951093673706, -0.2956852316856384, 0.6056417226791382, -1.245739459991455, -0.3249933123588562, 0.007448561489582062, -0.16694609820842743, -0.30156731605529785, 0.29426252841949463, 1.894105076789856, -0.5190626382827759, 0.6642782688140869, -0.2993743419647217, 1.348495602607727, -0.600767195224762, 0.3535352945327759, -0.6155924201011658, -0.5812129378318787, -1.1350831985473633, 0.22287088632583618, -0.8104423880577087, 0.1365600824356079, 0.4866994619369507, 0.02926488220691681, 0.6312253475189209, -0.25774627923965454, -0.9522982239723206, 1.1029314994812012, -0.6205971240997314, 0.13618284463882446, -1.5586949586868286, 1.4884710311889648, 0.3372304141521454, -0.5371444821357727, 0.40533506870269775, -0.8839870691299438, -0.1595325618982315, 0.9555765986442566, -0.29895636439323425, 0.7739251852035522, 0.29480528831481934, -0.07152324169874191, 0.7512838840484619, -0.15005555748939514, -2.0204145908355713, 0.6568223834037781, 0.11701886355876923, 0.20233695209026337, 0.11129327118396759, -0.7623066306114197, 0.39331406354904175, -0.2951938211917877, 0.029563726857304573, 0.5605995655059814, -0.46939003467559814, 0.38768506050109863, -0.3279776871204376, 0.036492690443992615, 0.5946164131164551, -0.28068843483924866, -0.16689373552799225, 1.2124816179275513, 0.5617587566375732, -1.2102795839309692, 0.3373957872390747, 1.0235148668289185, -0.43013373017311096, 0.6006803512573242, 0.22883641719818115, 0.8293060064315796, 0.28378427028656006, -0.1898280680179596, 0.6317883729934692, 0.47904539108276367, 0.7513032555580139, -0.13855919241905212, 0.40715840458869934, -0.3456408977508545, 0.15529584884643555, -0.6361484527587891, 1.6757750511169434, 0.2705816626548767, -0.7237632274627686, -0.8108667135238647, -0.050948094576597214, -1.0013738870620728, -0.16196438670158386, 1.3652297258377075, 0.686617910861969, 2.066455364227295, 0.17278769612312317, 0.04261556267738342, -0.3440851867198944, -0.2533695101737976, -0.05335865914821625, 0.1477229744195938, 0.2769119143486023, -0.44304174184799194, -0.12311047315597534, 0.570200502872467, 0.46480169892311096, -0.47691991925239563, 0.046879615634679794, 1.1194294691085815, -0.32058313488960266, -0.5007636547088623, 0.3924838900566101, 0.10062192380428314, 1.6125333309173584, 1.2416688203811646, -0.7607998847961426, -0.5983351469039917, 0.13419143855571747, -0.1894380897283554, 0.6592878103256226, 0.07333353906869888, -0.6296955347061157, 0.19555196166038513, 0.20828138291835785, 0.5553114414215088, 0.7873359322547913, 1.1716493368148804, 1.2279601097106934, -0.44030195474624634, -1.2844157218933105, 0.1307048201560974, -0.8427814841270447, -0.10854312777519226, -0.43989297747612, 0.4225379228591919, -0.5084707736968994, 0.4356626272201538, -0.16455167531967163, -0.7699953317642212, 0.6908961534500122, -0.47216108441352844, -0.5512405633926392, 0.13804449141025543, 1.3092817068099976, -0.5224504470825195, -1.0102256536483765, 0.18788547813892365, -0.9510459899902344, -1.044465184211731, -0.29273298382759094, -0.8288097977638245, 0.7727617025375366, 0.053099460899829865, 0.41858339309692383, -0.34364742040634155, -0.004569895565509796, -0.672224760055542, 1.3009620904922485, 0.8323350548744202, -0.7138949036598206, 0.9111876487731934, 0.02889096364378929, 0.986606776714325, 0.3724149763584137, -0.8470726013183594, -0.3636324107646942, 0.6096910834312439, -0.36137592792510986, -0.3856760859489441, -0.9351570010185242, 0.1256108283996582, 0.30145028233528137, 0.5219058990478516, 0.38078823685646057, -0.8760114312171936, -0.06837250292301178, -0.9479196667671204, 0.7979544997215271, 1.1084473133087158, -0.4086265563964844, -1.2739264965057373, 0.6004942655563354, -0.8242073059082031, -0.07478170096874237, 0.05345861613750458, 0.18710100650787354, 1.6167654991149902, 0.10635992139577866, -0.010988911613821983, -0.17830327153205872, -12.109915733337402, 0.6094741225242615, 0.09578089416027069, 0.5624204277992249, 0.7218056321144104, 0.2414468228816986, 0.32440656423568726, 0.23937737941741943, 0.5963068604469299, -0.38963592052459717, 0.2945215106010437, 0.9610053896903992, 1.0668429136276245, -0.6243390440940857, -0.925167977809906, -1.2824981212615967, -0.19377057254314423, -0.8532625436782837, 0.38512909412384033, 0.5555057525634766, 0.5179873108863831, -0.6359596252441406, -0.3638651967048645, 0.018422365188598633, 0.12043098360300064, -0.8095962405204773, -0.37074732780456543, -0.23925922811031342, 0.05924588441848755, 0.00867193192243576, 0.4894762337207794, -0.5636985898017883, -0.7926703095436096, -0.17050684988498688, 0.5562809109687805, 0.06263497471809387, -1.1509774923324585, 0.0753350704908371, 0.565762460231781, -1.0184869766235352, -1.0141223669052124, 0.3379093408584595, 0.3202045261859894, -0.16017819941043854, -0.614616870880127, 0.15222634375095367, 0.20239421725273132, -1.4523284435272217, 0.0853392630815506, -0.6978347301483154, -0.46848148107528687, -1.0563724040985107, -1.0843929052352905, -0.3032202422618866, 0.6841849684715271, 0.47690704464912415, -0.3895587921142578, -0.3556099534034729, -0.7902761697769165, -1.0789928436279297, 0.9176074862480164, 0.12531177699565887, -0.3413257896900177, 0.5675780177116394, 0.4377022385597229, -0.2587840259075165, 0.04905366897583008, 0.19997695088386536, -0.0900336354970932, 1.0241342782974243, -0.8146471977233887, 0.7208065986633301, 0.12480185180902481, -0.015912339091300964, -0.08866196125745773, 0.5909116268157959, -0.006766369100660086, -0.5598196387290955, 0.3443177342414856, 0.1895662099123001, -1.1542433500289917, 0.8228968381881714, -0.13188055157661438, -0.21580147743225098, 0.04263308271765709, 0.1265026181936264, -0.07688643783330917, 0.7294592261314392, 0.6888489723205566, 0.010328859090805054, 1.2173866033554077, -0.439454585313797, -0.2606693506240845, -0.014369791373610497, -0.9167779088020325, 1.0099217891693115, -1.1786359548568726, 0.5408635139465332, 0.8575469255447388, -0.5103439688682556, 0.25519317388534546, -0.48289087414741516, -0.5672734975814819, -0.5952330231666565, 1.059678554534912, -0.16441726684570312, 0.18065807223320007, -0.019524559378623962, 0.15969766676425934, -0.7558751106262207, 0.29627448320388794, 1.2075889110565186, -0.47397375106811523, 1.085182547569275, -0.5070652365684509, 0.9347519278526306, 0.2777358293533325, 0.006692409515380859, 0.28942006826400757, 0.8926864266395569, -0.22402329742908478, 0.8919142484664917, 0.18208257853984833, 1.4611456394195557, 0.05344189330935478, 0.3244505524635315, 0.4933624565601349, 0.6865336894989014, -0.34565871953964233, -1.095267415046692, -0.1555677056312561, -0.5507182478904724, -0.018216678872704506, -0.4832126796245575, -0.20771656930446625, -0.13666082918643951, -0.8591834306716919, 1.7893071174621582, -0.241472527384758, 0.19771018624305725, 0.12728694081306458, -0.5718080997467041, -0.4331289529800415, -0.1739353984594345, -0.7195951342582703, 0.27448421716690063, -2.040792465209961, -0.454253226518631, -0.4986546039581299, -0.9130870699882507, 0.07421397417783737, 0.04906783252954483, 0.6807028651237488, -0.47746336460113525, -0.30093473196029663, 0.04926095902919769, 0.7943453192710876, -0.34287548065185547, -0.27599668502807617, -0.3792276978492737, 0.8599276542663574, 1.6214873790740967, -1.0901970863342285, 0.7422158718109131, 0.04803632199764252, -0.18951940536499023, -0.4517791271209717, 0.0908350795507431, -0.7918153405189514, 0.4107094705104828, 0.3155861794948578, -1.1406499147415161, 0.20833222568035126, -0.4639119803905487, -0.17946991324424744, -0.7432228326797485, 0.053342219442129135, 0.4844132959842682, -0.6642170548439026, 0.30609965324401855, 0.075884148478508, 0.522609293460846, 0.9183834791183472, -0.09600571542978287, -0.11734122037887573, -0.49304184317588806, -0.5510558485984802, 0.5655186772346497, -0.16246238350868225, 0.7346988320350647, -0.9971240758895874, -0.9869453310966492, -0.4526757001876831, 0.12374119460582733, 0.7503817081451416, -0.06782817840576172, 1.372854232788086, 0.4263472259044647, -0.8904697895050049, 0.45910966396331787, -0.16693952679634094, 0.5405840277671814, 0.45873844623565674, 0.661888837814331, 0.1365717053413391, 0.13303671777248383, -1.0619261264801025, -0.14038147032260895, 0.6145269870758057, 0.5607765913009644, -0.7971000671386719, -0.09676267206668854, -0.11603458225727081, -0.11083783209323883, 0.3175992965698242, -0.6315833330154419, 0.4075922667980194, -0.714039146900177, 0.15272951126098633, -1.2341349124908447, -0.17898303270339966, 0.2330920249223709, -0.4792240858078003, 0.5885306000709534, 0.6744702458381653, 0.40279528498649597, 0.23167742788791656, 0.17504942417144775, 1.4512518644332886, -0.1069202721118927, -0.624281644821167, 0.6060914993286133, 0.30793243646621704, -0.12897390127182007, -0.5405995845794678, -0.3351646065711975, -1.016998291015625, 0.2678537368774414, -1.024462103843689, 0.7451614737510681, -0.7468986511230469, 0.3909597098827362, 0.6179953813552856, 1.204192876815796, -0.008279547095298767, -1.3076117038726807, -0.5895668864250183, -0.827902615070343, -0.023965060710906982, 0.7021193504333496, -0.07427003979682922, 0.6220782995223999, 0.5525163412094116, -0.3226856589317322, 0.790553629398346, -0.08478051424026489, -0.32842665910720825, 0.5624242424964905, 0.3110279440879822, 1.0027128458023071, 0.3380175828933716, 0.5965763926506042, 0.7064170837402344, 0.32541805505752563, -0.779923677444458, -0.4131156802177429, -0.8110934495925903, -0.11695258319377899, 0.32151079177856445, 0.009728457778692245, -0.6710419058799744, 0.040879398584365845, 0.7137401700019836, -0.5672320127487183, 0.8326475620269775, 0.6753324866294861, 0.034916721284389496, -0.8240484595298767, -1.0962389707565308, -0.12147168815135956, 0.5188534259796143, -0.1810414344072342, 0.014784622937440872, -0.656242847442627, 0.05387754738330841, 0.29622235894203186, -0.37483951449394226, -0.4923400580883026, -0.1280001550912857, -0.06635994464159012, 0.28318965435028076, -0.06984367221593857, -0.6793044209480286, -0.6113895177841187, -0.167427197098732, -1.0858628749847412, 0.6399366855621338, 0.048611126840114594, -0.5922919511795044, -0.009076468646526337, 0.12696050107479095, 0.3524874746799469, -0.386976420879364, 0.8015537858009338, 0.2683940529823303, -1.204717993736267, 1.1065486669540405, 0.510336697101593, -0.7662087678909302, -0.11745202541351318, 0.1592680811882019, 0.35961461067199707, 0.7890264987945557, 1.0907001495361328]} +{"paper_id": "sms_spam", "embedding": [-0.3144441843032837, 0.7544684410095215, -0.5203990936279297, 0.5011428594589233, -0.4977481961250305, -0.3799093961715698, 0.29284295439720154, 0.43805941939353943, 0.6723578572273254, 0.39963197708129883, 0.44281288981437683, -0.11577118188142776, 0.38346728682518005, 0.8741095066070557, 0.7118551135063171, -0.2203141450881958, -0.5490479469299316, -0.7499101161956787, 0.19136624038219452, -0.4734315872192383, -0.7365362644195557, -0.9511831402778625, -0.03376663476228714, 0.05774456262588501, -0.8663433194160461, -1.0250846147537231, -0.31153255701065063, 0.22834543883800507, 0.2504104971885681, 0.18386638164520264, 0.551533579826355, 1.0902369022369385, -1.604276418685913, 0.35532084107398987, -1.3937913179397583, -1.126517415046692, 0.11509985476732254, 0.4961657226085663, -0.9324944019317627, -0.13575144112110138, -0.012964194640517235, -0.262369841337204, 1.0666279792785645, -0.6063194274902344, 0.6623761653900146, 0.8491136431694031, 0.01144353486597538, -0.19733645021915436, 0.19640399515628815, -0.4486738443374634, 0.16868174076080322, 0.670039176940918, 0.5306668877601624, 0.4428653120994568, -0.8990693092346191, 1.2241214513778687, -0.21126943826675415, -0.7679298520088196, 1.301174521446228, -1.0247876644134521, 0.441220223903656, 1.18132746219635, 0.03808645159006119, 0.6211360692977905, 0.8588361740112305, -0.6262765526771545, 0.4364224672317505, -0.23501574993133545, 0.5766162276268005, 0.4191194772720337, -0.6897056698799133, -1.6806085109710693, 0.7725445032119751, -0.3024827241897583, 0.30482983589172363, 0.5147603750228882, -0.26581066846847534, -0.39907869696617126, -0.2785519063472748, -0.05902588367462158, -0.2314871847629547, 0.26155751943588257, -0.2544563114643097, -0.3954865634441376, 0.11757181584835052, -0.11921307444572449, -0.3699469268321991, -1.0732895135879517, 0.07069086283445358, -1.1448947191238403, 0.06221926212310791, 0.24961577355861664, 0.15346483886241913, 0.2261543869972229, 0.19154885411262512, 0.12400246411561966, -0.6469491124153137, 0.32014673948287964, -0.9083144664764404, 0.5263311862945557, 0.5974564552307129, -1.097035527229309, 0.9167293310165405, 0.06031395122408867, 0.2604745030403137, 2.131760597229004, -0.4786262810230255, -0.3051983416080475, -0.051987141370773315, 0.2722814381122589, -1.286430835723877, 0.9009755849838257, -0.6271176338195801, -0.030440103262662888, -0.3110153079032898, -0.05406733602285385, 0.22692835330963135, -0.17621590197086334, -0.5089988708496094, -0.22008638083934784, -0.8354895114898682, -1.767053484916687, -0.25068342685699463, -0.044134970754384995, 1.0787228345870972, 0.16769765317440033, 0.2410494089126587, 0.19566187262535095, -0.8828662037849426, 0.5301595330238342, 0.8649263381958008, 0.23658931255340576, -0.25899186730384827, 0.5129952430725098, 2.7046687602996826, -1.4222958087921143, 0.5252094268798828, 0.2867284417152405, 0.1797209233045578, 0.3281170129776001, -0.8074183464050293, 0.5183655023574829, -0.1700626015663147, -0.7620042562484741, -0.7467844486236572, 0.24912378191947937, -0.2147808074951172, -0.06705445796251297, -0.4272618889808655, 0.015611032024025917, -0.859383225440979, 0.2803153395652771, -0.7315571904182434, -1.0231375694274902, 0.8852362036705017, 0.425290048122406, 0.5382581353187561, 0.431831955909729, -0.8964939713478088, 0.1386394202709198, 0.8011208772659302, 1.0239074230194092, -0.6197196245193481, 0.22564134001731873, -0.19218969345092773, -0.32592540979385376, 1.0160596370697021, 0.08381558209657669, -0.6641570329666138, -0.4586619436740875, 0.8417919874191284, -0.43290039896965027, 0.6566460132598877, 0.08164473623037338, -0.5523861050605774, 0.1254948377609253, 0.23764966428279877, 0.3740931749343872, 0.7331777215003967, -1.0841000080108643, 0.25105538964271545, 0.8030851483345032, 0.03794201463460922, 0.06786569952964783, 0.04362325742840767, -0.4761938154697418, -1.0850907564163208, 0.5686396360397339, -0.46596574783325195, 0.018421780318021774, 0.3622569739818573, -0.47892332077026367, -0.003633856773376465, 0.47600099444389343, 0.4431377053260803, 0.3823327124118805, -0.0427241213619709, -0.7113162279129028, -0.006485298275947571, 0.9787850379943848, 0.35022786259651184, -0.22514963150024414, 0.04573539271950722, 0.053697191178798676, 0.7779648900032043, 0.39372488856315613, 0.1975449174642563, -1.3324930667877197, 0.7977380752563477, 1.0158947706222534, 0.0965723767876625, -0.7081547975540161, -1.023309350013733, -1.0064377784729004, 0.4821917414665222, -1.3736572265625, 0.7909595966339111, -0.9837542176246643, -0.5125113725662231, -0.9430741667747498, 0.3951048254966736, -0.20296284556388855, -0.21220600605010986, 0.6620007157325745, 0.44501933455467224, -0.9218274354934692, -0.1654062569141388, -0.2959986925125122, -0.6126230359077454, -0.14392699301242828, 1.3528039455413818, -0.13432545959949493, -0.0279778391122818, 1.1338838338851929, 0.769373893737793, 0.49912816286087036, -0.13472013175487518, 0.4013792872428894, -0.4966687262058258, -0.6966152787208557, 0.08519002050161362, -0.6103201508522034, -0.20114924013614655, -0.6995252966880798, 0.45066267251968384, 0.5762702822685242, -0.17524926364421844, -0.6500711441040039, -0.014659802429378033, 0.5979039669036865, 0.6538236141204834, 1.1612783670425415, -0.6167718768119812, 0.40522894263267517, -0.38986432552337646, -0.14595535397529602, 0.5723313093185425, -0.15779756009578705, 0.017982035875320435, -0.27697381377220154, 0.5794333219528198, 0.36684635281562805, -0.49243155121803284, 0.14319805800914764, -0.15998320281505585, -0.6178904175758362, -0.7076155543327332, -0.20172461867332458, -1.0280019044876099, -0.3323228657245636, -0.6484899520874023, -0.5370096564292908, -0.6326463222503662, -1.2883223295211792, -0.28428903222084045, 0.4352229833602905, 0.0788506492972374, -0.02041420340538025, 0.8934428691864014, 0.3343895375728607, 0.5005256533622742, -0.4716096520423889, 1.0471736192703247, 0.19693687558174133, 0.42360246181488037, -0.13432922959327698, 0.33506277203559875, -1.0053449869155884, -0.5360435247421265, -0.8064076900482178, 0.3463921844959259, -0.22811487317085266, 0.4956420660018921, 0.5195038318634033, -0.4044637084007263, -0.9116154313087463, 1.087679386138916, 0.33031928539276123, 0.20999538898468018, -0.4857299327850342, 1.3852540254592896, 0.16131895780563354, -0.09719784557819366, 0.10682363063097, 0.02771640382707119, 0.29938650131225586, 1.4429430961608887, -0.9651473760604858, 0.32504913210868835, 0.19610698521137238, 0.19903668761253357, 0.4268965423107147, 0.9349286556243896, -1.484371542930603, 0.15562763810157776, 0.5780667066574097, -0.063063845038414, -0.21355043351650238, 0.33965033292770386, 0.07571133971214294, -0.760901927947998, -0.24368450045585632, 0.2089751660823822, -0.3430611491203308, 0.2332255244255066, -0.332133024930954, -0.21786844730377197, -0.0002704942598938942, -1.60494065284729, -0.4296225607395172, 0.849952757358551, 1.1276435852050781, -0.7911633849143982, -0.8102337121963501, 0.7023407816886902, 0.07214556634426117, 1.286239504814148, 0.11772515624761581, 1.1720993518829346, -0.6765972375869751, -0.5942811965942383, -0.45735830068588257, 0.3687114715576172, 0.583837628364563, -0.30940645933151245, -0.0073056938126683235, 0.0956321507692337, 0.7663111686706543, 0.10292941331863403, 1.2960060834884644, 1.1075929403305054, -0.22336611151695251, -0.41890203952789307, -0.54190993309021, 0.0762624740600586, -0.08650277554988861, 0.42184245586395264, 0.9633668065071106, 0.5703312754631042, 0.7619640827178955, 0.8951225280761719, 0.11118714511394501, 0.23750728368759155, 0.48110058903694153, 0.2766561508178711, 1.1009951829910278, 0.16909292340278625, 0.08745091408491135, 0.3349151313304901, 0.45919448137283325, -0.18819868564605713, 0.39449381828308105, 0.29116740822792053, -0.7393947839736938, -0.01079828292131424, -0.06476673483848572, -0.20585373044013977, -0.02632148563861847, 1.2465908527374268, -0.5019429326057434, -0.37638550996780396, -0.4992794692516327, -0.15063370764255524, 0.2708973288536072, -0.6986922025680542, -0.09842655062675476, 0.04505031555891037, -0.25404679775238037, 1.1507411003112793, -0.3465852737426758, 0.08917129784822464, 0.8215036392211914, -0.41721266508102417, -0.42059916257858276, -0.09171314537525177, -0.9391168355941772, 0.055508486926555634, 0.09451331943273544, -0.7262519598007202, -0.42373988032341003, 0.596518337726593, -1.0784448385238647, -1.9433788061141968, 0.9165996313095093, -0.18557220697402954, -0.41779249906539917, 0.7520958781242371, 1.6838123798370361, -0.6532399654388428, -0.4952739179134369, -0.07669828832149506, -0.6936485171318054, -0.5330349802970886, 0.05036422610282898, -0.20223303139209747, 0.6103118658065796, -0.3696304261684418, 0.8166093230247498, -0.6897097229957581, -0.005675382912158966, -0.42270439863204956, 1.1454310417175293, 0.36846235394477844, -0.4333481192588806, -0.04081866517663002, -1.004939317703247, -0.07791394740343094, 0.3648894429206848, -0.7489380836486816, 0.23658938705921173, 0.0363885834813118, 0.8748296499252319, -0.23513536155223846, -0.6052383780479431, -0.6098533868789673, 0.4345260560512543, 0.09814585745334625, 0.9663673043251038, -0.47879087924957275, 1.1832035779953003, -0.38992950320243835, 0.679565966129303, 0.6929130554199219, 0.2876162528991699, -0.5035858154296875, 1.3580024242401123, -0.7421770095825195, 0.6353662014007568, -0.6759672164916992, -0.521113395690918, 0.5304023027420044, -0.04696523770689964, -0.17119263112545013, 0.7086101770401001, -12.560477256774902, 0.4799112379550934, -1.0070010423660278, 1.7616469860076904, -0.22384576499462128, 0.6228619813919067, 0.1898651421070099, 0.7094687819480896, 1.2817906141281128, -0.5329902172088623, -0.12978209555149078, 1.4707493782043457, -0.5400049686431885, -0.07287560403347015, -0.897367537021637, -0.4330407381057739, 0.13279782235622406, -0.23317426443099976, 0.3094685673713684, 0.20565471053123474, 0.011545542627573013, -0.555515706539154, 0.19204212725162506, -0.2987686097621918, 0.6615681052207947, -0.4812479019165039, -0.02957235276699066, -0.42639636993408203, -0.9661731123924255, 0.22883719205856323, 0.5957899689674377, 0.24728140234947205, -0.16902819275856018, -0.28885647654533386, 0.4912441372871399, -0.019509654492139816, -0.47491151094436646, 0.20991124212741852, 1.1652954816818237, -0.2678366005420685, -0.24092303216457367, 0.062238115817308426, 0.3362705111503601, -0.1527513861656189, -0.6435747742652893, 0.23665566742420197, -0.606746256351471, 0.2899400591850281, 0.1475231647491455, -0.7044576406478882, -0.6110590696334839, -0.15914711356163025, -1.1709890365600586, -0.5202747583389282, 1.810848593711853, -0.14491410553455353, 0.10868006199598312, -0.12598475813865662, -0.966713547706604, -1.263016939163208, 1.466181755065918, -0.692017674446106, -0.32560819387435913, -0.05175783857703209, 0.03830668702721596, -0.8385981321334839, -0.1767360270023346, 0.2520802319049835, -0.38237085938453674, 0.12487396597862244, -0.3311024606227875, 0.5312960147857666, 0.7239013910293579, 0.31789565086364746, -0.30363383889198303, -0.2400834858417511, -0.8075157999992371, -0.22487153112888336, 0.03360576555132866, 0.0801704078912735, -1.6248866319656372, 0.12157462537288666, -0.8142639398574829, 0.06869931519031525, -0.23277267813682556, -0.2712838649749756, -0.6629227995872498, -0.4342855215072632, 0.43989619612693787, 0.6018652319908142, 0.6549603343009949, 0.02960943430662155, -0.19482770562171936, 0.5205896496772766, -0.27558356523513794, 1.2452061176300049, -0.8671208620071411, 0.378187358379364, -1.3590633869171143, 0.14849160611629486, 0.9011785387992859, 0.07034828513860703, -0.7952449321746826, 0.15930193662643433, 0.8018709421157837, 0.2676529884338379, 0.1277991533279419, 0.07428880035877228, 1.1445368528366089, 0.009059936739504337, -0.4987352788448334, -0.45019447803497314, -0.2745990753173828, 2.4567031860351562, -0.23063546419143677, 0.6970310211181641, 1.2431037425994873, -0.2752184569835663, 0.8779177069664001, 0.35034599900245667, -0.462924599647522, 0.18543080985546112, 0.1332993358373642, 0.7461757063865662, 0.8305618166923523, 0.4259762763977051, -0.5739168524742126, 0.8469734191894531, -0.0653085932135582, -1.2890270948410034, 1.0854467153549194, -0.6281540989875793, -0.10534488409757614, -1.5031646490097046, 0.6379994750022888, -0.10601460933685303, -0.49531131982803345, 1.674945592880249, -0.15683652460575104, 0.4196607768535614, -0.33891260623931885, -0.36606499552726746, -0.8551629185676575, -0.5927759408950806, -0.062066562473773956, 0.13717779517173767, -0.6118724942207336, 0.3735293447971344, 0.06547271460294724, -0.3404049873352051, -0.284400075674057, -0.3179872930049896, 0.5416423678398132, -0.3674170970916748, 0.25301405787467957, 0.6490008234977722, 0.17735369503498077, -0.07698335498571396, -0.4138498306274414, -0.4243166446685791, 1.1934638023376465, 0.9479415416717529, -0.6335878968238831, 0.9004867076873779, 0.795090913772583, 0.7417141199111938, -0.629639744758606, -0.6377972364425659, 0.1686031073331833, 0.8590840697288513, 0.6001734733581543, -0.2819465398788452, 0.13757124543190002, 0.6815134882926941, -0.011693324893712997, -1.6668446063995361, 0.6660215854644775, 0.6114782094955444, -1.5751564502716064, 0.9594252109527588, -0.11896976083517075, 0.713707447052002, 0.7023664712905884, -0.5208950042724609, -0.54487544298172, 0.4779551923274994, -0.24056744575500488, 0.5840415954589844, -0.8062911033630371, 0.587665855884552, -1.9718724489212036, -2.0482969284057617, -0.6257150769233704, 0.36029842495918274, 0.9794961214065552, 0.1773986965417862, 0.6824864149093628, 0.29677915573120117, -0.32513782382011414, -0.4686189591884613, -0.009666385129094124, 0.285957932472229, 0.034026943147182465, -0.5934284329414368, -0.41051068902015686, 0.30200767517089844, -0.8853057026863098, -0.7330805063247681, 0.1141415387392044, 0.6350407600402832, -0.8270573616027832, -0.1950250267982483, 0.3919457793235779, -0.4005908966064453, -0.24154390394687653, -0.47145694494247437, -0.5504869818687439, -0.4053274989128113, -0.07133069634437561, -0.5585013628005981, 0.4136210083961487, 0.35121285915374756, -1.1630582809448242, 1.3025586605072021, -0.18294380605220795, 0.5061845779418945, -0.19293734431266785, 0.3695756793022156, 1.3604828119277954, 0.07449603825807571, -0.026191074401140213, 0.40135657787323, -0.3950422406196594, -0.0249343104660511, -0.4913369119167328, 0.4959748089313507, -0.8369527459144592, 0.3807283043861389, -1.1967806816101074, -0.10037627071142197, 0.06015458703041077, 0.14711575210094452, 0.32713961601257324, 0.5461369156837463, -0.12021970748901367, -0.49253007769584656, -0.2511117458343506, -0.9749324917793274, -0.19491983950138092, 0.3974321484565735, 0.2827090919017792, 0.9523618221282959, 0.552757978439331, -0.6339771747589111, 0.38109105825424194, 0.24720773100852966, -0.19118176400661469, 0.04105652868747711, 0.528885006904602, 1.652076005935669, 0.298910915851593, -0.2597637474536896, -0.2610105574131012, 0.29802602529525757, -0.30139097571372986, -0.3121477961540222, -0.6699577569961548, 0.5778378248214722, 0.32906264066696167, -0.2942499816417694, 0.38015180826187134, -0.40563535690307617, -0.21124611794948578, -0.33508774638175964, 0.4503862261772156, 0.24526092410087585, -0.5722869038581848, 0.2254299819469452, -0.74854975938797, 0.17606425285339355, 0.6150100231170654, -0.2875271141529083, -0.5187633037567139, 0.42474013566970825, 0.3140077590942383, 0.6803131103515625, -0.9953550100326538, -0.5206596851348877, 0.8980458378791809, -0.2859008014202118, -0.02501291036605835, -0.0818018838763237, -0.34670576453208923, -0.8851866126060486, 0.13406388461589813, -0.7085597515106201, 0.46195897459983826, 0.10838894546031952, -0.5331794619560242, 0.6134436130523682, 0.8235395550727844, 0.6605322360992432, -0.10931479930877686, -0.6909322738647461, 0.3419283628463745, -1.0729955434799194, 0.3537982404232025, 0.2162226140499115, -0.6529867053031921, -0.09609026461839676, 0.7583376169204712, 0.19732697308063507, 1.1079219579696655, 0.7060801982879639]} +{"paper_id": "winograd_wsc", "embedding": [-0.24671873450279236, 0.5759482979774475, -0.22872629761695862, -0.028859995305538177, 0.459066241979599, -0.29838114976882935, 1.1411014795303345, 0.4979555010795593, 0.6560508012771606, 1.0419857501983643, -0.2673676908016205, 0.3915613293647766, -0.2969682216644287, -0.5723370909690857, -0.3077613115310669, -0.412262499332428, -0.8005813956260681, -0.5202318429946899, -1.1606495380401611, -0.3712383508682251, -0.6546977758407593, -0.4076842665672302, 0.07234993577003479, 0.03854752331972122, -0.6816945672035217, -0.40926453471183777, 0.7400814890861511, -0.7704596519470215, 1.1952385902404785, 0.5956695675849915, -0.3660753071308136, 1.8365896940231323, -1.7346819639205933, 1.2137500047683716, -0.9079089760780334, 0.20756326615810394, 0.5298254489898682, 0.6650780439376831, -0.6760251522064209, 0.01984652876853943, -0.42549145221710205, -0.3275313973426819, 0.7626338005065918, 0.38291043043136597, 0.7547646760940552, -0.3876276910305023, 0.3041536211967468, 0.11558474600315094, -0.7251449823379517, -0.010758928954601288, -0.8715359568595886, 0.5365687012672424, 0.834067165851593, 0.7236248254776001, -0.25697043538093567, 0.8517835140228271, 0.5349732637405396, -0.948494017124176, 0.8950489163398743, -0.5210374593734741, 1.1383910179138184, 1.4165033102035522, -0.347543329000473, 0.5613088607788086, 1.0577540397644043, 0.14660029113292694, 0.9276301264762878, 0.5032653212547302, 0.05174676328897476, 0.7104644179344177, -0.3196009397506714, -0.4901430606842041, 0.3065448999404907, 0.0032416880130767822, 0.1261281669139862, 0.8365007638931274, -0.10557789355516434, 0.0011314954608678818, 0.545238196849823, 0.23009425401687622, 0.3743191957473755, 0.47080308198928833, 0.2471459060907364, 0.11896394938230515, 0.087076336145401, 0.19817078113555908, 0.731377363204956, -1.149053931236267, -0.15049993991851807, -1.5233397483825684, 0.15551525354385376, 0.5636062026023865, 0.2681792974472046, -0.40747106075286865, 0.2785435914993286, 0.1740836501121521, -0.7815634608268738, 0.22425790131092072, -0.2875891327857971, 0.4522702991962433, 0.7593473792076111, -0.8057041168212891, -0.26613181829452515, 0.21898159384727478, 0.321338951587677, 0.3777284026145935, 0.008565902709960938, 0.40914830565452576, -0.6677811741828918, -0.48934054374694824, -0.29982826113700867, 1.5659172534942627, 0.45100194215774536, 0.10853249579668045, -0.3919086158275604, 0.25333788990974426, 0.18936128914356232, -0.5093096494674683, -0.21094347536563873, 0.06950736045837402, 0.2973531484603882, -0.8937622904777527, -0.4303261935710907, -0.20950932800769806, 1.1448510885238647, -0.43251004815101624, 0.048024702817201614, -0.38259798288345337, 0.13973784446716309, 0.3355518877506256, 0.49385252594947815, 0.3822655975818634, -0.6935993432998657, -0.19608214497566223, 3.0509438514709473, -0.8438551425933838, 1.2082308530807495, -0.6630293726921082, 0.042093075811862946, -0.23628583550453186, -0.686273992061615, 0.4696456789970398, 0.4248093068599701, -0.5886191725730896, -0.40742406249046326, 0.16429156064987183, 0.17806023359298706, 0.6088679432868958, -0.9856487512588501, 0.11648373305797577, -0.10926933586597443, 0.5906198024749756, -1.772273302078247, -0.41122370958328247, 0.23163749277591705, 0.42355436086654663, -0.27620285749435425, 0.40390852093696594, -1.1054126024246216, 0.7188138365745544, -0.19989502429962158, 0.07440447807312012, -0.21352122724056244, 0.10263673961162567, -0.5356361269950867, -0.1352575421333313, 1.1340335607528687, -0.0923701822757721, -0.6937030553817749, -0.049554042518138885, 0.36928892135620117, 0.019432280212640762, -0.18198654055595398, -0.46396756172180176, -0.0322592630982399, 0.2904428541660309, 0.5475307106971741, 0.34170833230018616, 0.5046997666358948, -0.8744882345199585, -0.716377317905426, -0.2201453000307083, 0.043080903589725494, 0.4371718764305115, -0.20294225215911865, 0.27234765887260437, -1.9822044372558594, 0.5878720283508301, -0.7281506061553955, 0.12888503074645996, 0.25871726870536804, -0.24436436593532562, -0.026094406843185425, 0.33846575021743774, -0.6483487486839294, -0.4338129460811615, 1.099684476852417, -1.26328444480896, -0.5607925653457642, 0.7337178587913513, -0.5303909778594971, 0.14159561693668365, -0.30813634395599365, 0.6109963059425354, 0.8716890811920166, -0.5017962455749512, -0.5546162724494934, -1.8506056070327759, 0.12145335972309113, 1.2947880029678345, 0.07490715384483337, -0.5193924307823181, -0.9739270210266113, -0.4285932183265686, 0.9878292083740234, -0.48428618907928467, -0.10839127749204636, -0.6941624283790588, 0.2661820948123932, -1.3022871017456055, 0.4117930829524994, -0.41510090231895447, 0.4362836182117462, 0.4966365396976471, 1.3902448415756226, -1.1536093950271606, -0.07388292253017426, -0.3505403995513916, -1.0380603075027466, 0.45678576827049255, 0.9296061992645264, 0.10211576521396637, -0.14430435001850128, 1.0353845357894897, 0.4504542350769043, 0.5763439536094666, 0.004638858139514923, 0.7410663366317749, -0.935105562210083, 0.254522442817688, 0.38158926367759705, 0.43580007553100586, -0.32885104417800903, 0.17974606156349182, 0.10389444231987, 0.3584924638271332, -0.561067521572113, -0.7842015027999878, -0.4700891971588135, -0.2338123619556427, 1.5336116552352905, 0.699562132358551, -0.6539462208747864, 0.9185622930526733, -0.5374343991279602, -0.36274397373199463, 0.1837674081325531, -0.5152621865272522, -0.2946908473968506, -0.3209443688392639, 1.282386302947998, 0.4278283715248108, 0.6009777188301086, -0.18957264721393585, -0.48567527532577515, -0.6609859466552734, -0.13469605147838593, 0.22489890456199646, -0.33552294969558716, -1.240049123764038, -0.6334825754165649, -0.011161267757415771, -0.9442636966705322, -1.2048470973968506, -0.6751169562339783, 0.35031577944755554, 0.18244923651218414, 0.5559689998626709, 1.133001685142517, -0.033833932131528854, -0.07073143124580383, -0.18515367805957794, 1.0334020853042603, -0.6775930523872375, 0.7820372581481934, 0.07649382948875427, 0.2695753872394562, -1.6385170221328735, 0.05428263545036316, -0.7585520148277283, 0.7380204200744629, -0.059325143694877625, 0.2913666367530823, 0.6106328368186951, -0.2269730269908905, -0.11232054978609085, 1.6340806484222412, -0.20353686809539795, -0.17970997095108032, -0.8234866261482239, 1.1180469989776611, 0.7454933524131775, -0.04145705699920654, 0.5910664796829224, -0.1969386637210846, -0.034933142364025116, 1.2784864902496338, -0.12766064703464508, 0.541994035243988, 0.4639905095100403, 0.20234589278697968, 0.39805901050567627, 0.5004677176475525, -2.3643393516540527, 0.5359725952148438, 0.3456822633743286, -0.11372099816799164, -0.1958182007074356, -0.631944477558136, -0.1437341868877411, -0.44135355949401855, -0.009205317124724388, 0.7395262718200684, -0.11759355664253235, 0.0818546712398529, -0.40251752734184265, -0.042401064187288284, 1.0532467365264893, -0.34253382682800293, 0.24501334130764008, 0.6859449744224548, 0.17781385779380798, -0.8521981239318848, -0.12512585520744324, 0.7689782381057739, -0.36262935400009155, 0.8213850259780884, 0.7562149167060852, 0.27465924620628357, 0.6771498918533325, -0.3801007568836212, -0.03103454038500786, 0.2868961691856384, 0.024386659264564514, -0.0003148287069052458, -0.20419691503047943, 0.36022746562957764, 0.6575790047645569, -0.2137039303779602, 1.355092167854309, 0.10733909904956818, -0.3872168958187103, -0.30271613597869873, -0.2971615791320801, -0.6149359345436096, -0.4832318425178528, 1.6196486949920654, 0.17157450318336487, 1.0184907913208008, -0.8050370216369629, 0.5709726810455322, -0.7213534116744995, 0.031872671097517014, 0.10884948819875717, 0.3311239778995514, -0.1998520940542221, -0.8540357351303101, -0.03947751969099045, 0.3769727349281311, -0.08952508121728897, -0.6709555983543396, -0.07749807834625244, 0.28248971700668335, 0.22577956318855286, -0.7373211979866028, 0.37051698565483093, 0.7027978897094727, 0.12115537375211716, 1.4358177185058594, -0.5350569486618042, 0.07951980829238892, -0.17661786079406738, 0.17229409515857697, 0.1721060425043106, 0.47721314430236816, -0.8877471685409546, 0.4448602795600891, 0.4767908453941345, 0.7242043614387512, -0.05629349872469902, 1.0801619291305542, 0.7541781067848206, -0.36153730750083923, -1.6028615236282349, -0.04707074165344238, -0.9680368304252625, 0.4012049436569214, 0.12729457020759583, -0.3102993369102478, -0.1580195277929306, 0.1336810290813446, -0.13247403502464294, -0.6964049339294434, 0.8519845008850098, -0.6109835505485535, -0.8620520830154419, 0.6673368811607361, 0.8016809225082397, -0.9024600982666016, -0.29738911986351013, -0.011598892509937286, -0.6317232251167297, -0.3801061511039734, 0.12233411520719528, -0.5420080423355103, 0.6571482419967651, 0.38182374835014343, 0.8117504715919495, 0.3865320086479187, -0.5115484595298767, -0.7380901575088501, 1.106532096862793, 1.1754626035690308, -0.7024289965629578, 0.19918523728847504, -0.3991900384426117, 0.08083763718605042, 0.37713536620140076, -0.6220976710319519, -0.26501399278640747, 1.4212805032730103, -0.3947609066963196, -0.10976558178663254, -1.132794737815857, -0.5336049795150757, 0.21266627311706543, 0.5117018818855286, 1.0275989770889282, -1.0831729173660278, 0.25545552372932434, 0.0626734048128128, 0.3415238559246063, 0.8420815467834473, -0.7349188327789307, -0.6934235095977783, 0.885595440864563, -0.627654492855072, 0.539182186126709, -0.6903160810470581, -0.3883069157600403, 1.7660237550735474, 0.033333055675029755, 0.1127302497625351, 0.02697194367647171, -12.904304504394531, 0.7075294256210327, -0.06544773280620575, -0.025981754064559937, 0.9555017352104187, -0.41516974568367004, 0.6193265914916992, 0.695600688457489, 0.1674199104309082, -0.37029415369033813, 0.3089252710342407, 0.9189925789833069, 0.16743998229503632, 0.28999385237693787, -0.5544180274009705, -1.2080336809158325, -0.7091264128684998, -1.2165242433547974, -0.009584859013557434, 0.25239765644073486, 0.07520213723182678, -0.30098041892051697, -0.17186248302459717, 0.18350008130073547, 0.6913026571273804, -0.3693462610244751, -0.38217946887016296, -0.17891401052474976, -0.5855872631072998, 0.28401893377304077, 0.7315058708190918, 0.03621802479028702, -0.5807021856307983, -0.8482891917228699, -0.45761555433273315, 0.07796953618526459, -0.2739867568016052, 0.23934528231620789, 0.7089281678199768, -0.30726462602615356, -0.509414792060852, 0.46148818731307983, 0.1117379367351532, 0.11587917059659958, -0.6580396294593811, -0.010323122143745422, 0.11664983630180359, -0.9056219458580017, -0.27125880122184753, -0.24896669387817383, 0.7724229693412781, -0.7489132881164551, -0.6706838607788086, -0.6542574167251587, -0.06385467201471329, -0.5139721035957336, -0.8530782461166382, 0.3912476599216461, -0.8173102736473083, -1.277993083000183, 0.48311975598335266, 0.18264102935791016, -0.5655946731567383, 0.39734843373298645, 0.47616520524024963, -0.8346525430679321, 0.5798004269599915, 0.599338173866272, -0.913418710231781, 0.17947684228420258, -0.41177287697792053, 0.9199005365371704, 0.45656144618988037, 0.06368103623390198, -0.4334700107574463, 0.34928902983665466, 0.3732417821884155, 0.23232169449329376, 0.07638798654079437, 0.22355924546718597, -1.3127069473266602, 0.2047739028930664, 0.26640254259109497, -0.14603191614151, -1.1157057285308838, 0.12391091883182526, 0.048870597034692764, 0.04241688922047615, -0.05315277725458145, -0.5788706541061401, 1.1555066108703613, 0.33354005217552185, -0.2223295122385025, -0.9248656034469604, -0.5857366323471069, 0.7237885594367981, -0.3505174517631531, 0.3603658676147461, 0.2376299798488617, -0.205744206905365, 0.16751380264759064, -0.11870253831148148, -0.8353927135467529, 0.1373395323753357, 0.2074999362230301, -0.1882849931716919, 0.6889265775680542, -0.2453916370868683, 0.12323573231697083, -0.19848689436912537, 0.654623806476593, -0.24888162314891815, -0.4942206144332886, 1.0496857166290283, -0.25818926095962524, 0.5958730578422546, 0.6578405499458313, 0.024175822734832764, 1.0922054052352905, 1.383099913597107, -0.3974655866622925, 0.276048868894577, 0.469429075717926, 1.2320688962936401, -0.00017171353101730347, -0.1701592355966568, -0.29407426714897156, 0.20293186604976654, 0.00813370943069458, -1.480245590209961, 0.33110511302948, -0.3410743176937103, 0.15593458712100983, 0.2894638776779175, -0.16962173581123352, -0.3965097963809967, -0.06746762990951538, 1.3223860263824463, -0.33567100763320923, 0.8764251470565796, 0.44568848609924316, -0.6484858989715576, -0.6415345668792725, -0.716830849647522, -0.6737858057022095, 0.06910289824008942, -1.813704013824463, -0.2298329472541809, -0.5130046606063843, -0.8259783387184143, 0.2151801735162735, -0.2246043086051941, 0.7851386070251465, -0.6541413068771362, -0.0985770896077156, 0.15301012992858887, 0.4131712019443512, -0.1486537754535675, -0.41108253598213196, -0.049014173448085785, 0.13260464370250702, 0.3584801256656647, -0.8979377150535583, 1.0316110849380493, 0.37709054350852966, -0.5203678607940674, -0.369363397359848, -0.1976216435432434, -0.3387567698955536, -0.7774649262428284, 0.7968453168869019, -1.253679633140564, -0.12247120589017868, -0.7740410566329956, 0.3060741424560547, -1.4561519622802734, 0.5084604024887085, 0.6355410814285278, -0.49038228392601013, -0.26008129119873047, 0.43204623460769653, 0.6790902018547058, 0.22948037087917328, -0.5844181776046753, -0.641494631767273, -0.8056222796440125, -0.11658620089292526, 0.3941197395324707, -0.061657413840293884, 0.9384863972663879, -1.1170295476913452, -0.7335372567176819, -0.17159408330917358, 0.44170570373535156, 1.29991614818573, 0.13942888379096985, 0.4945409297943115, 0.7246555685997009, 0.14300847053527832, 0.4945680499076843, 0.03903840854763985, 0.5449254512786865, -0.06463520228862762, 0.3188105523586273, -0.4333794116973877, 0.45910701155662537, -0.886145293712616, -0.0959622710943222, 0.02701117843389511, 1.143729567527771, -0.855787456035614, -0.07061995565891266, 0.49706095457077026, -0.5898838639259338, 0.24973155558109283, -0.8504621982574463, 0.2616066634654999, -1.1123042106628418, 0.06374543905258179, -0.6086491942405701, 0.1947171986103058, 0.7480623126029968, 0.2856746315956116, 0.9225488305091858, 0.4854337275028229, 0.8798761367797852, 0.7397421002388, 0.44279199838638306, 1.0789680480957031, 0.4465140104293823, -0.4242744445800781, -0.05475522205233574, 0.1930299550294876, 0.16998517513275146, -0.13177230954170227, -0.5357060432434082, -0.9581339955329895, 0.25540944933891296, -0.40689337253570557, 0.15113124251365662, -0.529052734375, 0.022272223606705666, 0.4763731360435486, 0.7313055992126465, -0.09270959347486496, -1.4509189128875732, -0.11543026566505432, -0.8464113473892212, 0.1412600874900818, 0.4436115622520447, 0.6523668169975281, 0.8265789747238159, 0.9007182717323303, 0.4470778703689575, 0.9661765694618225, -0.37069031596183777, -0.06089504063129425, 0.07821014523506165, -0.20782674849033356, 1.0631966590881348, 0.35116854310035706, 0.9465641379356384, 0.14246462285518646, 0.0034156739711761475, -0.9140552282333374, -0.15219083428382874, -0.5662073493003845, 0.49078482389450073, 0.44817453622817993, -0.7398290038108826, -0.027580689638853073, -0.32976233959198, 0.19488827884197235, -1.4331709146499634, 0.3926210403442383, 0.16559912264347076, -0.4670765995979309, -0.6712786555290222, -0.19006381928920746, -0.7082916498184204, 0.7308300733566284, -0.04213735833764076, -0.6901522874832153, -0.1705554574728012, 1.1689802408218384, -0.0852813571691513, -0.18542566895484924, -0.091913141310215, 0.24908779561519623, -0.34998002648353577, 0.29433274269104004, 0.006575159728527069, -0.4682598412036896, -0.6301626563072205, 0.1168251484632492, -0.7081342339515686, -0.03362949565052986, -0.09986159205436707, -0.4989587068557739, -0.6622891426086426, 0.1532946676015854, -0.7087794542312622, 0.03781473636627197, -0.1527542620897293, -0.3106459379196167, -1.3851600885391235, 0.5201581120491028, 0.777667760848999, 0.006562737748026848, -0.08679653704166412, 0.26003018021583557, 0.1609477549791336, 0.0902886912226677, 0.8077899217605591]} +{"paper_id": "acronym_identification", "embedding": [-0.4058060944080353, 1.7943718433380127, 0.3708176910877228, -0.42260295152664185, -0.12486367672681808, 0.06358486413955688, -0.05650165677070618, 0.9834771156311035, 0.8883094787597656, 0.7404351830482483, 0.42266473174095154, -0.5144037008285522, -1.24045991897583, -0.6933060884475708, -1.074182152748108, -0.41192394495010376, -1.0012929439544678, -0.6484587788581848, -1.623750925064087, -0.8271058201789856, -0.6322565674781799, -0.8113484978675842, -0.2311778962612152, 0.4695870876312256, -1.2319697141647339, -0.5422413349151611, 0.08163817226886749, -1.614628791809082, 0.578276515007019, 0.1250334531068802, -0.369020015001297, -0.29461488127708435, -1.995484709739685, 0.4012009799480438, -0.8111558556556702, 0.05774311721324921, 1.0083324909210205, -0.09987891465425491, -0.5300716161727905, -0.019891712814569473, -1.085807204246521, -0.4018235504627228, 0.7842079401016235, -0.19134846329689026, 0.8290122747421265, -0.36627909541130066, 0.5877184867858887, 0.05291518568992615, 0.21666134893894196, 0.39381474256515503, 0.15539580583572388, -0.6500792503356934, 0.5414136052131653, 0.14682234823703766, -0.3310876786708832, 1.5061891078948975, 0.2744942605495453, -0.7118117213249207, 0.28624024987220764, -0.07271921634674072, 0.8491131663322449, 1.4183287620544434, -0.5778490304946899, 0.2012452781200409, 0.5651869177818298, 0.379341185092926, 1.2115391492843628, 0.5200873613357544, 0.33817169070243835, 0.5979732871055603, 0.19680102169513702, -0.9761394262313843, 0.8565556406974792, -0.67417973279953, 0.38489434123039246, 0.8316726684570312, 0.08845587819814682, 0.3545512557029724, 0.9825127720832825, -0.3912055194377899, -0.8272197246551514, 1.0190707445144653, 1.227715253829956, -0.23793628811836243, -0.626527726650238, 0.6599263548851013, -0.05270064249634743, -0.00833998154848814, 0.6131492257118225, -2.3282525539398193, 0.29940658807754517, 0.39201003313064575, -0.8602166175842285, -0.591433584690094, 0.38842687010765076, -0.3125223219394684, -0.29947954416275024, -0.5843437910079956, -1.3780549764633179, 0.17483720183372498, 0.7820999026298523, -0.8701198101043701, -0.03546991944313049, -0.587311327457428, 0.45848768949508667, 0.5813355445861816, -0.36701586842536926, 0.02908213622868061, -1.3260899782180786, -0.6180084347724915, 0.8192169070243835, 0.8074833154678345, -0.03373618423938751, 0.2703765034675598, -0.42342686653137207, -0.45616084337234497, 0.2133929431438446, -0.6741957664489746, -0.40469878911972046, -0.11950914561748505, -0.7379158735275269, -1.555808424949646, -0.1900787651538849, 0.3462997078895569, 0.2561757564544678, -1.1309579610824585, 0.18189029395580292, -0.2646559178829193, 0.4427536427974701, 0.40739014744758606, 0.985933780670166, -0.3256441652774811, -1.179654598236084, -0.43653059005737305, 3.7801737785339355, -1.0290123224258423, 0.8011676669120789, -0.925230085849762, 0.8245028257369995, -0.8150368928909302, -0.35172411799430847, 1.6685526371002197, 0.023575086146593094, -0.13442853093147278, -1.139806866645813, 0.3896643817424774, -0.8951775431632996, 0.6090566515922546, -1.1747384071350098, -0.025553584098815918, -0.1781468391418457, 0.10997427254915237, -1.7094298601150513, -0.4603026211261749, -0.2736455202102661, 0.2791009843349457, -0.2980085611343384, 0.9243419170379639, -0.37309208512306213, 1.5788878202438354, 0.5515188574790955, -0.4777093529701233, -0.28411605954170227, -0.15251903235912323, -0.6382178664207458, -0.19684799015522003, 0.9103377461433411, -0.05385632812976837, -1.0410300493240356, -0.7607433199882507, 0.6249628663063049, -0.01041412353515625, -0.0047981590032577515, -0.11839178949594498, 0.4598076343536377, 0.4268340766429901, 0.3124382197856903, -0.2252315878868103, 0.4884466826915741, -0.6581667065620422, 0.06049036979675293, -0.3215438723564148, -0.10415758192539215, 0.027820518240332603, 0.6876603960990906, 0.9178401231765747, -2.413252115249634, -0.4506116509437561, -0.4216195344924927, 1.387112021446228, -0.048208072781562805, -0.40394943952560425, -0.19600260257720947, 0.21510611474514008, 0.4826453924179077, -0.5046677589416504, 0.1483459174633026, -1.5071128606796265, -0.1964542120695114, 1.6049494743347168, 0.3271060585975647, -0.17103590071201324, -0.19020386040210724, 1.1761504411697388, 0.2992810010910034, -1.5955512523651123, 0.018569424748420715, -1.3843481540679932, -0.618940532207489, 2.522559642791748, -0.6318740248680115, -0.5595818758010864, -1.3983839750289917, -0.23283492028713226, -0.22463715076446533, 0.21833685040473938, -0.40859586000442505, -0.465463250875473, -0.3630337417125702, -0.5833743214607239, 0.9376090168952942, -0.887576699256897, 0.6317200064659119, 0.35400059819221497, 1.1364141702651978, -0.7967436909675598, -0.0787883773446083, 0.3445403575897217, -0.4671229422092438, 0.34868839383125305, 0.814961314201355, -0.1745682954788208, 0.35145866870880127, 0.6419990658760071, 1.1058104038238525, 0.7939319610595703, 0.5500341057777405, 0.7034385800361633, -0.4034820795059204, 0.10445958375930786, 0.33737653493881226, 1.0545674562454224, -0.5365801453590393, 0.45144739747047424, 0.07244804501533508, -0.14347517490386963, -0.14168155193328857, -0.1645878106355667, 0.10555925965309143, -0.07768049091100693, 1.2257746458053589, 0.5726527571678162, 0.07443150877952576, 0.9447723627090454, -0.7811707854270935, -0.20083242654800415, -0.07834060490131378, -0.7346960306167603, -0.06263628602027893, -0.39416831731796265, 0.33442452549934387, -0.19127501547336578, 0.6655654311180115, -0.959858238697052, 0.012525275349617004, -1.4048995971679688, -0.34808874130249023, -0.4519213140010834, -0.5901163220405579, -2.019733190536499, 0.31747132539749146, 0.45483535528182983, -1.7408757209777832, -0.3625849187374115, -0.18754252791404724, 0.4716270864009857, 0.5548570156097412, 0.25394731760025024, 1.9577065706253052, -0.4392774999141693, 0.19499099254608154, 0.8054094910621643, 0.5440031886100769, -0.9399228096008301, 1.124945044517517, 0.04542458429932594, -0.06592022627592087, -1.2026814222335815, 0.4350641071796417, -0.15781986713409424, 0.34864574670791626, 0.24893593788146973, -0.604296863079071, 1.0462278127670288, -0.2082085758447647, -1.1441752910614014, 0.17617139220237732, 0.06231245398521423, -0.6188106536865234, -1.7781422138214111, 1.5244914293289185, 0.7189279198646545, 0.21565060317516327, 1.266614556312561, -0.22730518877506256, 0.2630353569984436, 0.8667876720428467, -0.16837827861309052, 0.6410980820655823, 0.5620313882827759, 0.08001068979501724, 0.27814987301826477, 0.30736398696899414, -2.01395320892334, 0.19955624639987946, 1.0808972120285034, -0.26852914690971375, -0.7784780859947205, -0.4851903021335602, -0.27794820070266724, -0.809744119644165, -0.23321524262428284, 1.2242575883865356, -0.676131546497345, 0.5737037062644958, 0.0764525756239891, -0.7304110527038574, 0.14098244905471802, -0.2545059323310852, 1.3734017610549927, 1.687909722328186, 0.45830318331718445, -1.1307213306427002, 0.45297059416770935, 0.7414051294326782, -0.9278396368026733, 0.8552564382553101, -0.35815924406051636, 0.04344923794269562, 0.814334511756897, -0.6739699244499207, 0.2920365631580353, 0.0704585611820221, 1.2237522602081299, 0.3903241753578186, 0.05829428881406784, -0.267940878868103, 0.7223195433616638, -0.04297928139567375, 1.6407238245010376, -0.20521272718906403, -0.6906454563140869, -0.6881377100944519, -0.2581694424152374, -0.5424537658691406, -0.5158302783966064, 2.3923678398132324, 1.3637133836746216, 1.7654424905776978, 0.2565154731273651, 0.14516383409500122, -0.7498013973236084, 0.11325465142726898, 1.1033406257629395, 1.6240434646606445, -0.09908358752727509, 0.06451815366744995, -0.24628207087516785, 0.2971979081630707, -0.7095577716827393, -0.2937736511230469, 0.534798800945282, -0.108436718583107, -0.6691427230834961, -1.332624912261963, 0.6164067983627319, 0.502052366733551, 1.1003520488739014, 1.8233509063720703, -1.0928503274917603, -0.06047752499580383, -0.2027144879102707, 0.6035652160644531, 0.6841839551925659, 0.5403770804405212, -1.4048049449920654, 0.7036305069923401, 0.6200927495956421, -0.10418026149272919, -0.6862581968307495, 1.2969598770141602, 1.0565356016159058, -0.1582811176776886, -1.412233591079712, -0.520491898059845, -0.46330392360687256, -0.06784386932849884, -0.36112314462661743, 0.34162473678588867, -0.9422469139099121, -0.34980568289756775, 0.3682343065738678, -1.1992192268371582, 0.5898770093917847, -0.16540361940860748, -0.9264394044876099, 1.5052841901779175, 0.5409367680549622, -1.0577304363250732, -0.35070502758026123, 0.2606911063194275, -0.8766602873802185, -0.7334436178207397, 0.5846914649009705, -0.7522516846656799, 0.5189059972763062, 0.48437634110450745, 1.1288121938705444, 0.5752511620521545, -0.9145235419273376, -0.5543181300163269, 0.22413299977779388, 1.020741581916809, -0.41181066632270813, 0.2807186543941498, -0.17752741277217865, -0.3471606969833374, -0.5322756767272949, -1.3532414436340332, -1.1038217544555664, 0.2034662663936615, -0.19871288537979126, -0.4991163909435272, -1.5973987579345703, -0.6772019267082214, -0.2902738153934479, 0.2832953929901123, 0.69704669713974, -1.0515367984771729, -0.41819852590560913, -0.7349535226821899, -0.0029724687337875366, 0.07522548735141754, -0.7936502695083618, -0.32980406284332275, 1.0320262908935547, -0.13931840658187866, 1.047614336013794, 1.244857907295227, 0.21611550450325012, 1.276124358177185, -0.35855603218078613, -0.08596035838127136, -0.7398377656936646, -9.335962295532227, 0.9299603700637817, 0.36904069781303406, 0.05641985684633255, 0.5175884366035461, -0.04052748531103134, 0.9727374315261841, -0.9202314615249634, 0.9568453431129456, -0.188655287027359, 0.3120986521244049, 1.9079891443252563, 0.6996880173683167, -0.4190002679824829, -0.5197010040283203, -1.141399621963501, -1.2279151678085327, -0.6737920641899109, 1.0943325757980347, 1.5757157802581787, -0.2407808005809784, -0.886839747428894, -0.0958794355392456, 0.5764657258987427, 0.809464693069458, 0.5099769830703735, -0.4775453507900238, -0.08883544057607651, -0.9297286868095398, 0.5768159627914429, -0.2578612267971039, -0.13756638765335083, -1.2990213632583618, -0.5268682241439819, 0.4402152895927429, -0.4987936019897461, -1.2020962238311768, -0.27409231662750244, 1.2658895254135132, -0.3005748391151428, 0.16535571217536926, 0.11438120901584625, 0.9831966757774353, -0.49931398034095764, -0.7042726278305054, -0.21389740705490112, 0.4002458155155182, -0.7848193049430847, -0.25905781984329224, -0.5175682902336121, -0.5503222942352295, -0.6390331983566284, -1.2360361814498901, -0.8823486566543579, 1.161948800086975, 0.6420255899429321, -0.705801248550415, 0.5308146476745605, -0.8228729367256165, -0.6946066617965698, 1.1148850917816162, -0.6039268970489502, -0.6772042512893677, 0.6702830791473389, -0.19544732570648193, -0.2860129773616791, 0.6127640008926392, 0.206427201628685, 0.37736696004867554, -0.39778971672058105, -0.8881632685661316, 0.9786704778671265, 0.5430039763450623, -0.34881195425987244, -0.012420229613780975, -0.13275951147079468, -0.064755380153656, 0.16909529268741608, 0.24350763857364655, 0.9770495891571045, -1.1265130043029785, 0.8108237385749817, 0.05263097211718559, -0.3773980736732483, -1.166379690170288, 0.1450098156929016, -0.12966454029083252, 0.46494096517562866, -0.0031274445354938507, -0.6202065348625183, 1.247973084449768, -0.01516234502196312, -0.2397208958864212, 0.012294676154851913, -0.2780846357345581, 0.46725499629974365, -1.101603627204895, 0.21744149923324585, 0.053185537457466125, -0.5787802934646606, 1.432328224182129, -0.07706591486930847, -0.47524669766426086, 0.012652445584535599, 0.49209949374198914, 0.03372520953416824, 0.1298474371433258, 0.3641028106212616, -0.481941819190979, -0.995265781879425, 0.6175345778465271, -0.0868157148361206, 0.07155667245388031, 0.19209842383861542, -0.11746076494455338, 1.3747150897979736, 0.5117051005363464, -0.23997339606285095, 0.48919355869293213, 0.5898827314376831, 0.14045383036136627, 0.24033772945404053, 0.34196707606315613, 1.6290470361709595, 0.4131704866886139, 0.07942216098308563, 0.4346325397491455, 0.6537616848945618, -0.6729552149772644, -0.8459705114364624, 0.7966059446334839, -0.7329686284065247, -0.330679714679718, -0.6469833850860596, 0.12900952994823456, -0.5522764325141907, -0.17391502857208252, 1.2971935272216797, -0.5470243692398071, -0.004761733114719391, 0.09928418695926666, -0.23605908453464508, 0.9640161991119385, 0.25658276677131653, -0.34427350759506226, 0.19262245297431946, -1.8610516786575317, -0.37085023522377014, -0.21327164769172668, -0.7761096954345703, 0.26968109607696533, -0.06319408863782883, 0.7858033180236816, -0.3582732081413269, -0.6281977891921997, -0.457672655582428, 0.6655264496803284, -0.5081859230995178, -0.19311773777008057, 0.4179747700691223, 0.28380513191223145, 0.7116577625274658, -0.4110080301761627, 0.33785077929496765, 0.01694153994321823, -0.04298211261630058, -0.7260639071464539, 0.6740254163742065, -0.6298132538795471, 0.3931567370891571, 0.8417001366615295, -1.004568099975586, 0.38067346811294556, -0.3166605234146118, -0.8017370104789734, -0.5223331451416016, 0.9124596118927002, 1.9519835710525513, -0.3540920317173004, 0.29623743891716003, 0.11496248841285706, 0.544861912727356, 0.9697935581207275, -0.7666451334953308, 0.1763717532157898, 0.08086331933736801, -0.24868431687355042, -0.0661117285490036, 0.3871355354785919, 0.641810417175293, -1.392432689666748, -0.977345883846283, 0.38230231404304504, -0.012818843126296997, 1.0299057960510254, 0.5700902938842773, 0.7041815519332886, 0.2313419133424759, 0.5306578874588013, 0.5845390558242798, 0.3063216209411621, 0.6480128169059753, 1.0496882200241089, 0.6286677718162537, -0.9066942930221558, -0.3216819167137146, -0.4511495530605316, 0.49893248081207275, 1.1684826612472534, 0.2724152207374573, -0.24879024922847748, 0.8265504240989685, 0.6588337421417236, 0.7099624276161194, 0.9228835701942444, -1.0010132789611816, 0.894014835357666, -0.6851701736450195, -1.0361045598983765, -1.2747660875320435, 0.6967304348945618, 0.9614676833152771, -1.0211104154586792, 0.9925523400306702, 0.030903875827789307, 0.2368554174900055, 0.013510485179722309, 0.09856685250997543, 1.9150042533874512, -0.950969934463501, -0.6706658005714417, 0.5252896547317505, 0.8691648244857788, -0.3588096797466278, -0.3579555153846741, -0.6993945837020874, -0.3799208998680115, 0.3490011692047119, -0.8821539282798767, 0.6248214840888977, -1.0321567058563232, 0.5621615648269653, 0.3442227840423584, 2.0767130851745605, -0.10518500208854675, -0.8946681022644043, 0.712631106376648, -1.499487280845642, -0.2595525085926056, 0.7788593173027039, 0.21874383091926575, 0.17297407984733582, 0.8687881827354431, 0.34168505668640137, 1.1496058702468872, 0.10351887345314026, -0.08025108277797699, -0.15241402387619019, -0.5285383462905884, 0.9826532006263733, 0.3820585608482361, 0.3426353335380554, -0.18282024562358856, -0.5892224311828613, -1.1141248941421509, -0.9200990796089172, -0.6673447489738464, 0.7733777761459351, 0.9535428285598755, -0.350986510515213, -0.3624951243400574, -0.9790729284286499, 0.14169253408908844, -0.019480574876070023, 0.8205018639564514, 0.32471132278442383, -0.7581589221954346, -1.0467431545257568, -1.0535674095153809, -0.8485445380210876, 0.7071049809455872, -0.8108884692192078, 0.5545024275779724, -0.18934397399425507, 0.6234700083732605, -0.9743473529815674, -0.18202048540115356, -0.018367253243923187, -0.24232707917690277, -0.7570393085479736, 0.14224639534950256, -0.02525925263762474, -1.1968376636505127, -0.8648569583892822, -0.7164332866668701, -1.1617627143859863, 1.0074474811553955, -0.19159755110740662, -1.1980491876602173, 0.28836628794670105, 0.6783397793769836, 0.09419311583042145, -0.3394889533519745, 0.6066812872886658, -0.050212204456329346, -1.7754465341567993, 0.8536539673805237, 1.4417015314102173, -0.06410873681306839, -0.07543190568685532, 0.3931888937950134, 0.24401535093784332, -0.3614519238471985, 1.5253894329071045]} +{"paper_id": "wmt14", "embedding": [-0.008529470302164555, 0.6600290536880493, -0.15045465528964996, -0.05872518569231033, 0.33457455039024353, -0.12165780365467072, 1.6404056549072266, 0.843904972076416, 0.49915286898612976, 0.7528713941574097, 0.7541497945785522, 0.05365759879350662, 0.4007180333137512, 0.022079329937696457, 0.019459092989563942, -0.7707328200340271, -1.056702733039856, -0.42493462562561035, -0.8639938235282898, -0.5587753057479858, -0.8191080093383789, 0.24671514332294464, 0.14380930364131927, 0.41287246346473694, -0.4221362769603729, -0.8218832015991211, 0.5487977266311646, -0.7001222372055054, 0.26563286781311035, 0.14896491169929504, -0.22415009140968323, 1.3267347812652588, -0.9379447102546692, 0.12326499074697495, -0.8084352612495422, -0.11235824972391129, 0.25078678131103516, 0.7975255250930786, -0.5767879486083984, 0.6394083499908447, -0.7745516896247864, -0.32077670097351074, 0.3148730397224426, 0.17505989968776703, 1.1469366550445557, 0.15421316027641296, -0.4017142355442047, -0.19665561616420746, -0.18752431869506836, 0.36490073800086975, -0.20163382589817047, 0.44684672355651855, 0.25447484850883484, 0.17050330340862274, -0.9291316866874695, 0.8719765543937683, 0.6577491164207458, -0.5734983086585999, 0.7388973832130432, -1.3956340551376343, 0.8037874698638916, 1.2320295572280884, -0.6855108141899109, 0.014437388628721237, 0.7887296080589294, 0.0028783977031707764, 1.1603381633758545, 0.3075438141822815, 0.8234928250312805, 0.8196855187416077, 0.000942230224609375, -0.7580099105834961, 0.2472217082977295, 0.0010674893856048584, 0.6749763488769531, 0.7610836029052734, 0.07679615169763565, -0.09615807235240936, -0.12167603522539139, -0.16055354475975037, -0.6006703972816467, 0.9518313407897949, 0.07330601662397385, -0.7326614260673523, -0.16521647572517395, 0.453134149312973, 0.2459551990032196, -0.5412770509719849, 0.32627663016319275, -1.123628854751587, -0.4855272173881531, -0.05188713222742081, 0.353085994720459, -0.12141570448875427, -0.24832966923713684, -0.030013134703040123, -0.1534593254327774, 0.22512684762477875, -0.24364440143108368, 0.3488674759864807, 0.9966228604316711, -0.8057366609573364, 0.5952777862548828, 0.04090586677193642, 0.15546101331710815, 1.1021654605865479, -0.960033118724823, -0.9883677363395691, -0.591026782989502, -0.21140174567699432, -0.4928836226463318, 1.4129852056503296, -0.40837326645851135, 0.38058412075042725, -0.054595839232206345, -0.09871751815080643, 0.11014969646930695, -0.13970476388931274, -1.0963151454925537, -0.21790243685245514, -0.7481203675270081, -1.0556294918060303, -0.5969496369361877, -0.3370779752731323, 0.6166254281997681, -0.056167121976614, 0.6698911190032959, -0.03822692856192589, 0.23009653389453888, 0.06668795645236969, 0.584312915802002, 0.31293535232543945, -0.17214307188987732, -0.19797293841838837, 2.068350076675415, -0.4323704242706299, 1.4485751390457153, -0.39693060517311096, 0.3598252236843109, 0.3269771337509155, -0.03879472240805626, 1.150745153427124, -0.2507260739803314, -0.016100451350212097, -0.27641013264656067, -0.10767018049955368, -0.8529341220855713, 0.5053771138191223, -0.710331380367279, -0.38357308506965637, -0.4586765766143799, 0.558045506477356, -1.1421157121658325, -0.7225633859634399, 0.12134513258934021, 0.4205533266067505, 0.42274489998817444, 1.0070867538452148, -1.073898434638977, 0.45617103576660156, 0.8501354455947876, 0.7240244746208191, -0.6951451301574707, 0.6319378018379211, -1.2310569286346436, -0.21023790538311005, 1.3710811138153076, 0.14097294211387634, -0.2364388108253479, -0.43599411845207214, 0.7415301203727722, -0.27578505873680115, 0.5434702038764954, 0.13052840530872345, -0.30138954520225525, 0.011238224804401398, 0.5168279409408569, 0.1335255205631256, 0.2307494878768921, -0.4275307059288025, -0.28913411498069763, 0.47266700863838196, -0.5166141390800476, 0.2700931131839752, 0.17742691934108734, 0.6356810331344604, -1.5888192653656006, 0.37994474172592163, 0.12498931586742401, 0.1209445595741272, -0.4180164337158203, -0.4326538145542145, 0.6457282900810242, -0.3177289068698883, 0.9578143954277039, -0.0735381543636322, 0.3760169446468353, -0.8348985314369202, -0.49234896898269653, 0.6451177597045898, -0.08960996568202972, 0.19910582900047302, 0.10344796627759933, 0.7387762665748596, 0.7035613656044006, -0.3055059015750885, -0.4032779037952423, -1.5251024961471558, -0.023345306515693665, 1.988231897354126, 0.02665594592690468, -0.41925889253616333, -1.1962099075317383, -0.861636221408844, 0.6869803071022034, -0.9513692855834961, 0.029795043170452118, -0.7153557538986206, -0.44416218996047974, -1.8848040103912354, 0.3274480402469635, -0.6933683753013611, -0.439156711101532, 0.08499015867710114, 1.036942481994629, -0.6476781964302063, -0.19655324518680573, 0.01765291765332222, -1.0318641662597656, 0.2409939020872116, 0.9347541928291321, 0.06168626993894577, -0.756511926651001, 0.21964776515960693, 0.15022867918014526, 0.38797932863235474, -0.3249439001083374, 0.42047813534736633, -0.5783882141113281, -0.5192930102348328, 0.0525403767824173, 0.3881308436393738, -0.1836748570203781, -0.41324537992477417, 0.8481905460357666, 0.6528027057647705, -0.4662976861000061, -0.5116724371910095, -0.08251478523015976, 0.3506122827529907, 0.406663715839386, 1.1802045106887817, -0.6583560705184937, 1.8678454160690308, -1.0088707208633423, 0.23896846175193787, 0.09991604089736938, -0.9548535943031311, 0.10818202793598175, -0.5675036311149597, 0.6005908846855164, -0.014959878288209438, 0.406019389629364, -0.4492771029472351, -0.0018438175320625305, -1.1150052547454834, -0.3366461396217346, -0.277614951133728, -0.694476842880249, -0.8722279071807861, -0.5226215124130249, 0.00710170716047287, -0.5914044380187988, -0.4698946475982666, -0.3484169542789459, 0.7503330111503601, 0.43049585819244385, 1.1009352207183838, 1.3497012853622437, 0.504706084728241, 0.28677329421043396, -0.37113621830940247, 0.5012317299842834, -0.34060293436050415, 0.793319582939148, -0.2717915177345276, 0.324230819940567, -0.9627109169960022, -0.44640159606933594, -0.48811888694763184, 0.09996432811021805, 0.1506115198135376, -0.25871777534484863, 0.46221646666526794, -0.38782835006713867, -1.4511005878448486, 0.4346453547477722, -0.789398193359375, 0.6481913328170776, -1.1936676502227783, 1.8019654750823975, 0.46665048599243164, -0.002078808844089508, 0.5921435356140137, 0.09103291481733322, 0.1315811425447464, 1.0472369194030762, -0.9165085554122925, 0.9364779591560364, 0.4124663472175598, -0.39674967527389526, 0.46765196323394775, 0.5150856971740723, -2.7255630493164062, -0.030437404289841652, 0.7303021550178528, -0.19409093260765076, -0.7129973769187927, -0.2802656292915344, 0.13107456266880035, -0.19216202199459076, -0.3168473243713379, 0.7159084677696228, -0.8209473490715027, 0.57663893699646, -0.4974331855773926, 0.39475923776626587, 0.5469043254852295, -0.5510085821151733, 0.22872446477413177, 0.8082904815673828, 0.4299412965774536, -0.10279799997806549, -0.7519697546958923, 0.48919522762298584, -0.9376705288887024, 0.5700955390930176, 0.4876617193222046, 1.114628553390503, 1.2095376253128052, -0.6887191534042358, -0.5060856938362122, 0.9156089425086975, 0.8151251673698425, 0.3173826038837433, -0.030162014067173004, 0.2660263776779175, 0.5251752734184265, 0.16281893849372864, 0.9363902807235718, 0.11260442435741425, -0.9044672250747681, -0.9834842085838318, -0.12487849593162537, -0.5557838082313538, -0.5178927779197693, 1.6074867248535156, 0.5987528562545776, 0.7593551278114319, -0.024836532771587372, 0.6012825965881348, -0.35090455412864685, 0.2804649770259857, 0.4535001218318939, -0.11940789222717285, -0.0337211936712265, 0.43246832489967346, 0.11451740562915802, 0.8615565299987793, -0.236533060669899, -0.5786756873130798, 0.25587260723114014, 0.587013304233551, -0.3742614686489105, -0.7489492297172546, -0.1904398798942566, 0.8123222589492798, 0.24940502643585205, 1.5475640296936035, -0.42248010635375977, -0.788999080657959, 0.15269967913627625, 0.1472843885421753, -0.13716594874858856, 0.6152757406234741, -0.7398668527603149, 0.18196135759353638, 0.14316387474536896, 0.7566468715667725, -0.08452384918928146, 0.26227888464927673, 0.25762873888015747, -0.7419398427009583, -0.9480586647987366, -0.06920956075191498, -1.6295875310897827, -0.7200493812561035, -1.1650925874710083, -0.4018583595752716, -0.5391198396682739, 0.510158121585846, -0.2954632639884949, -1.2506643533706665, 0.4735775291919708, -0.03755401819944382, -1.356965184211731, 0.7937093377113342, 1.6409789323806763, -1.090552806854248, 0.1889311671257019, -0.09528069943189621, -0.8375701904296875, -0.9778673648834229, 0.16333255171775818, -0.5304344296455383, 0.1355990469455719, 0.08273512125015259, 1.036952257156372, -0.32063281536102295, -0.12847904860973358, -1.1373040676116943, 0.7024264335632324, 0.731450080871582, -0.9906285405158997, 0.29891669750213623, -0.5031471252441406, 0.490583598613739, -0.032425008714199066, -0.9743916988372803, -0.10232727974653244, 0.5895311236381531, 0.25317561626434326, -0.507899284362793, 0.09245972335338593, -1.085438847541809, -0.01038648933172226, 0.026375290006399155, 1.1779286861419678, -1.0598571300506592, 0.8105104565620422, -0.8119739890098572, 0.2766777575016022, 0.5927917957305908, -0.2995706796646118, -0.5205986499786377, 0.70058673620224, -0.8863090872764587, 0.479512482881546, -0.027597881853580475, 0.779569149017334, 0.08387408405542374, 0.4736361503601074, 0.7058621644973755, -0.03888801485300064, -12.824262619018555, 0.26901742815971375, -0.5981535911560059, -0.01594151183962822, 0.5082724094390869, -0.0356658473610878, 0.5011830925941467, 0.5373713970184326, 0.43366938829421997, -0.47304967045783997, 0.9760932326316833, 0.7529336214065552, 0.09012925624847412, -0.32479801774024963, -0.1126292273402214, -0.7998179197311401, -0.2890838384628296, -0.5127317309379578, 0.6270095705986023, -0.3842748701572418, -0.2998811602592468, -0.8606167435646057, -0.19894494116306305, -0.39927682280540466, 0.12497057765722275, 0.04813506454229355, 0.10743828117847443, -0.3594163954257965, -0.22304390370845795, 0.3323952257633209, 0.5148005485534668, 0.22266924381256104, -0.4918574094772339, 0.04176975041627884, 0.7720986008644104, 0.4876544773578644, -0.6820477843284607, -0.002295637270435691, 0.6845442056655884, -0.5422160625457764, -0.2923021912574768, 0.2630787193775177, -0.08730490505695343, -0.07592447847127914, -0.2914312779903412, 0.2106962352991104, 0.05191870778799057, -0.5752830505371094, 0.3185197412967682, -0.8950680494308472, -0.6058242917060852, -0.759583055973053, -0.9248242378234863, -0.948276937007904, 0.4312590956687927, -0.44510042667388916, -0.2979327440261841, 0.20908600091934204, -0.2713638246059418, -0.889329195022583, 0.7972263097763062, 0.6906261444091797, -0.12180192768573761, -0.23951013386249542, 0.4666600525379181, -0.1272081583738327, 0.522006094455719, 0.7755111455917358, -0.34906911849975586, 0.26569488644599915, -0.8110490441322327, 0.954016923904419, 0.18339985609054565, 0.05549747124314308, 0.03106888011097908, -0.00908678025007248, -0.19478490948677063, -0.3324597477912903, 0.34183424711227417, 0.49338918924331665, -1.1682264804840088, -0.043095871806144714, -0.20494157075881958, -0.014353640377521515, -0.6061953902244568, -0.06995457410812378, -0.4594936668872833, 0.11209127306938171, 1.0122928619384766, 0.719672679901123, 1.0846279859542847, 0.08438366651535034, -0.4564341902732849, -0.33126527070999146, -0.7352506518363953, 1.0930476188659668, -0.596694827079773, 0.4972384572029114, -0.11778207868337631, -0.7383596897125244, 0.6719340682029724, -0.4719204008579254, -0.3239360451698303, 0.18394209444522858, 0.638799786567688, -0.01685556024312973, 0.10031569004058838, 0.6974321603775024, 0.09105230867862701, -0.0331372432410717, 0.7479792833328247, -0.04931439086794853, -0.15440207719802856, 1.3513147830963135, 0.18510174751281738, 0.5627204775810242, 0.8658031225204468, 0.640252947807312, 1.4741568565368652, 0.6478974223136902, -0.26283928751945496, 0.2708972990512848, 0.005736779421567917, 1.2214998006820679, 0.16980257630348206, 0.42528003454208374, -0.009210590273141861, 0.8866193890571594, -0.27353909611701965, -0.22036373615264893, -0.18508531153202057, -0.34775641560554504, 0.12915872037410736, -0.8551377654075623, -0.3246232569217682, -0.2899542450904846, 0.028833605349063873, 1.5520508289337158, -0.07797914743423462, 0.2861340641975403, 0.21547873318195343, -1.0895483493804932, -0.21013718843460083, -0.7006212472915649, -0.5330572724342346, 0.4583927392959595, -1.1940572261810303, -0.31425634026527405, -0.09705208986997604, -0.358173131942749, 1.1124255657196045, 0.03326713293790817, 0.6267483234405518, -0.7590470910072327, -0.18693724274635315, -0.4405229985713959, 0.5184842348098755, -0.17423835396766663, -0.5645721554756165, -1.0070016384124756, 0.3141249418258667, 0.6634100675582886, -0.9853091239929199, 0.9624279141426086, 0.6024616956710815, 0.7117869853973389, -0.4444352388381958, -0.2793181538581848, -0.675399661064148, 0.49541670083999634, 0.29508259892463684, -0.9702334403991699, -0.16351455450057983, -0.493645042181015, -0.44198429584503174, -0.447746604681015, 0.5120959877967834, 0.9628136157989502, -0.8564594388008118, 0.558940052986145, -0.7014228105545044, 0.48737064003944397, -0.013543065637350082, -0.25391459465026855, -0.6347191333770752, 0.05238378047943115, 0.24472469091415405, 1.2441213130950928, -0.5262000560760498, 0.2709890604019165, -1.84896719455719, -1.1306769847869873, -0.15433862805366516, -0.34664368629455566, 0.46795904636383057, -0.1801488995552063, 0.9195786118507385, 0.11671436578035355, -0.015942096710205078, -0.15688258409500122, 0.3714222311973572, 0.2609381377696991, -0.1153717190027237, 0.11508601903915405, 0.31442782282829285, 0.3132479190826416, -0.8753536939620972, 0.5085956454277039, 0.12993758916854858, 0.2818535566329956, -0.979379415512085, -0.3398197889328003, 0.28924253582954407, 0.13995680212974548, -0.2676076889038086, -0.6228723526000977, -0.104859359562397, 0.28677842020988464, 0.20313343405723572, -0.9600447416305542, -0.023275084793567657, 0.8255658149719238, -0.2835264801979065, 1.188930630683899, 0.16122402250766754, 0.5608764886856079, 0.41844621300697327, 0.7404681444168091, 1.0369527339935303, 0.07770450413227081, -0.5589059591293335, -0.20382431149482727, 0.09558486938476562, -0.7479307651519775, -0.00442042201757431, 0.3244897127151489, -1.3585827350616455, 0.5902480483055115, -1.0417433977127075, 0.7486844658851624, -0.0874510109424591, -0.5041853785514832, 0.26371461153030396, 0.9347104430198669, -0.2613223195075989, -1.097360372543335, -0.3192468583583832, -0.4130774438381195, 0.04189817234873772, -0.11594095826148987, 0.2739255428314209, 1.1869109869003296, 0.6743364930152893, 0.17153117060661316, 0.7714688181877136, -0.24813148379325867, 0.116289421916008, 0.31987032294273376, 0.062177613377571106, 0.8788847327232361, 0.3224247395992279, 0.09636659175157547, -0.06404004245996475, -0.6487877368927002, -0.9066472053527832, -0.29856881499290466, -0.3569466471672058, 0.6071832180023193, 1.4460781812667847, -0.33270367980003357, 0.018929488956928253, -0.980139970779419, 0.47459518909454346, -0.6158691048622131, 0.4918838143348694, 1.0892739295959473, -0.6798887848854065, -0.2743557095527649, -0.7382830381393433, 0.23957400023937225, 1.311249852180481, -0.21044281125068665, 0.19322359561920166, -0.4355449676513672, 0.3152833580970764, -0.15820598602294922, -0.5477803945541382, -0.8603157997131348, 0.6456202268600464, -0.49894145131111145, -0.08925172686576843, 0.19506670534610748, -0.028474662452936172, 0.07078193128108978, 0.5601372718811035, -0.8960082530975342, 0.9778214693069458, 0.025825023651123047, -0.5849480628967285, -0.2811501622200012, 0.6198805570602417, -0.14809024333953857, -0.31962424516677856, 0.03121206909418106, -0.6302555799484253, -1.60174560546875, 0.6089520454406738, 0.5166458487510681, -0.2723134160041809, -0.12699295580387115, 0.010633775033056736, 0.4124426245689392, 0.44190970063209534, 1.194533348083496]} +{"paper_id": "ncbi_disease", "embedding": [-0.36182713508605957, 1.0842669010162354, -0.03679640218615532, -0.4546324610710144, 0.13995429873466492, -0.2353016436100006, 0.41921329498291016, 1.223645806312561, 0.2871800661087036, 0.8650010228157043, -0.0231420136988163, 0.19285355508327484, -0.723215639591217, -0.08069567382335663, 0.07722090184688568, -0.1289372444152832, -0.8501118421554565, -1.3305487632751465, -0.2251541167497635, -0.9144558310508728, -1.0628666877746582, -0.07783220708370209, 0.396244615316391, 0.6402698755264282, -0.5169118046760559, -1.0764271020889282, 0.41405025124549866, -0.41918227076530457, 0.06859031319618225, 0.18323993682861328, -0.24632641673088074, 0.24015668034553528, -1.245772123336792, 0.26529571413993835, -0.3532695174217224, 0.45019641518592834, 0.5205279588699341, 0.4444113075733185, -0.3864912688732147, 0.2742907702922821, -0.38042256236076355, 0.07970599830150604, 0.5748355984687805, 0.4224493205547333, 1.1598901748657227, -0.5524345636367798, 0.1496141403913498, 0.04393710941076279, 0.3989802598953247, 0.2631918489933014, -0.013258066028356552, 0.5345388650894165, -0.22704991698265076, 0.056691594421863556, -0.9177534580230713, 1.1341835260391235, 0.7972466349601746, 0.012021353468298912, 0.5869637131690979, -1.6524453163146973, 0.9171422719955444, 1.1977092027664185, -0.47398439049720764, -0.28013908863067627, 0.29391661286354065, 0.6014679074287415, 1.2038177251815796, -0.1178857758641243, 0.6146678924560547, 0.6717415452003479, -0.28146830201148987, -1.0677961111068726, 0.49392956495285034, -0.40298110246658325, 0.8383090496063232, 0.39751872420310974, 0.21448494493961334, -0.39233720302581787, 0.3932173252105713, -0.04155685007572174, -0.2830931544303894, 0.7185596227645874, 0.18638187646865845, -0.7114234566688538, -0.2264081835746765, -0.2756624221801758, 0.020862668752670288, -0.3285716772079468, 0.8978060483932495, -1.2605353593826294, 0.5791134834289551, 0.48685193061828613, -0.3229176104068756, -0.07018119096755981, 0.30005383491516113, -0.26734209060668945, -0.8040204644203186, -0.13087137043476105, -0.2649325728416443, 0.18493235111236572, 0.43865540623664856, -1.1062004566192627, 1.3002597093582153, -0.4246073067188263, -0.46536195278167725, 1.2462865114212036, -1.1539312601089478, -0.277349054813385, -0.4701496362686157, 0.25723856687545776, 0.8943859338760376, 0.9901719093322754, 0.47828420996665955, -0.09953427314758301, -0.05140610784292221, -0.16630840301513672, 0.518864631652832, -0.08654249459505081, -0.9783799052238464, -0.4694138765335083, -0.06304538995027542, -1.1263349056243896, -0.09769383817911148, 0.5935491323471069, 0.924995481967926, -0.7704859972000122, 1.3635854721069336, 0.6517462730407715, -0.2734769284725189, 0.6651245951652527, 0.2175145447254181, 0.08986006677150726, -0.8406388163566589, 0.4422469139099121, 2.3862600326538086, -0.4784037470817566, 0.9869565963745117, 0.3281201720237732, 0.39972057938575745, -0.5555421113967896, 0.28335338830947876, 0.34469446539878845, 1.1446218490600586, -0.38436901569366455, -0.6873065829277039, 0.6643050909042358, -0.029828935861587524, 0.9093552231788635, -0.8599771857261658, 0.12826576828956604, -0.25310662388801575, 0.9280370473861694, -0.9212867617607117, -0.4397844672203064, -0.16548524796962738, 0.6905584335327148, 0.06491360068321228, 0.26492106914520264, -1.0899624824523926, 1.0709078311920166, 0.7991761565208435, -0.31651729345321655, -0.7540790438652039, -0.268056184053421, -0.8224150538444519, -0.3994194269180298, 0.8505489230155945, 0.5717537999153137, -1.1973634958267212, -0.38399821519851685, 0.34317082166671753, -0.24334201216697693, 0.1303446739912033, 0.12765467166900635, 0.07022835314273834, -0.17795199155807495, 1.099718451499939, 0.02827616035938263, 0.1710996925830841, -0.3327258825302124, -0.24318429827690125, 0.07092681527137756, -1.0404131412506104, -0.20353186130523682, 0.642586350440979, 0.5563202500343323, -1.2022625207901, -0.24232910573482513, -0.7633934020996094, 0.6105273962020874, -0.03994022309780121, -0.444228857755661, 0.2337413728237152, 0.09399200975894928, 0.42953968048095703, -0.21269164979457855, -0.172519713640213, -1.9185549020767212, -0.3131370544433594, 0.501926064491272, 0.05563000217080116, 0.1867799162864685, -0.21111449599266052, 1.0435822010040283, 0.4736359119415283, -0.7881882190704346, 0.12737487256526947, -1.5429961681365967, 0.5498270392417908, 1.9186832904815674, -0.31652727723121643, -0.3874187767505646, -1.0376139879226685, -0.22950096428394318, 1.0182348489761353, -0.7696977257728577, -0.47434282302856445, -0.7237213253974915, -0.09120472520589828, -0.8906720876693726, 0.6802923083305359, -0.536741316318512, 0.10295882076025009, 0.23487700521945953, 0.9221218228340149, -0.8333495259284973, -0.3200553059577942, 0.3793499171733856, -1.1376192569732666, 0.5377973318099976, 0.9724871516227722, 0.08037696778774261, -0.52944415807724, 0.5237625241279602, -0.004195764660835266, 0.09733135253190994, 0.10394416004419327, -0.02609187737107277, -0.4037846326828003, 0.8283499479293823, -0.26459476351737976, 0.6140702366828918, -0.7554826736450195, 0.30826136469841003, 0.7028821706771851, 0.4245035946369171, -0.49651557207107544, -0.7185958623886108, 0.11182339489459991, 0.022697314620018005, 0.5136519074440002, 0.7168712019920349, 0.12552817165851593, 1.1588943004608154, -0.8956314325332642, -0.1464085876941681, -0.11998030543327332, -0.3908974230289459, -0.5070363879203796, -0.4463525414466858, 0.3405410051345825, -0.04815535247325897, 0.2495281994342804, -0.12298479676246643, 0.291061133146286, -1.3598576784133911, 0.39039039611816406, 0.10556069761514664, -1.0701165199279785, -0.9159668684005737, -0.41881266236305237, 0.3690149784088135, -0.9517201781272888, -0.6075335741043091, 0.09221802651882172, 0.2583608031272888, 0.11566856503486633, 0.9974111318588257, 0.9874269962310791, -0.02195618860423565, 0.38573235273361206, -0.44159388542175293, 0.9960096478462219, -0.8035421967506409, 0.5311370491981506, -0.4728946387767792, 0.44377440214157104, -1.2747092247009277, 0.0331558883190155, -0.5169522166252136, 0.19858098030090332, -0.005158133804798126, 0.1042737290263176, 0.05904925987124443, -0.11818423867225647, -1.0899235010147095, 1.1609560251235962, 0.35029536485671997, 0.17722705006599426, -1.1880258321762085, 1.8646193742752075, 0.03958084434270859, 0.014386031776666641, 0.42837709188461304, 1.1831966638565063, 0.273541122674942, 0.726470410823822, 0.12066410481929779, 1.3716344833374023, 0.4933689832687378, -0.31360310316085815, 0.6672117114067078, 0.33041298389434814, -2.1254804134368896, -0.16060268878936768, 0.8430363535881042, -0.16282297670841217, -0.4297013580799103, -0.2640726566314697, -0.7468919157981873, -0.22185707092285156, -0.20756272971630096, 0.7576438188552856, -0.4970149099826813, 0.45172908902168274, 0.23022466897964478, -0.27300071716308594, 0.8510589003562927, -0.9878911972045898, 0.2414488047361374, 1.0058132410049438, 0.06291630864143372, -0.37909844517707825, -0.4937002956867218, 0.5316733717918396, -0.5682653188705444, 0.7322593927383423, -0.04651833325624466, 0.9244928956031799, 0.9241234064102173, -0.5721278786659241, -0.35329675674438477, 0.16246451437473297, -0.2949735224246979, 0.4161145091056824, 0.5299450159072876, -0.08220255374908447, 0.7979092001914978, 0.7827479839324951, 1.219990849494934, 0.5866158604621887, -1.1323696374893188, -0.6244778633117676, -1.0034010410308838, -0.580287754535675, -0.4304037094116211, 2.2888967990875244, 0.6168888211250305, 0.9353266358375549, -0.42821016907691956, 0.3825298249721527, -0.49194082617759705, 0.12623639404773712, 0.8377074003219604, 1.0020993947982788, -0.46048980951309204, -0.3631162643432617, -0.19524091482162476, 0.11950214207172394, -0.4960171580314636, -0.07712750136852264, 0.16905567049980164, -0.32767364382743835, -0.014349009841680527, -0.663672924041748, -0.059431955218315125, 0.22503462433815002, 0.5837827920913696, 0.8347120881080627, -0.6463764905929565, -0.8389424681663513, -0.2539116144180298, -0.5656867027282715, 0.5821813941001892, -0.1749255657196045, -0.8463267087936401, -0.11456537246704102, -0.22289705276489258, 0.002647707238793373, -0.7793875932693481, 0.5890713930130005, 0.07949432730674744, -0.09757639467716217, -1.755849838256836, -0.7014325857162476, -1.1728675365447998, -0.5543147325515747, -0.512529194355011, 0.018062185496091843, -1.092828631401062, 0.010754682123661041, -0.010012904182076454, -1.3332743644714355, -0.1465568095445633, -0.30108165740966797, -1.3452932834625244, 1.6161540746688843, 1.2164684534072876, -1.4571810960769653, 0.04845650494098663, -0.32144907116889954, -0.47436150908470154, -0.5522776246070862, -0.11914058029651642, -0.6114938259124756, -0.4248035252094269, 0.04131064563989639, 0.8845398426055908, -0.025743719190359116, 0.18955962359905243, -0.6072013974189758, 1.0663371086120605, 1.0855315923690796, -0.35231518745422363, 0.19176582992076874, -0.6709124445915222, 0.042542606592178345, -0.863508939743042, -1.0384149551391602, -0.9435700178146362, 0.09085693210363388, -0.5569103360176086, -0.4036545157432556, -0.5321091413497925, -1.0203348398208618, 0.26577359437942505, -0.11698688566684723, 1.2130262851715088, 0.22160525619983673, 0.32432204484939575, -0.9514053463935852, -0.16122552752494812, 0.31709617376327515, -0.214351624250412, -0.47437021136283875, 1.1406772136688232, -0.22928595542907715, 0.4890059530735016, 0.15865981578826904, 0.39411064982414246, 0.903354287147522, -0.34499895572662354, -0.24772877991199493, -0.16832271218299866, -12.66190242767334, -0.0591704323887825, -0.08794396370649338, 0.7619358897209167, 0.8744944930076599, -0.25833454728126526, 1.0314459800720215, -0.3255554437637329, 0.37929171323776245, -0.43512311577796936, 0.432474821805954, 1.5419814586639404, 0.24724939465522766, -0.5390307307243347, 0.30614173412323, -0.9476691484451294, -0.5057438611984253, -0.3802001476287842, 0.481278657913208, -0.3117433488368988, 0.6479087471961975, -0.6763731837272644, -0.6002808213233948, -0.36772269010543823, 0.4135890603065491, -0.029356807470321655, 0.19900953769683838, -0.34027135372161865, -0.13473451137542725, 0.6369246244430542, 0.6173559427261353, 0.5875615477561951, -0.21043892204761505, 0.350642591714859, -0.45807701349258423, 0.035762183368206024, -0.44062870740890503, 0.10575298219919205, 1.135257363319397, -0.6194105744361877, -0.47010338306427, 0.2571456730365753, 0.4828915297985077, -0.07422870397567749, -0.8652547001838684, 0.07214678823947906, 0.49264124035835266, -0.8969804048538208, 0.12434671819210052, -0.6844176054000854, 0.0016238093376159668, -0.36803779006004333, -0.7431047558784485, -0.43421533703804016, 0.774310827255249, -0.05106431990861893, -0.0762660801410675, 0.4659515917301178, -0.9734595417976379, -1.0514920949935913, 1.6034142971038818, -0.2237825095653534, -0.19192522764205933, 0.6198193430900574, 0.3603360652923584, -0.4581059217453003, 0.10738735646009445, 0.7662069201469421, -0.7681779861450195, -0.2158697545528412, -0.046763040125370026, 1.1735899448394775, 0.792997419834137, -0.5608630776405334, 0.21068274974822998, 0.4491707682609558, 0.11999868601560593, -0.26360273361206055, 0.09984588623046875, 0.549518883228302, -1.091842770576477, 0.22060252726078033, -0.5287826657295227, -0.7982649207115173, -0.8677530288696289, -0.4018993079662323, -0.7795554399490356, 0.3218455910682678, 0.23264363408088684, 0.0274990051984787, 0.6257541179656982, 0.4062528610229492, -0.1768491566181183, -0.6418050527572632, 0.03245142102241516, 0.3880404233932495, -0.43194279074668884, 0.6905395984649658, 0.0841686874628067, -0.3740021288394928, 0.8113471269607544, -0.8627206683158875, -0.46092861890792847, -0.5065327882766724, 0.7958212494850159, -0.14754939079284668, -0.4638303816318512, 0.5324991941452026, 0.0492003969848156, 0.4165423512458801, 0.45763328671455383, -0.6101924180984497, -0.2510771155357361, 1.3703484535217285, -0.72813880443573, 0.798342764377594, 1.0815882682800293, -0.04825691133737564, 0.7134331464767456, 0.6387069821357727, -0.19974221289157867, 0.0859946683049202, 0.8206983804702759, 0.9512583613395691, 0.1918005645275116, -0.22781157493591309, 0.17252323031425476, 0.4126511216163635, -0.3607600927352905, -1.0740197896957397, 0.7264532446861267, -0.23403936624526978, -0.48196759819984436, -0.49717116355895996, -0.5768792629241943, -0.4209197461605072, 0.21293626725673676, 1.3258076906204224, 0.31139862537384033, 1.0794357061386108, 0.05268745869398117, -0.843169093132019, 0.54837965965271, -0.192027285695076, -0.9243864417076111, 0.31047365069389343, -0.7040759325027466, -0.11109526455402374, -0.23303520679473877, -0.5443826913833618, 0.32123133540153503, -0.11203745007514954, 1.3248499631881714, -0.49926304817199707, 0.038501136004924774, -0.44853925704956055, 1.0788673162460327, 0.5433415770530701, -1.2014822959899902, 0.2302279770374298, 0.24559199810028076, 0.32571515440940857, -0.4773425757884979, 1.323352336883545, 0.7351137399673462, 0.1323578953742981, -0.45730170607566833, 0.31538841128349304, -0.6839969754219055, -0.16617527604103088, 0.6037378907203674, -1.616457223892212, 0.2671259343624115, -0.2040330320596695, 0.10743869841098785, -0.4836651384830475, 0.649752140045166, 1.0945990085601807, -0.6996157765388489, 0.5517961382865906, -0.2360856831073761, 0.8881385326385498, 0.7492783665657043, -0.642439603805542, -0.9851019382476807, -0.3642531931400299, 0.17004579305648804, 0.4840444326400757, -0.3346177935600281, 0.25079894065856934, -1.2646617889404297, -0.8784343004226685, -0.07931515574455261, 0.5813391208648682, 0.36047130823135376, -0.37319692969322205, 0.9015470743179321, 0.09496498852968216, 0.5417234897613525, 0.437982976436615, 0.2427949756383896, 0.9411946535110474, -0.014438178390264511, 0.08613595366477966, 0.07059842348098755, 0.49637219309806824, -1.1299619674682617, 0.42253047227859497, 0.3973497450351715, 1.0855416059494019, -0.8256433010101318, 0.2269124835729599, 1.3227695226669312, -0.038608189672231674, 0.14005813002586365, -0.8200716972351074, 0.4417814612388611, 0.07797719538211823, -0.6192817091941833, -0.20598500967025757, 0.35351893305778503, -0.04977447912096977, -0.09645441174507141, 0.707790732383728, 0.016928695142269135, 0.5457122921943665, 0.08268488943576813, -0.5674300789833069, 1.0782517194747925, -1.1179115772247314, -0.35463958978652954, 0.541124701499939, 0.14580611884593964, -0.0499671995639801, -0.22182422876358032, 0.05611219257116318, -0.4282186031341553, 0.5854941010475159, -0.6921442151069641, 0.8586806058883667, -0.7168829441070557, -0.7583693265914917, 0.5852712392807007, 1.4209773540496826, -0.5427217483520508, -1.2897504568099976, -0.4215236306190491, -0.1933140754699707, -0.7747556567192078, 0.18957439064979553, -0.26036137342453003, 0.4178844690322876, 0.7080014944076538, 0.19621816277503967, 0.9764757752418518, 0.4782484769821167, -0.23313473165035248, 0.046570174396038055, -0.3933345675468445, 1.1891738176345825, 0.7516258955001831, 0.07502367347478867, -0.2341073602437973, -0.7505767345428467, -0.16300120949745178, -0.2050028145313263, -0.6421160697937012, 0.32971012592315674, 0.9416931867599487, -0.36871054768562317, 0.0810655802488327, -0.5972880721092224, 0.1284503936767578, -1.0970054864883423, -0.10587623715400696, 0.04766645282506943, -0.7062034010887146, -0.5173875093460083, -0.8272067904472351, -0.037547651678323746, 0.6774433851242065, -0.25950828194618225, -0.5110308527946472, 0.5486951470375061, 0.5996770262718201, -0.546328067779541, -0.19683288037776947, -0.7312871217727661, 0.22843803465366364, -0.2094312459230423, 0.630433976650238, 0.2550058364868164, -0.27414029836654663, -0.5164094567298889, 0.04164331406354904, -0.7617514133453369, 1.2471657991409302, 0.06742359697818756, -0.23212599754333496, 0.2676577568054199, 0.5237632393836975, -0.8898036479949951, -0.16310328245162964, 0.18976369500160217, -0.07158782333135605, -1.0759286880493164, 0.6812130808830261, 0.5215461850166321, 0.4844585359096527, -0.1652817726135254, 0.0686180591583252, 0.1404922604560852, 0.4306860566139221, 0.5845015645027161]} +{"paper_id": "hate_speech_offensive", "embedding": [-0.6028376221656799, 1.248651385307312, -0.0418425090610981, 0.16866172850131989, 0.924847424030304, 0.39445897936820984, 0.0785837396979332, -0.15787675976753235, 0.3751039505004883, 1.4195380210876465, 0.4209887385368347, -0.02719520777463913, -0.3022534251213074, 0.47478577494621277, -0.022397596389055252, -0.06440987437963486, -0.6840192079544067, -0.21025191247463226, -0.08083310723304749, -0.2554064393043518, -0.42683714628219604, -0.5732575058937073, -0.3714621067047119, -0.13967987895011902, -0.91910320520401, -0.5021452903747559, 0.4181244373321533, -0.9877373576164246, -0.011915892362594604, 0.16772231459617615, -0.16826316714286804, 1.5313467979431152, -0.8630867600440979, -0.05217866972088814, -0.8592125177383423, -0.052021294832229614, -0.6894068121910095, 0.22068029642105103, -0.7860350608825684, -0.9802883863449097, -1.118749976158142, 0.44858884811401367, 1.0889866352081299, 0.4826274812221527, 0.6608937382698059, 0.4580976366996765, 0.25736016035079956, 0.34615352749824524, -0.4271332025527954, -0.3233451843261719, -0.3535761833190918, 1.053259253501892, 0.09726637601852417, 0.6444766521453857, -0.6880102753639221, 0.7241197228431702, -0.1849175989627838, -0.9056727886199951, 0.3134743571281433, -1.3181381225585938, 0.8504729866981506, 1.4754012823104858, -0.40502408146858215, 0.6709651947021484, 0.13731403648853302, -0.5432469248771667, 0.3417051434516907, -0.2788847088813782, 0.4330662786960602, 0.6282578706741333, -0.4773883819580078, -0.8873690962791443, 0.1426393985748291, -0.11061898618936539, -0.397808313369751, 0.07063908129930496, -0.29550597071647644, 0.3152506351470947, -0.6406275629997253, 0.42056944966316223, -0.15033307671546936, 0.8665013313293457, 0.010087956674396992, -0.7386142015457153, -0.1567458063364029, 0.12610721588134766, 0.36545905470848083, -0.7811964154243469, 0.29087013006210327, -1.3986817598342896, 0.906948447227478, -0.43520215153694153, 0.14646930992603302, 0.9146825671195984, -0.833983838558197, 1.2953979969024658, -0.25560271739959717, 0.1159784123301506, -0.9094916582107544, 1.223144292831421, 0.33274713158607483, -0.42786455154418945, -0.4119759798049927, -0.5146273374557495, 0.10426060110330582, 1.1858223676681519, -0.4368172585964203, -0.6548098921775818, 0.19315224885940552, -0.10614989697933197, -0.20165975391864777, 1.4892045259475708, -0.8026028275489807, 0.3917369842529297, -0.27820149064064026, -0.14231711626052856, -0.21714454889297485, -1.00908625125885, -0.2496948540210724, 0.516122043132782, -0.8289365768432617, -1.189900517463684, -0.03316790610551834, 0.7879152894020081, 1.6141552925109863, -0.05113855376839638, 0.8207998275756836, -0.3151022791862488, -0.0065652914345264435, 0.10255330055952072, 0.715652346611023, -0.22274717688560486, -0.4527512192726135, 0.24393215775489807, 2.348928451538086, -1.2314785718917847, 1.5078052282333374, -0.9588236212730408, 0.6254717111587524, -0.40725642442703247, -0.5873388051986694, 1.3149937391281128, -0.32445788383483887, -1.7257031202316284, -1.1820882558822632, 0.12261410057544708, -0.45243117213249207, 0.3393425941467285, 0.24643546342849731, -0.19436907768249512, 0.13941343128681183, 0.8706574440002441, -0.5619632005691528, 0.4804765284061432, 0.5713480710983276, 0.26085010170936584, -0.07109321653842926, 0.5281873345375061, -0.8625876903533936, 0.17277982831001282, 0.7746326327323914, 0.48663008213043213, -0.42244642972946167, 0.34082093834877014, -0.5524324178695679, -0.24631819128990173, 1.040525197982788, 0.037774622440338135, -1.453328251838684, -0.015629909932613373, 0.7613934278488159, 0.20264923572540283, -0.15304431319236755, -0.03906971216201782, -0.5915862917900085, -0.20567306876182556, 0.34481388330459595, 1.2559304237365723, 0.1651437133550644, -0.42899173498153687, 0.07579595595598221, -0.514397919178009, -0.28507697582244873, 0.6494482755661011, -0.8014084100723267, -0.27548348903656006, -0.7703117728233337, 0.13339084386825562, 0.1485968679189682, 0.4422104060649872, 0.37495625019073486, -0.7007678151130676, -0.2749766409397125, 0.9459014534950256, -0.08062250167131424, 0.24613972008228302, 0.8293062448501587, -1.2655760049819946, -0.672011137008667, 0.06265659630298615, 0.47013184428215027, -0.5337006449699402, -0.06074513867497444, 0.8181542754173279, 0.3415234088897705, -1.047141671180725, -0.14459477365016937, -1.4435011148452759, 0.958098292350769, 2.420616865158081, 0.17406126856803894, -0.6333791017532349, -0.3180486261844635, 0.14385108649730682, 0.20267000794410706, -0.4754626750946045, 0.33839672803878784, -1.0192207098007202, 0.3038225471973419, -1.4841551780700684, 0.31127628684043884, -0.2463938295841217, 0.029257863759994507, 0.05479312688112259, 0.6625461578369141, -0.5535538196563721, -0.7674621343612671, -0.7689148187637329, -0.3053494691848755, 0.6677972674369812, 1.033079981803894, 0.04257300868630409, 0.1350821852684021, 1.075311303138733, 0.9411213994026184, 0.5544015765190125, -0.5727060437202454, 0.1566123068332672, -0.6884058713912964, 0.21721920371055603, 0.29580092430114746, -0.20724381506443024, -0.23458124697208405, -0.822271466255188, 0.04142342507839203, 1.012416124343872, -0.48564961552619934, -0.12024841457605362, -0.10964474081993103, 0.24179935455322266, 1.1447491645812988, 0.9388263821601868, -1.0036906003952026, 1.1397517919540405, -0.3533525764942169, 0.37577059864997864, -0.27157407999038696, -0.21273593604564667, 0.012744583189487457, -0.46487003564834595, 1.1318289041519165, 0.05537332594394684, -0.49522650241851807, -0.16370588541030884, -0.6922574639320374, -0.637438178062439, -0.7618257999420166, -0.04357131943106651, -0.5826647281646729, -0.7856489419937134, 0.16530008614063263, -1.0480446815490723, -0.6428346037864685, -1.3990073204040527, 0.1899884194135666, 0.709051251411438, -0.2804436683654785, 0.056806549429893494, 0.5795083045959473, -0.48632726073265076, 0.2479422390460968, -0.33867162466049194, 0.8448629975318909, -0.6885215044021606, 0.7424021363258362, -0.06092759221792221, -0.2053077667951584, 0.44859710335731506, -0.830188512802124, 0.20601488649845123, -0.43100398778915405, 0.5272223949432373, -0.5849884152412415, 0.7761493921279907, -0.03346453607082367, -0.3697265684604645, 1.7428991794586182, -0.6866633892059326, 0.4180298149585724, -0.3189815282821655, 0.8748647570610046, 0.5053530931472778, -0.559632420539856, 0.9714533090591431, -0.20137834548950195, 0.20664849877357483, 0.6247130036354065, -1.5731874704360962, 0.17836496233940125, 0.12479342520236969, -0.11586233228445053, -0.5158566236495972, 0.6115075349807739, -1.9024372100830078, -0.3754449188709259, 1.0240662097930908, -0.702983021736145, 0.21477532386779785, -0.07194501161575317, 0.7970900535583496, -0.13572722673416138, -0.03500986471772194, -1.010468602180481, -0.04215746372938156, 0.3314998745918274, -0.44990360736846924, -0.12517297267913818, 0.18757317960262299, -0.706892728805542, -0.38786593079566956, 0.4980904459953308, 1.1118451356887817, -0.8406631946563721, -0.014092344790697098, -0.02345188334584236, -0.5673912167549133, 1.0150222778320312, 0.2931629419326782, 0.3807145357131958, 0.9703948497772217, -0.5327505469322205, -0.18025176227092743, 0.8799508213996887, 0.5784887671470642, -0.00876576267182827, 0.00877511315047741, 0.24073055386543274, 0.7390429377555847, -0.7995442152023315, 1.37635338306427, 0.5489814281463623, -0.24362602829933167, -0.8116741180419922, -0.4689466059207916, 0.13166755437850952, -0.6046090722084045, 0.4034731686115265, 1.1374976634979248, 1.0646084547042847, -0.531785786151886, 0.8359224796295166, -0.3089141845703125, 0.5209149122238159, 1.3302998542785645, 0.6197565197944641, 1.101135492324829, -0.04648154228925705, -0.3258191645145416, 1.2527477741241455, -0.5011783838272095, -0.5249122977256775, -0.15152619779109955, 1.641970157623291, -0.22753466665744781, 0.05169091746211052, -0.11952682584524155, -0.2518407106399536, 0.24539896845817566, 0.23594847321510315, -1.0752742290496826, -0.7286849021911621, -0.9504312872886658, 0.4223290979862213, 1.2062866687774658, 0.7830798625946045, -0.9612531661987305, -0.3118124008178711, -0.06696496903896332, 1.0331462621688843, -0.30848854780197144, 0.38859912753105164, 0.5251526236534119, -0.44601812958717346, -0.1141626387834549, -0.01973908394575119, -0.8883936405181885, 0.24392426013946533, 0.6974657773971558, 0.3421652615070343, -0.7019813060760498, 1.210981011390686, -0.6116565465927124, -1.7599034309387207, 0.13245666027069092, -0.029720844700932503, -0.506367564201355, 0.7481573224067688, 0.5075470209121704, -1.304788589477539, -1.7385867834091187, -0.2665458917617798, -0.6810514330863953, -1.2553164958953857, 0.5796800851821899, -0.26249396800994873, 0.8184055089950562, -0.14610028266906738, 0.13596351444721222, -0.19545269012451172, -0.10464674234390259, -0.17379485070705414, 0.7263742685317993, 1.260394811630249, -0.1288275420665741, -0.1484357863664627, 0.35516613721847534, -0.49524593353271484, 0.3744898736476898, -1.2022967338562012, -0.48300033807754517, 0.7493914365768433, 0.3965122401714325, 0.6460644602775574, -0.7139148116111755, -0.23418375849723816, -0.26665446162223816, -0.0701577216386795, 0.8311491012573242, -1.2306830883026123, 0.28959333896636963, -0.7775329947471619, 0.9098218083381653, 0.7733997106552124, 0.17053575813770294, -0.8577049970626831, 0.9635255932807922, -0.15695248544216156, 0.294663667678833, -0.21065786480903625, 0.15098965167999268, 0.5057460069656372, 1.3643250465393066, 0.7379199862480164, 0.10072805732488632, -11.24257755279541, 0.5574539303779602, -0.021892068907618523, 0.6572191119194031, 0.5409520268440247, -0.17296937108039856, 0.281694233417511, 0.4022620916366577, 2.2239205837249756, -0.5920883417129517, 0.00974753126502037, 1.9953491687774658, -0.3007720112800598, -0.4962180554866791, -0.6934036612510681, -0.26680880784988403, -0.31906113028526306, -0.6343052983283997, 0.21792863309383392, 0.5703366994857788, -0.19323471188545227, -0.9652665257453918, -0.1310553103685379, -0.8932144641876221, 0.5737722516059875, -0.29736918210983276, 0.046775415539741516, -0.2276569902896881, -1.4422427415847778, 0.40019047260284424, 0.6323535442352295, -0.10516537725925446, -0.37299013137817383, -0.5986281037330627, 0.004205435514450073, 0.7628514170646667, -0.7908031344413757, -0.5143280029296875, 0.7532574534416199, 0.18141795694828033, -0.1480751633644104, 0.08725979924201965, 0.3685652017593384, -0.5431397557258606, 0.20158664882183075, 0.007887065410614014, -0.38085493445396423, 0.19592973589897156, 0.7618908882141113, -0.381834477186203, -0.2374005913734436, -0.5869815349578857, -1.372640609741211, -0.4526059031486511, 1.4321874380111694, -0.004155568778514862, -0.8125016689300537, -0.070998415350914, -0.7190892100334167, -1.2227416038513184, 1.0416204929351807, 0.7811115980148315, 0.30704712867736816, 0.6142048835754395, 0.5104203820228577, -1.2568527460098267, 0.1814170479774475, 0.013214018195867538, -0.054681602865457535, 0.31072574853897095, -0.5448933839797974, 1.199113368988037, 0.18341350555419922, 0.27858301997184753, -0.40649905800819397, -0.08138921111822128, -0.0579623244702816, 0.13450482487678528, 1.0271896123886108, -1.131289005279541, -1.3906586170196533, 0.09440065920352936, -0.3148091733455658, -0.14669716358184814, -0.417232483625412, 0.3332006335258484, -0.4043213725090027, -0.8860684037208557, 0.7372965812683105, 0.40253946185112, 0.3940182030200958, 0.5863959193229675, -0.02217414230108261, 0.13785183429718018, -0.20071426033973694, 0.5395981073379517, -1.1346389055252075, 1.3269305229187012, -0.4311882257461548, 0.5511307716369629, 0.4280117452144623, -0.2208966612815857, -0.5858104228973389, 0.2050005942583084, 0.48211219906806946, -0.21236249804496765, 0.30745935440063477, 0.40185824036598206, -0.04268882796168327, 0.16439510881900787, 0.47535404562950134, -0.008841224014759064, -0.438679039478302, 0.8272452354431152, 0.5396816730499268, 0.5686357021331787, 0.8946887850761414, -0.4353026747703552, 0.5558171272277832, 0.6915112137794495, -0.4713643491268158, 0.3356345593929291, -0.38210543990135193, 0.8076003789901733, -0.03588060289621353, 0.6686761975288391, 0.2214260995388031, 0.21637001633644104, 0.28061357140541077, -2.0024967193603516, 0.6463345289230347, -0.3172140419483185, 0.7365219593048096, -0.8200149536132812, 0.21634475886821747, -0.20733338594436646, -1.3918253183364868, 0.8232371807098389, -0.9306055307388306, 0.5397531986236572, -0.38216692209243774, -0.27781012654304504, 0.08037993311882019, -0.402777761220932, -0.2507321238517761, -0.1633853316307068, -1.8338791131973267, 0.19167527556419373, -0.4891434907913208, -0.027271457016468048, 0.20101505517959595, -0.5781238675117493, 0.27323979139328003, -1.692582368850708, -0.06979211419820786, 0.44451332092285156, 0.8127895593643188, -0.09128823131322861, -1.1012455224990845, -0.25464928150177, 0.8329921364784241, 1.0577813386917114, -1.0377382040023804, 1.264609932899475, 0.26504626870155334, -0.20878122746944427, -0.46673300862312317, -0.43726110458374023, -0.37937286496162415, -0.3919624984264374, 1.582006812095642, -0.9557449221611023, 0.023593710735440254, 0.37035802006721497, 0.2339477688074112, -1.6550180912017822, 0.04394989833235741, 0.6277527809143066, -1.3394818305969238, 0.3346749544143677, -0.2541864812374115, 0.33411145210266113, 0.010313078761100769, -0.26744627952575684, -0.3607572317123413, 0.4779910743236542, -0.38311126828193665, 1.496800184249878, 0.005706592462956905, 0.24878719449043274, -1.9374274015426636, -1.1705453395843506, -0.7061375975608826, -0.13351503014564514, 0.45536622405052185, 0.16105858981609344, 0.7042457461357117, 0.6366608142852783, 0.04790040850639343, -0.349725604057312, -0.44189345836639404, 0.37867793440818787, 0.08186190575361252, -0.2721685469150543, -1.6032119989395142, -0.5414556264877319, -0.5206353068351746, 0.3714566230773926, 0.11575023829936981, 0.10991725325584412, -1.7223029136657715, -0.6047088503837585, -0.005880709737539291, -0.761464536190033, 0.42240557074546814, -0.5513694286346436, -0.4588702321052551, -0.17596951127052307, -0.611068069934845, -0.48502829670906067, 0.3016270101070404, 0.5946353077888489, 0.06361110508441925, 1.6704659461975098, 0.1381959766149521, 0.8957238793373108, 0.44505518674850464, 0.45989757776260376, 1.894826889038086, -0.5089133977890015, -0.3123714029788971, -0.25780582427978516, -0.8094156980514526, 0.21627813577651978, 0.25320935249328613, 0.6581073999404907, -1.2863115072250366, 0.3678293824195862, -1.5951931476593018, -0.6240747570991516, -0.42481720447540283, 0.17440387606620789, 0.4139370322227478, 1.0357171297073364, -0.5096146464347839, 0.1648712158203125, -1.263418436050415, -0.2454240322113037, -0.15663014352321625, -0.14240793883800507, 0.6513322591781616, 1.3606839179992676, 0.7425861954689026, 0.24779757857322693, 0.39583081007003784, 0.2656257152557373, 0.21617844700813293, 0.2688225209712982, 0.730906069278717, 1.479001760482788, 0.6190420389175415, 0.05082499235868454, 0.06574496626853943, 0.49418744444847107, -0.9620738625526428, -0.16818755865097046, -0.2985288202762604, 0.4323580265045166, 0.48392224311828613, 0.23038829863071442, 0.37474995851516724, -0.2264000028371811, -0.7840873599052429, 0.8680812120437622, 0.5145149827003479, 0.1342008411884308, 0.30054718255996704, -0.9073732495307922, -0.7723366618156433, 0.02400454878807068, 0.8537202477455139, -0.5781394839286804, -0.04782503843307495, -1.5400850772857666, -0.00392528623342514, 0.1964089572429657, -1.1505898237228394, -1.091576099395752, 1.0232110023498535, 0.060183677822351456, 0.4129243493080139, 0.9863678216934204, -1.5010122060775757, -1.068176507949829, 0.07088017463684082, -0.7600025534629822, 0.42404302954673767, 0.15765079855918884, -1.7919211387634277, 0.05183177813887596, 0.3316264748573303, 0.9222027063369751, 0.2503240704536438, 0.040352437645196915, 0.0066141653805971146, -1.2248896360397339, 1.6060423851013184, 1.459548830986023, 0.19033290445804596, -0.17184680700302124, 1.634589433670044, 0.045315783470869064, 0.4653458595275879, 1.5562807321548462]} +{"paper_id": "boolq", "embedding": [-1.1220139265060425, 1.1868139505386353, 0.3462963104248047, -0.4667651355266571, 0.4419374167919159, 0.0015806406736373901, 0.3065466582775116, 0.4540761411190033, 0.7984476685523987, 0.19636955857276917, 0.4602782428264618, -0.5932303071022034, 0.11393910646438599, -0.05511564016342163, -0.23167380690574646, -0.6430390477180481, -0.7356812357902527, -0.31202173233032227, -1.9103305339813232, -0.34869185090065, -0.40114492177963257, -0.7314968109130859, -0.017129214480519295, 1.0405638217926025, -0.9459314346313477, -1.0325896739959717, 0.9104812741279602, -0.652172863483429, 0.5313762426376343, -0.054899804294109344, -0.1146896705031395, 1.1889078617095947, -1.7199288606643677, 0.23460420966148376, -0.1348259150981903, -0.08718275278806686, 0.2158588320016861, 1.3170074224472046, 0.05169736593961716, -0.5530409812927246, -0.3331320285797119, 0.0022055543959140778, 0.5329459309577942, 0.4903292953968048, 1.2608647346496582, -0.5362488627433777, 0.7316961288452148, -0.11044816672801971, -0.28197726607322693, -0.5177523493766785, -0.9635021686553955, 0.37702906131744385, 0.05016860365867615, 1.037290334701538, -0.40887054800987244, 0.9319028258323669, 0.19274166226387024, -0.9229387044906616, 0.9052795171737671, -0.9357657432556152, 1.3990905284881592, 1.8368204832077026, 0.21976086497306824, 0.7975279092788696, 1.5107423067092896, 0.1379014551639557, 0.6685613989830017, 0.2789822220802307, -0.13645072281360626, 0.41346898674964905, -0.1984507143497467, -0.2699161767959595, 0.777327299118042, -0.24146614968776703, 0.6112760305404663, 0.8307639360427856, -0.05260288715362549, 0.8346554636955261, 0.10367247462272644, -0.1567627489566803, -0.28864872455596924, 0.00876946747303009, 0.8586920499801636, -0.08040977269411087, 0.19310903549194336, 0.3518732786178589, -0.006184637546539307, -1.2102088928222656, 0.6533821225166321, -1.6530072689056396, 0.5383109450340271, 0.28622809052467346, -0.21281468868255615, -0.44635751843452454, -0.40574371814727783, 0.6433603763580322, -1.4841212034225464, 0.06423638015985489, -0.005148589611053467, 0.6241056323051453, 0.7654730081558228, -0.0317995510995388, 0.3757633864879608, -0.32722413539886475, -0.21856781840324402, 0.527594804763794, -0.017100632190704346, -0.2690260708332062, -0.7763448357582092, -1.1235506534576416, -0.2774142324924469, 0.6214120984077454, -0.01654331386089325, 0.48193517327308655, 0.3417319655418396, -0.04484104737639427, 0.2297188639640808, -1.2651888132095337, 0.09564864635467529, 0.5048190951347351, -0.08231823891401291, -1.3281241655349731, -0.31532377004623413, -0.3372848629951477, 0.8764804601669312, -0.30075180530548096, -0.6834101676940918, -0.6327399015426636, -0.14458826184272766, -0.013015828095376492, 1.055604338645935, 0.08229978382587433, -0.9615997672080994, 0.0451887808740139, 3.7659242153167725, -1.4635474681854248, 1.6168967485427856, -0.8147257566452026, -0.07759681344032288, -0.732478678226471, -0.8528267741203308, 1.209187626838684, 0.13265493512153625, -0.8616834282875061, -0.8946263790130615, 0.2574445903301239, -0.018589217215776443, 0.04483697563409805, -0.9477285742759705, -0.3962884545326233, -0.1659022569656372, -0.0736393854022026, -1.10227632522583, -0.4226623773574829, 0.6225590109825134, 0.14247098565101624, -0.0007164515554904938, 0.7253484129905701, -0.1608489602804184, 1.005220890045166, -0.25714796781539917, -0.49853622913360596, -0.22770525515079498, 0.6631200313568115, -0.7997990250587463, -0.21596480906009674, 1.248742699623108, 0.03292829543352127, -0.8833221197128296, 0.03391239792108536, 0.19082914292812347, -0.17675673961639404, -0.20342424511909485, 0.0730196163058281, -0.38043448328971863, 0.18280208110809326, 0.40259334444999695, 0.7644415497779846, 0.07625656574964523, -0.4665498435497284, 0.016431793570518494, -0.3144974708557129, -0.07813549786806107, 0.8912007212638855, 0.24769459664821625, 0.6832817196846008, -2.7616183757781982, -0.13435475528240204, 0.05875442922115326, 0.5102518796920776, 0.28044837713241577, -0.23675012588500977, 0.046410463750362396, 0.33205366134643555, -0.08409766852855682, -0.9197943806648254, 0.6028234958648682, -1.34015691280365, 0.36370718479156494, 0.42922335863113403, -0.15998975932598114, 0.22779527306556702, 0.5087146759033203, 0.9713860750198364, 0.29920005798339844, -0.35969260334968567, -0.868354320526123, -1.9604909420013428, 0.1968514323234558, 2.5828802585601807, 0.21843229234218597, -0.2546680271625519, -0.7265481948852539, -0.280752956867218, -0.38733381032943726, -0.25479763746261597, 0.1981722116470337, -0.28462475538253784, -0.3910711407661438, -0.6863235831260681, 0.655887246131897, -0.39079588651657104, 0.2780286967754364, -0.11011964827775955, 1.2149444818496704, -0.5341871380805969, -0.3629957139492035, -0.7476174235343933, -0.7535521984100342, 0.6025399565696716, 0.352206826210022, 0.35171428322792053, -0.41139015555381775, 1.132236361503601, 0.5293927192687988, 0.9933045506477356, 0.6494641900062561, 0.4025011956691742, -0.8782238960266113, 0.16064956784248352, 0.08352914452552795, 1.759920597076416, 0.32116973400115967, 0.3152608871459961, 0.07479207217693329, 0.03160281479358673, -0.8045634627342224, -0.4888620972633362, -0.13355138897895813, 0.005724877119064331, 1.248580813407898, 0.2936548888683319, -0.6618539690971375, 0.9375589489936829, -0.5859522223472595, -0.13616791367530823, -0.1527683287858963, -0.6319147944450378, -0.2723408341407776, -0.270829439163208, 1.1836941242218018, -0.15243202447891235, 0.2768125534057617, -0.42985665798187256, 0.016394905745983124, -1.4502428770065308, -0.4136073589324951, 0.5261901617050171, -0.2123824954032898, -0.9596623182296753, -0.3645801544189453, -0.1890396624803543, -1.0399373769760132, -1.100908875465393, 0.35941946506500244, 0.17135676741600037, 0.4756861627101898, 0.9594415426254272, 1.9182404279708862, -0.27799755334854126, 0.6413657069206238, 0.19370566308498383, 0.9065278172492981, -0.9134008288383484, -0.03639170527458191, 0.5027181506156921, 0.4421091675758362, -1.1810922622680664, -0.17464971542358398, -0.42430001497268677, 0.024743661284446716, 0.5983535647392273, -0.33658531308174133, 0.8313842415809631, -0.25605612993240356, -0.981001615524292, 0.9297122359275818, -0.36620068550109863, -0.5632017850875854, -0.989040732383728, 2.1149580478668213, 0.024137647822499275, 0.1874627023935318, 0.5760734677314758, -0.4952066242694855, -0.18747612833976746, 0.8772392868995667, -0.644167423248291, -0.1786314696073532, 0.591468095779419, -0.5926904082298279, 0.43575385212898254, 0.29668647050857544, -2.068779468536377, 1.0696892738342285, 0.5962512493133545, -0.19607426226139069, -0.5280284285545349, -1.1800705194473267, 0.12013314664363861, -0.5758161544799805, 0.12721377611160278, 0.7008489370346069, -0.31068867444992065, 0.3455561101436615, -0.5298082828521729, 0.10611496865749359, 1.1143574714660645, -0.5445936918258667, 0.4733908474445343, 1.0764544010162354, 0.18294689059257507, -0.8263188004493713, -0.6236879825592041, 0.9150382280349731, -0.682915210723877, -0.275761216878891, 0.7237776517868042, 0.5816128253936768, 1.1684764623641968, -0.12445006519556046, -0.2503940165042877, 0.6020464897155762, 0.7115573287010193, -0.2646597921848297, -0.4633634686470032, -0.42464596033096313, 0.43058067560195923, -0.1270184963941574, 1.1485683917999268, -0.605819046497345, -0.5470208525657654, -0.719668984413147, -0.4233885407447815, 0.2811974883079529, -0.252595454454422, 1.9298661947250366, 0.042681172490119934, 1.0387520790100098, 0.08271476626396179, 0.2315625697374344, -0.7733356952667236, -0.38664430379867554, 1.0528620481491089, 0.5428765416145325, 0.2545902729034424, -0.7784230709075928, -0.5390185117721558, 0.5173988938331604, 0.33344265818595886, -0.7583053112030029, 0.4482879340648651, 0.6566790342330933, -0.4734856188297272, -0.7073578238487244, 0.5791220664978027, 0.903842031955719, 0.6300333142280579, 1.5538946390151978, -0.4510062634944916, -0.4299604892730713, -0.343453586101532, -0.0049561262130737305, 0.42130735516548157, 0.33739545941352844, -0.1938161849975586, 0.9615039229393005, 0.07914116978645325, 0.2636071741580963, 0.34256649017333984, 1.4555648565292358, 1.703690767288208, -1.105794906616211, -1.3869038820266724, -0.13043081760406494, -0.989702045917511, 0.047272637486457825, 0.24628975987434387, 0.1722201555967331, -0.4701692759990692, 0.4735771715641022, 0.037692368030548096, -1.0655690431594849, 0.48844340443611145, -0.2664603590965271, -1.5196398496627808, 1.0963877439498901, 1.1501880884170532, -0.9678622484207153, -0.6113238334655762, -0.01433531939983368, -1.0365376472473145, -0.3168903887271881, -0.018040578812360764, -0.6912996768951416, 0.359886109828949, 0.2954482436180115, 0.9625935554504395, -0.7498847246170044, -0.2579379677772522, -1.2609175443649292, 1.1100263595581055, 1.3514461517333984, -0.8867971897125244, 0.06054694950580597, 0.5434423685073853, 0.35073012113571167, -0.13912160694599152, -0.9843790531158447, -0.6600443124771118, 0.4976392090320587, 0.25981611013412476, 0.45936912298202515, -0.9529934525489807, -0.13580560684204102, 0.837052047252655, 0.27524328231811523, 1.0335139036178589, -1.0319740772247314, -0.01568516716361046, -0.6949602961540222, -0.08213509619235992, 1.0020092725753784, -0.9669815301895142, -0.9633703827857971, 0.768843412399292, -0.17484650015830994, 0.9386155605316162, -0.33288973569869995, 0.24766671657562256, 1.4626551866531372, -0.37749552726745605, 0.04403030127286911, -0.10536129027605057, -10.964129447937012, 0.511268675327301, -0.10439718514680862, 0.2594148516654968, 0.8565465211868286, -0.35269400477409363, 0.9024272561073303, 0.15166166424751282, 0.32292675971984863, -0.8364903330802917, 0.6259746551513672, 1.247812271118164, 0.6536001563072205, 0.04806322231888771, -0.7433461546897888, -0.9016598463058472, -0.49633631110191345, -0.739920973777771, 0.20235131680965424, 0.5394594073295593, -0.3316675126552582, -0.6269010901451111, -0.12506920099258423, 0.30924540758132935, 0.4603699743747711, 0.4098947048187256, -0.798677921295166, -0.24044519662857056, -0.12953442335128784, -0.33354130387306213, 0.27155181765556335, -0.14398540556430817, -0.8230504393577576, -0.08560273051261902, -0.4995419979095459, -0.3910253345966339, -0.5278016924858093, -0.2835264205932617, 0.7919110655784607, -0.5592336654663086, -0.28458088636398315, 0.43409180641174316, 0.7717729210853577, -0.31979280710220337, -0.4879724681377411, 0.8897637724876404, 0.3822084069252014, -0.9357574582099915, 0.10581593960523605, -0.5805022120475769, -0.8887121677398682, -0.7705138325691223, -1.124177098274231, -0.6617588996887207, 0.3458491563796997, 0.6365184783935547, -0.6691347360610962, -0.2569083273410797, -0.685396134853363, -0.9797775745391846, 0.6746096014976501, -0.13752399384975433, -0.4026719033718109, 0.30179956555366516, -0.26881900429725647, -0.2153584510087967, 0.04519501328468323, -0.036447349935770035, -0.564405620098114, 0.598170816898346, -0.5737248659133911, 0.43914318084716797, 0.3548116385936737, 0.5234737396240234, -0.7676445841789246, 0.155025452375412, -0.983384370803833, 0.1477634757757187, 0.4674225449562073, 0.03457875922322273, -1.427838921546936, 0.5392935872077942, 0.8633442521095276, -0.44629141688346863, -0.43603992462158203, 0.5318920612335205, 0.1195126473903656, 1.1837254762649536, 0.8169745206832886, -0.664768397808075, 1.6567476987838745, -0.05234203487634659, -0.5738344788551331, -0.049896109849214554, -0.1632520854473114, 0.8372381329536438, -0.5323463678359985, 0.11539307236671448, 0.270548552274704, -0.8124070167541504, 0.3671072721481323, -0.5703915357589722, -0.8466123342514038, 0.42931199073791504, 0.8410577774047852, 0.31566479802131653, 0.6730091571807861, 0.07984782755374908, -0.05306195840239525, -0.2580603063106537, 0.48368707299232483, 0.3938300609588623, -0.3388451337814331, 1.2307096719741821, -0.31401699781417847, 1.1061934232711792, 0.26286581158638, 0.3989713191986084, 0.2586553394794464, 0.6153507232666016, -0.8634302020072937, 1.2656971216201782, 0.18524613976478577, 1.8282026052474976, -0.05847407877445221, -0.38504841923713684, 0.42811909317970276, 0.6618432998657227, 0.08195165544748306, -1.3925902843475342, 0.23360921442508698, -0.41652247309684753, -0.12168437242507935, -0.9031297564506531, 0.08201763033866882, -0.05742621421813965, -0.2635698616504669, 1.9994715452194214, -1.0431894063949585, -0.06043016165494919, 0.2829914689064026, -0.22361959517002106, -0.6375523209571838, -0.9194087982177734, -0.9226049184799194, 0.2336736023426056, -1.151882529258728, 0.1944265365600586, -0.18226610124111176, -0.3343602418899536, -0.3177846074104309, -0.5868659019470215, 1.207279086112976, -1.0979186296463013, -0.6051673293113708, -0.7141003608703613, 0.4542863070964813, -0.7116000652313232, -0.43264126777648926, -0.2960348129272461, 0.28823572397232056, 0.8048308491706848, -1.0511060953140259, 1.1608482599258423, 0.2924932837486267, -0.18090316653251648, -0.7699605226516724, 0.22131821513175964, -0.4595743715763092, 0.2913834750652313, 0.9993971586227417, -0.44915515184402466, -0.45439612865448, -0.26562735438346863, -0.956550657749176, -0.5176049470901489, 0.4996396601200104, 0.8908008337020874, -0.6455515027046204, -0.17645026743412018, 0.030707113444805145, 0.9003361463546753, -0.15417931973934174, -0.16246487200260162, -0.602378249168396, 0.2810296416282654, -0.4673718512058258, 0.8398823142051697, -0.021902933716773987, 0.8992978930473328, -1.764171838760376, -1.1893105506896973, -0.09099558740854263, 0.2331179976463318, 0.4394281804561615, 0.25748950242996216, 0.7434017658233643, 0.40645620226860046, -0.5478740930557251, 0.36057397723197937, 0.11124858260154724, 0.7286747097969055, 0.18053072690963745, 0.6946348547935486, -0.1829754263162613, 0.7059036493301392, -0.50241619348526, -0.09621883928775787, 0.15408137440681458, 0.9627116322517395, -0.7993909120559692, -0.6459944248199463, -0.5251076817512512, -0.12456716597080231, 0.40744441747665405, -1.3979771137237549, 0.2252538502216339, -0.6567421555519104, -0.404925674200058, -1.569156527519226, 0.20630675554275513, 1.4911528825759888, -0.3234138488769531, 0.7747993469238281, 0.4917161464691162, 0.860968828201294, 0.3562154471874237, 0.37018436193466187, 1.1282382011413574, -0.20331017673015594, -0.48368650674819946, 0.0554560050368309, 0.2216324806213379, 0.04726608842611313, 0.09312687814235687, -0.898761510848999, -0.7241730690002441, -0.008770652115345001, -0.45310884714126587, 1.5902438163757324, -0.2898550033569336, 1.2025737762451172, 0.31542500853538513, 1.2029705047607422, -0.17927604913711548, -1.4949058294296265, 0.09435026347637177, -1.4087480306625366, 0.28991255164146423, 0.5562765598297119, 0.9499881863594055, 0.22443780303001404, 0.6521219611167908, -0.2826809883117676, 0.8847936391830444, -0.7461166977882385, -0.08842803537845612, 0.16396689414978027, -0.38741016387939453, 0.8239464163780212, 0.4781288802623749, 0.02019401825964451, 0.23095670342445374, 0.23627102375030518, -0.8366624116897583, -0.25334298610687256, -0.4952511191368103, 1.0946149826049805, 0.13265256583690643, 0.19487608969211578, 0.06330645084381104, -0.3519246578216553, 0.9200351238250732, -0.7017828226089478, 1.2732138633728027, 0.4764813780784607, -0.4583403468132019, -0.6201554536819458, -0.8507203459739685, -0.1965518444776535, 0.1919494867324829, -0.06147174909710884, -0.06444942951202393, -0.765496015548706, 0.7910146713256836, 0.3479486107826233, -0.5176176428794861, -0.9540114402770996, -0.22092120349407196, -0.6839639544487, 0.48574864864349365, 0.6664307117462158, -0.7883868217468262, -0.5647860169410706, -0.042959511280059814, -0.8125070333480835, 0.037141673266887665, 0.14153467118740082, -1.2054741382598877, -0.9496560096740723, -0.0727362185716629, -0.38812127709388733, 0.40993422269821167, 0.811739444732666, -0.40916118025779724, -1.8193979263305664, 0.760482907295227, 1.6660549640655518, -0.8815585970878601, -0.5216240286827087, 0.4809555411338806, -0.23151060938835144, 0.4650741219520569, 1.036344289779663]} +{"paper_id": "billsum", "embedding": [0.2563193440437317, 0.7554108500480652, -0.6771631240844727, 0.5871989727020264, 0.5147891640663147, -0.19511698186397552, 0.47247314453125, 1.1470338106155396, 0.5780015587806702, 1.1427967548370361, 0.36445173621177673, -0.07527770102024078, -0.19001366198062897, 0.37152785062789917, -0.02231064811348915, -0.778043270111084, -1.1499191522598267, 0.28585344552993774, -1.075254201889038, -0.3539277911186218, -0.9251207709312439, -0.6373952031135559, -0.3574712872505188, 0.07485789060592651, -0.7501348853111267, -0.3941165804862976, 1.0854836702346802, -1.1527423858642578, 0.3006874620914459, 0.23828169703483582, -0.284747838973999, 1.6849908828735352, -1.2937037944793701, 0.45465925335884094, -0.7196670174598694, -0.09580813348293304, -0.2922637164592743, 0.3352007269859314, -1.2262413501739502, 0.21199405193328857, -1.3313666582107544, 0.39147505164146423, 0.816031277179718, -0.006138419732451439, 0.22472414374351501, -0.26600775122642517, -0.21008630096912384, 0.22144806385040283, 0.3511907458305359, 0.29024985432624817, -0.1337701380252838, 1.0680314302444458, -0.6998966336250305, 0.5827488899230957, -0.07147153466939926, 1.8432376384735107, 0.026223227381706238, -1.1014699935913086, 0.4430960416793823, -0.5270322561264038, 1.224043846130371, 1.601690411567688, -0.7284082174301147, 0.009276766330003738, 0.6557694673538208, -0.39265871047973633, 0.9960910677909851, 0.0030495747923851013, 0.6529791355133057, 1.4039177894592285, -0.2006683498620987, -0.8108722567558289, 0.20814740657806396, -0.4580424129962921, -0.15763747692108154, 0.647431492805481, 0.567061185836792, -0.08390699326992035, -0.30245092511177063, 0.03749336302280426, -0.09363889694213867, 0.4459584951400757, 0.3239830434322357, -1.1432197093963623, -0.22257643938064575, 0.15081995725631714, 0.7305420637130737, -0.1209937110543251, -0.19017595052719116, -1.0825217962265015, -0.47147780656814575, -0.2124481201171875, -0.70811527967453, 0.527275562286377, -0.38244351744651794, 0.4218810796737671, -0.1668802797794342, 0.4177916347980499, -0.5201277732849121, 0.48409366607666016, 0.5071201920509338, -0.9157358407974243, 0.5080317258834839, 0.07845256477594376, 0.31209084391593933, 1.6230502128601074, -0.1616179645061493, -0.8214778304100037, -1.0637177228927612, -0.5440075397491455, 0.04739765450358391, 0.5322335362434387, -0.48728877305984497, 0.6109184622764587, 0.19415302574634552, -0.20541635155677795, -0.0910470262169838, -0.5643129348754883, -0.8812819123268127, -0.04244270920753479, -0.762711226940155, -1.0652321577072144, -0.4659873843193054, 0.033874571323394775, 1.4178993701934814, 0.3198093771934509, 0.7367748022079468, 0.13423725962638855, -0.2505922317504883, -0.1412818878889084, 0.5795381665229797, 0.03265898674726486, -0.4275761544704437, 0.7294838428497314, 2.7323639392852783, -0.7008761167526245, 1.288256049156189, -0.5012286305427551, 0.6881673336029053, -0.2236926555633545, 0.4601192772388458, 1.3120795488357544, -0.4819653630256653, -1.4596812725067139, -0.36757540702819824, 0.6768841743469238, -1.4616968631744385, 0.7801526188850403, -0.26898136734962463, -0.5254878401756287, 0.16352348029613495, 0.6038253307342529, -0.7625187635421753, -0.28759294748306274, 0.34728819131851196, 0.647226095199585, 0.7124878168106079, 0.5929757356643677, -1.147153377532959, 0.24340355396270752, 1.2695848941802979, 0.2311975061893463, 0.10725286602973938, 0.5052517652511597, -0.9844451546669006, -0.3731619715690613, 1.2641053199768066, 0.2563607096672058, -0.937565267086029, 0.038601167500019073, 0.9568359851837158, 0.25304722785949707, -0.6194760203361511, -0.012061087414622307, -0.2844368517398834, 0.18058547377586365, 0.32435083389282227, 0.5583361983299255, 0.030996819958090782, -0.8268815279006958, -0.3277032673358917, -0.284212201833725, -0.0805702731013298, 0.14924108982086182, -0.5513626337051392, 0.5429108738899231, -1.9426809549331665, -0.5143815279006958, -0.6333903670310974, 1.068132996559143, 0.20522841811180115, 0.010191505774855614, -0.2323451042175293, 0.9044957160949707, 0.6278425455093384, -0.7848328948020935, -0.03968841955065727, -0.980438232421875, 0.39219385385513306, 0.099201500415802, 0.43756532669067383, -0.4510280191898346, -0.4253638684749603, 0.4722205400466919, 1.1311731338500977, -1.058951497077942, -0.33155807852745056, -2.079374074935913, 0.23890942335128784, 2.275301456451416, -0.11678893864154816, -0.1542612612247467, -1.1214393377304077, -0.19806309044361115, 1.1902222633361816, -0.043486692011356354, 0.059508636593818665, -1.243325114250183, 0.6258845329284668, -1.2280784845352173, 0.5404494404792786, -0.35768985748291016, -0.4520825147628784, 0.4040583670139313, 0.17621541023254395, -0.1648634970188141, -0.10017789155244827, -0.08372992277145386, -0.2204902321100235, 0.6569154858589172, 0.6214348077774048, 0.05899184197187424, -0.5508182644844055, 0.8614462614059448, 1.009166955947876, 1.3480247259140015, -0.12787480652332306, 0.2439904361963272, -0.4867979884147644, -0.13562019169330597, -0.04145113378763199, 0.4701368808746338, -0.5254159569740295, -1.1088948249816895, 0.8552848100662231, 0.6009699702262878, -0.6396274566650391, -0.030152082443237305, 0.13866965472698212, -0.061407990753650665, 0.8321759700775146, 1.3381990194320679, -0.8402010202407837, 1.687112808227539, -1.5519205331802368, 0.21356481313705444, 0.010290700942277908, -1.4314204454421997, -0.6471035480499268, 0.3244861364364624, 0.5094638466835022, 0.3026064336299896, 0.42299553751945496, -0.2260940968990326, -0.9793099164962769, -1.0756973028182983, -0.5276339650154114, -0.9269479513168335, 0.035992786288261414, -0.9865689277648926, 0.07190525531768799, -0.17390094697475433, -0.8510476350784302, -0.04665845260024071, -0.07259611785411835, 0.6317675113677979, -0.3459276854991913, 0.3557647466659546, 1.6545850038528442, -0.27928656339645386, 0.18184375762939453, -0.04625607281923294, 0.8126172423362732, 0.0682147741317749, 1.1782654523849487, -1.2681350708007812, 0.03858264908194542, -0.12592259049415588, -0.5422402620315552, -0.4187890887260437, -0.10388214141130447, 0.07672835141420364, -0.6436535120010376, 0.3709745407104492, 0.023347467184066772, -1.0671029090881348, 0.8932970762252808, -0.6485239267349243, 0.4293004274368286, -1.2504370212554932, 1.3300340175628662, 0.9633366465568542, -0.3447932004928589, 0.901590883731842, 0.3524200916290283, 0.004951596260070801, 1.5208488702774048, -0.2785920798778534, 0.7609274387359619, -0.1476888358592987, 0.06405007094144821, 0.4956210255622864, 0.331368088722229, -1.5388504266738892, 0.07815928012132645, 1.2762845754623413, -0.8407793045043945, -0.6686130166053772, -0.9488924145698547, 0.19338290393352509, -0.2559308111667633, -0.5640819668769836, 0.2563360631465912, -0.38177523016929626, 0.16620124876499176, -0.4446828365325928, 0.10974408686161041, 0.5082452893257141, -0.6457959413528442, 0.5803475379943848, -0.1435924619436264, 0.36479485034942627, -1.1097227334976196, -0.4951731264591217, 0.8225046992301941, -0.3319582939147949, 1.126497507095337, -0.28174737095832825, 1.5044537782669067, 1.6750675439834595, -0.40737324953079224, 0.14072176814079285, 1.5690292119979858, 0.8536438345909119, 0.3435119092464447, -0.19719742238521576, -0.09007789194583893, 0.17053797841072083, -0.6105126738548279, 0.9345716834068298, 0.3035409152507782, -0.9246076345443726, -1.242031455039978, -0.1654292494058609, -0.21570411324501038, -0.9613890647888184, 1.0793166160583496, 0.46945875883102417, 1.7677319049835205, -0.37087273597717285, 0.5074014663696289, -0.09348039329051971, -0.1169183999300003, 0.901051938533783, 0.25474634766578674, 0.42871344089508057, -0.40415966510772705, -0.27559730410575867, 1.2702133655548096, -0.301224023103714, -0.6698688268661499, 0.1372051239013672, 0.8354688286781311, -0.31971922516822815, -0.06191781908273697, -0.1824692189693451, 0.5412872433662415, -0.08803032338619232, 2.031820058822632, -0.6718242168426514, -0.677934467792511, -0.2617945671081543, 0.36153891682624817, 0.16788597404956818, 0.3695371150970459, -1.6749303340911865, -0.6343504786491394, -0.09991402924060822, 0.494356632232666, -0.15275514125823975, 0.3916056752204895, 0.7058222889900208, -0.03972318768501282, -0.42938756942749023, -0.2822026014328003, -0.38014015555381775, -0.1958608776330948, -0.03584524989128113, -0.39198893308639526, -0.6260766983032227, 1.132388710975647, -0.047060705721378326, -1.5761864185333252, 0.6232113838195801, 0.06881456822156906, -1.4297376871109009, 0.7988144159317017, 0.8127681016921997, -1.8474183082580566, -0.6936041712760925, -0.08952584862709045, -0.7309086322784424, -1.054439902305603, 0.5303567051887512, -1.2016315460205078, 0.8960290551185608, 0.9787702560424805, 0.01303435955196619, -0.13771343231201172, 0.05628785490989685, -1.0266194343566895, 0.9654607176780701, 0.5817743539810181, -0.9933136105537415, 0.011700354516506195, -0.23018236458301544, 0.2422514110803604, 0.29940542578697205, -1.3693808317184448, -0.43808379769325256, 0.9570134282112122, 0.660056471824646, 0.2891494333744049, -0.40125927329063416, -0.33714058995246887, 0.210848867893219, 0.10712066292762756, 0.33318662643432617, -0.8994285464286804, 0.024303486570715904, -0.2200639843940735, 1.3171905279159546, 0.9151706695556641, -0.29044845700263977, -0.7419096827507019, 0.6794809699058533, -0.5075364708900452, 0.20395512878894806, 0.8927057981491089, 0.5843671560287476, 0.7686659097671509, 0.23992514610290527, 0.5753567814826965, -0.8499577641487122, -10.413472175598145, -0.016973452642560005, 0.3885091543197632, 0.4119693636894226, 0.2507822811603546, 0.13602358102798462, 0.12369266897439957, -0.31366655230522156, 0.4936797320842743, -0.3640940487384796, 0.2341388463973999, 1.8319454193115234, 0.10547226667404175, -0.7389888763427734, -0.564649224281311, -1.5849357843399048, -0.9356250166893005, -0.250699520111084, 0.6192988157272339, -0.3584275543689728, -0.3048282861709595, -1.9250619411468506, 0.8233506083488464, -0.0978279560804367, 1.1227998733520508, -0.40288981795310974, 0.22384917736053467, 0.8196409344673157, -1.4177191257476807, 0.3531358242034912, 0.7422842383384705, 0.3131394386291504, -0.7525601387023926, -0.12755359709262848, 0.5405033826828003, -0.0014908304437994957, -1.104823112487793, 0.11429812759160995, 0.538599967956543, -0.14544694125652313, -0.23666711151599884, -0.0005127848125994205, -0.11890961229801178, -1.0175117254257202, -0.11155037581920624, -0.18364498019218445, 0.24395868182182312, -0.7232944369316101, 0.7506341338157654, -0.03146109730005264, -0.6918772459030151, -0.6866494417190552, -1.1393755674362183, -0.7543398141860962, -0.1700795441865921, -0.03522834926843643, -0.7513701319694519, 0.663077712059021, -0.04949598014354706, -0.7608965635299683, 0.3520094156265259, 0.8187057375907898, -0.5176773071289062, 0.40116173028945923, -0.036461241543293, -0.1067289263010025, 0.46313995122909546, 0.39679017663002014, -0.12261292338371277, 0.45782163739204407, -1.1490150690078735, 1.378496527671814, -0.7028318047523499, 0.16348762810230255, -0.9378435015678406, -0.054092757403850555, -0.1451452374458313, -1.7457618713378906, 1.0566611289978027, -0.41629087924957275, -1.605137825012207, 0.23016980290412903, 0.11440809816122055, -0.1993747055530548, -0.6094728708267212, 0.10328134894371033, 0.003775686025619507, -0.7810097336769104, 1.5445537567138672, -0.3696210980415344, 0.9138962030410767, -0.4005589783191681, -0.026509113609790802, -0.2579120993614197, 0.3705797493457794, 0.4084273874759674, -1.0870532989501953, 1.8199481964111328, 0.5144811868667603, -1.0425773859024048, 0.3308257758617401, 0.026415452361106873, -0.9157364368438721, -0.2039039582014084, 0.39798250794410706, 0.43240517377853394, -0.10739603638648987, 0.00040727853775024414, -0.7962093949317932, -0.06952378898859024, 1.4526982307434082, 0.2704179286956787, 0.15630820393562317, 0.32699722051620483, 0.3601767122745514, 0.8721397519111633, 0.7012547254562378, -0.03203798830509186, 0.33907443284988403, 0.9876282811164856, -0.06561792641878128, 0.8079603910446167, -0.09149974584579468, 0.7950503826141357, -0.3012312054634094, -0.26288902759552, -0.09412805736064911, 0.220468208193779, -0.8721880316734314, -1.348104476928711, 0.4733642637729645, 0.1556086540222168, 0.5237523317337036, -0.7532381415367126, 0.00048736855387687683, 0.0010432526469230652, -0.5279598832130432, 0.8916729688644409, -0.1502840667963028, -0.05440735071897507, -0.07572466135025024, -0.30921462178230286, 1.0271282196044922, -0.005507849156856537, -0.7224794626235962, -0.03688710182905197, -2.438232660293579, 0.003853287547826767, -0.6206011772155762, -0.827215313911438, 0.585859477519989, -0.5376858711242676, 0.5449586510658264, -1.2349885702133179, -0.6398647427558899, -0.1026330292224884, 0.9592558145523071, -0.13518625497817993, -0.5460931658744812, -0.061094123870134354, 0.03228970617055893, 1.4632062911987305, -1.1997545957565308, 1.0243103504180908, -0.061843689531087875, 0.14314362406730652, -0.3601379990577698, 0.0003705024719238281, -0.8478237986564636, 0.6698535084724426, 1.446061372756958, -1.2848830223083496, -0.1733272671699524, -0.8017510771751404, 0.39800330996513367, -0.42359620332717896, 0.49543121457099915, 1.1421433687210083, -1.8005211353302002, -0.10685601830482483, -0.5071111917495728, 0.6787304878234863, 0.7115487456321716, -0.7603504061698914, -0.9512948989868164, 0.5874488949775696, -0.12175526469945908, 1.218369722366333, -0.21176795661449432, 0.6734609603881836, -1.9130079746246338, -1.3025972843170166, -0.49352091550827026, -1.394542932510376, 0.8934729099273682, -0.15135373175144196, 0.8903650045394897, 0.21992073953151703, 0.45038238167762756, -0.2808958888053894, -0.1707983762025833, 0.6883462071418762, 0.4526842534542084, 0.37314680218696594, -1.1328986883163452, 0.42714983224868774, -0.5086712837219238, 0.013099532574415207, 0.4876841902732849, 0.11919528990983963, -1.786978840827942, -0.23367980122566223, 0.4507157504558563, 0.2779834270477295, 0.40089917182922363, -0.9086380004882812, 0.9674948453903198, -0.23934517800807953, -0.6406986713409424, -1.416483998298645, 0.17800095677375793, 0.37102386355400085, 0.20007644593715668, 1.1268913745880127, 0.7429629564285278, 0.21367968618869781, 1.0242210626602173, 0.37555980682373047, 2.0009663105010986, 0.226436048746109, -0.5438575148582458, -0.05945579335093498, 0.2859932482242584, 0.35746246576309204, 0.6045472621917725, 0.8311659693717957, -1.0298937559127808, -0.03649064898490906, -1.267796277999878, 0.24689453840255737, 0.06808063387870789, 0.1295786201953888, -0.009320564568042755, 1.478458285331726, -0.06538975983858109, -0.4109514653682709, -0.4554527699947357, -0.898330569267273, -0.4719560146331787, 0.7201039791107178, 0.29052916169166565, 1.0545982122421265, 0.7138823866844177, 0.22676238417625427, 0.8138282299041748, -0.21381454169750214, 0.3004266023635864, 0.25056689977645874, 0.9485965967178345, 0.6564326882362366, 0.5920353531837463, 0.11697740107774734, -0.08009214699268341, -0.45300015807151794, -0.9190228581428528, -0.48433637619018555, -0.9910526275634766, 0.6949559450149536, 0.6685827374458313, 0.10860837996006012, 0.10223919153213501, -0.11730747669935226, 0.0465397909283638, 0.08057446032762527, 0.47831591963768005, 0.5142677426338196, -0.7849847078323364, -1.162335991859436, -0.8139584064483643, 0.04885895550251007, 0.6996434926986694, -0.28834766149520874, -0.33690834045410156, -0.3345035910606384, 0.16041533648967743, -0.23328137397766113, -0.2544672191143036, -0.9551788568496704, 0.07047596573829651, -0.5708205699920654, -0.177755206823349, 0.2155187875032425, -1.0247769355773926, -0.4131825566291809, 0.29032161831855774, -1.132814645767212, 0.9465891122817993, 0.658323347568512, -0.6421778202056885, -0.3540829122066498, 0.8225486874580383, 0.9041306972503662, -0.014103841036558151, 0.08237031102180481, -0.314566433429718, -1.5117480754852295, 1.7378168106079102, 0.940348207950592, -0.9861127138137817, -0.5313305258750916, 0.20301851630210876, 0.9621922969818115, -0.3387364447116852, 1.4040961265563965]} +{"paper_id": "mdd", "embedding": [-0.5370144844055176, 0.6543548107147217, 0.09794303774833679, 0.05219166725873947, 0.565152108669281, 0.6077643632888794, 0.9726743698120117, 0.4231981337070465, 0.9024969339370728, -0.26688164472579956, 0.8900839686393738, -0.019443849101662636, 0.23662269115447998, -0.40073496103286743, -0.1932496279478073, 0.5519670248031616, -1.0625280141830444, -0.523070216178894, -1.0171982049942017, -0.25003018975257874, -0.8202372789382935, -0.3747524619102478, 0.17110544443130493, 0.9429488182067871, -0.9889569878578186, -0.8805438876152039, 1.4330155849456787, -1.160446286201477, 0.3702806234359741, 0.3028273284435272, -0.25221675634384155, 1.9576650857925415, -0.22908519208431244, -0.18083234131336212, -0.295366108417511, -0.24920649826526642, 0.2822888493537903, 0.7560428977012634, -0.002681240439414978, 0.592960774898529, -0.8183982372283936, 0.34808504581451416, -0.31366774439811707, 0.7128767967224121, 0.804548442363739, -0.0968228131532669, 0.05206850916147232, 0.13367687165737152, -0.3434331715106964, -0.2688462734222412, -0.8504634499549866, -0.07692467421293259, -0.5323103070259094, 0.2957334518432617, -0.750904381275177, 1.3766851425170898, 0.325019508600235, 0.08566143363714218, 0.22279293835163116, -0.9599921703338623, 1.4120988845825195, 1.32175874710083, 0.404636412858963, 0.4162909686565399, 1.1709994077682495, 0.3500979542732239, 2.0550155639648438, 0.17128844559192657, 0.6862473487854004, 0.38035738468170166, -0.4261443018913269, -1.110652208328247, 0.7373489737510681, 0.22607362270355225, -0.17912480235099792, 0.9740149974822998, 0.8192610144615173, 0.5200478434562683, -0.4599149227142334, -0.042318880558013916, -0.16240696609020233, 0.5562022924423218, -0.05134175717830658, -0.7519610524177551, 0.200561061501503, 0.8201257586479187, 0.5316979885101318, -0.2537194788455963, 0.4307326674461365, -1.8374131917953491, 0.29137301445007324, -0.2910119891166687, 0.17064014077186584, -0.2620672583580017, -0.3942062556743622, -0.10717340558767319, 0.05065657198429108, 0.10578761249780655, -0.950197696685791, 0.06864246726036072, 0.5951603651046753, -0.387247234582901, 0.18870148062705994, -0.44986239075660706, -0.19635912775993347, 0.42374682426452637, 0.47473859786987305, -0.1245632991194725, -0.35111790895462036, -0.4483013153076172, -0.41462641954421997, 0.7729606032371521, 0.17302905023097992, 1.0379397869110107, 0.02345333620905876, 0.6231399774551392, 0.5494536757469177, -0.9604942798614502, -0.30474674701690674, 0.39728647470474243, -0.24832184612751007, -1.0265856981277466, -0.2189214527606964, 0.21545206010341644, 0.9625516533851624, -0.831049382686615, -0.33204516768455505, -0.46769779920578003, -0.7216426134109497, -0.42810267210006714, 0.9793374538421631, -0.03555421531200409, -0.7726240158081055, -0.4241178333759308, 2.9258735179901123, -1.3964396715164185, 1.9143840074539185, -1.1806951761245728, -0.9474347233772278, -0.6814349889755249, 0.5693431496620178, 1.0701266527175903, -0.4351048469543457, -0.22834041714668274, -0.6831259727478027, -0.6344090700149536, -0.8815340399742126, -0.07676488161087036, -0.5039244890213013, -0.8541651964187622, -0.14727847278118134, -0.02427520602941513, -1.6640524864196777, -0.3610488176345825, -0.36081424355506897, 0.46282532811164856, 0.31073638796806335, 0.8217189908027649, 0.08020222187042236, 0.9025540947914124, 0.4016950726509094, -0.1072997897863388, 0.12294238805770874, 0.4661458134651184, -0.7836589217185974, -0.0436539463698864, 0.41532188653945923, 0.07992149144411087, -0.6760914921760559, -0.9410238265991211, 0.8237971067428589, -0.2013237178325653, -0.5799245834350586, 0.4621713161468506, -0.4605635702610016, 0.2869683504104614, 0.7506397366523743, 0.9097475409507751, -0.24004431068897247, -0.49779602885246277, -0.9790417551994324, -0.4450055658817291, -0.6731697916984558, 0.4688915014266968, -0.2421642690896988, 0.1439976841211319, -1.115744709968567, -0.28328824043273926, -0.2125721126794815, 0.9359568953514099, 0.2955571711063385, 0.2492673546075821, 0.5298312306404114, -0.5995020270347595, 0.8814883232116699, -0.22371776401996613, 0.8573697805404663, -1.3110935688018799, 0.4315148591995239, 0.364215612411499, -0.11561842262744904, -0.0930306613445282, 0.2899428606033325, 1.8323981761932373, 0.6707054376602173, 0.07274612039327621, -0.2489161491394043, -1.2788519859313965, 0.3135074973106384, 2.508272647857666, 0.26610833406448364, -0.8632954359054565, -0.3616695702075958, 0.1526927500963211, -0.18961665034294128, -0.2026800811290741, 0.5531290769577026, -0.24630936980247498, 0.3417457640171051, -1.4840987920761108, 0.15779101848602295, -0.498281866312027, 0.1905301809310913, 1.1611253023147583, 1.586961030960083, -0.5359662771224976, 0.14941838383674622, 0.1536616086959839, -1.2885684967041016, 0.46551641821861267, 0.48968467116355896, 0.4360303580760956, 0.13148275017738342, 0.6273391842842102, 0.01998370885848999, -0.20429642498493195, 0.051692597568035126, 0.6945680975914001, -0.6275636553764343, 0.07445680350065231, 0.12415914237499237, 0.8394854664802551, 0.1010279506444931, 0.26161760091781616, -0.0225859135389328, 0.9016464948654175, 0.1454467475414276, -1.313846230506897, 0.3881893754005432, 0.057402439415454865, 0.9057294130325317, 0.7284221649169922, -0.06861938536167145, 0.46693944931030273, -0.4365837574005127, -0.3640780448913574, -0.7456960082054138, -0.3558462858200073, -0.24602234363555908, -1.14496910572052, 1.1958364248275757, -0.38825637102127075, 0.27138230204582214, -0.5608259439468384, 0.4015926420688629, -1.0464847087860107, 0.47180646657943726, 0.2646850645542145, -0.7053203582763672, -1.4129122495651245, 0.28270769119262695, -0.21167819201946259, -0.39326241612434387, -0.8111419081687927, -0.07059381902217865, 0.4959717094898224, -0.09230324625968933, 1.4478185176849365, 1.3629295825958252, -0.1946692019701004, -0.1280699372291565, -0.8557894229888916, 1.103284239768982, -0.6021285057067871, 0.9095117449760437, -0.19216202199459076, 0.2039487510919571, -0.43203234672546387, 0.6779026985168457, 0.0412735790014267, -0.10806339234113693, 0.6209460496902466, -0.26324954628944397, 0.1337530016899109, -0.04726077616214752, -0.6531718969345093, 0.7796542644500732, -0.5130921006202698, 0.29830461740493774, -0.25365114212036133, 2.5302834510803223, 0.0989016443490982, -0.5443771481513977, 0.7473002672195435, -0.03164948523044586, 0.5664067268371582, 0.7169053554534912, -0.38954874873161316, 0.6540826559066772, 0.8466653823852539, -0.42552676796913147, 0.6144300699234009, 0.05910419672727585, -2.5881009101867676, 0.19321273267269135, 0.799901008605957, -0.7366406917572021, -0.03637811914086342, -0.964745819568634, 0.46525949239730835, 0.11804331839084625, 0.3059900999069214, -0.6254463791847229, -0.27622368931770325, 0.40505164861679077, -0.5258532762527466, 0.47680187225341797, 2.140005350112915, -0.4804989695549011, -0.2961329221725464, 1.004494547843933, -0.42147573828697205, -1.1776633262634277, -1.4259216785430908, 0.1346941590309143, -0.3589494824409485, -0.7648056745529175, -0.3422698676586151, 0.5068876147270203, 1.2692095041275024, -0.09625635296106339, -0.34507444500923157, 0.799426794052124, 0.5276528596878052, 0.6899276971817017, -0.21417848765850067, -0.4348480701446533, 0.6867233514785767, -0.8159815669059753, 0.8278293609619141, -0.31763097643852234, -0.35029149055480957, -1.8057143688201904, 0.36608320474624634, -0.448241651058197, -0.8278781771659851, 1.7974584102630615, -0.3284725844860077, 0.9935551285743713, -0.00359356589615345, 0.46820390224456787, -0.8961366415023804, 0.11284486949443817, 0.6463466286659241, 0.6907649040222168, -0.5033172965049744, -0.2781251072883606, 0.0586024671792984, 0.45622244477272034, -0.5499503016471863, -0.6914819478988647, -0.14832951128482819, 1.6852831840515137, -0.003984551876783371, -0.5859827995300293, -0.3304097056388855, 1.6409718990325928, 0.4518762528896332, 0.8205490112304688, -0.34125807881355286, -0.32212433218955994, 0.2213715761899948, 1.163916826248169, 0.694154679775238, 0.5862368941307068, -0.595415472984314, 0.9298654794692993, -0.016699228435754776, 0.2734076976776123, -0.3303681015968323, 0.7008993625640869, -0.26576003432273865, -1.161618709564209, -1.1914417743682861, -0.09451641142368317, -0.8223924040794373, -0.8811729550361633, -0.1838141679763794, -0.048913028091192245, -0.7102264761924744, 1.285528302192688, -0.6308370232582092, -0.2793944478034973, 0.9097808599472046, -0.6954461932182312, -1.3038396835327148, 0.4827132225036621, 0.7954984903335571, -1.127004623413086, 0.20991447567939758, -0.6407420635223389, -1.251523733139038, -0.9240521788597107, 0.1655970811843872, -0.7440335154533386, 0.11057545989751816, -0.19822345674037933, 0.6349152326583862, -0.6264145374298096, -0.38581758737564087, -0.7929031848907471, 0.11819522082805634, 0.3622022867202759, -0.4806148409843445, 1.5862165689468384, 0.7493565082550049, -0.07418228685855865, -0.7307627201080322, -0.550308346748352, -0.8840999603271484, 0.2811267077922821, -0.33282074332237244, 0.23904937505722046, -0.4010644853115082, -0.12197060883045197, 0.5218406915664673, -0.9194546937942505, 0.37676092982292175, -1.2606807947158813, -0.116930291056633, -0.43494778871536255, 0.17796260118484497, -0.036935776472091675, -1.0704152584075928, -0.9280129075050354, -0.11832721531391144, -0.987028181552887, 0.6009476184844971, -1.1155611276626587, -0.0938614159822464, 1.9934130907058716, 0.6173885464668274, 0.6793473362922668, 0.3390199542045593, -10.515585899353027, 0.8857202529907227, 0.003280351869761944, -0.5966296195983887, 0.31818562746047974, -1.004790186882019, 1.409627914428711, -0.04206281527876854, 1.0799087285995483, -1.1980425119400024, 0.5965575575828552, 0.9769061207771301, -0.21562331914901733, -0.9224610328674316, -0.2815279960632324, -1.2603799104690552, -0.8995595574378967, -1.0938146114349365, -0.20424383878707886, -0.38415104150772095, -0.12554940581321716, -0.4564524292945862, -0.5138245820999146, 0.17008422315120697, -0.47712600231170654, 0.06524034589529037, -0.3816085755825043, -0.5108361840248108, -0.1202821359038353, 0.6256519556045532, 0.5098534226417542, -0.1501048058271408, 0.05195508897304535, -1.223321557044983, 0.05607420206069946, -0.17453327775001526, -0.576565682888031, 0.1719684898853302, 0.39032700657844543, 0.16482840478420258, -0.35907745361328125, 0.6776809692382812, 0.516528844833374, 0.043164581060409546, -0.39491698145866394, 0.38435250520706177, 0.6106202602386475, 0.1585242748260498, -0.4082936644554138, 0.38065406680107117, -0.9412954449653625, -0.14951454102993011, -1.1693882942199707, 0.008156009018421173, 0.4966176152229309, 0.12110218405723572, -0.20863696932792664, 0.9276698231697083, -0.7487224340438843, -0.945109486579895, 0.9535872936248779, -0.1875491738319397, -0.550172746181488, -0.0019928067922592163, 1.1316081285476685, -0.9730226397514343, -0.2030070424079895, 0.36441677808761597, -0.3458828628063202, 0.5064734220504761, -0.43801742792129517, 0.35475343465805054, -0.44382545351982117, 0.6103264689445496, -1.090580701828003, -0.006395347416400909, -0.30539172887802124, 0.59532630443573, 0.719620406627655, 0.13257794082164764, -1.2447004318237305, 0.8505836725234985, 0.5008339881896973, -1.2946065664291382, -0.8934789299964905, 0.679943323135376, -0.2591649889945984, -0.213237002491951, 1.1187903881072998, 0.031243138015270233, 1.3926997184753418, 0.8692840337753296, -0.4380570650100708, 0.8853178024291992, -0.08605934679508209, 0.964009702205658, 0.5684979557991028, 0.6572591066360474, 0.3548300266265869, -0.4551496207714081, 0.3673884868621826, -0.0596659779548645, -0.0801037922501564, 0.5898600816726685, 0.38566112518310547, 0.1616460084915161, -0.5075277090072632, 0.6123948097229004, 0.6650570034980774, 0.19548359513282776, 0.7921140789985657, -0.012787342071533203, -0.4009110927581787, 0.26641610264778137, 0.2469358742237091, 0.9697820544242859, 1.1592897176742554, 0.039847567677497864, 0.7346750497817993, 0.41949647665023804, -0.33937159180641174, 1.1828492879867554, 0.15498456358909607, 0.7955055236816406, -0.04228667542338371, -0.29811498522758484, 0.46222344040870667, 0.983390212059021, 0.390629380941391, -1.2048808336257935, 0.44939443469047546, -0.22719310224056244, 0.367626816034317, -0.5028712749481201, -0.32738813757896423, 0.42726966738700867, -0.6368836760520935, 1.1195006370544434, -0.23094753921031952, 0.23204442858695984, -0.4059085249900818, -0.974834144115448, 0.6714974045753479, -1.1848578453063965, -1.0649943351745605, -0.10183625668287277, -0.9754607081413269, 0.08357886970043182, -0.481791615486145, 0.7903807163238525, 0.7070934176445007, 0.26207435131073, 1.204380750656128, -0.4204728901386261, -0.3785976767539978, 0.008925314992666245, 0.8127457499504089, -0.3288113474845886, -0.9051668047904968, -0.14516456425189972, 0.05176166445016861, 1.3778562545776367, -0.570374071598053, 1.0244877338409424, 0.3184022307395935, -0.5385526418685913, 0.1996035873889923, 0.8515040874481201, -1.3855212926864624, 0.15597808361053467, 1.3529912233352661, -1.218338131904602, -0.6975362300872803, -1.2963627576828003, -0.5089015960693359, -0.6707192659378052, 0.7945784330368042, 1.5244377851486206, -0.9485457539558411, -0.4739724397659302, 0.06973502039909363, 0.25397416949272156, -0.10179945826530457, -0.21035762131214142, -0.13440953195095062, 0.24381467700004578, 0.23412832617759705, 1.2692816257476807, -0.12085851281881332, 0.24794796109199524, -2.095263719558716, -0.9994503855705261, -0.19779881834983826, -0.799164354801178, -0.7421467304229736, -0.12849581241607666, 1.017019510269165, 0.4754655659198761, -0.15920574963092804, 0.42410948872566223, 0.6093464493751526, 0.8229590654373169, -0.6450282335281372, -0.0958775207400322, 0.46629956364631653, -0.2688046991825104, -0.5728570222854614, 0.4799501895904541, 0.24475277960300446, 0.28523123264312744, -0.9524277448654175, -0.3855924606323242, 0.2581790089607239, 0.06574989855289459, 0.9636522531509399, -0.20426185429096222, -0.148479163646698, -0.42699041962623596, -0.4452613592147827, -1.8474578857421875, 0.23167604207992554, 0.6504818201065063, -0.009034477174282074, 1.0633872747421265, 0.603081464767456, 0.9230241179466248, 0.7418397665023804, 0.03886774927377701, -0.11941076815128326, -0.7147216796875, -0.45563778281211853, 0.0807226300239563, 0.160843625664711, -0.014743275940418243, -0.4045345187187195, -1.0991215705871582, -1.3541828393936157, 1.0028172731399536, -0.5366743206977844, 0.37153857946395874, -0.48236024379730225, 0.7798209190368652, 0.5931245684623718, 1.3827826976776123, -0.6622448563575745, -1.1305575370788574, -0.4751404821872711, -1.4798932075500488, -0.1989244669675827, 0.3063073754310608, 0.04698584973812103, 0.8811946511268616, 0.7002954483032227, -0.12214721739292145, 0.8777834177017212, -1.1149464845657349, -0.3661646842956543, 0.3649005889892578, 0.42455482482910156, 0.26571983098983765, 0.4426880180835724, 0.36898311972618103, 1.0017688274383545, 0.271258145570755, -0.4586837887763977, -0.06974799931049347, 0.18399649858474731, 0.35030436515808105, 0.8810278177261353, -0.5903691053390503, -1.0488226413726807, -0.7849632501602173, 0.4084513187408447, -0.9327061772346497, 1.0605075359344482, 0.5554797053337097, -0.500732421875, -1.1612513065338135, -1.451853632926941, -0.6500144600868225, 0.577178418636322, 0.2225220799446106, -0.4773367643356323, -0.6054948568344116, 0.45877358317375183, 0.39859187602996826, -0.1345112919807434, -1.154315710067749, 0.31225767731666565, -0.9784135222434998, 0.3392905592918396, -0.6124904155731201, -1.3112255334854126, -0.0444299690425396, -0.06648114323616028, -1.0086491107940674, 1.339674949645996, 0.027447231113910675, -1.2989457845687866, -1.5007699728012085, 0.3134686052799225, -0.5382099151611328, 0.1452188342809677, 0.10958564281463623, 0.21565274894237518, -2.0338356494903564, 0.8743299841880798, 1.5750688314437866, 0.4061586856842041, -0.3254894018173218, 0.7070627808570862, -0.019592665135860443, -0.8806433081626892, 1.4299753904342651]} +{"paper_id": "coqa", "embedding": [-0.3521920144557953, 0.7296561002731323, -0.030992206186056137, -0.10437994450330734, 0.7833011746406555, 0.5313067436218262, 0.7395379543304443, 0.6406315565109253, 0.8840976357460022, 0.24126704037189484, 0.43852540850639343, -0.22817562520503998, 0.7943326830863953, 0.008390543051064014, -0.35700559616088867, -0.5716942548751831, -1.2778112888336182, -0.25446823239326477, -1.6721131801605225, -0.37517374753952026, -0.5901709794998169, -0.4982113838195801, -0.19975076615810394, 1.6506072282791138, -0.8501476645469666, -0.8060438632965088, 0.9966962933540344, -0.9755343794822693, 0.15966162085533142, -0.06575845181941986, 0.36098554730415344, 1.5016155242919922, -1.1595563888549805, 0.7224202156066895, -0.32818570733070374, -1.1276404857635498, -0.05367232486605644, 0.8500598073005676, -0.34642037749290466, -0.06931033730506897, -0.6269725561141968, 0.6124691963195801, 0.022620175033807755, 0.5312150120735168, 0.8636953234672546, -0.2784495949745178, 0.18902121484279633, -0.18657192587852478, -0.7705599069595337, 0.016627658158540726, -0.6397508978843689, 0.19944989681243896, 0.05890098959207535, 0.9969624280929565, 0.1561369001865387, 0.7797459959983826, 0.160771906375885, -0.6774323582649231, 0.3308608829975128, -0.8396209478378296, 1.4339241981506348, 1.432969093322754, -0.07235965132713318, 0.15466326475143433, 1.3090295791625977, -0.5929647088050842, 1.241553544998169, 0.06742793321609497, -0.27993616461753845, 1.0542742013931274, -0.5349037051200867, -0.49838754534721375, 0.40235263109207153, -0.10056798160076141, 0.12754975259304047, 0.7525057792663574, 0.5770959258079529, 0.5391320586204529, -0.34867170453071594, 0.1952381134033203, 0.17781688272953033, 0.15027624368667603, 0.6331145167350769, -0.33318647742271423, 0.38122591376304626, 0.531084418296814, 0.5142449140548706, -0.7248321771621704, 0.15114782750606537, -2.0278730392456055, 0.6217625737190247, 0.4452153146266937, -0.037636324763298035, 0.29779118299484253, -0.5087527632713318, 0.8689824342727661, -0.5963966250419617, -0.15794362127780914, -0.0424405075609684, 0.019369684159755707, 0.6564997434616089, -0.1477462202310562, 0.47960078716278076, -0.4724367558956146, 0.1723245084285736, 0.2634032070636749, 0.8057762384414673, 0.014025591313838959, -0.4191092252731323, -0.9184727072715759, -0.021156443282961845, 0.7922452688217163, -0.10990714281797409, 0.7199158668518066, 0.2240924835205078, 0.6092104911804199, 0.8288612961769104, -0.9607301950454712, -0.31063103675842285, 0.3469921946525574, 0.053177036345005035, -0.7893549203872681, -0.22940295934677124, -0.481515109539032, 1.044212818145752, -0.2470666468143463, -0.2894250452518463, -0.853321373462677, 0.05057310312986374, 0.12835048139095306, 0.3000728487968445, 0.07954120635986328, -0.4371001422405243, -0.2058163434267044, 2.9554638862609863, -0.9161511063575745, 1.8799514770507812, -0.9926877021789551, -0.30874693393707275, -0.5702435374259949, -0.16640311479568481, 1.7757917642593384, -0.16118693351745605, -0.6012481451034546, -0.7412371635437012, -0.1470234990119934, -0.5053958296775818, 0.1516447812318802, -1.0366036891937256, -1.159633755683899, -0.1350538283586502, -0.23292282223701477, -1.8442492485046387, -0.3912200927734375, -0.04883933812379837, 0.22264403104782104, -0.005635421723127365, 0.6073357462882996, -0.3591122031211853, 0.47984442114830017, -0.13404208421707153, -0.3241692781448364, 0.05131779611110687, 0.4167248606681824, -0.862307071685791, -0.27115485072135925, 0.29094868898391724, -0.22713243961334229, -0.8061979413032532, 0.2724634110927582, 0.015509048476815224, -0.45620691776275635, 0.14201131463050842, -0.3033400774002075, -0.2796779274940491, 0.3479282557964325, 0.42423349618911743, 1.1228114366531372, 0.19123195111751556, -0.8151004910469055, -0.6470986008644104, -0.47207728028297424, -0.14798031747341156, 0.7256969213485718, 0.03952327370643616, 0.4415533244609833, -2.6854307651519775, 0.0018896758556365967, -0.4491838812828064, 0.9941338896751404, -0.019213080406188965, -0.07160907238721848, 0.045387037098407745, -0.33623263239860535, 0.14372751116752625, -0.3513510227203369, 0.8394215106964111, -1.3310099840164185, 0.4834315776824951, -0.07074980437755585, 0.3398643434047699, -0.12285065650939941, 0.3769257366657257, 1.2737195491790771, 0.4012933373451233, -0.35930877923965454, -1.3728010654449463, -1.7101225852966309, 0.25715672969818115, 2.477485418319702, 0.38180631399154663, -0.4878230094909668, -0.4841166138648987, -0.40498220920562744, -0.035302914679050446, -0.039335865527391434, 0.26833248138427734, -0.6141533255577087, 0.24375088512897491, -0.785952627658844, 0.7162765264511108, -0.7976918816566467, 0.11863761395215988, 1.1332354545593262, 1.2262336015701294, -0.5250255465507507, -0.030693452805280685, -0.8813726305961609, -0.21797046065330505, 0.4466557502746582, 0.2044152170419693, 0.03960069268941879, 0.2071455419063568, 0.45546239614486694, 0.6396363973617554, 1.1339111328125, 0.9389368891716003, 0.7466768622398376, -0.7699921131134033, -0.29352477192878723, -0.18110871315002441, 1.6587945222854614, 0.030413419008255005, 0.4391501247882843, 0.41670000553131104, 0.36802831292152405, -0.30986499786376953, -0.3956446647644043, 0.01876068115234375, -0.022890903055667877, 1.214152455329895, 0.6833328604698181, -0.39111649990081787, 0.7580709457397461, -0.6140621304512024, -0.20779043436050415, -0.3418577313423157, -0.7909995317459106, -0.6082793474197388, -0.6754377484321594, 1.0296710729599, -0.3769720196723938, -0.2460918426513672, -0.3000616431236267, 0.2158784568309784, -1.007452368736267, -0.3273005485534668, 0.3484853208065033, -0.4685785174369812, -1.3974065780639648, -0.2081957906484604, -0.24924345314502716, -0.9400513768196106, -0.6778765320777893, -0.4013599157333374, 0.03195871412754059, 0.22806157171726227, 0.5592861175537109, 2.0301527976989746, 0.03241071105003357, 0.004681210964918137, 0.1405061036348343, 1.258467197418213, -0.6439990997314453, 0.6401529908180237, -0.46294260025024414, 0.04951605573296547, -1.015726089477539, 0.1918303370475769, -0.8619802594184875, 0.3057893216609955, 0.8240119218826294, -0.3748141825199127, 0.7634833455085754, -0.44306817650794983, -0.6069807410240173, 0.6597496271133423, -0.2746858596801758, -0.2687780559062958, -0.40364837646484375, 2.068974018096924, -0.20949521660804749, -0.6889151930809021, 1.1614885330200195, -0.3558579385280609, -0.06675022095441818, 1.0060410499572754, 0.5220931768417358, -0.1205914318561554, 0.6101551055908203, -0.546716034412384, 0.12247414886951447, 0.622931182384491, -1.8854438066482544, 0.8913261294364929, 0.926247239112854, -0.17538008093833923, -0.056116100400686264, -1.0624831914901733, 0.6041168570518494, -0.5861823558807373, 0.2683238387107849, 0.6108167767524719, -0.03609880432486534, 0.4058786928653717, -0.32710322737693787, 0.44922924041748047, 0.7026950716972351, -0.2318202555179596, 0.26369374990463257, 0.4250321090221405, 0.30707281827926636, -1.2912894487380981, -0.67451411485672, 0.5724143981933594, -0.3358219563961029, 0.08000390231609344, 0.4777137041091919, 0.6065047979354858, 0.8632500171661377, 0.11898085474967957, -0.40784958004951477, 0.9813634753227234, 0.44239315390586853, 0.023409198969602585, -0.43106696009635925, -0.20893634855747223, 0.4277225136756897, -0.6191173791885376, 0.8954117298126221, -0.04913618043065071, -0.8324293494224548, -0.877704381942749, -0.03119111806154251, -0.21315674483776093, -0.3943740129470825, 1.4282265901565552, 0.4781252443790436, 1.2881540060043335, 0.37558168172836304, 0.046877678483724594, -0.44416412711143494, -0.343817800283432, 1.1024118661880493, -0.09083527326583862, 0.23553520441055298, -0.9874594211578369, -0.10471948981285095, 0.8545029163360596, 0.590908944606781, -0.27205538749694824, 0.2582477331161499, 0.9333573579788208, 0.022670958191156387, -0.6873603463172913, 0.35009101033210754, 1.2134000062942505, 0.33473923802375793, 1.4347636699676514, -0.5606876611709595, -0.18608666956424713, -0.14701032638549805, 0.5143760442733765, -0.0015600640326738358, 0.4273449182510376, 0.03788943588733673, 0.9066506624221802, 0.23580534756183624, 0.5878736972808838, -0.05992956459522247, 1.3346437215805054, 0.978256106376648, -0.8899922966957092, -1.1812933683395386, -0.5763980746269226, -0.916355311870575, -0.034812092781066895, 0.6956290602684021, -0.2365521639585495, -0.20537061989307404, 0.5609328150749207, 0.1782139241695404, -0.903329610824585, 0.3394434452056885, -0.44624683260917664, -0.8775628805160522, 1.0230156183242798, 1.1538934707641602, -1.2227725982666016, -0.4614858329296112, -0.07783200591802597, -1.0975967645645142, -0.1430038958787918, -0.16140639781951904, -0.9140192866325378, 0.536498486995697, 0.21757717430591583, 0.7306535243988037, 0.0020481450483202934, 0.0112367644906044, -1.1273279190063477, 1.318102478981018, 0.6992572546005249, -0.7647958397865295, 0.4134426414966583, 0.24357174336910248, 0.6912516951560974, -0.06712772697210312, -1.1990727186203003, -0.6848059892654419, 0.8962415456771851, -0.49170351028442383, 0.1937776654958725, -0.8077990412712097, 0.1507284790277481, 0.9011847376823425, 0.13071855902671814, 0.357796847820282, -0.738525927066803, 0.11744209378957748, -0.7542383074760437, -0.06850001215934753, 0.9550250768661499, -1.2336217164993286, -0.9765713810920715, 0.11776776611804962, -0.6662086844444275, 0.617652416229248, -0.2909644842147827, -0.2870750427246094, 1.4333850145339966, 0.23143550753593445, 0.187388077378273, 0.03989168256521225, -11.443785667419434, 1.3826996088027954, -0.0775710791349411, -0.06828887015581131, 0.3862116038799286, -0.6138806343078613, 0.5327321887016296, -0.006421960890293121, 0.4113667905330658, -0.974484920501709, 0.499072790145874, 1.105865240097046, 0.020251618698239326, 0.19246751070022583, -0.5028516054153442, -1.1481742858886719, -0.8078970313072205, -0.710845410823822, 0.19850002229213715, 0.041994139552116394, -0.4147995710372925, -0.4701879024505615, -0.13243946433067322, -0.004601642489433289, 0.38738617300987244, 0.40393874049186707, -0.7143726944923401, -0.37366926670074463, -0.48776954412460327, -0.21835432946681976, 0.7553298473358154, -0.6516891121864319, -0.1913818120956421, -0.47502776980400085, -0.15150974690914154, -0.37156349420547485, -1.0241856575012207, -0.02157580852508545, 0.6469045281410217, -0.1438918113708496, 0.16422918438911438, 0.04604409262537956, 0.647408664226532, -0.47255071997642517, -0.3468155562877655, 0.2525542974472046, -0.07874555140733719, -0.4221488833427429, 0.14810752868652344, -0.07632428407669067, -1.1786670684814453, -0.31856170296669006, -1.1044865846633911, -0.6999345421791077, 0.2749696373939514, 0.28539007902145386, -0.6853312849998474, -0.23651590943336487, 0.22254838049411774, -0.7528294324874878, 0.7105576395988464, 0.09531097114086151, -0.0923103392124176, 0.47625425457954407, 0.10878844559192657, -0.49222248792648315, -0.12793809175491333, 0.1293996125459671, -0.3913912773132324, 0.6873466372489929, -0.6730215549468994, 0.842783510684967, -0.13846039772033691, 0.6180593967437744, -0.9425786137580872, 0.0073818638920784, -1.0101239681243896, -0.014673188328742981, 0.8693920969963074, 0.08225014805793762, -1.2059221267700195, 1.0888171195983887, 0.7012725472450256, -0.7810946106910706, -0.7738443613052368, 0.43187087774276733, 0.12072388827800751, 0.3957175016403198, 1.079363465309143, -0.5033292174339294, 1.6358972787857056, 0.36875176429748535, -0.7790497541427612, 0.13647907972335815, -0.4501873850822449, 1.1008167266845703, -0.3326352536678314, 0.4267396032810211, 0.03246091306209564, -0.5323907136917114, -0.26382577419281006, -0.08794388175010681, -0.9084701538085938, 0.4168465733528137, 0.19860459864139557, 0.21950441598892212, -0.06221446394920349, 0.007329851388931274, 0.044686030596494675, -0.9577697515487671, 0.9584177732467651, 0.5181012749671936, -0.4495178461074829, 1.4184993505477905, -0.4671483039855957, 0.48574531078338623, 0.7053969502449036, 0.18056777119636536, 0.2558908760547638, 0.36711812019348145, -0.73493492603302, 1.1623214483261108, -0.06584719568490982, 1.7882190942764282, -0.044383399188518524, 0.08201665431261063, 0.40717941522598267, 0.2201552391052246, -0.43676814436912537, -1.5358855724334717, 0.3756442368030548, -0.3706084191799164, 0.3311530351638794, -0.6148679852485657, -0.12888669967651367, 0.7389212250709534, -0.7725211977958679, 1.7299515008926392, -1.1216485500335693, -0.4486154615879059, -0.5361310839653015, -0.31062689423561096, -0.641228437423706, -1.485512614250183, -0.8476316332817078, 0.19467680156230927, -1.7716087102890015, 0.7475188374519348, -0.5005683302879333, -0.059265125542879105, -0.3755001723766327, -0.3077525496482849, 0.8605518341064453, -0.8161464333534241, -0.3055937886238098, -0.5115256309509277, 0.752153217792511, -0.5660479664802551, -1.1134957075119019, -0.2037525475025177, 0.1888091266155243, 1.3947434425354004, -0.7867711782455444, 1.2263344526290894, 0.14291326701641083, -0.3774879276752472, -0.3088093101978302, 0.22649437189102173, -0.8353843688964844, 0.35456788539886475, 1.456994652748108, -1.1096686124801636, -0.6254949569702148, -0.6870197057723999, -0.23756277561187744, -0.39160487055778503, 0.2750200927257538, 0.9547209739685059, -1.4034817218780518, -0.6423819065093994, -0.6122273206710815, 0.7527830004692078, -0.020172875374555588, -0.30829545855522156, -0.10747428983449936, 0.4367069900035858, -0.3952631950378418, 0.8375114798545837, 0.3705282509326935, 0.6880471110343933, -1.4129315614700317, -1.2744452953338623, -0.2802518308162689, 0.3846306800842285, 0.055473800748586655, 0.20489297807216644, 0.5151737332344055, 0.30508479475975037, -0.45560526847839355, -0.14461472630500793, 0.05639272183179855, 0.46087634563446045, -0.37173226475715637, 0.5234007239341736, -0.5924887657165527, 0.4278680384159088, -0.11799667030572891, -0.19744859635829926, 0.36287951469421387, 0.5681335926055908, -0.9324113726615906, -0.6526784300804138, -0.02766566351056099, -0.2615845501422882, 0.35516810417175293, -1.361384630203247, -0.24736297130584717, -0.32411766052246094, -0.6953962445259094, -1.104841709136963, -0.11814775317907333, 1.2376917600631714, -0.2715970277786255, 1.250483512878418, 0.3109051287174225, 0.8147026300430298, 0.685752809047699, 0.11970694363117218, 0.5095329880714417, -0.2848598062992096, 0.19863930344581604, 0.29077306389808655, 0.22083213925361633, 0.8197332620620728, -0.30520951747894287, -1.1085400581359863, -0.3537629246711731, 0.3279697000980377, -0.31277796626091003, 0.657459557056427, 0.052313581109046936, 1.1092711687088013, 1.3683782815933228, 1.5994081497192383, -0.24154677987098694, -1.4147515296936035, -0.3017640709877014, -1.2431683540344238, 0.5680932998657227, 0.8956273198127747, 0.6402367949485779, 0.5519779920578003, 0.7400987148284912, -0.08028808236122131, 1.0862526893615723, -0.9587652683258057, 0.03055393323302269, 0.2742811441421509, -0.13023662567138672, 0.8201372623443604, 0.7686886787414551, 0.12345965951681137, 0.5035243630409241, -0.3311152458190918, -0.7324772477149963, 0.34119701385498047, -0.4204697906970978, 0.9072396755218506, 0.4292612075805664, -0.4211692810058594, -0.45082205533981323, -0.5991387963294983, 0.8268944621086121, -0.17274394631385803, 1.109105110168457, 0.3996783494949341, -0.8309219479560852, -0.6269281506538391, -1.1197888851165771, -0.8827839493751526, 0.4338926374912262, 0.4384206235408783, -0.4363842010498047, -0.4280845522880554, 0.6581406593322754, 0.6203723549842834, -0.20211169123649597, -0.7959133386611938, -0.21513217687606812, -0.887604832649231, 0.1976919025182724, 0.23635609447956085, -0.9811748266220093, -0.5090507864952087, 0.007532299496233463, -0.5753136873245239, 0.4115069806575775, 0.274910032749176, -0.9182475209236145, -1.1058824062347412, -0.052381325513124466, -0.058157309889793396, 0.31023597717285156, 0.38937705755233765, -0.4297718405723572, -1.872571587562561, 0.6819208860397339, 1.2214304208755493, -0.1446591317653656, -0.31894004344940186, 0.1928984522819519, 0.4349619150161743, 0.12841886281967163, 1.1144388914108276]} +{"paper_id": "hotpot_qa", "embedding": [-0.6357254981994629, 0.4612865149974823, -0.35548028349876404, -0.4909241795539856, 0.22401389479637146, -0.017841752618551254, 0.6260797381401062, 0.6679815053939819, 0.9307888746261597, 0.3371925354003906, 0.5840260982513428, 0.29730260372161865, 0.21439090371131897, 0.39519232511520386, -0.5592203140258789, -0.5845524072647095, -0.9559301733970642, -0.3112037181854248, -1.5338736772537231, -0.021309755742549896, -0.6013855934143066, -1.0174707174301147, 0.40760236978530884, 0.8160549402236938, -1.1818912029266357, -0.8192901611328125, 1.126299262046814, -1.0051442384719849, 0.3234809637069702, -0.17432516813278198, -0.06364325433969498, 1.8104352951049805, -1.4401772022247314, 0.7509950995445251, -0.25905537605285645, -0.33924776315689087, 0.014907103963196278, 1.2849031686782837, -0.21926549077033997, -0.3573177456855774, -0.6982993483543396, 0.2655220329761505, 0.7710320353507996, 0.2802940011024475, 1.0199389457702637, -0.9032700657844543, 0.6367082595825195, 0.02194805070757866, -0.9090295433998108, -0.3983485698699951, -0.6269774436950684, 0.09093569964170456, -0.16226257383823395, 1.1665425300598145, -0.17615890502929688, 0.9835653901100159, 0.08763069659471512, -0.7362996935844421, 0.9020704030990601, -0.618877649307251, 1.7697560787200928, 1.5935988426208496, -0.018793409690260887, 0.055746614933013916, 1.2596639394760132, 0.17135806381702423, 1.1958411931991577, 0.38028377294540405, 0.3063949644565582, 0.6462302207946777, -0.09398287534713745, -1.2895606756210327, 0.22115206718444824, -0.2700766623020172, 0.1998005211353302, 0.9224718809127808, 0.45136088132858276, 0.2836349904537201, 0.09072141349315643, -0.030032366514205933, -0.00873514637351036, 0.024321936070919037, 0.651817798614502, -0.12284986674785614, 0.21150518953800201, 0.47714802622795105, 0.3992598354816437, -1.1886367797851562, 0.9566031694412231, -1.5805312395095825, 0.6654331684112549, 0.32738155126571655, 0.16965438425540924, -0.21093398332595825, 0.04604141041636467, 1.007631540298462, -1.103454828262329, -0.48017099499702454, -0.4436374604701996, 0.5447503328323364, 0.7265816330909729, -0.20896930992603302, 0.2762015461921692, -0.32840245962142944, 0.2602649927139282, 0.5099421739578247, 0.308213472366333, 0.08777879178524017, -0.7871910333633423, -0.9251320362091064, -0.2857126295566559, 0.5684909224510193, -0.20184773206710815, 0.3092222213745117, -0.07084684073925018, 0.5805838704109192, 0.4598219394683838, -0.8509871959686279, -0.19787970185279846, 0.6150014400482178, 0.08482441306114197, -1.1750478744506836, -0.15659600496292114, -0.34761905670166016, 0.7861000895500183, -0.012375403195619583, -0.49174872040748596, -0.5243165493011475, -0.6238131523132324, 0.38754189014434814, 1.0255755186080933, -0.19486035406589508, -0.8478051424026489, 0.05482146516442299, 3.478466510772705, -0.8065511584281921, 1.6831028461456299, -0.40503594279289246, -0.5867094397544861, -0.23147307336330414, -0.43917572498321533, 1.0995489358901978, 0.46570679545402527, -0.23874124884605408, -0.6340892314910889, 0.2503720223903656, -0.21590550243854523, 0.22098563611507416, -1.1086030006408691, -0.5405382513999939, -0.16617099940776825, 0.2799639105796814, -1.9950705766677856, 0.18033552169799805, 0.15323899686336517, 0.5883463025093079, -0.24589966237545013, 0.059487562626600266, -0.5814086198806763, 0.5703903436660767, -0.19814088940620422, -0.06324431300163269, -0.34662556648254395, 0.8524683713912964, -0.19919666647911072, -0.2536146640777588, 0.931402325630188, -0.4052925705909729, -1.1492369174957275, 0.3855443596839905, 0.7208983302116394, -0.6808488965034485, -0.09535090625286102, -0.42808929085731506, -0.2651030719280243, 0.3247234523296356, 0.1725245714187622, 0.5202810764312744, 0.2049742192029953, -0.4191364049911499, -0.5898687839508057, -0.03890015557408333, -0.21784862875938416, 0.8106486797332764, -0.4215662479400635, -0.01084919273853302, -2.913163185119629, -0.03555583953857422, 0.40777134895324707, 1.1557940244674683, 0.40142422914505005, 0.31927764415740967, 0.22800523042678833, 0.08814127743244171, -0.5350775718688965, -0.9642778635025024, 0.6932150721549988, -1.3116950988769531, 0.1934516429901123, -0.052228182554244995, -0.4657508134841919, 0.008676894940435886, 0.01999293826520443, 0.6419450640678406, 0.3435937762260437, -0.4410010874271393, -1.174355387687683, -1.8528460264205933, 0.04811694473028183, 2.1545422077178955, -0.14187289774417877, -0.11022967845201492, -1.5024503469467163, -0.4536193013191223, -0.3936675786972046, -0.08077019453048706, 0.043575651943683624, -0.7608906626701355, 0.4143587350845337, -1.103602647781372, 0.5161467790603638, -0.3232263922691345, 0.25335338711738586, 0.8853602409362793, 1.3551701307296753, -1.0290534496307373, 0.1291360855102539, -0.6482216715812683, -0.836727499961853, 0.9498880505561829, 0.28757283091545105, 0.2732774019241333, 0.06884845346212387, 1.4325587749481201, 0.7361612319946289, 1.4336427450180054, 0.47667065262794495, 0.6527606248855591, -1.470301628112793, -0.05377517640590668, -0.05122242867946625, 1.4002476930618286, 0.6531846523284912, 0.23973214626312256, 0.5702857375144958, 0.10030320286750793, -0.4001888334751129, -0.49279099702835083, -0.1054334044456482, -0.4199444651603699, 1.302390456199646, 0.7715575098991394, -0.4643495976924896, 0.7742376327514648, -0.7165781855583191, -0.4105057716369629, -0.19494299590587616, -0.8237333297729492, -0.21902325749397278, -0.5124909281730652, 0.999525785446167, 0.26165083050727844, 0.019049279391765594, -0.2693191170692444, 0.05625323951244354, -1.3699129819869995, 0.3808545768260956, 0.2874617576599121, -0.35972297191619873, -0.6612063646316528, -0.023606590926647186, -0.6568711996078491, -1.2393633127212524, -1.1183390617370605, 0.2547352612018585, -0.09884333610534668, 0.4601193964481354, 1.0634430646896362, 1.2922817468643188, -0.13467609882354736, 0.001226775348186493, -0.038757920265197754, 1.137380599975586, -0.45434999465942383, 0.8884950280189514, -0.050764717161655426, 0.3192780017852783, -1.028406023979187, 0.4658986032009125, -0.677793025970459, 0.1983247995376587, 0.3880898356437683, -0.4758272171020508, 0.836025059223175, -0.25100165605545044, -0.3367668390274048, 0.7792383432388306, 0.0709022805094719, -0.8454370498657227, -0.22054257988929749, 1.5525611639022827, -0.16107286512851715, -0.7503420114517212, 0.6609888076782227, 0.052201710641384125, -0.3956972658634186, 1.1916393041610718, 0.2308557629585266, -0.028786538168787956, 0.7227637767791748, -0.12420599907636642, 0.3030143082141876, 0.8388134837150574, -1.741929292678833, 1.0289340019226074, 0.9532678127288818, -0.5511083006858826, -0.16271202266216278, -0.841495931148529, 0.22490449249744415, -1.2048405408859253, 0.19439882040023804, 0.49817004799842834, -0.2618260681629181, 0.2913445830345154, -0.16329610347747803, 0.560816764831543, 0.7517340183258057, -0.7689597606658936, 0.6111330389976501, 0.4108954966068268, -0.09421277791261673, -0.6981210112571716, -0.8228466510772705, 1.3217686414718628, -0.16267254948616028, 0.03359541296958923, -0.18393480777740479, 0.936091959476471, 0.3948536515235901, 0.2456507384777069, -0.6146714091300964, 0.7598322629928589, 0.22901752591133118, 0.14388392865657806, -0.38757073879241943, -0.526439368724823, 0.7117989659309387, -0.4769779443740845, 1.146535873413086, -0.42514267563819885, -0.39274469017982483, -1.3361965417861938, -0.2624503970146179, -0.01254522055387497, -0.27169203758239746, 1.7531700134277344, 0.6648164391517639, 1.4444900751113892, -0.09933951497077942, 0.4633558690547943, -0.9799465537071228, -0.5669535994529724, 0.6134563088417053, 0.3424795866012573, 0.20563004910945892, -1.3830296993255615, 0.09654688835144043, 0.8392821550369263, 0.10812558233737946, -0.3868730068206787, 0.4978877305984497, 0.7723512053489685, 0.17883926630020142, -0.38447892665863037, 1.0834381580352783, 0.5170732736587524, 0.11407145112752914, 1.1449118852615356, -0.06355537474155426, -0.1170559674501419, -0.08868678659200668, 0.3060898780822754, -0.2740578353404999, 0.47138404846191406, -0.3366665840148926, 0.7626407742500305, 0.4498639702796936, 0.09641152620315552, 0.30285096168518066, 1.1819745302200317, 1.4547905921936035, -0.300304651260376, -1.9664307832717896, -0.48950082063674927, -0.6240115761756897, 0.14952923357486725, 0.44032981991767883, -0.24440325796604156, -0.37215617299079895, 0.32906410098075867, 0.07810802012681961, -0.8043360114097595, 0.6485780477523804, -1.0758885145187378, -1.3453115224838257, 1.0571292638778687, 0.6087048053741455, -1.2616455554962158, -0.6311661005020142, 0.27064579725265503, -0.8902943730354309, -0.5040552616119385, -0.08732244372367859, -0.6106083989143372, 0.8026612997055054, 0.1224174052476883, 0.7369742393493652, -0.0547335222363472, -0.10661450028419495, -1.3071460723876953, 1.0382825136184692, 0.702323317527771, -1.268195629119873, 0.685728907585144, 0.10695188492536545, 0.4125514030456543, 0.31860941648483276, -1.2145522832870483, -0.8028034567832947, 0.9849251508712769, -0.23563523590564728, 0.2905675768852234, -1.1471902132034302, -0.8055262565612793, 0.9535534381866455, -0.05621146410703659, 0.7805561423301697, -0.5720880627632141, -0.12050682306289673, -1.1586434841156006, -0.10333001613616943, 0.8536195755004883, -0.9088305234909058, -1.1878888607025146, 0.7963525652885437, -0.23446425795555115, 0.9368895292282104, -0.5276176929473877, -0.4671778082847595, 2.253761053085327, -0.44269344210624695, -0.19968071579933167, -0.5965607166290283, -11.028484344482422, 1.2195380926132202, 0.15727359056472778, 0.14898492395877838, 0.44164609909057617, -0.34270769357681274, 0.5261473059654236, -0.353593111038208, 0.2599956691265106, -1.0994044542312622, 0.38013455271720886, 1.579453468322754, 0.39471203088760376, 0.5579639673233032, -1.0731920003890991, -1.9701282978057861, -0.1778666228055954, -0.4177415370941162, 0.02003505825996399, -0.19622865319252014, -0.4165116846561432, -0.9726214408874512, 0.3531731963157654, 0.17086924612522125, 0.40240612626075745, 0.5464299321174622, -0.5849522352218628, 0.013759042136371136, -0.3700793385505676, -0.00046650320291519165, 0.7584895491600037, 0.30101409554481506, -0.0743137001991272, -0.4769248366355896, -0.5052456855773926, -0.2814828157424927, -0.4416651725769043, 0.09608106315135956, 0.7902148365974426, -0.04963983967900276, -0.03766394406557083, 0.20244957506656647, 0.534110426902771, 0.0927371084690094, -0.42264825105667114, 0.4622478485107422, 0.1285606473684311, -0.6545844674110413, -0.02815040946006775, 0.35143208503723145, -0.8554563522338867, -0.28131258487701416, -0.9284610748291016, -0.2698962688446045, 0.42423149943351746, 0.29772934317588806, -1.2386586666107178, -0.42539137601852417, -0.8900159001350403, -1.143430471420288, 0.41953206062316895, -0.19146688282489777, -0.005452968180179596, -0.17742830514907837, 0.17887970805168152, -0.19592206180095673, -0.1037931814789772, 0.006852213758975267, -1.0699528455734253, 0.3768256604671478, -0.6923632025718689, 0.7054012417793274, 0.1609807312488556, 0.5106682777404785, -1.3721691370010376, -0.024328768253326416, -1.3087029457092285, 0.22755862772464752, 0.5076494812965393, -0.1950451284646988, -1.39646577835083, 1.336639404296875, 0.6775782704353333, -0.23181971907615662, -0.9188253879547119, 0.13101330399513245, -0.21502754092216492, 0.28293827176094055, 0.4769239127635956, -0.834795355796814, 1.2344354391098022, 0.5064542293548584, -0.6828616261482239, -0.5963245034217834, -0.02775513380765915, 0.8723923563957214, -0.5130273103713989, 0.2055596113204956, -0.18799176812171936, -0.9373155832290649, 0.4405895173549652, -0.2129749059677124, -1.4182541370391846, 0.4615371525287628, 0.061092227697372437, 0.42142435908317566, 0.40836071968078613, -0.04765570908784866, -0.1660347729921341, -0.629744291305542, 1.2072199583053589, -0.2410643845796585, -0.506195604801178, 1.5383607149124146, -0.493961364030838, 0.5893215537071228, 0.5373644232749939, -0.11666787415742874, 0.23720765113830566, 0.599368691444397, -0.5812733173370361, 1.0931692123413086, -0.20571254193782806, 1.7336424589157104, -0.4641883969306946, 0.023831399157643318, 0.3738219738006592, 0.2212321162223816, -0.16709230840206146, -1.4160511493682861, 0.719261884689331, -0.10744404792785645, 0.25384339690208435, -0.6775795817375183, -0.45768195390701294, 0.354973703622818, -0.08530545234680176, 1.6307798624038696, -0.7897335290908813, -0.3584994077682495, -0.48663419485092163, -0.38156604766845703, -0.28649020195007324, -1.4949830770492554, -0.63288813829422, 0.22472211718559265, -0.7594012022018433, 0.4497068226337433, -0.7302986979484558, -0.04992011934518814, -0.13627666234970093, -0.3188474178314209, 1.3711626529693604, -0.5809929966926575, -0.09747686982154846, -0.5678085088729858, 0.41223397850990295, -0.5213693380355835, -0.846726655960083, -0.14419463276863098, -0.11429744213819504, 1.0941534042358398, -0.8122440576553345, 1.42032790184021, 0.18264102935791016, -0.31287524104118347, -0.319548636674881, -0.10042782872915268, -0.4869721829891205, 0.06385684013366699, 1.0736380815505981, -0.7009359002113342, -0.46875476837158203, -0.21981745958328247, 0.045356448739767075, -0.5135625600814819, 0.9629570841789246, 0.860875129699707, -1.0828585624694824, -0.4506193995475769, 0.44194287061691284, 1.0485795736312866, -0.15639501810073853, 0.005490720272064209, 0.3928705155849457, 0.4474429488182068, 0.016610803082585335, 0.6754791736602783, 0.32382330298423767, 1.0148217678070068, -1.3641868829727173, -1.1734974384307861, -0.24378399550914764, 0.215096116065979, 0.7919560074806213, 0.15590812265872955, 0.5849632620811462, 0.11843015998601913, -0.15529130399227142, 0.05293138325214386, 0.050736069679260254, 1.0643655061721802, 0.014820858836174011, 0.9031141996383667, -0.6202583909034729, 0.5629009008407593, -0.28152793645858765, -0.12109042704105377, 0.04519961401820183, 1.2816327810287476, -0.9607458710670471, -0.09583035111427307, 0.0530661903321743, -0.3811268210411072, 0.20268943905830383, -1.2354906797409058, 0.22982847690582275, -0.8515950441360474, -0.21416901051998138, -1.5806472301483154, 0.24564436078071594, 1.1860265731811523, -0.5094537138938904, 0.8150882124900818, -0.08966784924268723, 1.192504644393921, 0.9773126840591431, 0.471874475479126, 0.4927486181259155, 0.33297044038772583, -0.25056546926498413, 0.4294431507587433, -0.08392199873924255, -0.05758603289723396, -0.11280781030654907, -1.3572453260421753, 0.13992825150489807, 0.3136895000934601, -0.38295942544937134, 0.9981374740600586, 0.0264899842441082, 0.6481375098228455, 0.891434907913208, 0.8658372163772583, -0.5030375719070435, -1.1572781801223755, -0.0167926624417305, -1.3695523738861084, 0.3888799250125885, 0.9405180215835571, 0.9223460555076599, 0.1234070286154747, 0.9082308411598206, 0.10554131865501404, 0.6596152782440186, -0.8887536525726318, 0.30044442415237427, -0.2115805745124817, -0.11806681752204895, 0.8091389536857605, 0.7237891554832458, 0.01982545666396618, 0.25909942388534546, 0.2875120937824249, -0.9488133788108826, 0.08043177425861359, -0.46262380480766296, 1.1368950605392456, 0.5750322341918945, -0.0940571278333664, -0.269581139087677, -0.7671902775764465, 1.0572656393051147, -0.8559995889663696, 0.9249776005744934, 0.031528741121292114, -0.6176328063011169, -0.6404480338096619, -0.8337305784225464, -0.4277379810810089, 0.363677442073822, 0.028050417080521584, -0.3126356601715088, -0.3403654098510742, 1.0229724645614624, 0.2751636803150177, -0.08682721853256226, -0.668361246585846, -0.26328572630882263, -0.1989697515964508, -0.08301317691802979, -0.1329667717218399, -0.660368800163269, -0.34902647137641907, -0.14962321519851685, -0.2737767994403839, 0.2537405490875244, 0.014943547546863556, -0.8780383467674255, -0.7021900415420532, -0.12872850894927979, -0.06228146329522133, 1.0548876523971558, -0.3585975170135498, -0.3350919187068939, -1.723809003829956, 0.27972301840782166, 0.7946383357048035, 0.19745023548603058, -0.6566089391708374, -0.050663985311985016, 0.42362916469573975, -0.0382169671356678, 0.874168336391449]} +{"paper_id": "cc_news", "embedding": [-0.830860435962677, 0.6162764430046082, -0.6476116180419922, -0.0892937034368515, 0.5279362797737122, -0.21118296682834625, 0.8773857951164246, 0.06126648560166359, 0.6788782477378845, 0.9380576014518738, 0.6417315006256104, 0.0035143718123435974, 0.43657374382019043, 0.03591763228178024, 0.1356530785560608, -0.6645925045013428, -0.7468513250350952, -0.2045014500617981, 0.25939202308654785, -0.6829533576965332, -0.9920194149017334, -0.3489116430282593, -0.24101075530052185, -0.1531631350517273, -0.7133941650390625, 0.011621629819273949, 0.33357492089271545, -0.5492622256278992, 0.7584366202354431, -0.0740852877497673, 0.6662205457687378, 0.9030484557151794, -1.5087190866470337, 0.2663663625717163, -1.2039159536361694, -0.555411696434021, 0.14644983410835266, 0.9556558132171631, -0.6762533783912659, -0.05948920175433159, -0.6388691067695618, 0.042472898960113525, 1.4007817506790161, -0.23838935792446136, 1.0599355697631836, 0.07218239456415176, 0.596940815448761, -0.33120739459991455, 0.27265268564224243, 0.23246647417545319, 0.3321979343891144, 0.45465657114982605, -0.19713613390922546, 0.5022287368774414, -0.15478798747062683, 1.5911471843719482, -0.006682246923446655, -0.5666320323944092, 0.5762296319007874, -1.1237152814865112, 0.9871959686279297, 1.4055297374725342, -0.49037793278694153, -0.29901835322380066, 0.9878855347633362, -0.16860836744308472, 1.0697779655456543, -0.26174989342689514, 0.5734668374061584, 0.7779950499534607, -0.35319948196411133, -0.6808861494064331, -0.07957958430051804, -0.9735198020935059, 0.15325206518173218, 0.8609117269515991, 0.49685633182525635, -1.0611032247543335, 0.5905239582061768, 0.3004832863807678, -0.159551739692688, 0.9477657079696655, 0.1870325654745102, -0.1250683218240738, 0.009333152323961258, -0.22974532842636108, 0.5612614154815674, -0.6014592051506042, 0.023714572191238403, -1.3725521564483643, -0.13867850601673126, 0.3583204448223114, -0.30954089760780334, 0.34592676162719727, -0.5337099432945251, 0.20152050256729126, -0.7039420008659363, 0.1880430430173874, -0.9000325202941895, 0.4173554480075836, 0.47521817684173584, -0.7234504222869873, -0.17456310987472534, -0.08445373922586441, 0.3429027795791626, 1.2297720909118652, -0.6207073926925659, -0.02907966822385788, -0.6051117181777954, -0.41534096002578735, -0.35703256726264954, 1.2549543380737305, 0.018923435360193253, 0.15490984916687012, -0.3247646987438202, -0.572695255279541, -0.6906169056892395, 0.06263519823551178, -2.0281033515930176, 0.12281593680381775, -0.5088285803794861, -1.7885923385620117, 0.056017640978097916, 0.2656274437904358, 1.6186466217041016, 0.22197845578193665, 0.34012067317962646, -0.6454926133155823, 0.1663082391023636, 0.18936936557292938, 0.303033709526062, -0.0865936428308487, -0.9594438076019287, -0.38798031210899353, 1.866657018661499, -0.36163610219955444, 1.2870478630065918, 0.19435952603816986, 0.0442470908164978, -0.09603068232536316, -0.29529792070388794, 1.1855543851852417, -0.06441512703895569, -0.5567746758460999, -0.35548362135887146, -0.33194589614868164, -0.8045958876609802, 0.5004075169563293, -0.40664416551589966, -0.7878294587135315, -0.08897942304611206, 0.5529231429100037, -1.207520842552185, -0.32683220505714417, 0.36782941222190857, 0.5025386810302734, -0.05756634846329689, 0.3132856488227844, -0.9641568064689636, 0.9625335931777954, 0.7777301669120789, 0.5880170464515686, -0.14475299417972565, 0.4439413547515869, -0.19375759363174438, 0.04200635477900505, 1.1091808080673218, 0.3073911666870117, -0.29712826013565063, -0.12619107961654663, 1.084357500076294, -0.464229017496109, 0.27726566791534424, -0.8468347191810608, 0.3087546229362488, 0.014938611537218094, 0.008580036461353302, 0.2952355146408081, 0.5110136270523071, -0.9180375337600708, -0.7116039991378784, -0.22020573914051056, -0.04454435408115387, 0.5485270619392395, 0.35856661200523376, -0.2218419909477234, -1.2550405263900757, 0.2899061441421509, -1.019863486289978, 0.06760624796152115, -0.4898812472820282, -0.7421154975891113, 0.09348788857460022, 0.3659782409667969, -0.41739577054977417, -0.03673804923892021, 0.6427508592605591, -0.8035687208175659, -0.033445023000240326, 0.29963093996047974, 0.05879666283726692, 0.2608257532119751, -0.14843067526817322, -0.11576910316944122, 0.8622204065322876, -0.0005053095519542694, -0.40199998021125793, -1.488549828529358, 0.945713460445404, 1.189772605895996, -0.19078242778778076, -0.7465247511863708, -1.4658708572387695, 0.22777675092220306, 1.2353060245513916, -0.9549087285995483, 0.4315994083881378, -0.5176893472671509, -0.12839758396148682, -1.0542131662368774, 0.19911092519760132, -0.8222904801368713, 0.5215670466423035, 0.28782984614372253, 0.42838093638420105, -0.6191161274909973, -0.7955924272537231, -0.21546562016010284, -1.9009885787963867, 0.42625853419303894, 0.9422022104263306, 0.22670979797840118, -0.2733500301837921, 0.37757056951522827, 0.504654586315155, 0.29671210050582886, 0.16916900873184204, 0.5063826441764832, -0.5364880561828613, -0.7431009411811829, 0.09053338319063187, 0.10355402529239655, -0.4018048644065857, -0.6961787939071655, 0.36548566818237305, 0.6094979643821716, 0.06434693932533264, -0.509540855884552, -0.3212783932685852, -0.288671612739563, 0.8269451856613159, 1.4679077863693237, -0.5831977725028992, 1.3892993927001953, -0.1669984608888626, -0.18609490990638733, 1.0281258821487427, -1.0248135328292847, 0.3538397550582886, -0.6560889482498169, 0.7615974545478821, 0.1766127347946167, 0.8269637823104858, 0.002712465822696686, -0.26256608963012695, -0.11565664410591125, -0.07340972870588303, 0.36810585856437683, -0.9555569887161255, -0.7562124729156494, 0.0289020836353302, -0.16791917383670807, -1.3853778839111328, -0.649334728717804, -0.7270028591156006, 0.22822903096675873, -0.21514759957790375, -0.044774845242500305, 1.0120021104812622, 0.1379885971546173, 0.3953069746494293, -0.13422167301177979, 0.5664415955543518, -0.22720111906528473, 0.9266325831413269, -0.4149346351623535, 0.40678051114082336, -1.4568524360656738, 0.19173607230186462, -0.5581207871437073, 0.22151556611061096, 0.10039923340082169, -0.3404698371887207, 1.3677971363067627, -0.17526555061340332, -1.2570000886917114, 0.9430619478225708, -0.7610357999801636, 0.010187722742557526, -1.0037622451782227, 0.8938016891479492, 0.9021146893501282, 0.3609752058982849, 0.21170106530189514, -0.08413048833608627, -0.47852641344070435, 1.9151840209960938, -1.0272364616394043, 0.5771941542625427, 0.3599724769592285, 0.11688441038131714, 0.16708244383335114, 0.6772449612617493, -1.875460147857666, -0.16033786535263062, 0.8333505988121033, -0.8699890375137329, -0.07154491543769836, 0.02031518891453743, 0.2569497227668762, -0.733972430229187, -0.06888342648744583, 0.08815641701221466, -1.0008589029312134, 0.05513528361916542, -0.3123303949832916, 0.12616175413131714, 0.6511005759239197, -0.998081386089325, 0.2432505041360855, 0.02883169613778591, 0.6345356106758118, -0.004262197762727737, -0.33611008524894714, 0.4013419449329376, -0.35290658473968506, 0.6101651191711426, 0.10297046601772308, 0.6294702887535095, 0.6499109268188477, -0.8025600910186768, -0.22274598479270935, 0.0005212724208831787, 0.20879268646240234, 0.18771010637283325, -0.3162432312965393, 0.5612967610359192, 0.9220525622367859, -0.27008500695228577, 1.5781190395355225, 0.3999055027961731, -0.32325923442840576, -0.6471492648124695, -0.19326576590538025, -0.45102840662002563, -0.4039195775985718, 1.399692416191101, 0.5805973410606384, 1.3739464282989502, 0.3374403417110443, 0.5370442271232605, 0.11718171834945679, -0.2628740072250366, 0.9582730531692505, 0.5168420076370239, 0.1335987150669098, 0.4025113880634308, 0.7007385492324829, 0.6582550406455994, 0.2766664922237396, -0.3426237404346466, -0.0022043301723897457, 0.303658664226532, -0.6399461030960083, -0.8229426741600037, 0.4382379353046417, 0.6279606819152832, 0.9580519199371338, 1.8209335803985596, 0.20180118083953857, -0.6146084070205688, -0.21416446566581726, -0.13118882477283478, 0.195055291056633, 0.4823094606399536, -1.1679644584655762, 0.1411534547805786, 0.4591929316520691, 0.9913531541824341, -0.13605526089668274, 0.2065969556570053, 0.6067059636116028, 0.31506994366645813, -0.8736528754234314, -0.21515530347824097, -1.3041696548461914, 0.25991758704185486, -0.30796876549720764, 0.39374974370002747, -0.5187548398971558, 0.7564147114753723, -0.19526612758636475, -2.083580732345581, 0.4089188277721405, 0.21287129819393158, -0.5572121739387512, 0.8242965936660767, 1.7607049942016602, -0.802947998046875, -0.5062820315361023, -0.1954823136329651, -0.8560662865638733, -0.541785717010498, -0.03415008261799812, -0.19836024940013885, 1.0893787145614624, -0.12179583311080933, 0.8712944984436035, 0.4673808217048645, -0.393487811088562, -0.3704119324684143, 0.7292753458023071, 1.126848578453064, -1.120720386505127, 0.29505300521850586, -0.5350247025489807, -0.1953313648700714, 0.0781998485326767, -1.2451268434524536, -0.3371468782424927, 0.567219078540802, 0.19669446349143982, -0.2977677285671234, -0.6834635734558105, -0.19732068479061127, -0.4638792872428894, 0.09336639940738678, 1.3518120050430298, -1.0724798440933228, 0.5558327436447144, -0.7408531308174133, -0.010100104846060276, -0.11056335270404816, -1.1093311309814453, -0.6725622415542603, 1.0223455429077148, 0.25637441873550415, 0.6905592679977417, -0.23073627054691315, -0.4032391607761383, 0.682910680770874, 0.23323416709899902, 0.6383825540542603, -0.31254321336746216, -12.514806747436523, 0.40398353338241577, -0.5840842127799988, 0.43110984563827515, 0.5317915081977844, 0.6188594102859497, 0.18550801277160645, 1.3189297914505005, 0.822277307510376, -0.7682099938392639, 0.5032427310943604, 1.230459213256836, -0.3491448163986206, -0.4243934750556946, -0.23274396359920502, -0.6005206108093262, -0.6802302598953247, -0.38165706396102905, 0.5703307390213013, -0.6380707621574402, 0.8606221079826355, -0.7765927314758301, -0.25881290435791016, -0.571283757686615, 0.5023784041404724, -0.21276342868804932, -0.07529057562351227, 0.08216812461614609, -0.6535853743553162, 0.3347433805465698, 0.7669603228569031, -0.1930573284626007, -0.7856089472770691, -0.8738136887550354, 0.29314762353897095, 0.336016446352005, -1.028654932975769, -0.20255544781684875, 0.7346555590629578, -0.2881614565849304, 0.1685415506362915, 0.4262706935405731, -0.16953112185001373, 0.45840346813201904, 0.1411626636981964, -0.21474899351596832, -0.7045201659202576, -0.6059021949768066, -0.0907086580991745, -0.11548570543527603, -0.3801395893096924, 0.26096224784851074, -0.6078975796699524, -0.6096147894859314, 0.6085742712020874, -0.011595295742154121, -1.301255226135254, 0.44310709834098816, -0.6066673398017883, -0.7749305963516235, 1.4297949075698853, -0.007422696799039841, -0.7534215450286865, -0.45988929271698, 0.42286416888237, -0.40389397740364075, 1.2358070611953735, 0.15000301599502563, -0.19595199823379517, 0.09437134861946106, -0.3884696364402771, 1.3120168447494507, 0.8036523461341858, -0.06505119800567627, 0.3454778492450714, 0.6554582118988037, -0.3182409405708313, -0.3676336109638214, 0.2645861506462097, 0.3918648958206177, -1.6214628219604492, 0.0511067770421505, -0.008797328919172287, -0.5606488585472107, -0.8220959901809692, 0.13013599812984467, -0.03516991436481476, -0.7932370901107788, 0.05875052511692047, 0.1602475643157959, 1.286933422088623, 0.44649773836135864, -0.32447344064712524, -0.6987632513046265, -0.5136818289756775, 0.6465771198272705, -1.2092783451080322, 0.3607575297355652, -0.6462419033050537, -0.37597206234931946, 0.36585691571235657, -0.5499840378761292, -0.755255937576294, 0.18137818574905396, 0.3191486895084381, -0.5632332563400269, 0.5195616483688354, 0.36798661947250366, -0.6123552322387695, -0.05467287451028824, 0.0847485288977623, -0.29737111926078796, 0.2699437141418457, 1.6508368253707886, -0.010610803961753845, 1.1378618478775024, 0.2774266004562378, -0.9672678709030151, 0.5163900852203369, 1.087863564491272, -0.08103526383638382, 0.03925035893917084, 0.5788260102272034, 0.8288830518722534, 0.49540501832962036, 0.5123154520988464, -1.055396318435669, 0.3548073172569275, -0.23981627821922302, -0.6242443323135376, 0.6906721591949463, -0.9382885098457336, 0.1349538117647171, -0.6450172662734985, -0.5903367400169373, -0.3455084264278412, -0.1689693182706833, 1.7999742031097412, 0.11469142138957977, 0.3743863105773926, -0.6065938472747803, -0.2022152990102768, 0.09865570068359375, -0.8509509563446045, -0.41350945830345154, -0.4881192445755005, -1.3193583488464355, -0.08347773551940918, -0.5298832654953003, -0.7031542658805847, 0.6904531717300415, -0.17143255472183228, -0.39897316694259644, -0.5003061890602112, -0.5204448103904724, 0.44702231884002686, -0.08562313765287399, 0.2849389314651489, -0.8508034944534302, -0.542684018611908, 0.23194611072540283, 0.31050318479537964, -0.8514188528060913, 0.35489434003829956, 0.5397757291793823, 0.43387651443481445, -0.20419859886169434, 0.3028949797153473, -0.6918101906776428, 0.47595930099487305, 0.8793326616287231, -0.4343469738960266, -0.21213842928409576, -0.8208901286125183, -0.6690617203712463, -0.78870689868927, 0.19858324527740479, 0.9548006057739258, -0.413901686668396, 0.6857717633247375, -0.07027766853570938, 0.2734946310520172, 0.002691548317670822, -0.07293626666069031, 0.19783523678779602, 0.30066022276878357, 0.005862860940396786, 0.7747488617897034, -0.4989365041255951, 0.1490062177181244, -1.4826844930648804, -1.0542004108428955, -0.4329758286476135, -0.23931001126766205, 1.3318232297897339, -0.2264571189880371, 0.49088674783706665, 0.38787639141082764, -0.06958454102277756, -0.4373279809951782, 0.2153232842683792, 0.6323053240776062, 0.3003609776496887, 0.14681245386600494, -0.4342966675758362, -0.3018638491630554, -0.5620526075363159, 0.18832075595855713, 0.5519594550132751, 0.2520654499530792, -1.1024415493011475, 0.32014137506484985, 0.9186397790908813, -0.47090083360671997, 0.15872961282730103, -0.8171758651733398, 0.6998556852340698, 0.25687411427497864, 0.004340469837188721, -0.8587382435798645, -0.1505313217639923, 0.7905356287956238, -1.121401071548462, 1.355623722076416, -0.12019909173250198, 0.17642022669315338, 1.0602666139602661, 0.9547173380851746, 0.9587574601173401, 0.26938891410827637, -0.7144071459770203, 0.25060051679611206, -0.698955774307251, 0.1212223544716835, -0.18387675285339355, -0.09352455288171768, -1.2696601152420044, 0.8795263767242432, -0.8309667706489563, 0.03476347774267197, -0.3401287794113159, -0.534874439239502, 0.02311084419488907, 0.7962159514427185, 0.1327749639749527, -0.7221463918685913, -0.33633485436439514, -0.7403350472450256, -0.03519834205508232, 0.02676120400428772, 0.0970049649477005, 0.8852095007896423, 0.6833256483078003, -0.13194464147090912, 1.12165367603302, -0.39952266216278076, -0.08568397164344788, 0.521959125995636, -0.0174989253282547, 1.0259926319122314, 0.8020454049110413, 0.05696779489517212, 0.4500827193260193, -0.329704612493515, -0.6849517226219177, -0.13037006556987762, -0.23314118385314941, 0.4609333872795105, 0.9262216091156006, -0.9772962927818298, -0.11495329439640045, 0.041710808873176575, -0.4509487748146057, -0.2580757439136505, 0.4895794093608856, 0.7987557053565979, -0.8764174580574036, 0.7911190986633301, -0.25894030928611755, -0.5566614270210266, 1.143370509147644, 0.3479483127593994, -0.009531566873192787, -0.19731242954730988, 0.7519494891166687, -0.07433108985424042, -0.8876395225524902, -0.1137169897556305, 0.5875322222709656, -0.059162408113479614, -0.017225466668605804, 0.9048490524291992, -0.7622276544570923, -0.4552348554134369, 0.4819428026676178, -0.49276307225227356, 0.3214884400367737, 0.584594190120697, -1.248000979423523, 0.08930452167987823, 0.46905508637428284, -0.0017947182059288025, 0.11850230395793915, -0.0008376911282539368, 0.24601824581623077, -0.8970008492469788, 0.5089291334152222, 0.384555846452713, 0.593953549861908, -0.011072900146245956, 0.12217266857624054, 0.3558202385902405, 0.6344013810157776, 1.3588069677352905]} +{"paper_id": "biosses", "embedding": [-0.19484828412532806, 1.0101211071014404, 0.16001874208450317, -0.30882787704467773, 0.24425345659255981, -0.7801832556724548, 0.4317241907119751, 1.2500702142715454, 0.04594987630844116, 0.6154741048812866, 0.027390405535697937, 0.19202324748039246, -0.19016894698143005, 0.26726242899894714, -0.8900928497314453, -0.007773686200380325, -1.2661367654800415, -0.4917064309120178, -1.257447600364685, -0.26099011301994324, 0.3393888473510742, -0.6634373068809509, 0.055250924080610275, 0.13886606693267822, -0.16698020696640015, -0.5404089689254761, 0.08850610256195068, -1.6826059818267822, 0.891697883605957, 0.36450204253196716, 0.3278026580810547, 1.0989903211593628, -0.8518955111503601, 0.12185826152563095, -0.563093364238739, -0.16599246859550476, 0.1529749482870102, 1.3097139596939087, -1.0634113550186157, 0.24801087379455566, -0.8142056465148926, -0.349472314119339, 0.42720088362693787, 0.1875666379928589, 0.6546040177345276, -0.12424327433109283, -0.39846357703208923, 0.4189748466014862, -0.04575293883681297, 0.019183609634637833, -0.4047529697418213, -0.039718709886074066, 0.2001233994960785, 0.5024763345718384, -0.8078168630599976, 1.5664308071136475, 0.14681333303451538, -0.6604874134063721, 0.8656143546104431, -1.5532402992248535, 1.306531548500061, 1.627784252166748, -0.2571028470993042, 0.35143759846687317, 1.0939737558364868, -0.2886601984500885, 1.164589762687683, 0.07014462351799011, 0.5532219409942627, 0.591891884803772, -0.5783186554908752, -1.2759642601013184, 0.26534706354141235, 0.33297017216682434, 0.5404012203216553, 0.8822653293609619, 0.8679237961769104, -0.34694936871528625, 0.4850406050682068, 0.25060540437698364, -0.8932414650917053, 0.399493932723999, 1.7649774551391602, -0.8586090803146362, -0.17395299673080444, -0.11066707968711853, 0.31020188331604004, -0.17388339340686798, 1.0043176412582397, -0.7585297226905823, 0.2381395399570465, -0.2363998144865036, -0.22182396054267883, 0.37773048877716064, -0.9661685824394226, -0.25934532284736633, -0.1295674741268158, -0.17437806725502014, -0.5738818645477295, 0.7114693522453308, 0.8295473456382751, -0.40538638830184937, -0.27501779794692993, -0.22965416312217712, 0.5046018362045288, 0.8307340741157532, -0.8185330629348755, -0.6898297667503357, -0.633980929851532, -0.034866683185100555, 0.46474015712738037, 0.6519314050674438, -0.19723619520664215, -0.28586748242378235, -0.5916951298713684, -0.37371569871902466, 0.08054619282484055, -0.07963070273399353, -0.4633108973503113, -0.024338431656360626, -0.4130405783653259, -1.676706314086914, 0.4937240779399872, 0.425686776638031, 1.3167500495910645, -0.4353945851325989, 0.5853777527809143, 0.2592694163322449, 0.45181241631507874, 0.11183560639619827, 0.24019378423690796, 0.26823166012763977, -0.9334739446640015, -0.16479074954986572, 3.095799207687378, -0.5243184566497803, 1.0660579204559326, -0.5323353409767151, 0.1100182756781578, -0.2816143035888672, 0.20999100804328918, 0.3721977472305298, 0.039759017527103424, -0.19111910462379456, -0.3535645306110382, -0.5031037330627441, -0.0722280815243721, 1.4970648288726807, -0.6417197585105896, -0.19356679916381836, -0.5447981357574463, -0.79036545753479, -1.4945141077041626, -0.9610942602157593, -0.19191238284111023, 0.06316925585269928, 0.22183074057102203, 0.8180404305458069, -0.8042354583740234, 0.6838433742523193, 0.6569458246231079, 0.042301952838897705, -0.6749718189239502, -0.4793764352798462, -0.6648773550987244, -0.4203459322452545, 0.9750503897666931, -0.260152131319046, -0.6613284349441528, -0.2651561200618744, 0.8916707634925842, -0.16526693105697632, 0.18581873178482056, -0.5612709522247314, 0.405518501996994, 0.1859903633594513, 1.054630160331726, 0.45240306854248047, 0.1950109750032425, -0.5833851099014282, -0.2501705586910248, -0.17160245776176453, -0.5144954919815063, 0.35852620005607605, 0.0013435781002044678, 0.8204572200775146, -2.025686264038086, -0.49001479148864746, 0.10145317018032074, -0.2512817680835724, 0.14607608318328857, -0.056072041392326355, 0.04898391291499138, 0.6335270404815674, -0.2817419171333313, 0.1737653911113739, -0.2432522475719452, -1.353124737739563, -0.3324766159057617, 0.4684946537017822, -0.2766833007335663, 0.6916013360023499, -0.08305516093969345, 1.1701031923294067, 0.4058624804019928, -0.47621187567710876, -0.4239289462566376, -1.8062034845352173, 0.48379480838775635, 2.7369062900543213, -0.8696569800376892, -0.28280314803123474, -2.522171974182129, -0.6469765305519104, 0.5091887712478638, -0.3907022774219513, 0.12103556096553802, -1.0741385221481323, 0.10291734337806702, -0.7254754900932312, 0.8071618676185608, -0.08602860569953918, -0.017797425389289856, 0.6290937066078186, 0.8967868685722351, -0.835015058517456, 0.2526291012763977, -0.13088060915470123, -1.2270267009735107, 0.44320449233055115, 0.9716106653213501, -0.37836313247680664, -0.6639168858528137, 0.6861920356750488, 0.6491197347640991, 0.7264907956123352, 0.5182602405548096, 1.2726818323135376, -0.0027351081371307373, -0.21846702694892883, 0.04036301374435425, 0.46321576833724976, -0.24807704985141754, 0.26459023356437683, 0.3193759322166443, 0.41283637285232544, -0.3805786073207855, -0.17194262146949768, 0.11768387258052826, 0.3673222064971924, 0.8719313144683838, 0.806252658367157, -0.18519677221775055, 1.3566524982452393, -1.565954327583313, -0.45607277750968933, -0.5738934278488159, -0.7284560203552246, -0.7998989820480347, -0.04549451172351837, 0.8946509957313538, 0.13110075891017914, -0.28875935077667236, -0.48341721296310425, -0.01586098223924637, -1.6458561420440674, -0.41860437393188477, -1.043632984161377, -0.39376574754714966, -1.3609747886657715, -1.075689435005188, 0.8475294709205627, -1.2013530731201172, -0.6429303288459778, -0.03179020807147026, 0.5688747763633728, 0.16314281523227692, 1.4051589965820312, 1.5449496507644653, -0.2870651185512543, 0.7921810150146484, 0.23526541888713837, 1.1178686618804932, -0.30252695083618164, 1.1212948560714722, -1.0214909315109253, -0.2475956529378891, -0.9420459866523743, 0.7636973857879639, -0.8125776052474976, 0.39719733595848083, 0.5002332925796509, -0.34067925810813904, -0.2767379879951477, -0.14064772427082062, -1.0721849203109741, 0.374254047870636, 0.277839332818985, -0.5868066549301147, -0.8027738928794861, 1.7910126447677612, -0.09277084469795227, -0.6472704410552979, 0.8732575178146362, -0.0660942867398262, -0.5468176603317261, 1.1249159574508667, 0.05610007047653198, 1.3422938585281372, 0.380748987197876, 0.4104655086994171, 0.3451433479785919, 0.4373159408569336, -1.9652849435806274, 0.2642315626144409, 1.344702959060669, -0.39542993903160095, -0.8332287669181824, -0.6252501010894775, 0.10080458223819733, -0.3176490366458893, -0.8809075951576233, 1.0259662866592407, -0.7217440605163574, 0.9494960904121399, 0.040616728365421295, 0.2402191311120987, 0.9117406010627747, -1.1097122430801392, 0.28427889943122864, 0.9929517507553101, 1.0603151321411133, -0.5707893967628479, -0.4723447859287262, 0.89813631772995, -0.47113037109375, 1.1110622882843018, 0.18739691376686096, 1.1123331785202026, 0.39500609040260315, -0.3361942172050476, -0.0037969686090946198, 0.10480925440788269, 0.8983640670776367, 0.5225220322608948, -0.015894636511802673, -0.3050057888031006, 0.9960622787475586, 0.6511117219924927, 1.3839921951293945, 0.7699642181396484, -0.5234509706497192, -0.6182926297187805, -0.8438813090324402, -0.10715882480144501, -0.6211808323860168, 1.4773930311203003, 1.663109540939331, 2.397458553314209, -0.09991570562124252, 0.023784596472978592, -0.26462599635124207, 0.1253826916217804, 0.8347572684288025, 0.9155536890029907, -0.025690458714962006, -0.1586000770330429, 0.15272681415081024, 0.7971711754798889, -0.5052430629730225, -0.0933915227651596, 0.14687031507492065, 0.46318039298057556, -0.36226099729537964, -0.9221415519714355, 0.5654155015945435, 0.43189308047294617, 1.098199486732483, 1.1606671810150146, -0.558229386806488, 0.30702540278434753, -0.18103501200675964, 0.34896987676620483, -0.22702306509017944, -0.40668433904647827, -1.3009270429611206, 0.04301180690526962, 0.43785491585731506, 0.9066370129585266, -0.5915979146957397, 0.7228729724884033, 0.4947642683982849, 0.38485652208328247, -1.4439033269882202, -0.49712952971458435, -0.944452702999115, -0.25381845235824585, -0.24931985139846802, -0.5483605265617371, -0.4115997850894928, 0.6507874727249146, -0.3834717869758606, -0.5222516059875488, 1.2609074115753174, -0.8180890083312988, -1.1760624647140503, 0.9876615405082703, 0.9090368747711182, -1.4450112581253052, -0.01880688965320587, -0.16932080686092377, -0.9502398371696472, -1.2388732433319092, -0.35602521896362305, -0.2755669355392456, 0.36900317668914795, 0.09548793733119965, 1.0762608051300049, 0.12322191148996353, 0.08594733476638794, -1.2815433740615845, 0.28946805000305176, 1.0490130186080933, -0.965614914894104, 0.22069837152957916, -0.3299911916255951, -0.08742952346801758, -0.5046389102935791, -1.3559226989746094, -0.6266348958015442, -0.14498575031757355, -0.40364500880241394, -0.3638916313648224, -0.6976394653320312, -0.9300857186317444, 0.37459805607795715, 0.6170797944068909, 0.819801926612854, -0.8703158497810364, 0.7671507000923157, -0.2834254205226898, 0.08105713874101639, 0.3774223029613495, -0.16570866107940674, -0.7949919700622559, 1.1489872932434082, -0.46845534443855286, 1.1491432189941406, 0.08229608833789825, 0.05551094934344292, 1.091435194015503, 0.40596768260002136, 0.14567610621452332, -0.18626153469085693, -10.66298770904541, 0.5065399408340454, -0.32936757802963257, 0.5634409189224243, 0.6884924173355103, -0.37350189685821533, 0.5865237712860107, -0.3248882591724396, 1.0379233360290527, -0.4909413158893585, -0.14562618732452393, 1.9530768394470215, 0.10014893114566803, -0.45611923933029175, -0.8574932813644409, -1.821914792060852, -0.24997000396251678, -0.17938923835754395, 0.8878820538520813, -0.03347000479698181, -0.09380519390106201, -1.2819916009902954, -0.28683286905288696, 0.518789529800415, 0.7515200972557068, 0.021210409700870514, -0.3959304094314575, 0.08677448332309723, -0.9269520044326782, -0.1621624231338501, 0.6152625679969788, -0.7711348533630371, -0.60508793592453, -0.2660581171512604, 0.5679230690002441, 0.0657966136932373, -0.436816930770874, 0.30777907371520996, 0.4379398226737976, 0.4203059673309326, -0.09531703591346741, 0.10214734077453613, 0.3675239682197571, -0.8422783017158508, -0.30157271027565, 0.11600176990032196, -0.566502571105957, -0.6379489898681641, 0.282396137714386, -0.517003059387207, -0.20460249483585358, -0.2116263508796692, -0.6750802397727966, -0.6482006907463074, 0.23849397897720337, 0.3274051249027252, -0.6277275681495667, -0.027032826095819473, -0.9087772965431213, -1.1004536151885986, 0.7911369800567627, 0.16528700292110443, -0.08092337846755981, 1.257463812828064, -0.14380952715873718, 0.2525365650653839, 0.14100396633148193, -0.05509811267256737, -0.3076326549053192, 0.08559021353721619, -0.5056440830230713, 0.6270044445991516, 0.20837712287902832, 0.11712439358234406, 0.02557970955967903, -0.08285296708345413, -0.2577996850013733, -0.08965606987476349, 0.7298884987831116, 0.18606728315353394, -1.0776293277740479, 0.5675802230834961, -0.2483648657798767, -0.8670969605445862, -0.8560824394226074, -0.3211975395679474, -0.4009135365486145, 0.36646005511283875, 0.8639194965362549, -0.14423702657222748, 1.5763417482376099, 0.21223026514053345, 0.1267562210559845, -0.7144598364830017, 0.009916376322507858, 0.6726400256156921, -1.4523175954818726, 1.3128526210784912, -0.3860822319984436, -0.2958872318267822, 0.5858229994773865, -0.48173394799232483, -1.0488295555114746, -0.16230043768882751, -0.25807711482048035, 0.08970538526773453, 0.6862736940383911, -0.26649010181427, -0.2388010174036026, -0.38573169708251953, 1.0883784294128418, 0.47861629724502563, -0.3428115248680115, 0.7077110409736633, -0.5355218648910522, 0.6939650177955627, 0.9141735434532166, -0.9170334339141846, 0.2329372763633728, 1.5788344144821167, 0.24098382890224457, 0.3453582525253296, 0.15890119969844818, 1.349294662475586, 0.008702997118234634, 0.47751346230506897, -0.03531620651483536, 1.0677582025527954, -0.6647144556045532, -1.4219120740890503, 0.5305355787277222, 0.12497632205486298, 0.18404914438724518, -0.8515929579734802, -0.24424919486045837, 0.2714926600456238, -0.6542332768440247, 1.1329014301300049, -0.08250164985656738, 0.18868708610534668, -0.28831857442855835, -0.9038180708885193, -1.140608787536621, -0.4681445062160492, -0.3912060260772705, 0.6608788967132568, -1.2872122526168823, 0.21022705733776093, -0.10689348727464676, 0.022239357233047485, -0.3061979115009308, -0.025157999247312546, 0.833202064037323, -1.0367976427078247, -0.8124893307685852, -0.286220520734787, 0.5697464346885681, 0.5428866744041443, -0.8979657888412476, -0.6030011177062988, 0.30429714918136597, 0.7135211229324341, -1.1724807024002075, 1.3135097026824951, 0.7528284788131714, 0.42748647928237915, -0.8731722235679626, 0.10889793932437897, -0.8986077904701233, 0.6877434253692627, 0.6212497353553772, -0.8277819156646729, 0.0030875224620103836, -0.12026415765285492, -0.30161377787590027, -0.6329226493835449, 0.3055076003074646, 0.9699424505233765, -1.6504249572753906, 0.3634091019630432, 0.047000132501125336, 0.7140277624130249, 0.7969788908958435, -0.2675887644290924, -0.3215985894203186, 0.15155890583992004, -0.10434027761220932, 0.8837139010429382, -0.7174429893493652, 0.6049997210502625, -1.7384012937545776, -1.6952271461486816, -0.4850822389125824, 0.451078325510025, 0.8969492316246033, 0.1380116492509842, 1.1369396448135376, 0.17101892828941345, 0.8436325788497925, 0.6589738726615906, 0.5746945142745972, 0.6070284843444824, 0.3930518925189972, 0.8657483458518982, -0.35469791293144226, -0.021325457841157913, -0.983311653137207, 0.04266862943768501, 0.4738220274448395, 1.2320376634597778, -1.0978840589523315, -0.35695505142211914, 0.41891464591026306, -0.4306570887565613, -0.1781195104122162, -1.3789113759994507, 0.7141710519790649, -0.7541477084159851, -0.014142971485853195, -0.8299762606620789, 0.21875622868537903, 1.094811201095581, -1.0939245223999023, 1.2711753845214844, 0.5153259634971619, 0.9150693416595459, -0.157813161611557, 0.3530336916446686, 1.857796311378479, -0.24033509194850922, -0.9640603065490723, -0.21485289931297302, 0.5051971673965454, -0.2245430052280426, -0.620606541633606, -0.3892196714878082, -0.3052498698234558, -0.052367642521858215, -1.2849078178405762, 0.6381557583808899, -0.8742663264274597, 0.045458775013685226, 0.8129182457923889, 1.1211224794387817, -0.4229850172996521, -1.462773323059082, 0.10250653326511383, -1.0972951650619507, 0.1287619173526764, -0.0475471168756485, 0.23498190939426422, 0.013966253027319908, 0.8024761080741882, 0.2434043139219284, 0.8863437175750732, -0.5212223529815674, 0.2076599895954132, 0.19124022126197815, -0.28579288721084595, 1.2845515012741089, 0.8107991218566895, -0.02558193914592266, -0.3350183963775635, -0.85636967420578, -0.7051193714141846, -0.027284812182188034, -1.2012783288955688, 0.6163440942764282, 1.557576298713684, 0.19826896488666534, 0.28636467456817627, -0.6955947279930115, 1.017193078994751, -0.8901470899581909, 0.10834702849388123, 0.03956761211156845, -0.21056032180786133, -1.194734811782837, -0.8178569078445435, -0.3748467266559601, 0.682968020439148, -0.6848882436752319, 0.17729391157627106, 0.13695885241031647, 0.27767086029052734, -0.4361860752105713, -0.09010016918182373, -0.3694508671760559, 0.19644251465797424, -0.32103240489959717, 0.04993603378534317, 0.6336346864700317, -0.5569830536842346, -0.593038022518158, -0.08288717269897461, -0.7865976095199585, 0.42252013087272644, 0.21282227337360382, -0.6405557990074158, -0.379582017660141, 1.1343179941177368, -0.18038040399551392, -0.6265317797660828, 0.21076276898384094, 0.07626043260097504, -1.664712905883789, 1.0112316608428955, 0.8552695512771606, 0.14234845340251923, -0.6375641822814941, -0.20744365453720093, 0.2366267889738083, 0.8051356673240662, 0.8656171560287476]} +{"paper_id": "crows_pairs", "embedding": [-0.31658056378364563, 0.8730484843254089, 0.2251749336719513, 0.11629948019981384, 0.6122686862945557, -0.1739327311515808, 0.7532778978347778, -0.3432258665561676, 0.7098516225814819, 0.9944921135902405, 0.6412813663482666, -0.19762511551380157, -0.16441643238067627, 0.28481820225715637, -0.25495508313179016, -0.7884037494659424, -1.338172435760498, -0.7087312936782837, -1.0319284200668335, 0.009315401315689087, -1.1704422235488892, -0.5039873123168945, -0.31020671129226685, 0.479431688785553, -0.3404485285282135, -0.6334165930747986, 0.9095014929771423, -0.5858664512634277, 0.21948900818824768, -0.011535074561834335, -0.6309199333190918, 1.1436922550201416, -1.6870981454849243, 0.2859025299549103, -0.34766221046447754, -0.10035369545221329, -0.29290762543678284, 1.0485107898712158, -0.4922420382499695, -0.23779502511024475, -0.7259896993637085, -0.21902570128440857, 1.364113450050354, 0.37586191296577454, -0.013857010751962662, 0.2665073573589325, -0.31128478050231934, 0.6235752701759338, 0.09750647842884064, -0.22179777920246124, -0.6610288023948669, 0.07385949790477753, 0.22688418626785278, 0.2180633544921875, -0.3296842873096466, 0.9681375622749329, 0.503101110458374, -1.4982973337173462, 0.6444092392921448, -0.5607908964157104, 0.7167180776596069, 1.7914193868637085, -0.5023111701011658, 0.6948004961013794, 0.36900338530540466, 0.47470933198928833, 0.711233377456665, 0.23642443120479584, 0.24361065030097961, 0.8572804927825928, -0.020598143339157104, -0.8241395354270935, 0.6808639764785767, 0.34779036045074463, 0.7351729869842529, 0.33212143182754517, -0.04039523005485535, 0.44701600074768066, -0.23242658376693726, 0.09851320832967758, -0.22875815629959106, 0.5663056969642639, 0.02118789777159691, -0.6794502139091492, -0.19362673163414001, 0.3769243359565735, 0.3825162351131439, -0.7399471998214722, 0.476177453994751, -1.387657880783081, 0.6852495670318604, -0.275857150554657, 0.6476993560791016, 0.09629219770431519, 0.24418357014656067, 0.2364686131477356, 0.4162546396255493, 0.6166437268257141, -0.6356444358825684, 0.6227015852928162, 0.5134121775627136, -0.7106258869171143, 0.5944643616676331, 0.6382595896720886, 0.34753578901290894, 1.0420863628387451, -0.15608233213424683, -0.6926960349082947, -0.8157168626785278, -0.4358552396297455, -0.3222322165966034, 1.7680500745773315, -0.22072367370128632, 0.3679335415363312, 0.2896783947944641, 0.5586100816726685, -0.15645945072174072, -1.04212486743927, 0.22243280708789825, 0.10180988162755966, -0.24908486008644104, -0.595247745513916, 0.012525023892521858, 0.14480659365653992, 1.0145808458328247, -0.0691944807767868, 0.5834119915962219, 0.0420260950922966, -0.16440251469612122, -0.27977272868156433, 0.5605288147926331, 0.40759798884391785, -0.3606957197189331, 0.8744718432426453, 2.7259469032287598, -0.5897048711776733, 0.834820032119751, -0.8033204674720764, -0.07466490566730499, -0.4185323119163513, -0.8229106068611145, 1.2235301733016968, 0.3857605755329132, -1.4355989694595337, -0.6271142959594727, -0.05761326849460602, -0.548627495765686, 0.02764289267361164, -0.5429596900939941, 0.023763179779052734, 0.3115134835243225, -0.11917347460985184, -1.065245270729065, 0.0565490648150444, 0.6882368922233582, 0.3446817696094513, 0.15819042921066284, 0.3649526834487915, -0.533953070640564, 1.0014029741287231, -0.3648698627948761, 0.8680703043937683, -0.6723083853721619, 0.5872305631637573, -1.2467237710952759, 0.39626073837280273, 1.6076947450637817, -0.3872104585170746, -0.41163384914398193, -0.5644477009773254, 1.4856044054031372, -0.2603975236415863, -0.0954289436340332, 0.039518073201179504, 0.001592816784977913, 0.09526640921831131, -0.4198635220527649, 0.544935941696167, 0.13476301729679108, -0.4837966561317444, -0.1554967761039734, -0.141282320022583, 0.12235655635595322, 0.9709903001785278, -1.1726330518722534, 0.20476272702217102, -1.7551263570785522, -0.2675822377204895, -0.5808179974555969, 0.518119215965271, -0.40656259655952454, -0.08441434800624847, 0.049555081874132156, 0.4126426577568054, -0.1845666468143463, 0.11984026432037354, 1.380007266998291, -1.1682476997375488, -0.7201257944107056, 0.25109368562698364, -0.32396548986434937, -0.6579344272613525, -0.7013257741928101, 0.2521584630012512, 0.25352391600608826, -0.7453975677490234, -0.489083856344223, -1.9148168563842773, 0.03190678358078003, 2.694380283355713, 0.32621514797210693, -0.9334302544593811, -0.9737531542778015, -0.7539286613464355, -0.5014947652816772, -0.3843437433242798, 0.6480402946472168, -0.7205064296722412, -0.4243524670600891, -1.3307857513427734, 0.12453782558441162, -0.6451776027679443, 0.46703365445137024, 0.531562328338623, 1.087778091430664, -0.5584455728530884, -0.7021678686141968, -0.39043641090393066, -1.1382908821105957, 0.3572930097579956, 0.3165420889854431, 0.5885156393051147, -0.27964141964912415, 0.6636266112327576, -0.2377854287624359, 0.8330407738685608, 0.4104898273944855, 0.5818447470664978, -1.044285774230957, -0.07866280525922775, -0.08062181621789932, 0.4944682717323303, -0.47606635093688965, -0.209402933716774, 0.05353645980358124, 0.5975077152252197, -0.2366151064634323, -0.5641292929649353, -0.7695012092590332, -0.038428835570812225, 1.217912197113037, 1.3702853918075562, -0.5454798936843872, 0.9055256247520447, -0.5722939372062683, 0.05987972021102905, -0.28914326429367065, -0.6831242442131042, -0.31714296340942383, -0.22515076398849487, 0.24958717823028564, 0.32196691632270813, 0.0792957991361618, -0.32426655292510986, 0.037668004631996155, -1.322951316833496, 0.10603983700275421, -0.5365241765975952, -0.44608837366104126, -1.4648374319076538, -0.3520117402076721, -0.22708530724048615, -1.4910937547683716, -0.4550454318523407, -0.26105186343193054, 0.5204595327377319, -0.01916840672492981, 0.7979849576950073, 1.1842124462127686, -0.40122848749160767, 0.049176380038261414, 0.10750545561313629, 0.9564184546470642, -1.103026270866394, 0.46006345748901367, -0.11937536299228668, 0.18737833201885223, -0.25866883993148804, -0.23718047142028809, -0.6483197808265686, 0.5941054821014404, 0.5563700199127197, -0.2037886083126068, 0.2595830261707306, -0.33957260847091675, -0.683075487613678, 0.5413866639137268, -0.4312966763973236, 0.9216979146003723, -0.9270680546760559, 0.7098578214645386, 0.7635643482208252, 0.0338883139193058, 0.7517179846763611, -0.42788833379745483, 0.3507137596607208, 1.199781060218811, -1.1657909154891968, -0.430198609828949, 0.41145408153533936, -0.24095004796981812, 0.05654372647404671, 0.4751657545566559, -2.173473358154297, 0.10138481855392456, 1.2610602378845215, -0.2768293619155884, 0.3890102803707123, -0.128875732421875, 0.31144237518310547, -0.6190363168716431, -0.25056496262550354, -0.10326606780290604, -0.6032769680023193, 0.32266393303871155, -0.3409424126148224, -0.3434150218963623, -0.1300753653049469, -1.2294135093688965, 0.06928232312202454, 1.0658129453659058, 0.7733368277549744, -0.8751009106636047, 0.7643128037452698, 0.4050827622413635, -0.7673390507698059, 0.784247636795044, 0.25254660844802856, 1.0591189861297607, 0.8109729290008545, -0.15333598852157593, -0.20571044087409973, 0.0678047239780426, 0.19885069131851196, 0.14556603133678436, 0.9393381476402283, 0.46663206815719604, 0.9477047920227051, -0.26745784282684326, 1.3598576784133911, 0.34378933906555176, -1.0447138547897339, -1.03668212890625, -0.7784962058067322, -0.3288689851760864, -0.38082343339920044, 0.9090704321861267, 1.2524527311325073, 0.7735169529914856, 0.004256131127476692, 0.9101892113685608, 0.005523312836885452, 0.11901117861270905, 0.19377052783966064, -0.15702347457408905, 0.10344019532203674, -0.06654772162437439, 0.13405528664588928, 0.057308923453092575, 0.21938717365264893, -1.046485424041748, 0.10409113764762878, 0.9236395359039307, -0.18908503651618958, -0.686611533164978, 0.37731078267097473, -0.14474469423294067, -0.3023267090320587, 1.0535295009613037, -0.9539939165115356, 0.42380791902542114, 0.3554852604866028, 0.5607474446296692, 0.3007214069366455, 0.2599320113658905, -0.8133478164672852, 0.3839758336544037, 0.37359270453453064, 1.0596129894256592, 0.24153698980808258, -0.008315551094710827, 0.8682938814163208, -0.649308443069458, -1.0385788679122925, -0.21824374794960022, -1.336256504058838, -0.2962421476840973, -0.2818319797515869, -0.1836332380771637, -0.21860575675964355, 0.6188837885856628, -0.42707306146621704, -0.6482775211334229, 1.171098232269287, -0.6747320890426636, -0.951665997505188, 0.8656960725784302, 0.6971402168273926, -1.235288143157959, -0.46926364302635193, -0.23221413791179657, -0.48771733045578003, -0.8690639734268188, 0.5277137756347656, -0.6398718357086182, 0.8216084837913513, -0.7227498292922974, 0.6732826828956604, -0.1613069474697113, -0.30516737699508667, -0.728634238243103, 0.6227970123291016, 1.7277392148971558, -0.559952437877655, 0.3625888228416443, 0.06737323105335236, 0.2629712224006653, 0.528485894203186, -0.01203586533665657, -0.05306360125541687, 1.1383620500564575, 0.9280426502227783, 0.4917996823787689, -0.33778509497642517, -1.1680079698562622, 0.49010077118873596, 0.09004658460617065, 1.2445963621139526, -1.248846411705017, 0.5802209973335266, -0.5450916290283203, 1.0676441192626953, 0.6077019572257996, -0.6304863691329956, -1.1196433305740356, 1.336571455001831, -0.871065616607666, -0.09449835121631622, -0.32189348340034485, 0.339995801448822, 0.9964785575866699, 0.2687521278858185, 0.47175735235214233, -0.6845158934593201, -11.879497528076172, 0.531531035900116, -0.26037701964378357, 0.1543678641319275, 0.4494299292564392, -0.4241875112056732, 0.2484942376613617, 0.2747389078140259, 1.0371414422988892, -0.31357887387275696, -0.05676140636205673, 1.5558987855911255, 0.0729513019323349, 0.04373810812830925, -0.6888003945350647, -1.5177000761032104, -0.753509521484375, -0.6939936280250549, 0.0629597157239914, 0.7765898108482361, -0.7461650967597961, -1.3517917394638062, 0.7842061519622803, -0.3983006775379181, 0.46067503094673157, -0.4533843994140625, -0.33101633191108704, -0.719743549823761, 0.24129818379878998, 0.7158985137939453, 0.28691422939300537, 0.7677417993545532, -0.7405178546905518, -0.41119810938835144, 0.2594541907310486, 0.31270015239715576, -0.7801686525344849, 0.0034252582117915154, 0.9932162165641785, 0.4034227728843689, -0.18184785544872284, -0.02427893877029419, 0.6639285683631897, -0.4195897579193115, -0.7331640124320984, -0.1056211069226265, 0.13150234520435333, -0.36979126930236816, -0.5827956795692444, -1.0239914655685425, 0.17537899315357208, -0.777090311050415, -1.0417779684066772, -0.5423881411552429, 0.6184138059616089, -0.31017225980758667, -0.0794827938079834, -0.041363220661878586, -0.6503989100456238, -2.0810599327087402, 0.10471691936254501, 0.5649910569190979, -0.7643945217132568, -0.39896371960639954, 0.23365244269371033, -0.37975460290908813, 0.14054341614246368, 0.2746765613555908, -0.04643743857741356, 0.17437896132469177, -0.6785516738891602, 0.7552760243415833, 0.31195852160453796, 1.1095364093780518, 0.028642039746046066, -0.00744551420211792, 0.08511296659708023, -0.651353657245636, 0.36067405343055725, -0.5763571858406067, -1.3304367065429688, 0.19518032670021057, -0.5299386382102966, 0.27456769347190857, -0.4493672549724579, 0.06383989751338959, -0.5283836722373962, 0.008066866546869278, 0.8844605684280396, -0.10419517755508423, 0.5556545853614807, -0.6248639822006226, 0.34579259157180786, 0.11979954689741135, -0.6648366451263428, 1.0081350803375244, -0.1276417225599289, 0.4803013205528259, -0.00373675674200058, -0.5228562355041504, 0.5115225315093994, -0.00035369768738746643, -0.6848613023757935, -0.5566501617431641, 0.38010329008102417, -0.15118452906608582, 0.021859079599380493, -0.3887445330619812, 0.2751489579677582, -0.11711885780096054, 0.5049195289611816, -0.6367637515068054, -0.2602934241294861, 1.1305233240127563, -0.0991021990776062, 0.5092146992683411, 0.9739529490470886, 0.08206236362457275, 1.2251222133636475, 0.6481801271438599, -0.6806058883666992, 0.478201299905777, 0.035878363996744156, 0.9672250151634216, 0.3370470702648163, 0.4162967801094055, 0.3295324444770813, 0.2313806414604187, -0.1745002269744873, -2.1761887073516846, 0.1403059959411621, -0.8320295214653015, -0.3097957372665405, -0.44319549202919006, 0.3562543988227844, -0.5948154330253601, -1.5764392614364624, 1.4498858451843262, -0.7128466963768005, 0.8368861079216003, 0.11833590269088745, -0.5170617699623108, -0.22174090147018433, -0.31968846917152405, -0.4364446699619293, 0.030550263822078705, -1.6319522857666016, 0.14381742477416992, -0.3704755902290344, -0.5711127519607544, 0.05316702276468277, 0.40317872166633606, 1.110766053199768, -0.7049891948699951, 0.3541533946990967, 0.7677978277206421, 0.5818147659301758, -0.5536498427391052, -0.13662783801555634, -0.6246345043182373, 0.5132094025611877, 1.069105625152588, -0.7562800049781799, 1.2658157348632812, 0.6028627157211304, -0.257325142621994, -0.26283928751945496, -0.5371657609939575, -0.08717143535614014, 0.30732715129852295, 0.8232550621032715, -0.716722309589386, -0.38737761974334717, -0.27630484104156494, -0.13295361399650574, -1.2544000148773193, 0.633539617061615, 1.0935816764831543, -0.5602508783340454, 0.4313775897026062, 0.5326014757156372, 0.5176219940185547, -0.04720825329422951, 0.2524679899215698, -0.4829857349395752, -0.5142607092857361, 0.24432221055030823, 0.8322374224662781, -0.012954648584127426, 1.0577175617218018, -1.9493529796600342, -0.9597642421722412, 0.028560949489474297, 0.45351487398147583, 0.6750667095184326, -0.3524289131164551, 0.7501559853553772, 0.49852246046066284, 0.15003052353858948, -0.21749228239059448, -0.5751802325248718, 0.22176238894462585, -0.42911791801452637, -0.07109998166561127, -0.5445178151130676, -0.006190288811922073, -1.0654371976852417, -0.0066691674292087555, -0.21957243978977203, 0.9240159392356873, -1.1404361724853516, -0.3900834321975708, 0.3080013394355774, -0.2688155770301819, -0.23683778941631317, 0.06056924909353256, 0.4982732832431793, -0.27904433012008667, -0.17319919168949127, -1.214008092880249, 0.6693961024284363, 1.014951467514038, 1.0367059707641602, 0.4085603952407837, 0.3218511939048767, 0.037987563759088516, 0.7592380046844482, 0.44896697998046875, 1.7892166376113892, 0.36951154470443726, -0.8252760767936707, -0.22880229353904724, 0.14235366880893707, -0.039064522832632065, -0.13209784030914307, -0.14214034378528595, -0.9890998005867004, 0.3286084830760956, -1.2487475872039795, 0.041638825088739395, -0.030098363757133484, -0.14269976317882538, 0.8323901891708374, 0.44145750999450684, -0.4341438412666321, -0.9549995064735413, -0.159002423286438, -1.3418747186660767, 0.2901308238506317, -0.21940502524375916, 0.9577108025550842, 1.0464848279953003, 0.7305118441581726, 0.7317107319831848, 0.911275327205658, 0.49757009744644165, -0.06939266622066498, -0.15367549657821655, 0.6560003161430359, 1.5497291088104248, 0.6667109727859497, 0.5867841839790344, -0.08985061943531036, 0.4201849699020386, -0.9917788505554199, -0.6023373603820801, -0.5592549443244934, 1.132510781288147, 0.36162441968917847, 0.5160113573074341, 0.21476243436336517, -0.8516716361045837, 0.008686427026987076, -0.5401769280433655, -0.07898129522800446, 0.9757543802261353, -0.3071342706680298, -0.4680430591106415, -0.750512957572937, 0.5019490122795105, 0.764854371547699, -0.6291162967681885, 0.04923500865697861, -0.5145513415336609, 0.6575542092323303, 0.23820018768310547, -0.26096948981285095, -0.9530049562454224, 0.4974753260612488, 0.21528658270835876, 0.6219772100448608, 0.2974301278591156, -0.5950198769569397, -0.5516517758369446, 0.3223778009414673, -0.4260290563106537, 0.46480315923690796, 0.1482168734073639, -0.9531691074371338, -0.6369944214820862, 0.4752187430858612, -0.21795621514320374, 0.3482661247253418, 0.8930100798606873, -0.1685846894979477, -1.6809836626052856, 0.828277587890625, 1.3582196235656738, -0.5102835893630981, -0.48391878604888916, 0.0935419574379921, 0.02181074395775795, 0.15665289759635925, 1.5320525169372559]} +{"paper_id": "sem_eval_2010_task_8", "embedding": [-0.2671661674976349, 0.46150505542755127, -0.06221675127744675, -0.41389286518096924, -0.269721657037735, 0.17955221235752106, 0.6394219994544983, 1.0146074295043945, 0.37835386395454407, 0.950599730014801, -0.6511623859405518, -0.31481704115867615, -0.44317105412483215, -0.5133498907089233, -0.6564956903457642, -0.6412991285324097, -0.8155396580696106, -1.0437769889831543, -1.0329575538635254, -0.4584106206893921, -0.255399614572525, -1.1590967178344727, -0.507469117641449, 0.18150505423545837, 0.19690349698066711, -0.4013427793979645, 0.4995226562023163, -0.9925785660743713, 0.8635900020599365, 0.5244799256324768, -0.04905981570482254, 1.5249298810958862, -1.6432286500930786, -0.06735312193632126, -0.13100019097328186, -0.0328894779086113, -0.03817080333828926, 1.0781548023223877, -1.5747308731079102, -0.5098080635070801, 0.3409521281719208, -0.35134193301200867, 0.6387922763824463, 0.3224712312221527, 0.22545449435710907, -0.33506882190704346, 0.21792781352996826, 0.36789408326148987, -0.4334092140197754, 0.03702755644917488, -0.45190101861953735, -0.3273066580295563, 0.7278944849967957, -0.043426431715488434, -0.06622841209173203, 1.080967664718628, 0.004278816282749176, -1.1473073959350586, 1.3058675527572632, -0.37745150923728943, 0.9353364706039429, 1.6184477806091309, -0.07886003702878952, -0.07793323695659637, 0.5981119275093079, -0.433391273021698, 0.7497597932815552, 0.19279120862483978, 0.3948078155517578, 1.045227289199829, -0.4904342293739319, -0.0994434654712677, 0.5048581957817078, 0.3403235077857971, 0.044915031641721725, 0.8706388473510742, 0.1646137535572052, 0.19239181280136108, 0.14131560921669006, 0.613572895526886, 0.03176214545965195, 0.5608873963356018, 0.7848250865936279, 0.08288589864969254, -0.023484501987695694, -0.4272511601448059, -0.07298154383897781, -1.3597092628479004, 0.8043636679649353, -1.435245156288147, 0.17727482318878174, 0.08672656863927841, -0.493226557970047, -0.11998135596513748, -0.2788994014263153, 0.9058956503868103, -0.27648210525512695, -0.2696179449558258, 0.14532507956027985, 0.5704326629638672, 1.0996558666229248, -1.0189136266708374, 0.20037001371383667, -0.2239435911178589, 0.3385900855064392, 1.328013300895691, 0.0950642079114914, 0.2329021692276001, -1.0570682287216187, 0.2712421715259552, 0.29563337564468384, 2.109204053878784, -0.569914698600769, -0.3248441815376282, -0.2175302505493164, 0.03960755467414856, 0.6665840148925781, 0.07499989867210388, -0.7796869277954102, 0.18252238631248474, -0.17043368518352509, -0.7057576775550842, -0.11206800490617752, 0.6705703139305115, 0.3742614984512329, -0.5382671356201172, 0.7180144786834717, -0.0462883785367012, 1.0281871557235718, 0.5893444418907166, 0.25650545954704285, 0.022983862087130547, 0.09597477316856384, -0.5975134372711182, 2.3574886322021484, -0.8679758310317993, 1.60177481174469, -0.6319674253463745, 0.3436567783355713, -0.3557741641998291, -0.6421151757240295, 0.45553556084632874, 0.28189903497695923, -0.24545687437057495, -0.2809379994869232, 0.47935599088668823, 0.5929313898086548, 0.5699492692947388, -1.3198621273040771, 0.12265026569366455, -0.6813957691192627, 0.2888449430465698, -1.3363860845565796, -0.05027623474597931, 0.2471192628145218, 0.22975632548332214, 0.11372987926006317, 0.6158277988433838, -1.294219732284546, 0.7812116742134094, 0.31111010909080505, -0.002568967640399933, -0.6839717626571655, 0.029932677745819092, -0.09712051600217819, -0.8104220032691956, 1.4865466356277466, 0.005473136901855469, -1.7880786657333374, -0.29792332649230957, 0.9799898862838745, 0.2920466959476471, 0.4943079352378845, 0.05663254112005234, -0.2169857919216156, 0.05492624640464783, 0.5187532901763916, 0.6546882390975952, 0.8791182041168213, -1.0626418590545654, 0.2854057848453522, 0.011895967647433281, -0.005618132650852203, 0.45178064703941345, 0.02103445492684841, 0.4159974157810211, -1.8465631008148193, 0.19982708990573883, -0.04990868270397186, 0.6803739666938782, 0.5985878705978394, -0.5083046555519104, 0.19478952884674072, 0.8942213654518127, -0.0931067168712616, -0.18847236037254333, 0.4942547380924225, -1.4286903142929077, -1.2449679374694824, 0.29589080810546875, -0.5028197765350342, -0.061972085386514664, 0.7787924408912659, 0.6094051003456116, 0.39850151538848877, -1.0577949285507202, -0.5421102046966553, -1.9650123119354248, 0.6929359436035156, 2.0628879070281982, -0.4928913116455078, 0.26550212502479553, -1.2987112998962402, -0.050858303904533386, 0.5710307359695435, -0.2986161410808563, 0.353468656539917, -1.2055965662002563, 0.8302868604660034, -0.8424221873283386, 0.6592737436294556, 0.04665937274694443, 0.03370020538568497, -0.37421754002571106, 0.9124932885169983, -1.5496701002120972, -0.10166081041097641, -0.06189333274960518, -0.7415379285812378, 0.39678776264190674, 0.6943379044532776, 0.45818030834198, 0.2032131850719452, 0.6490570306777954, 0.6316156983375549, 1.092099905014038, -0.6640644073486328, 0.3238696753978729, -0.5575112104415894, 0.7612219452857971, 0.43511104583740234, -0.09882880747318268, -0.37395668029785156, 0.035535991191864014, 0.5233597159385681, -0.016367286443710327, -0.46024346351623535, -0.8118306994438171, -0.12505608797073364, 0.08561460673809052, 0.9943771958351135, 0.8515331149101257, -0.36716464161872864, 0.5050628781318665, -1.1031677722930908, 0.0669749528169632, -0.6358111500740051, -0.8467251062393188, -0.42665690183639526, -0.21751509606838226, 1.268473505973816, 0.6637160778045654, -0.6576738953590393, -0.46810686588287354, -0.6592697501182556, -0.9734880924224854, -0.6439818739891052, -0.39749062061309814, -0.561469316482544, -1.084627389907837, 0.25869619846343994, -0.33651185035705566, -1.411450743675232, -0.8343063592910767, -0.7388874888420105, 0.3061584234237671, 0.39262905716896057, 0.6664818525314331, 1.923690915107727, 0.4230164587497711, -0.15195594727993011, 0.5964919328689575, 1.0210041999816895, 0.0069139860570430756, 0.4716443419456482, 0.5563679337501526, 0.7447583675384521, -1.090139627456665, -0.6306829452514648, -0.5557572245597839, 0.8244038820266724, -0.7949700951576233, -0.20515325665473938, 0.1860423982143402, -0.45491647720336914, -1.064252495765686, 1.3123513460159302, -0.006784901022911072, -0.8265455365180969, -0.9318398833274841, 1.376285195350647, 0.4509083032608032, 0.012379579246044159, 0.7513302564620972, 0.2753421664237976, -0.1168271005153656, 1.7423264980316162, -0.2561957836151123, 0.538952648639679, 0.08118289709091187, 0.2321784496307373, 0.08540939539670944, 0.4378986358642578, -1.9653300046920776, 0.5021052360534668, 0.6483893990516663, 0.23162047564983368, -0.16409507393836975, -0.4324668049812317, 0.3778587579727173, -1.0153396129608154, -0.886488676071167, 0.9665347337722778, -0.5811234712600708, 0.12726673483848572, -0.4183688163757324, -0.1942397654056549, 0.9288344979286194, -1.4089257717132568, 0.21800921857357025, 0.36930522322654724, 0.9147764444351196, -1.0462294816970825, -0.15417051315307617, 1.131019115447998, -0.23317930102348328, 1.64232337474823, 0.428697794675827, 1.1581194400787354, 0.16713054478168488, -0.7011052370071411, 0.4830126166343689, 0.5469571352005005, 0.3161708116531372, 0.28189966082572937, -0.5704531669616699, -0.17029424011707306, 0.418898344039917, -0.7788007855415344, 1.2059521675109863, 1.1077632904052734, -1.4502464532852173, -0.6564750075340271, -0.662068247795105, -0.5389395356178284, -0.9999035000801086, 1.3117238283157349, 1.2494935989379883, 1.035383939743042, -1.0409220457077026, 0.6970523595809937, 0.07678051292896271, 0.6563973426818848, 0.7517845034599304, 0.8023840188980103, 0.17173361778259277, -0.8543350696563721, 0.2525818347930908, 0.32359614968299866, -0.14194129407405853, -0.22873637080192566, 0.07149288058280945, 0.05809216946363449, -0.14150084555149078, -0.29444631934165955, -0.3342835009098053, 0.054723117500543594, 1.1039680242538452, 1.559430480003357, -0.4991326928138733, -0.7422212362289429, -0.09071754664182663, -0.14222924411296844, -0.06705135107040405, -0.19606861472129822, -1.5006123781204224, 0.4935358166694641, 0.14151433110237122, 1.0239683389663696, -0.657008945941925, 1.294958472251892, 0.6866915225982666, 0.21199147403240204, -1.7383925914764404, -0.454906702041626, -0.6551863551139832, 0.10582779347896576, -0.39404773712158203, -0.9686055183410645, -0.4925879240036011, 0.6433144807815552, -0.3723556101322174, -0.6816075444221497, 0.39164814352989197, -0.676590085029602, -0.815048098564148, 1.2157237529754639, 1.5886332988739014, -1.8409249782562256, -0.5384592413902283, 0.16912542283535004, -0.29650187492370605, -0.8461388945579529, 0.17070096731185913, -0.6549386382102966, 1.1010851860046387, 1.0528353452682495, 0.5373876094818115, -0.04685071110725403, -0.28640979528427124, -0.8156144618988037, 0.584845244884491, 1.0173343420028687, -0.790054976940155, 0.1022341400384903, -0.2344469130039215, -0.428896427154541, 0.09091934561729431, -1.117047667503357, 0.16049019992351532, 0.9671057462692261, -0.4409114420413971, -0.43328356742858887, -0.72978276014328, -1.4747934341430664, -0.0065892599523067474, -0.4168606400489807, 1.2583558559417725, -0.9658113718032837, 0.9445814490318298, -0.5450780987739563, -0.4230187237262726, 0.1993592083454132, -0.34848177433013916, -0.5960991382598877, 1.3239710330963135, -0.22456571459770203, 0.67592453956604, 0.7112162113189697, 0.07373484969139099, 0.7255244851112366, 0.03924188017845154, -0.6501165628433228, -0.13196530938148499, -11.143136024475098, 0.8875484466552734, 0.3175709843635559, 0.6533012390136719, 0.9667268395423889, -0.03341340273618698, 0.1113365888595581, 0.5659316182136536, 0.6056084036827087, -0.4258239269256592, 0.12752927839756012, 1.5421392917633057, 0.04270591214299202, 0.0558868870139122, -0.3154793381690979, -0.8117174506187439, 0.05563667044043541, -0.7973963618278503, 0.10992705821990967, 1.2511277198791504, -0.17399092018604279, -0.5998968482017517, 0.17001327872276306, -0.2848207354545593, 0.1319919228553772, -0.7156152725219727, -0.6121749877929688, -0.35977447032928467, -0.7864219546318054, -0.16757172346115112, 0.2572891116142273, -0.5715466141700745, -0.39744871854782104, 0.45649972558021545, -0.3976660370826721, 0.18172234296798706, 0.21945248544216156, -0.11827152967453003, 0.2451954185962677, -0.32549849152565, -0.10170279443264008, -0.3079366981983185, 0.5682421922683716, -0.7430408000946045, -0.15640075504779816, 0.1171720027923584, -0.7851757407188416, -1.1244651079177856, -0.06920339167118073, -0.3130638003349304, -0.25312212109565735, -0.4932861328125, -0.8108954429626465, -0.7759548425674438, 0.12975546717643738, -0.25799524784088135, -1.0735175609588623, 0.6542293429374695, -1.1570028066635132, -0.5740097761154175, -0.04297062009572983, 0.5026585459709167, 0.4753701686859131, 0.4840158522129059, 0.3179548978805542, -0.8879969120025635, 0.9265640377998352, 0.5065598487854004, -0.551984965801239, 0.08286286145448685, -1.022884726524353, 0.6284348964691162, -0.006924845278263092, 0.27545052766799927, 0.1371282935142517, -0.4779474139213562, -0.5367339253425598, -0.01939346082508564, 0.5668222904205322, -0.01054496318101883, -1.5365279912948608, 0.009588970802724361, 0.11687544733285904, -0.2785959839820862, -1.433253526687622, 0.3034636676311493, -0.6229015588760376, 0.06724293529987335, 0.14877142012119293, -0.41606342792510986, 0.9659039378166199, 0.21024048328399658, -0.210108682513237, -1.0323641300201416, 0.02448933571577072, 1.1524903774261475, -0.5853509306907654, 1.422863245010376, -0.6518319845199585, -0.0601511225104332, 0.9657425880432129, 0.3466613292694092, -0.8492745161056519, 0.03120921179652214, 0.07155098021030426, 0.45210522413253784, 0.5579542517662048, -0.21288128197193146, -0.520609974861145, -0.3087186813354492, 0.8648335933685303, -0.32484719157218933, -0.35529935359954834, 1.2706196308135986, -0.45999452471733093, 0.5622760653495789, 1.1087579727172852, 0.11509338021278381, 0.7106012105941772, 0.7123159766197205, 0.04923437535762787, -0.1231764405965805, 0.0663103312253952, 0.986410915851593, 0.5441395044326782, -0.024605141952633858, 0.2834227979183197, 0.5237160921096802, -0.07707881927490234, -1.467419147491455, 0.44655919075012207, 0.1880837082862854, 0.18638646602630615, 0.08347073942422867, -0.3497445285320282, -1.1494958400726318, -0.3743797242641449, 0.46765604615211487, -0.40828680992126465, -0.18957188725471497, -0.47758543491363525, -0.3115900456905365, -0.8632787466049194, -0.4254225194454193, -0.2324981391429901, 1.1874899864196777, -2.4790849685668945, -0.14157268404960632, -0.5871564745903015, -0.7794025540351868, -0.010321304202079773, -0.8389992713928223, 0.41377437114715576, 0.03518000245094299, 0.32097432017326355, 0.22640284895896912, 0.47667720913887024, 0.537233829498291, -0.46724480390548706, 0.14170333743095398, 0.6214700937271118, 1.1027573347091675, -0.6189166903495789, 0.45219045877456665, 0.672022819519043, -0.688228189945221, -0.963333249092102, -0.4505769908428192, -0.24071574211120605, -0.23446157574653625, 0.7495917677879333, -0.9807726144790649, 0.40811774134635925, 0.4052119851112366, -0.02375471219420433, -1.6760010719299316, 0.28125274181365967, 0.20516638457775116, -0.4201053977012634, -0.09478306770324707, -0.36959418654441833, 0.4980361759662628, 0.7669994235038757, -0.5921597480773926, -0.4636934697628021, -0.7459344267845154, -0.4686540961265564, 0.6197659373283386, -0.06521738320589066, 0.974251925945282, -0.9724794030189514, -1.785979986190796, 0.04829360172152519, 1.4474189281463623, 1.0271210670471191, 0.23026996850967407, 1.11166512966156, 0.7001762390136719, 0.48167452216148376, 0.2982791066169739, 0.56504887342453, 0.7254999279975891, 0.34091925621032715, 0.18415236473083496, -0.812874972820282, 0.02653728425502777, -0.8848240971565247, 0.21553516387939453, 0.8811378479003906, 0.9305539131164551, -1.133484959602356, 0.03714161366224289, 0.6601532697677612, 0.4901164472103119, -0.19133315980434418, -1.4768524169921875, 0.4190657138824463, -0.6473710536956787, -0.9366968870162964, -0.8217034935951233, 0.26029518246650696, 0.777234673500061, -0.30568116903305054, 0.9383847713470459, 0.4536595046520233, 0.8649214506149292, 0.5426322221755981, 0.23457039892673492, 1.4019380807876587, -0.022408735007047653, -0.11694306135177612, -0.05013914778828621, 0.4385676681995392, 0.29110291600227356, -0.2575260400772095, -0.4749825894832611, -0.1975129097700119, 0.11849017441272736, -0.8880681991577148, 0.48599857091903687, -0.8730648159980774, 0.22519619762897491, 0.6340529918670654, 0.7996441125869751, -0.7647541165351868, -0.21273496747016907, 0.1166967898607254, -0.6467782258987427, 0.5663409233093262, -0.11415252089500427, 1.100953221321106, 0.9764477014541626, 0.859748125076294, 0.4384918808937073, 0.6841244697570801, 0.3925720155239105, 0.5642192959785461, -0.09014714509248734, -0.457446813583374, 1.5919814109802246, 0.5123568177223206, 0.22844256460666656, -0.3808680474758148, -0.42937472462654114, -1.5633974075317383, -0.2900052070617676, -0.44571635127067566, 1.1502101421356201, 0.6866953372955322, -0.9040247797966003, 0.21794356405735016, 0.3508358597755432, 0.42433273792266846, -0.3289848566055298, -0.06952393054962158, -0.33983975648880005, -0.034473009407520294, -0.76835036277771, -0.48176145553588867, -0.5299211144447327, 0.858464777469635, -0.9504095315933228, -0.12663543224334717, 0.9686985015869141, 0.7259694933891296, -1.0116596221923828, -0.7270852327346802, -0.31808578968048096, 0.5031728744506836, -0.1956520527601242, 0.4694632887840271, 0.357263445854187, -1.017492413520813, -1.1111186742782593, 0.36446672677993774, -0.8786189556121826, 0.500616729259491, -0.42768800258636475, -0.44338831305503845, 0.2438567578792572, 0.40062326192855835, -0.0346883125603199, -0.7978273630142212, 0.029153823852539062, -0.012263542041182518, -1.707718014717102, 1.118822455406189, 0.6284419894218445, 0.1429021656513214, -0.6403443217277527, 0.45962655544281006, 0.6411769390106201, 0.6027221083641052, 0.3536868393421173]} +{"paper_id": "wnut_17", "embedding": [-1.0024564266204834, 1.2724920511245728, -0.4242671728134155, -0.15353558957576752, 0.22840988636016846, 0.20526039600372314, 0.5259941220283508, 1.0209059715270996, 1.0532397031784058, 1.4110467433929443, 0.28328558802604675, -0.5038713216781616, -0.36502188444137573, -0.5570695400238037, -0.5604164004325867, -0.5329633951187134, -0.2364557683467865, -0.021004512906074524, -0.5544671416282654, -0.4113188683986664, -1.1687095165252686, -0.6769140958786011, 0.3387554883956909, 0.3801809847354889, -1.3807563781738281, -0.27855801582336426, 0.46843069791793823, -1.3329271078109741, -0.14439657330513, -0.33092013001441956, -0.7603184580802917, 0.905312180519104, -0.9255067706108093, -0.4127090871334076, -0.43072614073753357, 0.2198345810174942, 0.389162540435791, 0.6140773296356201, -0.9064297080039978, 0.35810014605522156, -1.1655123233795166, -0.5199582576751709, 1.0669233798980713, 0.31428149342536926, 0.5930643677711487, 0.015269875526428223, 0.5829782485961914, 0.18583904206752777, -0.11689023673534393, -0.03715188801288605, 0.4781028628349304, -0.0580856129527092, 0.19668737053871155, 0.1153889149427414, -0.381454199552536, 1.3987441062927246, 0.22098198533058167, -1.3654229640960693, 0.3488776385784149, 0.25582295656204224, 0.7590383291244507, 1.0990880727767944, 0.06181763857603073, -0.6673651933670044, 0.45547473430633545, -0.23083746433258057, 1.8949291706085205, 0.06252850592136383, 0.7125294804573059, 0.47718140482902527, -0.5819411873817444, -1.9052376747131348, -0.39096638560295105, -1.054805040359497, 0.21019770205020905, 0.8647387027740479, 0.7440505027770996, 0.30055707693099976, 0.018291670829057693, 0.07255567610263824, 0.11888004839420319, 1.2851648330688477, 0.4321461021900177, -0.27044740319252014, -0.4938414394855499, 0.23159867525100708, 0.7185983657836914, -0.3950573205947876, 0.5839044451713562, -1.7846364974975586, -0.01730377972126007, 0.2124008685350418, -0.6782370209693909, 0.32136455178260803, -0.1725122630596161, 0.9354420900344849, -0.3893672823905945, -1.068473219871521, -0.7137099504470825, 0.4276147782802582, 1.1378536224365234, -0.1888871043920517, 0.07829154282808304, -0.28623488545417786, 0.39749008417129517, 1.4072479009628296, -0.6941102743148804, 0.7714349627494812, -0.8440418243408203, -0.3808719217777252, 0.34487709403038025, 1.2272124290466309, 0.06699097901582718, 0.9847055077552795, -0.25497639179229736, -0.05985197052359581, 0.5157508850097656, -0.7908010482788086, -0.4994894564151764, 0.3536425232887268, -1.0953750610351562, -0.736320972442627, -0.006912581622600555, 0.6251547932624817, 1.0872071981430054, -0.6126590371131897, 0.9916394352912903, 0.1015499159693718, -0.08188305795192719, 0.07908963412046432, 0.9392077922821045, -0.09545913338661194, -0.7973970770835876, 0.04406410828232765, 2.1607184410095215, -1.433773398399353, 0.8011954426765442, 0.01080385223031044, -0.32550621032714844, -0.2667427062988281, -0.12190131098031998, 1.702033519744873, 0.22182697057724, -0.17520296573638916, -0.665477454662323, 0.05325651913881302, -1.1172575950622559, 0.4488869905471802, -0.5119879245758057, -0.7289456725120544, 0.21477726101875305, 0.23118357360363007, -1.370751976966858, 0.48948392271995544, 0.00857415422797203, 0.43698355555534363, -0.14618296921253204, -0.13666369020938873, -0.24332237243652344, 1.674197793006897, 1.3676342964172363, -0.8208603858947754, -0.662796139717102, 0.9209991693496704, -0.6736467480659485, -0.3768632113933563, 1.3568696975708008, -0.14549954235553741, -1.3330856561660767, 0.24370455741882324, 1.1113431453704834, -0.49501821398735046, 0.37063589692115784, -0.7616486549377441, -0.7574846148490906, 0.12011774629354477, 0.8602071404457092, 0.5657615065574646, 0.17135314643383026, 0.2618963122367859, -0.3326553702354431, -0.08994686603546143, -0.5089264512062073, 0.38616347312927246, -0.015925223007798195, 0.9958694577217102, -1.9330514669418335, -0.7227950692176819, 0.2408341020345688, 1.555846929550171, -0.235176220536232, -0.25946342945098877, -0.29156938195228577, 1.0195187330245972, 0.316322922706604, -0.5064542293548584, 0.3231144845485687, -1.7684035301208496, -0.14368005096912384, 0.07015201449394226, 0.24083295464515686, -1.011128544807434, 0.05963809788227081, 1.1847602128982544, 1.2927372455596924, -1.528049349784851, -0.6761605143547058, -2.0853941440582275, 0.22031670808792114, 1.9522931575775146, -0.1841510832309723, -0.7092002630233765, -1.3441258668899536, -0.0648234412074089, 0.19682452082633972, -0.36328545212745667, 0.6721682548522949, -0.5153148770332336, 0.3135097622871399, -1.3709317445755005, 0.3466290533542633, -0.32215768098831177, 0.06406085938215256, 0.5207112431526184, 0.5945263504981995, 0.11761350184679031, -0.2719433605670929, -0.41162174940109253, -0.37706997990608215, 0.5700938105583191, 0.5332102179527283, -0.33321091532707214, 0.05022675171494484, 1.058543086051941, 0.8985540270805359, 0.9714452624320984, -0.7974896430969238, 0.1335424929857254, -0.5078328251838684, 0.017177434638142586, 0.2832610607147217, 0.039935946464538574, 0.10029633343219757, -0.8349933624267578, 1.3400895595550537, -0.034321241080760956, -0.20773468911647797, -0.6608018279075623, 0.2517905831336975, -0.025376148521900177, 0.6255258321762085, 0.9121608138084412, -0.5909923911094666, 0.4892224669456482, -1.7239128351211548, 0.3399505019187927, -0.07425802946090698, -0.8603471517562866, -0.1525215059518814, -0.05834084004163742, 0.4989509880542755, -0.3019176721572876, 0.0682712271809578, -0.18143507838249207, 0.18483604490756989, -1.4008716344833374, -0.6600810885429382, -0.06890533864498138, -0.6796118021011353, -1.4080690145492554, 0.4785727858543396, -0.10347118973731995, -1.4022272825241089, -0.3433806002140045, -0.09908062219619751, 0.4553414285182953, 0.4978661835193634, 0.6056505441665649, 1.2410787343978882, -0.1694307029247284, 0.062327489256858826, -0.2807754874229431, 0.7385643720626831, -0.9780467748641968, 1.4277904033660889, -0.3381444215774536, 0.4679693579673767, -0.8675872683525085, 0.06450578570365906, 0.053874410688877106, 0.1147676482796669, -0.0001494288444519043, -0.21975597739219666, 0.3518298864364624, 0.1884082555770874, 0.04418162256479263, 0.9878667593002319, -0.38164395093917847, -0.47458615899086, -1.1322903633117676, 1.419155240058899, 0.5157634615898132, -0.6306200623512268, 0.3368622064590454, 0.7106413245201111, 0.7105991244316101, 1.2107123136520386, -0.43761685490608215, 0.6458860039710999, 0.03297349065542221, -0.3840445578098297, 0.3724404573440552, 0.6931748390197754, -1.8391776084899902, -0.31137382984161377, 1.1402978897094727, -0.4186825752258301, 0.8391818404197693, -0.09381435811519623, 0.7735681533813477, -1.2388670444488525, -0.5937100052833557, -0.29921025037765503, -0.7783136367797852, -0.012578052468597889, -0.8170834183692932, 0.10861246287822723, 0.28259748220443726, -0.4417412281036377, 0.25949397683143616, 0.06170286983251572, 0.4091993272304535, -1.3677074909210205, 0.13793492317199707, 2.0001397132873535, 0.11328916996717453, 0.42026662826538086, 0.12076921761035919, 1.3430848121643066, 0.951279878616333, -0.5127938389778137, 0.14691168069839478, 1.4638984203338623, 0.3524411916732788, 0.5396732687950134, -0.04244120046496391, -0.22813443839550018, 0.4824034869670868, -0.7312662601470947, 1.1240676641464233, 1.1895885467529297, -0.9210720658302307, -1.657059907913208, -0.25993847846984863, -0.546189546585083, -0.5779355764389038, 1.573858380317688, 0.8105506300926208, 2.031879186630249, -0.010449565015733242, 0.9188886880874634, -0.6401546001434326, -0.03133228421211243, 0.37064123153686523, 0.9734973907470703, 0.23082664608955383, -0.7865581512451172, 0.25462257862091064, -0.05346044898033142, -0.5375751852989197, -0.5221099853515625, 0.2685490548610687, 0.6135851144790649, -0.033639002591371536, -0.7817869186401367, -0.2932013273239136, -0.6019378304481506, 0.3154398798942566, 1.4738264083862305, -0.7117741107940674, -0.5964716672897339, 0.3231796622276306, 0.04001080244779587, 0.6785813570022583, 0.6202319264411926, -0.9742450714111328, 0.11537530273199081, 0.1856786012649536, -0.5695792436599731, -0.48032432794570923, 1.1713314056396484, 0.7225825786590576, 0.5247893333435059, -1.3256280422210693, -0.8633398413658142, -1.6055419445037842, -0.15755443274974823, 0.5565934181213379, 0.726059079170227, -1.276286005973816, 0.48470449447631836, -0.3045107126235962, -1.6620441675186157, 0.7757642269134521, -0.8406846523284912, -1.561848521232605, 1.1218695640563965, 0.6793928146362305, -1.3574599027633667, -0.7574023604393005, 0.11469131708145142, -0.6944941878318787, -0.5402644872665405, -0.28971293568611145, -0.8914991617202759, 0.9769371747970581, 0.318827748298645, 0.430914968252182, 0.18326248228549957, -0.018312543630599976, -0.12794804573059082, 0.3830966353416443, 0.7298093438148499, 0.06656594574451447, 0.856692910194397, 0.10283136367797852, -0.6618214845657349, -0.5400716066360474, -2.0340583324432373, -1.2930456399917603, 0.3001634478569031, -0.49231860041618347, 0.40711691975593567, -0.7873899936676025, -1.0551375150680542, 0.09849163144826889, -0.38611242175102234, 1.157114863395691, -0.657246470451355, 0.4428268074989319, -1.1604540348052979, 0.17921268939971924, 0.1423977017402649, -1.4554685354232788, -1.628929615020752, 0.6826922297477722, -0.16228604316711426, 0.28675737977027893, 0.9374290704727173, 0.9169518351554871, 1.6205717325210571, 0.15926945209503174, 0.05050359666347504, -0.6764729022979736, -10.078983306884766, 0.5803325772285461, 0.37099549174308777, 0.5355138182640076, 0.18648824095726013, -0.11406517773866653, 0.37190279364585876, -0.28628548979759216, 1.4530826807022095, -0.4855215549468994, 0.47468143701553345, 1.8536885976791382, -0.48218753933906555, 0.591619610786438, -0.5937777161598206, -1.1094824075698853, -0.22272226214408875, -0.3716745376586914, 0.2027858942747116, 0.18925157189369202, -0.11859612166881561, -1.2599445581436157, 0.6700313091278076, -0.07742096483707428, 0.5205252170562744, 0.7245099544525146, 0.390057772397995, 0.19855700433254242, -1.1894397735595703, 0.6116514205932617, 0.8241877555847168, -0.20988598465919495, -1.354160189628601, 0.04134777933359146, 0.35333746671676636, 0.2494376003742218, -1.0451533794403076, 0.25453662872314453, 1.0373153686523438, 0.1475009173154831, 0.33521074056625366, -0.15350259840488434, 0.7988166809082031, -0.5689288973808289, -0.5645167827606201, -0.24335044622421265, 0.42792776226997375, -1.278971552848816, -0.17619536817073822, -0.44764676690101624, -0.7749282121658325, 0.35281428694725037, -1.785165548324585, -0.3023022711277008, 1.427382469177246, 0.12617714703083038, -0.8446686267852783, 0.10129885375499725, -0.896798312664032, -1.0158040523529053, 1.1824498176574707, -0.3857085108757019, -0.18689672648906708, -0.044323090463876724, 0.830786943435669, -1.0477509498596191, 0.5596451759338379, -0.030184216797351837, 0.7664512395858765, 0.2876444160938263, -0.2999228239059448, -0.05104980990290642, 0.2587261497974396, 0.03204303979873657, 0.06576678156852722, -0.18781906366348267, -0.17303107678890228, -0.5572338104248047, 0.15977483987808228, 0.43140682578086853, -0.7911657691001892, 1.511254072189331, -0.4187485873699188, 0.26801973581314087, -1.3284661769866943, -0.6428582072257996, -0.5435701608657837, -1.1382085084915161, 0.513918399810791, -0.7215235233306885, 0.6118596196174622, -0.1729249358177185, -0.8217402696609497, 0.7368624210357666, -0.6084457039833069, 0.5750553607940674, -0.6206833124160767, 1.293031930923462, 0.16401024162769318, -0.46718183159828186, 0.5847742557525635, -0.7976114749908447, -0.2565043568611145, 0.1649816334247589, -0.24889804422855377, 0.164048433303833, -0.5119223594665527, 0.12136794626712799, -0.20659010112285614, -0.8889035582542419, 0.9367684721946716, -0.5583608150482178, -0.21942020952701569, 0.5844888091087341, 0.461496502161026, 0.7314339876174927, 0.7647304534912109, 0.4015422463417053, 1.057380199432373, 1.1534355878829956, 0.3721621632575989, 1.0951714515686035, 0.0005365721881389618, 0.4130215644836426, 0.470156729221344, -0.3201107084751129, 0.8646956086158752, 0.47406578063964844, 0.20376849174499512, -2.089902877807617, 0.08339709788560867, 0.00917607918381691, -0.05558747053146362, -1.4539240598678589, -0.8009210824966431, -0.8100494146347046, -0.5003477931022644, 1.2094258069992065, -0.46227025985717773, 0.0292461309581995, -0.5037532448768616, -0.5695012211799622, 0.2582944333553314, -0.2719525396823883, -0.334821879863739, 0.040683943778276443, -1.1033397912979126, 0.23079809546470642, -0.8989517092704773, -0.8847777247428894, -0.17335723340511322, -0.19223108887672424, 0.6938220858573914, -0.9594829678535461, 0.12561044096946716, -0.35662662982940674, 0.9529920220375061, 0.19843575358390808, -0.291646808385849, -0.0024401918053627014, -0.0721612349152565, 0.35824474692344666, -0.1411951780319214, 1.016656756401062, 0.15164978802204132, -0.1789894551038742, -0.07701381295919418, -0.3906627893447876, -1.0932931900024414, 0.15195906162261963, 1.640938639640808, -1.0900321006774902, 0.21828964352607727, -0.48180630803108215, 0.05221623554825783, -1.497450351715088, 1.244210958480835, 1.0483609437942505, -0.6834002733230591, -0.4146190285682678, -0.12549589574337006, 0.33858901262283325, 1.2249778509140015, -0.0347580760717392, 0.18998390436172485, -0.11326589435338974, -0.07713856548070908, 0.9579176306724548, 0.39911460876464844, 0.2802567780017853, -1.0905331373214722, -1.4686248302459717, -0.0061519755981862545, -0.3944917619228363, 0.7695127129554749, 0.5090032815933228, 0.9745495915412903, 1.2888902425765991, 0.29763808846473694, -0.015158113092184067, 0.5296505093574524, 1.6298481225967407, 0.6697992086410522, 0.7815189361572266, -0.8233599662780762, -0.8701267242431641, -0.9619700312614441, 0.2455303966999054, 0.7304116487503052, 0.30945244431495667, -0.4817955195903778, 0.18449310958385468, 0.7474663257598877, -0.978303849697113, 0.891879141330719, -0.4523242712020874, 0.6764925718307495, 0.03543372079730034, -1.4049712419509888, -0.962244987487793, 0.2618078291416168, 0.5350784063339233, -1.2583649158477783, 0.8659544587135315, -0.40627342462539673, -0.502228856086731, 0.5141947269439697, 0.48549461364746094, 2.2122199535369873, -0.8176279067993164, 0.03463729843497276, 1.0329314470291138, -0.7495851516723633, -0.14892509579658508, -0.23569518327713013, 0.263007789850235, -0.14058351516723633, 0.8485053777694702, -0.9420378804206848, -0.304225355386734, -0.2816835045814514, 0.2706870436668396, 0.8234090209007263, 0.925859808921814, -0.20097503066062927, -0.5315049290657043, -0.38583841919898987, 0.037049196660518646, 0.25665223598480225, 0.654197633266449, 0.6891920566558838, 0.8324154019355774, 0.6118037700653076, 0.04857420176267624, 0.852199375629425, 0.10966283082962036, -0.11429910361766815, -0.2552419602870941, 0.2298637181520462, 1.2160452604293823, 1.1672195196151733, 0.3897165060043335, -0.3011179566383362, 0.3091337978839874, -0.9915510416030884, -1.079763412475586, -0.542476236820221, 0.37155210971832275, 0.9081503748893738, -0.7635786533355713, 0.4384515881538391, -0.504071831703186, 0.45662543177604675, -0.1549140065908432, 0.20199722051620483, -0.2696722149848938, -0.23734405636787415, -0.4719070792198181, -0.9084252715110779, -0.7326177358627319, 1.0447046756744385, -0.7165974378585815, -0.2763177156448364, -0.19715531170368195, 0.8619765639305115, -0.9738668203353882, -0.8576828241348267, -0.41960322856903076, 0.6977609992027283, -0.3817145824432373, 0.38416141271591187, 0.03037884831428528, -0.5873776078224182, -0.5206212997436523, -0.08051322400569916, -0.0948101133108139, 0.44700658321380615, 0.8220643401145935, -1.0517293214797974, -0.08212050795555115, -0.008776061236858368, -0.13459232449531555, 0.4139871895313263, 0.591582179069519, -0.823911726474762, -1.1888973712921143, 0.8760994076728821, 0.24811482429504395, 0.7712836861610413, -0.4554901719093323, 0.28072574734687805, 0.9035670757293701, -0.37541651725769043, 0.8006508350372314]} +{"paper_id": "narrativeqa", "embedding": [-0.05828363820910454, 0.883581280708313, -0.3633463680744171, 0.15222303569316864, 0.483782559633255, -0.07079178094863892, 0.09418518841266632, 0.7359747886657715, 0.9619653224945068, 0.4014986455440521, 0.7345525622367859, 0.01939326710999012, 0.22608491778373718, 0.5593155026435852, -0.23723161220550537, -0.14696162939071655, -0.6182264089584351, -0.4157405197620392, -1.2470767498016357, -0.6896399855613708, -0.597885012626648, -0.7389870285987854, -0.09006083011627197, 1.3215957880020142, -1.0059094429016113, -0.7678713202476501, 0.9130768179893494, -1.0755157470703125, 0.08320660889148712, 0.15240539610385895, 0.022987425327301025, 0.9107966423034668, -1.110886573791504, 0.6794245839118958, -0.2981031835079193, -0.41262567043304443, 0.5195568203926086, 1.0793896913528442, -0.11631084978580475, -0.32210835814476013, -0.557499349117279, 0.5733099579811096, 0.08613629639148712, 0.07020677626132965, 0.8994306325912476, -0.4149896502494812, 0.5068298578262329, -0.13768400251865387, -0.24290981888771057, -0.11488103121519089, -0.6647487282752991, 0.10138894617557526, 0.06979367882013321, 0.2507348656654358, 0.07045945525169373, 0.8983141779899597, -0.034110281616449356, -0.22503845393657684, 0.23703140020370483, -0.37009841203689575, 1.57870614528656, 1.4111483097076416, -0.8741326332092285, 0.4443965554237366, 1.4446536302566528, -0.4065428376197815, 1.2900059223175049, 0.30521219968795776, -0.5482534170150757, 1.2408291101455688, -0.4628673195838928, -0.31263267993927, 0.2599804401397705, -0.4088267683982849, 0.07824604213237762, 1.1141239404678345, 0.7618122100830078, 0.1381056010723114, 0.1044125184416771, -0.08961553871631622, 0.027990572154521942, 0.3377078175544739, 0.5003550052642822, -0.3634835183620453, 0.27259761095046997, 0.30427902936935425, 0.4874350130558014, -0.5979864597320557, -0.27462589740753174, -2.2708592414855957, 0.9382326006889343, 0.5351126194000244, 0.42590203881263733, -0.28296738862991333, -0.664206862449646, 0.33880752325057983, -0.02266097068786621, -0.6316800713539124, -0.4006209373474121, -0.0637640655040741, 0.3640754818916321, -0.2736860513687134, 0.5846855640411377, -0.26185938715934753, 0.5515854358673096, -0.012942250818014145, -0.13792110979557037, -0.005211465060710907, -0.4343656003475189, -0.9335079193115234, 0.07459570467472076, 0.7991573214530945, 0.12262341380119324, 0.5512734055519104, -0.3726443648338318, -0.13429313898086548, 0.38376548886299133, -0.5526818037033081, -0.49208322167396545, 0.3846322298049927, -0.5437811017036438, -1.0515154600143433, -0.2965879440307617, -0.2625478506088257, 0.4847620725631714, -0.6071488261222839, -0.3064391314983368, -0.9913413524627686, -0.28960055112838745, -0.29020076990127563, 0.437530517578125, 0.23253782093524933, -1.426741600036621, -0.41935965418815613, 2.832460403442383, -0.8211435675621033, 1.2194595336914062, -0.33693453669548035, -0.08922231197357178, -0.7365052700042725, -0.6183328628540039, 1.3756725788116455, -0.15285271406173706, -0.813898503780365, -0.5521410703659058, 0.0016022790223360062, -0.15844272077083588, 0.248060405254364, -0.5281123518943787, -0.03290783241391182, 0.29450464248657227, 0.18655647337436676, -1.8277357816696167, -0.4895240068435669, -0.37700268626213074, 0.1252211034297943, -0.40045925974845886, 0.27210623025894165, 0.0065550655126571655, 0.874671459197998, 0.5773357152938843, -0.048701755702495575, -0.6544340252876282, 0.13541382551193237, -0.5095868110656738, 0.32160869240760803, 0.7185338139533997, -0.20174333453178406, -0.3266451358795166, 0.02531260997056961, 0.1450301557779312, -0.67414391040802, -0.3047339618206024, -1.098057508468628, -0.13512888550758362, 0.09895459562540054, 0.699180006980896, 0.6790215969085693, 0.4088941514492035, -0.34894996881484985, -0.4680272340774536, -0.5091317892074585, 0.11481288820505142, 1.0891213417053223, 0.09676243364810944, 0.31113457679748535, -3.0393056869506836, -0.023779533803462982, -0.6581723690032959, 0.8832276463508606, 0.12762992084026337, 0.3771108090877533, 0.388599693775177, 0.2523776590824127, -0.32429271936416626, -0.4062567949295044, 0.44096848368644714, -1.3677512407302856, 0.4123818278312683, -0.1278572827577591, 0.20430272817611694, 0.061587799340486526, -0.09109915792942047, 1.1337921619415283, 0.8166272044181824, -0.45899301767349243, -0.908536434173584, -1.837602138519287, 0.36700475215911865, 1.9464677572250366, 0.27413231134414673, -0.39393576979637146, -1.0763614177703857, -0.1106143444776535, 0.10982710868120193, -0.09980463981628418, 0.4340047240257263, -0.27768245339393616, 0.3137202858924866, -0.6861286759376526, 0.7877821326255798, -0.3070448637008667, 0.12931102514266968, 0.3144315183162689, 1.4070121049880981, -0.3014412224292755, -0.4614414572715759, -1.1933505535125732, -0.6647738218307495, 0.011931518092751503, 0.7062433958053589, 0.07446082681417465, -0.020748671144247055, 0.5940579771995544, 0.6309673190116882, 0.600881814956665, 0.9538614153862, 0.7310709953308105, -0.45259931683540344, 0.5349398255348206, -0.24860453605651855, 1.2243813276290894, -0.1290799230337143, 0.09316875785589218, -0.05100853368639946, 0.28768420219421387, -0.4129793643951416, -0.3457410931587219, -0.21184541285037994, -0.2654906213283539, 1.1025264263153076, 1.0186573266983032, -0.7155736088752747, 0.41407185792922974, -0.8420389294624329, -0.11748062819242477, -0.10746857523918152, -0.3467515707015991, -0.8395530581474304, 0.35002952814102173, 0.7142018675804138, -0.11545246839523315, 0.3877873718738556, -0.13354596495628357, 0.3307724893093109, -1.1070225238800049, -0.9428133964538574, 0.2534533441066742, -0.10236366093158722, -0.8483914136886597, -0.7771939635276794, 0.030077628791332245, -1.4112884998321533, -0.4916813373565674, -0.3005836009979248, -0.5561107397079468, -0.3492465615272522, 0.2869552969932556, 1.6119393110275269, 0.17068269848823547, 0.07580330222845078, -0.015998706221580505, 1.658199667930603, -0.4490211009979248, 0.7057355642318726, -0.6814860701560974, -0.16876929998397827, -1.4983997344970703, 0.42106911540031433, -1.0113091468811035, 0.5176782608032227, 0.4189758896827698, -0.2607051730155945, 0.7260065078735352, -0.523127555847168, -0.9194074273109436, 0.8079381585121155, -0.25828784704208374, 0.26727479696273804, -0.9036121368408203, 1.52947998046875, -0.1358979195356369, -0.9058585166931152, 0.9891356229782104, -0.49562767148017883, -1.0258256196975708, 0.9866307377815247, -0.046573102474212646, 0.34562844038009644, 0.6693805456161499, 0.2947383224964142, 0.23115254938602448, 0.11804579943418503, -2.077009439468384, 0.7564327716827393, 1.2960313558578491, -0.08552335202693939, 0.023152727633714676, -0.5657440423965454, 0.8574108481407166, 0.15445348620414734, -0.3580645024776459, 0.794411301612854, -0.789608359336853, 0.4222942590713501, -0.20123139023780823, 0.6093947291374207, 0.8343926668167114, 0.3872259855270386, 0.48975029587745667, 0.776211142539978, 0.43876734375953674, -0.6381451487541199, -0.204220712184906, 1.1264418363571167, -0.2713259160518646, 0.6952412128448486, -0.28544819355010986, 0.9563059210777283, 0.5351223945617676, -0.19956815242767334, 0.05572936683893204, 0.5771515965461731, 0.36703091859817505, 0.19947092235088348, 0.002782064490020275, -0.38503843545913696, 0.09110648185014725, -0.5975476503372192, 1.2621232271194458, -0.3637542128562927, -0.5175421237945557, -1.0968012809753418, -0.1269209086894989, -0.2724842429161072, 0.06298161298036575, 1.2319148778915405, 0.29855865240097046, 2.2917439937591553, 0.45719224214553833, -0.13650374114513397, -0.4880850315093994, -0.25637152791023254, 0.5031686425209045, 0.4530232548713684, 0.3195222020149231, -0.7827886343002319, -0.43746623396873474, 0.9281545281410217, 0.5405120253562927, -0.3153853416442871, -0.006203144788742065, 0.26354244351387024, -0.005967874079942703, -0.7917301058769226, 1.1039937734603882, 0.7333635687828064, 0.8731293678283691, 1.4503047466278076, -0.6152094602584839, 0.06937408447265625, 0.19140614569187164, -0.0873209536075592, 0.18709510564804077, 0.5291253328323364, 0.15821626782417297, 0.46113553643226624, -0.07739637792110443, 0.8024929165840149, -0.15827685594558716, 1.5842185020446777, 1.9661654233932495, -0.3828567564487457, -1.0412265062332153, 0.23112401366233826, -0.5611712336540222, -0.12509745359420776, 0.4336738884449005, 0.15897582471370697, 0.08597498387098312, 0.5167927145957947, 0.19329169392585754, -0.8563722372055054, 0.40544167160987854, -0.25661230087280273, -0.9776359796524048, 0.22976447641849518, 1.3235889673233032, -0.5579069256782532, -0.49633848667144775, 0.044851258397102356, -0.9603093266487122, -0.29250863194465637, -0.5768864750862122, -1.0639365911483765, 1.2689104080200195, 0.06833047419786453, 0.9079195857048035, 0.30879777669906616, -0.09836234152317047, -0.8780961036682129, 1.4677832126617432, 1.1269302368164062, -0.5652893781661987, 0.6430975198745728, 0.2792014479637146, 0.7681346535682678, 0.04218392074108124, -1.2620654106140137, -0.6870046854019165, 0.5301313400268555, -0.2554663419723511, -0.029384952038526535, -0.9579317569732666, -0.43589577078819275, 0.6593511700630188, 0.6529042720794678, 0.35721731185913086, -1.0179616212844849, 0.3096413016319275, -0.8080801367759705, 0.36013007164001465, 0.4462933838367462, -1.077094316482544, -1.079667329788208, 0.24890510737895966, -0.7945951223373413, 0.3947279155254364, -0.5260485410690308, 0.46246224641799927, 2.4277892112731934, -0.07188811153173447, -0.056016892194747925, -0.47031161189079285, -11.607025146484375, 0.8732073307037354, 0.001102730631828308, 0.3935067057609558, 0.6898030042648315, -0.4026806950569153, 0.2580009400844574, 0.46567246317863464, 0.8920305967330933, -0.5956826210021973, 0.11663772165775299, 0.26717981696128845, 0.3048238754272461, -0.0464167557656765, -0.7391901016235352, -1.0411808490753174, -0.7731950879096985, -1.1855708360671997, 0.3147706389427185, -0.1074213907122612, 0.16140110790729523, -0.6566290855407715, -0.5824361443519592, 0.27820175886154175, 0.5128012299537659, -0.32903918623924255, -0.32699716091156006, -0.2406231164932251, -0.4234507083892822, -0.42880189418792725, 1.1510921716690063, -0.6989961266517639, -0.6209561228752136, -0.3560597896575928, 0.390663206577301, -0.3016316294670105, -1.1691858768463135, -0.26783308386802673, 0.5959727764129639, -0.755048394203186, -0.580833375453949, 0.06145719066262245, 0.34217751026153564, -0.024493558332324028, -0.5048258304595947, 0.5489844679832458, 0.4557427763938904, -1.3253988027572632, -0.3241412341594696, -0.34886935353279114, -0.7043875455856323, -0.3110496401786804, -0.9470376372337341, -0.5015722513198853, 0.5436341762542725, 0.02531544677913189, -0.4242730736732483, -0.6142414808273315, -0.14773304760456085, -0.8790508508682251, 0.8481249809265137, 0.14464221894741058, -0.12123624980449677, 0.4481590688228607, 0.06339211016893387, -0.2648002505302429, 0.7403051853179932, 0.24478471279144287, 0.2951253354549408, 0.5689261555671692, -0.40085500478744507, 1.0721956491470337, 0.06347072124481201, 0.4870918095111847, -0.30257630348205566, 0.38671016693115234, -0.49220946431159973, -0.3874097168445587, 0.5501314997673035, 0.34942010045051575, -1.060755729675293, 0.6061904430389404, 0.032630834728479385, -0.44226518273353577, -0.42904576659202576, 0.09789961576461792, 0.3576033413410187, 0.30048859119415283, 0.8441171646118164, -0.8625873327255249, 1.3537299633026123, 0.024066686630249023, -0.4485344886779785, -0.2623126208782196, -0.6247166991233826, 0.14386412501335144, -0.7658572196960449, 0.38050413131713867, 0.7488470077514648, -0.44743630290031433, -0.42800840735435486, -0.052510637789964676, -0.8703051805496216, -0.33433642983436584, 0.9797750115394592, 0.07234018296003342, 0.04342836141586304, -0.0158412903547287, -0.0394008569419384, -0.8879423141479492, 0.6829068660736084, 1.0933886766433716, -0.29559850692749023, 1.8363896608352661, -1.0639506578445435, 0.9453755617141724, 0.9172875881195068, -0.5491416454315186, -0.14415647089481354, 1.6300406455993652, -0.6411944627761841, 0.8252902030944824, 0.46034467220306396, 1.5349773168563843, -0.20816373825073242, 0.10980489104986191, 0.4576973021030426, 0.6644736528396606, -0.2948068380355835, -1.0224676132202148, -0.07511922717094421, -0.533673882484436, 0.21721497178077698, -0.864565908908844, -0.879769504070282, 0.40698495507240295, -0.727640688419342, 1.606811285018921, -0.8547342419624329, -0.15596100687980652, -0.19109435379505157, -0.3609699308872223, -0.6951035857200623, -0.7206765413284302, -0.7635929584503174, -0.43675696849823, -1.7442189455032349, 0.3653900623321533, -0.7262572646141052, -0.29346656799316406, -0.13950185477733612, -0.776918888092041, 0.949041485786438, -0.08147062361240387, -0.31490471959114075, -0.1843681037425995, 0.29959574341773987, -0.6165190935134888, -0.977506697177887, 0.00024014711380004883, 0.31129372119903564, 1.1241793632507324, -0.6714420318603516, 1.0465655326843262, 0.29270973801612854, -0.06394122540950775, -0.5888285040855408, 0.22806912660598755, -1.1214619874954224, 0.5807980298995972, 0.851019024848938, -1.0046210289001465, -0.33939608931541443, -1.131334662437439, -0.16327325999736786, -0.6743919253349304, 0.3128401041030884, 0.9339084625244141, -1.213926076889038, -0.2655524015426636, -0.07203952968120575, 0.5680758953094482, 0.5580207705497742, -0.524112343788147, 0.00825732946395874, -0.03155326470732689, -0.2863183915615082, 0.994274914264679, 0.08479958027601242, 0.882394015789032, -1.0958151817321777, -1.1372592449188232, -0.8677645325660706, -0.727376401424408, 0.7011783123016357, 0.04675805941224098, 1.0158801078796387, 0.40110790729522705, -0.7256510257720947, -0.08411005139350891, -0.47074905037879944, 0.7354799509048462, 0.2541252076625824, 0.7584787607192993, -0.06067017838358879, 0.24015408754348755, -0.6164686679840088, 0.06641007959842682, 0.37807008624076843, 1.296823263168335, -0.31851059198379517, -0.1286059021949768, 0.5318566560745239, -0.22277553379535675, -0.1377238631248474, -1.7448475360870361, -0.1766650378704071, -0.695964515209198, -0.09517253935337067, -1.015928864479065, -0.19261810183525085, 1.3653925657272339, -0.5092654228210449, 1.104714035987854, 1.1420050859451294, 0.42214980721473694, 0.236169695854187, 0.334106981754303, 1.096906304359436, 0.0035908594727516174, 0.050503164529800415, 0.5790795087814331, 0.37375277280807495, 0.42869117856025696, -0.165043905377388, -0.7526155114173889, -0.5224403738975525, 0.6232908964157104, -0.23774194717407227, 1.0163379907608032, 0.11619000136852264, -0.05412430316209793, 1.0923645496368408, 1.3135854005813599, -0.27040839195251465, -2.008546829223633, -0.9132100939750671, -1.5774585008621216, -0.1276743859052658, 0.8197627067565918, 0.16312547028064728, 0.0457536056637764, 0.5046267509460449, -0.2647637724876404, 1.3780914545059204, -0.5006103515625, 0.10435144603252411, 0.6106659173965454, -0.4245925545692444, 0.7875624299049377, 0.7259879112243652, 0.4105103313922882, 0.6023170351982117, -0.24266427755355835, -1.0962003469467163, 0.17320460081100464, -0.6430429816246033, 0.0798482596874237, 0.606184720993042, -0.8825380206108093, -0.20991568267345428, -0.3835863471031189, 0.9819016456604004, -0.2593631148338318, 0.896709680557251, -0.021583955734968185, -0.5726767778396606, -0.39373379945755005, -1.036967396736145, -0.5767065286636353, 0.2010718286037445, -0.3362729549407959, 0.07779064029455185, -0.4915291666984558, 0.23580318689346313, 0.11474845558404922, 0.46724963188171387, -0.7036132216453552, -0.12321864813566208, -0.49477913975715637, 0.10788024961948395, -0.14673356711864471, -0.6097493767738342, -0.7610962390899658, 0.07919824123382568, -0.4677538275718689, 0.13123632967472076, 0.5010553598403931, -0.69219970703125, -0.5721381306648254, 0.7122170329093933, -0.05331595614552498, 0.1821383684873581, 0.1936846524477005, 0.05675358325242996, -1.57496976852417, 0.4494766294956207, 0.571871817111969, -0.13726243376731873, -0.1755874752998352, 0.10459833592176437, 0.4001947343349457, 0.41820868849754333, 0.9091102480888367]} +{"paper_id": "discovery", "embedding": [-0.25712916254997253, 0.9906365275382996, -0.24021735787391663, 0.05138133466243744, -0.12192805856466293, -0.3629304766654968, 0.7269200682640076, 0.8783819675445557, 0.7071724534034729, 0.30175113677978516, -0.18871480226516724, -0.2526262700557709, -0.44343775510787964, -0.2768046259880066, -0.017735131084918976, -0.29078733921051025, -0.7095090746879578, -0.6815793514251709, -1.7645628452301025, -0.9041749835014343, -0.2509993016719818, -0.9236794114112854, -0.026108967140316963, 0.9728965163230896, 0.10022706538438797, -1.0377646684646606, 0.6121506094932556, -1.1005274057388306, 1.250778079032898, 0.513848066329956, -0.22213804721832275, 1.6166518926620483, -1.1693533658981323, 0.148916095495224, -0.05763751268386841, 0.4573652446269989, 0.21169902384281158, 0.8218468427658081, -0.3578867018222809, 0.4082237184047699, -0.39809325337409973, -0.4085572063922882, 0.03607122600078583, 0.5355016589164734, 0.5024200677871704, 0.2011459767818451, -0.02486029639840126, -0.3238770067691803, -0.014984667301177979, -0.9897468090057373, -0.07581369578838348, -0.05466391146183014, -0.17825481295585632, 0.5066201686859131, -0.5942497253417969, 1.6332122087478638, 0.11921528726816177, -1.2846871614456177, 0.5207697749137878, -0.5909794569015503, 1.4084798097610474, 1.925466775894165, -0.039727821946144104, 0.10791628062725067, 1.626649260520935, 0.11083623766899109, 1.8464778661727905, -0.3109613358974457, 0.619529128074646, 1.202132225036621, -0.16998043656349182, -0.4628024399280548, 0.5876255035400391, -0.5484442114830017, -0.32814541459083557, 1.1539206504821777, 1.080737590789795, 0.0804232805967331, -0.31661665439605713, 0.35322025418281555, 0.09700816869735718, 1.1393531560897827, 0.5712171196937561, -0.2043272852897644, -0.1910398304462433, 0.519258439540863, 0.6778297424316406, -0.7726365923881531, 0.07561540603637695, -1.9527720212936401, -0.04740745574235916, 0.10941188782453537, -0.3589954376220703, -0.07533787935972214, 0.06585109233856201, -0.04842563346028328, -0.14320458471775055, -0.3104393482208252, -0.3811320662498474, 0.12493837624788284, 0.4015353322029114, -0.8119685649871826, -0.09201952069997787, -0.17178726196289062, -0.19056113064289093, 1.2804505825042725, 0.2832545042037964, 0.08653025329113007, -1.1426877975463867, -0.28318408131599426, 0.27996036410331726, 1.1985902786254883, -0.6267110705375671, 0.9018138647079468, -0.6090832352638245, -0.36087241768836975, 0.6388276815414429, 0.1161070317029953, -0.812443733215332, 0.05853300169110298, -0.6804811954498291, -0.8375407457351685, -0.10399994999170303, 0.2719643712043762, 0.9921506643295288, -0.792904794216156, 0.013278080150485039, -0.8316555023193359, 0.02999294362962246, -0.45685288310050964, 0.9166537523269653, 0.010555911809206009, -0.7475619912147522, -0.5478452444076538, 3.0887138843536377, -1.086317777633667, 1.5224205255508423, -0.9084908962249756, -0.5106620788574219, -0.5447172522544861, -0.743798017501831, 1.179659128189087, -0.44188937544822693, -0.22071298956871033, -0.5060780644416809, 0.15535597503185272, -0.6284133791923523, 0.39074692130088806, -0.40531986951828003, -0.6222814917564392, -0.05388149991631508, -0.45740213990211487, -1.163408637046814, -0.48528242111206055, -0.3985126316547394, -0.2678472697734833, 0.30072954297065735, 1.2709612846374512, -0.905849039554596, 1.4963383674621582, 0.39184489846229553, -0.6677368879318237, 0.25991979241371155, 0.6306127905845642, -0.9702562093734741, -0.3381255567073822, 0.8680946230888367, 0.2108783721923828, -0.5983567833900452, -0.601085364818573, 0.8794985413551331, 0.5417322516441345, -0.4285597801208496, -0.23839515447616577, 0.3668815493583679, 0.6500213742256165, 0.6853777766227722, 1.0358805656433105, 0.6863333582878113, -0.7114307284355164, -1.125524878501892, -1.0480387210845947, 0.22645312547683716, 0.9349076747894287, 0.26189860701560974, 1.312398076057434, -1.9124717712402344, -0.8872137069702148, -0.2637641429901123, 0.8250547647476196, 0.20445063710212708, -0.611085057258606, 0.23035788536071777, 0.8411157131195068, 0.6346340179443359, -0.8498780131340027, 0.4087141454219818, -0.47637903690338135, 0.03871618211269379, 0.16483856737613678, -0.11888191103935242, -0.5667851567268372, 0.17519022524356842, 1.099450707435608, 0.8433756232261658, -0.6387010216712952, -0.31886667013168335, -2.0288450717926025, 0.3589613735675812, 2.910738945007324, 0.4351833164691925, -0.015677593648433685, -1.673280119895935, -0.004307150840759277, -0.024263177067041397, 0.08502713590860367, 0.21438714861869812, -0.42444702982902527, 0.5849515199661255, -0.8901932239532471, 0.8540655970573425, -0.5448956489562988, 0.3716094493865967, 0.712759256362915, 0.5998247861862183, -0.6236159205436707, -0.09343618899583817, -0.7011493444442749, -0.8856215476989746, 0.5075805187225342, 0.7184160947799683, 0.054271649569272995, -0.195211261510849, 1.0133785009384155, 0.9047550559043884, 0.8099880218505859, 0.2039947211742401, 0.34144681692123413, -0.13926634192466736, 0.10534437745809555, 0.14573782682418823, 0.32239702343940735, -0.1808239072561264, 0.1140974834561348, 0.2944828271865845, 0.34914064407348633, -0.26769840717315674, -0.26859503984451294, -0.4219234585762024, -0.3382986783981323, 1.0348976850509644, 0.6553455591201782, 0.13425888121128082, 1.2175498008728027, -1.5343029499053955, 0.24413281679153442, -0.949846625328064, -0.9073017239570618, -0.5356976389884949, 0.2714803218841553, 1.1622439622879028, 0.1230161115527153, 0.6141317486763, -0.5631005167961121, 0.3400987684726715, -0.6601287126541138, -1.6188750267028809, 0.1738317906856537, -0.113433837890625, -1.776572585105896, -0.18161320686340332, 0.11806411296129227, -1.2874990701675415, -0.30143049359321594, -0.306668758392334, 0.3688621520996094, -0.11519410461187363, 0.37644416093826294, 2.054725408554077, -0.0649321973323822, 0.279166042804718, 0.033791035413742065, 0.8647919297218323, -0.8357647657394409, 1.076149344444275, -0.3523998260498047, 0.39522668719291687, -1.3090853691101074, 0.21601900458335876, -0.22154609858989716, 0.7079164385795593, 0.15637165307998657, 0.19044828414916992, 0.14107827842235565, -0.04252319782972336, -0.6604670286178589, 1.2042955160140991, -0.47303780913352966, -0.1047489121556282, -0.7550404071807861, 2.0074028968811035, 0.35500484704971313, -0.3612942099571228, 0.8810582756996155, -0.4170042872428894, 0.3072078824043274, 0.9218277931213379, -0.3029125928878784, 1.0424163341522217, 0.6087780594825745, 0.28408941626548767, 0.21648919582366943, -0.01486162655055523, -2.22497820854187, 0.10981930047273636, 1.042801022529602, -0.07536932826042175, -0.5517839789390564, -1.091976284980774, 0.6056867837905884, -0.6316834092140198, -0.356112539768219, 0.5043280124664307, -0.6455584168434143, -0.011659390293061733, -0.20234441757202148, -0.052876390516757965, 1.3866897821426392, -0.6588440537452698, 0.33183157444000244, 1.5695574283599854, 0.36305174231529236, -0.6806607246398926, -0.07622374594211578, 1.205538272857666, -0.32507753372192383, 0.1147007867693901, 0.1571933925151825, 0.8622495532035828, 0.44062215089797974, -0.42725545167922974, 0.336904913187027, 1.0386606454849243, 1.1104586124420166, 0.7250344753265381, -0.3774533271789551, -0.4731404781341553, 0.45846593379974365, -0.5503888130187988, 1.6570689678192139, -0.18347515165805817, -0.7698942422866821, -1.7243589162826538, -0.5537460446357727, -0.243599995970726, -0.7326330542564392, 1.6180343627929688, 1.0074526071548462, 1.863162875175476, -0.37293699383735657, 0.4096904397010803, -0.8222848176956177, 0.40800589323043823, 0.789483368396759, 0.3842059373855591, -0.3766036033630371, -0.5492346286773682, -0.09097686409950256, 1.0226980447769165, -0.4342100918292999, -0.41422030329704285, -0.2245832085609436, 1.0596537590026855, -0.8163004517555237, -0.6143410205841064, -0.6231252551078796, 0.6228780150413513, 0.7156201601028442, 1.6935805082321167, -0.9514431953430176, -0.6240493655204773, 0.2732625901699066, 0.10122140496969223, 0.4713200032711029, 0.30885031819343567, -1.709490418434143, 0.6945386528968811, 0.4794157147407532, 0.5641101598739624, 0.0795997679233551, 0.65968918800354, 0.5802391767501831, -0.2699694037437439, -1.8622945547103882, 0.03635278716683388, -0.6357569098472595, -0.3017951250076294, -0.10644982755184174, -0.11870495975017548, -0.6443772912025452, 1.1114672422409058, -0.1898384988307953, -0.2723483443260193, 1.0314918756484985, -0.6477990746498108, -1.3340409994125366, 0.5832694172859192, 0.7583636045455933, -1.6178938150405884, -0.9648028016090393, -0.003933943808078766, -1.2728321552276611, -0.6643703579902649, -0.13429215550422668, -0.946036696434021, 0.9475826621055603, 0.6515601873397827, 0.3639405071735382, -0.4788218140602112, -0.4192124605178833, -1.138350009918213, 0.6565614938735962, 1.1393707990646362, -1.1441701650619507, 0.6746413707733154, 0.31616735458374023, 0.03261305391788483, 0.41976818442344666, -1.0824759006500244, -0.9236211776733398, 0.3223945200443268, -0.5372524261474609, -0.11727035790681839, -0.8345268964767456, -0.41279691457748413, -0.05945907533168793, 0.22677572071552277, 0.29176512360572815, -1.8257391452789307, -0.17239215970039368, -0.6057205200195312, 0.6548438668251038, 0.2564932703971863, -0.48406660556793213, -0.9506622552871704, 0.9462921023368835, -1.0959364175796509, 0.6196324825286865, 0.7011014223098755, 0.31021833419799805, 2.033489942550659, 0.28055980801582336, 0.06472979485988617, -0.2990562319755554, -9.92374324798584, 0.2020508050918579, 0.36724191904067993, 0.38267379999160767, 0.45156174898147583, -0.5175653696060181, 0.6225353479385376, -0.5134053230285645, 0.37982457876205444, -0.7138652801513672, 0.7317047715187073, 1.428743600845337, 0.25151655077934265, -0.9623414278030396, -0.39547643065452576, -1.2231616973876953, -0.23600685596466064, -1.0730304718017578, 0.26167458295822144, 0.5789987444877625, -0.6120295524597168, -0.8012118339538574, 0.11484774947166443, 0.3990018665790558, 0.33398571610450745, 0.2645401954650879, -0.2769046127796173, -0.022653669118881226, -0.6184078454971313, -0.003906559199094772, 1.0080459117889404, -0.510596513748169, -0.6664943695068359, -0.013396007940173149, 0.5759819746017456, 0.15083982050418854, -0.7487086057662964, -0.2265377640724182, -0.027092695236206055, -0.7943077087402344, -0.723356306552887, 0.374162882566452, 0.8747877478599548, -0.6192634105682373, -0.5625694990158081, 0.2663997411727905, 0.3463818430900574, -1.2241737842559814, 0.14190717041492462, -0.5220544338226318, -0.18282289803028107, -0.598738431930542, -1.6041502952575684, -0.3788585066795349, 0.180052250623703, 0.2395155131816864, -0.8695662021636963, 0.9916507005691528, -0.2512665092945099, -0.5757478475570679, 0.5523473024368286, -0.2747644782066345, -0.33935531973838806, 0.23728302121162415, 0.3222599923610687, -0.31490522623062134, 0.47887134552001953, 0.48787951469421387, -0.040431708097457886, 0.5837064385414124, -0.7925432920455933, 0.5124675631523132, -0.3176385462284088, 0.1101427897810936, -0.1583428680896759, 0.6945080757141113, -0.03435135260224342, -0.7990580797195435, 0.3472944498062134, 0.35594168305397034, -1.1584956645965576, 0.5313040018081665, -0.05576138570904732, -0.6283158659934998, -0.3995131254196167, 0.39900118112564087, -0.42131057381629944, -0.0858079195022583, 0.8833174705505371, -0.3504006266593933, 1.3221449851989746, -0.033683259040117264, -0.4225635528564453, -0.25725439190864563, -0.33824512362480164, 1.0206773281097412, -0.7647861838340759, 1.244089126586914, 0.5731099843978882, -0.595378041267395, 0.16131269931793213, -0.29771485924720764, -0.06716732680797577, -0.6520192623138428, 0.5583342909812927, 0.9162044525146484, 0.12263473868370056, 0.3465087115764618, -0.28749823570251465, -0.22112460434436798, 0.8799684047698975, 0.6626262068748474, -0.4127650260925293, 0.7096769213676453, -0.25819581747055054, 0.7626014351844788, 0.5820005536079407, 0.9173222184181213, -0.013538116589188576, 0.7591206431388855, -0.5075586438179016, 1.0539315938949585, 0.07651259005069733, 0.870612382888794, 0.22780048847198486, 0.1781732589006424, 0.453929603099823, 0.39938461780548096, -0.3920421898365021, -1.4444957971572876, 0.016004173085093498, -0.015416659414768219, 0.034469470381736755, -0.1292409598827362, -0.49806612730026245, 0.013124924153089523, -0.22518859803676605, 1.3969851732254028, 0.28215712308883667, -0.3118910789489746, 0.11366277933120728, -1.0534940958023071, 0.22549381852149963, -0.725544810295105, -1.0336647033691406, 0.49465057253837585, -1.5330666303634644, -0.7387972474098206, -0.591486930847168, -1.047275424003601, 0.6956243515014648, -0.19923710823059082, 1.3493229150772095, -0.6573631167411804, -0.8438296318054199, 0.12539348006248474, 0.5677524209022522, 0.023576490581035614, -0.550772488117218, 0.589063823223114, -0.3610001504421234, 1.4322236776351929, -1.611074686050415, 1.010448694229126, -0.050908640027046204, -0.3170265257358551, -0.9863266348838806, 0.1432175636291504, -1.6282494068145752, 0.2851434051990509, 0.789073646068573, -1.0715789794921875, -0.5604825019836426, -0.6683304309844971, -0.5160858631134033, -1.2604255676269531, 1.0375877618789673, 0.9078778028488159, -0.6867767572402954, -0.03803117573261261, -0.1262233853340149, 0.06942623853683472, 0.7131043076515198, 0.4066459536552429, 0.030044063925743103, -0.15412896871566772, -0.7045915126800537, 0.9947032332420349, -0.12349777668714523, 0.37777066230773926, -1.6108789443969727, -1.6878607273101807, 0.1526375710964203, -0.45820167660713196, 0.5848129987716675, -0.021212588995695114, 1.8536230325698853, -0.3856666684150696, 0.25690171122550964, -0.009863566607236862, 0.445594847202301, 0.6191624999046326, 0.4067252278327942, 0.9291632175445557, -0.44960129261016846, 0.31515902280807495, -1.2924567461013794, -0.34770792722702026, 0.2217930257320404, 0.3518619239330292, -1.1515098810195923, 0.18574979901313782, 0.362230122089386, -0.1144799143075943, 0.6417816877365112, -0.8941998481750488, 1.086016058921814, -1.0268090963363647, -0.26131361722946167, -1.3118641376495361, -0.2693367302417755, 0.38692957162857056, -0.3576057553291321, 0.8386154174804688, 1.062609314918518, 0.0886765643954277, 0.21967478096485138, -0.05216546356678009, 1.6157115697860718, -0.2424410730600357, -0.9783495664596558, -0.11997072398662567, 0.4913958013057709, 0.07630828768014908, -0.7043190598487854, -0.4920523762702942, -0.5538976788520813, 0.6409693360328674, -1.0348641872406006, 0.04496739059686661, -0.7051408290863037, -0.05013231188058853, 0.4050050973892212, 1.3902626037597656, -0.25663331151008606, -1.2184263467788696, -0.08785673975944519, -0.6909092664718628, 0.43579623103141785, 0.9270234107971191, 1.3616756200790405, 0.09092450141906738, 0.4621571898460388, 0.19839660823345184, 1.143817663192749, -0.1078016459941864, -0.1319388598203659, 0.4046754539012909, 0.1330603063106537, 0.9236900210380554, 0.15771126747131348, 0.8372335433959961, -0.28045740723609924, -0.417742520570755, -0.7561975717544556, -0.07706192135810852, -0.2121025174856186, 0.09429161250591278, 0.5665187239646912, 0.06917020678520203, -0.08194927871227264, -0.43586474657058716, 1.083007574081421, -0.6485603451728821, 0.9655044674873352, -0.06651894748210907, -0.43542373180389404, -1.2202855348587036, -1.1847047805786133, -0.6341440081596375, 0.6810848116874695, -1.0561838150024414, -0.23847010731697083, 0.21651455760002136, 0.5088892579078674, -0.10434844344854355, -0.38826727867126465, -1.2188303470611572, 0.5511597394943237, -0.3253375291824341, 0.32464778423309326, -0.14827075600624084, -0.5520572662353516, -0.5347417593002319, 0.013364886865019798, -0.9407418966293335, 1.0966511964797974, 0.38428765535354614, -0.8524000644683838, -0.16909104585647583, 0.8745188117027283, -0.5398904085159302, -0.273209810256958, 0.5711276531219482, -0.3427533209323883, -1.8751788139343262, 2.0908470153808594, 1.3668239116668701, -0.3101503551006317, -1.2507696151733398, 0.44121307134628296, -0.008606646209955215, 0.5006242394447327, 0.9684187173843384]} +{"paper_id": "lambada", "embedding": [-0.08680730313062668, 1.3354843854904175, -0.21893778443336487, -0.1887284368276596, 0.2270377278327942, -0.024397768080234528, 0.8229092955589294, 0.6476175785064697, 0.7565395832061768, 0.47287338972091675, 0.7001333832740784, -0.3614651560783386, 0.33221960067749023, 0.3373308479785919, 0.03856082633137703, -0.7237258553504944, -0.8478864431381226, -0.3136764466762543, -1.1100698709487915, -0.664533257484436, -0.869405210018158, -0.5882255434989929, -0.1818438321352005, 1.121411919593811, -0.6999011635780334, -0.9869362115859985, 1.0159218311309814, -0.9296313524246216, 0.7289193272590637, 0.1649085283279419, 0.06132184714078903, 0.9400134682655334, -1.1508994102478027, 0.49456146359443665, -0.38716715574264526, -0.29446080327033997, -0.11258087307214737, 0.5116601586341858, -0.3399716317653656, 0.07689467072486877, -0.808976411819458, -0.1552239954471588, 0.32362696528434753, 0.22976669669151306, 0.4801156520843506, -0.3116469085216522, 0.4482850730419159, -0.26236414909362793, -0.23115964233875275, -0.33728650212287903, -0.4527757465839386, 0.17940744757652283, -0.26643919944763184, 0.9560214281082153, -0.4010573923587799, 1.0775001049041748, 0.47083690762519836, -0.8692685961723328, 0.4896091818809509, -0.8616558313369751, 1.3192260265350342, 1.8925851583480835, -0.5311636328697205, 0.20134122669696808, 1.0862338542938232, -0.20493240654468536, 1.6192679405212402, 0.10337737202644348, 0.2867998778820038, 1.2408872842788696, -0.05273158848285675, -0.09920916706323624, 0.49539822340011597, -0.09848032146692276, 0.453040212392807, 1.2979857921600342, 0.6151477694511414, -0.20373719930648804, -0.010298548266291618, -0.28933778405189514, -0.05909987911581993, 0.6819489598274231, -0.10508813709020615, -0.19091396033763885, -0.1063220351934433, 0.27217897772789, 0.24777361750602722, -0.9817088842391968, -0.08282768726348877, -1.6675468683242798, 0.11410517245531082, 0.26836228370666504, -0.26400071382522583, -0.06721629202365875, 0.0852629542350769, -0.011134738102555275, 0.05514528229832649, -0.10011504590511322, -0.5439086556434631, 0.05474427342414856, 0.34319600462913513, -1.015077829360962, 0.32992613315582275, -0.4918001592159271, 0.04576878249645233, 0.9667699337005615, -0.034338727593421936, -0.5673767924308777, -0.626611590385437, -0.6580899953842163, 0.5984635949134827, 1.0279486179351807, -0.3860277533531189, 0.3856370747089386, 0.32724300026893616, -0.06627017259597778, 0.7634343504905701, -0.533183217048645, -0.9784610271453857, -0.08595088124275208, -0.5595952868461609, -0.9455231428146362, -0.2958572506904602, -0.36027246713638306, 0.5939371585845947, -0.3908389210700989, 0.09096923470497131, -0.8758156299591064, -0.09928886592388153, -0.08975265920162201, 0.6305989027023315, 0.1394268423318863, -0.7990065813064575, -0.5502089262008667, 2.6755237579345703, -0.7839862108230591, 1.291072964668274, -0.838699221611023, -0.05192958563566208, -0.6560713052749634, -0.8930851221084595, 1.5323783159255981, -0.07219105958938599, -0.7820641398429871, -0.06779085844755173, 0.21404814720153809, -0.6897408962249756, 0.4968704581260681, -0.46711763739585876, -0.4349217414855957, 0.21476192772388458, -0.15665137767791748, -1.4363933801651, -0.6632145047187805, 0.07051880657672882, -0.15735742449760437, -0.07406501471996307, 0.9605749249458313, -0.29227691888809204, 1.7265468835830688, 0.6130256652832031, -0.02721916139125824, -0.42239782214164734, 0.46081840991973877, -1.0549108982086182, -0.2040209174156189, 1.0168352127075195, -0.023585397750139236, -0.677518904209137, -0.36419621109962463, 0.937244176864624, -0.0310707725584507, -0.39983227849006653, -0.4539826810359955, 0.2925693690776825, 0.2082141637802124, 0.44115474820137024, 0.49539080262184143, 0.18933697044849396, -0.7091386914253235, -0.460599809885025, -0.5612601637840271, 0.09155545383691788, 0.9051450490951538, 0.03086569532752037, 0.7123644948005676, -1.8180567026138306, -0.20338056981563568, -0.47056734561920166, 1.0359899997711182, -0.5074771046638489, -0.5261631608009338, 0.11400586366653442, 0.4216306507587433, 0.33663493394851685, -0.29328495264053345, 0.6199333071708679, -0.7640289664268494, -0.06946537643671036, 0.40041255950927734, 0.29765045642852783, -0.43729522824287415, 0.14868538081645966, 0.7918276786804199, 0.6345185041427612, -0.8449164032936096, -0.7311592102050781, -1.6664596796035767, 0.18391825258731842, 2.363032341003418, 0.4005029499530792, -0.5341121554374695, -1.4900859594345093, -0.5327608585357666, -0.2707168757915497, -0.2333890199661255, -0.10876980423927307, -0.43368759751319885, 0.07860252261161804, -1.2939419746398926, 0.6354985237121582, -0.9536935687065125, 0.14827534556388855, 0.5245211124420166, 1.1176413297653198, -0.5077481269836426, -0.7546579837799072, -0.6971451044082642, -0.48618030548095703, 0.23901771008968353, 0.9696923494338989, -0.25571760535240173, -0.34578385949134827, 0.5338613986968994, 0.544009804725647, 0.361225962638855, 0.4666462242603302, 1.0953694581985474, -0.5824466943740845, 0.20838439464569092, 0.15346172451972961, 1.0243059396743774, -0.728205680847168, -0.15801070630550385, 0.05127474665641785, 0.2074422538280487, -0.4024588465690613, -0.10804720222949982, -0.3933507800102234, -0.23674845695495605, 0.8570583462715149, 1.1477874517440796, -0.3529585003852844, 1.174196720123291, -1.2366524934768677, 0.2568097710609436, -0.25168880820274353, -0.9616066813468933, -0.7750022411346436, 0.05490874499082565, 0.7832997441291809, -0.09695452451705933, 0.4099174737930298, -0.280676007270813, 0.16596998274326324, -1.1213034391403198, -0.6599459052085876, -0.05026768893003464, -0.6941505670547485, -1.548811435699463, 1.1049211025238037e-05, -0.4168025255203247, -1.7054072618484497, -0.6376351714134216, -0.05422615632414818, 0.727324366569519, -0.3171742260456085, 0.43586018681526184, 2.1882917881011963, 0.38912907242774963, 0.2978127896785736, 0.17592661082744598, 1.1213486194610596, -0.9033514261245728, 0.28259074687957764, -0.1353916972875595, -0.062717504799366, -1.1361700296401978, 0.12060099840164185, -0.7826061844825745, 0.5445348024368286, 0.8124570250511169, -0.06597621738910675, 0.9278455972671509, -0.2553495168685913, -1.3854682445526123, 1.2763032913208008, -0.4469834268093109, 0.48705554008483887, -1.496066927909851, 1.8202260732650757, 0.3935600519180298, -0.08823343366384506, 0.8516985774040222, -0.5659626722335815, 0.20697671175003052, 1.2814905643463135, -0.234150230884552, 0.6022370457649231, 0.2789170742034912, -0.04351627826690674, 0.4551562964916229, 0.35453683137893677, -2.3751626014709473, 0.813587486743927, 0.7666673064231873, -0.24803704023361206, -0.08148308098316193, -0.5724896192550659, 0.44070231914520264, -0.3720516860485077, -0.14286409318447113, 0.6541751027107239, -1.147127628326416, 0.4635668098926544, -0.1436685025691986, -0.10414115339517593, 0.5019842982292175, -0.39803677797317505, 0.2884286642074585, 0.7445500493049622, 0.7107985019683838, -1.397737741470337, -0.10482192039489746, 0.6503859162330627, -0.7913110852241516, 0.5279020667076111, 0.28469565510749817, 0.9514274001121521, 0.7981057167053223, -0.49729305505752563, 0.024653024971485138, 0.8306563496589661, 0.5097471475601196, 0.369639128446579, -0.37176743149757385, -0.27317917346954346, 0.4133717119693756, -0.38252654671669006, 1.5203726291656494, 0.28422990441322327, -0.9644885659217834, -1.5635524988174438, -0.4836445152759552, -0.5780724287033081, -0.6627716422080994, 1.156563639640808, 0.7407552599906921, 1.6440205574035645, 0.29503029584884644, 0.4434592127799988, -0.48690730333328247, 0.012033343315124512, 0.7646391987800598, 0.0006397385150194168, 0.008982330560684204, -0.6063377857208252, 0.015194136649370193, 1.0660005807876587, 0.4587545096874237, -0.5814071893692017, 0.13099509477615356, 0.8120021224021912, -0.07358834147453308, -0.7661074995994568, 0.35189494490623474, 0.4414612352848053, 0.8610323071479797, 1.9678412675857544, -0.8473711609840393, -0.32757362723350525, 0.6027187705039978, 0.4162033200263977, 0.49987536668777466, 0.3391392230987549, -1.0831360816955566, 0.3976631760597229, 0.23215220868587494, 0.4552224278450012, -0.5064350366592407, 0.9767374992370605, 1.1502001285552979, -0.453630656003952, -1.0673003196716309, -0.2673628330230713, -0.9411557912826538, 0.06656846404075623, 0.11590296775102615, 0.17292870581150055, -0.07444995641708374, 0.857725203037262, 0.34987956285476685, -0.9010778069496155, 0.7823693752288818, -0.39493516087532043, -1.0314282178878784, 0.5919114947319031, 0.8967118263244629, -1.0802007913589478, -0.7603486180305481, 0.012207500636577606, -0.9976469278335571, -0.7849138975143433, 0.027822203934192657, -1.0998731851577759, 0.9612910747528076, 0.26953205466270447, 1.0647867918014526, -0.24207372963428497, -0.8088048100471497, -1.026285171508789, 0.9983471035957336, 0.970069944858551, -0.6778417825698853, 0.6255495548248291, -0.26594623923301697, 0.3925842046737671, 0.4107441008090973, -1.0378727912902832, -0.38856014609336853, 0.8969126343727112, -0.5567765831947327, -0.31801989674568176, -1.0384904146194458, -0.3290688395500183, 0.4467875063419342, 0.8168604969978333, 0.4184674918651581, -1.4097813367843628, -0.047999974340200424, -0.8752714991569519, 0.4314946234226227, 0.5439256429672241, -1.3019750118255615, -1.2802883386611938, 0.2396373301744461, -0.9188736081123352, -0.040447767823934555, 0.32302841544151306, 0.5787918567657471, 1.5542731285095215, 0.24929526448249817, 0.07748594880104065, -0.3194967806339264, -11.1143798828125, 0.6331019401550293, 0.5089386105537415, 0.12912385165691376, 0.4767352342605591, -0.5234753489494324, 0.1765320599079132, 0.049382515251636505, 0.39105552434921265, -0.7515333890914917, 0.5427955985069275, 0.9715276956558228, 0.2699790298938751, -0.5400341749191284, -0.16087886691093445, -1.1044806241989136, -0.5422030687332153, -1.1172951459884644, 0.18469853699207306, 0.5486964583396912, -0.24415947496891022, -0.8854579329490662, 0.10433119535446167, 0.24577122926712036, 0.38369396328926086, -0.35377609729766846, -0.2842957377433777, 0.01650848612189293, -0.5582582950592041, 0.4457108676433563, 0.5400606393814087, -0.13862155377864838, -0.5905970931053162, -0.02342076599597931, 0.6845566630363464, -0.5149164795875549, -1.2116998434066772, -0.12642985582351685, 0.5140841007232666, -0.6194888353347778, -0.49056148529052734, -0.1895892173051834, 0.539023220539093, -0.8674694299697876, -0.873108983039856, 0.026533052325248718, 0.31557053327560425, -1.0721631050109863, -0.7458183765411377, -0.4461572468280792, -0.0885910913348198, -0.4295530617237091, -1.507301926612854, -0.892561674118042, 0.46091797947883606, -0.2008831650018692, -0.3935249149799347, 0.4081541895866394, -0.19691674411296844, -0.7918574810028076, 0.3183189630508423, -0.07728570699691772, -0.6660183072090149, 0.036490548402071, 0.4115636944770813, -0.39029309153556824, 0.38784512877464294, 0.2197416126728058, 0.7483286261558533, 1.0078824758529663, -1.3180233240127563, 1.2577321529388428, 0.42720380425453186, 0.2541942298412323, -0.3286600708961487, 0.6532228589057922, 0.02347579225897789, -1.0398643016815186, 0.5150858163833618, 0.14869572222232819, -1.464671015739441, 0.44115132093429565, 0.745617151260376, -0.15219086408615112, -0.3074933588504791, -0.012350581586360931, -0.2652908265590668, 0.0996941328048706, 1.4351606369018555, -0.21080830693244934, 1.2607694864273071, 0.24833428859710693, -0.5447367429733276, -0.12896089255809784, -0.38149479031562805, 0.5420070886611938, -1.3783215284347534, 0.8058305382728577, 0.9919142723083496, -0.39837566018104553, 0.025573674589395523, -0.6257005929946899, -0.44086530804634094, -0.28667715191841125, 0.7109972834587097, 0.5115978717803955, 0.010323375463485718, 0.4619310796260834, -0.06820595264434814, -0.811980664730072, 0.9997379779815674, 0.6611161828041077, -0.3301534056663513, 1.2258249521255493, -0.6258443593978882, 1.1354420185089111, 0.5966030955314636, 0.2731667757034302, 0.45273077487945557, 1.0713655948638916, -0.7873445749282837, 1.010619878768921, 0.3182743787765503, 1.4196773767471313, 0.44079089164733887, 0.30552899837493896, 0.3037610352039337, 0.44950151443481445, -0.13856512308120728, -1.3408446311950684, 0.17757074534893036, -0.6384350061416626, 0.10624127089977264, -0.2798643112182617, -0.19929412007331848, -0.06899884343147278, -0.6805592179298401, 1.6802021265029907, -0.5237227082252502, -0.3017328679561615, -0.22227323055267334, -0.4531455636024475, 0.17070388793945312, -0.46906936168670654, -0.568970799446106, 0.4301319420337677, -2.383690595626831, -0.3841261565685272, -0.7562713027000427, -0.6862292885780334, 0.262521356344223, -0.2011166214942932, 0.6170974373817444, -0.6226006746292114, -0.5477808713912964, -0.5123400092124939, 0.9438582062721252, -0.3376198709011078, -0.48038002848625183, 0.07103878259658813, 0.30594897270202637, 1.5874758958816528, -1.0223873853683472, 0.9686968326568604, 0.2364937663078308, -0.11550863087177277, -0.9862691164016724, 0.3504047989845276, -0.90961092710495, 0.456940621137619, 1.0945402383804321, -1.497022032737732, -0.3717665374279022, -0.7996072173118591, -0.09218648076057434, -0.8997896909713745, 0.34351301193237305, 1.3336617946624756, -1.0019816160202026, 0.08239004015922546, -0.4780014753341675, 0.30040132999420166, 0.5072150826454163, -0.21758568286895752, 0.3589540123939514, 0.24260729551315308, -0.4982604682445526, 0.9173987507820129, 0.0726495087146759, 0.7420875430107117, -1.430950403213501, -1.1077358722686768, 0.09426023811101913, -0.3555397391319275, 0.7052990794181824, -0.1317758709192276, 1.149208664894104, 0.03940973058342934, -0.5623400211334229, -0.42359575629234314, 0.11969330906867981, 0.7258069515228271, 0.4511348605155945, 0.367033451795578, -0.3041558563709259, 0.3059878945350647, -0.427572101354599, 0.2554095983505249, -0.06357896327972412, 0.8069066405296326, -0.9012855291366577, -0.18251973390579224, -0.07284195721149445, -0.20244364440441132, 0.5172666311264038, -0.8346277475357056, 0.15496864914894104, -0.3030710220336914, -0.14802111685276031, -1.3495473861694336, -0.10139834135770798, 0.7227078080177307, -0.23808300495147705, 0.9178421497344971, 0.7073436975479126, 0.21265847980976105, 0.8469239473342896, 0.15071238577365875, 1.3668431043624878, -0.22122301161289215, -0.49057668447494507, 0.36632537841796875, 1.042465090751648, 0.5601417422294617, -0.5830758810043335, -0.45226237177848816, -0.7981221079826355, 0.4222705364227295, -0.7315612435340881, 0.654772937297821, -0.41180282831192017, -0.04848818480968475, 0.48757123947143555, 1.664880394935608, 0.17446981370449066, -1.3072923421859741, -0.5297838449478149, -1.3726084232330322, -0.226554736495018, 0.475192129611969, 0.5946688652038574, 0.5798107981681824, 0.7890879511833191, -0.22956116497516632, 1.0710458755493164, -0.34054818749427795, 0.08404474705457687, 0.13084444403648376, -0.11852888762950897, 0.8196691870689392, 0.7811493277549744, 0.5591093301773071, 0.6170791983604431, -0.3166171610355377, -1.187401294708252, -0.18863704800605774, -0.7058603763580322, 0.7504427433013916, 0.7103231549263, 0.05530927702784538, -0.09580827504396439, -0.1318681240081787, 0.5921291708946228, -0.10623578727245331, 0.7047889828681946, 0.7022395730018616, -0.22997084259986877, -0.8386591076850891, -1.2630425691604614, -0.5484381318092346, 0.8111622929573059, -0.1567281037569046, -0.11329931020736694, -0.5287739038467407, 0.37002766132354736, 0.25695666670799255, -0.12305105477571487, -0.8279383778572083, 0.26680415868759155, -0.11349689960479736, 0.23243166506290436, 0.6228839159011841, -0.6379181146621704, -0.508302628993988, 0.22064635157585144, -1.3409310579299927, 0.7939616441726685, 0.6231812834739685, -1.2552512884140015, -0.13391177356243134, 0.9604539275169373, 0.045563794672489166, -0.44799384474754333, 1.214489459991455, -0.28723543882369995, -1.3249045610427856, 1.251810908317566, 1.031434416770935, -0.5921297073364258, -0.17394821345806122, 0.04224638640880585, 0.4139831066131592, 0.5648015737533569, 1.5444703102111816]} +{"paper_id": "selqa", "embedding": [-0.6840839385986328, 0.8023247122764587, -0.18065181374549866, -0.4655359387397766, 0.565093994140625, 0.1275506615638733, 0.5489444732666016, 0.8464049696922302, 0.41696804761886597, 0.3110896348953247, -0.15080437064170837, 0.3889712393283844, 0.11645407974720001, 0.4417949318885803, -0.5450366139411926, -0.9469417333602905, -1.4536099433898926, -0.4590930938720703, -1.099791169166565, -0.17656490206718445, -0.9529100060462952, -0.2991742491722107, 0.24138185381889343, 0.2105088233947754, -0.3952272832393646, -1.0468801259994507, 0.37551480531692505, -0.9071033596992493, 0.35090339183807373, -0.13714134693145752, 0.10843188315629959, 1.1970112323760986, -1.1391061544418335, 0.12527453899383545, -0.7843412756919861, -0.1185113862156868, 0.39244288206100464, 1.3821585178375244, -0.07163281738758087, -0.365456759929657, -0.5779716372489929, 0.23308688402175903, 0.9242425560951233, 0.15031908452510834, 0.9461633563041687, -0.5806362628936768, 0.3060484528541565, 0.017324399203062057, -0.8946302533149719, -0.21674372255802155, -0.5786707997322083, 0.30707696080207825, -0.3476172983646393, 0.3661879003047943, -0.33225080370903015, 0.4385921359062195, 0.5396130681037903, -0.8059616088867188, 0.8717150688171387, -0.917884111404419, 1.258601427078247, 1.5513629913330078, 0.4973899722099304, 0.5887483358383179, 1.3766827583312988, -0.4151375889778137, 1.1976935863494873, 0.1507136970758438, -0.17665109038352966, 0.2995307743549347, -0.5391783714294434, -0.5671589970588684, 0.052808668464422226, 0.26243162155151367, 0.10188274085521698, 0.40772396326065063, 0.09015430510044098, 0.1515549272298813, 0.16689202189445496, 0.08104296773672104, -0.17556892335414886, 0.37770551443099976, 0.6921352744102478, -0.5003933906555176, 0.4660036861896515, 0.1553853154182434, 0.32262176275253296, -0.7931388020515442, 0.7811859846115112, -1.4038082361221313, 0.18217995762825012, 0.25854921340942383, 0.06820773333311081, 0.3789733648300171, -0.48281973600387573, 0.7552974224090576, -0.8429223299026489, 0.12725362181663513, -0.31844353675842285, 0.9735246300697327, 0.9156169891357422, -0.5266163349151611, 0.3733287453651428, 0.35575616359710693, 0.436634361743927, 0.7059856653213501, 0.39747241139411926, 0.07216808944940567, -0.34183162450790405, -0.78057461977005, -0.48698940873146057, 1.126521348953247, -0.08185125142335892, 0.273403137922287, -0.15970663726329803, 0.4729692041873932, 0.39448344707489014, -0.8702234029769897, -0.34386757016181946, 0.29510027170181274, -0.09958858788013458, -1.0443122386932373, 0.06912097334861755, -0.06725016236305237, 1.2844171524047852, -0.8945510983467102, 0.10255841910839081, -0.030377279967069626, -0.23616677522659302, 0.9047546982765198, 0.8695423603057861, -0.054528165608644485, -0.47960761189460754, 0.0489996038377285, 2.927788734436035, -1.1180897951126099, 1.4149397611618042, -0.8724313378334045, -0.4903827905654907, -0.8132461905479431, 0.2170674204826355, 0.9901654720306396, 0.1460910141468048, -0.7267379760742188, -0.6757209300994873, 0.11522474884986877, -0.16619840264320374, 0.3797825574874878, -1.0698792934417725, -0.3132780194282532, -0.7121339440345764, -0.24499598145484924, -1.5113285779953003, -0.439558207988739, 0.34942761063575745, 0.7615694999694824, -0.20957136154174805, 0.23395076394081116, -0.489845335483551, 0.4938100576400757, -0.03714216500520706, -0.03631066530942917, -0.05042370408773422, 0.33668285608291626, -0.44888564944267273, -0.4967498183250427, 0.593201220035553, 0.04902880638837814, -0.9363605976104736, 0.24345096945762634, 0.5108948349952698, -0.9874959588050842, -0.2354435920715332, 0.021013349294662476, -0.4229396879673004, 0.13291031122207642, 0.6973084211349487, 0.6537383198738098, 0.01612141728401184, -0.9664440751075745, -0.19726046919822693, 0.1807299256324768, -0.07003192603588104, 0.7013400197029114, 0.43676167726516724, 0.4184199273586273, -2.5944433212280273, -0.1208861917257309, 0.07116425037384033, 0.7879717350006104, -0.23681911826133728, 0.15728498995304108, -0.3290785849094391, 0.38689449429512024, -0.7072211503982544, -0.6113032102584839, 1.1290969848632812, -1.2192740440368652, 0.1964142620563507, 0.11431579291820526, -0.35642990469932556, 0.36849725246429443, 0.01285468228161335, 1.1430926322937012, 0.5250704288482666, -0.08127385377883911, -1.0492403507232666, -2.012669801712036, 0.2440401315689087, 2.6698906421661377, -0.2835148870944977, -0.4993442893028259, -1.1968945264816284, -0.1649037003517151, 0.16939109563827515, -0.017872171476483345, 0.19774499535560608, -0.4096774160861969, -0.10190702229738235, -1.057402491569519, 0.56955486536026, -0.5089138746261597, 0.07661532610654831, 0.8111345767974854, 1.3017328977584839, -1.1646851301193237, -0.045084528625011444, -0.7722259759902954, -0.35060057044029236, 0.603131890296936, 0.41018596291542053, 0.26864761114120483, 0.37693578004837036, 1.248347520828247, 0.8770034313201904, 1.172598958015442, 0.211110919713974, 0.19916898012161255, -0.8146718740463257, -0.5150144696235657, 0.025290420278906822, 0.9553593397140503, 0.07174966484308243, 0.13564532995224, 0.2929060459136963, 0.04624345153570175, -0.4427809417247772, -0.21940621733665466, 0.030216265469789505, 0.10257726907730103, 1.4187579154968262, 0.6300915479660034, -0.3831009864807129, 0.9330760836601257, -0.6160648465156555, -0.7615089416503906, -0.18156933784484863, -0.08787083625793457, -0.11778996139764786, -0.4543777108192444, 1.1693024635314941, -0.011592756025493145, -0.53696608543396, -0.37596261501312256, -0.17648999392986298, -1.0199552774429321, -0.04567328095436096, 0.4672708213329315, -0.7098017334938049, -0.9486172199249268, -0.04772430658340454, -0.05354893207550049, -0.8291630744934082, -1.0505698919296265, -0.1893029361963272, 0.3773012161254883, 0.10626012831926346, 0.9037425518035889, 1.6913931369781494, -0.34711581468582153, -0.3133079707622528, 0.10319472849369049, 1.1036845445632935, -0.6523727774620056, 0.43516677618026733, -0.7323126196861267, 0.5546847581863403, -0.7821083664894104, 0.11111633479595184, -0.2610083818435669, 0.975191593170166, -0.015761613845825195, -0.3263263702392578, 0.5923216938972473, -0.26137951016426086, -1.2456088066101074, 0.5603596568107605, -0.07442401349544525, -0.34655046463012695, -0.2619295120239258, 1.2761050462722778, 0.42542585730552673, -0.5702844858169556, 0.9272840619087219, -0.3877142071723938, -0.2673013508319855, 0.8861765265464783, -0.20672152936458588, 0.08397091925144196, 0.32046663761138916, -0.21951515972614288, -0.4079540967941284, 0.647817850112915, -1.7012057304382324, 0.6350408792495728, 1.7242499589920044, -0.2660633325576782, -0.4530211389064789, -0.7894952297210693, 0.511790931224823, -0.48400747776031494, 0.3464339077472687, 0.5806857943534851, 0.0797373503446579, 0.8444975018501282, -0.9399236440658569, 0.04209529608488083, 1.2812408208847046, -1.0973360538482666, 0.6509720087051392, 0.7729021906852722, -0.012874007225036621, -1.1502069234848022, -1.010730504989624, 0.9990234971046448, -0.36902210116386414, 0.03886961191892624, 0.10727880150079727, 0.48663216829299927, 0.9122300148010254, -0.5563881993293762, -0.7867851853370667, 0.5671732425689697, 0.3261212110519409, 0.13932470977306366, -0.11538185924291611, 0.5352314114570618, 0.9262557029724121, -0.10848554968833923, 1.0027778148651123, -0.1817263960838318, -0.7297675013542175, -0.37770622968673706, -0.44290482997894287, -0.17170721292495728, 0.06562788039445877, 1.5956497192382812, 0.9190473556518555, 1.4318004846572876, 0.3884153664112091, 0.3010351061820984, -0.576858401298523, 0.07567891478538513, 0.9115422964096069, 0.6621911525726318, 0.33527207374572754, -0.664987325668335, 0.08042386919260025, 0.1268252432346344, 0.16508354246616364, -0.20004193484783173, 0.40520355105400085, 0.5620207786560059, 0.29940393567085266, -1.0862970352172852, 0.6482009291648865, 0.8167553544044495, -0.10255654901266098, 1.9474294185638428, -0.2595258951187134, 0.2453712373971939, -0.5164375305175781, 0.2680283188819885, -0.04818447679281235, 0.36070576310157776, -0.3325424790382385, 0.9015570282936096, 0.33003926277160645, 0.46008768677711487, 0.013322681188583374, 1.1075224876403809, 0.624480664730072, -0.488419771194458, -1.3326447010040283, -0.652091920375824, -0.8058913350105286, -0.03137418255209923, 0.2058362364768982, -0.1303664743900299, -0.4251193404197693, 0.313637912273407, -0.14712557196617126, -1.1575398445129395, 0.4718939960002899, -0.6698158383369446, -1.4876435995101929, 1.8299647569656372, 0.7163598537445068, -1.2276158332824707, -0.5164270997047424, -0.6738406419754028, -0.8541567921638489, -0.07474443316459656, 0.08536311984062195, -0.9927146434783936, 0.011528128758072853, 0.0625344067811966, 0.7258783578872681, -0.18523524701595306, 0.5274143815040588, -1.1960231065750122, 0.924241840839386, 0.5890871286392212, -1.2631537914276123, 1.0198419094085693, 0.667736291885376, 0.20356281101703644, -0.06302062422037125, -0.7756512761116028, -1.1551132202148438, 0.6225057244300842, 0.14574728906154633, 0.172911137342453, -1.3410576581954956, -0.519577145576477, 0.231094092130661, -0.030165687203407288, 0.9760210514068604, -0.8360828757286072, 0.5838667750358582, -0.7635716199874878, -0.5249989032745361, 0.7267736196517944, -0.7765404582023621, -0.4492001235485077, 0.7769731283187866, -0.45786407589912415, 1.0907872915267944, -1.0291846990585327, -0.21410346031188965, 1.5261386632919312, -0.3160346448421478, 0.04012781381607056, -0.2034802883863449, -11.734038352966309, 0.8962216377258301, -0.20924068987369537, 0.11648449301719666, 0.719524085521698, -0.467164009809494, 0.8320460915565491, -0.37910959124565125, 0.6220269203186035, -1.0403050184249878, 0.29787546396255493, 1.5110799074172974, 0.0009808950126171112, 0.1304723620414734, -1.148705244064331, -1.4263428449630737, -0.7305083274841309, -0.7659149169921875, 0.6961683034896851, 0.1646917164325714, -0.2994583547115326, -0.4700561761856079, -0.19345304369926453, -0.47768348455429077, 0.2754083573818207, 0.11073867231607437, -0.9006483554840088, -0.7104477882385254, -0.39245307445526123, 0.24387440085411072, 1.1328045129776, 0.20456480979919434, -0.3207937777042389, -0.47174543142318726, -0.5860695838928223, -0.1479942798614502, -0.4727063775062561, -0.16118457913398743, 0.7425501942634583, 0.2014399617910385, 0.3472049832344055, 0.053455840796232224, 0.28959065675735474, -0.31412258744239807, -0.2947497069835663, 0.42115962505340576, 0.06655291467905045, -0.3908589482307434, 0.15441635251045227, 0.08807795494794846, -0.5545117855072021, -0.2052801251411438, -0.3334183990955353, -0.2860873341560364, 0.1812480092048645, 0.4126769006252289, -1.2186630964279175, -0.19660575687885284, -0.6496521830558777, -0.8411904573440552, 0.9424503445625305, 0.014674701727926731, -0.5126330256462097, 0.17615358531475067, 0.23164638876914978, -0.4819906949996948, -0.16526085138320923, 0.4014033377170563, -0.7031254172325134, 0.25792017579078674, -0.6556894183158875, 1.4073442220687866, 0.7863231301307678, 0.44999510049819946, -0.9334888458251953, -0.1682266891002655, -0.9137618541717529, 0.21939316391944885, 0.3379030227661133, -0.027736403048038483, -1.6607277393341064, 0.7149339318275452, 0.15737053751945496, -0.8101136088371277, -1.0628244876861572, 0.785144567489624, -0.4686791002750397, -0.14735279977321625, 0.446307897567749, -0.8145556449890137, 1.175943374633789, 0.4370135962963104, -0.49439412355422974, -0.2645151913166046, -0.17840221524238586, 1.0011675357818604, -0.3666209876537323, 0.32446542382240295, -0.33538609743118286, -0.5550059080123901, 0.36502256989479065, -0.2790403366088867, -0.5967873334884644, 0.5093970894813538, 0.6138012409210205, -0.24959301948547363, 0.6767961978912354, 0.029977306723594666, 0.32770708203315735, -0.5104109644889832, 0.5348617434501648, -0.17341747879981995, -0.11924703419208527, 1.132279872894287, -0.44996607303619385, 0.4855003356933594, 0.37139061093330383, 0.2096557319164276, 0.392882764339447, 0.48537251353263855, -0.9615606069564819, 0.7899380326271057, 0.15314586460590363, 1.380308747291565, -0.3618939518928528, 0.44516026973724365, -0.00940500944852829, 0.388380229473114, -0.21738320589065552, -1.4244836568832397, 0.6628764867782593, -0.3814714848995209, 0.11533323675394058, -0.8917244672775269, -0.21859417855739594, 0.2206345498561859, -0.449117511510849, 1.4549740552902222, -1.0224828720092773, 0.016104457899928093, 0.008465789258480072, 0.15673808753490448, -0.7404205799102783, -1.190009593963623, -0.7486374378204346, 0.7230037450790405, -0.911930501461029, 1.0475345849990845, 0.10953331738710403, 0.28994691371917725, 0.1828930377960205, -0.8149851560592651, 1.2607433795928955, -0.39507532119750977, -0.22833500802516937, -0.12824219465255737, 0.33797749876976013, -0.07795095443725586, -0.8141630291938782, -0.1866663098335266, -0.19361978769302368, 0.3592294752597809, -1.1508152484893799, 1.4638196229934692, 0.7182217836380005, -0.7082400918006897, -0.41508063673973083, 0.29517996311187744, -0.3734337091445923, 0.010791748762130737, 0.6314730048179626, -0.5377216935157776, -0.09040224552154541, -0.2360769659280777, 0.1506578028202057, -0.4722718596458435, 0.901175856590271, 1.4009873867034912, -1.3146036863327026, -0.30608487129211426, -0.27300065755844116, 1.2995147705078125, -0.2396470457315445, -0.314292311668396, -0.35722431540489197, 0.7822521328926086, 0.340420126914978, 0.35579052567481995, 0.17066189646720886, 0.9915935397148132, -1.8570255041122437, -1.3120901584625244, -0.5086759924888611, 0.18897970020771027, 0.6865156292915344, 0.5044697523117065, 0.44281870126724243, 0.19337612390518188, -0.3553540110588074, 0.013575226068496704, 0.5885392427444458, 0.7611177563667297, 0.2436780035495758, 0.4833309054374695, -0.7645052671432495, 0.1929212510585785, -0.5079279541969299, -0.21225833892822266, 0.43689972162246704, 1.394360899925232, -1.1329822540283203, -0.092962846159935, 0.11331087350845337, 0.018523335456848145, 0.21604344248771667, -1.0597280263900757, -0.20775532722473145, -0.5829871296882629, -0.5423577427864075, -1.2139344215393066, 0.5250500440597534, 1.3790837526321411, -0.2770306468009949, 1.3357925415039062, -0.052250832319259644, 0.977250337600708, 0.8090353012084961, 0.1129801943898201, 0.2055647224187851, -0.11642126739025116, -0.08283408731222153, 0.5096702575683594, -0.1938856840133667, 0.029702767729759216, -0.461994469165802, -1.224246859550476, -0.3769352436065674, 0.15401992201805115, -0.41838985681533813, 0.03526511788368225, 0.1281275451183319, 0.6061714291572571, 0.7830341458320618, 1.001267671585083, -0.08379469811916351, -1.3349157571792603, 0.15407738089561462, -1.158093810081482, 0.45878610014915466, 1.0674912929534912, 0.4709623456001282, 0.3899042010307312, 0.935528039932251, -0.1717291623353958, 0.6765007376670837, -0.8585595488548279, 0.20761476457118988, 0.07240752875804901, -0.04855744540691376, 1.1109540462493896, 0.5090927481651306, 0.23247306048870087, -0.2998017966747284, -0.1616077423095703, -0.40390458703041077, 0.14535443484783173, -0.5440995097160339, 0.8788416385650635, 1.031256914138794, -0.8444278836250305, -0.04848553612828255, -0.6300360560417175, 1.2282030582427979, -0.8015518188476562, 0.7536866664886475, -0.2865457534790039, -0.446830689907074, -0.5790744423866272, -0.49424445629119873, 0.18243177235126495, 0.6757426261901855, 0.19349801540374756, -0.0670778751373291, 0.11962942779064178, 0.48640817403793335, -0.12061277776956558, -0.34555307030677795, -0.8646858930587769, 0.1893739104270935, -0.9405454993247986, 0.14264929294586182, -0.11816783249378204, -0.6682737469673157, -0.7648292779922485, -0.35427242517471313, -0.48246121406555176, 0.15214382112026215, 0.04800023138523102, -0.8900113105773926, -0.27159205079078674, 0.11920240521430969, -0.15142159163951874, 0.8787947297096252, -0.05421852320432663, -0.4255862832069397, -1.5851752758026123, 0.4784526526927948, 0.9128918051719666, -0.11019514501094818, -0.886437177658081, -0.026974152773618698, 0.9311714768409729, -0.17716112732887268, 0.9864075183868408]} +{"paper_id": "sick", "embedding": [0.14002574980258942, 0.7467827200889587, -0.051215000450611115, 0.03878151625394821, 0.21735823154449463, -0.3163951635360718, 0.5388091206550598, 0.5589072704315186, 0.7152630686759949, 0.65915846824646, 0.15462204813957214, 0.19239579141139984, -0.5713419318199158, 0.564231812953949, -0.31426963210105896, -0.8186392784118652, -1.1493103504180908, -0.3738979995250702, -1.2365115880966187, 0.14107981324195862, -0.7464125752449036, -0.8619428873062134, -0.692118227481842, 0.34621134400367737, -0.5250788927078247, -0.13542620837688446, 0.5302540063858032, -0.8259060382843018, 0.5317893624305725, -0.18838569521903992, -0.5763059854507446, 1.6954371929168701, -1.047668695449829, 0.6308944225311279, -0.37130290269851685, -0.2920324206352234, -0.3378765881061554, 1.4736945629119873, -0.32916128635406494, 0.28945109248161316, -0.10015396773815155, -0.04249885305762291, 0.6433971524238586, 0.3197701871395111, 1.099705457687378, 0.15167716145515442, -0.5743154287338257, -0.09535591304302216, -0.4596061110496521, 0.015154439955949783, -0.4570331275463104, 0.4575825035572052, 0.8569555282592773, 0.25931602716445923, -0.3241623044013977, 1.0658602714538574, 0.3766142725944519, -0.869107723236084, 0.8659606575965881, -0.5265490412712097, 1.2156099081039429, 1.499440312385559, -0.7155687808990479, 0.6251789927482605, 0.9069823026657104, -0.09382396191358566, 1.222460389137268, 0.045357078313827515, -0.2024354785680771, 0.5722082257270813, -0.01974586397409439, -1.1296899318695068, 0.5542207956314087, 0.4461422562599182, 0.4657905697822571, 0.07077454030513763, 0.21053403615951538, 0.9429160952568054, -0.15565362572669983, 0.8728349208831787, -0.45851802825927734, 0.8366259336471558, 0.7022184133529663, -0.9639602303504944, -0.2943120300769806, 0.7776969075202942, 0.6781501770019531, -0.9560240507125854, 0.5006527900695801, -1.6891111135482788, 0.274013489484787, -0.5289804935455322, 0.32167112827301025, 0.37956011295318604, -0.44507700204849243, 0.843102216720581, -0.1991679072380066, -0.7348616123199463, -0.46441733837127686, 0.7124850153923035, 0.27858594059944153, -0.08922456204891205, -0.052076224237680435, -0.17435961961746216, 0.36379534006118774, 0.822839081287384, -0.21772456169128418, -0.4477824866771698, -0.5886363387107849, -0.5175769329071045, -0.050736553966999054, 1.664642095565796, -0.47025659680366516, 0.9300827980041504, -0.626762866973877, 0.27053889632225037, -0.09632278233766556, -0.7481350898742676, -0.1876879185438156, 0.31091541051864624, 0.13929656147956848, -0.6898982524871826, 0.031403422355651855, -0.37171000242233276, 0.8473101854324341, -0.4457746744155884, 0.36469388008117676, -0.45499446988105774, 0.45650714635849, 0.09878608584403992, 0.4423812925815582, -0.15890106558799744, -0.6074965000152588, -0.46197062730789185, 3.2996959686279297, 0.19398652017116547, 1.8676128387451172, -1.0529505014419556, -0.37624800205230713, -0.2915060520172119, -0.41079986095428467, 1.3079577684402466, 0.19143635034561157, -0.37332311272621155, -1.0157376527786255, -0.35526391863822937, -0.1117175817489624, -0.04909010976552963, -0.9031854271888733, -0.2461947649717331, -0.12458726763725281, 0.42760106921195984, -1.6543779373168945, -0.49347275495529175, 0.2693093717098236, 0.5608387589454651, 0.2603239417076111, 1.0277196168899536, -1.1960272789001465, 0.7773972153663635, 0.022455688565969467, -0.11815941333770752, -0.5145614147186279, 0.5660900473594666, -0.5207130908966064, 0.15071356296539307, 1.4108302593231201, -0.3087123930454254, -0.5682929754257202, -0.4661048352718353, 0.7552292346954346, -0.3040913939476013, 0.09082581847906113, -0.13339966535568237, 0.47546058893203735, 0.10285914689302444, 0.4929261803627014, 0.4258328676223755, 0.5748260617256165, -0.759713888168335, -0.5327829718589783, -0.19357363879680634, 0.07062304764986038, 0.46782761812210083, 0.08004537224769592, 0.10804076492786407, -2.270338773727417, -0.3773725628852844, 0.08862318098545074, 0.21412743628025055, 0.2443842589855194, -0.3841076195240021, -0.02771301567554474, 0.4795350134372711, -0.04357822239398956, 0.5196267366409302, 0.6411679983139038, -1.4688040018081665, -1.054915189743042, 0.31193286180496216, -0.17107196152210236, 0.08008379489183426, -0.4318418800830841, 0.8913024067878723, 0.271709680557251, -0.04417725279927254, -0.4233112335205078, -1.8103904724121094, -0.1098228171467781, 2.436047315597534, -0.03528834879398346, -0.47876715660095215, -1.308608055114746, -0.6706982254981995, 0.2994143068790436, -0.34989145398139954, 0.7758715152740479, -1.4340219497680664, 0.15933500230312347, -1.0653284788131714, 0.5728567242622375, -0.49853143095970154, 0.7305166721343994, 0.8439916968345642, 1.552520990371704, -0.7007129192352295, -0.26470327377319336, -0.7986152768135071, -0.5408060550689697, 0.24170896410942078, 0.4550541639328003, 0.3590114414691925, -0.22002944350242615, 1.0801548957824707, 0.5651030540466309, 0.7726894021034241, 0.49839523434638977, 0.6127561330795288, -0.20599040389060974, -0.06093114614486694, -0.11820221692323685, 0.7122579216957092, 0.6324028968811035, 0.05662272125482559, 0.9134479761123657, 0.560461163520813, -0.6380317807197571, -0.6055446863174438, -0.43104487657546997, 0.20324772596359253, 1.3928784132003784, 0.6663117408752441, -0.5799325704574585, 1.3033716678619385, -1.4106180667877197, 0.13232269883155823, -0.3133903443813324, -0.6791782975196838, -0.6600121259689331, 0.22669456899166107, 0.7061489820480347, 0.45996344089508057, 0.05662652850151062, -0.43285149335861206, 0.04796084016561508, -0.775579571723938, -0.5213274955749512, -0.21430239081382751, -0.12184876203536987, -1.30728018283844, -0.0050306618213653564, -0.3781040906906128, -0.660339891910553, -1.1312214136123657, 0.03709189593791962, 0.5681211352348328, 0.25681519508361816, 0.776024341583252, 1.309833288192749, -0.3849487900733948, 0.21030884981155396, 0.14566142857074738, 0.7158399820327759, -1.0706106424331665, 1.2375251054763794, -0.7476253509521484, 0.4753543734550476, -0.999164342880249, -0.010973230004310608, -1.0481340885162354, -0.3083215057849884, 0.3833945095539093, -0.22844040393829346, 0.2144579291343689, -0.38168027997016907, -0.3721601665019989, 0.790030300617218, -0.02729758247733116, 0.11082529276609421, -0.47495102882385254, 0.48653313517570496, 0.4233243465423584, -0.26131635904312134, 0.8886511325836182, -0.5722196698188782, -0.06243225932121277, 1.7325851917266846, -0.41100069880485535, 0.28260645270347595, 0.33151113986968994, 0.3201247453689575, 0.04196763411164284, 0.48514965176582336, -2.0143394470214844, 0.6390703320503235, 0.8494938611984253, 0.06905956566333771, -0.27317315340042114, -1.196850061416626, 0.5987050533294678, -1.463796854019165, -0.18834102153778076, 0.2720678448677063, -0.37525248527526855, 0.20249447226524353, -0.35966065526008606, 0.931145966053009, 0.41931813955307007, -0.9926760196685791, 0.39482763409614563, 1.3395744562149048, 0.6676458716392517, -0.3173454999923706, -0.09930118173360825, 1.325714111328125, -0.7649636268615723, 0.6678769588470459, -0.011765725910663605, 0.8827671408653259, 0.5372298955917358, -0.10821863263845444, -0.11642620712518692, 0.2782420516014099, 0.8083224296569824, 0.0027399093378335238, -0.3990246057510376, -0.5138761401176453, 0.695325493812561, -0.07490991055965424, 1.2448062896728516, 0.44287052750587463, -0.7181415557861328, -1.0486518144607544, -0.47327443957328796, -0.436672568321228, -0.02316136844456196, 1.7481940984725952, 1.2076586484909058, 0.8948975205421448, -0.2554681897163391, 0.4085565507411957, 0.5516709685325623, 0.22012311220169067, 0.7905452251434326, 0.24837398529052734, 0.5471494793891907, -0.6055564880371094, -0.37146854400634766, 0.5457882285118103, -0.14998961985111237, -0.3397503197193146, -0.6145558953285217, 0.6945905685424805, -0.6301891207695007, 0.1754714846611023, 0.3266431391239166, 0.40313029289245605, 0.4735817015171051, 1.238018274307251, -0.4047722816467285, -0.9180520176887512, -0.9034463763237, 0.44742122292518616, 0.48420923948287964, 0.08841817826032639, -0.7328928709030151, 0.2284022867679596, 0.9704477787017822, 0.7668185234069824, 0.6926727294921875, 1.1520824432373047, 0.9687879085540771, -0.4817667603492737, -1.2299860715866089, 0.3411598205566406, -1.5639773607254028, 0.1627519428730011, 0.6883862614631653, -0.7517377734184265, 0.9110207557678223, 0.4243567883968353, -0.34013763070106506, -0.8695150017738342, 0.4728001654148102, -0.6493767499923706, -0.5746984481811523, 1.1736741065979004, 1.0361545085906982, -1.0622586011886597, -0.6367248892784119, -0.26732343435287476, -0.4556991159915924, -0.8320977091789246, -0.2762162983417511, -0.26340726017951965, 0.8633133172988892, 0.21150724589824677, 0.08241415023803711, -0.4339558482170105, -0.2907523512840271, -1.3145127296447754, 1.3263486623764038, 1.5181307792663574, -0.7725806832313538, 0.18141202628612518, 0.26482072472572327, 0.6056426763534546, 0.018723206594586372, -0.7622172236442566, -0.6340614557266235, 0.7460728287696838, 0.6996859312057495, -0.13989095389842987, -0.2892928421497345, -0.8747451901435852, 0.42123717069625854, -0.2456708401441574, 0.962270975112915, -0.9101607799530029, 0.39470410346984863, -0.596010684967041, 0.11002372205257416, 0.32137441635131836, -0.6146552562713623, -0.8762099742889404, 1.3211631774902344, -0.17023849487304688, 0.6130086183547974, -0.13539129495620728, -0.3852825164794922, 1.4123871326446533, 0.3922540545463562, -0.13083308935165405, -0.3198116719722748, -11.219401359558105, 0.5048497915267944, -0.5081461071968079, 0.17211268842220306, 0.40202343463897705, -0.6342807412147522, 0.7157121300697327, 0.8775100708007812, -0.030860448256134987, -1.042401909828186, -0.07627728581428528, 1.4962799549102783, 0.06598987430334091, 0.44192904233932495, -1.0385472774505615, -1.563950777053833, -0.42003223299980164, -0.696377158164978, 0.44451040029525757, 0.6095147132873535, -0.41411513090133667, -1.0870628356933594, -0.3663148283958435, 0.46974673867225647, 0.5591444969177246, 0.029332458972930908, -0.5732032656669617, -0.1972580850124359, -0.6754373908042908, -0.32263627648353577, 0.8812558054924011, -0.6763564348220825, -0.34664851427078247, -0.24205289781093597, 0.12677012383937836, 0.27517169713974, -1.3933380842208862, 0.3302222192287445, 0.8504746556282043, -0.08239540457725525, -0.016180366277694702, 0.5945444703102112, 0.07260184735059738, -0.10054566711187363, -0.15807166695594788, 0.5386784076690674, -0.14899027347564697, -0.7592156529426575, -0.016367249190807343, -0.40734270215034485, -0.8673790693283081, -0.5682833790779114, -1.0898884534835815, -1.007950782775879, 0.15882883965969086, -0.451427161693573, -0.8426886200904846, -0.41096749901771545, -0.3321518003940582, -1.329441785812378, 0.0950540229678154, 0.4591463804244995, 0.17178016901016235, 0.23979733884334564, -0.02136937528848648, -0.9348884224891663, 0.3460128605365753, 0.4060141146183014, -0.7158915400505066, 0.46144619584083557, -0.6466588973999023, 0.7146291732788086, 0.050851233303546906, 1.2705912590026855, -0.840562641620636, -0.09242189675569534, -0.27302300930023193, 0.09953092038631439, 0.5521016120910645, -0.03780798241496086, -1.304481029510498, 0.7131249904632568, 0.10342394560575485, -0.338896781206131, -0.9178080558776855, 0.21725186705589294, 0.12811964750289917, 0.5050116777420044, 1.1581605672836304, 0.08519888669252396, 1.4204822778701782, -0.6025034785270691, -0.13467898964881897, -0.22462475299835205, -0.2215745747089386, 1.1007697582244873, 0.2913200557231903, 0.4993242621421814, -0.31979188323020935, -1.0412143468856812, 0.2972475588321686, 0.031003408133983612, -1.399356484413147, 0.16784977912902832, -0.1630571484565735, 0.3368234634399414, 0.4327017664909363, -0.44957825541496277, -0.18217679858207703, -0.49419549107551575, 0.7395427227020264, -0.3438028395175934, -0.7439295053482056, 1.473030924797058, -0.5522140264511108, 0.03482934832572937, 1.0762875080108643, -0.3215561807155609, 0.519763708114624, 0.9119881391525269, -0.11793852597475052, 0.19680772721767426, 0.006796988658607006, 1.8348182439804077, 0.23054304718971252, 0.014381030574440956, 0.7229293584823608, 1.029264211654663, -0.1879143863916397, -1.4892568588256836, 0.8425357341766357, -0.08834540098905563, -0.01843133009970188, 0.03479432314634323, 0.13982151448726654, 0.02494983747601509, -0.5822010040283203, 0.8035198450088501, -0.6008861660957336, 0.18972164392471313, 0.7249327898025513, -0.5453137159347534, -1.1344350576400757, -0.8098135590553284, -0.539082407951355, 0.2596094310283661, -2.0517961978912354, 0.5933538675308228, -0.3358326852321625, -0.9986799359321594, 0.1586962789297104, 0.27257657051086426, 1.6127996444702148, -1.0674456357955933, 0.03885417431592941, -0.018739808350801468, 0.7162420749664307, -0.26986613869667053, -0.3678354322910309, 0.024364426732063293, 0.5630205273628235, 1.0374962091445923, -1.0647146701812744, 0.8165255784988403, 0.3472788631916046, 0.5310140252113342, -0.5176819562911987, -0.5358976721763611, -0.40933170914649963, -0.13940927386283875, 0.5204862952232361, -1.2636399269104004, -0.629964292049408, 0.0013749971985816956, -0.3383997976779938, -0.698164165019989, 0.24502000212669373, 0.7281904220581055, -1.186783790588379, -0.046315938234329224, -0.06668093800544739, 0.8589463829994202, -0.05936290696263313, -0.45943543314933777, -0.5296028852462769, -0.5518742203712463, -0.15485534071922302, 1.0470294952392578, -0.261074423789978, 1.3608556985855103, -1.8322088718414307, -1.4146935939788818, -0.8827047348022461, 0.5653393864631653, 0.6060646772384644, -0.25329962372779846, 0.4338034987449646, 0.2547381520271301, 0.4381351172924042, 0.37119531631469727, -0.08550210297107697, 0.11565680801868439, -0.048980046063661575, -0.14473946392536163, -0.6015392541885376, 0.302535742521286, -0.9006581902503967, -0.3518330454826355, 0.38405296206474304, 0.3007265627384186, -0.8068496584892273, -0.265598326921463, 0.041304558515548706, -0.10543286800384521, 0.05680585280060768, -1.0706133842468262, 0.5330625772476196, -0.6675194501876831, -0.5154933333396912, -1.2215474843978882, 0.0735526904463768, 1.283751130104065, 0.2772846817970276, 0.9195816516876221, 0.3242761790752411, 0.85318523645401, 0.6752364039421082, 0.44160187244415283, 1.1305853128433228, 0.21446967124938965, 0.05371296405792236, -0.579376220703125, -0.5227067470550537, -0.0575728677213192, -0.294928640127182, 0.2570416331291199, -0.8699963092803955, -0.29124727845191956, -0.9133928418159485, 0.2643096148967743, -0.2836821675300598, -0.13108843564987183, 0.8769940733909607, 0.48748332262039185, -0.7079293727874756, -0.6823972463607788, 0.20939186215400696, -1.4542500972747803, 0.5677109360694885, 0.11645983904600143, 0.6299430131912231, 1.3171824216842651, 0.6859063506126404, 0.8905126452445984, 0.4398001730442047, 0.22942489385604858, 0.23603776097297668, 0.10295272618532181, 0.13728460669517517, 1.5858023166656494, 1.4825001955032349, -0.3370293974876404, 0.8837721943855286, 0.18891170620918274, -1.2325060367584229, 0.14522157609462738, -0.48812204599380493, 1.1069209575653076, 0.14680986106395721, -0.15057490766048431, 0.22426737844944, -1.1619188785552979, 0.584104061126709, -0.18878482282161713, 0.42822811007499695, 0.8922634124755859, -0.6606080532073975, -1.3465807437896729, -1.1808538436889648, -0.534729540348053, 0.5351868271827698, -0.7997373342514038, -0.1842733472585678, -0.8179096579551697, 0.9295932650566101, 0.28838130831718445, -0.17817844450473785, -0.54179447889328, 0.06937240809202194, -0.5128929615020752, -0.7183850407600403, 0.13035669922828674, -0.8837640285491943, -0.43145233392715454, 0.05796923115849495, -0.5327563881874084, -0.23302817344665527, 0.007087923586368561, -0.39478394389152527, -1.3054664134979248, 0.1759302169084549, -0.3028308153152466, -0.2548275887966156, -0.2040547877550125, 0.04119885712862015, -1.9733952283859253, 0.6143230199813843, 0.5747525095939636, -0.11604776233434677, -0.6341742277145386, -0.16713491082191467, 0.511580765247345, 0.45955777168273926, 0.951542317867279]} +{"paper_id": "fever", "embedding": [-0.339454710483551, 1.1062694787979126, -0.3732886016368866, -0.06162191927433014, 0.21395301818847656, -0.34101641178131104, 0.5021705031394958, 0.6075114011764526, 0.5604891180992126, 1.1366870403289795, 0.7161202430725098, 0.5486289858818054, -0.20202955603599548, 0.15631622076034546, -0.26982399821281433, -0.17116186022758484, -0.3275361955165863, -0.08608240634202957, -0.3911583423614502, -0.4677446484565735, -0.45857274532318115, -0.8441396355628967, 0.15507128834724426, -0.09490473568439484, -1.4286097288131714, -0.3942911922931671, 0.4055067300796509, -0.8535544872283936, -0.2656313478946686, 0.2219121754169464, -0.41960829496383667, 1.5096232891082764, -2.077129602432251, 0.7172985672950745, -0.06163153424859047, -0.21994514763355255, -0.21828433871269226, 1.0871005058288574, -0.10407067090272903, 0.06473542004823685, -0.7810193300247192, 0.104436956346035, 0.7732142210006714, 0.16040746867656708, 0.5446726679801941, -0.5311601161956787, 0.4943925738334656, -0.036491815000772476, -0.16575667262077332, -0.011324495077133179, -0.10033255815505981, 0.317727267742157, -0.028022678568959236, 0.6807454824447632, 0.11140253394842148, 0.7552350759506226, 0.14311641454696655, -0.5670117139816284, 0.9283048510551453, -0.4222860634326935, 1.4948782920837402, 1.6431106328964233, -0.9269600510597229, 0.11393533647060394, 0.5067591071128845, -0.17330008745193481, 1.3328349590301514, 0.35419774055480957, 0.37365657091140747, 0.7159022688865662, -0.3227693438529968, -1.696245551109314, 0.22602364420890808, -0.29460209608078003, 0.12517721951007843, 0.4944758415222168, 0.6297953128814697, 0.10247854888439178, 0.30936887860298157, 0.009748991578817368, 0.3041136860847473, 0.7218695282936096, 0.7787919044494629, -0.6148114204406738, -0.20794406533241272, 0.24260422587394714, 0.10959279537200928, -0.710221529006958, 0.5768619775772095, -0.7794997692108154, 1.1524385213851929, 0.22752070426940918, -0.014419847168028355, 0.12317341566085815, 0.08831370621919632, 0.8922197222709656, -0.6614965796470642, -0.16765615344047546, -0.33363616466522217, -0.006724313832819462, 0.65046626329422, -0.3721854090690613, 0.098427414894104, -0.31453949213027954, 0.38207417726516724, 0.8945127725601196, -0.6506658792495728, -0.08433415740728378, -0.7995118498802185, -0.15942169725894928, -0.313515305519104, 0.9366850852966309, -0.21225515007972717, 0.6565960049629211, -0.13677093386650085, -0.050892122089862823, 0.18258407711982727, -0.7801682949066162, -0.3534269332885742, 0.13324615359306335, -0.1466623693704605, -0.9330913424491882, -0.45235759019851685, 0.6458532810211182, 1.0039352178573608, -0.41859525442123413, -0.10474864393472672, -0.01617918536067009, -0.41378772258758545, -0.117994025349617, 0.5241270661354065, 0.033535152673721313, -0.8181071877479553, 0.20401892066001892, 2.930300235748291, -1.1897019147872925, 1.0429902076721191, 0.10912361741065979, -0.13220492005348206, 0.4094344973564148, -0.2808961868286133, 1.0961731672286987, 1.0579081773757935, -0.8141496777534485, -0.4896327555179596, 0.7192512154579163, -0.18740706145763397, 0.5018245577812195, -1.2860634326934814, -0.0121283158659935, -0.3761155605316162, 0.5095298290252686, -1.7970830202102661, 0.18117424845695496, 0.3182315528392792, -0.026649022474884987, -0.463115930557251, 0.07669785618782043, -0.672156810760498, 0.606631875038147, 0.31535136699676514, 0.40987855195999146, -0.9099518060684204, 0.30331286787986755, -0.5154643654823303, 0.1157144159078598, 1.643297553062439, -0.6877803802490234, -1.4328444004058838, 0.5604740381240845, 0.8895291686058044, -1.0353556871414185, -0.5008986592292786, -0.9312760829925537, 0.0332874059677124, -0.04440062865614891, 0.4221275746822357, 0.403710275888443, 0.3095752000808716, -0.4703005254268646, -0.5364252328872681, 0.07865684479475021, -0.2508082091808319, 0.7569194436073303, -0.8371017575263977, -0.1200169026851654, -2.2792885303497314, 0.12409062683582306, 0.29369211196899414, 0.5349433422088623, 0.4893985986709595, 0.5166340470314026, 0.3574979305267334, 1.071280598640442, -0.12965375185012817, -0.7341247797012329, 0.15791428089141846, -1.3956712484359741, 0.3217593729496002, -0.5186961889266968, -0.18444015085697174, -0.5114496946334839, -0.7151491641998291, 0.05547695606946945, 0.9763810038566589, -0.8318682909011841, -0.7922321557998657, -2.3866186141967773, 0.4772000312805176, 2.0895934104919434, -0.4885236620903015, -0.3506217896938324, -1.640402913093567, -0.14944642782211304, 0.3698672950267792, -0.4034293591976166, 0.4288002848625183, -1.0665773153305054, 0.009922005236148834, -0.8104347586631775, 0.6776599884033203, -0.15757101774215698, 0.44652971625328064, 0.3517054617404938, 0.8009305596351624, -0.8808417916297913, 0.17052346467971802, -0.6642863154411316, -0.9936389923095703, 0.6299412250518799, 0.9149532318115234, -0.16616809368133545, 0.055588219314813614, 1.1258487701416016, 0.531111478805542, 1.3086047172546387, -0.0485914908349514, 0.08376680314540863, -1.4722001552581787, 0.07194878906011581, 0.0856970027089119, 0.9055026173591614, 0.6006866097450256, -0.35849323868751526, 0.9304284453392029, 0.5558080673217773, -0.40682390332221985, -0.2921852171421051, -0.5623642802238464, -0.23727884888648987, 0.9989623427391052, 0.39871349930763245, -1.2840741872787476, 0.817283034324646, -0.9283729195594788, 0.3004627823829651, -0.3222793936729431, -0.775157630443573, -0.33588677644729614, 0.36998510360717773, 0.7499687671661377, 0.4083908200263977, 0.10179775953292847, -0.21559211611747742, -0.25776004791259766, -1.3179954290390015, 0.14294375479221344, -0.5055394768714905, -0.5389018058776855, -1.2237857580184937, 0.09626471996307373, -0.3834404945373535, -1.1465866565704346, -0.8556215763092041, 0.16557331383228302, 0.21144460141658783, 0.12520168721675873, 0.40596792101860046, 0.7636593580245972, 0.325467586517334, -0.24903976917266846, -0.010098248720169067, 1.0489041805267334, 0.24126017093658447, 0.9087643027305603, -0.3027227818965912, -0.16485987603664398, -0.6368498802185059, 0.26792827248573303, -0.4086341857910156, 0.38301217555999756, 0.24347832798957825, -0.7817596793174744, 0.34450817108154297, 0.16329512000083923, -0.5876290202140808, 1.0228437185287476, 0.39016374945640564, -0.6727662086486816, -1.109484076499939, 1.1761647462844849, 0.1409423053264618, -0.5009067058563232, 0.7522528171539307, -0.19142477214336395, -1.0124431848526, 1.5434821844100952, -0.25604793429374695, 0.22738660871982574, 0.001956827938556671, 0.08795950561761856, 0.35809096693992615, 0.016748663038015366, -1.7923696041107178, 0.5593168139457703, 1.252069354057312, -0.2428690791130066, -0.3636506199836731, -0.6450741291046143, 0.4153270125389099, -0.321684867143631, -0.18815399706363678, 0.3794994056224823, -0.20133890211582184, 0.12642300128936768, -0.4121159613132477, 0.5521129369735718, 1.0285570621490479, -1.2480336427688599, 0.5708910822868347, 0.056014250963926315, 0.38428494334220886, -0.9758327007293701, -0.2174605131149292, 1.3935867547988892, -0.19862809777259827, 0.9088908433914185, -0.32294440269470215, 0.8822706341743469, 0.717143177986145, -0.6548321843147278, -0.24027720093727112, 0.9203024506568909, 0.305318146944046, 0.3826138973236084, 0.4322456419467926, -0.6117565631866455, 0.8030539751052856, -0.409359335899353, 1.1257497072219849, 0.12321284413337708, -0.5784628987312317, -1.3479413986206055, -0.7100593447685242, -0.28114837408065796, -0.6063845157623291, 1.7961260080337524, 1.0861549377441406, 1.736804485321045, 0.24568848311901093, 0.5107772350311279, -0.8652825951576233, -0.16443614661693573, 0.30627959966659546, 0.17290851473808289, 0.4889264702796936, -1.0308516025543213, 0.5564343333244324, 1.2881534099578857, 0.12331722676753998, -0.09307163208723068, -0.2129451334476471, 0.2815523147583008, 0.4974011182785034, -0.4337768852710724, 0.7343030571937561, -0.4337858259677887, 0.28077608346939087, 0.9676195979118347, -0.2393604964017868, -0.6443170309066772, -0.33627963066101074, 0.11183082312345505, 0.4254457652568817, 0.5420702695846558, -0.7223409414291382, 0.30505678057670593, -0.04507669061422348, 0.45635974407196045, -0.19347035884857178, 0.5784822702407837, 2.012854814529419, 0.1355285793542862, -1.9880841970443726, -0.29511556029319763, -0.9696523547172546, 0.5132012367248535, -0.004638597369194031, -0.15565575659275055, 0.03569673374295235, 0.3970913589000702, -0.2156371772289276, -0.9081133008003235, 1.17319655418396, -0.37017887830734253, -1.2462232112884521, 1.0436850786209106, 1.0794700384140015, -1.6211434602737427, -0.8716842532157898, 0.4038708209991455, -0.12624846398830414, -0.8766535520553589, -0.12524349987506866, -0.657390296459198, 1.2815570831298828, 0.6882150769233704, 0.7149019241333008, 0.042640749365091324, 0.26365846395492554, -0.8576436042785645, 1.1087857484817505, 0.9014942646026611, -0.6036925315856934, 0.8037893772125244, 0.32251212000846863, 0.1435285359621048, 0.5078387260437012, -1.1957342624664307, -0.35829442739486694, 1.064668893814087, -0.22512322664260864, 0.09167354553937912, -0.5989442467689514, -1.2297829389572144, 1.050154685974121, 0.46769651770591736, 0.3225097954273224, -0.9618194103240967, 0.299532413482666, -1.0393247604370117, 0.3796917200088501, 0.7941850423812866, -0.8852737545967102, -0.696313738822937, 0.7908151745796204, -0.28582441806793213, 0.8095952272415161, 0.2698446810245514, -0.16568003594875336, 1.330958604812622, 0.1804945468902588, 0.07323195040225983, -0.4358798563480377, -11.20072078704834, 1.0458283424377441, -0.10259386897087097, 0.7541673183441162, 0.25884804129600525, -0.19934457540512085, 0.5661704540252686, -0.034418120980262756, 0.8007822036743164, -0.7179903388023376, 0.403590589761734, 2.1450042724609375, -0.2512037456035614, -0.2253073751926422, -0.8785951137542725, -1.5972769260406494, -0.6827958822250366, -0.2497149556875229, -0.16946181654930115, -0.08205945044755936, 0.5013318657875061, -1.920922040939331, 0.3510127067565918, 0.18071620166301727, 0.9741901159286499, -0.28422385454177856, 0.1276302933692932, -0.3387502133846283, -0.13197357952594757, 0.2277805507183075, 0.685763418674469, -0.06386657804250717, -0.09848412126302719, 0.021464848890900612, -0.07200563699007034, -0.21174228191375732, -0.7950974702835083, -0.42899322509765625, 0.9275915026664734, -0.5138725638389587, 0.17312809824943542, 0.5392435789108276, -0.04603612795472145, -0.4872712194919586, -0.45892632007598877, 0.3215898871421814, 0.005231611430644989, -0.7188282012939453, -0.11492696404457092, -0.024196356534957886, 0.08179804682731628, -0.829547643661499, -0.5710270404815674, -0.737955629825592, 0.6086841821670532, -0.27685311436653137, -0.770097553730011, -0.760615885257721, -1.0820319652557373, -1.5599236488342285, 0.7840816378593445, 0.16633985936641693, 0.08134893327951431, 0.11372692883014679, 0.5447677373886108, -0.20122994482517242, 0.5364869832992554, -0.01740027219057083, -0.2792482078075409, 0.005834717303514481, -0.5426686406135559, 0.868283748626709, 0.5938324928283691, -0.20114263892173767, -0.8918600678443909, -0.178054541349411, -0.6880813241004944, 0.04785102605819702, 0.11542415618896484, 0.021048057824373245, -1.2378822565078735, 0.7146019339561462, 0.36543139815330505, -0.24631637334823608, -0.9297056198120117, -0.5073490738868713, -0.16356059908866882, -0.5454733967781067, 0.2126459777355194, 0.028578072786331177, 1.1505722999572754, 0.6446194648742676, -0.6449868083000183, -0.5269666314125061, -0.8014357089996338, 0.5462680459022522, -0.7328880429267883, 1.0186471939086914, -0.060489922761917114, -0.8511057496070862, 0.3380308449268341, -0.17614218592643738, -1.1609845161437988, -0.14098171889781952, 0.4398661255836487, 0.40230146050453186, 0.10534945130348206, -0.7096798419952393, 0.2400657832622528, -0.43380460143089294, 0.7852187156677246, -0.007748641073703766, -0.21647904813289642, 1.630433440208435, -0.7111088037490845, 0.4437835216522217, 0.7088963985443115, -0.35446828603744507, 0.0836472287774086, 1.6839321851730347, -0.3328301012516022, 0.6929678320884705, -0.22281645238399506, 1.3205066919326782, -0.22013001143932343, 0.1335402876138687, 0.42755013704299927, 0.26404044032096863, -0.05203697830438614, -2.1002423763275146, 0.06041319668292999, -0.13917064666748047, 0.5320903062820435, -1.389748454093933, -0.2824254333972931, -0.7385975122451782, -0.40892770886421204, 0.9051563739776611, -0.7615799903869629, 0.1545783281326294, -0.6715771555900574, -0.12173549085855484, 0.11461310088634491, -1.0147314071655273, -0.7418400645256042, 0.6983084082603455, -1.2412681579589844, 0.3187328279018402, -1.1137608289718628, -0.3671993911266327, -0.20479485392570496, -0.9001963138580322, 0.853837788105011, -0.39134109020233154, 0.14572669565677643, -0.15241855382919312, 0.42310217022895813, -0.721362829208374, -0.8438056707382202, -0.42305389046669006, -0.4612387418746948, 1.8209184408187866, -0.80837482213974, 0.724663257598877, 0.7036248445510864, -0.20338550209999084, -0.5558894872665405, -0.47554415464401245, 0.083445243537426, -0.2259819507598877, 1.0798933506011963, -1.0224651098251343, -0.2043628692626953, -0.34302228689193726, 0.4269970953464508, -0.5481700897216797, 1.3154491186141968, 0.8941434621810913, -0.874027669429779, -0.4167986512184143, 0.6119740009307861, 0.44669774174690247, 0.49623438715934753, -0.2545590400695801, -0.08204708248376846, 0.027933090925216675, -0.2745068669319153, 0.7688219547271729, 0.09681402891874313, 1.2525380849838257, -1.4553382396697998, -0.7106899619102478, -0.8993706703186035, 0.399473637342453, 1.120467185974121, 0.2274523377418518, 1.0461722612380981, 0.6141251921653748, 0.589824914932251, -0.10843091458082199, 0.5219709873199463, 1.5819165706634521, 0.17013214528560638, 0.7054809927940369, -0.8053789734840393, 0.34165000915527344, -0.8679976463317871, 0.30541154742240906, 0.062198106199502945, 0.9900743961334229, -0.7038682103157043, 0.15912964940071106, 0.15397943556308746, -0.7498605251312256, -0.059988267719745636, -1.0762430429458618, 0.6145147085189819, -1.0449557304382324, -0.2456241101026535, -0.9712511301040649, 0.8784778714179993, 0.8670730590820312, -0.08264174312353134, 0.8986579775810242, 0.5933991074562073, 0.37228497862815857, 1.1073273420333862, 0.3882530927658081, 1.255271077156067, 0.2963443398475647, -0.15443260967731476, 0.6486304402351379, 0.0875944197177887, 0.14885321259498596, 0.0325956791639328, -0.33162710070610046, -0.2961890697479248, 0.20471230149269104, -0.1978771686553955, 0.6329354643821716, -0.60817551612854, 0.21342413127422333, 0.8257144093513489, 0.5469939708709717, -0.6750005483627319, -1.177677035331726, -0.5954492092132568, -1.3181496858596802, -0.4792710840702057, 0.5032185912132263, 1.4078139066696167, 0.15800084173679352, 0.9205788373947144, 0.011968046426773071, 0.9325479865074158, -0.5787432193756104, 0.31029456853866577, 0.04420042783021927, -0.40801119804382324, 1.0397800207138062, 1.1646347045898438, 0.191132590174675, 0.06791745126247406, 0.37228527665138245, -1.1966265439987183, -0.34968212246894836, -1.0998843908309937, 0.6882832646369934, 0.8651831746101379, -0.4366052448749542, 0.5909843444824219, -0.7410041093826294, 0.7363097667694092, -0.7996325492858887, 0.5218034982681274, -0.3874496817588806, -0.6296243071556091, -0.4606858789920807, -1.0449867248535156, 0.207962766289711, 0.37494492530822754, -0.4348224103450775, -0.5498718023300171, -0.4774388074874878, 1.458794116973877, 0.029659580439329147, -0.04870758205652237, -0.5327344536781311, 0.14489780366420746, -0.3839205801486969, -0.5304360389709473, 0.17557868361473083, -0.7041965126991272, -1.071269154548645, -0.2524155080318451, -0.4142720699310303, 0.18703314661979675, -0.3921082615852356, -0.9578135013580322, -0.10774767398834229, 0.2802792191505432, 0.42501819133758545, 0.6388104557991028, -0.35962384939193726, -0.6499563455581665, -0.9831565022468567, 0.26154568791389465, 0.5353829264640808, 0.18541257083415985, -0.27655264735221863, 0.05424366518855095, 0.7254751920700073, -0.15214061737060547, 0.9234845042228699]} +{"paper_id": "scicite", "embedding": [-1.2266514301300049, 1.6749844551086426, 0.02767593041062355, 0.038667067885398865, 0.26073288917541504, -0.19063036143779755, 0.12856367230415344, 0.6220703125, 0.6606278419494629, 0.39736586809158325, 0.812680184841156, 0.12454359233379364, -0.44879743456840515, -0.0403171107172966, -0.7332432866096497, 0.33839020133018494, 0.2147533893585205, -0.48632583022117615, 0.11492332071065903, -0.9368711709976196, -1.4562149047851562, -0.7792076468467712, -0.8802292346954346, 0.1254710853099823, -0.7971166372299194, -0.7298698425292969, -0.2656833231449127, -0.5846394300460815, 0.15004482865333557, 0.227865070104599, 0.8831623792648315, 0.3766951560974121, -2.074503183364868, 0.8088116645812988, -1.4176756143569946, -0.07548285275697708, -0.005569218657910824, 0.7842921018600464, -0.353059858083725, -0.8322305083274841, -1.166637897491455, 0.3111509084701538, 0.7958932518959045, -0.3432357609272003, 1.0981918573379517, -0.9829276204109192, 0.2725560665130615, 0.4560413360595703, 0.19652222096920013, 0.18646591901779175, -0.5159346461296082, -0.0012716948986053467, -0.5314616560935974, -0.17131739854812622, -0.4545394778251648, 1.2329659461975098, 0.23624160885810852, 0.03303612023591995, 0.8872929215431213, -0.12769439816474915, 0.9837720394134521, 1.5404548645019531, -0.05816598981618881, -0.6691262722015381, 0.39501771330833435, 0.19525910913944244, 0.9840638041496277, -0.02519192546606064, 0.06435882300138474, 0.7545055150985718, -0.7923881411552429, -0.8468859195709229, -0.48173773288726807, -0.4648548364639282, -0.4713136851787567, 0.4286918640136719, 0.31216007471084595, -0.46346235275268555, 0.46348100900650024, 0.9828465580940247, -0.820111095905304, 0.3931238651275635, 0.6820675730705261, -0.2770962715148926, -0.2785472869873047, -0.14869090914726257, 0.4501838982105255, -0.5024389624595642, 1.3850295543670654, -1.299903392791748, 0.6413106322288513, 0.459831178188324, -0.5147339701652527, -0.15849514305591583, -0.7513151168823242, 0.0869578942656517, 0.43793755769729614, -0.4299848675727844, -1.6668446063995361, 0.2293321192264557, 0.29773592948913574, -0.5097423791885376, 0.8795316815376282, -0.43872466683387756, 0.7513105273246765, 0.4918765425682068, -0.6420174837112427, -0.09231538325548172, -0.6451934576034546, -0.1285068839788437, 1.4227347373962402, 0.6832615733146667, 0.1875971257686615, 0.18467053771018982, 0.04735628515481949, -0.7499944567680359, -0.13769546151161194, 0.12470285594463348, -0.9214266538619995, -0.15955880284309387, -0.5266148447990417, -0.7808277010917664, -0.3915095925331116, 0.498752236366272, 1.2468558549880981, -0.3821083903312683, 0.20830756425857544, -0.7946123480796814, 0.309591144323349, 0.10692010074853897, -0.3006691038608551, 0.38227012753486633, -1.1492997407913208, -0.25341665744781494, 3.143397569656372, -0.04906761273741722, 0.4650520384311676, 0.7481703758239746, 0.2914930582046509, 0.21562089025974274, 0.3178575336933136, 0.9874712228775024, 0.8020721673965454, -1.672311544418335, -0.8291782736778259, 0.17126436531543732, -0.5801074504852295, 0.6506199836730957, -1.0166370868682861, -0.005539268255233765, 0.18249008059501648, 0.6521357893943787, -0.9721599221229553, -0.4694669544696808, 0.34852007031440735, 0.06505994498729706, -0.14648762345314026, 0.3443973958492279, -0.0944226086139679, 1.0189162492752075, 1.2200392484664917, 0.4828949570655823, -0.7630473375320435, 0.3760239779949188, -0.36206865310668945, -0.7145453691482544, 1.0107039213180542, -0.11141923069953918, -1.5869474411010742, 0.024282045662403107, 0.5786295533180237, -1.094313383102417, 0.39844441413879395, -1.020951271057129, 0.12443249672651291, -0.5702949166297913, 0.5730046629905701, 0.053976017981767654, 0.22589799761772156, -0.2545490860939026, 0.23187607526779175, -0.35019320249557495, 0.11701122671365738, 0.09741584211587906, 0.22990494966506958, -0.3192744255065918, -1.9351093769073486, -0.5140866637229919, -1.0323361158370972, 0.4975357949733734, 0.031056836247444153, 0.22100983560085297, 0.20449116826057434, 0.32501310110092163, -0.6933921575546265, 0.17331963777542114, 0.210722878575325, -2.580291271209717, 0.12720248103141785, 0.9275876879692078, 0.8063855767250061, 0.4250859022140503, 0.7535034418106079, 0.8708208203315735, 0.3999398946762085, -0.6560998558998108, -0.8810445666313171, -0.9959633350372314, 0.3256659209728241, 1.382826805114746, -0.7442238330841064, -0.006126478314399719, -1.132511019706726, -0.02808806300163269, 0.1603739857673645, -0.20594416558742523, 0.020569704473018646, -0.3448235094547272, 0.36930933594703674, -0.4824475049972534, 0.8472416400909424, -0.5225308537483215, -0.436737060546875, -0.1257503777742386, 1.0874853134155273, -0.4732273519039154, -0.4105323553085327, 0.350713312625885, -0.9316705465316772, 0.23046691715717316, 0.5248912572860718, -0.21795989573001862, 0.23510032892227173, 0.3212050199508667, 0.39700499176979065, 0.5351724624633789, 0.6163501739501953, 0.30946269631385803, -0.4484670162200928, 0.6491333246231079, 0.32447105646133423, 1.066654086112976, -0.21353788673877716, -0.6617976427078247, 0.42499488592147827, 0.120457723736763, 0.5293499827384949, -1.158160924911499, -0.3946473002433777, -0.06424615532159805, 0.8785696029663086, 1.2570737600326538, -0.9945361018180847, 1.162734866142273, -0.46689435839653015, -0.016918517649173737, -0.021194275468587875, -0.8518982529640198, -0.04149215295910835, -0.7530480027198792, 8.860602974891663e-05, -0.05427006632089615, -0.03562897443771362, -0.023745011538267136, -0.3670787513256073, -0.9626612663269043, -0.14247608184814453, -1.2023228406906128, -0.7539153099060059, -0.7247011661529541, -0.602615237236023, 0.16973745822906494, -1.6977113485336304, -0.23559051752090454, 0.4622432291507721, -0.1344689428806305, -0.4822906255722046, 0.6280035972595215, 0.5370811820030212, -0.08575790375471115, -0.5058298110961914, -0.28980594873428345, 1.0969806909561157, 0.03573720529675484, 0.27384746074676514, 0.47757241129875183, -0.20929944515228271, -1.1648207902908325, -0.21817761659622192, -0.6079645752906799, 0.07170989364385605, 0.23825547099113464, -0.19495104253292084, 0.8152421116828918, -0.4883076548576355, -0.9072418212890625, 0.1170801967382431, -0.321615993976593, 0.23997563123703003, -1.0942227840423584, 0.6814871430397034, 0.2724769115447998, -0.3461679220199585, 0.6430245041847229, 0.6401247978210449, -0.5409756302833557, 1.3354289531707764, -0.021275140345096588, 0.6236848831176758, -0.029656779021024704, -0.02503163367509842, -0.12676969170570374, 0.09702073782682419, -1.7005571126937866, 0.10798629373311996, 0.5640240907669067, -0.20504224300384521, 0.5827555060386658, 0.12760403752326965, -0.5161182880401611, -1.0201773643493652, -0.037861671298742294, 0.17959129810333252, -1.0155017375946045, 1.1644610166549683, -0.11901091039180756, -0.14973756670951843, 0.2970762848854065, -0.31397825479507446, 0.8012701272964478, -0.11269056797027588, 0.3638003468513489, -0.9953262805938721, 0.013060089200735092, 0.6053172945976257, 0.037168264389038086, 1.2394181489944458, 0.16522926092147827, 0.4024805426597595, 0.8584413528442383, -0.8435354828834534, 0.17056606709957123, -0.14997990429401398, 0.230844646692276, -0.22584636509418488, 0.08237673342227936, 0.34167009592056274, 0.9167998433113098, 0.4040515124797821, 2.0217995643615723, 0.5101619362831116, -0.47160232067108154, -0.8817961812019348, -0.39726608991622925, -0.9621073603630066, -0.17304328083992004, 1.275073528289795, 0.7776623964309692, 1.8297603130340576, 0.2653241455554962, 0.15825973451137543, 0.5019126534461975, -0.42173510789871216, 0.5505833029747009, 0.5806617736816406, -0.050755664706230164, -0.551260232925415, 0.07072310149669647, 0.5809959769248962, 0.1417272388935089, 0.09427636116743088, 0.04159178584814072, 0.6040903329849243, -0.4249424636363983, -1.0034393072128296, 0.773687481880188, 0.5248331427574158, 1.2023018598556519, 1.1726659536361694, -0.4479053020477295, -0.7140938639640808, -1.0951917171478271, -0.05735758692026138, 0.4340380132198334, 0.5062081813812256, -0.682837963104248, -0.5011143684387207, 0.30796870589256287, 0.669914722442627, -0.4714757800102234, 1.2106478214263916, 1.1146899461746216, -0.029577892273664474, -1.3753983974456787, 0.11893860995769501, -1.3566612005233765, -0.8367444276809692, -0.7243481278419495, -0.07037483155727386, -0.5703327655792236, 0.11055615544319153, 0.5208097100257874, -1.3686646223068237, -0.5062378644943237, -0.9916271567344666, -1.1986360549926758, 0.5459747314453125, 1.2313169240951538, -1.326557993888855, -0.5965864062309265, 0.1985131949186325, -0.7305205464363098, -0.4642493724822998, 0.4029487669467926, -0.8896651864051819, 0.32943809032440186, 0.5645119547843933, 0.13778775930404663, 1.1943836212158203, 0.513981282711029, -0.5594727396965027, 0.6319183111190796, 1.3061467409133911, -0.5212934613227844, 0.7078012228012085, -0.6491567492485046, 0.4956817030906677, 0.3690882921218872, -1.710178256034851, -0.4865783751010895, 0.5060406923294067, -0.3562740683555603, -0.427954763174057, -0.8423894047737122, -0.10307371616363525, 0.591619610786438, 0.2993294894695282, 0.1516355574131012, -0.4493004381656647, -0.4463176727294922, -1.1602604389190674, -0.12706632912158966, 0.647667646408081, -0.7615363001823425, -0.17170847952365875, 1.3212172985076904, 0.9786524176597595, 0.6105716228485107, 0.5161707401275635, 0.20627272129058838, 0.5283001065254211, -0.29925742745399475, -0.6697964668273926, -0.5071970224380493, -11.098791122436523, 1.096168875694275, 0.017318958416581154, 0.39192259311676025, 1.0092698335647583, 0.9265815615653992, 0.3201475143432617, -0.5102514624595642, 0.6953834891319275, -0.5513626337051392, 0.2833746671676636, 1.6684716939926147, 0.657563328742981, -0.32228201627731323, -0.4803643822669983, -1.1490956544876099, -0.7779425382614136, -0.41124242544174194, 0.6770221590995789, 0.10646732896566391, 0.13615697622299194, -0.826008141040802, -0.6588268876075745, -0.7092235684394836, 0.5146268606185913, -0.7645838856697083, 0.18422654271125793, -0.2664330005645752, -0.5678189396858215, 0.46243396401405334, 0.16079947352409363, -0.0042084804736077785, -0.604739785194397, -1.1047476530075073, 0.10655854642391205, 0.926628589630127, -1.5581581592559814, 0.4065980613231659, 0.7726672887802124, -0.5478577613830566, 0.4802699685096741, 0.3714151382446289, 0.5089698433876038, 0.13634543120861053, -0.5630142092704773, 0.667894184589386, 0.008914729580283165, -1.3620868921279907, 0.8817175626754761, -0.24444988369941711, -0.5391660332679749, -0.8985956311225891, -1.3710557222366333, -0.12508492171764374, 1.2664916515350342, 0.24839025735855103, -0.9618838429450989, 0.31694847345352173, -1.1901278495788574, -0.047211892902851105, 0.849875807762146, -0.4028657078742981, 0.03697291761636734, 1.0536710023880005, 0.13820189237594604, -0.1940976083278656, 1.3068397045135498, 0.21327345073223114, -0.16519960761070251, 0.06498949974775314, -0.3813975751399994, 1.309435486793518, 0.3803173005580902, -0.44184231758117676, 0.677307665348053, -0.14472290873527527, -0.3196067214012146, 0.3899618685245514, 0.571320116519928, 0.4742107391357422, -1.393678903579712, 0.42514848709106445, -0.43285509943962097, -0.5647118091583252, -1.624591588973999, -0.26352229714393616, -0.283188134431839, -0.2827484905719757, -0.010708924382925034, -0.3893372714519501, 1.0503875017166138, 0.34139442443847656, 0.7010425925254822, -1.036757469177246, -0.7619513869285583, 0.8888436555862427, -2.091569185256958, 0.7924767136573792, -0.33103299140930176, -0.16086530685424805, 0.5075605511665344, 0.2387550175189972, -0.7488867044448853, -0.48639875650405884, 0.7347455620765686, -0.4140717089176178, 0.10157167911529541, 0.3087087869644165, -0.7748705148696899, -0.33473706245422363, -0.028233341872692108, -0.14312517642974854, 0.06000743806362152, 0.8428109288215637, -0.44446995854377747, 1.6285791397094727, 0.6226583123207092, -0.6635504961013794, -0.2982938885688782, 0.7038562893867493, -0.20394648611545563, 0.683599591255188, 0.37238115072250366, 1.3102381229400635, -0.39279547333717346, -0.05545714125037193, 0.35248562693595886, 0.36047443747520447, -0.04483164846897125, -0.4412240982055664, 0.5892050266265869, -0.3959263265132904, 0.49213939905166626, -0.7314518690109253, -0.7279161214828491, -0.8436912298202515, -1.1428074836730957, 1.5221081972122192, -0.5200097560882568, 0.160297691822052, -0.6126699447631836, -0.2504003047943115, 0.10815364122390747, -0.4921678900718689, -1.3527549505233765, -0.2080630362033844, -1.5815234184265137, 0.008812353014945984, -0.6703827977180481, -0.9341791868209839, 0.2307804971933365, -0.25361406803131104, 0.612454354763031, -0.519004225730896, -0.8165669441223145, -0.071194589138031, 0.05635468289256096, -0.2208145260810852, -0.9226451516151428, 0.4306957721710205, 0.6213297843933105, 0.5722445845603943, 0.3804894685745239, 1.169945478439331, 0.696664571762085, -0.13350236415863037, -0.49289363622665405, 0.4520001709461212, -0.8045319318771362, 0.2697969973087311, 1.4922399520874023, -0.8510962724685669, 0.4396548569202423, 0.08510369062423706, -0.15351366996765137, 0.15955933928489685, 0.46451956033706665, 0.905314564704895, -0.21617001295089722, 1.3831530809402466, 0.3090445101261139, 0.3578953146934509, 1.3424830436706543, -0.2937397360801697, -0.21448375284671783, 0.13108327984809875, -0.03711802139878273, -0.0006922706961631775, 0.2284168004989624, -0.2451380044221878, -0.7664951682090759, -1.4768664836883545, -0.5509825348854065, -0.03239992633461952, 0.43920907378196716, 0.18032504618167877, 0.8723939061164856, 0.13881118595600128, 0.1531253159046173, 0.3603355884552002, -0.16561421751976013, 0.9201177954673767, 0.26997676491737366, 0.7890006303787231, -0.44220852851867676, -0.42814186215400696, -0.40459775924682617, 0.2948305606842041, 0.44334518909454346, 0.8562222719192505, -0.924612820148468, -0.26332685351371765, 1.1398208141326904, 0.2751708924770355, 0.1355401873588562, -1.8994097709655762, -0.2262009084224701, 0.25818946957588196, -0.7463744878768921, -0.8685038089752197, 0.012670673429965973, 0.8541117310523987, -0.17137017846107483, 0.7469380497932434, 0.35807928442955017, 0.4874739944934845, 0.9470520615577698, 0.6041247844696045, 0.894679844379425, -0.10328911244869232, -0.2192317545413971, 0.7136464715003967, -0.36667296290397644, -0.2345493733882904, 0.810376763343811, 0.8449504375457764, -0.6687166094779968, 0.0806315615773201, -0.8587990999221802, 1.1127300262451172, -0.6717801094055176, 0.2313416302204132, 0.36274009943008423, 1.3989663124084473, 0.622427225112915, -1.0147324800491333, -0.43095663189888, -0.5035783052444458, -0.6009482741355896, 0.3043796122074127, -0.11696726083755493, 0.5254722833633423, 0.9258205890655518, -0.7025943994522095, 0.7727279663085938, 0.9064158797264099, 0.3622075915336609, 0.14874517917633057, -0.7624391913414001, 0.9545671343803406, 0.8420708179473877, -0.7396616339683533, -0.02138015814125538, -0.6544158458709717, -0.9671162962913513, -0.6631743907928467, -0.6945026516914368, 0.8313421607017517, 1.2425438165664673, -0.8929867744445801, -0.3477272391319275, 0.037016455084085464, 0.10324163734912872, -0.724727213382721, 0.2557784616947174, -0.44599002599716187, -0.7262880206108093, -0.95068359375, -0.4980562925338745, 0.1219397485256195, 0.9173449277877808, -0.03549826517701149, 1.245498776435852, 0.28393787145614624, 1.5501806735992432, -0.44514337182044983, -0.4578249454498291, -0.559611976146698, 0.17177383601665497, 0.08795076608657837, 0.38174474239349365, 0.919089674949646, -0.31195446848869324, -1.8963491916656494, -0.28224554657936096, -0.5641379952430725, 0.6974319219589233, 0.8378291130065918, -0.752346396446228, 1.1499489545822144, 1.0053648948669434, 0.48272421956062317, 0.4079190194606781, 0.7824751138687134, 0.3412080705165863, -0.9561750292778015, 1.0888962745666504, -0.13942617177963257, 0.6814250349998474, 0.2903510332107544, 0.21909603476524353, 0.9738342761993408, -0.0032587572932243347, 0.9037632942199707]} +{"paper_id": "mlqa", "embedding": [-0.49336421489715576, 1.1956480741500854, 0.07945433259010315, -0.23131747543811798, 0.8076522350311279, -0.8201272487640381, -0.4875096082687378, 0.7987815141677856, 0.5548917055130005, 0.5574430227279663, 0.47787097096443176, -0.11727747321128845, 0.11624836921691895, -0.18405640125274658, -0.3086150586605072, -0.3360404670238495, -1.1434805393218994, -0.8802420496940613, -1.5526195764541626, -0.2690579891204834, -0.512123703956604, -0.39860546588897705, 0.0626838356256485, 0.7267495393753052, -0.29393574595451355, -1.246471643447876, 0.8765076398849487, -0.8916391134262085, 0.3750469386577606, 0.4888339936733246, -0.4046989679336548, 1.0728375911712646, -1.1875336170196533, 0.5541303157806396, -0.3733234107494354, 0.004751972854137421, 0.7950142025947571, 1.365187168121338, -0.3014035224914551, -0.14015592634677887, -1.0525829792022705, -0.3032118082046509, 0.452282577753067, 0.2503158748149872, 1.6982544660568237, -0.6288434267044067, 0.029288137331604958, -0.1182413250207901, -0.04159070551395416, -0.47623273730278015, -0.1682722270488739, 0.6443508267402649, -0.3272058367729187, 0.680363655090332, -0.548773467540741, 0.8407238721847534, 0.7063259482383728, -1.1927112340927124, 0.7817462086677551, -1.239997148513794, 1.184105396270752, 1.4876134395599365, -0.7318181395530701, -0.03006323054432869, 1.5339853763580322, -0.11312048137187958, 1.801163673400879, 0.3068004846572876, 0.4015749394893646, 0.46152356266975403, 0.09050166606903076, -1.223441481590271, 0.1385440230369568, 0.20378869771957397, 0.4972579777240753, 0.8931089639663696, 0.48222771286964417, -0.16707779467105865, -0.09979353100061417, -0.24502766132354736, -0.767080545425415, 0.5452410578727722, 0.6447370648384094, -0.836732804775238, 0.20207534730434418, 0.025033656507730484, 0.5343528985977173, -0.8435166478157043, 1.1987831592559814, -1.5655158758163452, 0.7015342116355896, 0.17490173876285553, -0.05105394124984741, -0.24417629837989807, -0.37233275175094604, 0.4143421947956085, -0.571031928062439, -0.0470501109957695, -0.17030484974384308, 0.3150499761104584, 0.7329281568527222, -0.028156377375125885, 0.0708627924323082, 0.07527714222669601, -0.17625568807125092, 0.7713198661804199, 0.04379834234714508, -0.3108353018760681, -1.0679868459701538, -0.4823758602142334, 0.058868762105703354, 0.5443313121795654, -0.29332149028778076, 0.16986480355262756, 0.2801862061023712, -0.15993672609329224, 0.16939885914325714, -0.9549086093902588, -0.7337673306465149, 0.34902501106262207, 0.3928312361240387, -1.0743274688720703, -0.5109084248542786, 0.17361851036548615, 0.7303616404533386, -0.8075926303863525, 0.28493979573249817, -0.32134440541267395, -0.008748015388846397, 0.28294700384140015, 0.82843017578125, -0.5281354188919067, -0.9681025147438049, -0.4904533326625824, 3.124053955078125, -0.8661407232284546, 2.1778862476348877, -0.2722882926464081, 0.19201521575450897, -0.12001416087150574, -0.09216483682394028, 0.651621401309967, 0.3348197340965271, -0.7524298429489136, 0.2778872847557068, 0.59305739402771, -0.6721973419189453, 0.6295161843299866, -1.2484946250915527, -0.6324163675308228, -0.27879151701927185, 0.13629935681819916, -1.0804238319396973, -0.515713095664978, 0.2611590027809143, 0.07601664215326309, 0.411767840385437, 0.662258505821228, -0.48351937532424927, 0.9478740096092224, 0.1998973786830902, 0.08000089228153229, -0.6068621873855591, 0.5367094278335571, -1.0357472896575928, -0.522579550743103, 0.8279292583465576, 0.10043651610612869, -0.6336650252342224, -0.2223806530237198, 0.45115095376968384, -0.6753819584846497, -0.3563488721847534, 0.26967254281044006, 0.21795004606246948, 0.024026520550251007, 1.1510496139526367, 0.8039172291755676, -0.3157000243663788, -0.4127193093299866, 0.19828051328659058, -0.24502809345722198, 0.18553856015205383, 0.6698645353317261, 0.2602272629737854, 0.875006377696991, -2.219470262527466, -0.20724688470363617, -0.05946263670921326, 0.12812834978103638, -0.2518705725669861, -0.4213201105594635, -0.09411657601594925, -0.4994557201862335, 0.33352071046829224, -0.38010478019714355, 0.0164162740111351, -1.2147647142410278, -0.09040956199169159, 0.1588260382413864, -0.6969543695449829, 0.7451411485671997, 0.723059356212616, 1.2327829599380493, 0.11612141877412796, -0.3476499021053314, -1.04217529296875, -1.8511003255844116, 0.12751582264900208, 2.5736308097839355, -0.39397120475769043, -0.34305909276008606, -1.189258098602295, -0.18832385540008545, 0.14060446619987488, -0.7040646076202393, -0.08309420198202133, -0.8201314806938171, 0.002332925796508789, -0.9912058115005493, 0.3676448464393616, -0.6648741960525513, 0.2104341983795166, 0.4345461130142212, 0.9009862542152405, -0.5961263179779053, -0.18615221977233887, -0.40542569756507874, -1.0009856224060059, 0.7022168040275574, 0.44817450642585754, 0.1424725502729416, -0.8210415244102478, 1.0720423460006714, 0.22953718900680542, 0.9534215331077576, 0.4853956401348114, 0.38030993938446045, -0.778695821762085, -0.07542642951011658, -0.35153111815452576, 1.6948504447937012, -0.20124225318431854, 0.08486762642860413, 0.34586793184280396, 0.552645206451416, -0.7107567191123962, -0.24402543902397156, 0.5241639018058777, 0.16476185619831085, 1.2492337226867676, 0.7489116191864014, -1.0839550495147705, 2.1730988025665283, -1.3576687574386597, -0.059563472867012024, -0.6001127362251282, -0.6595188975334167, 0.17132051289081573, -0.435330867767334, 1.0132898092269897, -0.10183583945035934, 0.2202884554862976, -0.17193929851055145, -0.440396785736084, -1.835188865661621, -0.09804213047027588, 0.025254778563976288, -1.0380324125289917, -1.060655117034912, -0.225141242146492, -0.3787441849708557, -0.8331146836280823, -1.0559141635894775, 0.14951284229755402, 0.8643682599067688, 0.20981347560882568, 1.6459676027297974, 1.301757574081421, -0.09257643669843674, 0.46242043375968933, 0.24610520899295807, 0.8900219798088074, -0.7642940878868103, 1.089571237564087, 0.14876973628997803, 0.25143900513648987, -1.084161400794983, 0.08641669154167175, -0.3426266312599182, 0.057990603148937225, 0.9084120392799377, -0.17929208278656006, 0.8001397848129272, -0.08230730891227722, -1.7624309062957764, 1.059973955154419, -0.2915289103984833, -0.1655246913433075, -0.5525438785552979, 2.035888671875, -0.0939573273062706, -0.32347041368484497, 0.7355226874351501, -0.20625126361846924, -0.21804174780845642, 1.060094952583313, -0.13291868567466736, 0.2868676781654358, 0.13086743652820587, -0.1042192205786705, -0.2680024206638336, 0.6595569849014282, -1.7393687963485718, 0.45218339562416077, 1.0916963815689087, -0.579391360282898, -0.3512483537197113, -0.9384229183197021, 0.35303831100463867, -0.5715737342834473, 0.024015387520194054, 0.6124923825263977, -0.24228787422180176, 0.7356576919555664, -0.5562444925308228, -0.12170200794935226, 1.6754350662231445, -0.8014553189277649, 0.9817062616348267, 1.1740024089813232, 0.12188634276390076, -0.8719009160995483, -0.47996556758880615, 0.6972984671592712, -0.45286795496940613, 0.39846283197402954, 0.19093310832977295, 0.356440007686615, 1.3263521194458008, -0.4497605562210083, -0.3122604787349701, 0.42391592264175415, 1.1142815351486206, 0.7311573028564453, 0.1897285431623459, -0.4885333776473999, 0.7866061925888062, 0.2689478099346161, 1.0024099349975586, 0.024352822452783585, -1.024195671081543, -1.044924259185791, -0.27682438492774963, -0.2389683872461319, -0.34403133392333984, 2.076751708984375, 0.32669058442115784, 1.509210228919983, -0.32743003964424133, -0.06666777282953262, -0.4441269636154175, -0.23872870206832886, 1.5569583177566528, 0.9964724183082581, -0.1610187441110611, -0.3484213948249817, -0.4656278192996979, 0.6909897327423096, -1.0220487117767334, -0.452776700258255, 0.3576021194458008, 0.9648889303207397, -0.31105130910873413, -0.7478317618370056, 0.7353439927101135, 1.4341436624526978, -0.044351011514663696, 0.9135725498199463, -0.27046334743499756, -0.379086434841156, -0.5265030860900879, 0.5078929662704468, -0.42885223031044006, 0.48853451013565063, -0.6236393451690674, 0.8682276606559753, 0.48319607973098755, 0.6530622839927673, -0.03681052476167679, 1.0384531021118164, 1.18875253200531, -0.5820810794830322, -1.345362663269043, -0.4500608742237091, -0.9582111239433289, -0.4511514902114868, 0.1600227653980255, -0.06768722832202911, -0.9186006188392639, 0.6469665169715881, -0.0912410244345665, -0.955801784992218, 0.5432536602020264, -0.7546684741973877, -1.9294402599334717, 1.377211093902588, 0.7100427150726318, -1.0159801244735718, -0.2573505640029907, -0.2740139365196228, -0.9591154456138611, -0.6317626237869263, -0.29736876487731934, -1.1340712308883667, -0.4500061273574829, 0.45370933413505554, 0.8286231756210327, -0.04967166483402252, -0.23026417195796967, -1.4462889432907104, 0.5289445519447327, 1.4080588817596436, -0.8172581195831299, 0.07607242465019226, 0.2855168282985687, 0.5816479921340942, -0.48324844241142273, -1.570985198020935, -1.2998290061950684, 0.8520845770835876, -0.0581112839281559, 0.8329491019248962, -0.9171449542045593, -0.5742431879043579, 0.4153996407985687, -0.30777761340141296, 1.1752654314041138, -0.834871232509613, 0.4735267758369446, -0.4902861714363098, 0.41712522506713867, 0.38688763976097107, -0.8603139519691467, -0.023152101784944534, 1.5757262706756592, -0.3165132701396942, 0.9585579633712769, -0.6079936027526855, 0.5484893918037415, 1.0899572372436523, 0.16397693753242493, 0.054519154131412506, -0.7137959003448486, -10.430965423583984, 0.14823947846889496, -0.0714242234826088, -0.10383608937263489, 0.7809193730354309, -0.39507830142974854, 1.4370357990264893, -0.20929090678691864, 0.4478016793727875, -0.5895829796791077, 0.39222604036331177, 1.2568809986114502, 0.9711567759513855, -0.14875121414661407, -0.7690961360931396, -1.5175361633300781, -0.6138867735862732, -0.18713712692260742, 0.5707994699478149, -0.64436936378479, -0.7278688549995422, -0.42034852504730225, -0.2167910635471344, 0.09238255023956299, 0.2657548785209656, -0.17453452944755554, -0.16226327419281006, 0.03526365011930466, -0.16676561534404755, -0.48675835132598877, 0.5723808407783508, -0.22578488290309906, -1.1900947093963623, -0.5565618276596069, -0.29616063833236694, -0.25744596123695374, -0.5414968729019165, 0.2059929221868515, 1.2977076768875122, 0.1265571117401123, -0.528481125831604, 0.7286343574523926, 0.3495309352874756, 0.4051583409309387, -0.1522221714258194, 0.30500030517578125, 0.5765684843063354, -0.9923406839370728, 1.2198913097381592, -0.25446024537086487, -0.73860764503479, -0.6427631378173828, -0.9729118943214417, -0.17003142833709717, 0.3624175786972046, 0.5013430714607239, -0.7556103467941284, -0.4976426362991333, -0.5277693867683411, -1.1870672702789307, 0.8368306756019592, 0.49896377325057983, -0.5590530633926392, 0.03133760392665863, 0.04686281085014343, -0.30112123489379883, 0.18581286072731018, 0.12030544131994247, -0.7142788171768188, 0.18998651206493378, -0.6985620856285095, 0.6063746213912964, 0.08412833511829376, -0.019873514771461487, -0.5783514976501465, -0.28726375102996826, -0.7016072273254395, 0.1565214842557907, 0.2818237245082855, 0.03553922101855278, -1.2764216661453247, 0.830599844455719, 0.5478439927101135, -0.6250131130218506, -0.636722207069397, 0.08926451206207275, -0.4588700234889984, 0.47789037227630615, 0.1751345992088318, -0.6266149282455444, 1.4290874004364014, 0.12978538870811462, -0.13004222512245178, -0.08493053913116455, -0.25609272718429565, 1.0228561162948608, -0.7896871566772461, 0.7733476161956787, -0.04459228739142418, -1.1197218894958496, -0.07443415373563766, -0.703928530216217, -0.4960069954395294, -0.05122785642743111, 0.7388054132461548, 0.2984435260295868, 0.5401713848114014, 0.38391605019569397, -0.10602232813835144, -0.686464786529541, 1.2400941848754883, 0.4181196689605713, -0.3873997926712036, 0.7733471393585205, -0.23233729600906372, 1.0530829429626465, 0.45108115673065186, 0.27399617433547974, 0.21299149096012115, 1.4307456016540527, -0.24306955933570862, 0.8577880859375, 0.13383401930332184, 1.7076717615127563, -0.9631018042564392, 0.14241935312747955, 0.2911173403263092, 0.4899495244026184, 0.3282146155834198, -1.4802051782608032, 0.3227687180042267, 0.08932958543300629, 0.04083404317498207, -1.0763462781906128, -0.24098369479179382, -0.1762952357530594, -0.7469397187232971, 1.4760702848434448, 0.41448885202407837, -0.06285592913627625, -0.24795734882354736, -1.0538805723190308, 0.14780747890472412, -0.876972496509552, -0.29114851355552673, 0.25469112396240234, -1.3189469575881958, 0.0377180278301239, 0.060439206659793854, -0.6083652973175049, 0.546608030796051, -0.47696030139923096, 1.121638536453247, -0.628367006778717, -0.4063568711280823, -0.37815409898757935, 0.3213179409503937, -0.2571720480918884, -1.22659170627594, 0.0064430832862854, -0.29303625226020813, 1.2161712646484375, -0.9479925036430359, 1.6474887132644653, 0.3908548355102539, -0.5145448446273804, -0.5486084818840027, -0.13162687420845032, -0.3136993944644928, 0.041455186903476715, 1.1364502906799316, -0.9801676273345947, -0.01901382952928543, -0.25249937176704407, -0.8603892922401428, -0.7207147479057312, 0.5441007614135742, 1.4152255058288574, -0.7121177315711975, 0.13961538672447205, -0.10640338808298111, 1.1633384227752686, -0.20480240881443024, -0.18718905746936798, -0.8125557899475098, 0.3526851236820221, 0.02751242369413376, 0.792555570602417, 0.2995661795139313, 1.0802593231201172, -1.8955206871032715, -1.2032299041748047, -0.03637789189815521, -0.3808172345161438, 0.5960433483123779, -0.03063904121518135, 0.9573241472244263, -0.13062338531017303, 0.3351703882217407, 0.37989890575408936, 0.19613222777843475, 0.6741815805435181, 0.16810789704322815, 0.6540927886962891, -0.05381866917014122, 0.36503171920776367, -0.1810300052165985, 0.18086619675159454, 0.48704445362091064, 0.975427508354187, -1.2283425331115723, -0.2843717932701111, 0.21652492880821228, -0.03437396511435509, -0.0024094004184007645, -1.2736802101135254, 0.20522859692573547, -0.2156924605369568, -0.277689665555954, -1.6645069122314453, -0.32210296392440796, 1.310602068901062, -0.5285993814468384, 0.812262773513794, 0.3224209249019623, 1.0513355731964111, 0.5428523421287537, 0.5006022453308105, 0.6527782678604126, -0.5075590014457703, -0.5027642250061035, 0.3041987717151642, 0.23353463411331177, -0.5857088565826416, -0.10344304144382477, -0.386852502822876, -0.7294321060180664, 0.4362974762916565, -0.7855756878852844, 0.8903893232345581, 0.01911478117108345, 0.389518141746521, 0.33860743045806885, 0.3870435059070587, 0.3011884093284607, -1.7662527561187744, 0.5828986763954163, -1.0042423009872437, 0.3424363434314728, 0.2012447565793991, 0.3783773183822632, 0.20556482672691345, 0.8636826276779175, 0.17267726361751556, 1.2398245334625244, -0.5754183530807495, -0.2688406705856323, -0.225519597530365, 0.06639106571674347, 0.6204691529273987, 0.5621683597564697, 0.48676061630249023, -0.06698589026927948, -0.5164148211479187, -0.8834389448165894, -0.6890147924423218, -0.5363497734069824, 1.063859224319458, 1.322751760482788, -0.21520374715328217, 0.1471964567899704, -1.1854866743087769, 1.2142775058746338, -0.713925838470459, 0.5315112471580505, 0.09929764270782471, -0.34656965732574463, -1.1180469989776611, -0.9179956912994385, 0.4610435962677002, 0.9203788638114929, -0.2446388304233551, 0.2586005926132202, -0.3693094849586487, 0.5270212292671204, -0.036113351583480835, -0.6399663686752319, -1.202315092086792, 0.04885508492588997, -0.5940828919410706, 0.14548513293266296, 0.8178808689117432, -0.8326343297958374, -0.4727923274040222, -0.1939581036567688, -0.9099786281585693, 0.5296276211738586, 0.13148044049739838, -0.5408885478973389, -0.8222729563713074, 0.4316052198410034, -1.0403512716293335, 0.35964494943618774, 0.2200038731098175, -0.5327103734016418, -1.6907768249511719, 1.1271145343780518, 1.6079071760177612, -0.1170264258980751, -0.5534784197807312, -0.18339803814888, 0.42843011021614075, 0.08947030454874039, 1.2711976766586304]} +{"paper_id": "clinc_oos", "embedding": [-1.4047462940216064, 1.0652503967285156, -0.12403975427150726, -0.03798731043934822, 0.03234275057911873, 0.7739742994308472, 0.45806145668029785, 1.1787372827529907, 0.8762975931167603, 0.5355873107910156, 0.8552334308624268, 0.34051814675331116, 0.08520717173814774, -0.7089909911155701, -0.39507344365119934, 0.08175357431173325, -0.10585176199674606, -0.9369792342185974, -0.3318729102611542, -1.079351544380188, -0.664078414440155, -0.6717471480369568, -0.041114695370197296, 0.16567063331604004, -1.0643521547317505, -0.3653460741043091, 1.2327332496643066, -1.014915943145752, 0.4283212423324585, 1.1148850917816162, 0.3953261971473694, 0.6638613343238831, -0.6634734869003296, 0.09353484958410263, -0.9589313268661499, 0.055466555058956146, 0.5805553793907166, 0.35821154713630676, -0.6201310753822327, 0.03499677777290344, -1.073011875152588, 0.5814955830574036, 0.8472849130630493, -0.045007117092609406, 0.39796319603919983, -0.7950506210327148, -0.10876529663801193, 0.5518739819526672, -0.9417965412139893, 0.3111315965652466, -0.6294673681259155, 0.45018044114112854, 0.014809031039476395, 0.9385162591934204, -0.49474045634269714, 1.1188820600509644, 0.6019974946975708, -0.2563915252685547, 0.869143009185791, -1.3062649965286255, 0.7311908006668091, 1.4647859334945679, 0.7871394157409668, 0.8893860578536987, 0.7062720656394958, -0.4050593972206116, 0.9996300935745239, 0.08475671708583832, -0.051750391721725464, 0.8956279158592224, -0.3431328535079956, -1.1850965023040771, 0.39779940247535706, 0.36390161514282227, -0.158098965883255, 0.8654252290725708, 0.33086445927619934, -0.726021945476532, -0.32297027111053467, -0.13220825791358948, -0.02529069408774376, -0.1627291440963745, 0.11096794158220291, -0.7136396169662476, 0.2544557750225067, 0.46272584795951843, 0.10260410606861115, -1.1388493776321411, 0.7255821228027344, -0.896786630153656, 0.2495502084493637, 0.3173336684703827, -0.09637332707643509, -0.5604002475738525, -0.43732893466949463, 0.17859545350074768, -0.6750506162643433, 0.2232266217470169, -0.6456811428070068, 0.9461044073104858, 0.45768555998802185, -0.36239635944366455, 0.8874901533126831, -0.2478594183921814, 0.5637625455856323, 0.3353734016418457, -0.18668510019779205, -0.2373761236667633, -0.05334847420454025, -0.206565260887146, 0.6307253241539001, 0.6032534241676331, -0.05015306919813156, 0.2609304189682007, -0.008939572609961033, 0.3133062720298767, 1.086769700050354, -0.8399518728256226, -0.371395081281662, 0.026882335543632507, 0.271501362323761, -0.30131590366363525, 0.17636600136756897, 0.07060776650905609, 1.2914867401123047, -0.4183528423309326, -0.13572947680950165, -0.6536769270896912, -0.04924684762954712, 0.378680944442749, -0.17469912767410278, 0.10982626676559448, -0.8539945483207703, -0.13873711228370667, 3.2934410572052, -1.2966585159301758, 1.6471742391586304, -0.7786524295806885, -0.8499870896339417, 0.10891325771808624, -0.051348976790905, 0.011246350593864918, 0.7492028474807739, -0.29465213418006897, -0.46673715114593506, 0.3372020125389099, 0.15604153275489807, 0.704206109046936, -0.6683560609817505, 0.16203129291534424, -0.09806612133979797, 0.09581515192985535, -1.457529902458191, -0.2882007956504822, 0.13394205272197723, 0.28198298811912537, -0.442644864320755, 0.2094377875328064, -0.18031951785087585, 0.47042059898376465, 0.806054949760437, 0.017608899623155594, -1.2196376323699951, 0.3043450713157654, -0.6445438861846924, -0.9781287908554077, 0.8344666361808777, -0.466891884803772, -1.5719244480133057, 0.056000031530857086, 0.8981015086174011, -0.8543676733970642, -0.17665481567382812, -1.0269218683242798, -0.04959852248430252, -0.03276322782039642, 1.1403539180755615, 0.004068008624017239, -0.26861169934272766, -0.5904389023780823, -0.6479859352111816, 0.5730263590812683, -0.5549179315567017, 0.2963547110557556, -0.08605029433965683, -0.18695367872714996, -1.3086975812911987, -0.3383373022079468, 0.56430584192276, 0.8208274245262146, -0.0376935750246048, -0.2835008203983307, -0.14176467061042786, 0.18576937913894653, 0.15929627418518066, -0.2156643122434616, 0.2921503186225891, -1.156965970993042, 0.18727856874465942, 0.6096729040145874, -0.06819077581167221, 0.3014011085033417, 0.5844337940216064, 1.5196682214736938, 0.8082323670387268, -0.49199768900871277, -0.5353484749794006, -1.8144166469573975, 0.1556961089372635, 2.124828815460205, 0.25071030855178833, -0.5144873857498169, -0.9632226824760437, 0.33425194025039673, 0.10098256915807724, -0.06733431667089462, 0.3175320327281952, -0.5936597585678101, 0.643787682056427, -1.5019558668136597, -0.07913127541542053, -0.3359639346599579, 0.04311119765043259, 0.4549734592437744, 1.0382485389709473, -1.3438276052474976, 0.444245308637619, -0.19359256327152252, -0.3017023205757141, 0.9326208829879761, 0.99874347448349, -0.10918567329645157, 0.18492697179317474, 0.4604877829551697, 0.9766237139701843, 0.25173527002334595, -0.1580171287059784, 0.2885475754737854, -1.3041181564331055, 0.1959506720304489, 0.4236946403980255, 1.5823007822036743, -0.2623342275619507, -0.035578981041908264, 0.1879609078168869, 0.11356973648071289, -0.2537637948989868, -0.6685993075370789, 0.5262972712516785, 0.5104936361312866, 0.8645897507667542, 1.0642119646072388, -0.5316043496131897, 0.607603907585144, -0.6865242719650269, -0.7110090255737305, -0.6364559531211853, -0.3244386911392212, -0.3552553653717041, -1.1260348558425903, 1.6146936416625977, 0.035309478640556335, -0.5568808317184448, -0.13878534734249115, 0.09432545304298401, -1.3058035373687744, -0.22713172435760498, 0.09109341353178024, -1.2346516847610474, -0.8812046051025391, 0.1176646500825882, -0.8638196587562561, -0.21771937608718872, -1.5201205015182495, 0.4113452434539795, 0.9984852075576782, 0.13859441876411438, 0.8206907510757446, 1.2109345197677612, 0.12859788537025452, -0.4479263424873352, -0.2707517147064209, 0.9797788262367249, -0.7002651691436768, -0.20595337450504303, -0.036381661891937256, -0.0835917741060257, -0.6855442523956299, 0.05526699125766754, -0.35009634494781494, 0.273831844329834, 0.21517392992973328, -1.244948148727417, 0.13210739195346832, 0.4504857063293457, -0.5212911367416382, 0.7677351236343384, -0.8807299733161926, -0.11214204877614975, -0.8213167190551758, 1.7217624187469482, 0.29657378792762756, -1.012596845626831, 0.5606333017349243, 0.670086681842804, 0.44580867886543274, 0.9884113669395447, 0.2795746624469757, 0.24823300540447235, 0.15147708356380463, 0.020142078399658203, 0.04081946611404419, 0.5550066828727722, -2.617645263671875, 0.8704476952552795, 1.0285358428955078, -0.5637320876121521, 0.23310492932796478, -0.7922335863113403, 0.21729157865047455, -0.5347660779953003, 0.21586814522743225, 0.2175145149230957, -0.5246796011924744, 0.7128980755805969, -0.06381797790527344, -0.17927955090999603, 0.9689974188804626, -1.2834155559539795, -0.5039804577827454, 0.09660151600837708, 0.16797518730163574, -1.62112557888031, -0.5096827149391174, 0.34224528074264526, -0.24267427623271942, 0.6353634595870972, 0.5808426737785339, 0.5622623562812805, 0.9511873722076416, -0.2614641785621643, -0.16122734546661377, 1.0601211786270142, 0.007409103214740753, 0.7459087371826172, 0.12353521585464478, 0.0782848373055458, 0.8078401684761047, 0.41224944591522217, 1.2256380319595337, 1.2339829206466675, -0.7484385371208191, -1.2124865055084229, -0.7789919376373291, -0.5773906111717224, -1.184553623199463, 0.9261146783828735, 0.6532362699508667, 1.1929937601089478, -0.10232727974653244, 0.7407468557357788, -0.8916981816291809, -0.7177385091781616, 0.8510851263999939, 0.06373453140258789, 0.19429609179496765, -0.9297438859939575, -0.6003680229187012, 0.002849273383617401, -0.5223737955093384, -0.03893362730741501, 0.22197911143302917, 1.7031079530715942, 0.8220773339271545, -0.7327529788017273, 0.03978161886334419, 0.8199934363365173, 0.09811387956142426, 1.0501437187194824, -0.18096838891506195, -0.6303927898406982, -0.4500386416912079, 0.3982444703578949, 0.7608364820480347, -0.07966671884059906, -0.8901687860488892, 0.18613821268081665, -0.394425630569458, 0.15344591438770294, -0.4017632007598877, 1.1095203161239624, 0.95244961977005, -0.4295167326927185, -1.5207165479660034, -0.9592505097389221, -1.8575206995010376, -0.051352608948946, 0.20133143663406372, -0.6882812976837158, -0.8015580773353577, 0.7456915378570557, 0.10224587470293045, -0.8703268766403198, 0.8150508403778076, -1.2006357908248901, -0.9420121908187866, 0.3322550654411316, 1.0316694974899292, -1.4490244388580322, -0.742516279220581, -0.5014694929122925, -0.7176883220672607, -0.23484493792057037, 0.44621720910072327, -1.1395056247711182, 0.058654870837926865, 0.6361775994300842, 0.25555601716041565, 0.0826217532157898, 0.6890441179275513, -0.9089293479919434, 0.987480103969574, 0.6963592767715454, -0.44472062587738037, 0.7309156656265259, -0.30112993717193604, 0.08951021730899811, -0.3844259977340698, -1.0967296361923218, -0.6909022331237793, 0.42954221367836, -0.6803073883056641, -0.397514671087265, -0.7712502479553223, -0.8266144394874573, 0.7795156836509705, -0.486069917678833, 0.2421913594007492, -0.9674664735794067, -0.36318808794021606, -1.4284296035766602, -0.7522469162940979, 0.6978609561920166, -1.1047308444976807, -0.7034831047058105, 0.7803118824958801, -0.06897255778312683, 0.7610071897506714, -0.7317126989364624, 0.6315548419952393, 1.5219166278839111, 0.6469424366950989, 0.21251480281352997, 0.12944918870925903, -10.72876262664795, 1.3100874423980713, 0.3276750445365906, 0.5088363885879517, 0.332276850938797, 0.03781644627451897, 0.7455829381942749, -0.13944688439369202, 1.0426486730575562, -1.08265221118927, 0.29043081402778625, 1.6586331129074097, 0.07923009991645813, -0.5492518544197083, -0.9122670888900757, -1.4075663089752197, -0.885823130607605, -0.550332248210907, 0.4675554037094116, 0.1534917801618576, 0.032362546771764755, -0.3443700671195984, -0.6072179079055786, 0.18526054918766022, 0.33852526545524597, -0.4081045687198639, 0.09473063051700592, -0.726315438747406, -0.606696605682373, 0.2805593013763428, 1.032156229019165, 0.2947915494441986, 0.07123483717441559, -0.30095958709716797, -0.7873886227607727, 0.261455237865448, -0.7395655512809753, 0.9194244742393494, 0.0625753402709961, 0.15340840816497803, 0.0007160045206546783, 0.0675007551908493, 0.6785571575164795, 0.2649384140968323, -0.40204495191574097, 0.6242185831069946, 0.7651665210723877, -0.5363311767578125, 0.7618432641029358, -0.2965158522129059, 0.1473999172449112, -0.19453191757202148, -1.0333504676818848, -0.7876139879226685, 0.5832113027572632, -0.5904415249824524, -0.4097611606121063, -0.2843893766403198, -0.749190092086792, -1.4587249755859375, 1.6044728755950928, -0.4176619052886963, -1.114982008934021, 0.431410014629364, 1.4971542358398438, -0.7600833773612976, -0.4555307626724243, 0.2104569375514984, 0.020282752811908722, 0.4786931276321411, -0.5725559592247009, 0.9308958649635315, 0.4510785639286041, -0.0038145333528518677, -0.06976240128278732, -0.3716864585876465, -1.0437651872634888, 0.8239457607269287, 1.047166347503662, 0.27793315052986145, -1.570641040802002, 1.0529183149337769, -0.3148377537727356, -1.040226697921753, -1.4099456071853638, -0.20891277492046356, -0.22885489463806152, 0.43563592433929443, 0.8283265829086304, -0.22954627871513367, 1.1098525524139404, 0.917345404624939, -0.0807933509349823, -0.021400485187768936, -0.5058727860450745, 1.270166277885437, -0.9220893383026123, 1.032705307006836, -0.2531833350658417, 0.17953559756278992, -0.49543192982673645, -0.5209082365036011, -0.7202835083007812, 0.07763083279132843, 0.8602579832077026, -0.11033792048692703, -0.3814656138420105, 0.3215137720108032, 0.08565886318683624, -0.2767021059989929, 0.22151732444763184, 0.1711958944797516, -0.40434056520462036, 0.6367992162704468, -0.41862282156944275, 1.1596205234527588, 1.0761516094207764, 0.49105286598205566, 1.114720106124878, 0.9598513245582581, -0.4798872172832489, 0.8344323039054871, 0.05329326540231705, 0.2541992664337158, -0.4302777349948883, -0.3867311477661133, 0.37995240092277527, 0.33771902322769165, 0.17879225313663483, -0.7408393025398254, -0.04851878061890602, -0.45605021715164185, 0.46582549810409546, -1.0397686958312988, -0.3292747139930725, -0.34556442499160767, -0.30216965079307556, 1.030254602432251, -0.5179712176322937, 0.3813569247722626, -0.756996750831604, -0.4261941611766815, -0.3230082392692566, -1.4028303623199463, -0.9384467005729675, 0.5189749002456665, -1.4450364112854004, 0.5981088280677795, -0.7129594683647156, 0.2556333541870117, 0.4710075557231903, -0.8157118558883667, 1.4391868114471436, -0.38661065697669983, -0.7757267951965332, -0.10856004804372787, 0.4073026180267334, 0.39089861512184143, -1.3325749635696411, -0.7153323888778687, 0.24824652075767517, 0.999111533164978, -0.6537578105926514, 1.7124638557434082, 0.7393108606338501, 0.14878463745117188, -0.5834417939186096, 0.3868400454521179, -0.6642152667045593, -0.4327487051486969, 1.2595881223678589, -0.8526819944381714, 1.0497682094573975, -0.14672890305519104, -0.26167070865631104, -0.9186332821846008, 0.5229035019874573, 0.9226087331771851, -1.0796427726745605, 0.3823852241039276, -0.5120782852172852, 0.9492132663726807, -0.01184503361582756, 0.4786224961280823, -0.4196206331253052, 0.22776684165000916, 0.29823485016822815, 1.033982276916504, 0.04836338758468628, 0.6214780807495117, -1.39701509475708, -1.7008113861083984, -0.14822174608707428, 0.5298082828521729, -0.4680708050727844, 0.3753233850002289, 0.6308801770210266, 0.16693958640098572, 0.021904349327087402, -0.1978245973587036, 0.9033712148666382, 0.9374435544013977, -0.13063853979110718, 0.281383216381073, -0.22367283701896667, -0.4349844753742218, -0.85694420337677, 0.6209878325462341, -0.030989380553364754, 0.9800945520401001, -1.1718876361846924, -0.5540765523910522, 0.82802414894104, -0.35099735856056213, 0.4879589080810547, -1.077744722366333, -0.6417022347450256, 0.1955111026763916, -0.7272167801856995, -1.095880389213562, 0.8022415637969971, 0.46753883361816406, -0.2878478169441223, 1.7580018043518066, 0.07963739335536957, 1.0783740282058716, 0.6770409941673279, 0.030643731355667114, 0.5621589422225952, -0.8415879011154175, 0.18217644095420837, 0.9042262434959412, 0.6264692544937134, 0.38748082518577576, -0.06295683979988098, -0.11626674979925156, -0.2545062303543091, 1.0777552127838135, -0.895230770111084, 0.4639318883419037, -0.3887673616409302, 0.6241399049758911, 1.4052214622497559, 1.436618447303772, -0.9540814757347107, -1.2349995374679565, -1.0646471977233887, -1.1176811456680298, -0.3762645721435547, 0.34598422050476074, 0.41597479581832886, 0.04803863912820816, 1.1156156063079834, -1.0341447591781616, 0.18133854866027832, -0.5714396238327026, -0.05895054340362549, -0.0224173441529274, 0.19509676098823547, 0.7631405591964722, 0.7909296751022339, -0.004757261835038662, 0.2781054377555847, -0.20329338312149048, -0.12433071434497833, -0.10075950622558594, -0.6241685152053833, 0.7713430523872375, 1.0789228677749634, -0.5016175508499146, -0.4864303469657898, -0.3771984577178955, 0.7319408655166626, -1.34175705909729, 0.49358421564102173, -0.07439573854207993, -0.3821216821670532, -0.930099606513977, -0.6256511807441711, 0.33897665143013, 0.14459076523780823, 0.6460112929344177, 0.09057042747735977, -0.3604612946510315, 1.2710087299346924, -0.12085594236850739, -0.13236656785011292, -1.167748212814331, 0.31148937344551086, -0.8894479870796204, 0.568719744682312, -0.19280290603637695, -0.10372667014598846, -0.6366362571716309, 0.5610222220420837, -1.0338377952575684, 1.0065644979476929, 0.6369209289550781, -0.6404396295547485, -0.3913891017436981, 0.41006556153297424, -0.10738123953342438, 0.6038213968276978, 0.7394555807113647, -0.4018530249595642, -1.2918708324432373, 1.235634684562683, 0.989712655544281, 0.2899062931537628, -0.009359652176499367, 0.5133445262908936, 0.04293413832783699, 0.17688292264938354, 0.7624363899230957]} +{"paper_id": "tab_fact", "embedding": [-0.6320555210113525, 1.1367542743682861, -0.2948058843612671, -0.13414905965328217, 0.11675422638654709, -0.0587451197206974, 1.2291288375854492, 0.6136705875396729, 0.5415913462638855, 0.8723339438438416, 0.03748068958520889, 0.6554632186889648, -0.11421873420476913, -0.5570372939109802, -0.6320341229438782, -0.07891156524419785, -0.43210193514823914, -0.4229131042957306, -1.0426087379455566, -0.6913760900497437, -0.18015733361244202, -1.131102204322815, 0.46419757604599, 0.6331889629364014, -1.1760190725326538, -0.31567296385765076, 1.141631841659546, -1.1072160005569458, -0.24921581149101257, 0.33720165491104126, -0.3951721787452698, 1.508135437965393, -1.7816082239151, 0.809436023235321, -0.35391709208488464, -0.03795526921749115, 0.20313245058059692, 1.0580112934112549, -0.16530659794807434, 0.4486323893070221, -0.4658561646938324, 0.35288554430007935, 0.40366291999816895, 0.12332974374294281, 0.5273919701576233, -0.7860589623451233, -0.1468529999256134, 0.45089563727378845, -0.42987489700317383, -0.2096118927001953, -0.7200666666030884, 0.42206403613090515, -0.12062601745128632, 0.6183243989944458, 0.37955382466316223, 0.9196169972419739, -0.08156655728816986, -0.37429171800613403, 0.7783330082893372, -0.1361066997051239, 1.7826082706451416, 1.325522541999817, -0.48717305064201355, 0.16373489797115326, 0.650574803352356, 0.05404062569141388, 1.0825715065002441, 0.42208999395370483, 0.4376230537891388, 0.6640447378158569, 0.39309805631637573, -0.7173320651054382, 0.4012187123298645, -0.3759115934371948, -0.3262307941913605, 0.960641622543335, 0.2628568410873413, -0.5578668117523193, 0.3915015161037445, -0.09216634929180145, -0.04830152168869972, 0.2432897537946701, 0.4751696288585663, -1.114747166633606, -0.5296605825424194, 0.3940016031265259, 0.39773717522621155, -0.3754594326019287, 0.9647645354270935, -0.6347889304161072, 1.0939712524414062, 0.5600253343582153, 0.39660778641700745, -0.19141462445259094, -0.4704849123954773, 0.39133593440055847, -1.0867880582809448, -0.2577822208404541, -0.3960416913032532, 0.06458021700382233, 0.8537619113922119, 0.06517459452152252, 0.7673482298851013, 0.28398606181144714, 0.09960547834634781, 0.8261777758598328, -0.10293549299240112, -0.31393861770629883, -0.38770145177841187, -0.2743377685546875, 0.06408169865608215, 0.422720730304718, -0.015040049329400063, 0.7995919585227966, -0.04361032694578171, 0.2289409637451172, 0.029353056102991104, -0.47736164927482605, -0.16400571167469025, 0.2721351981163025, 0.35202112793922424, -1.175986647605896, -0.32090723514556885, 0.25149619579315186, 0.7958342432975769, -0.2333143651485443, -0.18108269572257996, -0.18823814392089844, -0.01041687186807394, -0.37926971912384033, 0.36465105414390564, -0.23432576656341553, -0.6811129450798035, -0.06371414661407471, 3.4096779823303223, -0.9646079540252686, 1.3240824937820435, -0.41936594247817993, -0.1486402153968811, 0.4286419153213501, -0.24552899599075317, 0.73525071144104, 0.9952496886253357, 0.08690506219863892, -0.5378626585006714, 0.889369547367096, 0.0587027370929718, 0.6756985783576965, -2.1613473892211914, -0.21463991701602936, -0.3908611834049225, -0.02683376520872116, -1.76002037525177, -0.7193920612335205, 0.26058799028396606, 0.2376754879951477, -0.6310349106788635, 0.11054174602031708, -1.0590364933013916, 0.4628925919532776, 0.40510180592536926, -0.11879004538059235, -0.5985338687896729, 0.5458815693855286, -0.4117215573787689, -0.3017883002758026, 1.56289541721344, -0.6997725963592529, -1.456164002418518, 0.09367860108613968, 0.8805984854698181, -0.5236704349517822, -0.11191660165786743, -0.6596982479095459, 0.40467768907546997, 0.19811707735061646, 0.5974675416946411, 0.19714327156543732, 0.9256929159164429, -0.8687134385108948, -0.9377089738845825, -0.3067683279514313, -0.3146393895149231, 0.5304569602012634, -0.8179425597190857, 0.1266762763261795, -3.129084587097168, 0.5699037909507751, 0.2638261318206787, 0.4996981918811798, 0.6999297738075256, 0.17307350039482117, 1.004029631614685, 0.9425942897796631, 0.17362508177757263, -1.0117019414901733, -0.037050239741802216, -1.3047008514404297, 0.3439181447029114, -0.07282338291406631, -0.13218280673027039, 0.29692542552948, -0.6180527806282043, 0.24784305691719055, 0.8350949883460999, -0.8827029466629028, -0.5052536129951477, -2.8118159770965576, -0.42258763313293457, 2.1431045532226562, -0.17745855450630188, -0.1611662209033966, -0.8541831374168396, -0.18176257610321045, 0.4687710404396057, 0.03787272050976753, 0.6430879831314087, -0.7101464867591858, -0.16844329237937927, -0.3681846857070923, 0.4514467716217041, -0.5072211027145386, 0.7685012221336365, 0.23967310786247253, 0.5937418341636658, -1.2418203353881836, 0.7586439847946167, -0.770654022693634, -1.8341834545135498, 0.7781227827072144, 1.0920859575271606, -0.029682621359825134, 0.07648932188749313, 0.8174512982368469, -0.08404269814491272, 1.125614047050476, 0.3317004442214966, 0.7052043676376343, -1.1522446870803833, 0.17394104599952698, 0.2576446235179901, 1.014910340309143, 0.6584758162498474, 0.23594722151756287, 0.8946416974067688, 0.045300863683223724, -0.7602260708808899, -0.5507864952087402, -0.46342235803604126, -0.20664814114570618, 0.8966580033302307, -0.1898309886455536, -0.818562924861908, 0.515364944934845, -0.47706663608551025, -0.15010902285575867, -0.6680397987365723, -0.8921833038330078, -0.18261361122131348, 0.1981949657201767, 0.5241398811340332, 0.46152830123901367, 0.03499474376440048, -0.43492066860198975, -0.5286744832992554, -1.4029302597045898, -0.1597699671983719, -0.29582691192626953, 0.2387980967760086, -1.3512945175170898, 0.2756945788860321, -0.36668652296066284, -0.8752263188362122, -0.9582347273826599, 0.555400550365448, -0.4520837664604187, 0.2609498202800751, 0.9087722301483154, 1.3406952619552612, 0.374028742313385, 0.3603915572166443, 0.3606395125389099, 1.4696294069290161, -0.051057130098342896, 0.5913201570510864, -0.3134223520755768, 0.06624618917703629, -0.8405928015708923, 0.571723222732544, -0.8419575095176697, 0.8231340646743774, 0.6864806413650513, -0.9286767244338989, 0.36066776514053345, 0.40889954566955566, -0.4593130350112915, 1.230204463005066, 0.39339616894721985, -0.4504254162311554, -0.7593200206756592, 1.2997921705245972, -0.3209603726863861, -0.5644825100898743, 0.45785415172576904, -0.6085885167121887, -1.0703433752059937, 1.004473090171814, -0.5769762992858887, 0.8535580039024353, 0.15989536046981812, -0.10601899027824402, 0.6233665943145752, 0.08488438278436661, -1.814841866493225, 0.7884733080863953, 0.6016019582748413, -0.052887819707393646, -0.6392967700958252, -0.4849469065666199, -0.2547101378440857, -0.8317317366600037, 0.3487549424171448, 0.04343200847506523, -0.3194602131843567, 0.0582721121609211, -0.11182963848114014, 0.45377933979034424, 1.2375658750534058, -1.183561086654663, 0.36325228214263916, 0.4701891839504242, -0.43021446466445923, -0.3059629797935486, -0.3108588755130768, 1.0238720178604126, 0.12010939419269562, 0.257265567779541, -0.169376403093338, 1.3897531032562256, 0.9488639831542969, 0.19769984483718872, -0.1633307784795761, 1.146491289138794, 0.433810830116272, 0.6977770328521729, 0.49509504437446594, -0.8749048113822937, 0.678002655506134, -0.536161482334137, 1.0486606359481812, -0.9846128225326538, -0.490681916475296, -1.0498839616775513, -0.5588875412940979, -0.688292384147644, -1.1502878665924072, 1.8286828994750977, 0.8478290438652039, 2.1586406230926514, -0.531304121017456, 0.2310601770877838, -1.2893924713134766, -0.42023584246635437, 0.13589820265769958, 0.5458264946937561, 0.7037228941917419, -0.7532860040664673, 0.10972000658512115, 1.1273218393325806, 0.3937445878982544, 0.4369784891605377, -0.19848202168941498, 0.2694482207298279, 0.356665700674057, -0.8332922458648682, 0.17020754516124725, -0.2011934518814087, 0.5448024868965149, 1.11322021484375, -0.5084922313690186, -1.0181928873062134, 0.014833854511380196, -0.925937294960022, 0.12918390333652496, 0.25946280360221863, -1.2679544687271118, 0.43708276748657227, 0.17059750854969025, 0.14756424725055695, 0.5597086548805237, 0.695458173751831, 1.8786487579345703, -0.02764713764190674, -2.3657004833221436, -0.14770610630512238, -0.9875447154045105, -0.008744807913899422, -0.18720296025276184, -0.3042992949485779, -0.7244885563850403, 0.3790697455406189, 0.009546618908643723, -0.44335827231407166, 0.7222718000411987, -0.3103812634944916, -1.0373733043670654, 0.5751211643218994, 0.41674795746803284, -1.3781987428665161, -1.1411229372024536, 0.622113823890686, -0.7497037649154663, -1.1866875886917114, -0.16961389780044556, -0.20239828526973724, 0.7344197034835815, 0.7205498218536377, 1.124200701713562, -0.00724005326628685, 0.46042025089263916, -1.6545909643173218, 0.8773983120918274, 0.7123691439628601, -0.9616751670837402, 0.6276717185974121, 0.526329517364502, 0.2729560136795044, 0.03399333357810974, -1.1632248163223267, -0.5209055542945862, 1.1888619661331177, -0.06012701988220215, 0.0367119163274765, -0.698150098323822, -1.1968637704849243, 0.782565712928772, 0.16373220086097717, 0.04520121216773987, -0.5537946820259094, -0.05381216108798981, -0.36643725633621216, 0.158015638589859, 1.3393405675888062, -0.45499372482299805, -0.8507173657417297, 0.9737897515296936, -0.4620180130004883, 1.121950626373291, 0.28175631165504456, 0.18148978054523468, 1.594543695449829, 0.03762134909629822, -0.30330854654312134, -0.9330617785453796, -10.2930269241333, 0.7114332914352417, 0.1626064032316208, 0.23818336427211761, 0.18440552055835724, 0.19559511542320251, 0.40758609771728516, -0.5395669341087341, 0.4633932411670685, -1.1523219347000122, 0.7732810974121094, 1.8339377641677856, 0.44863593578338623, -0.009227936156094074, -0.34581366181373596, -1.7170811891555786, -0.12505567073822021, 0.36682426929473877, -0.08555600047111511, 0.12859471142292023, 0.4019390940666199, -1.2676247358322144, -0.10553710162639618, -0.00015590712428092957, 0.762452244758606, 0.20396512746810913, -0.16779622435569763, -0.4707591235637665, -0.2952597141265869, 0.0546267032623291, 0.8178168535232544, 0.23369352519512177, 0.25753384828567505, 0.032947175204753876, 0.035348400473594666, -0.3676818013191223, -0.8773897886276245, -0.1511858105659485, 0.6779518127441406, -0.7267971634864807, -0.8565666675567627, 1.2647877931594849, 0.18385934829711914, -0.38091957569122314, -0.43379291892051697, 0.6056919097900391, 0.49644389748573303, -0.9191091656684875, 0.6731950044631958, 0.4737030863761902, -0.14029958844184875, -1.3736214637756348, -0.9577280879020691, -0.6195865869522095, 0.594886302947998, -0.23788581788539886, -0.7735491991043091, -1.0434678792953491, -0.9022592902183533, -1.7496756315231323, 0.5874064564704895, 0.5546834468841553, -0.08032747358083725, 0.9117327332496643, 0.35297727584838867, -0.023240888491272926, 0.11796022206544876, 0.04669066518545151, -1.0646485090255737, 0.049693599343299866, -0.7150150537490845, 0.9681342840194702, 0.08838175982236862, -0.05095367133617401, -0.7580726146697998, -0.13043275475502014, -0.947080135345459, -0.0550130158662796, 0.17142178118228912, 0.20249538123607635, -1.4092118740081787, 1.1979620456695557, 0.4283352196216583, -1.1383029222488403, -0.9436652660369873, -0.007417447865009308, -0.1309666633605957, 0.025434616953134537, 0.4069644510746002, 0.011286981403827667, 1.1625149250030518, 0.3686561584472656, -0.48145222663879395, -0.811026394367218, -1.0618467330932617, 0.9209901690483093, -0.03329109400510788, 1.1023974418640137, 0.12627707421779633, -1.3515335321426392, 0.724358320236206, -0.09824216365814209, -0.9565364122390747, -0.6674014925956726, -0.11902837455272675, 0.4359700679779053, 0.25663089752197266, -0.39856821298599243, -0.17904964089393616, -0.3543824553489685, 0.7837372422218323, 0.28979799151420593, -0.6686860918998718, 1.267866849899292, -0.5598269701004028, 0.02296019345521927, 0.1729883849620819, 0.019466131925582886, 0.36638975143432617, 1.454520583152771, 0.08330308645963669, 1.330234169960022, -0.6925646662712097, 1.268796443939209, -0.6403157114982605, 0.39875343441963196, 1.3167738914489746, 0.29472723603248596, -0.12775331735610962, -1.5907279253005981, 0.3702860474586487, -0.2727862000465393, 0.1579740047454834, -0.768204391002655, -0.410952091217041, -0.046178292483091354, -0.027705829590559006, 1.081264615058899, -0.6587293148040771, -0.48361605405807495, -0.26915812492370605, -0.17373253405094147, -0.1885070502758026, -1.5888757705688477, -1.1103593111038208, 1.3100343942642212, -1.145444631576538, -0.11538700759410858, -1.0298073291778564, -0.8994886875152588, -0.16199548542499542, -0.6336736679077148, 1.3186330795288086, -0.6926349401473999, -0.5506355166435242, -0.6558194756507874, 0.46778741478919983, -0.3461749255657196, -0.8768373727798462, -0.3261510133743286, -0.275966078042984, 1.2713825702667236, -0.7451694011688232, 0.8303570747375488, 0.06613814830780029, -0.0535174198448658, -0.4522862434387207, -0.5208232998847961, 0.25164729356765747, -0.3590104877948761, 0.7027389407157898, -0.4946630597114563, 0.14046916365623474, 0.011954003944993019, 0.38362425565719604, -0.6512241959571838, 1.4190655946731567, 0.4321885406970978, -0.9588078856468201, -0.08832424879074097, 0.33559656143188477, 0.6615420579910278, 0.5128340721130371, 0.1862969696521759, 0.1334517002105713, -0.2908676862716675, -0.4247557520866394, 1.1383397579193115, -0.27180805802345276, 0.9085362553596497, -1.3516391515731812, -0.8404624462127686, -0.7675728797912598, 0.17816798388957977, 1.0107964277267456, 0.06370757520198822, 1.199295163154602, 0.8200364708900452, 0.4602799117565155, 0.3658030927181244, 0.9859943389892578, 1.144275188446045, 0.2833036482334137, 0.5725314617156982, -0.490361750125885, 0.5507094860076904, -0.5552429556846619, 0.2328120768070221, 0.5229454636573792, 0.7436811923980713, -1.1985037326812744, 0.2981176972389221, 0.28602680563926697, -0.8114866018295288, -0.20774732530117035, -1.2267749309539795, 0.5351671576499939, -1.152701497077942, -0.017873961478471756, -0.8217809200286865, 0.65538489818573, 0.6107583045959473, -0.024166874587535858, 0.8905039429664612, 0.9286155700683594, 0.6009851098060608, 1.168878436088562, 0.9973630905151367, 1.4267369508743286, 0.4412843585014343, -0.6309384703636169, 0.4525207579135895, 0.47016629576683044, -0.24131983518600464, -0.016147490590810776, -0.9298770427703857, -0.35281479358673096, 0.398205429315567, -0.4374005198478699, 1.3558286428451538, -0.7930794954299927, 0.1381414532661438, 0.8396328091621399, 0.9095878005027771, -0.8144232630729675, -1.3387495279312134, -0.6313665509223938, -0.9928986430168152, 0.027879729866981506, 1.0028274059295654, 0.8787084817886353, 0.22794488072395325, 0.8985543847084045, -0.05102580785751343, 1.2419867515563965, 0.08339196443557739, 0.11753425747156143, 0.10524612665176392, -0.6760474443435669, 1.4452141523361206, 1.0239713191986084, 0.06847123801708221, -0.24988721311092377, 0.07703214138746262, -0.9121473431587219, -0.3870956301689148, -1.1863359212875366, 0.7896867394447327, 0.24380160868167877, 0.37957441806793213, 0.3701886534690857, -0.30191993713378906, 1.5188487768173218, -1.3244826793670654, 0.25258883833885193, 0.15421831607818604, -0.7698179483413696, -0.49804723262786865, -0.7694407105445862, 0.19542919099330902, 0.08204612880945206, 0.005158841609954834, -0.3748023509979248, 0.27299898862838745, 1.1342544555664062, -0.09087296575307846, 0.39986857771873474, -0.3479733169078827, -0.1846393644809723, -0.5792833566665649, -0.48452919721603394, -0.07314729690551758, -0.6753029227256775, -0.31187817454338074, -0.0780588835477829, -0.10352849960327148, 0.05877910554409027, -0.8003706932067871, -0.24838310480117798, -0.4815118908882141, -0.12580537796020508, -0.5703399181365967, 0.018044140189886093, -0.34552550315856934, -0.5462215542793274, -1.1820298433303833, 0.8061162233352661, 0.443878710269928, -0.12700089812278748, -0.6658992171287537, -0.42215266823768616, 0.08618628978729248, 0.03118390589952469, 0.03586919605731964]} +{"paper_id": "poem_sentiment", "embedding": [-0.4622247517108917, 1.6556448936462402, 0.2884177267551422, -0.31837737560272217, 0.6785928010940552, -0.3313274681568146, 0.3346500098705292, -0.4150698184967041, 0.6579380035400391, 0.008547782897949219, 0.7855051755905151, -0.14592774212360382, -0.7183292508125305, 0.017941994592547417, -0.08023600280284882, 0.18420061469078064, -1.5317059755325317, 0.21329274773597717, -0.9753124117851257, -0.33172306418418884, -1.6127411127090454, 0.11243660748004913, -0.08578549325466156, 0.7672710418701172, -1.1445815563201904, -0.6037691831588745, 0.8139852285385132, -1.3073943853378296, -0.04213171452283859, -0.7929292321205139, -0.4162389636039734, 0.5454522371292114, -1.3700488805770874, 0.695340633392334, -0.38987240195274353, 0.11441930383443832, -0.4659545421600342, 1.5875709056854248, -0.598308265209198, -0.29789888858795166, -0.4840957820415497, 0.8998406529426575, 1.2270784378051758, 0.1412396878004074, 0.39192840456962585, 0.4684021472930908, -0.29863670468330383, 0.18084177374839783, 0.5089543461799622, -0.11085899919271469, -0.3701384365558624, 0.16454070806503296, 0.20446747541427612, -1.337975263595581, -0.3961595296859741, 1.907791018486023, -0.1593024730682373, -0.9715184569358826, 0.40986764430999756, -0.1188649833202362, 1.686183214187622, 2.134384870529175, -0.13356755673885345, -0.12567104399204254, 0.4407426416873932, -0.05618322268128395, 0.890331506729126, 0.5443820357322693, 0.26168110966682434, -0.036441169679164886, -0.5330343842506409, -0.4229239821434021, -0.27935612201690674, 0.2145257294178009, -0.8876148462295532, 0.3174489736557007, 0.21606393158435822, 0.5401720404624939, 0.6387848854064941, 0.33609116077423096, -0.8274593949317932, 0.5111204385757446, -0.209405779838562, -1.164163589477539, 0.3461207151412964, 0.7582008838653564, 0.04203832894563675, 0.5341349840164185, 0.4918266534805298, -2.3986101150512695, 0.4869977831840515, -0.6352998614311218, 0.9193153977394104, 0.07462315261363983, -0.8528922200202942, 0.36586278676986694, 1.3303269147872925, 0.17198717594146729, -0.43409061431884766, -0.30495935678482056, 0.29891279339790344, -0.49338826537132263, 0.6360774040222168, 0.18608972430229187, 0.329154908657074, 0.8691958785057068, 0.5781828165054321, -0.49300652742385864, -0.4143337309360504, -0.44913846254348755, -0.29377418756484985, 0.9494504332542419, 1.092787265777588, 0.878436267375946, -0.2649138271808624, -0.6441182494163513, -0.9215731024742126, -0.1387687474489212, 0.15834715962409973, 0.08907065540552139, -0.733595609664917, -1.0073188543319702, -0.2657396197319031, 0.7684652209281921, 1.2271218299865723, -0.2901780307292938, -0.35842883586883545, -0.4097946584224701, 0.027965424582362175, -0.5287657976150513, 0.45460355281829834, 0.08533534407615662, -1.1117311716079712, 0.19676876068115234, 2.2956490516662598, -0.13203006982803345, 0.6715280413627625, -0.6414526104927063, -0.1592099815607071, -1.1329320669174194, 0.11193151026964188, 1.3019388914108276, -0.3606531322002411, -1.081119418144226, -0.7217063903808594, -0.21265804767608643, -1.4671518802642822, 0.41017892956733704, -0.38326916098594666, -0.4908730685710907, 0.49455925822257996, 0.13446202874183655, -1.3656737804412842, -0.19259043037891388, -0.17799067497253418, -0.025795189663767815, 0.3527756333351135, 0.45677679777145386, 0.5723904967308044, 1.1071642637252808, 0.9383379220962524, 0.30827581882476807, -0.27017727494239807, 0.15185576677322388, -0.9672022461891174, -0.06699571013450623, 0.44827505946159363, -0.055311642587184906, 0.02066434547305107, -1.232393503189087, 0.5993291735649109, -1.268516182899475, 0.19717064499855042, 0.04280195012688637, -0.8428963422775269, 0.18139329552650452, 0.8404262661933899, 0.7430480122566223, -0.15230877697467804, -0.37534400820732117, -0.6973217725753784, -0.24239657819271088, -0.09665832668542862, 0.31354114413261414, -0.030615566298365593, 0.2780175507068634, -2.3663547039031982, -0.7960257530212402, -1.6917465925216675, 0.8133625984191895, 0.12252177298069, 0.6452950835227966, -0.422863245010376, -0.37551769614219666, -1.1526974439620972, 0.2160564810037613, 1.0067609548568726, -1.9014990329742432, -0.06490758806467056, 0.3437051773071289, 0.41186562180519104, 0.07456815987825394, 0.2034856081008911, 0.9995551109313965, 0.5548584461212158, -0.42408448457717896, 0.007979447953402996, -2.151766300201416, 0.7371412515640259, 2.043968915939331, -0.20123854279518127, -1.54328453540802, -0.6135795712471008, -0.08240969479084015, 0.3514935374259949, 0.773848831653595, 0.6849628686904907, -0.14087000489234924, -0.5239414572715759, -0.8310235142707825, 0.6905179619789124, -0.6538447737693787, 1.0560779571533203, 0.6717827320098877, 1.4688167572021484, -0.9436206221580505, -0.9656524658203125, -0.0061439573764801025, -2.091459274291992, 0.2314683198928833, -0.139084130525589, 0.3703337013721466, 0.2799181342124939, 0.6500993371009827, -0.08532112836837769, 0.38894790410995483, 0.7721745371818542, 0.5387840867042542, -0.3499528765678406, -0.4464447796344757, 0.41505885124206543, 1.194075345993042, -0.14396683871746063, -0.5841140151023865, 0.006391651928424835, 0.029323965311050415, 0.1475997418165207, -0.41091418266296387, -0.37347203493118286, -0.22394081950187683, 0.8861113786697388, 0.7949818968772888, -0.6850875020027161, 1.6810557842254639, -0.4282536804676056, -0.10007282346487045, -0.33317840099334717, -0.4597683250904083, 0.1198028177022934, -0.3756977319717407, -0.6037248373031616, 0.20822863280773163, 0.03148572891950607, -0.8820191621780396, -0.9306897521018982, -0.6523662805557251, 0.43007680773735046, 0.02539645880460739, -0.543535590171814, -1.162833333015442, -0.45849812030792236, -0.3820086121559143, -1.8788390159606934, -0.3235875368118286, -0.007364388555288315, 0.09872964769601822, -0.9014602899551392, 0.19016572833061218, 1.0495744943618774, -1.0190355777740479, -0.2908274531364441, -0.08633148670196533, 1.2453210353851318, -0.5205977559089661, 0.49403607845306396, -0.8030356168746948, -0.04325822740793228, -0.8521333336830139, 0.4783127009868622, -0.6242488026618958, 0.08167985826730728, 0.5092765688896179, -0.026937849819660187, 0.8690807819366455, -0.6840469241142273, -0.6035470366477966, 0.30089789628982544, -0.28002068400382996, 0.4588962495326996, -0.7045333385467529, 1.0328010320663452, 0.496593713760376, -0.37920060753822327, 1.566365122795105, -0.7571728229522705, -0.3076562285423279, 1.3214333057403564, -0.3267989754676819, 0.765129566192627, 0.34467989206314087, -0.07333984971046448, 0.2985146641731262, 0.012161795049905777, -0.990970253944397, 0.03216526657342911, 1.49005126953125, -0.71718829870224, 0.2790387272834778, -0.46414968371391296, 0.5592151284217834, -0.797639012336731, -0.016878098249435425, 0.16053733229637146, -0.4612971246242523, 0.31803098320961, -1.0970582962036133, -0.28790342807769775, 0.447453111410141, -0.6197444200515747, 0.708867609500885, 1.1090298891067505, 0.29195141792297363, -2.0335097312927246, -0.11544131487607956, 0.43237096071243286, -0.7059129476547241, 0.9409948587417603, -0.20283564925193787, 0.591750979423523, 1.2382820844650269, -0.5839097499847412, -0.5339046120643616, 0.27751076221466064, 0.13357359170913696, 0.37899407744407654, 0.49665871262550354, 0.23285570740699768, 0.6758592128753662, -1.048126459121704, 1.4831808805465698, 0.13187851011753082, -0.6437785625457764, -1.269964575767517, 0.2003917545080185, -0.8736433982849121, -0.37553080916404724, 1.5077314376831055, 1.3352521657943726, 1.4822068214416504, 0.09356588870286942, 0.08201519399881363, 0.7399052977561951, 0.2396641969680786, 0.33106452226638794, 0.6247151494026184, -0.010297417640686035, -0.12455969303846359, 0.2531658411026001, 0.5369327068328857, 0.18630941212177277, -0.3370654284954071, 0.36574405431747437, 0.4077565670013428, -0.28477898240089417, -0.38007625937461853, 0.7389048337936401, 0.3846903443336487, 0.18578675389289856, 1.5191296339035034, -0.7642275094985962, -0.7872990965843201, 0.6300822496414185, 0.40013715624809265, 0.5262496471405029, -0.23976567387580872, -0.47801071405410767, 0.8165478706359863, 0.6287918090820312, 0.4212118089199066, -0.4725486636161804, 0.7259659767150879, 0.1387883722782135, -0.44303596019744873, -0.5324997305870056, 0.0026678703725337982, -1.1192697286605835, -0.35575979948043823, 0.1356508433818817, 0.5333268046379089, -0.2649221420288086, 0.06789610534906387, -0.6891499757766724, -1.4951626062393188, 0.3287351727485657, -0.1519934982061386, -0.12893804907798767, 0.5759544968605042, 1.1525039672851562, -1.1997451782226562, -0.6678999066352844, -0.11975674331188202, -0.6164963841438293, -0.4280959963798523, 0.08976395428180695, -0.7054122090339661, 0.6436096429824829, 0.12281548976898193, 0.16266289353370667, 0.011858757585287094, -0.7861799597740173, -0.5537180304527283, 0.5592969655990601, 1.3262118101119995, -0.332067608833313, 0.9405004978179932, 0.5301886796951294, 0.5536081790924072, 1.0141774415969849, -0.9116069078445435, -0.8350836634635925, 0.9047051668167114, 0.09767661988735199, -0.1770169734954834, -0.8404099345207214, -0.43712618947029114, 0.6412879824638367, 0.14765924215316772, 1.00382399559021, -0.9055833220481873, -0.34633052349090576, -0.4870634078979492, 0.7450987696647644, 0.9847359657287598, -0.8423818945884705, -0.9214590191841125, 0.34922415018081665, 0.10790742188692093, 0.2057928442955017, -0.11598864197731018, -0.48544326424598694, 0.6112140417098999, -0.10560740530490875, -0.47483688592910767, -0.33392277359962463, -10.350444793701172, 0.7796658873558044, -0.5319038033485413, 0.19886170327663422, 1.3105864524841309, -0.45936039090156555, 0.4895625114440918, -0.33760151267051697, 1.8708807229995728, -0.6925274133682251, 0.07272283732891083, 1.2933197021484375, 0.19700798392295837, 0.17828290164470673, -0.5340050458908081, -1.5858418941497803, -1.8394254446029663, -1.3151154518127441, 0.020634159445762634, 0.08985916525125504, -0.05902363359928131, -0.2543278932571411, 0.19932781159877777, -0.06633783876895905, 0.366110622882843, 0.423887699842453, -0.19416555762290955, -0.6590937376022339, 0.032350584864616394, 0.9833697080612183, 1.2525614500045776, 0.03861502557992935, -1.180646300315857, -1.2933173179626465, 0.5290107131004333, 0.0207730233669281, -1.8816967010498047, -0.06959947943687439, 1.0404980182647705, -0.33064109086990356, 0.3261655569076538, 0.26683929562568665, 0.3109881579875946, 0.3965258002281189, -0.9980764389038086, -0.07313577830791473, 0.02115768752992153, -0.014174425974488258, -0.4298877418041229, -0.5463184714317322, -1.1053991317749023, -0.7098277807235718, -0.9551323056221008, 0.12175841629505157, 0.46756473183631897, 0.47847840189933777, -0.6328929662704468, -0.11380983889102936, -1.3088487386703491, -0.5673536062240601, 0.415639728307724, 0.4712928533554077, -0.7037804126739502, -0.029570024460554123, 0.36933764815330505, -0.24099218845367432, 0.5156660079956055, 0.8431214094161987, -0.09632578492164612, -0.006067536771297455, -0.4882993698120117, 1.0975027084350586, -0.21492049098014832, 0.9196927547454834, 0.6309720277786255, 0.03087082877755165, 0.09692081809043884, -0.08971396088600159, 0.8740041851997375, -0.40988636016845703, -1.0117943286895752, 1.130105972290039, -0.17759820818901062, -0.5883296728134155, -0.742810070514679, 1.0277390480041504, -0.22605407238006592, -0.6478515267372131, 0.3218413293361664, -0.3754688501358032, 0.8407794237136841, -0.3091329336166382, 0.6469675898551941, 1.0322049856185913, -0.6249781250953674, 0.7056905627250671, -0.08770999312400818, 0.179448202252388, 0.4841563403606415, -0.7172790765762329, 0.4945291578769684, 0.2070777416229248, -0.4697169065475464, -0.9089659452438354, -0.08451136201620102, -0.3729982078075409, 0.1987120509147644, -0.04391980171203613, -0.2604992985725403, -0.7109789848327637, 0.06936337798833847, 0.028447553515434265, 0.2260609120130539, 0.8889094591140747, -0.04485199600458145, 1.1293820142745972, 1.3909885883331299, -0.8501834273338318, 0.09512706845998764, 1.3627558946609497, -0.6514681577682495, 0.8498357534408569, 1.075968861579895, 0.6566159725189209, 0.10642150044441223, 0.660835862159729, 0.6963207721710205, -0.13313178718090057, -0.16287167370319366, -1.0911999940872192, 0.42269161343574524, -0.8010395765304565, -0.002502724528312683, -0.27823522686958313, -0.44044792652130127, -0.22121095657348633, -1.8758540153503418, 0.6767482757568359, -0.5601977705955505, 0.47954440116882324, -0.2922991216182709, -0.745956301689148, 0.18233969807624817, -0.8751804828643799, -0.7555587887763977, -0.7545640468597412, -2.4556078910827637, 0.5134788155555725, -0.3514070510864258, -0.17987051606178284, 0.10778486728668213, 0.5671124458312988, 0.1270521581172943, -1.111882209777832, -0.09597960114479065, -0.07227329909801483, 0.10816687345504761, -0.8812196850776672, -0.06812798976898193, 0.0064125657081604, 0.740138828754425, 0.4719011187553406, 0.28935638070106506, 0.831342875957489, 0.37234508991241455, -0.2374282032251358, 0.7106930017471313, 0.332221120595932, -1.4484758377075195, 0.5752929449081421, 1.275648593902588, -0.7712088227272034, -0.12434881180524826, -0.8347744345664978, 0.09328404068946838, -0.8421562910079956, 1.1025817394256592, 1.7459981441497803, -0.37478721141815186, 0.34401172399520874, -0.35745564103126526, 0.8587918877601624, 0.7394362092018127, -0.22504854202270508, -0.3913085460662842, 0.1444125771522522, 0.28084349632263184, 0.06799986958503723, 0.13086122274398804, 0.9777751564979553, -2.0259153842926025, -1.271235466003418, -0.027969544753432274, -0.250903457403183, 0.7218210697174072, -0.2682282030582428, 0.7643908858299255, 0.9518012404441833, -0.4725523889064789, 0.12413283437490463, -0.10369758307933807, 0.214372456073761, -0.4083468019962311, 0.49378764629364014, 0.3592948317527771, -0.5656276941299438, -0.5274955034255981, -0.1889488250017166, 0.5407233238220215, 0.4497831463813782, -0.4810163676738739, -0.5099616646766663, 0.09535228461027145, 0.29596152901649475, 0.9521304965019226, -0.36341148614883423, 0.30058521032333374, -0.23466166853904724, -0.7413066625595093, -0.8060115575790405, -0.11585059016942978, 1.8053988218307495, 0.5427576303482056, 0.9028231501579285, 0.8730766773223877, -0.03897397592663765, 1.0925546884536743, 0.8235412836074829, 1.0149414539337158, -0.22796766459941864, -0.39875105023384094, -0.30970361828804016, -0.025123361498117447, 0.17301425337791443, -0.16709265112876892, -0.610146701335907, -0.9347742199897766, 0.1853823959827423, -0.6779636144638062, 0.22566357254981995, -0.25516998767852783, 0.1284579634666443, 0.2882344126701355, 1.4214417934417725, -0.4410742521286011, -1.2202454805374146, 0.33944255113601685, -1.1212236881256104, 0.17143547534942627, 0.4267839789390564, -0.46331459283828735, 1.6160897016525269, 0.6160169243812561, 0.9444083571434021, 1.3186516761779785, -0.22315944731235504, -0.27461522817611694, 0.03625059500336647, 0.14721694588661194, 1.366860270500183, 0.9213677644729614, 1.2977890968322754, 0.2661009728908539, -0.2873394787311554, -0.9387558102607727, -0.8520745038986206, -0.6069025993347168, 0.9299238920211792, 0.6887491941452026, -0.4392375648021698, -0.2993881106376648, -1.1414211988449097, 0.1690952479839325, -0.5220211148262024, 0.22090083360671997, 1.2714470624923706, -0.4957542419433594, -0.8117643594741821, -0.9827947616577148, -0.49889829754829407, 1.4651308059692383, -0.3663237392902374, 0.08576249331235886, -0.46741241216659546, 1.024412751197815, 0.005034380592405796, -0.1434042602777481, -0.558285653591156, 0.24712751805782318, -0.28142085671424866, -0.39727675914764404, 0.317153662443161, -0.509786069393158, -0.7081490159034729, -0.5438639521598816, -0.5328739881515503, 0.963390588760376, 0.9794991612434387, -1.133671522140503, -0.025797558948397636, 0.24750825762748718, 0.3464043438434601, 0.757785439491272, 0.6108068823814392, 0.6614294052124023, -1.8142430782318115, 1.1880898475646973, 0.8134012818336487, 0.15926067531108856, -0.4630027711391449, -0.007940955460071564, 0.4836094081401825, -0.3545093834400177, 1.6226567029953003]} +{"paper_id": "health_fact", "embedding": [-0.7041515707969666, 0.4170267879962921, -1.312037467956543, -0.33352965116500854, 0.18737688660621643, 0.26821383833885193, 0.9350508451461792, 0.5092115998268127, 0.8664204478263855, 0.9779192209243774, 0.02567138522863388, 0.8672707080841064, -0.5347146391868591, 0.1442546397447586, 0.22698824107646942, -0.5391724705696106, -0.3701930642127991, 0.1698736995458603, -0.486113041639328, -0.23567700386047363, -0.4080848693847656, -0.6220102906227112, 0.5037634968757629, 0.47884684801101685, -1.1946030855178833, -0.0785381868481636, 1.6184858083724976, -0.6620730757713318, 0.11117798089981079, 0.1497708410024643, 0.07685893774032593, 1.9982047080993652, -1.9203087091445923, 0.8823084235191345, -0.44936612248420715, -0.4441232681274414, -0.9174834489822388, 1.0798027515411377, -0.13442495465278625, 0.7046064734458923, -0.669085681438446, 0.6000621318817139, 0.6384211778640747, -0.0977381095290184, -0.36334800720214844, -0.3435455560684204, 0.6510473489761353, 0.2233801931142807, -0.09897017478942871, -0.523365318775177, 0.04375768452882767, 0.962412416934967, -0.32725805044174194, 0.8861931562423706, 0.43423035740852356, 1.0822811126708984, 0.1335206925868988, -0.29081737995147705, 0.690143346786499, -0.6320663690567017, 1.8600887060165405, 1.591920256614685, -1.136228322982788, -0.3247058391571045, 0.20054543018341064, 0.6364034414291382, 1.1744734048843384, 0.2812042832374573, 0.12661246955394745, 0.8270695209503174, 0.04725217819213867, -1.6357784271240234, -0.19991442561149597, -0.8397793173789978, -0.18449345231056213, 0.7644745111465454, 0.2523261606693268, -0.03151275962591171, 0.1699395775794983, -0.2973208427429199, 0.5169560313224792, -0.15285292267799377, 0.39135128259658813, -0.9118971824645996, -0.08371104300022125, 0.3262721598148346, 0.06377977877855301, -0.6473783850669861, 0.2741781771183014, -1.1115471124649048, 1.132609248161316, 0.28736716508865356, 0.10105448216199875, -0.047809816896915436, 0.09085293859243393, 1.2315425872802734, -0.9263283610343933, -0.6098871827125549, 0.25561389327049255, 0.3021561801433563, 0.31532686948776245, -0.14489047229290009, 0.8581811785697937, -0.040775664150714874, -0.11408236622810364, 1.415879249572754, -0.04763094335794449, 0.0810893177986145, -0.3394641876220703, -0.3128647804260254, -0.9292197227478027, 0.8682807087898254, 0.15410412847995758, 0.6287292242050171, -0.6545119881629944, 0.49065539240837097, 0.5753864645957947, -0.5651644468307495, -0.4160130023956299, 0.48967164754867554, 0.07122823596000671, -1.2587288618087769, -0.7286195755004883, 0.5518168807029724, 1.1405558586120605, 0.195273295044899, -0.06480984389781952, -0.10832765698432922, -0.30536338686943054, -0.23821131885051727, 0.46399128437042236, 0.13486188650131226, -0.932477593421936, 0.7422431707382202, 2.8766391277313232, -0.8962762355804443, 1.1704903841018677, -0.3244684934616089, -0.21042007207870483, 0.042793288826942444, -0.14469170570373535, 0.33355847001075745, 0.8154531717300415, -0.6034268140792847, -0.9578638672828674, 0.6216236352920532, -0.39693617820739746, 0.24980562925338745, -1.254108190536499, -0.22596852481365204, -0.06372445821762085, 0.912564218044281, -1.200854778289795, -0.12844158709049225, 0.36454248428344727, 0.5795163512229919, -0.7151169180870056, -0.4978107511997223, -1.0172957181930542, -0.06153564155101776, 0.16525578498840332, 0.23335213959217072, -0.49714067578315735, 0.9916167855262756, 0.22779521346092224, 0.045572251081466675, 1.250868320465088, -0.5892727375030518, -1.4204204082489014, 0.495930552482605, 0.9962562918663025, -0.5414616465568542, -0.27039390802383423, -0.8780741095542908, -0.36764901876449585, -0.3228902816772461, -0.14415118098258972, 0.5869122743606567, 0.6932571530342102, -0.6827298402786255, -0.8552142381668091, 0.26483428478240967, -0.3362252116203308, 0.5805583000183105, -1.0639379024505615, -0.512871265411377, -2.0372374057769775, 0.373069167137146, -0.5460447072982788, 0.9541542530059814, 0.3213387429714203, 0.8821225166320801, 0.6802278757095337, 0.8123257160186768, -0.20875880122184753, -0.7723866701126099, 0.2916281521320343, -1.326835036277771, 0.18245452642440796, -0.28808802366256714, -0.5779274106025696, -0.4142654240131378, -0.2741219997406006, -0.0895194411277771, 1.1741957664489746, -0.8609195351600647, -0.7857896685600281, -2.167308807373047, 0.49255484342575073, 0.7042154669761658, -0.30026429891586304, -0.3611743748188019, -1.0579392910003662, -0.012024357914924622, 0.3293096423149109, -0.29723060131073, 0.1594659388065338, -0.8404374718666077, 0.45723769068717957, -1.6924575567245483, 0.44125843048095703, -0.10755576938390732, -0.054926805198192596, 0.3593413233757019, 0.8072291612625122, -0.6819098591804504, -0.05359385535120964, -0.5996087193489075, -2.0128073692321777, 0.48817867040634155, 0.3609454929828644, -0.07942354679107666, 0.2758379578590393, 0.11188934743404388, 0.41406846046447754, 1.606438159942627, 0.18593314290046692, 0.044201020151376724, -1.4866130352020264, 0.025136673822999, 0.3067219853401184, 1.1222422122955322, 1.048355221748352, -0.5405039191246033, 0.46110081672668457, 0.4517735242843628, -0.11040188372135162, -0.621647298336029, -0.5220019817352295, -0.814365804195404, 0.9413077235221863, 0.26591500639915466, -0.9753469824790955, 0.43283939361572266, -0.5611667037010193, 0.09423994272947311, 0.1169985830783844, -1.0398280620574951, -0.5412273406982422, 0.4795622229576111, 0.3935253620147705, 0.9463886618614197, -0.12748047709465027, -0.3171829581260681, -0.4638705551624298, -0.9612669944763184, 1.1065592765808105, -0.6130842566490173, -0.07656355202198029, -0.5676424503326416, -0.03357730805873871, -0.4373056888580322, -0.6711701154708862, -0.6449074149131775, 0.16180184483528137, -0.19190262258052826, -0.6949641704559326, 0.16916358470916748, 0.10229170322418213, 0.23991167545318604, -0.04694191366434097, -0.32935431599617004, 1.3565304279327393, -0.33391305804252625, 0.6002495884895325, -0.64488285779953, -0.14959797263145447, -0.11322757601737976, 0.357621431350708, -0.6591911911964417, 0.201669842004776, -0.49500203132629395, -0.8906463384628296, 0.9824337363243103, -0.1191028356552124, 0.18450462818145752, 1.3443927764892578, 1.0505924224853516, -0.9184325337409973, -0.8718366026878357, 1.113991141319275, -0.24848029017448425, -0.05221538245677948, 0.5759672522544861, 0.042055293917655945, -0.763283908367157, 1.314639687538147, -0.10753733664751053, 0.06925288587808609, -0.2795957028865814, -0.390720009803772, 0.594148576259613, 0.4687822759151459, -1.1130216121673584, 0.4635608196258545, 0.8912779688835144, -0.6524516344070435, -0.5326296091079712, -1.0442681312561035, 0.2542991638183594, -0.4139171242713928, 0.12403683364391327, -0.21194076538085938, -0.17534153163433075, -0.20414438843727112, -0.4430445432662964, 0.35453957319259644, 1.2229160070419312, -1.6016002893447876, -0.1780579835176468, -0.37862628698349, -0.3068738579750061, -0.9132555723190308, -0.39861974120140076, 1.0656850337982178, 0.21381999552249908, 0.6494624614715576, -0.39867687225341797, 1.4951306581497192, 0.9953434467315674, -0.05897980183362961, -0.19775213301181793, 1.2019139528274536, 0.02557014673948288, 0.4747666120529175, 0.36172500252723694, -0.16716212034225464, 0.10897576063871384, -0.7187523245811462, 1.5245130062103271, 0.3414742946624756, -0.050615739077329636, -1.1771832704544067, 0.06393386423587799, -0.7689077854156494, -1.0105658769607544, 1.1289033889770508, 0.9035758376121521, 1.0548509359359741, 0.12790070474147797, 1.3416483402252197, -0.7920371294021606, -0.08599824458360672, -0.12161245942115784, -0.45460745692253113, 0.8268728852272034, -0.8751022815704346, 0.9181168079376221, 0.8199710249900818, -0.0712231919169426, -0.08382513374090195, -0.13675643503665924, 0.4612463414669037, 0.6050329208374023, 0.2523196339607239, 0.263233482837677, -0.7906877994537354, -0.0195326991379261, 1.080551028251648, -0.2792558968067169, -0.9020112156867981, -0.07230553776025772, -0.33531761169433594, 0.6076751947402954, 0.33135175704956055, -0.16046608984470367, 0.23395517468452454, -0.3560010492801666, 0.24871385097503662, 0.4827764630317688, -0.037579234689474106, 0.997987687587738, 0.43657663464546204, -1.6765129566192627, 0.12371042370796204, -0.18307234346866608, 0.036954499781131744, 0.31465548276901245, 0.19686321914196014, 0.2057572454214096, 0.36794450879096985, -0.2436874806880951, -1.0575065612792969, 0.37611228227615356, -0.5379654169082642, -0.9540752172470093, 0.6140622496604919, 0.4579213559627533, -2.099717617034912, -0.5754764080047607, 0.290738046169281, -0.46150925755500793, -0.7332494258880615, 0.5297307372093201, -0.19670909643173218, 1.4274908304214478, 0.4141151010990143, 0.7643275260925293, -0.22578862309455872, 0.5129084587097168, -0.6622397303581238, 1.283728003501892, 0.4204729199409485, -1.2299572229385376, 0.8328994512557983, 0.6288469433784485, 0.6006486415863037, 0.8273152112960815, -0.8266680240631104, -0.5416567325592041, 1.8427730798721313, 0.013193421065807343, 0.27345970273017883, -0.4889843165874481, -0.793987512588501, 1.6078145503997803, -0.061638474464416504, 0.1828305423259735, -0.4570316970348358, -0.4838850498199463, -0.9003410935401917, 0.2901422679424286, 1.232029676437378, -0.6121547818183899, -1.127994179725647, 0.5654826164245605, 0.167014479637146, 0.22786292433738708, -0.49795278906822205, -0.9390580654144287, 1.6471238136291504, -0.43197038769721985, 0.27709853649139404, -0.9314702153205872, -10.943475723266602, 1.255725383758545, -0.37498676776885986, 1.009749412536621, 0.19914118945598602, 0.05702769011259079, -0.525750994682312, -0.5989033579826355, 0.6028115153312683, -0.7369670271873474, 0.5786691904067993, 1.88784921169281, -0.22109031677246094, -0.36565908789634705, -1.0409293174743652, -1.6430026292800903, -0.029361911118030548, -0.018608935177326202, -0.6515851616859436, -0.2886457145214081, 1.2375614643096924, -1.3457058668136597, 0.5845374464988708, -0.24329356849193573, 0.77857905626297, -0.2649576961994171, -0.22465768456459045, 0.2841406762599945, -0.2328575998544693, 0.3420267105102539, 0.9568220376968384, 0.32771191000938416, 0.0676371157169342, -0.13858641684055328, -0.01302049309015274, -0.26266586780548096, -1.0076063871383667, 0.21284699440002441, 1.0065401792526245, -0.3605274558067322, -0.0041425153613090515, 0.6210536956787109, -0.1574341505765915, -0.5454292893409729, -0.2917712926864624, 0.5820770263671875, 0.4456959366798401, -0.6409025192260742, -0.17609940469264984, 0.01213044673204422, -0.11062335968017578, -0.35029369592666626, -0.0005125179886817932, -0.5164734125137329, 0.5203124284744263, -0.44660601019859314, -1.0755290985107422, -0.358542263507843, -1.7024400234222412, -1.5850238800048828, 0.0980568379163742, -0.2658708691596985, -0.16319791972637177, 0.2397114634513855, 0.13186290860176086, 0.08402666449546814, 0.44647476077079773, 0.5127948522567749, -1.1356899738311768, -0.0460849367082119, -1.1970728635787964, 0.8171780109405518, -0.1303766965866089, -0.33341336250305176, -1.1796928644180298, -0.0815821960568428, -0.6854256391525269, -0.0341215506196022, 0.6885772347450256, -0.8361144065856934, -1.3509786128997803, 0.899566650390625, 0.5459066033363342, -0.3674938678741455, -1.308044672012329, 0.14431051909923553, 0.5124226808547974, -0.8787128329277039, 0.17876040935516357, -0.25344327092170715, 0.6520407795906067, 0.35051196813583374, 0.07321800291538239, -0.2487090528011322, -0.5923584699630737, 0.4409220814704895, 0.16553471982479095, 0.8190480470657349, -0.03604094684123993, -0.9224274158477783, 0.03166579082608223, -0.019756942987442017, -1.3325059413909912, 0.3399442136287689, 0.14806969463825226, 0.3054952621459961, 0.39768266677856445, -0.307783842086792, -0.20372827351093292, 0.033419668674468994, 0.8814821243286133, -0.6436249017715454, -0.0016229525208473206, 1.5790199041366577, -0.9158812761306763, 0.019477564841508865, 0.8084626793861389, -0.3070506155490875, 0.7109501957893372, 1.179760217666626, -0.2925280034542084, 0.7491596937179565, -0.21598459780216217, 0.9868212342262268, -0.3842284083366394, 0.33836638927459717, 0.29950881004333496, -0.15429487824440002, -0.03735199570655823, -1.8045430183410645, 0.5003368258476257, -0.10119031369686127, 0.3059304356575012, -0.5193593502044678, 0.1746244877576828, -0.2196889966726303, -0.10803495347499847, 0.6355915069580078, -0.41214263439178467, 0.635673999786377, -0.8088904023170471, 0.5391904711723328, 0.5317776203155518, -1.340283989906311, -1.4217240810394287, 0.5002263784408569, -1.3033815622329712, 1.1347377300262451, -0.7564252614974976, -0.5633835792541504, 0.138863205909729, -0.3670848608016968, 0.6858054995536804, -0.44253772497177124, 0.08784819394350052, -0.5473989248275757, 0.5893399119377136, -0.02671511098742485, -0.6330690383911133, -0.5650283098220825, -0.1289559006690979, 1.0154093503952026, -0.8160529136657715, 0.5221757292747498, 0.16725648939609528, -0.27060768008232117, 0.19660145044326782, -0.5654611587524414, -0.047151368111371994, -0.28961023688316345, 1.1407607793807983, -1.3424665927886963, -0.35661524534225464, -0.2680068612098694, 0.9378950595855713, -0.7911514043807983, 1.0561333894729614, 0.41623085737228394, -1.0076944828033447, -0.7779958844184875, 0.3046724200248718, 0.6520135402679443, 0.10987521708011627, -0.41295096278190613, -0.44280242919921875, -0.39479711651802063, 0.041971586644649506, 0.6572216153144836, 0.182738795876503, 1.1332401037216187, -1.2235898971557617, -0.5658897757530212, -1.2379802465438843, 0.14056459069252014, 1.0139524936676025, -0.014081280678510666, 1.1727575063705444, 1.4393737316131592, -0.1502608209848404, 0.1878378987312317, 0.7487927079200745, 1.1263614892959595, 0.21191717684268951, 0.10568715631961823, -0.6503428816795349, 0.5710703134536743, -0.6353232860565186, 0.2386401891708374, -0.5223393440246582, 1.0460368394851685, -1.1518255472183228, -0.04931071773171425, -0.005651596933603287, -1.2342453002929688, 0.16215762495994568, -0.8745360374450684, 0.24616006016731262, -0.8938520550727844, 0.0998828336596489, -1.1900827884674072, 0.9876723885536194, 0.4648008942604065, 0.7344410419464111, 0.2560712695121765, -0.05176854506134987, 0.6123146414756775, 1.8902602195739746, 0.6776729822158813, 1.4993747472763062, 0.7877766489982605, 0.40977081656455994, 0.620341956615448, 0.11160257458686829, 0.205892413854599, 0.5890066623687744, 0.13336552679538727, -0.2783971428871155, 0.960844874382019, -0.2785911560058594, 1.1685806512832642, -0.7858293652534485, -0.13749881088733673, 0.6749822497367859, 0.4793429970741272, -0.8647499084472656, -0.6338218450546265, -0.6924500465393066, -0.9590588212013245, -0.5909966230392456, 0.916897177696228, 1.6745328903198242, 0.24214082956314087, 0.736910879611969, -0.3185794949531555, 0.720819890499115, -0.5337913632392883, 0.3584648370742798, 0.12658777832984924, 0.14748242497444153, 1.1507866382598877, 0.8588326573371887, 0.5983451008796692, 0.3896873891353607, 0.6437925696372986, -0.6812459230422974, 0.17056231200695038, -0.5685204863548279, 1.0043253898620605, 0.2659180164337158, -0.43713992834091187, 0.5764548778533936, -0.464557409286499, 0.4894726574420929, -0.5100945234298706, 0.18640972673892975, 0.3021220564842224, -0.6925497055053711, -0.5653226971626282, -1.3234142065048218, 0.26756399869918823, 0.9915260672569275, -0.22208952903747559, -1.4940043687820435, 0.09421905130147934, 1.4981478452682495, 0.3663579523563385, 0.13334150612354279, -0.22588074207305908, 0.10670448839664459, -0.18819086253643036, -0.5567381381988525, -0.6045863628387451, -0.4479847848415375, -1.1019972562789917, 0.01034360658377409, -0.32176390290260315, 0.08750220388174057, -0.6688613891601562, -0.7627571821212769, -0.34425264596939087, 0.3354952335357666, 0.7272448539733887, 0.5105133652687073, -0.6612008810043335, -0.45479992032051086, -0.7668537497520447, 0.1886991560459137, 0.11997237801551819, 0.21809399127960205, -0.216391921043396, 0.2416703999042511, 0.5220204591751099, -0.3177270293235779, 0.5416525602340698]} +{"paper_id": "scitldr", "embedding": [-0.4096951484680176, 1.45081627368927, -0.3038177788257599, 0.1421307772397995, 0.5184139609336853, 0.16429488360881805, 1.0086857080459595, 0.3489304780960083, 0.7297878265380859, 0.576603889465332, 0.1800403892993927, 0.23580901324748993, 0.20229128003120422, 0.017272455617785454, -0.3655753433704376, -0.051100581884384155, -0.5377730131149292, -0.26368874311447144, -0.5421005487442017, -0.8810909390449524, -1.4082709550857544, 0.17974643409252167, -0.01394866406917572, -0.41717687249183655, -0.6051895022392273, -0.007425075396895409, 0.5682945251464844, -1.2697430849075317, -0.004148215055465698, 0.31876084208488464, 0.19338852167129517, 1.131005883216858, -2.0913641452789307, 0.19709977507591248, -1.4806514978408813, -0.4092617332935333, 0.2530370354652405, 1.0429465770721436, -0.32333099842071533, -0.2965984344482422, -0.9595263004302979, 0.362374871969223, 1.0414243936538696, -0.05530734732747078, 0.31254690885543823, -0.13887017965316772, 0.5863065719604492, -0.022180985659360886, -0.10242851078510284, 0.037756215780973434, 0.010733463801443577, 0.1683635413646698, -0.09064630419015884, 0.2765055000782013, -0.19665846228599548, 1.5531575679779053, 0.0029757320880889893, -0.749843418598175, 0.43064960837364197, -0.658642053604126, 0.9711993336677551, 1.4343050718307495, -0.44734087586402893, -0.11601144075393677, 1.140754222869873, -0.4485621452331543, 1.3518800735473633, 0.5792421102523804, 0.2631007432937622, 0.6283693909645081, -0.7469140887260437, -1.251235842704773, -0.8403226733207703, -0.6713787913322449, -0.47211167216300964, 0.7487692832946777, 0.09822776168584824, -0.8456664681434631, 1.302079439163208, -0.25528818368911743, -0.8025488257408142, 0.6403321027755737, 0.790752649307251, -0.2471044659614563, -0.5415428876876831, -0.5635690093040466, 0.08089996874332428, -0.13342566788196564, 0.027848852798342705, -1.4307814836502075, -0.24249015748500824, 0.18885044753551483, -0.09178679436445236, -0.2266414612531662, -0.6035698056221008, 0.3175853192806244, 0.1428520828485489, -0.2974207103252411, -0.812688946723938, 0.36804717779159546, 0.6396571397781372, -0.4720730185508728, 0.48872503638267517, -0.05823379009962082, 1.078104019165039, 0.5423219203948975, -0.6247214078903198, -0.6670204401016235, -0.262228786945343, -0.6370255351066589, 0.34201449155807495, 0.1743253469467163, 0.615408182144165, 0.8004561066627502, -0.7581310868263245, -0.4718763530254364, -0.43651899695396423, 0.6495423316955566, -0.6651375889778137, -0.3289094567298889, -0.4697313904762268, -1.98495614528656, 0.027630452066659927, -0.27048373222351074, 0.9552980661392212, -1.2302743196487427, -0.2596421241760254, -0.6623021960258484, 0.03505299612879753, 0.19072182476520538, 0.42587223649024963, 0.5741775631904602, -0.6294128894805908, 0.1301439106464386, 2.8058996200561523, -0.3095824122428894, 0.8529072403907776, 0.7606797218322754, -0.18768014013767242, -0.4206806421279907, 0.6770285367965698, 1.5115693807601929, 0.3461207449436188, -0.9323369860649109, -0.6478613018989563, 0.002217298373579979, -0.6315701603889465, 0.4774489402770996, -1.091048240661621, -0.06656520068645477, -0.2495497763156891, 0.2600066363811493, -0.6657233238220215, -1.3098175525665283, 0.15616895258426666, 0.4453016221523285, 0.36727210879325867, 0.1607053577899933, -0.43780723214149475, 0.8473324179649353, 1.1452792882919312, 0.4555915594100952, -0.45003387331962585, 0.6596532464027405, -0.7186415791511536, 0.09026148170232773, 1.0455422401428223, -0.05042146146297455, -0.6056505441665649, -0.35716739296913147, 0.4414450526237488, -0.8581928610801697, 0.06821343302726746, -0.5150642395019531, 0.0023324601352214813, 0.2732504904270172, 0.2883550226688385, 0.11235368251800537, 0.09412544220685959, -0.8690412044525146, -0.16300657391548157, 0.05392491817474365, 0.16710034012794495, 0.1323608011007309, -0.03853686898946762, 0.5310018062591553, -2.1677470207214355, 0.10859747231006622, -0.7270024418830872, 0.6991260051727295, 0.12497375905513763, -0.5990126132965088, 0.2691281735897064, 0.11799688637256622, -1.0847103595733643, -0.8446897268295288, 0.25007936358451843, -1.1313629150390625, 0.6257270574569702, 1.300919771194458, 0.28694871068000793, 0.7568364143371582, 0.4104672074317932, 0.7480745315551758, 1.7424201965332031, -0.5739107131958008, -0.6668336987495422, -1.5347594022750854, 0.4239066243171692, 1.042884349822998, -0.9972661733627319, -0.49437788128852844, -1.2148038148880005, -0.4243314266204834, 0.8781648278236389, -0.23073722422122955, -0.37116557359695435, -0.5027386546134949, -0.421745240688324, -0.9616613388061523, 0.3134841322898865, -0.7245240211486816, -0.011413633823394775, 0.15366709232330322, 1.2391046285629272, -0.4019811749458313, -0.7281821966171265, -0.1949627846479416, -1.3549716472625732, 0.3054039180278778, 1.1201883554458618, -0.23322582244873047, -0.0017175562679767609, 1.214598298072815, -0.45024776458740234, 0.43310457468032837, 0.5918234586715698, 0.5808272957801819, 0.26937517523765564, -0.13828949630260468, 0.21767868101596832, 1.1106452941894531, -0.04383157193660736, -0.2401007115840912, -0.4533195495605469, 0.00930844247341156, -0.44932353496551514, -1.048235535621643, -0.46179789304733276, -0.11661351472139359, 1.1523915529251099, 0.5942550897598267, -0.37037432193756104, 1.2959400415420532, -0.2676680088043213, -0.23220866918563843, 0.2627267837524414, -0.7404578328132629, -0.05969341844320297, 0.1521284580230713, 0.10580882430076599, 0.06311597675085068, 0.0871167927980423, -0.40492552518844604, -0.35836756229400635, -0.977668285369873, -0.7382139563560486, -0.5322866439819336, -0.6213830709457397, -1.1329805850982666, -0.3615856170654297, 0.5892181992530823, -0.8461439609527588, -0.3068486154079437, 0.10010489821434021, -0.31820589303970337, -0.39357319474220276, 0.6842886209487915, 1.0154104232788086, 0.6031131148338318, 0.5484943985939026, 0.0951911062002182, 1.1020740270614624, 0.20382460951805115, 0.8116277456283569, -0.37582388520240784, -0.3489395081996918, -1.5055594444274902, 0.04882924258708954, -1.1053334474563599, 0.2633621096611023, -0.2166869342327118, -0.22651460766792297, 0.6119242310523987, -0.10537546873092651, -0.806938648223877, 0.6658334732055664, -0.786103367805481, 0.07694276422262192, -0.5887162089347839, 0.7955756783485413, 0.7362886071205139, -0.2748827338218689, 0.5773138403892517, 0.02127307467162609, -0.5767969489097595, 1.333884358406067, -0.777043342590332, 1.4633570909500122, -0.01974533498287201, -0.23621045053005219, 0.944747805595398, -0.09759234637022018, -1.6692886352539062, -0.08243276923894882, 1.121553897857666, -0.45633581280708313, -0.39253589510917664, -0.35823118686676025, -0.5436012148857117, -0.2022334635257721, -0.14512228965759277, 0.24267420172691345, -1.5211843252182007, 0.4494568109512329, -0.13223102688789368, 0.6366085410118103, 1.069654107093811, -0.010980181396007538, 1.0738837718963623, 0.6544913053512573, 0.1193033754825592, -0.6223616003990173, -0.8357108235359192, 1.0104397535324097, -0.3207825720310211, 0.6567678451538086, 0.16266943514347076, 0.8511131405830383, 1.1791987419128418, -0.35384002327919006, 0.025233417749404907, 0.7085481882095337, 0.7704617381095886, -0.42728105187416077, -0.05569512024521828, 0.034389179199934006, 0.4525485336780548, 0.18073216080665588, 1.1239817142486572, -0.10886350274085999, -0.5522371530532837, -0.39266398549079895, -0.07626113295555115, -0.9247499704360962, -0.5555809140205383, 1.1297911405563354, 0.5209454894065857, 1.3620786666870117, 0.5000331997871399, 0.5488600134849548, 0.014810856431722641, -0.3316298723220825, -0.22564591467380524, 0.9330884218215942, 0.07274718582630157, -0.09428321570158005, 0.5317710041999817, 0.8074724674224854, 0.03291530907154083, -0.1553834080696106, 0.007737945765256882, -0.09808727353811264, -0.6121107339859009, -1.0864852666854858, 0.499438613653183, 0.6094123721122742, 1.5983028411865234, 2.2619028091430664, -0.7055804133415222, -0.45108500123023987, -0.42263373732566833, 0.04840189218521118, 0.2549877464771271, 0.1670304238796234, -0.944252610206604, -0.09564167261123657, 0.1520494669675827, 0.37562835216522217, -0.46032464504241943, 1.63496994972229, 0.4689684212207794, 0.13699986040592194, -1.095624327659607, -0.15546968579292297, -0.7872450947761536, -0.7595201730728149, -0.4793495535850525, 0.48180168867111206, -0.8707240223884583, 0.28238919377326965, -0.6096575260162354, -1.2102959156036377, 0.31934496760368347, 0.10173477977514267, -0.542057991027832, 0.3305429220199585, 1.1330004930496216, -1.3398027420043945, -0.5689687132835388, -0.14970649778842926, -1.2181535959243774, -0.4503900706768036, -0.03247804939746857, -0.2413167655467987, 0.031906336545944214, 0.10803325474262238, 0.7420017719268799, 0.6624895334243774, 0.2621554136276245, -0.7651273608207703, 0.8719819188117981, 0.9807733297348022, -1.3436428308486938, 0.9348452091217041, -0.6871447563171387, 0.604029655456543, 0.18365608155727386, -1.0704188346862793, -0.40949633717536926, 0.6198184490203857, -0.1645699143409729, -0.3463435173034668, -0.7077480554580688, 0.15139314532279968, -0.00320443045347929, 0.23761416971683502, 0.7406688928604126, -0.5843669176101685, 0.11252479255199432, -0.15413138270378113, 0.7228796482086182, 0.993370532989502, -0.5013471245765686, -0.284670352935791, 1.0139503479003906, 0.04135134071111679, 1.057499885559082, 0.1422780603170395, -0.03134068101644516, 0.2547694146633148, -0.027845479547977448, -0.6069369316101074, -0.45867758989334106, -12.013094902038574, 0.6292365193367004, -0.08190459758043289, -0.20145772397518158, 0.6319125294685364, 0.32029959559440613, 0.43196365237236023, -0.132931649684906, 0.35581833124160767, -0.5200329422950745, 0.49762648344039917, 1.1653285026550293, 0.23630356788635254, -0.2928115725517273, -0.3368803858757019, -1.0591247081756592, -0.7855951189994812, -0.29145246744155884, 0.9476650953292847, -0.5487614274024963, 0.3976437449455261, -0.10622905194759369, 0.1836525946855545, -0.6324725151062012, 0.14106638729572296, -0.10907258093357086, -0.021261952817440033, 0.17684319615364075, -0.5501704812049866, 0.6167495250701904, 0.5939964056015015, -0.17608308792114258, -0.8705472350120544, -1.381065011024475, 0.484840989112854, 0.33293643593788147, -1.0381675958633423, -0.24828577041625977, 0.8766934871673584, -0.4365167021751404, -0.27488982677459717, 0.6798843741416931, -0.2373504489660263, 0.047401197254657745, -0.6270793676376343, 0.26235270500183105, -0.20346680283546448, -0.6682361364364624, 0.5136688947677612, -0.4362746775150299, -0.7916831374168396, -0.8243023157119751, -0.4167465269565582, -0.5008327960968018, 0.5063364505767822, 0.26769354939460754, -1.190987229347229, 0.20816081762313843, -0.47033315896987915, -0.07729161530733109, 0.5390357375144958, -0.20398305356502533, -0.34386682510375977, 0.5930591821670532, 0.320153146982193, -0.6682175397872925, 1.3982539176940918, 0.7347308397293091, 0.05532119423151016, 0.4398914873600006, -0.36027026176452637, 1.138752818107605, 0.7073289155960083, -0.5995852947235107, 0.41499361395835876, 0.013418778777122498, 0.6059005856513977, -0.8569281101226807, 0.2987818717956543, 0.7236039638519287, -0.9732493162155151, 0.5735906958580017, 0.04053494334220886, -0.47744908928871155, -1.0666285753250122, 0.041254062205553055, 0.05457413196563721, -0.3454342186450958, 0.2236860692501068, -0.3201770782470703, 1.0633794069290161, -0.34326574206352234, -0.4873542785644531, -0.47990044951438904, -0.47941458225250244, 0.627098023891449, -1.506312370300293, -0.0477786548435688, -0.1514035016298294, -0.7922961711883545, 0.6241587400436401, 0.1848171353340149, -0.3271256983280182, -0.3340608477592468, 0.8963384032249451, -0.67110675573349, 0.19730591773986816, 0.1800856590270996, -0.5033171772956848, -0.42773324251174927, 0.0672757476568222, -0.6193827390670776, 0.2686767876148224, 1.0645592212677002, -0.7059839963912964, 1.622011423110962, 1.0475927591323853, -0.8343236446380615, 0.04800257831811905, 1.0680019855499268, -0.4402957260608673, 0.8716371059417725, 0.5677234530448914, 1.5474190711975098, -0.19464221596717834, 0.7220520973205566, -0.003889773041009903, 0.21995453536510468, -0.5479856133460999, -0.4174005687236786, 0.14959780871868134, -0.4411062002182007, 0.13528186082839966, -0.6116620302200317, -0.5838633179664612, -0.23610103130340576, -0.8077283501625061, 1.6466622352600098, -0.6834372282028198, -0.00990576297044754, -0.3607288599014282, -0.33736133575439453, -0.08078331500291824, -0.6569167971611023, -1.1875083446502686, 0.3044503927230835, -1.2934558391571045, 0.22977939248085022, -0.5713944435119629, -0.5834725499153137, 0.36912021040916443, -0.3480033874511719, 0.11099566519260406, -0.9124473929405212, -0.7478542327880859, -0.5365889072418213, 0.6403546929359436, -0.3962284028530121, -0.6058923006057739, -0.24850739538669586, 0.412529855966568, 0.04372555762529373, -0.3275667130947113, 0.4978838860988617, 0.3238268196582794, 0.25215598940849304, 0.001390993595123291, 0.04940204322338104, -0.3379799425601959, 0.2715323865413666, 1.3658283948898315, -0.9434279203414917, 0.2304312288761139, -0.7642022371292114, 0.02465048059821129, 0.2593955397605896, 0.42622148990631104, 1.2914522886276245, -0.8019846081733704, 0.6792764663696289, 0.2677002549171448, 0.44720545411109924, 0.8963761329650879, -0.683133602142334, -0.6925122737884521, 0.36897969245910645, 0.24896425008773804, 0.3471159040927887, -0.06409832835197449, 0.2909422814846039, -1.0119009017944336, -1.2514054775238037, -0.9467854499816895, -0.772000253200531, 1.223050594329834, 0.1166275143623352, 0.8551711440086365, 0.6670607328414917, -0.14065991342067719, 0.6933648586273193, 0.06879980862140656, 1.3222287893295288, 0.4644652307033539, 0.8627268075942993, 0.21054759621620178, -0.42126011848449707, -0.5295132994651794, 0.5767614245414734, 0.7827946543693542, 0.6438921689987183, -0.2576405704021454, 0.6714514493942261, 0.5088722705841064, -0.1297042816877365, -0.3662613332271576, -1.2842971086502075, 0.19635894894599915, -0.15459781885147095, -0.032917123287916183, -0.7164871096611023, 0.3878832459449768, 1.1612261533737183, -0.2743089497089386, 0.7201451063156128, 0.4744046926498413, -0.15913845598697662, 0.8067063689231873, 1.0535600185394287, 0.9179155230522156, 0.1265440583229065, -0.7740839123725891, 0.531356692314148, -0.39975908398628235, 0.03566492348909378, 0.6364773511886597, 0.08318880945444107, -1.16392982006073, -0.12913793325424194, -0.5165111422538757, 0.16051626205444336, -0.17548812925815582, 0.2808007001876831, 0.07146935164928436, 1.2993632555007935, 0.5504640340805054, -1.483352780342102, 0.10108013451099396, -0.8270818591117859, -0.10917079448699951, 0.7531537413597107, -0.041241154074668884, 0.32016780972480774, 0.7288770079612732, -0.7472967505455017, 0.9023061394691467, -0.15764120221138, -0.04862874746322632, -0.4557735323905945, -0.932639479637146, 0.9928678870201111, 0.704446017742157, 0.4243377149105072, -0.07678114622831345, -0.561995804309845, -0.14505450427532196, -0.6504591107368469, -0.3593369722366333, 0.3358820676803589, 1.3197898864746094, -0.8632774949073792, 0.10955546796321869, -0.8747141361236572, 0.17273396253585815, -0.6083320379257202, 0.32834434509277344, 0.168501079082489, -1.1089359521865845, -0.8510878682136536, -0.5522093772888184, -0.1564154028892517, 0.9034769535064697, 0.10008018463850021, 0.21052731573581696, 0.4794042110443115, 0.9969587326049805, -0.06752549856901169, 0.25246140360832214, 0.07007452845573425, 0.555153489112854, -0.32216113805770874, 0.2303839474916458, 0.9631334543228149, -0.2321208119392395, -0.6567881107330322, -0.3375060558319092, -0.17038500308990479, 0.34613037109375, -0.5769702792167664, -0.8905380964279175, 0.6171141266822815, 0.2535753846168518, 0.47221341729164124, -0.06655378639698029, 0.29894164204597473, 0.3649958372116089, -0.7905882000923157, 1.108292818069458, 0.26567837595939636, -0.2767830491065979, 0.31329426169395447, 0.1299150288105011, 0.6982589960098267, 0.25196573138237, 1.4574638605117798]} +{"paper_id": "emo", "embedding": [-0.5641406178474426, 1.2656123638153076, 0.6683304309844971, 0.3266376852989197, 1.1448243856430054, -0.0973116010427475, 0.7516601085662842, 0.4741172790527344, -0.15498283505439758, 0.8454511165618896, 0.9240984320640564, -0.5358876585960388, 0.03691663593053818, 0.10004927963018417, -0.3002792000770569, -0.706892192363739, -1.4841585159301758, -0.14576703310012817, -0.49992287158966064, -0.2610161304473877, -0.570624828338623, -0.5190426707267761, 0.06485100090503693, 0.6994377970695496, -0.6524158120155334, -0.5851523876190186, 0.2537081837654114, -0.8887989521026611, 0.040729232132434845, 0.03484485670924187, 0.21545647084712982, 1.6154541969299316, -0.6155580282211304, 0.1669716238975525, -0.3042205274105072, -0.6118118762969971, 0.3071812689304352, 0.6793878674507141, -0.8653308749198914, -0.011932943016290665, -0.8124433159828186, 0.5595579743385315, 0.10126088559627533, 0.26928290724754333, 0.9068821668624878, 0.27598267793655396, -0.18673580884933472, 0.12485359609127045, -0.4017292857170105, -0.2971683144569397, 0.1826145052909851, -0.25724950432777405, -0.5801129937171936, 0.41648364067077637, -0.5132055878639221, 0.7398792505264282, 0.3090776801109314, -0.4047752618789673, -0.05159982293844223, -1.0277782678604126, 0.6945285797119141, 1.7578799724578857, 0.0829426571726799, 0.3985248804092407, 1.0455039739608765, -0.3678627610206604, 1.6820406913757324, -0.45318716764450073, 0.4654354155063629, 0.8111737966537476, -0.4885489344596863, -0.8204783797264099, 0.2979128062725067, 0.18695294857025146, 0.20767371356487274, 0.37550100684165955, 0.8147563934326172, 0.6137714385986328, -1.0738760232925415, 0.49103623628616333, -0.3245254456996918, 0.7619807720184326, 0.1988198608160019, -1.15811288356781, 0.43259191513061523, 0.6953718066215515, 0.6487439870834351, 0.3691900968551636, 0.6343757510185242, -1.6591612100601196, -0.16182094812393188, -0.3190721571445465, -0.2570197582244873, 0.648605465888977, -0.04894953966140747, 0.31923380494117737, 0.4083098769187927, 0.2842363715171814, -0.9767314195632935, 0.45102977752685547, 0.37749895453453064, -0.3131633996963501, -0.11111486703157425, -0.43141135573387146, 0.26986128091812134, 0.6453361511230469, 0.2510804533958435, 0.30690890550613403, -0.11938115209341049, -0.08126634359359741, 0.13726477324962616, 0.8949669003486633, -0.8065892457962036, 0.6809481382369995, 0.21232031285762787, -0.17037829756736755, 0.6975725889205933, -0.6992021799087524, -0.7050504684448242, 0.05857061222195625, -1.0133260488510132, -0.4481978118419647, -0.22311025857925415, 0.6543526649475098, 1.3867045640945435, -0.3238099217414856, 0.9756789207458496, -0.24844911694526672, 0.49318215250968933, -0.5914048552513123, 0.235403910279274, -0.3124176561832428, -0.16535347700119019, -0.15409809350967407, 3.2459099292755127, -0.9706037640571594, 1.5487918853759766, -0.7451516389846802, 0.08529740571975708, -0.026041388511657715, -0.15629246830940247, 1.4853578805923462, -0.659682035446167, -0.5152445435523987, -0.5246846675872803, 0.060073256492614746, -0.6561992764472961, 0.2461416870355606, -0.6772488355636597, -0.9776361584663391, 0.014929281547665596, -0.06432690471410751, -1.0819135904312134, 0.08518334478139877, 0.3578673005104065, 0.5171429514884949, 0.17881828546524048, 0.9157528281211853, -0.2646341621875763, 0.4732748568058014, 1.2302392721176147, -0.18466055393218994, -0.5318958759307861, 0.45641568303108215, -1.1229513883590698, -0.5582787990570068, 0.8773078322410583, 0.08961368352174759, -1.0726251602172852, -0.25633880496025085, 1.36680006980896, -0.08203890174627304, -0.1922493577003479, -0.3344486653804779, -0.6625924110412598, -0.41952410340309143, 0.6684715151786804, 1.0723059177398682, 0.019648469984531403, -0.5651383996009827, -0.31129977107048035, -0.7245712280273438, -0.016160868108272552, 0.28220629692077637, -0.16594365239143372, 0.765843391418457, -1.4003698825836182, -0.9344210624694824, 0.24212788045406342, 0.7128681540489197, -0.027340546250343323, -0.5439052581787109, 0.19844499230384827, 0.09323196113109589, 0.2530313730239868, 0.3327238857746124, 0.44485217332839966, -1.1291650533676147, 0.24847066402435303, 0.610395073890686, 0.28348875045776367, -0.28923383355140686, 0.3611930310726166, 1.696074366569519, 1.0141091346740723, -0.43961668014526367, -0.7549000382423401, -1.1625627279281616, 0.43171781301498413, 2.5878348350524902, -0.08445364236831665, -0.5894898176193237, -1.2035069465637207, 0.26626336574554443, 0.025856465101242065, 0.0019851895049214363, 0.3462246060371399, -1.0216615200042725, 0.559805154800415, -1.5433601140975952, 0.5852547287940979, -0.20701247453689575, -0.23931992053985596, 0.5124231576919556, 0.8199856877326965, -0.39191964268684387, -0.5327762961387634, -0.4492392838001251, 0.44698476791381836, 0.14731809496879578, 0.3022426962852478, -0.06919001787900925, -0.13318224251270294, 0.5115683078765869, 0.6511585712432861, 0.5106189846992493, -0.2302442491054535, 0.08105945587158203, 0.07045350968837738, 0.09000851213932037, 0.6646813750267029, -0.15004490315914154, 0.13908617198467255, -0.36433833837509155, 0.3979610800743103, 0.7886278629302979, 0.2294028401374817, -0.24461226165294647, 0.2004300206899643, 0.23669689893722534, 1.4431666135787964, 1.2951703071594238, -0.3112175464630127, 1.4717084169387817, -1.47476327419281, 0.4186781048774719, -0.7563654780387878, -0.20999719202518463, 0.07872362434864044, -0.21078215539455414, 0.5070568323135376, -0.4721255898475647, -0.2956749200820923, -0.14035265147686005, -0.22394314408302307, -1.1332621574401855, -0.5848453044891357, -0.21687456965446472, -0.47062331438064575, -1.4025957584381104, -0.04111189767718315, -0.07498638331890106, -0.5934988260269165, -0.8706547021865845, -0.2898980379104614, 1.1313990354537964, -0.46645504236221313, 0.10562977194786072, 2.1677911281585693, -0.5866226553916931, -0.3068147301673889, -0.237397700548172, 0.6165804862976074, -0.6433805227279663, 1.3837318420410156, -0.9715229272842407, 0.05885099992156029, -0.37984615564346313, -0.21699342131614685, -0.10295937955379486, -0.08125973492860794, 0.7635741233825684, -0.20305699110031128, 0.33498528599739075, 0.2721903324127197, -0.6059139966964722, 1.1109991073608398, -1.2542589902877808, -0.03705138713121414, -0.5482124090194702, 2.0345120429992676, 0.2857311964035034, -0.4963894486427307, 0.7036585211753845, -0.5725088119506836, 0.551058828830719, 1.1210724115371704, -0.4946979582309723, 0.5431054830551147, 0.16533401608467102, -0.4004959166049957, -0.24189876019954681, 0.15705552697181702, -2.8690640926361084, 0.35396888852119446, 1.8120499849319458, -0.7159592509269714, 0.1990971565246582, -0.9245730042457581, 0.7780892252922058, 0.02881734073162079, 0.23898792266845703, -0.27204734086990356, -0.3504767417907715, 0.7275750637054443, -0.6624462008476257, -0.17234313488006592, 1.0103881359100342, -0.6126842498779297, -0.34588348865509033, 0.7582144141197205, 0.7530826926231384, -1.2892286777496338, -0.2867365777492523, 0.22064733505249023, -0.5708367824554443, 0.40964269638061523, -0.05519147962331772, 0.028589142486453056, 1.082362413406372, -0.5818537473678589, -0.4840027689933777, 1.2856602668762207, 1.1275931596755981, 1.1943718194961548, 0.06683328747749329, 0.0018909834325313568, 0.7651181817054749, -0.551841139793396, 0.6414262056350708, 1.131995677947998, -0.2643662989139557, -1.3625414371490479, -0.8325005769729614, -0.3852728605270386, -0.49922508001327515, 0.5832424759864807, 0.6105603575706482, 2.191092014312744, 0.11478781700134277, 0.1101888120174408, -0.5175287127494812, -0.034838516265153885, 1.250860571861267, 0.5758239030838013, 0.7072552442550659, -0.19485104084014893, 0.4449234902858734, 0.7126625776290894, -0.3075602650642395, -0.4711730182170868, -0.12024712562561035, 1.2893229722976685, -0.2952173948287964, -0.6516115665435791, -0.3632591962814331, 1.0419142246246338, 0.4916778802871704, 1.5366652011871338, -0.7122164368629456, -0.49061891436576843, -0.6865270137786865, 1.0010305643081665, 1.0701290369033813, 0.2983231842517853, -0.5466718077659607, 0.3677268624305725, 0.031560610979795456, 0.8472405672073364, -0.7113797068595886, 0.5087883472442627, 0.18987800180912018, -0.24764198064804077, -0.7535266280174255, -0.49015459418296814, -0.8358874917030334, -0.05507667362689972, 0.19640499353408813, 0.2736314833164215, -0.3687804341316223, 0.80392986536026, -0.1554555594921112, -1.0156378746032715, 0.6173181533813477, -0.48020002245903015, -0.9909908771514893, 1.3380712270736694, 1.0173444747924805, -0.5964361429214478, -0.5092724561691284, 0.0009989067912101746, -0.9621197581291199, -0.9684464931488037, 0.4323398768901825, -0.7870084047317505, 0.5915356874465942, 0.5750291347503662, 0.366208553314209, -0.021716546267271042, 0.12120489776134491, -1.0083664655685425, 0.07514160871505737, 1.0765875577926636, -0.5157544612884521, 0.5964103937149048, 0.6622856855392456, -0.9398781061172485, -0.02474990487098694, -1.031136393547058, -0.3077333867549896, 0.3470194637775421, -0.5764739513397217, -0.27410101890563965, -0.6211102604866028, 0.01653948798775673, 0.15748032927513123, -0.19689176976680756, 0.34694069623947144, -1.5088433027267456, 0.39122796058654785, -0.6200957298278809, 0.26869869232177734, 0.42721620202064514, -0.7464576363563538, -0.2875639498233795, 0.7332258224487305, -0.42902424931526184, 0.3910471796989441, 0.4708907902240753, 1.1251397132873535, 1.3513065576553345, 1.2100199460983276, 0.7288134694099426, 0.28468671441078186, -10.62770938873291, 0.7781126499176025, -0.15444551408290863, 0.00940074771642685, 0.261774480342865, -0.5506252646446228, 0.38786542415618896, 0.22010518610477448, 1.0609800815582275, -0.757952094078064, 0.5781456232070923, 1.2697429656982422, -0.24657851457595825, -0.41086822748184204, -0.3378130793571472, -1.0647649765014648, -1.0931280851364136, -0.9833953380584717, 0.11901015043258667, 0.5627613067626953, -0.05141659080982208, -1.3934621810913086, -0.0550474151968956, -0.6557744741439819, 0.4847792088985443, -0.5081520676612854, -0.38485920429229736, 0.19042259454727173, -1.4886518716812134, 0.5673254728317261, 0.7340190410614014, -0.9113699197769165, -0.6855763792991638, -0.17522691190242767, 0.27269798517227173, 0.36636441946029663, -0.6670985817909241, -0.15298905968666077, 0.4181521236896515, 0.4859265685081482, 0.030574563890695572, 0.2478809505701065, 0.7416864037513733, -1.0020476579666138, 0.3075651526451111, -0.28998613357543945, 0.05332525074481964, -0.13916043937206268, 0.4497305750846863, -0.11463811248540878, -0.3796306848526001, -0.36269280314445496, -1.2783418893814087, -1.0205148458480835, 0.8015305399894714, 0.476596862077713, 0.055523671209812164, 0.7283694744110107, -0.294685423374176, -1.1915217638015747, 0.6773064136505127, 0.3758130669593811, -0.2762492597103119, 0.7061067819595337, 0.6505116820335388, -1.2344673871994019, 0.7481339573860168, 0.22460027039051056, 0.44049036502838135, 0.5762990117073059, -1.009234070777893, 0.9039577841758728, -0.18847739696502686, 0.5093902945518494, -0.38252854347229004, 0.2151065468788147, -0.5880982279777527, 0.34957391023635864, 0.5010599493980408, -0.3563869297504425, -0.550838828086853, 0.2503027319908142, 0.27180016040802, -0.8927037119865417, -0.9224905371665955, 0.47147300839424133, 0.2965680956840515, -0.36745062470436096, 0.8390240669250488, -0.2951764464378357, 0.9106616973876953, 0.7631774544715881, -0.8695446252822876, 0.11984040588140488, 0.34864524006843567, 1.0166748762130737, -0.7822932600975037, 1.1905605792999268, 0.574420690536499, 0.13846173882484436, 0.11999495327472687, -0.8180413842201233, -0.2675390839576721, 0.025404248386621475, 0.6946075558662415, -0.041722360998392105, -0.30038976669311523, 0.42706188559532166, 0.5164515972137451, -0.33899635076522827, 0.991694986820221, 0.41409391164779663, -0.3452862501144409, 0.6384941339492798, 0.2297602891921997, 0.748044490814209, 0.785079300403595, 0.23866510391235352, 0.6332399249076843, 0.874480664730072, -0.6868546605110168, 0.4475020468235016, -0.5468730926513672, 1.1415213346481323, -0.12725700438022614, 0.24444815516471863, 0.42493534088134766, 0.16490700840950012, 0.2421739101409912, -2.0590076446533203, 0.36480283737182617, -0.22672554850578308, 0.15792541205883026, -1.0768046379089355, -0.03389407694339752, -0.22412356734275818, -1.1677701473236084, 1.3987066745758057, -0.6421680450439453, 0.07220819592475891, -0.0997849777340889, -0.16816894710063934, -0.08098339289426804, -0.35237985849380493, -0.2548140585422516, -0.3926459848880768, -2.5267317295074463, 0.007265195250511169, 0.12697812914848328, -0.17476771771907806, 0.2484423816204071, -0.2002166360616684, 0.5195282697677612, -1.1029770374298096, -0.4070074260234833, 0.06425837427377701, 1.0443406105041504, -0.5651859045028687, -1.4473347663879395, 0.07835234701633453, 0.561306893825531, 1.2708550691604614, -1.5838717222213745, 0.6590235233306885, -0.09880517423152924, -0.5889201760292053, -0.8033579587936401, 0.08425311744213104, -0.5322713851928711, 0.2620806097984314, 2.315809726715088, -1.2183274030685425, -0.8611541390419006, -0.8253257870674133, -0.11220890283584595, -1.1738667488098145, 0.11068039387464523, 0.9778721332550049, -1.1399040222167969, -0.0357842892408371, -1.365778923034668, -0.3631540536880493, 0.15185263752937317, -0.47388991713523865, -0.8060728311538696, 0.3574339747428894, -0.6389060616493225, 1.3742704391479492, -0.4471106231212616, 0.18001556396484375, -1.356377124786377, -1.0402915477752686, -0.9478176236152649, -0.19772367179393768, 0.2873138189315796, 0.19704735279083252, 0.33206623792648315, 0.688381016254425, -0.17707687616348267, -0.7026309967041016, 0.2681379020214081, 0.8014934062957764, -0.3697446882724762, -0.10308864712715149, -0.5168375968933105, -0.20197227597236633, -0.7579476833343506, -0.6058359742164612, 0.17449849843978882, 0.600523054599762, -1.121810793876648, -0.6031208038330078, -0.048127155750989914, -0.23884914815425873, 0.6601537466049194, -0.8131512403488159, -0.20515266060829163, -0.0658850371837616, -0.8552432656288147, -1.1910755634307861, -0.22354364395141602, 0.9258401989936829, -0.3571673035621643, 1.5625550746917725, 0.6794005632400513, 0.5338525176048279, 0.05898217856884003, 0.07304400205612183, 1.8879294395446777, -0.884141743183136, -0.15004077553749084, -0.050590429455041885, -0.03172888234257698, 0.506878674030304, -0.6405628323554993, -0.12863904237747192, -1.2179288864135742, 0.4322812855243683, -1.455520749092102, 0.2560134828090668, -0.1633133739233017, -0.31217822432518005, 1.0608258247375488, 0.8607885241508484, 0.39328914880752563, -0.9562838673591614, -1.0458290576934814, -0.702069878578186, 0.10004767775535583, -0.14383241534233093, 0.2099868208169937, 0.9310187101364136, 0.9508147835731506, -0.3679824471473694, 1.126729130744934, 0.11140137910842896, 0.010097108781337738, 0.4465077817440033, 0.25099611282348633, 0.7142919898033142, 0.8947303295135498, -0.08180413395166397, 0.3906419277191162, -0.044060640037059784, -1.070975422859192, -0.29920491576194763, -0.9939760565757751, 0.6519228219985962, 0.7417590618133545, -0.5554004311561584, -0.3159806430339813, -0.160943403840065, -0.2931302785873413, 0.35901403427124023, 0.3079618513584137, -0.4390047788619995, -0.10905231535434723, -0.9829229116439819, -0.9617080688476562, -0.567145824432373, 0.6942006945610046, -0.33149662613868713, -0.49337291717529297, -1.1746183633804321, -0.331675261259079, 0.019338496029376984, -0.24323347210884094, -0.9826877117156982, 0.0911320224404335, -0.5730944871902466, 0.41857045888900757, 0.5783723592758179, -0.8710049390792847, -1.0194416046142578, -0.5978402495384216, -1.0027098655700684, 0.961847722530365, 0.38579261302948, -1.8353315591812134, -0.3618093430995941, 0.43751227855682373, -0.07500424981117249, -1.074059009552002, 0.5931928157806396, -0.01888899691402912, -1.9518476724624634, 1.24495267868042, 1.4205149412155151, -0.30994436144828796, -0.22770659625530243, 0.4762251377105713, 0.8178640604019165, 0.03244420886039734, 1.909172773361206]} +{"paper_id": "eli5", "embedding": [-0.8417355418205261, 1.6159979104995728, 0.4412451386451721, -0.009087081998586655, 1.252292513847351, 0.13369280099868774, 1.278479814529419, 0.6536558866500854, 0.8249282836914062, 0.8988301753997803, -0.08871036767959595, -0.1410759538412094, 0.34688717126846313, -0.05405225604772568, -0.2237013578414917, -0.4094826579093933, -0.889035165309906, -0.48249056935310364, -1.2959507703781128, -0.12389572709798813, -0.47991806268692017, -0.6648285388946533, 0.1830422729253769, 1.075987696647644, -0.696883499622345, -1.0148462057113647, 0.8903812170028687, -1.1527308225631714, 0.07919816672801971, -0.30465689301490784, -0.24270763993263245, 1.3460882902145386, -1.633861780166626, 0.3579637110233307, -0.15971142053604126, -0.23123447597026825, 0.3883587121963501, 1.1827480792999268, -0.18828731775283813, 0.29139330983161926, -0.18895429372787476, 0.0128183513879776, 0.6582785248756409, 0.3696034550666809, 1.0072073936462402, -0.5890719890594482, 0.0512261763215065, -0.08141613006591797, -0.49641239643096924, -0.15235427021980286, -0.7786290645599365, -0.012223966419696808, -0.03160671144723892, 1.0400466918945312, 0.14296866953372955, 0.7409855127334595, 0.26830652356147766, -1.1096023321151733, 0.42493152618408203, -0.7816802263259888, 1.0635906457901, 1.8033643960952759, -0.12444619834423065, 0.40253737568855286, 0.999053418636322, 0.2884044647216797, 1.3968263864517212, 0.09879367053508759, -0.2539404630661011, 0.6865988373756409, -0.39634209871292114, -0.7737120389938354, 0.9935504198074341, 0.3005945682525635, 0.3311605453491211, 1.1074713468551636, 0.443326860666275, 0.486053466796875, 0.11785804480314255, -0.11294861137866974, -0.23694340884685516, 0.30921560525894165, 1.0649185180664062, -0.27999114990234375, 0.28484705090522766, 0.3017772436141968, -0.010270580649375916, -0.2982298731803894, 0.1792360097169876, -1.0090844631195068, 0.1685503125190735, 0.10127825289964676, -0.47174733877182007, -0.06129266321659088, -0.48989611864089966, 0.5421896576881409, -1.1075053215026855, 0.21146665513515472, 0.007111184298992157, 0.13934898376464844, 0.6321179270744324, 0.06912843883037567, 0.3924199342727661, 0.01967434585094452, -0.3463190197944641, 0.5640349984169006, 0.15982112288475037, -0.22059127688407898, -0.38231199979782104, -0.5899982452392578, 0.36893048882484436, 0.6757650971412659, -0.24225659668445587, 0.5862725377082825, 0.17523588240146637, -0.22247129678726196, 0.39471426606178284, -0.599329948425293, 0.35920241475105286, -0.012640371918678284, -0.3445188105106354, -1.199691653251648, 0.09246955811977386, -0.3788972496986389, 0.8299316167831421, -0.7381147742271423, -0.4674488604068756, -0.4205184876918793, 0.01635514385998249, 0.4850687086582184, 0.6209843158721924, -0.13519427180290222, -0.5641005635261536, -0.17174747586250305, 2.996987819671631, -1.3952600955963135, 1.1185346841812134, -0.7348945140838623, -0.5756550431251526, -0.9420216083526611, -0.29081037640571594, 1.6934882402420044, -0.3233374059200287, -0.8328342437744141, -0.8293993473052979, 0.0678466334939003, -0.40137892961502075, 0.7669974565505981, -0.8797667622566223, -0.09963613748550415, -0.21311348676681519, 0.09274829179048538, -1.2170957326889038, -0.5033398270606995, 0.04410058632493019, 0.5101198554039001, 0.036182064563035965, 0.23490247130393982, -0.5435660481452942, 0.9623619914054871, 0.2794460654258728, -0.479270339012146, -0.16633206605911255, 0.18758973479270935, -0.8699634075164795, -0.5540143847465515, 0.6647965908050537, -0.024996694177389145, -1.3988192081451416, -0.4590299427509308, 0.5821149945259094, -0.1376555860042572, -0.4107283055782318, -0.09389543533325195, -0.06697001308202744, 0.2782510221004486, 0.8945500254631042, 0.20342598855495453, 0.036552637815475464, -1.2069058418273926, -0.031411487609148026, -0.1313222199678421, 0.028913162648677826, 0.7306420803070068, 0.06397461146116257, 0.7381754517555237, -2.4229018688201904, -0.21031467616558075, 0.17281778156757355, 0.838024377822876, 0.12246884405612946, -0.19467438757419586, -0.09573527425527573, 0.10894453525543213, 0.06493688374757767, -0.7188704013824463, 0.5090051889419556, -1.0180625915527344, 0.3216995596885681, 0.19562320411205292, -0.5939837694168091, 0.26016396284103394, -0.1221533864736557, 1.1200114488601685, 0.720674991607666, -0.32014498114585876, -0.8472137451171875, -1.951079249382019, 0.018548645079135895, 2.124126434326172, 0.3043147325515747, -1.0678778886795044, -0.990355908870697, -0.5421801805496216, 0.16275173425674438, 0.23881588876247406, -0.08958309888839722, -0.42455533146858215, -0.15874630212783813, -0.949088990688324, 0.42555972933769226, -0.3364303708076477, 0.21370843052864075, 0.5368764400482178, 1.3467233180999756, -0.46054375171661377, 0.0018387585878372192, -0.45385152101516724, -0.454816609621048, 0.22751441597938538, 0.9585841298103333, 0.28006890416145325, -0.4657153785228729, 1.0849908590316772, 0.11583377420902252, 0.8770728707313538, 0.6321278810501099, 0.5087462067604065, -0.2546740472316742, -0.08598814904689789, 0.011431321501731873, 0.9006873965263367, 0.19346222281455994, 0.22402691841125488, 0.47681325674057007, 0.3873773217201233, -0.2627008855342865, -0.24511148035526276, 0.021705079823732376, -0.0964270606637001, 1.4615787267684937, 0.1681542694568634, -0.2302062213420868, 1.0198560953140259, -0.7833166718482971, -0.15717074275016785, -0.34640511870384216, -0.35309532284736633, -0.2759014070034027, -0.7471674084663391, 1.200562834739685, -0.038885243237018585, 0.7004257440567017, -0.06418091058731079, -0.03496413677930832, -1.4572721719741821, -0.3164597153663635, 0.22563111782073975, -0.42320501804351807, -0.9061785936355591, -0.22779251635074615, 0.026019111275672913, -0.8541861772537231, -0.8044407963752747, 0.126717209815979, 0.13091440498828888, 0.09776455909013748, 1.0253047943115234, 2.0420758724212646, 0.16262905299663544, 0.25028684735298157, 0.08946754038333893, 1.3582550287246704, -0.5715382099151611, 0.4458024501800537, -0.5969325304031372, 0.08838406950235367, -1.1568573713302612, 0.07852932810783386, -0.3366192579269409, 0.3445918560028076, 1.149600625038147, -0.4811534881591797, 0.4269486367702484, 0.14868450164794922, -1.3560495376586914, 1.0097137689590454, -0.5303969979286194, -0.1596960425376892, -0.09776900708675385, 1.3486543893814087, -0.06746380776166916, -0.6714848279953003, 0.5178942680358887, -0.6771824955940247, -0.14495451748371124, 0.7141838669776917, -0.5630103349685669, 0.5793459415435791, 0.499456524848938, -0.46310025453567505, 0.16095878183841705, 0.6402453184127808, -2.106595993041992, 1.0760208368301392, 0.8306174278259277, -0.45344117283821106, -0.35053128004074097, -0.8237112164497375, 0.2521456480026245, -0.02515614777803421, -0.10713596642017365, 0.060086529701948166, -0.37694036960601807, 0.34538373351097107, -0.383432000875473, 0.22504113614559174, 0.5944380760192871, -0.3249032497406006, 0.29364094138145447, 0.808221697807312, 0.030041106045246124, -0.918101966381073, -0.9355514049530029, 0.6159646511077881, -0.8116986751556396, -0.028729833662509918, 0.15379148721694946, 0.5045286417007446, 1.2833020687103271, 0.021165110170841217, -0.34063684940338135, 0.8833779692649841, 0.9556111097335815, 0.3023691177368164, 0.08133704215288162, -0.665757417678833, 0.4702974855899811, -0.03787193074822426, 1.286602258682251, -0.643478512763977, -0.390812486410141, -1.0454636812210083, -0.22456474602222443, -0.594403088092804, -0.13022932410240173, 1.8256162405014038, 0.5891801714897156, 1.1693530082702637, -0.24111390113830566, 0.4521235525608063, -0.4431517720222473, -0.2577952444553375, 0.7169510126113892, 0.5803551077842712, 0.19024710357189178, -0.9901214838027954, 0.04329018294811249, 0.7170748114585876, 0.21228811144828796, -0.4217451214790344, -0.006568402051925659, 1.0532312393188477, 0.10818415880203247, -0.6620990037918091, 0.001291920430958271, 0.9342515468597412, 0.3944317400455475, 2.1239943504333496, -0.3610999882221222, -0.44096460938453674, 0.07929281145334244, 0.16880743205547333, 0.2864131033420563, 0.4003617763519287, -0.5253068208694458, 0.748343825340271, 0.2585256099700928, -0.1871066838502884, 0.14885973930358887, 1.8258801698684692, 0.9590367078781128, -0.6099769473075867, -1.1582967042922974, -0.8352862000465393, -0.8390854001045227, -0.11666825413703918, 0.09902707487344742, 0.23487596213817596, -0.6899034976959229, 0.24629652500152588, 0.0995355024933815, -1.0825612545013428, 0.783381462097168, -0.40203556418418884, -1.205938458442688, 1.2357698678970337, 0.8043901920318604, -0.7910290360450745, -0.48786434531211853, -0.4049227833747864, -1.1312590837478638, -0.5250955820083618, 0.08091700822114944, -1.1779520511627197, -0.09235354512929916, 0.3926389515399933, 0.548161506652832, -0.12648068368434906, 0.044309474527835846, -1.2733806371688843, 0.9890657067298889, 0.8224337697029114, -0.5632551908493042, 0.6524691581726074, 0.4767990708351135, 0.49394387006759644, -0.36423999071121216, -0.8108254075050354, -0.8373746275901794, 0.6686105132102966, -0.5054741501808167, 0.5468757152557373, -0.9729055762290955, -0.18321464955806732, 0.5724600553512573, 0.4389627277851105, 1.175794005393982, -0.6690332889556885, 0.22249218821525574, -0.38436204195022583, -0.27522769570350647, 0.721225380897522, -0.6803867816925049, -0.6399393081665039, 0.5470049381256104, -0.36926838755607605, 0.5964069366455078, -0.4391446113586426, 0.43112456798553467, 1.2982676029205322, 0.08476293832063675, 0.16722820699214935, -0.5066774487495422, -12.0619535446167, 0.8820359110832214, 0.1915052831172943, 0.13504664599895477, 0.8016133904457092, -0.5570306181907654, 0.7686929106712341, -0.20089071989059448, 0.5542225241661072, -0.5846620798110962, 0.12306326627731323, 0.8194367289543152, 0.5306944251060486, -0.054408036172389984, -0.718366801738739, -1.2124783992767334, -0.9123954772949219, -0.47692352533340454, 0.25955235958099365, -0.09865959733724594, -0.07715542614459991, -0.624111533164978, -0.2881935238838196, 0.2693050503730774, 0.3741442859172821, -0.045778922736644745, -0.7949506044387817, -0.6403107643127441, -0.33870068192481995, -0.34871360659599304, 0.4458983838558197, -0.21542605757713318, -0.3491343557834625, -0.2544426918029785, -0.44475120306015015, -0.5390477776527405, -0.44115185737609863, -0.2782246172428131, 0.7500312328338623, -0.4908665120601654, -0.0825880914926529, 0.13300760090351105, 0.5565568804740906, 0.017274746671319008, -0.3407246172428131, 0.473482608795166, 0.025266358628869057, -0.3405759632587433, 0.024299051612615585, -0.2536851167678833, -0.4753819704055786, -0.2542025148868561, -0.6544294953346252, -0.7291008830070496, 0.6782227754592896, 0.26889240741729736, -0.10016097128391266, -0.5605227947235107, -0.3682059049606323, -1.1071059703826904, 0.6468736529350281, 0.16818907856941223, -0.6665775775909424, 0.507325291633606, 0.2829815745353699, -0.5587332844734192, 0.5062146782875061, -0.19760645925998688, -0.469545841217041, 0.7972826361656189, -1.1620073318481445, 0.9585252404212952, 0.48484036326408386, 0.39750516414642334, -0.49956396222114563, 0.36838674545288086, -0.6152798533439636, 0.2788647413253784, -0.42061662673950195, 0.15960681438446045, -0.9409932494163513, 0.9329644441604614, 0.49232450127601624, -0.46801522374153137, -0.8073594570159912, 0.36792057752609253, -0.35424819588661194, 0.5356205701828003, 0.6816532611846924, -0.6534038782119751, 1.8287954330444336, 0.10285071283578873, -0.8037134408950806, 0.04476840794086456, -0.5487245321273804, 1.037590503692627, -0.39015692472457886, 0.718524158000946, -0.23076799511909485, -0.5360226631164551, -0.0556400790810585, -0.6864525675773621, -0.3796806335449219, 0.09575861692428589, 0.6154107451438904, 0.5885524153709412, 0.21507027745246887, -0.5549430847167969, 0.4138420820236206, -0.4582068920135498, 0.845003068447113, 0.3487670421600342, -0.5336573123931885, 1.1079097986221313, -0.3216160535812378, 0.5884262323379517, 0.2926561236381531, 0.18648535013198853, 0.3488597273826599, 0.38421908020973206, -0.32677027583122253, 1.0373579263687134, -0.056021325290203094, 1.097456693649292, -0.008996805176138878, 0.016453469172120094, 0.4933464229106903, 0.5892491936683655, 0.0758638083934784, -1.0934033393859863, 0.14682871103286743, -0.19442227482795715, -0.032005153596401215, -0.9587348103523254, -0.21609611809253693, 0.1282058209180832, -0.44742628931999207, 1.7281304597854614, -1.2389909029006958, 0.14480337500572205, 0.3232457637786865, -0.8389058113098145, -0.014308154582977295, -1.1156622171401978, -0.9999841451644897, 0.37532806396484375, -1.0115145444869995, 0.3982778787612915, -0.3073863983154297, -0.2830003499984741, -0.03496002033352852, -0.36976027488708496, 1.0828214883804321, -1.0228191614151, -0.5628654360771179, -0.8130636811256409, 0.7934670448303223, -0.5123534798622131, -1.2552944421768188, -0.03600502759218216, 0.08605046570301056, 0.8414168953895569, -0.5961146950721741, 1.2427730560302734, -0.00587734580039978, -0.6254513263702393, -0.5978982448577881, 0.3296395540237427, -0.3874630630016327, -0.19075822830200195, 0.9877505302429199, -0.9007101058959961, -0.028277544304728508, -0.7462664246559143, -0.5113112926483154, -0.49741238355636597, 0.9289991855621338, 1.0810478925704956, -1.1633965969085693, -0.2581435441970825, -0.24265773594379425, 0.5868909955024719, 0.5663074254989624, -0.293826699256897, -0.5700842142105103, 0.43994173407554626, 0.06570937484502792, 0.43051785230636597, 0.0123676136136055, 0.5574541687965393, -1.7937160730361938, -1.0910046100616455, -0.30165377259254456, 0.0893825888633728, 0.877753496170044, 0.09133931249380112, 0.5506795048713684, 0.7127768397331238, -0.28615933656692505, 0.19472426176071167, 0.45032161474227905, 0.750263512134552, 0.11320437490940094, 0.3272654712200165, -0.1587521880865097, 0.15019533038139343, -0.5902411937713623, -0.17860133945941925, 0.7544819116592407, 0.5658226013183594, -0.9065747261047363, -0.1643407940864563, 0.14752081036567688, 0.40025994181632996, 0.24039359390735626, -0.8401042222976685, -0.00785842165350914, -0.4979804456233978, -0.18285289406776428, -1.2367758750915527, 0.18527185916900635, 1.3180402517318726, -0.7536473274230957, 1.103990912437439, 0.8933663964271545, 0.7715103030204773, 0.4948309659957886, 0.3649071753025055, 0.266008198261261, -0.3646084666252136, -0.24850642681121826, 0.4613320231437683, 0.22274282574653625, -0.2029774785041809, -0.38997918367385864, -1.4147026538848877, -0.474509060382843, 0.18658462166786194, -0.3623291850090027, 0.39969077706336975, -0.41863179206848145, 0.6497747302055359, 0.954026997089386, 1.2193005084991455, -0.09585975110530853, -1.7173904180526733, -0.15576203167438507, -1.2456467151641846, 0.121488556265831, 1.0038352012634277, 0.2370680719614029, 0.7132443785667419, 0.7140854597091675, 0.00021372735500335693, 1.4596296548843384, -0.6499794125556946, -0.036243803799152374, 0.07960732281208038, -0.20086456835269928, 1.0039387941360474, 0.9222965240478516, 0.21983422338962555, 0.570020854473114, -0.3092096149921417, -0.7052494287490845, -0.1859489381313324, -0.6009795069694519, 0.6452633142471313, 0.7222141027450562, -0.7645792365074158, -0.13967180252075195, -0.715033769607544, 0.9567898511886597, -1.0783451795578003, 0.9403865337371826, -0.19130736589431763, -0.7290942668914795, -0.1518939733505249, -0.9686722159385681, -0.2406950443983078, 0.6818106770515442, -0.18132320046424866, -0.2635858654975891, -0.13697092235088348, 0.3346107006072998, 0.2056846171617508, 0.011444488540291786, -0.6406239867210388, -0.3172195851802826, -1.0316835641860962, 0.08221721649169922, 0.5459903478622437, -0.6901402473449707, -0.2946375906467438, -0.5241451859474182, -0.6080296039581299, -0.03654255345463753, 0.17939813435077667, -0.8264802694320679, -0.6189374327659607, -0.19113653898239136, -0.27603262662887573, 0.23564864695072174, 0.24594606459140778, 0.11842799186706543, -1.442520260810852, 0.4544868767261505, 1.2779937982559204, -0.47209247946739197, -0.5359923243522644, -0.10468301922082901, 0.3276051878929138, 0.0011226944625377655, 0.9691335558891296]} +{"paper_id": "cord19", "embedding": [-0.5455834865570068, 0.3797956705093384, -0.2154920995235443, -0.02251267246901989, 0.11890213191509247, -0.0529729388654232, 0.6945056319236755, 0.2592921853065491, 0.47784367203712463, 1.028472661972046, 0.6908654570579529, -0.10006354004144669, 0.043389201164245605, -0.06877944618463516, -0.2496355175971985, -0.22762605547904968, -0.4132976233959198, -0.5052112340927124, 0.0009594084694981575, -0.7853472828865051, -0.9049260020256042, -0.5983049273490906, 0.29180920124053955, 0.5770437717437744, -0.6398820877075195, -0.09521791338920593, 0.19374440610408783, -0.3027067184448242, 0.879830539226532, 0.050192657858133316, 0.30338189005851746, 0.7314932942390442, -1.1248661279678345, 0.17676642537117004, -0.4846758544445038, 0.5044350028038025, -0.500950276851654, 0.6062251329421997, -0.046458616852760315, -0.638681948184967, -0.6130818724632263, 0.37625402212142944, 0.7017822265625, -0.12874335050582886, 1.2190991640090942, -0.2790789008140564, -0.10836368799209595, -0.09228171408176422, 0.10788804292678833, 0.28828224539756775, 0.4277731478214264, 0.3286758363246918, 0.4292447865009308, -0.0038875527679920197, -0.009687412530183792, 0.82880038022995, 0.2236095368862152, -0.0812983512878418, 0.6136561632156372, -0.9557390213012695, 0.2673896551132202, 0.6294265389442444, -0.3156282901763916, -0.40530693531036377, 0.37560027837753296, -0.14187784492969513, 0.07522699236869812, 0.45744800567626953, 0.5989027619361877, 0.603611946105957, -0.05620244890451431, -1.2402335405349731, 0.005981031805276871, -0.655898928642273, 0.26128488779067993, 0.23041781783103943, 0.1598428636789322, -0.38278672099113464, 0.4310281276702881, -0.11904693394899368, 0.42050701379776, 0.5510978102684021, -0.3296947479248047, -0.47164592146873474, -0.5903246998786926, -0.6002477407455444, 0.3530898988246918, -0.4645574390888214, 0.5002674460411072, -1.6280230283737183, 0.780022144317627, 0.25774165987968445, -0.0548221617937088, 0.22516033053398132, -0.2798749506473541, 0.3973235785961151, -0.42823147773742676, -0.2416347861289978, -0.4227011203765869, 0.281899631023407, 0.004681240767240524, -0.5711547136306763, 0.6714863181114197, -0.6174596548080444, 0.21757888793945312, 0.5670114755630493, -0.4197019636631012, 0.20319586992263794, -0.6140313148498535, 0.17796754837036133, -0.23457498848438263, 0.523343563079834, 0.7198819518089294, 0.13110852241516113, -0.06240426003932953, -0.25946494936943054, 0.2500759959220886, 0.33612897992134094, -0.5729557871818542, 0.050032876431941986, -0.4485076367855072, -1.4902716875076294, -0.37801507115364075, 0.2787630558013916, 1.4894838333129883, 0.03436937555670738, 0.515619695186615, 0.16890046000480652, -0.37719956040382385, -0.3127392530441284, 0.5316810607910156, 0.5648378133773804, -0.41083642840385437, 0.27741876244544983, 2.5777392387390137, -0.13718295097351074, 1.1698248386383057, 0.7658104300498962, -0.23155423998832703, -0.2240641713142395, -0.19023367762565613, 0.19988544285297394, 1.100488543510437, -0.7923499941825867, -1.2225844860076904, -0.4449538588523865, -0.05488475412130356, 0.20275965332984924, -0.9701218008995056, -0.19830463826656342, 0.0461343452334404, 0.18028326332569122, -0.6356610655784607, -0.4884706735610962, 0.2790164649486542, 0.8080579042434692, -0.5345990061759949, -0.07239891588687897, -0.505685031414032, 0.7865790724754333, 0.6622527241706848, 0.27703857421875, -0.3631952404975891, 0.23078525066375732, -0.03371541202068329, 0.29465171694755554, 1.0314507484436035, 0.07191496342420578, -0.8021581172943115, 0.3019404411315918, -0.02120981737971306, -0.5453321933746338, 0.42352011799812317, -0.1516617387533188, -0.45191100239753723, -0.24131962656974792, 0.6082983613014221, 0.3746569752693176, 0.5132495164871216, 0.1011296957731247, -0.5967792868614197, -0.5148611664772034, -0.6161855459213257, 0.14252375066280365, 0.35070833563804626, -0.1582893282175064, -1.4940849542617798, -0.42214733362197876, -1.0865250825881958, 0.2776941657066345, 0.08606094121932983, -0.15178664028644562, 0.2814166247844696, 0.42009884119033813, -0.03501260280609131, -0.13578063249588013, 0.0579279400408268, -1.691192865371704, -0.08178161829710007, 0.18916498124599457, 0.15440785884857178, 0.3467858135700226, 0.31512176990509033, 0.22333377599716187, 0.8078638315200806, -0.4211582839488983, -0.7442577481269836, -1.4145636558532715, 0.6562831401824951, 1.6865370273590088, -0.491430401802063, 0.0988226905465126, -0.9101176857948303, -0.13835161924362183, -0.2055385708808899, -0.702896237373352, -0.19399166107177734, -0.23825421929359436, 0.04879075288772583, -0.33016538619995117, 0.28980550169944763, -0.3570766746997833, 0.47068771719932556, -0.045221827924251556, 0.6484966278076172, -0.43537572026252747, -0.45294350385665894, -0.38658905029296875, -1.0989048480987549, 0.29986560344696045, 0.6473809480667114, -0.29035550355911255, -0.16316939890384674, 0.8715981245040894, 0.32625606656074524, 0.3924769163131714, 0.15908843278884888, -0.047366153448820114, -0.4494358003139496, 0.0012011481449007988, -0.2079419493675232, 0.24188321828842163, -0.5303702354431152, -0.4488425850868225, 0.6550890207290649, 0.2322210669517517, -0.16981473565101624, -0.6475191712379456, -0.17505495250225067, -0.3727276623249054, 0.12953223288059235, 0.9610803723335266, -0.0667252242565155, 0.7455324530601501, -0.7814974784851074, 0.421135276556015, 0.28052040934562683, -0.420776903629303, -0.22361034154891968, -0.6694273352622986, -0.15121914446353912, -0.27479317784309387, 0.40084409713745117, -0.2324659526348114, -0.029627714306116104, -0.4294847846031189, 0.04081355780363083, 0.26694926619529724, -0.048887550830841064, -0.6689388751983643, -0.4880305528640747, 0.18988469243049622, -1.0956649780273438, -0.07463137805461884, 0.3467901647090912, -0.2144935429096222, -0.0014768270775675774, 0.5185954570770264, 0.6844316720962524, 0.01836496591567993, 0.05219663679599762, -0.32112786173820496, 0.7567191123962402, -0.22200722992420197, 0.9945874810218811, 0.003921583294868469, -0.5749132037162781, -1.249648094177246, -0.20891129970550537, -0.25352805852890015, 0.2859239876270294, -0.3916739225387573, 0.251312255859375, 0.46493592858314514, -0.3097227215766907, 0.11031077057123184, 0.6106213927268982, 0.40576669573783875, 0.009156383574008942, -0.7125511765480042, 1.3063874244689941, 0.19405540823936462, -0.19778065383434296, 0.5742083787918091, 0.7353122234344482, -0.2009739726781845, 1.036933183670044, 0.1491677463054657, 0.4860237240791321, 1.014199137687683, 0.02647371217608452, 0.6495686173439026, 0.13161003589630127, -1.4992144107818604, -0.15477901697158813, 0.29904308915138245, -0.1198367178440094, 0.38421431183815, 0.36223718523979187, -0.5118154883384705, -0.6464038491249084, -0.17982220649719238, -0.21659180521965027, -0.599542498588562, 0.09365016222000122, 0.17773759365081787, 0.4752013683319092, 0.6023737192153931, -0.31088483333587646, 0.5576820373535156, 0.4323471188545227, -0.0017388761043548584, -0.2978266775608063, -0.2929975092411041, 0.24392420053482056, 0.4734933376312256, 0.75377357006073, 0.020831948146224022, 0.6864691972732544, 0.40487074851989746, -0.6643649935722351, -0.28661349415779114, 0.4983079433441162, -0.29187914729118347, 0.19570596516132355, 0.011788839474320412, 0.12862810492515564, 0.33969345688819885, 0.31201454997062683, 1.071171760559082, 0.40293678641319275, -0.10742844641208649, -0.8278989195823669, -0.16367390751838684, -1.0679203271865845, -0.38322171568870544, 1.2847353219985962, 0.7228976488113403, 0.9762519598007202, -0.2854386568069458, 0.22738227248191833, 0.10727348923683167, 0.03583503141999245, 0.5087647438049316, 0.9352097511291504, 0.25578081607818604, -0.11912481486797333, -0.19970369338989258, 0.2254282534122467, 0.3379930853843689, -0.2290569245815277, -0.09437883645296097, -0.6018314957618713, 0.03212295472621918, -0.41723304986953735, 0.025834932923316956, 0.24166356027126312, 0.7378273010253906, 0.31663480401039124, -0.5516272783279419, -0.8927261233329773, -0.42373961210250854, -0.8513232469558716, 0.24608981609344482, 0.7292149066925049, -0.11146217584609985, 0.06066470593214035, -0.3770596385002136, -0.03564518690109253, -0.06301408261060715, 0.6943023800849915, 1.1360626220703125, 0.10642047226428986, -1.8113439083099365, -0.11141431331634521, -0.8828613758087158, 0.13850590586662292, -0.12875044345855713, 0.1191537082195282, -0.6950846314430237, 0.3006798326969147, -0.1527373194694519, -1.1191738843917847, -0.05308336764574051, -0.2057519257068634, -1.448569893836975, 0.7202814221382141, 1.169647455215454, -1.2608567476272583, -0.36457207798957825, 0.27334481477737427, -0.3632187843322754, -0.506346583366394, -0.15043310821056366, -0.5309204459190369, 0.5632590055465698, -0.3584226965904236, 1.0195034742355347, 0.08456398546695709, -0.10179002583026886, 0.2951384484767914, 1.4668084383010864, 1.00653874874115, -0.20180901885032654, -0.18917086720466614, -0.32238078117370605, 0.0529569536447525, 0.14468207955360413, -1.0067616701126099, -0.5161843299865723, -0.06754390895366669, -0.22507527470588684, -0.3581123948097229, -0.3569793105125427, -0.7560184597969055, -0.048138827085494995, 0.2602648437023163, 0.7820253372192383, -0.12544579803943634, 0.3943973779678345, -0.9282655119895935, 0.10343625396490097, 0.49450674653053284, -0.24232560396194458, -0.7526126503944397, 1.269338607788086, -0.3014848232269287, 0.21972514688968658, -0.11729482561349869, -0.7349894642829895, 0.8922387957572937, -0.07973192632198334, -0.2780050039291382, -0.03029598295688629, -14.50283145904541, 0.6411230564117432, -0.14095205068588257, 0.7425042390823364, 0.8117533922195435, 0.29193970561027527, 0.44591784477233887, 0.02227170579135418, 0.8893381357192993, -0.5477460026741028, 0.15948253870010376, 1.4441354274749756, -0.4722405970096588, -0.2156437337398529, -0.4568127989768982, -1.1278549432754517, -0.3865785002708435, 0.03390568494796753, -0.06051873788237572, -0.522455632686615, -0.07304573059082031, -0.5346978902816772, -0.03228045254945755, -0.21031557023525238, 0.2868998050689697, 0.4330643117427826, 0.43507683277130127, 0.1715078502893448, -0.20329022407531738, 0.3341059386730194, 0.41115543246269226, 0.15328721702098846, -0.2710845172405243, -0.6646454334259033, -0.4648825526237488, 0.6483168601989746, -0.3915705680847168, -0.23177026212215424, 0.8131530284881592, -0.3168764114379883, 0.146683469414711, 0.3057033121585846, 0.582355797290802, 0.08120118081569672, -0.6766377091407776, 0.2114107757806778, -0.11662771552801132, -0.7783917188644409, 0.44969624280929565, -0.3362000584602356, -0.46127933263778687, -0.37386950850486755, -0.7425103187561035, 0.027361232787370682, 0.5390971899032593, -0.03869849443435669, -1.0802080631256104, 0.2010616958141327, -0.8289310336112976, -0.6090593338012695, 1.5524961948394775, -0.3868322968482971, -0.1488240361213684, 0.8583781719207764, -0.4057294726371765, -0.7518466711044312, 0.4799853563308716, 0.4628733694553375, -0.5573354363441467, -0.4528236985206604, 0.3927135467529297, 0.6664523482322693, 0.5979912281036377, 0.05060231685638428, 0.4296480119228363, 0.3705390691757202, 0.08802423626184464, -0.37545639276504517, 0.004808466881513596, 0.19061225652694702, -0.7342756390571594, 0.719756543636322, -0.4088756740093231, -0.1712580919265747, -0.2583233118057251, -0.5001161098480225, -0.4827698767185211, -0.3248431384563446, 0.12505966424942017, 0.2553633451461792, 0.4489317834377289, 0.5247816443443298, -0.19047558307647705, -0.44193390011787415, -0.22623014450073242, 0.09924390912055969, -0.3978061079978943, 0.564273476600647, -0.5201135873794556, -0.21899667382240295, 0.4953800439834595, 0.35653501749038696, -0.4874275028705597, -0.5283330678939819, 0.4882475733757019, -0.052680451422929764, -0.16605909168720245, -0.055029384791851044, -0.41674095392227173, -0.029882827773690224, 0.6884759664535522, -0.27776849269866943, 0.48232609033584595, 1.428920030593872, -0.12126705795526505, 0.7393838763237, 0.6800145506858826, -0.753797173500061, 0.24210788309574127, 1.1571311950683594, 0.45686718821525574, -0.006271008867770433, 0.6976369619369507, 0.5015080571174622, -0.38564333319664, 0.5028713345527649, -0.012344539165496826, 0.4261845052242279, -1.0998245477676392, -0.7843847274780273, 0.3721550405025482, -0.03674596548080444, 0.2553534209728241, -0.07254921644926071, -0.46057990193367004, -0.7364220023155212, -0.0038564838469028473, 0.8654590845108032, -0.02012769877910614, 0.08620673418045044, -1.1839553117752075, -0.42565855383872986, 0.12790191173553467, -0.584192156791687, -0.9140321612358093, -0.34373363852500916, -0.9520432353019714, -0.20699328184127808, -0.6438753008842468, -0.29636281728744507, -0.011263206601142883, -0.2207683026790619, 1.039997935295105, -0.4799554944038391, 0.029276372864842415, -0.7412707805633545, 0.5479263067245483, -0.09842075407505035, -0.7833394408226013, -0.24892917275428772, 0.1028699278831482, 0.7959249019622803, -0.1888439953327179, 0.7887104749679565, 0.7099815607070923, 0.45924386382102966, -0.05498658865690231, -0.1340731680393219, -0.26870468258857727, 0.2529533803462982, 0.9337323904037476, -0.5826030373573303, -0.02429003268480301, -0.25881901383399963, -0.15945947170257568, -0.4527609348297119, 0.7158147692680359, 0.44409364461898804, -0.2926773428916931, 0.5749512910842896, -0.17231926321983337, 0.3925972282886505, 0.6007949709892273, -0.7448322772979736, 0.16536355018615723, 0.509860098361969, 0.11851118505001068, 0.6358622312545776, -0.21165665984153748, -0.08318689465522766, -1.0695953369140625, -1.006976842880249, -0.24662339687347412, 0.16076740622520447, 0.7551791667938232, -0.0820351094007492, 1.0561710596084595, -0.08340767025947571, 0.12072071433067322, 0.11887522786855698, -0.5507714748382568, 0.2886350750923157, 0.21642418205738068, 0.24868212640285492, -0.44623175263404846, 0.045877307653427124, -0.6800135970115662, 0.162337526679039, 0.5623595118522644, 0.70535808801651, -0.14650088548660278, -0.0790071040391922, 1.102683186531067, -0.2995920181274414, 0.22215057909488678, -1.271440029144287, 0.7993391752243042, -0.3979971706867218, -0.5662655830383301, -0.3294431269168854, 0.07499852776527405, 0.7576023936271667, 0.03786168992519379, 0.8213927745819092, -0.09370499849319458, 0.3960111141204834, 0.6129153966903687, 0.4954988360404968, 0.7247657179832458, 0.1868884116411209, -0.6891338229179382, 0.5054114460945129, -0.9516105651855469, -0.3657349944114685, -0.2039351612329483, 0.18575957417488098, -0.1867232769727707, 0.494596391916275, -0.6789246201515198, 0.2593083679676056, -0.6331660151481628, 0.29527080059051514, 0.12101925164461136, 0.849045991897583, -0.6147907972335815, -0.9310754537582397, -0.19510169327259064, -0.4105208218097687, 0.2139139473438263, 0.9038392901420593, 0.2858527898788452, 0.24054014682769775, 0.5700392723083496, 0.040201082825660706, 0.7623600363731384, 0.4620407223701477, 0.053526367992162704, 0.27151405811309814, -0.07006970047950745, 1.3678263425827026, 0.9888169765472412, -0.3166954219341278, -0.19353877007961273, 0.057206492871046066, -0.7016770839691162, -0.06586574763059616, -0.38290122151374817, 0.15502320230007172, 0.3154177665710449, -0.11108393967151642, 0.26152288913726807, -0.3103308081626892, 0.239999458193779, -0.4815448522567749, 0.19446435570716858, 0.06126509606838226, -0.9735110998153687, -0.4294033646583557, -0.38118776679039, -0.11699044704437256, 0.4010225534439087, -0.33806395530700684, -0.5382394790649414, 0.08278612792491913, 1.1761330366134644, -0.05589417368173599, -0.24100233614444733, -0.24694153666496277, 0.48647308349609375, 0.41255810856819153, 1.1126703023910522, 0.4147990942001343, -0.5002332925796509, -0.1552271544933319, -0.05405693128705025, -0.04472945258021355, 0.4681491553783417, -0.07365890592336655, -0.5840170383453369, 0.08922265470027924, 0.30738064646720886, -0.6746382713317871, 0.06311528384685516, 0.14952480792999268, 0.043005771934986115, -1.0753523111343384, 1.324424147605896, 0.163363516330719, 0.664326548576355, -0.5624158978462219, -0.03393949568271637, 0.11291693150997162, 0.2954905331134796, 0.49364668130874634]} +{"paper_id": "timit_asr", "embedding": [-0.47229576110839844, 0.7177260518074036, 0.40555283427238464, -0.5901491641998291, 0.22374621033668518, 0.5572064518928528, 0.5221198201179504, 0.848720371723175, 0.47306036949157715, 0.40303152799606323, 0.719079852104187, -0.031993985176086426, 0.35292381048202515, -0.24332861602306366, 0.005773123353719711, -0.0523369163274765, -1.1742159128189087, -0.1044863909482956, -0.9039011001586914, -0.63271164894104, -0.5626925230026245, -0.04652035981416702, 0.018481682986021042, 0.1460750699043274, -0.7901712656021118, -0.12964418530464172, 0.3536246120929718, -0.26451927423477173, 0.19630935788154602, 0.4342713952064514, 0.3258261978626251, 0.7176823616027832, -0.6959566473960876, 0.1915028691291809, -0.6276392340660095, -0.17598707973957062, -0.2235550433397293, -0.3495783805847168, -0.09772859513759613, 0.06331915408372879, -0.6948255896568298, -0.26732683181762695, 0.32776573300361633, 0.2457561194896698, 1.1297757625579834, 0.31857654452323914, -0.3478732109069824, 0.7810868620872498, -1.02565336227417, 0.4517916738986969, -0.6008880138397217, 0.557704746723175, 0.9418275952339172, 0.08802959322929382, -0.5445849299430847, 0.43893638253211975, -0.48753592371940613, -0.10230927914381027, 0.24912866950035095, -1.5868421792984009, 0.2978817820549011, 0.8227644562721252, -0.03091585449874401, 0.46238163113594055, 0.8138914108276367, -0.3155936896800995, 0.7070260643959045, 0.3370559811592102, 0.8577521443367004, 1.028287410736084, -0.31001508235931396, -1.108473300933838, 0.8489878177642822, 0.1433626115322113, 0.20084230601787567, 0.3208327293395996, -0.2896393835544586, 0.40601059794425964, 0.07907860726118088, -0.06340071558952332, -0.3933016061782837, 0.49013596773147583, 0.35382187366485596, -0.8975127935409546, 0.23740409314632416, 0.4320197105407715, 0.653914213180542, -0.31620073318481445, 0.15535111725330353, -0.8879653811454773, -0.46399837732315063, 0.1176372691988945, 0.6887528300285339, -0.021562188863754272, -0.13931366801261902, -0.05975986272096634, 0.35840463638305664, 0.1392522007226944, -0.4866224527359009, 0.31285783648490906, 0.6836203932762146, 0.01173439621925354, 0.7341718077659607, -0.24429234862327576, 0.36463209986686707, 0.4989257752895355, -0.748389720916748, -0.9061709046363831, 0.05410308390855789, 0.0369345098733902, -0.6240718364715576, 0.9379976987838745, 0.268941730260849, 0.5387808680534363, 0.26466184854507446, -0.2828198969364166, 0.19789420068264008, -0.20725037157535553, -1.4051085710525513, -0.6370517611503601, -0.22442135214805603, -0.8293755054473877, 0.48017582297325134, -0.3877115845680237, 0.9748304486274719, -0.3200891613960266, 0.770508348941803, -0.00337374210357666, 0.32515856623649597, -0.5124383568763733, 0.5933190584182739, -0.0808003693819046, 0.3859389126300812, 0.17561425268650055, 2.6322929859161377, -1.1800618171691895, 0.9373024702072144, -1.0022073984146118, 0.27754825353622437, 0.05854615569114685, 0.33347395062446594, 1.5624290704727173, -0.7415721416473389, -0.5537543892860413, -1.2667429447174072, -0.22753900289535522, -0.6247881054878235, 0.16916824877262115, -0.42480310797691345, -0.17000892758369446, -0.08991342782974243, 0.9090425372123718, -1.1787797212600708, -1.2425390481948853, -0.22479940950870514, 0.14518815279006958, 0.12269343435764313, 0.44401970505714417, -1.1065373420715332, 0.06488151103258133, 0.8651279807090759, 0.2713986039161682, -0.1340855062007904, 0.5100951790809631, -0.761172354221344, 0.22886134684085846, 0.2210671305656433, 0.18931758403778076, 0.07024811208248138, -0.692069947719574, 0.45232468843460083, -0.1547829508781433, 0.8280771374702454, 0.702096164226532, -0.37656527757644653, 0.226949542760849, 0.05856063961982727, 0.21308240294456482, 0.6289284229278564, -1.2756974697113037, 0.2151927351951599, 0.0004306510090827942, -0.5088900923728943, -0.3976840376853943, 0.5847851634025574, -0.460843563079834, -0.9664546251296997, 0.19900095462799072, 0.8173983097076416, 0.5156283378601074, -0.40079614520072937, -0.7611564993858337, 0.5417308807373047, -0.3100913465023041, -0.07706668972969055, 0.648439347743988, 0.32012057304382324, -0.3534635007381439, -0.2629989683628082, 0.9258024096488953, 0.06171527877449989, -0.15661121904850006, -0.04568474739789963, 0.43617987632751465, 0.8472018837928772, 0.07963187247514725, 0.17900142073631287, -0.372152715921402, 0.17324817180633545, 1.5646073818206787, 0.4606354832649231, -0.8885279893875122, 0.0687602162361145, -0.6769794821739197, 0.6438125371932983, -1.2636340856552124, -0.046892378479242325, -0.8582091331481934, -0.38833320140838623, -1.440071940422058, 0.21156378090381622, -0.7741286158561707, -0.6598905324935913, 0.25371217727661133, 1.1778335571289062, -0.7917354702949524, -0.03020530566573143, 0.30732592940330505, -0.7204431295394897, 0.33354318141937256, 1.0003477334976196, 0.3271193504333496, -0.4807354211807251, 0.3028661012649536, 0.19878369569778442, -0.25517135858535767, 0.17705005407333374, 0.4965877830982208, -0.04918628931045532, -0.45594310760498047, -0.2171284705400467, 0.4005860686302185, -0.13535617291927338, 0.03444162756204605, 0.9516015648841858, 0.8692891597747803, -0.07275306433439255, -0.9206925630569458, -0.4578236937522888, 0.9924585819244385, 1.3925379514694214, 1.1514328718185425, -0.6382281184196472, 0.41830816864967346, -0.32322564721107483, 0.9170470833778381, 0.6742388606071472, -0.5201994776725769, -0.16723427176475525, -1.1689252853393555, 0.7492653727531433, -0.6809688806533813, 0.06289978325366974, -0.06644710898399353, 0.037403300404548645, -0.5244320631027222, -0.8237552642822266, -0.25412774085998535, -0.4148644208908081, -1.1176337003707886, -1.1404975652694702, 0.6169582009315491, 0.13906067609786987, -0.4754178524017334, -0.5153634548187256, 0.685090184211731, 0.508979320526123, 0.8841022253036499, 1.3252451419830322, -0.02285117655992508, -0.17385149002075195, -0.688366711139679, -0.29394668340682983, -0.1321144700050354, 0.1052645742893219, -0.8898518681526184, 0.015035456977784634, -0.43826889991760254, -0.3973481059074402, -0.4911942481994629, 0.4399016499519348, -0.15414240956306458, -0.16938845813274384, 0.6252896189689636, -0.30520033836364746, -0.6627970337867737, 1.0901042222976685, -1.1180708408355713, 0.42230984568595886, -1.000404953956604, 1.3607134819030762, 0.6116183400154114, -0.50681072473526, -0.09364840388298035, -0.5327897667884827, 0.36919912695884705, 0.4441489577293396, -0.9420472383499146, 0.8898440003395081, 0.9515751004219055, -0.6219580769538879, -0.11135797202587128, 0.48551061749458313, -2.472996234893799, -0.09007740765810013, 1.4447213411331177, 0.15063615143299103, -0.2865121364593506, -0.7007833123207092, -0.3074226379394531, 0.012606211937963963, 0.11235120892524719, 0.170816570520401, -0.8633273243904114, 0.4541240334510803, 0.16470351815223694, 0.6691544055938721, 0.9038018584251404, -0.4853253960609436, -0.10123664140701294, 0.6855624914169312, 0.7922881841659546, -0.28071653842926025, -0.12346995621919632, 0.10210820287466049, -1.1962733268737793, 0.4464988112449646, 1.0140072107315063, 0.47712069749832153, 1.5785832405090332, 0.01338183507323265, -0.5250961780548096, 0.5971071720123291, 0.7481228113174438, 0.03710690513253212, 0.4123433530330658, 0.6432898640632629, 0.7727320194244385, 0.3182477056980133, 0.47414031624794006, 0.33905911445617676, -0.8630226254463196, -0.3199027478694916, 0.278695672750473, -0.7939996719360352, -0.5883340835571289, 1.0234606266021729, 0.5402889847755432, 1.0864839553833008, -0.27109503746032715, 0.4316324293613434, -0.5978681445121765, 0.34410712122917175, 0.6707028746604919, 0.7790703177452087, 0.007066614925861359, 0.3200310468673706, 0.3666081428527832, 0.26084765791893005, 0.08683081716299057, -0.5159366726875305, 0.12980449199676514, 0.5986664295196533, -0.1187959760427475, -0.6851810812950134, -0.10310022532939911, 1.3566958904266357, 0.7469679713249207, 1.5915961265563965, 0.011450161226093769, -1.0230095386505127, 0.2061368077993393, 0.9307572245597839, 0.0008280780166387558, 0.5213587880134583, -0.4911532998085022, 0.09308254718780518, 0.11281931400299072, 1.348935842514038, -0.5911306738853455, 0.3999682068824768, 0.055788516998291016, -1.237009882926941, -0.029637083411216736, 0.2074289470911026, -1.1741039752960205, -0.5307871103286743, -0.5956552624702454, -0.4394833743572235, -0.8981279134750366, 0.39201968908309937, -0.2294093370437622, -0.7186868190765381, 0.07992765307426453, 0.2263842076063156, -0.2943037748336792, 0.689856767654419, 1.2672793865203857, -0.7983818650245667, -0.22338435053825378, -0.39363348484039307, -0.9179328680038452, -0.9801797270774841, 0.626946210861206, 0.04380735009908676, 0.057122599333524704, -0.684206485748291, 1.1052714586257935, -0.45465314388275146, -0.09371935576200485, -1.1256994009017944, 0.42948633432388306, 0.7574988603591919, 0.21176259219646454, 0.1366904377937317, -0.4660896360874176, 0.07053539156913757, -0.2934989929199219, -1.012509822845459, -0.1292387992143631, 0.1409875899553299, 0.5031782388687134, -0.4075385630130768, 0.05010199919342995, 0.1842261254787445, -0.3385583460330963, -0.08026169240474701, 0.22986498475074768, -1.239977240562439, 0.5158728361129761, 0.014041807502508163, 0.2914673388004303, 0.9744253158569336, -0.3740718364715576, -0.010055731981992722, -0.009215094149112701, -0.6822875142097473, 0.4141528308391571, 0.1657724678516388, 0.11045871675014496, -0.40031522512435913, 0.5984588861465454, 0.7677450776100159, 0.3680155575275421, -13.185890197753906, 0.7664863467216492, -1.0027226209640503, 0.06445908546447754, 0.17345759272575378, -0.05637624114751816, 0.4786361753940582, 0.9902159571647644, 0.8332945704460144, -0.7021339535713196, 0.49122923612594604, 0.12384305894374847, -0.34693360328674316, -0.626566469669342, 0.45317116379737854, -0.11591020226478577, -1.1276553869247437, -0.18951641023159027, 0.40148264169692993, 0.5807538628578186, 0.18834148347377777, -0.941669225692749, -0.6938265562057495, 0.5991163849830627, -0.10750582814216614, -0.4845123887062073, 0.048216670751571655, -0.6897456049919128, -0.6025398969650269, 0.4779514968395233, 0.7185149192810059, -0.16877980530261993, -0.13330204784870148, -0.10429127514362335, 0.7453977465629578, -0.13527272641658783, -1.240634799003601, -0.5515995025634766, 0.26510727405548096, 0.4170692265033722, 0.2323262244462967, 0.29175108671188354, -0.5383976697921753, -1.2551445960998535, 0.13843147456645966, 0.01768575608730316, 0.20042665302753448, 0.28646862506866455, 0.5268404483795166, -0.4553523361682892, -0.4109722971916199, -0.41135790944099426, -0.5893739461898804, -1.075127363204956, 0.828502893447876, -0.12670838832855225, -0.4385726749897003, 0.44296613335609436, -0.16304732859134674, -0.3395508825778961, 1.0895639657974243, 0.7090078592300415, -0.3048980236053467, 0.42922618985176086, 1.0145699977874756, -0.6820095181465149, 0.32646644115448, 0.4586932361125946, 0.5814124941825867, -0.4372382164001465, -0.9901824593544006, 0.7533373236656189, 0.5169752836227417, 0.07861478626728058, -0.8604714870452881, -0.4045588970184326, -0.29893991351127625, -0.5394977927207947, 0.4632442593574524, 0.9442786574363708, -0.20610633492469788, -0.17970681190490723, -0.14113429188728333, -0.47373166680336, -0.6890000700950623, 0.040776822715997696, 0.5139490962028503, -0.2318110316991806, 1.147214651107788, 0.9101232886314392, 1.350615382194519, 0.6631497740745544, -0.6215953826904297, 0.12588858604431152, -0.6630017161369324, 0.8668487071990967, -0.037587378174066544, 0.8020026683807373, -0.24939900636672974, 0.0020704641938209534, 0.4933755695819855, 0.11843331903219223, -0.2337595820426941, 0.36131414771080017, 0.6186251640319824, -0.6032824516296387, -0.3186568021774292, 0.6502484083175659, 0.6545359492301941, 0.6373681426048279, 0.8716590404510498, -0.6595938801765442, -0.07271616905927658, 0.27468395233154297, 1.1780967712402344, 0.330514132976532, 0.5126009583473206, 0.49457401037216187, 1.0822123289108276, 0.3843500018119812, -0.612220287322998, 0.49889636039733887, 0.029991254210472107, 1.2768845558166504, 0.3982328474521637, 0.09048349410295486, -0.10209932923316956, 0.44380539655685425, -0.5279842019081116, -0.41995641589164734, -0.16808170080184937, -0.24825917184352875, 0.725885272026062, -0.7213425040245056, 0.2614952325820923, -0.39019975066185, -0.1789916306734085, 0.8371603488922119, -0.4300999045372009, 0.4391615390777588, 0.03056769073009491, -0.7765254378318787, -0.4517114758491516, -0.5769867897033691, -0.29536670446395874, 0.46390053629875183, -1.2103701829910278, -0.7452002167701721, -0.14640769362449646, 0.3252274990081787, 0.8015415668487549, 0.4413740932941437, 0.7770641446113586, -0.4911527633666992, -0.03891022503376007, 0.8261560797691345, 0.2829248607158661, -0.3715602159500122, -0.2862914502620697, -0.7389822006225586, 0.9589522480964661, 0.38261276483535767, -0.9764022827148438, 0.9946098327636719, 0.0004347898066043854, 0.5329984426498413, -0.625175952911377, -0.5412033796310425, 0.031123124063014984, 0.5095579028129578, 1.286218285560608, -1.2366585731506348, -0.4995589256286621, -1.2128231525421143, -0.0397794172167778, -0.1302124261856079, -0.8086440563201904, 0.786673903465271, -1.3993780612945557, 0.4090566039085388, -0.2491513043642044, 0.09596318006515503, -0.09012347459793091, -1.0918388366699219, -0.6905134916305542, 0.3867533504962921, 0.04510675370693207, 0.801300048828125, -0.10029634088277817, -0.14875686168670654, -1.6947860717773438, -1.1450533866882324, -0.5074480175971985, 0.07191455364227295, -0.02129579335451126, -0.06963562965393066, 0.019340284168720245, -0.09343276917934418, 0.18774965405464172, 0.2246093451976776, 0.16667136549949646, 0.22478839755058289, -0.47149458527565, -0.5110063552856445, -0.13168226182460785, -0.4220156967639923, -0.19107744097709656, 0.3048427700996399, 0.2898605465888977, -0.3105021119117737, -1.2606371641159058, -0.10388168692588806, 0.15293137729167938, 0.20913563668727875, -0.25436457991600037, -0.6971077919006348, -0.7624691128730774, 0.2661110758781433, -0.1512010246515274, -0.3789321482181549, -0.43140673637390137, 0.5047955513000488, -0.2787662446498871, 1.132826566696167, -0.02880389243364334, 0.25590935349464417, 0.030195945873856544, 0.3270266652107239, 1.1293147802352905, 0.0008290261030197144, -0.5638142228126526, -0.6032206416130066, 0.21976280212402344, -0.41893935203552246, 0.0420520156621933, -0.11032938212156296, -1.5694968700408936, -0.0084710493683815, -1.52005934715271, 0.22195225954055786, -0.7793470621109009, 0.00888532493263483, -0.16539649665355682, 0.6628987789154053, -0.27398765087127686, -1.3696225881576538, -0.347931444644928, 0.1257554292678833, -0.16617970168590546, -0.4170718491077423, -0.3315517008304596, 0.7067167162895203, 0.6700692772865295, 0.03339507430791855, 0.7100816965103149, -0.0010851845145225525, 0.0767773762345314, 0.6833488345146179, 0.6456186175346375, 1.1930114030838013, 0.7780104875564575, -0.4833442270755768, 0.5410014390945435, -0.7536528706550598, -0.5676243305206299, 0.7489303946495056, -0.13039177656173706, 0.46690434217453003, 1.4644145965576172, -0.43087339401245117, -0.8722981214523315, -0.58074551820755, -0.1757029891014099, -0.27400723099708557, 0.3901517391204834, 0.8695380687713623, -0.5974231958389282, -0.3555062413215637, -0.16437755525112152, 0.549281656742096, 0.4541269838809967, 0.32992371916770935, -0.25847935676574707, -0.8029720783233643, -0.021212365478277206, -0.018839368596673012, -0.8079254627227783, -0.5054264068603516, 0.23967942595481873, -0.8532524108886719, 0.24924106895923615, 0.20193083584308624, -0.22884076833724976, -0.27516886591911316, 0.19612716138362885, -0.21865615248680115, 0.8305227160453796, -0.20159262418746948, -1.093061089515686, -0.28322505950927734, -0.04643377289175987, -0.25818711519241333, -0.9313486218452454, 0.02349191904067993, -0.0018856748938560486, -0.8998785614967346, 0.8815078139305115, 0.5247240662574768, -0.40059247612953186, 0.3271898925304413, 0.21818271279335022, 0.4447236657142639, -0.42798537015914917, 0.917950451374054]} +{"paper_id": "aeslc", "embedding": [-0.8074944615364075, 1.352366328239441, -0.14182060956954956, 0.2638359069824219, 1.0194815397262573, 0.007411830127239227, 0.9653546214103699, 0.30913957953453064, 0.5267993807792664, 0.34777623414993286, 0.3375518023967743, 0.26668688654899597, 0.39975982904434204, 0.28960585594177246, -0.8111308813095093, -0.14752653241157532, -0.9566742777824402, -0.25664082169532776, -1.0572311878204346, -0.5045507550239563, -0.8524236083030701, -0.5846219062805176, 0.08709423243999481, 0.40137943625450134, -0.7397380471229553, -0.5590089559555054, 1.1565359830856323, -1.4563637971878052, -0.034560784697532654, 0.5031577348709106, -0.22478312253952026, 1.0276340246200562, -1.1338934898376465, 0.0442698672413826, -0.6250351667404175, -0.7932673096656799, -0.16210278868675232, 0.730916440486908, -0.46535617113113403, -0.26028066873550415, -0.8945964574813843, 0.8991104364395142, 1.2004597187042236, -0.4380492568016052, 0.3092512786388397, -0.3371146321296692, 0.05202849209308624, -0.9892541170120239, -0.26920437812805176, 0.049672264605760574, -0.5130019187927246, 0.557732105255127, 0.11082091182470322, 0.5982011556625366, 0.18808689713478088, 1.3087071180343628, -0.3541555106639862, -0.6847590804100037, 0.026206528767943382, -0.021082386374473572, 1.0289926528930664, 1.2412514686584473, 0.3341044783592224, 0.3968805968761444, 0.929185688495636, -0.4697510600090027, 1.6236457824707031, -0.16274958848953247, -0.20372401177883148, 1.195319414138794, -1.1805613040924072, -1.408649206161499, 0.6283038854598999, -0.904888927936554, -0.14272893965244293, 0.6946510076522827, 0.2911088764667511, -0.14113153517246246, 0.024893824011087418, -0.08792468905448914, -0.24067912995815277, 0.3088268041610718, 1.1508551836013794, -0.6933315992355347, 0.4575049877166748, 0.32109788060188293, -0.23150739073753357, 0.3824527859687805, -0.5253093242645264, -1.421949028968811, 0.5133589506149292, -0.1765884906053543, 0.059866636991500854, 0.03017348051071167, -0.5551342368125916, 0.5714981555938721, 0.27093249559402466, 0.1677587777376175, -1.0072330236434937, 0.4696076810359955, 0.6984688639640808, -0.07420434802770615, 0.1880994290113449, -0.4611251652240753, 0.0966607928276062, 0.985905647277832, -0.050306063145399094, -0.6661922931671143, -0.19921204447746277, -0.5908986330032349, -0.07853366434574127, -0.3071242570877075, 0.007693881168961525, 0.6814016699790955, -0.14067944884300232, -0.010776903480291367, 0.15059736371040344, 0.16667145490646362, -0.17960746586322784, -0.3431568145751953, -1.0317182540893555, -1.7247451543807983, 0.27576038241386414, -0.30946868658065796, 1.388904094696045, -1.270012378692627, -0.4071178436279297, -1.2153886556625366, 0.23468023538589478, -0.1420813500881195, 0.8068488836288452, 0.3372412919998169, -0.683523952960968, 0.15209423005580902, 3.0424749851226807, -1.6382938623428345, 1.1525322198867798, -0.19469012320041656, -0.302351713180542, -0.7756320834159851, 0.49661991000175476, 1.8976720571517944, -0.9641060829162598, -0.9157115817070007, -0.9728620648384094, 0.21754544973373413, -0.6790805459022522, 0.7216920256614685, -0.6118348240852356, -0.22623734176158905, 0.2938450276851654, -0.3116382956504822, -0.7876490354537964, -0.5366553664207458, -0.23583705723285675, 0.14836454391479492, 0.462965190410614, 0.16064272820949554, -0.5014613270759583, 0.7297980785369873, 1.2223979234695435, 0.1416620910167694, 0.0987892895936966, 0.13629266619682312, -0.734532356262207, -0.3502880036830902, 0.29861196875572205, -0.3943566679954529, -0.6102733016014099, -0.2049594223499298, 0.4352136552333832, -0.3470035791397095, 0.3214479684829712, -0.4899141490459442, -0.4626314342021942, 0.23054835200309753, 0.7520107626914978, 0.8343852758407593, 0.08438821882009506, -0.9711589217185974, -0.08254270255565643, -0.9815940856933594, -0.39645877480506897, 0.37623152136802673, -0.29874327778816223, 0.41384997963905334, -1.9338927268981934, -0.684677243232727, -0.25973355770111084, 1.2627439498901367, -0.0020742863416671753, -0.3749472200870514, -0.3326537311077118, -0.13613854348659515, 0.03559909760951996, -0.7210105657577515, 0.3716432750225067, -0.5374212265014648, 1.1142029762268066, 0.5073603987693787, 0.7612336277961731, -0.059797707945108414, -0.11921893060207367, 1.3544220924377441, 1.4714946746826172, -0.4861809313297272, -0.560187041759491, -1.7438427209854126, 0.47974005341529846, 1.752476692199707, -0.536298930644989, -0.9968045353889465, -1.3271747827529907, -0.28727710247039795, 0.8348221778869629, 0.2989080846309662, 0.08312647044658661, -0.3433491587638855, 0.08389168977737427, -0.679246723651886, -0.5480387210845947, -0.5442374348640442, 0.2077883780002594, 0.9351608157157898, 0.8157029747962952, -0.14514797925949097, 0.048643216490745544, -0.687130868434906, -0.8067149519920349, 0.14069601893424988, 0.9577084183692932, 0.030452454462647438, -0.2814440131187439, 0.45145750045776367, 0.08055810630321503, 1.0122712850570679, 0.7871577143669128, 0.19345161318778992, 0.08165541291236877, -0.4079398214817047, 0.2285282164812088, 1.1344176530838013, 0.020392775535583496, 0.2580203413963318, -0.40458184480667114, -0.0127137191593647, -0.2073221206665039, -0.10342856496572495, 0.04125823825597763, -0.39228206872940063, 1.0403552055358887, 0.3866402208805084, -0.29819566011428833, 0.6665003895759583, -0.8627623319625854, 0.06123483180999756, -0.4516639709472656, -0.5314337015151978, -0.4350185990333557, -0.22385185956954956, 0.6913490295410156, 0.10524379462003708, 0.1997327357530594, -0.34539324045181274, 0.22547051310539246, -0.5984755754470825, -1.5170986652374268, -0.04759734123945236, -0.4459843635559082, -1.1641724109649658, -0.753823459148407, -0.39701157808303833, -0.7995762825012207, -0.3613058030605316, 0.5896768569946289, 0.12468875199556351, -0.2786361277103424, 0.40304630994796753, 1.4072295427322388, -0.49957275390625, 0.5058245062828064, -0.7479684352874756, 1.2695130109786987, 0.5819740295410156, 0.8976821303367615, -0.9328010678291321, -0.5841923356056213, -0.8489906787872314, 0.05185556411743164, -0.6769666075706482, 0.07239770144224167, 0.3650769591331482, -0.26528698205947876, 0.11395864188671112, -0.2881714999675751, -0.25055330991744995, 0.1546773463487625, -1.1405233144760132, 0.5397387742996216, -0.7383343577384949, 1.6794503927230835, 0.41370224952697754, -0.2561757266521454, 1.226717472076416, 0.13677915930747986, 0.12700922787189484, 0.7458364367485046, -0.5038636326789856, 1.282748818397522, 0.3451084494590759, -0.3407866358757019, 0.8531842827796936, 0.14394840598106384, -2.025420904159546, 0.11533405631780624, 1.532304286956787, -1.0876537561416626, -0.4988802373409271, -0.44057029485702515, -0.25842249393463135, -0.13820236921310425, -0.551828920841217, 0.13376572728157043, -0.5535318851470947, 0.1945006549358368, -0.20443260669708252, -0.051157720386981964, 0.4790797531604767, -0.4603269100189209, 0.6447016000747681, 0.7942174673080444, 0.07965878397226334, -1.545830249786377, -0.8141993880271912, 0.8570396304130554, -0.5569524168968201, -0.1386958360671997, 0.20296669006347656, 0.9907151460647583, 0.3392617106437683, -0.12424645572900772, 0.5757320523262024, 0.7485446333885193, 1.1047375202178955, -0.42363932728767395, 0.22959671914577484, -0.7131026983261108, 0.3632889986038208, -0.19857338070869446, 1.602666974067688, -0.21150098741054535, -0.23418615758419037, -0.3835025429725647, 0.017714187502861023, -0.70980304479599, -0.6862586736679077, 0.574519157409668, 0.6586067080497742, 1.4965604543685913, 0.4663383662700653, 0.5239191055297852, -0.4100029766559601, -0.5891531109809875, 0.5718231201171875, 0.631486713886261, 0.753664493560791, -1.363593339920044, 0.03007226064801216, 1.0691969394683838, 0.5720292925834656, -0.4865191578865051, 0.1010831743478775, 1.4485303163528442, -0.8929851651191711, -0.12084928154945374, 0.1794225573539734, 0.4064645767211914, 0.6403287649154663, 1.9240659475326538, -0.6681780219078064, -0.3455461263656616, -0.28820672631263733, -0.04585670679807663, 0.4948817491531372, 0.5930450558662415, -1.2199044227600098, 0.30569589138031006, 0.3419033885002136, 0.2372026890516281, -0.17764058709144592, 0.8361762762069702, 1.051916480064392, -0.2677795886993408, -0.30687853693962097, -0.3560313284397125, -0.8253044486045837, -0.6170262694358826, 0.027146585285663605, 0.3088081479072571, -1.0964257717132568, 0.8553095459938049, -0.4186325669288635, -1.094700813293457, 1.0897294282913208, -0.008193394169211388, -0.37597641348838806, 0.19727972149848938, 0.7379007339477539, -1.8209502696990967, -0.6228822469711304, -0.18688128888607025, -1.1360254287719727, -0.663707971572876, -0.3401105999946594, -0.5134450793266296, 0.45069462060928345, 0.37356114387512207, 0.14934676885604858, 0.20532380044460297, 0.4072027802467346, -1.2712208032608032, 0.25981277227401733, 1.1996127367019653, -1.32809579372406, 0.8874609470367432, 0.39340752363204956, 0.5716963410377502, 0.3412916362285614, -0.5982194542884827, -0.5560027360916138, -0.38204339146614075, 0.28709158301353455, 0.24612945318222046, -0.7025907039642334, 0.7419769167900085, 0.2639649510383606, -0.024883782491087914, 0.33617669343948364, -0.8478688597679138, -0.033058587461709976, -0.8006919026374817, 0.5412198305130005, 1.402793526649475, -0.3859112858772278, -0.9115912914276123, 0.6799072623252869, -0.6559657454490662, 0.7666337490081787, -0.09100518375635147, -0.033852946013212204, 0.52657151222229, 0.5775833129882812, -0.28117042779922485, -0.5300995707511902, -11.188821792602539, 0.5587029457092285, 0.15220975875854492, 0.09059204161167145, 0.40698617696762085, 0.43877604603767395, 0.972403347492218, 0.08351453393697739, 0.8027927279472351, -0.40117117762565613, 0.41050785779953003, 2.2019503116607666, -0.21349796652793884, -0.48846250772476196, -0.07674591988325119, -0.933201789855957, -0.9396838545799255, -0.030723288655281067, 0.9654431343078613, -0.5606680512428284, -0.1372290402650833, -0.7614575028419495, 0.16253137588500977, 0.23462967574596405, 0.4911802411079407, -0.30787956714630127, -0.36855998635292053, 0.3990272283554077, -0.8726008534431458, 0.20150309801101685, 0.595130980014801, 0.17081277072429657, -0.19676527380943298, -0.7166926264762878, -0.03349577262997627, -0.23942486941814423, -1.0273385047912598, -0.1387014091014862, 0.7359834909439087, -0.3204440772533417, 0.2695193886756897, 0.20490629971027374, 0.8828979730606079, -0.8204498887062073, -0.8117737174034119, 0.2097988873720169, 0.3172428011894226, -0.19888557493686676, 1.4197731018066406, -0.38434138894081116, -0.5688338875770569, -0.3562789559364319, -1.200273036956787, -0.3126482367515564, 0.503724992275238, 0.3260866403579712, -0.9817600846290588, 0.2727062702178955, 0.47243553400039673, -0.9022654294967651, 0.8554671406745911, -0.05012407898902893, 0.0982128158211708, 0.060071129351854324, 0.4916289746761322, -0.8924609422683716, -0.006355211138725281, -0.28934532403945923, 0.11011024564504623, 0.7672472596168518, -0.8492870926856995, 0.8193391561508179, 0.19777745008468628, -0.11970791220664978, 0.6532911062240601, -0.12729820609092712, -0.2979290783405304, 0.0404340997338295, 0.7371785044670105, -0.04515108838677406, -1.0385066270828247, 0.7983052730560303, -0.3180655539035797, -0.6618451476097107, -0.3932015299797058, 0.2409849762916565, -0.020509906113147736, -0.45238035917282104, 0.7126796245574951, -0.6295490264892578, 1.2195649147033691, -0.44676560163497925, 0.12685145437717438, 0.3771572411060333, -0.43433234095573425, 1.482276439666748, -0.9178137183189392, 0.49946844577789307, 0.1353016495704651, -0.28039228916168213, -0.18446451425552368, 0.16024431586265564, -0.48479610681533813, -0.3646179735660553, 1.0174560546875, -0.22935611009597778, -0.4930856227874756, 0.18847182393074036, -0.21585820615291595, -0.1267467737197876, 0.3393295407295227, 0.5691148042678833, -0.4170883297920227, 1.0796699523925781, 0.16044464707374573, 1.4826605319976807, 1.276821255683899, -0.013147741556167603, 0.48571085929870605, 0.28994882106781006, -0.7785612344741821, 0.44904839992523193, 0.5152442455291748, 0.47383975982666016, 0.5828496813774109, 0.39347967505455017, -0.03842899575829506, 0.4847976267337799, -0.2999630868434906, -1.4380279779434204, 0.2894304096698761, 0.18103206157684326, 0.3029853403568268, -1.0745069980621338, -0.17578963935375214, 0.09267471730709076, -0.673060953617096, 1.798378825187683, -1.3407639265060425, 0.3168686032295227, 0.1604413390159607, -0.6705331206321716, 0.034327030181884766, -0.4830622375011444, -0.9167197346687317, 0.022322848439216614, -1.9757038354873657, 0.5142465829849243, -0.3379576802253723, 0.07843552529811859, -0.22586321830749512, -0.3583575189113617, 0.20046323537826538, -1.2533921003341675, -0.9369908571243286, 0.4047037959098816, 0.9543365836143494, 0.14412760734558105, -1.10201096534729, -0.50230872631073, 0.5225843191146851, 0.7955590486526489, -0.28609806299209595, 0.7750236392021179, 0.13133016228675842, -0.35557472705841064, -0.28844723105430603, 0.38233211636543274, -0.5804488658905029, 0.4256345331668854, 1.4153376817703247, -1.4385639429092407, 0.06432794034481049, -0.42342421412467957, 0.09686006605625153, -0.32164889574050903, 0.7766239643096924, 1.3302490711212158, -1.5836049318313599, 0.11898933351039886, -0.18760503828525543, -0.010472416877746582, 1.3157951831817627, 0.02065417170524597, -0.2012818604707718, 0.8695089221000671, -0.10032802075147629, 0.3833545446395874, -0.42527949810028076, 0.768409788608551, -1.7418242692947388, -1.741927146911621, -0.5248990654945374, -0.38697659969329834, 0.6186106204986572, -0.128366157412529, 1.0042133331298828, 0.22670802474021912, -0.7784702777862549, -0.5781188607215881, -0.2874787747859955, 0.759758472442627, 0.05429127812385559, 0.7453351020812988, -0.024771874770522118, -0.5382206439971924, -0.7502139806747437, 0.1147373616695404, 0.09732253849506378, 0.004745041951537132, -1.4561467170715332, 0.04635410010814667, 0.32493194937705994, 0.39033326506614685, 0.008479971438646317, -1.275831699371338, -0.4117979407310486, -0.1459742784500122, -0.15777696669101715, -1.6084593534469604, 0.15882034599781036, 0.9864941239356995, -0.7378249168395996, 1.165005087852478, 0.9105820655822754, 0.6005899906158447, 0.560667097568512, -0.2720448970794678, 1.5941685438156128, -0.15948449075222015, -0.9883823394775391, 0.34610608220100403, -0.32767316699028015, 0.39097025990486145, 0.8356088995933533, -0.3373621106147766, -1.0063215494155884, -0.09905151277780533, -0.8218145966529846, -0.1343630850315094, -0.12515093386173248, 0.9894755482673645, 0.6829851865768433, 1.5896999835968018, 0.6755715012550354, -1.2692606449127197, -0.17803633213043213, -0.9235504865646362, -0.21389412879943848, 1.296414852142334, -0.20238538086414337, 0.25356239080429077, 0.5276151895523071, -0.6853950023651123, 1.2063579559326172, -0.32071980834007263, -0.08708173036575317, -0.22049766778945923, 0.6593088507652283, 0.6358208060264587, 0.36575356125831604, 0.667165219783783, 0.20220647752285004, -0.11736070364713669, 0.32025477290153503, -0.1649775356054306, -0.657703161239624, 0.44513702392578125, 0.8440684676170349, -0.7982801198959351, -0.16135907173156738, -0.6095031499862671, 0.46298572421073914, -0.40025439858436584, 1.2826454639434814, -0.43510788679122925, -1.054969072341919, -1.6940323114395142, -0.41763436794281006, -0.3405013680458069, 0.20977449417114258, -0.28411865234375, -0.3958434462547302, -0.020006731152534485, 0.27008262276649475, 0.3846732974052429, 0.4160124957561493, -0.8761666417121887, 0.6250631809234619, -0.5974350571632385, 1.0797710418701172, 0.5963772535324097, -0.6005308032035828, -0.3593861162662506, -0.24617043137550354, -0.17826099693775177, 0.7793639898300171, 0.8060492277145386, -0.9745219945907593, 0.1279883086681366, 0.5294141173362732, 0.8149410486221313, -0.03752020373940468, 0.6012284159660339, -0.01565014012157917, -1.465478777885437, 1.312975287437439, 0.47303077578544617, -0.5907600522041321, 0.2218112051486969, 0.78298020362854, 0.22707311809062958, 0.2947540581226349, 1.7645812034606934]} +{"paper_id": "ecthr_cases", "embedding": [0.04169907048344612, 1.0932257175445557, -0.8551352620124817, 0.3953052759170532, 0.7075737714767456, 0.12618862092494965, 0.2670497000217438, 0.48662930727005005, 0.967072069644928, 1.5595381259918213, -0.08021122962236404, 0.7987381815910339, -0.5146701335906982, 0.16219285130500793, -0.4496290981769562, -0.42351236939430237, -0.45829081535339355, 0.33666449785232544, -0.4809633791446686, -0.04949495196342468, -0.8095333576202393, -1.0766881704330444, -0.1362585872411728, 0.80801922082901, -1.2940043210983276, -0.0707121416926384, 0.6389086842536926, -1.3494478464126587, 0.08718034625053406, 0.12038177996873856, 0.270464688539505, 2.5831480026245117, -2.0705323219299316, 0.8967835903167725, -0.803407609462738, -0.5480611324310303, -0.4876783788204193, 0.843980610370636, -0.8103852868080139, -0.3109571933746338, -1.631858229637146, 1.0458447933197021, 0.0618661604821682, 0.10582414269447327, 0.020135479047894478, -0.7015082836151123, 0.20235958695411682, 0.2124602049589157, -0.007498010993003845, 0.014503944665193558, -0.3235362470149994, 0.12153436243534088, -0.1058235913515091, 0.16197821497917175, 0.06097079813480377, 1.5957497358322144, -0.3060179054737091, -0.7097060084342957, 0.5950015783309937, -0.043777063488960266, 1.3158048391342163, 1.6456621885299683, -0.3801420032978058, -0.6078798770904541, 0.38357940316200256, -0.24279189109802246, 1.5724622011184692, -0.0753747969865799, 0.011810806579887867, 0.8246822953224182, -0.17560707032680511, -1.0471079349517822, -0.24535030126571655, -1.0222364664077759, -0.317466139793396, 0.5571627616882324, 1.1898728609085083, -0.7152870297431946, 0.006376968696713448, -0.22742459177970886, -0.32406559586524963, 0.06580840051174164, 0.45715394616127014, -0.6196365356445312, -0.6084492206573486, -0.4354190230369568, 0.6440950632095337, -0.043520815670490265, 0.37844160199165344, -1.0566335916519165, 0.3704831600189209, -0.3394550383090973, -0.04774880036711693, 0.10632970929145813, -0.22990038990974426, 0.5758892893791199, 0.3896368741989136, -0.24595732986927032, -0.21695804595947266, 0.0002700798213481903, 0.18623661994934082, -0.5435147285461426, 1.286232590675354, 0.3948017656803131, 0.17770099639892578, 1.7457902431488037, 0.08053816854953766, 0.18712502717971802, -0.9474825263023376, -0.278570294380188, 0.1775595098733902, 0.6731657385826111, 0.4115423262119293, 0.6348803639411926, -0.24061979353427887, 0.9437932968139648, 0.3313961625099182, -0.27210676670074463, -0.46387243270874023, 0.16163313388824463, -0.5305885672569275, -1.154541015625, -1.3079068660736084, 0.4396880865097046, 0.8802047967910767, 0.22946035861968994, 0.7780205607414246, 0.14478972554206848, 0.011331051588058472, -0.4582308530807495, -0.13907910883426666, 0.104087233543396, -1.408150315284729, 0.7216482758522034, 2.604278326034546, -0.7681701183319092, 0.8969465494155884, -0.25758251547813416, 0.3753937780857086, -0.20978564023971558, 0.43140709400177, 0.7890517115592957, 0.19874858856201172, -1.6865612268447876, -1.0059475898742676, 0.840701699256897, -0.5219723582267761, 0.6723056435585022, -1.2787961959838867, -0.34269899129867554, 0.5048280954360962, 0.15211822092533112, -0.7938857674598694, -0.17410099506378174, 0.22099627554416656, 0.18418437242507935, -0.3266889154911041, 0.2127171754837036, -0.1595858484506607, 0.2597695291042328, 0.9818692803382874, 0.6189292669296265, -0.20817908644676208, 0.5305425524711609, -0.809775173664093, -0.5888434052467346, 1.1388214826583862, -0.7635133266448975, -1.0983326435089111, 0.14557504653930664, 1.289717197418213, -0.6596200466156006, -0.4619539976119995, -0.7776974439620972, -0.2942328453063965, 0.2507821321487427, 0.1327119767665863, 0.7454401850700378, -0.07683023810386658, -0.7881413102149963, -0.9308428764343262, 0.3146401643753052, -0.2935275435447693, 0.3436622619628906, -0.9695965051651001, -0.3776986598968506, -1.7787649631500244, -0.2471040040254593, -0.9059504270553589, 1.4531041383743286, -0.1596987545490265, 0.3811493515968323, -0.08532335609197617, 0.9558742642402649, -0.2031080275774002, -1.229880452156067, 0.44876688718795776, -1.6207175254821777, 0.19901657104492188, 0.03326645493507385, 0.20280735194683075, -0.9683860540390015, -0.08213502913713455, -0.18439416587352753, 0.6362969279289246, -0.7016836404800415, -1.266466736793518, -2.213852882385254, 0.755592405796051, 1.4449726343154907, -0.12985828518867493, -0.3117716312408447, -1.3768842220306396, -0.5365157127380371, 0.37148264050483704, 0.6364277601242065, 0.4424654245376587, -1.2341336011886597, 0.4154513478279114, -2.0116498470306396, 0.8394302129745483, -0.17641806602478027, -0.15704616904258728, 0.27933332324028015, 0.6267152428627014, -0.6077716946601868, -0.4772602915763855, 0.24272824823856354, -1.3277649879455566, 0.7233893275260925, 0.5242341756820679, 0.030291585251688957, 0.13336281478405, 1.2649255990982056, 0.5911819934844971, 0.973693311214447, 0.4085046350955963, 0.294447124004364, -1.0358307361602783, 0.5051249265670776, 0.15029974281787872, 0.5934309959411621, -0.3476647734642029, -1.040149450302124, 1.041678786277771, 0.2956940531730652, -0.19449244439601898, -0.6898415684700012, -0.563800036907196, -0.9004613757133484, 0.5236179828643799, 0.785935640335083, -0.607093334197998, 0.9831382632255554, -1.3172757625579834, 0.04095644876360893, -0.08760949969291687, -1.163966417312622, -0.7839686274528503, 0.29613763093948364, 0.2919347286224365, 0.46049273014068604, -0.24613191187381744, 0.1629900336265564, -1.0044100284576416, -0.7646452784538269, 0.10224364697933197, -0.3862232565879822, -0.2512003481388092, -0.8322985172271729, -0.517675518989563, 0.09003261476755142, -1.6569840908050537, -0.13445338606834412, 0.2125084400177002, -0.2734847962856293, -1.058303713798523, 0.8762307167053223, 1.356014609336853, -0.28405919671058655, 0.16273963451385498, -0.4272908568382263, 1.597017526626587, 0.11201876401901245, 0.9073739647865295, -0.7084217667579651, -0.11503414064645767, 0.41626474261283875, 0.38571789860725403, -0.2397613376379013, 0.57741379737854, 0.3698042929172516, -0.8008013963699341, 0.6327018737792969, -0.06420347094535828, -0.7442280650138855, 1.236316442489624, 0.8482396006584167, -0.3950480818748474, -1.4264147281646729, 0.4895665645599365, 0.5456959009170532, -0.45129984617233276, 0.8116302490234375, 0.43531861901283264, -0.3425351679325104, 1.9240214824676514, -0.15696482360363007, 0.32473665475845337, -0.45855289697647095, 0.092367984354496, 0.45072638988494873, 0.3267054855823517, -0.8503398895263672, 0.455402135848999, 1.172431230545044, -0.721341609954834, 0.258694052696228, -0.6723726987838745, 0.24208401143550873, -0.25313329696655273, 0.11102840304374695, 0.0626605898141861, -0.8246481418609619, 0.19868452847003937, -0.26066961884498596, 0.6338531970977783, 0.39916086196899414, -0.8340334892272949, 0.546546459197998, -0.44732391834259033, 0.31945136189460754, -1.0481202602386475, -0.11988285183906555, 0.5404330492019653, -0.02866552025079727, 0.767284631729126, -0.16782012581825256, 1.4213567972183228, 1.3660422563552856, -0.6341053247451782, -6.081536412239075e-07, 1.2077103853225708, -0.1922587752342224, 0.3791937530040741, 0.4933305084705353, -0.19182811677455902, 0.22174577414989471, -0.812005877494812, 1.3828941583633423, 0.28124096989631653, -1.104498267173767, -2.355581283569336, -0.37470415234565735, -1.0284920930862427, -0.8864204287528992, 1.390803575515747, 0.6048251390457153, 1.6139525175094604, 0.12805165350437164, 0.6329452395439148, -0.16084161400794983, -0.19974231719970703, 0.005391755141317844, -0.04127909243106842, -0.020396500825881958, -0.7692683935165405, 0.45178526639938354, 0.9599428772926331, 0.17577989399433136, -0.2908271253108978, -0.10404188185930252, 1.334006428718567, -0.10982826352119446, -0.6699526309967041, 0.0463704913854599, -1.0355970859527588, 0.44105520844459534, 2.3599801063537598, -0.6443511247634888, -0.8779634237289429, 0.2001577466726303, -0.06687565892934799, 0.3330153226852417, 0.5621485710144043, -0.8004708290100098, -0.36055028438568115, -0.1777040660381317, 0.5042043924331665, 0.02362680435180664, 0.09062932431697845, 0.38910040259361267, 0.6445266008377075, -1.6261829137802124, -0.6972571015357971, -0.754552960395813, -0.8821575045585632, -0.5026477575302124, -0.6282758712768555, -0.16958372294902802, 0.4680125117301941, -0.6302275657653809, -0.7971073389053345, 1.0360604524612427, -0.7899748086929321, -1.328930139541626, 0.6205376386642456, 0.6914842128753662, -1.755920171737671, -0.5365340113639832, 0.1698625534772873, -0.5479629635810852, -0.7480513453483582, 0.2137415111064911, -1.0653510093688965, 1.9330291748046875, 0.36003124713897705, -0.028931226581335068, 0.2294372171163559, 0.4421154856681824, -1.020750641822815, 1.0875428915023804, 0.537584662437439, -1.480146050453186, 1.3055410385131836, 0.423461377620697, 0.3978089690208435, 0.781491756439209, -0.6397352814674377, -0.11800053715705872, 1.6468629837036133, 0.4830286204814911, 0.29154691100120544, -0.6187935471534729, -0.7732447981834412, 1.1331923007965088, 0.30872946977615356, 0.5525719523429871, -0.5358693599700928, -0.08032283931970596, -0.22971364855766296, 0.776970386505127, 1.0393661260604858, -0.18608394265174866, -1.5384125709533691, 1.0434848070144653, 0.12731415033340454, -0.0777682289481163, -0.05004853010177612, 0.0385642908513546, 1.3517181873321533, -0.37671908736228943, -0.10249531269073486, -1.0847758054733276, -9.694738388061523, 1.413387656211853, 0.45360562205314636, 0.672572910785675, 0.34756049513816833, -0.1975541114807129, -0.20003089308738708, -0.757966160774231, 0.8453383445739746, -0.4076189696788788, 0.22903558611869812, 2.3485424518585205, 0.6167369484901428, -0.6409325003623962, -0.6328192353248596, -2.016918897628784, -1.1726058721542358, 0.2255769520998001, -0.3143886923789978, -0.2180580496788025, 0.05230243131518364, -1.116860270500183, 0.9493619203567505, -0.7176923155784607, 0.8708228468894958, -0.6103004813194275, -0.13876572251319885, -0.40561363101005554, -0.6405662894248962, 0.4954308569431305, 0.4148513376712799, 0.29321059584617615, -0.4012635350227356, -0.16094182431697845, 0.321624219417572, 0.1780126988887787, -0.8011382222175598, -0.23375283181667328, 1.1819971799850464, -0.08863580226898193, 0.3590574264526367, 0.12119702994823456, -0.011080515570938587, -0.4874074161052704, -0.31610485911369324, -0.8570650815963745, 0.2113652378320694, -1.1029064655303955, -0.2164956033229828, 0.3112245202064514, -0.36739420890808105, -0.6113014221191406, -1.4019503593444824, -0.3882514238357544, 0.4075998067855835, -0.08000010997056961, -0.663727343082428, 0.2629128694534302, -1.1709702014923096, -0.8413366079330444, 0.3726629614830017, -0.0465221107006073, -0.28016793727874756, 0.7546947598457336, 0.014882192015647888, -0.05835558474063873, 0.5548981428146362, -0.10194791853427887, 0.1988982856273651, 0.58610999584198, -0.8788997530937195, 1.31417977809906, -0.42295947670936584, 0.0223589688539505, -0.5317896008491516, -0.3883717656135559, -0.39568212628364563, -1.04371178150177, 0.8188000321388245, -0.4613395035266876, -1.4877409934997559, 1.31590735912323, -0.4172559976577759, -0.03423560410737991, -0.7347370982170105, 0.027226176112890244, -0.6939122080802917, -1.0291317701339722, 0.41237226128578186, -0.0972571074962616, 0.5140127539634705, -0.107210174202919, -0.17538109421730042, -0.30830714106559753, -0.7875480651855469, 0.87926185131073, -1.360533356666565, 1.2130613327026367, 0.5899856090545654, -0.5577718019485474, 0.6175494194030762, 0.7573041319847107, -0.7712157964706421, 0.09942632913589478, 0.18291160464286804, 0.033002011477947235, 0.12725937366485596, -0.39004090428352356, -0.3165125250816345, -0.7275428175926208, 1.5157068967819214, -0.019289828836917877, 0.5682770609855652, 0.43746963143348694, -0.49330854415893555, 0.10289283841848373, 0.8695312142372131, 0.19872340559959412, -0.23589739203453064, 1.5595664978027344, -0.13612434267997742, 0.8232136964797974, -0.11835410445928574, 1.3140450716018677, -0.3438178598880768, 0.46390092372894287, 0.7967751622200012, -0.2936093211174011, -0.6525160670280457, -1.7616608142852783, 0.3280189037322998, -0.3338715136051178, 0.9475657343864441, -0.5271586179733276, -0.14528053998947144, -0.46541628241539, -0.8745876550674438, 0.4677164852619171, -0.43682485818862915, 0.39750003814697266, -0.5348498821258545, 0.5421549677848816, 0.5757594108581543, -0.6506224870681763, -1.601628303527832, 0.2648317515850067, -2.0725181102752686, 0.4502224624156952, -0.6520291566848755, -1.0415652990341187, -0.391018807888031, -0.5763115882873535, 0.880312979221344, -0.6550954580307007, -0.14871720969676971, -0.5341911315917969, 1.1586480140686035, -1.0643588304519653, -0.7592822313308716, -0.3843364715576172, -0.15249520540237427, 1.4045658111572266, 0.07910103350877762, 0.5246829986572266, 0.5722578763961792, -0.2764500677585602, 0.2218436896800995, -0.20830070972442627, -0.6556166410446167, 0.3513684570789337, 1.399649977684021, -1.0309172868728638, -0.09402666240930557, -0.18613724410533905, 1.3053500652313232, -0.3926161825656891, 1.2691494226455688, 1.4425755739212036, -0.8948652148246765, -0.263910174369812, 0.02454078197479248, 0.22363817691802979, 1.1360913515090942, -0.3441751301288605, -0.9010907411575317, 0.02532920241355896, -0.08289134502410889, 1.0077400207519531, -0.1926327645778656, 0.9796789288520813, -1.264852523803711, -0.4339863657951355, -0.9786614775657654, -0.46370017528533936, 0.674264132976532, 0.03463327884674072, 0.5207679271697998, 1.3446577787399292, 0.4171470105648041, 0.26931121945381165, 0.05889682471752167, 1.2818512916564941, 0.2673388421535492, 0.767760694026947, -0.3668425977230072, -0.1314680427312851, -1.2481350898742676, 0.10104741156101227, 0.006369279697537422, 1.3774619102478027, -1.5004488229751587, -0.18344548344612122, 0.14887377619743347, -0.5746772885322571, 0.42905938625335693, -0.745612621307373, 0.8206788301467896, -0.656397819519043, -0.34661322832107544, -1.2211947441101074, 0.580073893070221, 1.1524748802185059, 0.9360830187797546, -0.07700031250715256, 0.6286824941635132, 0.5089215636253357, 1.691607117652893, 0.7240857481956482, 1.6151869297027588, 0.9689022898674011, -0.3225324749946594, 0.4707568883895874, 0.3408418893814087, -0.034430764615535736, -0.18729352951049805, 0.40865665674209595, -0.7188358902931213, 0.40146517753601074, -0.5075349807739258, 0.4779805541038513, -0.08836545050144196, 0.07588426768779755, 0.7240663170814514, 0.3365730047225952, -0.2046070694923401, -0.04970730468630791, -1.021185040473938, -1.364601969718933, -0.7441661357879639, 0.4207342565059662, 0.6673006415367126, 1.062023401260376, 0.7804710268974304, -0.20741795003414154, 1.381050944328308, 0.05661838501691818, 0.22133055329322815, -0.20691561698913574, -0.2048986405134201, 1.4191981554031372, 0.570970356464386, 0.3315249979496002, -0.29376649856567383, 0.3585262596607208, -0.7027015686035156, -0.6463071703910828, -0.7323585748672485, 0.3981499671936035, 0.27918797731399536, -0.1991272270679474, 0.9449529051780701, -0.04028689116239548, 0.1597154289484024, -0.6386803388595581, 0.12157520651817322, 0.009347978979349136, -0.3011106848716736, -0.6281538605690002, -0.7525783181190491, 0.5562617778778076, 1.095460295677185, -0.2728586196899414, -0.5504583716392517, -0.2222951501607895, 1.017280101776123, 0.19540774822235107, 0.5605392456054688, -0.3705567419528961, -0.3196568787097931, 0.16145259141921997, -0.10930034518241882, 0.128135085105896, -0.9212747812271118, -1.189386010169983, -0.448743999004364, -0.5888638496398926, 0.7055733799934387, 0.007849767804145813, -0.9680497050285339, 0.2837846279144287, 0.6816571950912476, 1.0278960466384888, 0.4163077771663666, 0.07302869856357574, -0.6059214472770691, -1.012265920639038, 0.6012945175170898, 0.6487559080123901, 0.09134303033351898, -0.4915417730808258, 0.2627641558647156, 0.9869081974029541, -0.44339296221733093, 1.7355087995529175]} +{"paper_id": "art", "embedding": [-0.5985922813415527, 0.5674797892570496, -1.095703125, 0.05281484127044678, 0.40523776412010193, 0.21827715635299683, 0.7023581862449646, 0.25075793266296387, 1.1558842658996582, 0.812632143497467, -0.08287881314754486, 0.33067119121551514, -0.16034948825836182, 0.08327463269233704, -0.2310137152671814, -0.5160694718360901, -1.209099531173706, 0.11263353377580643, -1.4152271747589111, -0.4222109615802765, -0.5585697293281555, -0.7855379581451416, -0.017048584297299385, 1.295812964439392, -0.8322643041610718, -0.3390868008136749, 0.7065684795379639, -1.3612650632858276, 0.8420305252075195, 0.31637513637542725, 0.09979800879955292, 1.6847357749938965, -1.822950839996338, 1.0235041379928589, -0.6658211350440979, -0.6045545935630798, -0.4302074909210205, 0.840844452381134, -0.15688419342041016, 0.4248959720134735, -0.404951810836792, 0.7631152272224426, 0.036966435611248016, 0.2822093367576599, -0.3113672435283661, -0.3603568971157074, 0.3657839596271515, 0.6571857929229736, -0.3147161602973938, -0.2032831460237503, -0.22915387153625488, 0.05965986102819443, 0.06408784538507462, 0.7195807695388794, 0.4298945665359497, 1.003748893737793, 0.8455103635787964, -0.6661331653594971, 0.9865688681602478, -0.48527228832244873, 1.5647660493850708, 1.7836347818374634, -0.9385467171669006, 0.390556275844574, 0.965377151966095, 0.4554622769355774, 1.0514360666275024, 0.30755627155303955, -0.17367936670780182, 0.9123338460922241, 0.21258418262004852, -0.35681864619255066, 0.08446639776229858, -0.22360649704933167, 0.12474314868450165, 0.4228130280971527, 0.10808749496936798, 0.7234584093093872, 0.39629897475242615, 0.3810560405254364, 0.4111264944076538, -0.03210582956671715, 0.5545166730880737, -0.5108910799026489, 0.09072596579790115, 0.6109501123428345, 0.5544048547744751, -0.7743953466415405, -0.3907599151134491, -1.8755102157592773, 0.38340282440185547, 0.41479000449180603, 0.049610793590545654, -0.36895662546157837, 0.4963738024234772, 0.43891793489456177, -0.3190310597419739, -0.6765838265419006, -0.1684630811214447, 0.22028693556785583, 0.037572428584098816, -0.6107282638549805, 0.20605967938899994, 0.03876302391290665, 0.21559816598892212, 0.8570564985275269, 0.3453769385814667, 0.019267890602350235, -0.43901702761650085, -0.6162679195404053, -0.4557291865348816, 0.7702862620353699, 0.13142620027065277, 0.6828349232673645, 0.14480090141296387, 0.21468842029571533, 0.40067344903945923, -0.6182864904403687, -0.4543883502483368, 0.6410627365112305, -0.20067131519317627, -0.8927574753761292, -0.3265403211116791, 0.30079442262649536, 0.9719716906547546, -0.18426065146923065, -0.48875725269317627, -0.024584926664829254, 0.2218320369720459, -0.15019287168979645, -0.14650529623031616, 0.1405024379491806, -0.9636359214782715, -0.24015231430530548, 3.3754541873931885, -0.6791946291923523, 1.0863574743270874, -1.3663636445999146, 0.01834244094789028, -0.25098717212677, -0.5677807331085205, 0.5652072429656982, 0.17219281196594238, 0.12706461548805237, -1.561292290687561, 0.2930346131324768, -0.5059450268745422, 0.3447674810886383, -1.0604066848754883, 0.2049461454153061, 0.3994777202606201, -0.23783013224601746, -1.608621597290039, -0.03744898736476898, 0.2794663608074188, 0.3241993188858032, -0.6627310514450073, 0.3415848910808563, -0.16231918334960938, 0.6170809268951416, 0.1706627756357193, -0.2908872365951538, -0.1956816464662552, 0.13964040577411652, -0.5017291903495789, 0.09614644944667816, 0.9353259801864624, -0.6793688535690308, -0.7895731925964355, -0.18495330214500427, 0.0018421411514282227, -0.1259673535823822, -0.24465826153755188, -0.6298990845680237, -0.16117560863494873, 0.8757560849189758, 0.06205552816390991, 0.5880265831947327, 0.2676447033882141, -0.9404271841049194, -1.3003692626953125, -0.9008598327636719, -0.32106584310531616, 0.7044960260391235, -0.7032629251480103, 0.27108702063560486, -2.427737236022949, -0.14116878807544708, -0.6144837141036987, 1.0139217376708984, -0.0333215668797493, 0.35619258880615234, 0.17936956882476807, 0.39701196551322937, -0.534123420715332, 0.28282275795936584, 0.6563559770584106, -1.2653241157531738, -0.30330681800842285, 0.170917809009552, -0.8867362141609192, -0.5313933491706848, -0.46503835916519165, 1.24612295627594, 0.8667562007904053, -1.0263291597366333, -0.5321964025497437, -1.9507529735565186, 0.4345112442970276, 1.9470698833465576, 0.636419951915741, -0.6470659971237183, -1.0259050130844116, -0.26484552025794983, 0.2253590226173401, 0.21201203763484955, -0.00844668224453926, -0.7297543883323669, 0.3560144007205963, -1.0444220304489136, 0.6796140074729919, -0.06833693385124207, 0.5821772217750549, 0.5786951184272766, 1.253706693649292, -0.6453733444213867, -0.08168648183345795, -0.8565523028373718, -0.7174978852272034, 0.1930062174797058, 0.5272138714790344, 0.44480493664741516, 0.09102723002433777, 0.4010055661201477, 0.3451344668865204, 1.1243743896484375, 0.5632699131965637, 0.7733741998672485, -0.7185792922973633, 0.15891675651073456, 0.286004900932312, 1.1901899576187134, 0.31175437569618225, 0.26433470845222473, -0.1780184656381607, 0.5551125407218933, -0.13968856632709503, -0.04700125381350517, -0.0027413852512836456, -0.578120768070221, 1.3769294023513794, 0.5245968103408813, -0.4056147336959839, 0.1495044231414795, -0.8537585139274597, -0.2798425555229187, -0.2922094464302063, -0.7750375270843506, -0.6662003397941589, 0.3324825167655945, 0.3669152855873108, 0.5940985083580017, 0.013847492635250092, 0.1007828414440155, 0.015813492238521576, -1.0199404954910278, -0.06667031347751617, -0.1431857943534851, 0.4658488631248474, -0.9078080654144287, -0.012412622570991516, -0.036134496331214905, -1.0967824459075928, -0.3207462728023529, -0.999909520149231, -0.3480638265609741, -0.2123575210571289, 0.19044724106788635, 1.8818418979644775, -0.07279837131500244, -0.16374647617340088, 0.049225419759750366, 1.2194099426269531, -0.8869984745979309, 0.7719449996948242, -0.5800603032112122, 0.1215004250407219, -1.118375539779663, 0.563248872756958, -0.7397665977478027, 0.6408238410949707, 0.14543792605400085, -0.616989254951477, 0.7332110404968262, -0.32027745246887207, -0.35643470287323, 1.0202292203903198, 0.21768677234649658, -0.40461137890815735, -0.4860079884529114, 1.290918231010437, 0.16038137674331665, -0.4981471300125122, 0.9046473503112793, -0.07516917586326599, -0.39761459827423096, 0.8474150896072388, -0.08566240966320038, 0.15148313343524933, 0.17094391584396362, 0.5006411075592041, 0.36528539657592773, -0.0027001313865184784, -2.1416420936584473, 0.21846140921115875, 1.1477926969528198, -0.3280524015426636, -0.25808611512184143, -1.0345165729522705, 0.3131902813911438, -0.7134667634963989, -0.3124104142189026, 0.3844333589076996, -0.4187614321708679, 0.016255859285593033, -0.5655501484870911, 0.33087658882141113, 0.4600927531719208, -0.4091312885284424, 0.10000215470790863, 0.6372078657150269, -0.04147642105817795, -0.8015161156654358, 0.377761572599411, 0.5367370843887329, -0.3028585910797119, 0.02748975157737732, 0.04395733401179314, 1.1851320266723633, 0.8905441761016846, 0.19065913558006287, -0.059671223163604736, 0.8738657832145691, 0.25333845615386963, 0.4275602698326111, 0.15034571290016174, -0.6097018122673035, 0.007429455406963825, -0.5557543039321899, 1.5466420650482178, -0.5418055057525635, -0.12801288068294525, -0.7227756381034851, -0.15381813049316406, -0.384529709815979, -0.7289795875549316, 1.6318758726119995, 1.3330914974212646, 1.2242275476455688, -0.33495402336120605, 1.1776503324508667, -0.9127935767173767, -0.21367879211902618, 0.34146547317504883, -0.21232019364833832, 0.2404678612947464, -1.070796251296997, -0.30457353591918945, 0.7346476912498474, 0.13979209959506989, -0.10531660914421082, -0.5004183053970337, 0.157151997089386, 0.7096455097198486, -0.0917976051568985, 0.38951507210731506, 0.22621208429336548, 0.2285040318965912, 1.4410982131958008, -0.3294147849082947, -0.4596191644668579, 0.6094560027122498, 0.18005548417568207, 0.7072301506996155, 0.5640764236450195, -0.9242626428604126, 0.6057956218719482, -0.29942846298217773, 0.8353859186172485, 0.3138706684112549, 0.9456355571746826, 0.6978538036346436, -0.5816943645477295, -1.6609199047088623, -0.17842106521129608, -0.5478567481040955, -0.09047945588827133, 0.47465914487838745, -0.2965594530105591, 0.8183904886245728, 0.11505501717329025, 0.18282559514045715, -0.8269404768943787, 0.9197635650634766, -0.37298741936683655, -0.839866042137146, 0.6444417834281921, 0.5271375179290771, -1.5093222856521606, -0.41430893540382385, 0.5103139281272888, -0.5726649165153503, -0.7815659642219543, 0.10853888094425201, 0.09208112955093384, 0.9750555157661438, -0.1978754848241806, 0.8460827469825745, -0.009687379002571106, 0.021742083132267, -1.122749924659729, 1.0645195245742798, 0.4938364028930664, -0.9940925240516663, 0.7593775987625122, 0.3496195375919342, 0.46363139152526855, 0.8303321599960327, -0.638248085975647, -0.26359766721725464, 1.1479475498199463, 0.20224380493164062, -0.03234085068106651, -0.7471663951873779, -0.5589478015899658, 0.29513993859291077, 0.13631536066532135, -0.09548978507518768, -0.879234790802002, 0.1366223841905594, -0.17550984025001526, 0.6162086725234985, 0.5305660963058472, -0.9219354391098022, -1.6610852479934692, 0.3142147362232208, -0.48046931624412537, -0.1864713728427887, -0.5683410167694092, 0.22203761339187622, 2.2241427898406982, -0.44800835847854614, 0.07353835552930832, -0.08834588527679443, -11.894633293151855, 1.0320653915405273, 0.20577412843704224, 0.6643826961517334, 0.5544801354408264, -0.4248846173286438, -0.5826589465141296, -0.2795211970806122, 0.2429138720035553, -0.6216862201690674, 0.46559444069862366, 0.847440242767334, 0.6470824480056763, 0.2719442546367645, -0.5547723770141602, -1.3023781776428223, -0.6038448214530945, -0.7599769830703735, -0.08304630219936371, 0.4817189872264862, 0.47468340396881104, -0.9046310782432556, 0.3799009919166565, 0.2209593504667282, 0.49019792675971985, -0.03673315420746803, -0.49324488639831543, -0.12270756810903549, -0.25485724210739136, -0.0799175351858139, 0.7135521173477173, -0.09962044656276703, -0.5508399605751038, -0.07642367482185364, 0.2705085873603821, -0.6539240479469299, -0.6581870913505554, 0.13315479457378387, 0.792330801486969, 0.3437994718551636, -0.2846778631210327, -0.0320080928504467, 0.6596226692199707, -0.5825290083885193, -0.6720291972160339, 0.7217731475830078, 0.28058868646621704, -0.4203013479709625, -0.795025110244751, -0.09180721640586853, -0.18290704488754272, -0.645268440246582, -0.5738707780838013, -1.0081675052642822, 0.4322369694709778, 0.033864833414554596, -0.48316219449043274, -0.15610717236995697, -0.941514790058136, -1.5370938777923584, 0.26400452852249146, -0.07596505433320999, -0.5452322363853455, 0.18366141617298126, 0.07291486114263535, -0.34808188676834106, 0.21528884768486023, 0.45861494541168213, -0.33669739961624146, 0.035236235707998276, -0.9167560338973999, 0.8598266839981079, -0.022056326270103455, 0.2999744713306427, -0.4694136083126068, 0.40367117524147034, -0.18367207050323486, -6.835907697677612e-06, 0.6420412659645081, -0.22954387962818146, -0.9905619025230408, 0.8978979587554932, 0.011899709701538086, -0.08595701307058334, -1.1684783697128296, 0.4139994978904724, 0.4042758345603943, -0.0062065646052360535, 0.8581621646881104, -0.4820072054862976, 1.1430684328079224, -0.10185761004686356, -0.4095448851585388, 0.36629176139831543, -0.5128966569900513, 0.5196795463562012, -0.1365920603275299, 0.09776459634304047, 0.33481475710868835, -0.2914898097515106, -0.09673864394426346, -0.33569562435150146, -0.9083693027496338, 0.08496545255184174, 0.07515216618776321, 0.4723939895629883, 0.4575731158256531, -0.5113766193389893, 0.49180376529693604, -0.8581583499908447, 0.6712857484817505, 0.2604326605796814, -0.22651176154613495, 1.6429038047790527, -1.0557374954223633, 0.03604883328080177, 0.9160478711128235, 0.23148232698440552, 0.570500910282135, 0.36496278643608093, -0.5845944881439209, 0.429521769285202, 0.04447910934686661, 1.2472761869430542, 0.07363337278366089, 0.348836213350296, 0.9241155385971069, 0.4756263792514801, -0.40109848976135254, -1.7492742538452148, -0.05387982353568077, -0.33903220295906067, 0.07591700553894043, -0.3228621184825897, -0.26060551404953003, 0.2556610703468323, -0.38233932852745056, 1.301815152168274, -0.7713251709938049, -0.06550155580043793, 0.2103617638349533, 0.28104686737060547, -0.2598557472229004, -1.1171772480010986, -0.7833263278007507, -0.30116820335388184, -2.0237340927124023, 0.6395941376686096, -0.45833268761634827, -0.7357876896858215, -0.4152235984802246, -0.4289575517177582, 0.9905120134353638, -0.7729339003562927, 0.027095993980765343, -0.622606098651886, 0.6161751747131348, -0.6800735592842102, -0.5138428211212158, 0.35191890597343445, -0.027318313717842102, 0.732286274433136, -0.855688750743866, 0.7983085513114929, -0.31347793340682983, -0.013822950422763824, -0.10834264755249023, -0.35091397166252136, -0.3473902940750122, 0.01017385721206665, 0.542890191078186, -1.9716066122055054, -0.5472115874290466, -0.7349682450294495, -0.011744367890059948, -0.9447718858718872, 0.7829338312149048, 0.8459534645080566, -0.7830263376235962, -0.4565567374229431, -0.0436735600233078, 0.6172157526016235, 0.2642887830734253, -0.5911038517951965, -0.2936782240867615, -0.5576894283294678, 0.38569870591163635, 0.9550238251686096, 0.00967014767229557, 1.4125690460205078, -1.6599915027618408, -0.7010640501976013, -0.7770991325378418, 0.3497861623764038, 1.1339688301086426, -0.050007570534944534, 0.7230957746505737, 1.2560499906539917, -0.1973339468240738, 0.18608155846595764, 0.09877604246139526, 0.8145025372505188, 0.46643802523612976, 0.05093079432845116, -0.1767776757478714, 0.5885316133499146, -0.7198562622070312, -0.5484228730201721, -0.009518856182694435, 0.6553829908370972, -1.1190921068191528, -0.6315777897834778, 0.023245088756084442, -0.8393987417221069, 0.24439780414104462, -0.7786035537719727, 0.06031762808561325, -1.0155991315841675, 0.018150001764297485, -0.8140802979469299, 0.29021021723747253, 0.9425793290138245, 0.01641836017370224, 0.7078437209129333, 0.7995486855506897, 0.3645365834236145, 0.9581858515739441, 0.18247190117835999, 1.2498401403427124, 0.3269120156764984, -0.1228678971529007, 0.4211355745792389, 1.0514808893203735, 0.5297102332115173, -0.3814935088157654, -0.7983589768409729, -0.16828589141368866, 0.729634165763855, -0.08223690092563629, 1.0142557621002197, -0.3384212255477905, 0.08434323221445084, 1.2900632619857788, 1.0864834785461426, -0.6172912120819092, -1.2872252464294434, -0.3425014317035675, -1.4007898569107056, 0.312190979719162, 1.040436863899231, 1.1010555028915405, 0.629038393497467, 0.7843971252441406, -0.022186443209648132, 0.9356966614723206, -0.6343097686767578, -0.09023422002792358, 0.20480111241340637, 0.09585275501012802, 1.4313381910324097, 0.7163956761360168, 0.5844009518623352, 0.3522363603115082, -0.07366418093442917, -0.6619458198547363, 0.5534827709197998, -0.3758309483528137, 0.876157283782959, -0.045321136713027954, -0.30375123023986816, -0.24079526960849762, -0.4910760521888733, 0.6448525786399841, -0.3544049859046936, 0.46232321858406067, 0.2255980670452118, -0.6065652966499329, -0.720416247844696, -1.0128895044326782, -0.20607133209705353, 0.7952202558517456, -0.26177895069122314, -0.9951570630073547, -0.06548373401165009, 0.8455114364624023, 0.36469894647598267, -0.11115605384111404, -0.23615382611751556, -0.40685713291168213, -0.37305599451065063, -0.38972848653793335, -0.4715850353240967, -0.585382878780365, -0.41184550523757935, -0.5462439060211182, -0.46855828166007996, 0.7566685676574707, -0.22565197944641113, -1.084221601486206, -0.8733702301979065, 0.4719048738479614, 0.3592408001422882, 0.26257506012916565, 0.006120357662439346, -0.12927408516407013, -1.4145522117614746, 0.4615170359611511, 0.9869403839111328, -0.3624041676521301, -0.2876751124858856, 0.30895689129829407, 0.42734503746032715, -0.009431086480617523, 0.9756528735160828]} +{"paper_id": "liar", "embedding": [-0.7846845388412476, 1.0368412733078003, -1.0709092617034912, 0.45708853006362915, 0.4927690029144287, 0.7044714689254761, 0.6305322051048279, 0.563731849193573, 1.1789027452468872, 1.1523807048797607, 0.741055428981781, 0.43159061670303345, 0.36280566453933716, 0.20764686167240143, -0.30084601044654846, -0.1996665894985199, -0.05900832265615463, 0.07542597502470016, 0.14423896372318268, 0.2498994767665863, -0.8857137560844421, -0.513611376285553, -0.05449678376317024, 0.01652364805340767, -0.7948387265205383, -0.24669432640075684, 0.361836314201355, -1.3075220584869385, 0.517989456653595, 0.1360119730234146, 0.5544564127922058, 0.6311027407646179, -1.6402565240859985, 0.4890264570713043, -1.1976248025894165, -0.9205675721168518, -0.5725395083427429, 0.5105651021003723, -0.35756948590278625, -0.7082043290138245, -1.2104605436325073, 0.5759170055389404, 1.2997475862503052, 0.46759504079818726, 0.3414691984653473, -0.35294654965400696, 0.6676889657974243, -0.5092920660972595, 0.29706448316574097, 0.24530519545078278, -0.4072383642196655, 0.6484351754188538, -0.63656085729599, 1.1963534355163574, -0.5896220803260803, 1.1029114723205566, -0.30041447281837463, -0.39194655418395996, 0.891900897026062, -0.9656219482421875, 1.9885576963424683, 1.5761114358901978, -0.5479799509048462, -0.2199510633945465, 0.32181277871131897, -0.4266453981399536, 1.461199402809143, -0.24406002461910248, 0.11542125791311264, 0.8139389157295227, -0.2285732477903366, -0.6458091139793396, 0.5087273716926575, -0.8843269348144531, -0.6825588941574097, 0.5182101726531982, 0.289065957069397, -0.5987560153007507, 0.1453666388988495, -0.19059023261070251, 0.21030230820178986, 0.49851924180984497, -0.2982194721698761, -0.7559966444969177, -0.17009878158569336, -0.0202583447098732, -0.1610506772994995, -0.9692802429199219, 0.44097137451171875, -1.2615090608596802, 0.6219868063926697, 0.15597254037857056, -0.40868625044822693, 0.0013764649629592896, -0.5603713393211365, 0.12551888823509216, -0.5964605212211609, 0.012059063650667667, -0.9928808212280273, 0.909489631652832, 0.9187051057815552, -0.989769458770752, 0.41041693091392517, 0.024543821811676025, 0.8169792294502258, 1.1583144664764404, -0.3853457272052765, -0.3781578838825226, -0.7135292291641235, -0.5157580971717834, -0.5126693844795227, 1.3535726070404053, -0.8406789898872375, 0.5697184801101685, 0.07975835353136063, -0.14269673824310303, 0.1141374409198761, -0.515730619430542, -0.9992679953575134, 0.5143586993217468, -0.8943955302238464, -1.6111021041870117, -0.3551444411277771, 0.7455374002456665, 0.8666377067565918, -0.06278249621391296, -0.2051021009683609, -0.734897255897522, -0.521207869052887, 0.21666355431079865, 0.552815318107605, -0.2774895429611206, -1.5665823221206665, -0.08446408063173294, 2.993457078933716, -1.2057583332061768, 1.1917521953582764, -0.2539275884628296, 0.1721787005662918, -0.12349983304738998, -0.7951536178588867, 1.3145393133163452, 0.025197837501764297, -1.350001335144043, -1.2401628494262695, 0.7604860067367554, -0.8104214668273926, 0.09528307616710663, -0.24843162298202515, -0.2134525179862976, 0.10159444808959961, 0.9036399722099304, -0.9783456325531006, -0.2790599465370178, 0.38804343342781067, 0.6211751699447632, -0.21952678263187408, 0.5182822346687317, -0.6182572245597839, 0.7407693266868591, 1.027450442314148, 0.31853991746902466, -0.18003949522972107, 0.6687464714050293, -0.33547601103782654, -0.042930398136377335, 1.179527759552002, -0.2328527867794037, -0.6573789715766907, 0.22053390741348267, 1.1392375230789185, -0.4826197922229767, -0.37219369411468506, -0.8487427830696106, -0.4896668493747711, 0.14099261164665222, 0.3591167628765106, 0.4802643358707428, 0.19112057983875275, -0.6141075491905212, -1.2659742832183838, -0.09789496660232544, 0.07944845408201218, 1.0466504096984863, -0.4880602955818176, -0.3460119962692261, -1.3969908952713013, -0.3043176531791687, -0.6337379813194275, 1.1057994365692139, 0.002445399761199951, -0.27425000071525574, -0.006995301693677902, 1.126676321029663, 0.08485008776187897, -0.18749484419822693, 0.16407564282417297, -0.9621209502220154, 0.41274183988571167, -0.24847441911697388, 0.38149890303611755, -0.889957070350647, -0.5931340456008911, -0.2140171378850937, 1.109286904335022, -0.5207123756408691, -0.23323431611061096, -2.1317026615142822, 1.427440881729126, 2.213838815689087, 0.10928371548652649, -0.8164911866188049, -1.1190497875213623, -0.08489389717578888, 0.571760892868042, -0.08010560274124146, 0.885769248008728, -0.6502073407173157, 0.5565823912620544, -1.374509334564209, 0.4502865970134735, 0.2521638870239258, 0.41815802454948425, 0.17346474528312683, 0.22240787744522095, -0.7388625144958496, -0.41342490911483765, -0.8963161706924438, -0.8272719383239746, 0.8509155511856079, 0.9383502006530762, -0.1445888727903366, 0.7622503638267517, 0.9248576164245605, 0.6036236882209778, 1.3154895305633545, 0.04926601052284241, 0.43859344720840454, -1.0335564613342285, -0.023696480318903923, -0.051940977573394775, -0.23333893716335297, 0.03178388625383377, -1.1545501947402954, 0.2732716202735901, 0.5433264374732971, -0.3677503764629364, -0.28252410888671875, -0.32845234870910645, -0.23472639918327332, 0.8206111192703247, 1.333603024482727, -0.8960688710212708, 0.6475772261619568, -0.5706111788749695, 0.031788479536771774, -0.08998964726924896, -0.26692935824394226, -0.09199759364128113, 0.2104693502187729, 0.6249042749404907, 0.283343106508255, 0.017833299934864044, 0.38976556062698364, -0.1441919207572937, -0.7779005169868469, -0.3720572590827942, -0.049409616738557816, -0.41715359687805176, -0.9263105392456055, 0.15124814212322235, -1.081682562828064, -0.6520649790763855, -0.8112879395484924, 0.09570229798555374, 0.08041483163833618, -0.5113377571105957, -0.002698846161365509, 1.1609570980072021, 0.22232544422149658, -0.01417551375925541, -0.6411518454551697, 1.4913469552993774, -0.15468917787075043, 0.46875977516174316, 0.059198204427957535, 0.388229101896286, -0.7977365851402283, 0.05131223797798157, -0.39535582065582275, 0.447476863861084, 0.718471348285675, -0.5155115723609924, 0.8341833353042603, 0.06734764575958252, -0.1916806995868683, 1.270045280456543, -0.2947531044483185, 0.23173773288726807, -0.6698548197746277, 1.2365047931671143, 0.13297544419765472, -0.4910288155078888, 0.6808527708053589, 0.15067651867866516, 0.12179398536682129, 1.332942008972168, -1.2803518772125244, 0.23375320434570312, 0.04829639196395874, 0.8434280157089233, 0.25317737460136414, 0.21120864152908325, -1.719844937324524, -0.09195759892463684, 0.87574303150177, -1.0278429985046387, -0.5739545822143555, -0.11192665994167328, 0.8228425979614258, -0.8051995038986206, -0.3809652626514435, -0.15009942650794983, -0.5748041272163391, -0.06447172164916992, -0.35943418741226196, 0.19446676969528198, -0.15654608607292175, -0.9034651517868042, 0.1135949045419693, 0.2944701313972473, 0.5941222906112671, -0.9469480514526367, 0.08952844142913818, 0.7817274332046509, -0.24102072417736053, 0.4550115466117859, -0.6703721880912781, 0.8842108249664307, 0.8407261371612549, -0.6538341641426086, -0.45528867840766907, 0.9649253487586975, 0.1836581826210022, -0.16745464503765106, 0.1448492407798767, -0.0008838847279548645, 0.7567110657691956, -0.4161725342273712, 1.2082053422927856, 0.13300655782222748, -0.05346442013978958, -1.6356046199798584, -0.3016420304775238, 0.25601011514663696, -0.7136390209197998, 1.1752774715423584, 0.6440650820732117, 1.5811678171157837, 0.02844366990029812, 0.917328953742981, -0.37367039918899536, 0.22163036465644836, 0.8039083480834961, 0.36931824684143066, 0.6967687010765076, -0.7744747400283813, 0.16354545950889587, 1.4284371137619019, 0.30628931522369385, -0.1824771761894226, 0.05054900422692299, 1.0625839233398438, -0.42398759722709656, -0.49004629254341125, -0.042838204652071, -0.3576553761959076, -0.2594071328639984, 1.6102690696716309, -0.1238887757062912, -0.45348280668258667, -0.006159612908959389, 0.07107987999916077, 1.1358182430267334, 0.26987332105636597, -0.9672483205795288, 0.0360303595662117, -0.18334586918354034, 0.722984790802002, 0.08059872686862946, 0.00028874498093500733, 0.8478537201881409, 0.5314220190048218, -0.08289536833763123, -0.0008165985345840454, -0.7188015580177307, 0.05481792986392975, 0.2560117840766907, 0.10252675414085388, -0.4601847231388092, 0.7009375691413879, -0.07036232948303223, -1.9213402271270752, 0.9312889575958252, -0.5038007497787476, -0.695621132850647, 0.33601588010787964, 1.40123450756073, -1.224010705947876, -1.1153676509857178, -0.1265895664691925, -0.925529420375824, -0.7598646283149719, 0.4550555944442749, -0.6893367767333984, 1.8552751541137695, 0.7531834840774536, 0.5827702879905701, -0.22830429673194885, -0.11370554566383362, -0.5349712371826172, 0.8544833064079285, 0.920031726360321, -0.6493179798126221, 0.5047473907470703, -0.23091478645801544, -0.007643967866897583, 0.5773742198944092, -1.6270612478256226, -0.33640170097351074, 0.6460546851158142, 0.2038789689540863, 0.8395668268203735, -0.9531478881835938, -0.6800260543823242, 0.2705163359642029, 0.6229968667030334, 0.6878401637077332, -0.9741939902305603, 0.3463163375854492, -0.8540347814559937, 0.6608772277832031, 0.9584958553314209, -0.1938180923461914, -0.8840618133544922, 1.0798254013061523, -0.7210790514945984, 0.5834156274795532, -0.32077381014823914, -0.14325761795043945, 1.7278635501861572, 0.6802371740341187, 0.4015429615974426, -0.7565725445747375, -10.865737915039062, 0.9033679962158203, 0.2406236082315445, 0.900191068649292, 0.4053609371185303, 0.13806888461112976, -0.11336178332567215, -0.026524938642978668, 1.3669722080230713, -0.3071388006210327, 0.37090760469436646, 2.381363868713379, -0.1433211863040924, -0.7793908715248108, -0.47986406087875366, -0.903452455997467, -0.7489127516746521, -0.5101863741874695, 0.1038634181022644, -0.06759660691022873, 0.14453686773777008, -1.558907151222229, 0.4591042995452881, -0.3688111901283264, 1.2712212800979614, -0.10401912033557892, 0.012883288785815239, 0.09152869880199432, -1.2421568632125854, 0.665448784828186, 0.7602838277816772, 0.5551283955574036, -0.05675823241472244, -0.7115436792373657, 0.43263840675354004, 0.3142341673374176, -0.893546998500824, 0.16011977195739746, 0.7571073174476624, -0.32481175661087036, -0.1401136964559555, -0.11491008847951889, 0.26685667037963867, -0.17974227666854858, 0.028416462242603302, -0.3152012825012207, -0.22440409660339355, -0.6741564273834229, 0.10988712310791016, -0.03006039559841156, -0.5964772701263428, -0.06438026577234268, -1.2775882482528687, -0.8992448449134827, 0.6874989867210388, 0.20537544786930084, -1.194238543510437, 0.09779129922389984, -0.5352670550346375, -1.7958779335021973, 0.8410757780075073, -0.034397609531879425, -0.013979744166135788, 0.17969755828380585, 0.23449742794036865, -0.16619467735290527, 0.6967766284942627, -0.2838183045387268, -0.27577510476112366, 0.3611330986022949, -0.24401196837425232, 1.5073277950286865, 0.4638887941837311, -0.3091786503791809, -0.6400052309036255, 0.035534776747226715, -0.5579988956451416, -0.313262403011322, 0.6694921851158142, -0.27570080757141113, -1.7350069284439087, 0.39110785722732544, -0.6870126128196716, -0.3899984359741211, -0.5813478231430054, 0.04849259927868843, -0.5367103219032288, -1.3503633737564087, 0.39234545826911926, -0.1203518956899643, 0.5597824454307556, -0.06292025744915009, -0.4332011938095093, 0.34638139605522156, -0.40108931064605713, 0.49408623576164246, -1.7352839708328247, 1.046457290649414, 0.3976787328720093, -0.4366239607334137, 0.6969860196113586, -0.06981638818979263, -1.3113656044006348, -0.006474535912275314, 0.734091579914093, -0.055609382688999176, -0.13204480707645416, -0.5416589379310608, -0.5176669955253601, 0.0823514312505722, 0.7154645323753357, 0.45987677574157715, -0.02974637597799301, 0.7548988461494446, -0.30865925550460815, 0.5865464806556702, 0.8545165657997131, 0.0055528730154037476, 0.4373379349708557, 0.6829107403755188, -0.46000412106513977, 0.6606706380844116, -0.08026213198900223, 0.4943045377731323, -0.4151528775691986, 0.2238960713148117, 0.07168829441070557, 0.08597046881914139, 0.16184085607528687, -1.9769761562347412, 0.9367507100105286, -0.6082099676132202, 0.23110292851924896, -1.2708024978637695, -0.4153132736682892, -0.34840700030326843, -0.7636586427688599, 1.1020914316177368, -0.4078943133354187, -0.07535431534051895, -0.7563215494155884, 0.5172789096832275, 0.18690654635429382, -0.7539858222007751, -0.7690437436103821, -0.07693230360746384, -1.2795566320419312, 0.6055552959442139, -0.7752966284751892, -0.3330156207084656, -0.06120874360203743, -0.9029389023780823, 0.3796458840370178, -1.273786187171936, -0.5813580751419067, 0.09164946526288986, 0.6618841886520386, -0.5261549949645996, -0.8304774761199951, -0.3386104106903076, 0.16577306389808655, 1.5969794988632202, -0.9939961433410645, 0.5667997598648071, 0.6049193143844604, 0.38580963015556335, 0.23916766047477722, 0.1932867169380188, 0.11042346805334091, 0.06878483295440674, 0.9642254114151001, -0.5710762143135071, -0.05786058306694031, -0.543822705745697, -0.25436607003211975, -1.0774195194244385, 1.480168104171753, 0.9490724802017212, -1.1394538879394531, 0.04155098646879196, -0.04334433004260063, 0.6735531687736511, 0.5699850916862488, 0.08128368854522705, 0.18104654550552368, -0.006813298910856247, -0.3406837582588196, 1.3736968040466309, -0.8269261121749878, 0.49870437383651733, -1.57587468624115, -1.4930548667907715, -0.9924640655517578, -0.5729935765266418, 1.1181526184082031, 0.3446565866470337, 0.47949665784835815, 0.4798221290111542, 0.22960838675498962, -0.827358067035675, -0.2513425946235657, 1.559639573097229, 0.8008201718330383, 0.31868210434913635, -0.7551329731941223, -0.2416675090789795, -0.375575453042984, -0.20138506591320038, 0.028544940054416656, 0.16746579110622406, -1.7341461181640625, -0.18306715786457062, 0.5108789205551147, -0.6569921374320984, 0.329593688249588, -0.5039398670196533, 0.8235125541687012, -0.42794322967529297, -0.4961787760257721, -1.0446304082870483, 0.35435163974761963, 0.23612533509731293, -0.13928253948688507, 1.283395528793335, 0.13420413434505463, 0.6713970899581909, 0.9869546890258789, 0.4570598006248474, 1.363713026046753, 0.3035854399204254, -0.2979901134967804, 0.6850733757019043, -0.3790980875492096, 0.313141793012619, 0.1860038936138153, 0.33401769399642944, -0.6323791742324829, 0.6877618432044983, -0.5485947132110596, -0.4733274281024933, -0.1702755242586136, -0.44316068291664124, 0.35730379819869995, 0.7020792365074158, -0.7636832594871521, -0.6297726631164551, -1.0989896059036255, -1.634023904800415, -0.40145617723464966, 0.5174596905708313, 0.9678347110748291, 1.4839539527893066, 0.7588605284690857, 0.169441357254982, 1.284563660621643, -0.08006396144628525, 0.13407620787620544, 0.43476828932762146, 0.4126943349838257, 1.1654815673828125, 0.8728176951408386, 0.1323360949754715, -0.06825535744428635, 0.02159511297941208, -0.7641329169273376, -0.5489788055419922, -0.32656535506248474, 0.5401796698570251, 0.3784031271934509, -0.39811617136001587, 0.4477725625038147, -0.06663208454847336, -0.16793954372406006, -0.1976885199546814, 0.4449610710144043, -0.21687479317188263, -0.07123204320669174, -0.9846591353416443, -0.3328649699687958, -0.20392051339149475, 0.8389409184455872, -0.5155929327011108, -0.14407148957252502, -0.4258859157562256, 0.8437382578849792, -0.024897314608097076, -0.24398395419120789, -1.0031324625015259, 0.5785847902297974, 0.08603686839342117, -0.590752363204956, 0.5205396413803101, -1.4521613121032715, -0.8659225106239319, -0.2353372424840927, -0.6576539874076843, 0.36244186758995056, 0.3782082796096802, -1.4541484117507935, -0.285186231136322, 0.6929603815078735, 0.8464393615722656, 0.5040295720100403, -0.10030461847782135, -0.3103051781654358, -0.9541046619415283, 0.9683216214179993, 1.089147686958313, 0.3720951974391937, -0.020410234108567238, 0.9459596276283264, 0.08577558398246765, 0.026108816266059875, 1.4005435705184937]} +{"paper_id": "gem", "embedding": [-0.29225262999534607, 0.9617323875427246, -0.2335074543952942, -0.3128422498703003, 0.07005329430103302, -0.251425176858902, 0.988186776638031, 0.014041870832443237, 0.7333102822303772, 1.0395896434783936, 0.54681396484375, 0.02095797471702099, -0.32501399517059326, 0.0894518792629242, -0.038705069571733475, -0.7616302967071533, -1.663646936416626, -0.5655536651611328, -1.101855993270874, -0.651406466960907, -1.2312555313110352, -0.2583010792732239, 0.2513582110404968, 0.4261661767959595, -0.2620543837547302, -0.6087499260902405, 0.910003125667572, -1.1718883514404297, 0.08704901486635208, 0.005818801000714302, -0.5775757431983948, 1.2487856149673462, -0.9358037710189819, 0.027028746902942657, -0.1869927942752838, -0.07705681025981903, 0.1305391490459442, 0.7846249341964722, -0.6388226747512817, 0.4156569242477417, -0.946285605430603, 0.11946875602006912, 0.8930070400238037, -0.23358334600925446, 0.5511505007743835, -0.2920750677585602, -0.45634523034095764, 0.14542755484580994, -0.15809620916843414, -0.04010619595646858, -0.037408433854579926, -0.15019771456718445, 0.04818219691514969, -0.2269255816936493, -0.11725131422281265, 1.1570311784744263, 0.5737206935882568, -1.3144806623458862, 0.7910820841789246, -0.5628649592399597, 0.7310099601745605, 1.6814059019088745, -1.0264145135879517, 0.5809006094932556, 0.6803072094917297, -0.01736344024538994, 1.154141902923584, 0.5216378569602966, 0.07629094272851944, 0.6043063998222351, -0.3941683769226074, -0.8126838207244873, 0.1672067940235138, 0.09745439887046814, 0.508203387260437, 0.8937712907791138, -0.22132959961891174, -0.03579685837030411, 0.1305209994316101, -0.25772589445114136, -0.28889167308807373, 0.8526439070701599, 0.3343212902545929, -0.7477838397026062, 0.32028910517692566, 0.8452080488204956, 0.6035444736480713, -0.5820343494415283, 0.03878315910696983, -1.7571063041687012, 0.1748170554637909, 0.09038516879081726, 0.333438515663147, -0.1269884705543518, -0.029947586357593536, 0.23880910873413086, 0.3820309638977051, -0.32302212715148926, -0.14040160179138184, 0.37483566999435425, 0.4175894856452942, -0.5238469839096069, 0.9839367270469666, 0.1465238779783249, 0.525809645652771, 1.27077317237854, -0.3178577423095703, -0.49422717094421387, -0.6105100512504578, -0.5695894956588745, -0.10683558881282806, 0.9945899248123169, 0.39517942070961, 0.6982334852218628, 0.15594768524169922, -0.07794791460037231, 0.07549010217189789, -0.7825504541397095, -0.3570321798324585, 0.22772163152694702, -0.3202972710132599, -0.9258120656013489, 0.0289576705545187, -0.08930253982543945, 1.028229832649231, -0.7496501207351685, 0.48362448811531067, 0.2135722041130066, 0.14732155203819275, 0.03780413419008255, 0.46934208273887634, 0.0036720391362905502, -0.4516265094280243, 0.8392189145088196, 2.5216002464294434, -0.37251579761505127, 0.762390673160553, -0.12912099063396454, -0.4714721143245697, -0.4153468608856201, 0.5887017846107483, 1.2483373880386353, 0.06915829330682755, -0.8996433019638062, -0.7909139394760132, 0.40560683608055115, -1.1635489463806152, 0.7299146056175232, -1.3376576900482178, -0.16352643072605133, 0.06593523919582367, 0.10122399777173996, -1.2605295181274414, -0.004650041460990906, 0.2761218249797821, 0.31630370020866394, -0.044377151876688004, 0.08866226673126221, -0.4484037458896637, 1.0911400318145752, 0.7003881931304932, 0.3240872025489807, -0.5509095788002014, 0.335186630487442, -1.1589946746826172, -0.17080903053283691, 0.8437779545783997, -0.4661843478679657, -0.5166677236557007, -0.643661618232727, 0.861524224281311, -0.7124303579330444, -0.3601702153682709, -0.432112455368042, 0.09084805101156235, 0.8263654708862305, 0.3796570897102356, 0.4237121343612671, -0.046761952340602875, -0.47502467036247253, -0.09510600566864014, -0.635528564453125, -0.35908859968185425, 0.4564811885356903, -0.4992760419845581, 1.1239774227142334, -2.2953989505767822, -0.04816187918186188, -0.37716999650001526, 0.44356879591941833, -0.6236464381217957, -0.17024675011634827, 0.08684172481298447, 0.13204644620418549, 0.4035385847091675, -0.06889008730649948, 0.7262718081474304, -1.0150116682052612, -0.531000554561615, 0.18632659316062927, -0.1391088366508484, 0.16727972030639648, -0.05182290077209473, 1.324869155883789, 0.49732303619384766, -0.6440712213516235, -0.5888347625732422, -2.2104756832122803, 0.07784507423639297, 2.747633695602417, -0.16541603207588196, -1.0393253564834595, -0.9377269148826599, -0.38281023502349854, 0.41118261218070984, -0.4401503801345825, 0.028602682054042816, -0.3079088032245636, -0.38503408432006836, -1.6016018390655518, 0.20796893537044525, -0.850092887878418, 0.188587486743927, 0.43339860439300537, 0.8964574933052063, -0.17967653274536133, -0.4605703055858612, -0.039364028722047806, -0.9963181018829346, 0.06843056529760361, 0.758786141872406, 0.3537527322769165, -0.7053654193878174, 0.6793130040168762, -0.47027918696403503, 0.7942121624946594, 0.3104401230812073, 0.2907221019268036, -0.4964263141155243, 0.22574667632579803, 0.5331680178642273, 1.2395176887512207, -0.060509443283081055, -0.3502614498138428, 0.2168319672346115, 0.5277006030082703, 0.23798465728759766, -0.4045119881629944, 0.01654338836669922, -0.0390971377491951, 1.0700851678848267, 1.227911114692688, -0.44478240609169006, 1.2224401235580444, -1.3607807159423828, 0.22822165489196777, -0.5071782469749451, -0.5772742629051208, -0.6286171674728394, 0.13997334241867065, 0.20641690492630005, -0.5030100345611572, 0.2625180780887604, -0.887915849685669, -0.20306448638439178, -1.638769268989563, -0.4206446707248688, -0.26419949531555176, -0.48471176624298096, -0.9308109283447266, -0.30005043745040894, 0.20209118723869324, -0.9118841290473938, -0.48082906007766724, -0.12650322914123535, 0.7479686141014099, 0.28297528624534607, 0.5722651481628418, 1.428017020225525, -0.41118088364601135, -0.3696863055229187, 0.4546833634376526, 1.039034128189087, -0.8261728286743164, 0.8706149458885193, -0.48539528250694275, -0.19763249158859253, -0.67870032787323, 0.3536621630191803, -0.8165868520736694, 0.48718154430389404, 0.059658028185367584, -0.456642210483551, -0.155644029378891, -0.4107184410095215, -1.4176169633865356, 0.7149173617362976, -1.0317810773849487, 0.8932182192802429, -0.8785026669502258, 1.2844955921173096, 0.8772305250167847, -0.43109941482543945, 1.426501989364624, -0.4582293629646301, -0.2747596204280853, 1.043532133102417, -0.7545983791351318, 0.6283068060874939, 0.16005688905715942, -0.16869644820690155, 0.3299653232097626, 0.5514944195747375, -2.270333766937256, 0.21848496794700623, 1.4303382635116577, -0.08304479718208313, -0.27919214963912964, -0.6448808908462524, 0.19148190319538116, -0.6267235279083252, -0.1630377173423767, 0.3425915241241455, -0.960122287273407, 0.723795473575592, -0.5277005434036255, 0.2845311760902405, 0.43537285923957825, -0.36251670122146606, 0.6096643209457397, 0.9497716426849365, 0.6211776733398438, -1.353468894958496, 0.14167600870132446, 0.7953531742095947, -1.1840646266937256, 0.4941072165966034, 0.044644832611083984, 0.8086044192314148, 1.048325538635254, -0.9732826948165894, -0.13295963406562805, 0.9772428870201111, 0.09992075711488724, 0.6761916875839233, 0.5250774025917053, 0.1904512643814087, -0.2751096487045288, -0.10379722714424133, 1.2073923349380493, 0.1565089225769043, -0.9689268469810486, -1.2164586782455444, -0.6657080054283142, -0.6780072450637817, -0.4982442855834961, 1.626694917678833, 1.120355486869812, 1.1767120361328125, 0.0368194505572319, 0.08688058704137802, -0.5907674431800842, 0.13246917724609375, 0.6000400185585022, 0.3921392858028412, -0.22222594916820526, -0.3347018361091614, 0.03067752718925476, 0.6890153884887695, 0.1307278722524643, -0.1652761697769165, -0.24572151899337769, 0.1983080506324768, 0.06756927818059921, -1.3602176904678345, 0.21188229322433472, 0.77396559715271, 0.07698443531990051, 2.2735021114349365, -0.556193470954895, -0.28838545083999634, 0.7409189939498901, 0.6066665053367615, 0.24022570252418518, 0.39133790135383606, -0.6064286231994629, 0.34098196029663086, 0.46207255125045776, 0.9960021376609802, -0.14801302552223206, 0.8764986991882324, 0.47599631547927856, -0.5124693512916565, -1.0544692277908325, -0.8854708671569824, -1.718007206916809, -0.37811166048049927, -0.3635091483592987, -0.1369311362504959, -0.27842554450035095, 0.3408644497394562, -0.717616081237793, -0.9660678505897522, 0.9500031471252441, -0.20537519454956055, -1.0406492948532104, 0.6436483263969421, 1.2951221466064453, -1.2948731184005737, -0.5026131272315979, -0.23235532641410828, -0.6796519756317139, -1.0962061882019043, 0.15540683269500732, -0.8549275994300842, 0.07867615669965744, -0.29580479860305786, 0.8701302409172058, 0.015722215175628662, 0.07474139332771301, -0.8458318710327148, 0.6058399081230164, 0.9885514974594116, -0.7287244200706482, 0.7510919570922852, 0.12993177771568298, 0.5001590847969055, -0.24060073494911194, -0.5937961339950562, -0.7607104182243347, 1.1297438144683838, 0.6805340051651001, 0.29630348086357117, -0.5560442209243774, -0.9164125919342041, 0.34538325667381287, 0.09292663633823395, 0.8143271207809448, -0.9350810050964355, 0.5367818474769592, -0.18159154057502747, 0.23839420080184937, 0.5886658430099487, -0.7498006224632263, -0.8332288265228271, 0.8588252067565918, -0.19711625576019287, 0.49444034695625305, -0.043788984417915344, 0.6924763917922974, 0.6387169361114502, -0.06929900497198105, 0.24621732532978058, -0.6915884613990784, -11.787578582763672, 0.2893511950969696, -0.36124083399772644, -0.08914041519165039, 0.8840833902359009, -0.3267064690589905, 0.5915485620498657, 0.4010225236415863, 0.5932837724685669, -0.9369045495986938, 0.8132021427154541, 0.8809478282928467, -0.10921353846788406, 0.03639352694153786, -0.34079086780548096, -1.4781054258346558, -1.0117191076278687, -0.7901808023452759, 0.511347234249115, -0.07602647691965103, -0.4605976939201355, -1.1074424982070923, 0.43696069717407227, 0.32707300782203674, 0.4366087019443512, 0.24037644267082214, 0.26616334915161133, -0.3084159195423126, -0.3960636854171753, 0.18062491714954376, 0.5675230026245117, 0.7830275297164917, -1.0355020761489868, -0.3349578082561493, 0.4144631028175354, 0.1745298206806183, -1.281563639640808, -0.27217695116996765, 1.2847169637680054, 0.014845452271401882, -0.6919550895690918, 0.2661587595939636, 0.08086039125919342, 0.03440595418214798, -0.7630495429039001, 0.2692421078681946, 0.4487523138523102, -1.0266472101211548, -0.3252462148666382, -0.8143872022628784, -0.40072059631347656, -0.5273919105529785, -1.1397761106491089, -0.5089958310127258, 0.3588404953479767, -0.39491918683052063, -0.33981525897979736, -0.17531219124794006, -0.3558709919452667, -0.9936162233352661, 0.7117404341697693, 0.6827983856201172, -1.056990623474121, -0.13593660295009613, 0.5231044292449951, -0.46076178550720215, 0.7847222089767456, 0.9132242798805237, 0.23812296986579895, 0.7026097774505615, -0.9751009345054626, 0.48098480701446533, 0.18215411901474, 0.44249439239501953, 0.14177078008651733, -0.18413180112838745, 0.18674927949905396, -0.4183155298233032, 0.07558462023735046, -0.2001836746931076, -0.681605875492096, 0.3927433490753174, -0.2201947718858719, -0.1029912605881691, -0.6221551299095154, -0.02703312411904335, -0.4109513759613037, -0.19435319304466248, 0.6318548917770386, -0.08202608674764633, 1.0000284910202026, -0.6596146821975708, -0.0549209788441658, 0.3449241518974304, -0.5776547193527222, 0.7493721842765808, -0.011361055076122284, 0.8836013674736023, 0.0872645378112793, -0.6964187622070312, 0.2660388946533203, -0.4573913514614105, -0.08801791816949844, -0.4807246923446655, 0.1893380731344223, -0.06651610136032104, -0.4988667368888855, 0.39343640208244324, 0.3445532023906708, -0.6534754037857056, 0.6501455903053284, -0.4059467613697052, -0.1433856040239334, 1.073851227760315, -0.6113107204437256, 0.5690890550613403, 1.1184691190719604, -0.03428412228822708, 0.934273362159729, 1.0751336812973022, -0.36405616998672485, 1.0360968112945557, 0.5981053113937378, 0.9299749732017517, 0.1625777781009674, -0.13742640614509583, 0.5740428566932678, 0.41773179173469543, -0.46140801906585693, -1.2425304651260376, -0.12682968378067017, -0.32682305574417114, 0.0760662630200386, -0.727494478225708, 0.095042884349823, -0.5319468379020691, -0.827659010887146, 1.31016206741333, -0.5857778191566467, 0.45362967252731323, 0.19322721660137177, -0.7607498168945312, 0.5962893962860107, -0.7032113075256348, -0.7588056921958923, -0.060687847435474396, -2.350280523300171, 0.11619115620851517, -0.36891821026802063, -0.7469964027404785, 0.4865938723087311, -0.16173005104064941, 0.9385890364646912, -1.022117257118225, 0.369674414396286, 0.03164972364902496, 0.6284339427947998, -0.25616714358329773, -0.6718452572822571, -0.5002099275588989, -0.0317317396402359, 0.7202358841896057, -0.20991332828998566, 0.9860039949417114, 0.5363268852233887, 0.09752307832241058, -0.1778513789176941, -0.1804828941822052, -0.5336665511131287, 0.3078051805496216, 0.9729577898979187, -1.1090724468231201, -0.10549046099185944, -0.6061162352561951, 0.06326532363891602, -1.1048595905303955, 0.7003968358039856, 1.6966581344604492, -0.3614681363105774, 0.19590860605239868, -0.012676788493990898, 0.9795048832893372, 0.35008278489112854, -0.5168794393539429, -0.5886744856834412, -0.11488014459609985, 0.5099508762359619, 0.6481896638870239, 0.15319940447807312, 0.8081315159797668, -1.5157835483551025, -0.9572961330413818, -0.41311031579971313, -0.10212942957878113, -0.013130877166986465, -0.4028770923614502, 1.0876418352127075, 0.9698450565338135, 0.2296246588230133, 0.33536702394485474, 0.00038204947486519814, 0.7945315837860107, 0.05184020847082138, 0.1975431591272354, 0.12749071419239044, 0.0007019229233264923, -0.613660991191864, 0.5147147178649902, 0.24792031943798065, 0.8511703610420227, -0.6571822762489319, -0.29825350642204285, -0.03155946359038353, -0.3082887828350067, 0.13229821622371674, -0.7746967077255249, 0.08799131214618683, 0.09801585972309113, -0.06946071982383728, -1.059509515762329, 0.4660358428955078, 1.4545598030090332, 0.19334281980991364, 0.7539557218551636, 0.7252843976020813, -0.56898033618927, 0.8434620499610901, 0.6427749395370483, 1.5028846263885498, -0.3168572187423706, -0.7191969752311707, -0.044466134160757065, 0.7126885652542114, -0.4197319746017456, -0.24407267570495605, -0.10371626168489456, -1.102107048034668, 0.37690749764442444, -0.4044801592826843, 0.08015190064907074, 0.02256171964108944, 0.1194167286157608, 0.44598788022994995, 0.4665105938911438, -0.1105305552482605, -1.2812397480010986, -0.18979808688163757, -0.9228834509849548, 0.044923651963472366, 0.5735552310943604, 0.4036407768726349, 0.7977933883666992, 0.7261385917663574, 0.2876317501068115, 0.965200662612915, -0.1998850703239441, 0.160903662443161, -0.4073023498058319, 0.5127257108688354, 1.574951171875, 0.672954261302948, 0.8059802055358887, -0.4648561477661133, -0.7854417562484741, -0.4959309697151184, -0.2014058381319046, -0.2135818749666214, 1.0221129655838013, 1.2546659708023071, -0.5629065632820129, 0.20466800034046173, -0.5642643570899963, 0.8655139803886414, -0.2560875415802002, 0.15315447747707367, 0.3108803629875183, -0.59965980052948, -0.16531310975551605, -0.689495325088501, 0.3498895764350891, 1.6039586067199707, -0.577886700630188, -0.21954531967639923, -0.6849184036254883, 0.6537976264953613, -0.42359375953674316, -0.14765846729278564, -0.7995968461036682, 0.29153481125831604, -0.576604962348938, 0.15448780357837677, 0.25435519218444824, -0.2329322099685669, -0.1364271640777588, 0.13470777869224548, -0.38959982991218567, 1.119667410850525, 0.1318226158618927, -0.7113640904426575, -0.7007628679275513, 0.5189890265464783, -0.3294079601764679, 0.008760306984186172, 0.548907458782196, -0.10129200667142868, -1.3097507953643799, 1.2531081438064575, 1.1238431930541992, -0.4133337736129761, -0.5527651309967041, -0.2393658459186554, 0.682018518447876, -0.1259053349494934, 1.6688915491104126]} +{"paper_id": "quac", "embedding": [-0.5172165632247925, 0.5828710198402405, -0.015779107809066772, -0.07412278652191162, 0.4078706204891205, 0.2249920517206192, 0.35760587453842163, 0.7488776445388794, 0.8392165899276733, 0.24941588938236237, 0.5675232410430908, 0.05210453271865845, 0.5570873022079468, -0.0017983317375183105, -0.6201655268669128, -0.5131688714027405, -0.9131078720092773, -0.35999900102615356, -1.5105801820755005, -0.06610050797462463, -0.5181333422660828, -0.8188359141349792, -0.27375707030296326, 1.508902668952942, -1.0114264488220215, -0.9487008452415466, 0.9930118918418884, -0.9907837510108948, -0.0043823495507240295, 0.18149536848068237, 0.029515638947486877, 1.4785351753234863, -0.9668394923210144, 0.620004415512085, -0.3956421911716461, -0.989274263381958, 0.26686975359916687, 1.040290355682373, -0.13423986732959747, -0.15910373628139496, -0.5802521705627441, 0.10526170581579208, 0.12688426673412323, 0.17272959649562836, 0.6049744486808777, -0.3588460087776184, 0.4033677875995636, 0.025062303990125656, -0.617007315158844, 0.10290363430976868, -0.7236747741699219, 0.4260031282901764, -0.4909093379974365, 0.6010127067565918, -0.11169137805700302, 0.6891708970069885, 0.3018295168876648, -0.6142182350158691, 0.45497021079063416, -0.6523411273956299, 1.3490362167358398, 1.3611316680908203, 0.2966882586479187, 0.47639426589012146, 1.2423665523529053, 0.0683976262807846, 1.7044728994369507, 0.24103446304798126, -0.18943867087364197, 0.9807309508323669, -0.6819583177566528, -1.1028605699539185, 0.4071844518184662, -0.06399043649435043, 0.4725876748561859, 0.9690593481063843, 0.5596083402633667, 0.04256508871912956, -0.2831176519393921, -0.07468728721141815, 0.2160397320985794, -0.139483243227005, 0.5192657709121704, -0.22979190945625305, 0.21163876354694366, 0.22699642181396484, 0.6110100746154785, -0.566546618938446, 0.46968159079551697, -1.6074104309082031, 0.9155648946762085, 0.10145972669124603, 0.08924102783203125, -0.04087333381175995, -0.4594486951828003, 0.49735027551651, -0.48434263467788696, -0.21357689797878265, -0.6225342750549316, 0.5021101236343384, 0.4601588249206543, 0.19407068192958832, 0.6155014038085938, -0.2789725065231323, 0.33338382840156555, -0.5172306895256042, 0.5414174199104309, 0.013896819204092026, -0.47248873114585876, -0.9252276420593262, 0.24085313081741333, 0.645917534828186, -0.001678792992606759, 0.630565345287323, 0.02803032100200653, 0.7333353161811829, 0.7461839914321899, -1.187817931175232, -0.1159534826874733, 0.2826334834098816, 0.2985701560974121, -0.9174216985702515, -0.2641543745994568, -0.5109296441078186, 0.5401987433433533, -0.3456813097000122, -0.5143441557884216, -0.9880800843238831, -0.4868159592151642, -0.29523301124572754, 0.5138007402420044, 0.19602997601032257, -0.6451461911201477, -0.14754459261894226, 3.3193931579589844, -1.1537786722183228, 1.8045753240585327, -0.9971041083335876, -0.8402840495109558, -0.7997474670410156, -0.24421074986457825, 1.7220618724822998, -0.0013038776814937592, -0.4392818212509155, -0.5397842526435852, -0.31584736704826355, -0.1171763688325882, -0.03377973288297653, -0.5628388524055481, -0.6625736355781555, 0.013248125091195107, -0.03313174098730087, -1.651442289352417, -0.4477790892124176, -0.0761256068944931, 0.43048202991485596, 0.093374103307724, 0.4656192660331726, 0.08951643854379654, 0.8692419528961182, 0.11728712916374207, -0.25161558389663696, -0.2819358706474304, 0.45048031210899353, -0.9433469176292419, 0.03207305818796158, 0.3784851133823395, -0.4006822109222412, -0.7222990989685059, 0.4069089889526367, 0.12527453899383545, -0.447488933801651, -0.15575602650642395, -0.18341881036758423, -0.5275077819824219, 0.17054599523544312, 0.48872339725494385, 0.805573046207428, 0.2866654098033905, -0.6027809977531433, -0.08637889474630356, -0.20370323956012726, -0.035518892109394073, 0.6097618937492371, -0.05688145011663437, 0.4672905206680298, -2.312026262283325, -0.20866705477237701, -0.10929325222969055, 1.3454068899154663, 0.13709819316864014, 0.1916431337594986, -0.07389167696237564, 0.1692901998758316, -0.02495729550719261, -0.7843482494354248, 0.5322934985160828, -1.3218979835510254, 0.4448828101158142, 0.1826513707637787, 0.31299182772636414, -0.14759461581707, 0.24259154498577118, 1.052432656288147, 0.21164585649967194, -0.2546203136444092, -1.0533250570297241, -1.331581950187683, -0.10198283940553665, 1.9385677576065063, 0.5633038282394409, -0.5467686653137207, -0.7174351215362549, -0.45532000064849854, -0.3458676338195801, 0.19192729890346527, 0.3189569115638733, -0.5885443687438965, 0.3191245496273041, -1.084338903427124, 0.8662499189376831, -0.33517611026763916, -0.19770416617393494, 0.8758528232574463, 1.4717397689819336, -0.34662026166915894, 0.2241295874118805, -0.6609415411949158, -0.29291895031929016, 0.4435020685195923, 0.6191655397415161, 0.2708665728569031, 0.15166601538658142, 0.45954346656799316, 0.42003440856933594, 0.44183558225631714, 0.670691967010498, 1.228279709815979, -1.0576436519622803, 0.10180963575839996, -0.3810468018054962, 1.6424815654754639, 0.2634466886520386, 0.6446161866188049, 0.17567329108715057, 0.07740087807178497, -0.5242227911949158, -0.6330154538154602, 0.16008871793746948, -0.09074727445840836, 1.3687381744384766, 0.4656306207180023, -0.4627632796764374, 0.1958167850971222, -0.23500408232212067, -0.5485888719558716, -0.15882177650928497, -0.7027080059051514, -0.5029296875, -0.7611061930656433, 1.1092047691345215, -0.6311415433883667, 0.22681725025177002, -0.2511520981788635, 0.40789416432380676, -0.9948787689208984, -0.3150136172771454, 0.5394796133041382, -0.18476365506649017, -1.1846203804016113, -0.07203774154186249, -0.18875177204608917, -1.1205081939697266, -0.5665165781974792, 0.04417619854211807, -0.04455499351024628, 0.05590485781431198, 1.145422101020813, 1.6009960174560547, -0.18299634754657745, 0.17039349675178528, -0.5817380547523499, 0.9040927290916443, -0.69059157371521, 0.26081275939941406, -0.23410752415657043, 0.08956893533468246, -1.0256545543670654, 0.36880239844322205, -0.36877256631851196, 0.24157628417015076, 0.5419667363166809, -0.5889784097671509, 0.9074046611785889, -0.19201120734214783, -0.6035183668136597, 0.7226316332817078, 0.09410025179386139, -0.177760511636734, -0.4204445481300354, 1.856128454208374, 0.0010234825313091278, -0.6844895482063293, 0.5867339968681335, -0.013283936306834221, -0.09803980588912964, 0.9221433401107788, 0.07737362384796143, -0.38224005699157715, 0.8000293374061584, -0.5845938920974731, 0.1265309453010559, 0.31516072154045105, -2.0263795852661133, 1.0366088151931763, 1.0903950929641724, -0.2716422975063324, 0.4265596270561218, -1.1774834394454956, 0.6334231495857239, -0.09507647901773453, 0.1158682256937027, 0.77321457862854, -0.36031457781791687, 0.49321678280830383, -0.19171324372291565, 0.26793932914733887, 0.8166961073875427, 0.016424909234046936, 0.34096112847328186, 0.14348280429840088, -0.18669328093528748, -0.6643812656402588, -0.6582173705101013, 0.7883773446083069, -0.29371896386146545, 0.0661090761423111, 0.5747278928756714, 0.5563416481018066, 0.5939549207687378, 0.15483666956424713, 0.07524552196264267, 0.6967951059341431, 0.6163698434829712, 0.05610428750514984, 0.08857646584510803, -0.350616991519928, 0.47322791814804077, -0.18221236765384674, 1.0789515972137451, -0.19646722078323364, -0.5673713088035583, -1.2818517684936523, -0.18348833918571472, -0.25413352251052856, -0.11714328825473785, 1.4717745780944824, -0.10951808840036392, 1.608343482017517, 0.5896275639533997, -0.007479193154722452, -0.861926257610321, -0.6734557747840881, 0.6152409911155701, 0.24069729447364807, 0.12623664736747742, -0.9616297483444214, -0.10845556855201721, 0.6565614342689514, 0.3338875472545624, -0.4751422107219696, 0.20900174975395203, 1.0662827491760254, 0.24134650826454163, -0.8889865279197693, 0.9352971911430359, 1.0604158639907837, 0.32172417640686035, 0.9140850305557251, -0.5158216953277588, 0.3885723054409027, -0.13820423185825348, 0.6726552844047546, 0.1333647519350052, 0.4486495852470398, 0.2085699439048767, 0.6747902631759644, 0.1378297060728073, 0.48652684688568115, 0.06187275052070618, 1.104508876800537, 1.1565250158309937, -0.8563472628593445, -1.6850135326385498, -0.195595845580101, -0.933285117149353, -0.51509028673172, 0.7745998501777649, 0.03393951803445816, -0.4603695273399353, 0.7766909003257751, 0.08947824686765671, -0.39189717173576355, 0.626847505569458, -0.5492885112762451, -1.2027478218078613, 0.39841532707214355, 0.7937283515930176, -0.8882535099983215, -0.3792267441749573, -0.24419771134853363, -1.0757050514221191, -0.14561404287815094, -0.21144285798072815, -0.9222913384437561, 0.5586167573928833, 0.0022118911147117615, 0.6821715235710144, 0.006573434919118881, 0.16362208127975464, -0.7452830672264099, 1.2478199005126953, 0.6031639575958252, -0.8662073612213135, 0.76804518699646, -0.04218672960996628, 0.5171172618865967, -0.4078419804573059, -0.8363670110702515, -0.778089702129364, 0.7371947765350342, -0.182301327586174, -0.06466513872146606, -0.8553604483604431, 0.1687750518321991, 0.9976544976234436, -0.07571510225534439, 0.20936396718025208, -0.9763132333755493, -0.10167916864156723, -1.0290703773498535, 0.09257416427135468, 0.4539077579975128, -1.4802440404891968, -1.049981951713562, 0.1532016396522522, -0.687166690826416, 0.47915926575660706, -0.4302404820919037, -0.123289093375206, 1.9180220365524292, 0.22749337553977966, 0.5461934208869934, -0.007632724940776825, -12.072919845581055, 1.4467806816101074, 0.17500019073486328, -0.11100088059902191, 0.34686997532844543, -0.65561443567276, 0.7480883598327637, -0.07688593864440918, 0.26603060960769653, -0.8386221528053284, 0.3281018137931824, 0.9327632188796997, 0.23212260007858276, -0.2074083834886551, -0.7325885891914368, -1.1973310708999634, -0.4638812243938446, -0.563567578792572, 0.18580861389636993, 0.24818170070648193, -0.256277859210968, -0.5915601849555969, -0.3821845054626465, -0.2505018711090088, 0.26377442479133606, -0.05600425601005554, -0.6648191213607788, -0.34613972902297974, -0.06678463518619537, -0.49928170442581177, 0.6309992671012878, -0.08846768736839294, -0.10341225564479828, -0.6425362825393677, -0.17817294597625732, -0.34152963757514954, -0.8543239831924438, -0.23921838402748108, 0.96099454164505, -0.18474110960960388, -0.1783406287431717, -0.29759588837623596, 0.5709019899368286, -0.27465543150901794, -0.4721269905567169, 0.22883518040180206, 0.34706470370292664, -0.721201479434967, 0.20740388333797455, 0.038484178483486176, -1.004549264907837, -0.3863263726234436, -0.8461684584617615, -0.7643977403640747, 0.44897952675819397, 0.45398348569869995, -0.6333310008049011, -0.06392523646354675, -0.07015206664800644, -0.7870545387268066, 0.6759626269340515, -0.019943062216043472, -0.14155501127243042, 0.33093035221099854, 0.1158541738986969, -0.19371989369392395, -0.27353471517562866, 0.040954023599624634, 0.023783132433891296, 0.47152945399284363, -0.6249976754188538, 0.6606426239013672, -0.29567843675613403, 0.7078088521957397, -1.229210615158081, -0.14087671041488647, -1.018654465675354, -0.13860124349594116, 0.6537870168685913, 0.25773847103118896, -1.238954782485962, 1.1429227590560913, 0.8837888240814209, -1.0950318574905396, -0.8255653381347656, 0.3451738655567169, 0.1612105816602707, 0.7545146346092224, 1.237473964691162, -0.7053177952766418, 0.9691059589385986, 0.35374099016189575, -0.9254768490791321, 0.00317222997546196, -0.20003554224967957, 0.39457595348358154, -0.4569656252861023, -0.00037155672907829285, 0.44677725434303284, -0.49308618903160095, -0.016035042703151703, -0.38222435116767883, -0.8764675855636597, 0.43302297592163086, 0.7394235134124756, 0.4022497236728668, -0.26572751998901367, 0.18979480862617493, -0.0864412784576416, -0.4999266266822815, 0.9531234502792358, 0.12366676330566406, -0.4617816209793091, 1.0451304912567139, -0.29762691259384155, 0.5562638640403748, 0.9286407828330994, 0.11463451385498047, 0.433716744184494, 0.29812532663345337, -0.567386269569397, 1.2263696193695068, -0.0063992999494075775, 1.6293919086456299, -0.21704208850860596, -0.33983802795410156, 0.3588048219680786, 0.7324148416519165, -0.22626762092113495, -1.2559411525726318, -0.015269201248884201, -0.4274672567844391, 0.3601187765598297, -0.8625261783599854, -0.2612147033214569, 0.5527158379554749, -0.18155664205551147, 1.359736442565918, -0.8539659380912781, -0.13339963555335999, -0.18198372423648834, -0.11458969116210938, -0.27688807249069214, -1.2218254804611206, -1.0458120107650757, 0.2627764046192169, -1.178093671798706, 0.5581769943237305, -0.5447770953178406, 0.15850426256656647, -0.031690988689661026, -0.5233553647994995, 1.078956961631775, -0.41800418496131897, -0.29680055379867554, -0.5120001435279846, 0.6330676674842834, -0.5647494196891785, -0.9778224229812622, -0.3099556565284729, 0.3577922582626343, 1.3633123636245728, -1.207319974899292, 1.4735395908355713, 0.3562130033969879, -0.27382051944732666, -0.41259682178497314, 0.28975388407707214, -0.48543789982795715, 0.5529887676239014, 1.0635610818862915, -0.9283332824707031, -0.5791855454444885, -0.8013388514518738, -0.18865498900413513, -0.2663581371307373, 0.3829774260520935, 1.3287500143051147, -1.0717637538909912, -0.6158424019813538, -0.3700248599052429, 0.8457054495811462, 0.20375363528728485, -0.20972193777561188, -0.20421457290649414, 0.3182756304740906, -0.21804386377334595, 0.8687846660614014, 0.25337639451026917, 0.6865378618240356, -1.4599783420562744, -0.9078465700149536, -0.5135418176651001, -0.4706648886203766, -0.21661344170570374, 0.6717063188552856, 0.8556771278381348, 0.5078443884849548, -0.24973134696483612, -0.22571885585784912, -0.06028994545340538, 0.5417300462722778, 0.104207344353199, 0.591069757938385, -0.4395290017127991, 0.21280154585838318, -0.35102054476737976, 0.06904910504817963, 0.24035422503948212, 1.071985125541687, -0.8641075491905212, -0.422823429107666, 0.3335798978805542, -0.3518649935722351, 0.4625152349472046, -1.1520119905471802, -0.43862301111221313, -0.6710452437400818, -0.45964547991752625, -1.200939416885376, 0.10331699997186661, 1.2427387237548828, -0.08222811669111252, 0.9505941271781921, 0.09696929901838303, 1.148015022277832, 0.6349108219146729, -0.3356632590293884, 0.47158485651016235, -0.09732702374458313, 0.12406185269355774, 0.1724560558795929, 0.2832614779472351, 0.630609393119812, -0.18672913312911987, -0.7992428541183472, -0.8463454246520996, 0.36390718817710876, -0.39123839139938354, 0.7911588549613953, -0.08590041100978851, 0.7467132210731506, 1.4446474313735962, 1.6048859357833862, -0.10078755021095276, -1.4990074634552002, -0.6122650504112244, -1.5242209434509277, 0.24178890883922577, 0.6951400637626648, 0.19612529873847961, 0.13782893121242523, 0.7984808683395386, -0.6743306517601013, 0.696018397808075, -0.8763587474822998, 0.06346134841442108, 0.16926069557666779, 0.048593562096357346, 0.44281619787216187, 0.5460254549980164, 0.08828030526638031, 1.0140032768249512, 0.19548548758029938, -0.7782248854637146, 0.013790935277938843, -0.46313852071762085, 0.578947126865387, 0.5003082752227783, -0.34917593002319336, -0.5471860766410828, -0.3201359510421753, 0.6106666326522827, -0.22992409765720367, 1.440026044845581, 0.04860477149486542, -0.6457591652870178, -0.6761312484741211, -1.2742812633514404, -0.302299827337265, 0.2593713402748108, 0.46229538321495056, -0.44115859270095825, -0.4703305959701538, 0.7724236249923706, 0.5196790099143982, 0.28401562571525574, -0.8715876340866089, -0.4331679344177246, -0.7289193868637085, 0.15274234116077423, -0.012735329568386078, -0.5638953447341919, -0.7016624808311462, 0.026811160147190094, -0.57778000831604, 0.10696535557508469, 0.3943609595298767, -1.1742572784423828, -1.0121814012527466, 0.07324270904064178, 0.11728668212890625, 0.30399492383003235, 0.4733220934867859, 0.052923861891031265, -1.5534272193908691, 0.4541177749633789, 1.2794368267059326, -0.2366647720336914, -0.02793753147125244, 0.2288489043712616, 0.41643714904785156, -0.22766879200935364, 1.0338847637176514]} +{"paper_id": "asset", "embedding": [0.7558087110519409, 1.5034433603286743, -0.5725501179695129, 0.0021680183708667755, 0.5860533118247986, 0.10988952219486237, 0.8691766858100891, 0.8508569598197937, 1.0890966653823853, 0.3070957064628601, -0.563601553440094, 0.2061387598514557, 0.223432257771492, 0.08783572167158127, -0.09001539647579193, -0.30958133935928345, -0.42187729477882385, -0.6466271281242371, -1.9997947216033936, -0.622761607170105, -0.2684648036956787, -0.5837758779525757, 0.2698782682418823, 0.2315835952758789, -0.8122195601463318, -0.7445566654205322, 0.5064008235931396, -1.3428559303283691, -0.49335411190986633, 0.6174013018608093, -0.29531100392341614, 1.7638050317764282, -1.632819652557373, 0.06691914051771164, -0.25579696893692017, 0.022731060162186623, 0.02135102078318596, 1.305191993713379, 0.02860785275697708, 0.42765992879867554, -0.9975453615188599, 0.0715990886092186, 0.2082241326570511, -0.06019075587391853, 0.11397507041692734, -0.2310323417186737, -1.0538365840911865, 0.6286828517913818, -0.3940126895904541, -0.05383401736617088, -0.019374428316950798, 0.10006849467754364, 0.39961665868759155, 0.10440684854984283, -0.48590293526649475, 1.0916752815246582, 0.984959602355957, -2.0676724910736084, -0.24463921785354614, -0.33762916922569275, 1.592216968536377, 1.374778389930725, -0.5194820165634155, 0.5330554842948914, 1.6874502897262573, 0.030257180333137512, 1.7625148296356201, 0.6773524284362793, 0.1666431427001953, 1.4378206729888916, -0.7304182648658752, -1.1783584356307983, 0.7668174505233765, -0.13226085901260376, 0.3649398386478424, 0.6264859437942505, 0.03538454696536064, -0.14239291846752167, 0.2722706198692322, -0.8692598938941956, -0.9620883464813232, 0.27561575174331665, 0.9506375789642334, -1.3906006813049316, -0.43231695890426636, 0.32939425110816956, 0.5198661088943481, -0.26283687353134155, -0.1054256334900856, -0.6993447542190552, 0.15097129344940186, 0.3664543628692627, 0.25050243735313416, 0.5839720964431763, -0.26705998182296753, 0.2872307002544403, -0.05278272181749344, 0.04161544889211655, -0.5416252613067627, -0.28980571031570435, 1.4398702383041382, 0.38669270277023315, 0.6527559161186218, 0.38858163356781006, 0.9464181065559387, 1.2727793455123901, -0.5013130903244019, -0.8470026254653931, -0.7726004719734192, -0.8222200274467468, -0.7272988557815552, -0.03395533561706543, 0.302578866481781, 0.7196586728096008, -0.7291443347930908, 0.09453288465738297, 0.1897558867931366, -0.5282161831855774, -0.5387199521064758, 0.08341125398874283, -0.320472776889801, -0.7946907877922058, -0.22199738025665283, -0.9193748235702515, 1.191546082496643, -0.7029337882995605, -0.23992395401000977, -0.3629530370235443, 0.4779845178127289, -0.7992154359817505, 0.8538280725479126, 0.08438970148563385, -0.27380889654159546, 0.712421178817749, 2.524130344390869, -1.1237754821777344, 0.7376085519790649, -0.2670136094093323, -0.14498157799243927, -0.07510683685541153, 0.16020098328590393, 1.150022029876709, -0.19980165362358093, -0.628553569316864, -0.9644251465797424, 0.057549335062503815, -0.8254159092903137, 0.7560862302780151, -1.7130823135375977, -0.26236692070961, -0.3055667579174042, -0.3469701111316681, -1.2136679887771606, -1.2142937183380127, 0.4663952589035034, -0.21960726380348206, 0.21647924184799194, 0.5202453136444092, -0.32738804817199707, 1.0102232694625854, 0.45308923721313477, 0.2551335394382477, -0.39002054929733276, -0.018606748431921005, -0.8942244052886963, -0.043009478598833084, 0.6591923832893372, -0.8005858659744263, -0.5487207770347595, -0.3759082853794098, 0.39750751852989197, -0.7587433457374573, -0.05103565752506256, -0.2525642216205597, 0.16070549190044403, 0.6314761638641357, 0.9180340766906738, -0.17148558795452118, 0.4888423979282379, -0.43589168787002563, -0.6777934432029724, 0.16669467091560364, 0.4102284908294678, 0.9289571642875671, -0.48652225732803345, 0.25218233466148376, -1.9751784801483154, -0.5472866892814636, -0.07040105015039444, 0.42044156789779663, -0.18946269154548645, -0.4045737385749817, -0.14452406764030457, 0.8736056089401245, -0.45847976207733154, -0.11337021738290787, 0.07658500224351883, -0.8539159893989563, 0.5863615870475769, 0.3538637161254883, 0.48202255368232727, 0.1738675832748413, -0.08668390661478043, 1.1193444728851318, 0.7470781207084656, -0.9006673693656921, 0.05866731330752373, -1.5883044004440308, -0.6032226085662842, 1.9343186616897583, -0.2745366096496582, -0.0862976536154747, -1.5678898096084595, -0.9171316027641296, 0.5186421871185303, 0.11208821088075638, 0.5849833488464355, -0.5279388427734375, -0.7022347450256348, -0.5136108994483948, 0.803348183631897, -0.9731804132461548, -0.15578123927116394, 1.0512465238571167, 1.3675916194915771, -0.9278020858764648, 0.23960602283477783, -0.0038673467934131622, -1.0804014205932617, 0.4712865352630615, 1.3241063356399536, 0.5365359783172607, -0.4037648141384125, 1.0863301753997803, -0.2690311074256897, 0.3463572859764099, 0.4621388018131256, 0.5391735434532166, -0.42822128534317017, -0.7672637104988098, 0.5071679353713989, 0.7975656986236572, 0.034018225967884064, -0.1264370083808899, 0.07512357831001282, 0.7221829295158386, -0.8420556783676147, -0.5850951075553894, -0.3845697045326233, 0.07925137877464294, 0.7857742309570312, 0.7564918994903564, -0.7538377642631531, 1.068212866783142, -1.418992519378662, -0.5110297799110413, -0.21216854453086853, -1.1755775213241577, -1.0194945335388184, -0.37285447120666504, -0.27835947275161743, 0.34905537962913513, 0.22563514113426208, -0.1055208146572113, -0.4123058319091797, -0.8693947792053223, -1.1503713130950928, -0.7894806265830994, 0.2646745443344116, -1.7203181982040405, -0.9657340049743652, 0.3295699954032898, -1.168644666671753, -0.4621400535106659, 0.13816078007221222, 0.12445122748613358, -0.05179948732256889, 1.2881273031234741, 1.3899662494659424, 0.11701369285583496, 0.3687824308872223, -0.7290158271789551, 1.050175666809082, -0.3859280049800873, 1.5581353902816772, -0.9722292423248291, -0.41737839579582214, -0.6691386699676514, 0.32812461256980896, -0.7625128030776978, 0.05661598592996597, 0.993304431438446, -0.4171278476715088, 0.5187722444534302, 0.16200518608093262, -1.1594572067260742, 0.4994660019874573, -0.34170153737068176, 0.09142620861530304, -0.6636368036270142, 1.0375299453735352, 1.0655529499053955, -0.2744510769844055, 0.32411348819732666, -0.594161868095398, -0.5385451912879944, 0.8954559564590454, -0.8022229671478271, 1.6474151611328125, 0.9026005864143372, 0.46970081329345703, 0.7950669527053833, 0.32979369163513184, -1.3469173908233643, -0.28204020857810974, 1.8773876428604126, -0.5198684334754944, -0.3619537949562073, -0.654974102973938, -0.07495591044425964, -0.5345436930656433, -0.21320556104183197, 0.8519189357757568, -0.7973469495773315, 0.38819655776023865, -0.06643784791231155, 0.5233249068260193, 0.7341863512992859, -0.4387769103050232, 1.0805765390396118, 0.9926339387893677, 0.4221515953540802, -0.8145968914031982, -0.8673766851425171, 0.8489611744880676, -0.26681655645370483, 0.555201530456543, 0.17803561687469482, 1.1785812377929688, 0.6322934627532959, 0.5649126172065735, -0.01229003630578518, 1.088157296180725, 0.6063424348831177, 0.49761977791786194, 0.6878893375396729, -0.8259493708610535, -0.08975899964570999, -0.1929238736629486, 1.8213199377059937, -0.06505083292722702, -0.35219210386276245, -0.4621483385562897, -0.4255966246128082, -1.06525719165802, -0.7103058695793152, 1.4054104089736938, 1.442815899848938, 1.3971129655838013, 0.021228959783911705, 0.19329705834388733, -0.27382344007492065, 0.2679009437561035, 0.02481478452682495, 0.2511318027973175, -0.37858521938323975, -0.10251316428184509, 0.5020854473114014, 1.200576663017273, -0.4228675067424774, -0.5275835394859314, -0.20537169277668, 0.8663886189460754, -0.2874966561794281, -0.6152116060256958, 0.9445231556892395, -0.1681940257549286, 0.9922295808792114, 1.8903911113739014, -0.45955076813697815, -1.0113404989242554, -0.26345595717430115, 0.30698615312576294, 0.027042295783758163, 0.1939084827899933, -0.8575491905212402, -0.28969720005989075, 0.17080995440483093, 0.5358672142028809, 0.29199814796447754, 0.3184657096862793, 0.500321626663208, -0.7481263875961304, -1.480279803276062, 0.3555068373680115, -1.391553282737732, 0.22337955236434937, -0.19345927238464355, -0.28195223212242126, -0.8354076743125916, 0.8043156266212463, -0.5573834776878357, -0.36499184370040894, 0.22957471013069153, -0.32491129636764526, -0.8114215135574341, -0.20199109613895416, 0.24792025983333588, -1.1135114431381226, -0.1755468249320984, 0.2306750863790512, -0.7256643772125244, -0.6499481797218323, -0.7226409912109375, -0.7703174948692322, 0.8425087332725525, -0.12133970856666565, 0.8216720223426819, 0.2976643443107605, 0.436781644821167, -1.690738558769226, 0.5241930484771729, 1.1631706953048706, -1.528468370437622, 0.7263667583465576, 1.0152734518051147, 0.15503330528736115, -0.09735167026519775, -1.0924935340881348, -0.2902788817882538, 0.24053333699703217, 0.1478259414434433, 0.610062301158905, 0.3068777024745941, -1.2543984651565552, 0.6589269042015076, 0.37633398175239563, 0.2844822108745575, -0.8070805072784424, -0.020237542688846588, -0.36641833186149597, 0.43282589316368103, 0.9967477321624756, -1.107007622718811, -0.32631322741508484, 0.3587494492530823, -0.4227321445941925, 0.8103396892547607, 0.16316132247447968, -0.07885996997356415, 0.49309515953063965, 0.4850549101829529, -0.37466639280319214, -1.0338762998580933, -10.363683700561523, 0.4572191834449768, -0.11576119810342789, -0.4498758912086487, -0.3508272171020508, -0.4759514629840851, 0.08025994151830673, -1.1033886671066284, 0.981317937374115, -0.030897848308086395, 0.12916015088558197, 2.42268967628479, 0.35269659757614136, -0.04057908430695534, -1.0464011430740356, -1.450891137123108, -0.6807977557182312, -0.5494840741157532, -0.23326177895069122, 0.22594958543777466, -0.4647591710090637, -0.7353331446647644, 0.5970043540000916, 0.8973475098609924, 1.1646027565002441, -0.11411789059638977, -0.8487294316291809, -0.07946917414665222, -0.2850531339645386, 0.775780439376831, 0.7296900153160095, 0.11067534238100052, -0.4446444511413574, -0.915090799331665, 0.9146704077720642, -0.47216153144836426, -1.1411206722259521, -0.14849898219108582, 0.349462628364563, -0.1301651895046234, -0.1211027055978775, 0.8427788019180298, 0.1403929740190506, -0.7033441662788391, -0.6024346351623535, 0.08304525911808014, 0.06115817278623581, -0.4616329073905945, 1.1232216358184814, -0.7859774827957153, -0.518022358417511, -0.43090981245040894, -1.070688247680664, -1.009599208831787, -0.14177349209785461, 0.0006929636001586914, -0.45871734619140625, -0.17312797904014587, -0.6182988286018372, -0.9352093935012817, 0.23956644535064697, 0.0397639200091362, -0.6840636134147644, 0.3731881380081177, 0.3727606236934662, -0.19346682727336884, 0.30013716220855713, 0.23585458099842072, -0.22118666768074036, 0.4617924392223358, -0.9093337059020996, 1.0452381372451782, -0.08489479869604111, 0.34392809867858887, 0.04583477973937988, -0.30070826411247253, -0.5782315731048584, -0.6288087368011475, 0.6530982851982117, -0.03829267621040344, -0.6656559705734253, 1.000305414199829, 0.3375638723373413, 0.3774341642856598, -0.9543591141700745, 0.1785825490951538, 0.5211380124092102, -0.3286816477775574, 1.1992067098617554, -0.10354295372962952, 1.5385798215866089, -0.743712306022644, 0.074628084897995, -0.22611603140830994, -0.6441695094108582, 0.8953726887702942, -0.718815267086029, 0.9451696276664734, 0.5947433710098267, -0.9205271005630493, -0.007777094841003418, -0.23052000999450684, -1.0839582681655884, -0.21385863423347473, 0.10536442697048187, -0.3838348090648651, 0.4325104355812073, -0.9842157363891602, 0.18180954456329346, -1.0872783660888672, 0.8467868566513062, 0.3992116451263428, 0.20925648510456085, 1.4272500276565552, -0.27265024185180664, 0.9668459296226501, 1.0515938997268677, 0.28004828095436096, 0.07813791930675507, 1.7044336795806885, -0.40666455030441284, 0.9715407490730286, -0.24537263810634613, 1.7990514039993286, -0.004081558436155319, 1.1163418292999268, 0.749042272567749, 1.0033936500549316, 0.04006776958703995, -1.1347075700759888, -0.6103843450546265, -0.3779744505882263, 0.38951927423477173, -0.9877801537513733, 0.3804149329662323, 0.15480908751487732, -1.1720160245895386, 0.6715316772460938, -0.27653491497039795, 0.31934741139411926, -0.30287057161331177, -0.9043867588043213, -0.6118916869163513, -0.7467896342277527, -1.1000107526779175, 0.34294813871383667, -2.123012065887451, -0.06859917938709259, -0.4780365824699402, 0.17986233532428741, 0.06356097757816315, -0.1324794441461563, 0.9929168820381165, -0.3846014738082886, -0.5461003184318542, 0.000936504453420639, 0.08698958158493042, -1.227582335472107, -0.8625084757804871, -0.29341769218444824, -0.20813700556755066, 1.5529974699020386, -0.10064271837472916, 0.9116484522819519, 0.031099945306777954, 0.31393909454345703, -0.31991103291511536, -0.6535565853118896, -0.5316493511199951, 0.5301840305328369, 0.8383470177650452, -0.36138927936553955, -0.3858404755592346, -0.3327479362487793, -0.1558300107717514, -0.46701717376708984, 0.3682432472705841, 0.8816683292388916, -0.5958671569824219, 0.4341372847557068, 0.020277246832847595, 0.4254785180091858, 1.1709990501403809, 0.037801921367645264, -0.7684363126754761, 0.339736670255661, -0.1510036587715149, 0.7378092408180237, -0.38164493441581726, 0.41019272804260254, -1.5209002494812012, -2.0581858158111572, -0.9131379127502441, 0.13678240776062012, 0.690474271774292, 0.1300688534975052, 0.5903978943824768, 0.2514079809188843, 0.12006586790084839, 0.18181630969047546, -0.1508910208940506, 0.6410842537879944, 0.234360009431839, 0.03136541321873665, 0.28952887654304504, 0.4884326159954071, -0.08479608595371246, 0.18412858247756958, 0.5796510577201843, 1.207440972328186, -1.4927036762237549, -0.15969373285770416, 0.3964439332485199, -0.2720036506652832, 0.10427959263324738, -0.9554742574691772, 0.19797247648239136, -0.3719782531261444, 0.3235483467578888, -0.9014606475830078, 0.28740182518959045, 1.7610410451889038, 0.11575411260128021, 0.15372496843338013, 1.521051287651062, -0.2631039619445801, 0.3173352777957916, 0.8746140599250793, 1.3365591764450073, 0.3281885087490082, -0.4499629735946655, -0.22507208585739136, -0.34440720081329346, 0.29702550172805786, 0.5635343790054321, 0.3614791929721832, -1.0532193183898926, -0.707843005657196, -1.4407405853271484, 0.03844429552555084, 0.2663787603378296, 0.24357515573501587, 0.21275022625923157, 0.726639449596405, 1.2114081382751465, -1.2888615131378174, 0.07248440384864807, -0.626336395740509, 0.36359766125679016, 0.3064073920249939, 0.24678531289100647, -0.0450342521071434, 0.5505411624908447, -0.04741901159286499, 1.387100338935852, -0.16778820753097534, -0.34116971492767334, -0.5469077825546265, 0.35859161615371704, 1.688763976097107, 0.4301045835018158, 0.11047009378671646, -0.8761715888977051, -0.3685673773288727, -0.9649528861045837, -1.214253306388855, -1.17778742313385, 1.0389493703842163, 0.6380646228790283, 0.3567853271961212, 0.9590328335762024, -0.9401153922080994, 0.7788782715797424, -0.9034653306007385, 0.8560038805007935, 0.3674822449684143, -0.2534065544605255, -1.1667219400405884, -0.9874165058135986, 0.25600898265838623, 1.1287745237350464, -0.577822208404541, -0.09376274049282074, -0.08722876012325287, 0.20779594779014587, 0.15386924147605896, 0.2934384346008301, 0.4884313941001892, -0.3052782118320465, 0.047413505613803864, -0.8065171241760254, 0.9939141273498535, -0.2918291687965393, -0.22051383554935455, -0.5440618395805359, -0.20949484407901764, 0.4536953568458557, 0.20739950239658356, -0.28225770592689514, 0.0036650970578193665, 0.5568305850028992, 0.41149112582206726, 0.012286834418773651, 0.3497087359428406, -0.02594308741390705, -1.1508924961090088, 1.3709561824798584, 0.5258020162582397, -0.8481854200363159, -0.6838419437408447, 0.17258301377296448, 1.105303168296814, -0.26132628321647644, 1.345989465713501]} +{"paper_id": "circa", "embedding": [-1.5826916694641113, 0.6354758143424988, 0.608353316783905, -0.36245208978652954, 0.7376899123191833, 0.4235704839229584, 0.15451699495315552, 0.38042816519737244, 0.38383960723876953, -0.368978351354599, 0.6661901473999023, -0.032698728144168854, 0.5557945370674133, 0.3634933829307556, -0.34290042519569397, 0.3135398030281067, -1.6455389261245728, -0.4357888102531433, -1.342766284942627, 0.19989874958992004, -0.20943395793437958, -0.6821302771568298, -0.14487354457378387, 0.4691438674926758, -0.8243423700332642, -0.9991664290428162, 0.5424875617027283, -0.7924171090126038, 0.14491456747055054, 0.11532673239707947, -0.4471334218978882, 1.5376389026641846, -0.3949844539165497, 0.4875078499317169, 0.22126805782318115, -0.5848434567451477, -0.6252613663673401, 0.9126608967781067, -0.04419611766934395, 0.05610515922307968, -0.304106742143631, -0.24967217445373535, 0.632377028465271, 0.8260612487792969, 0.3884742856025696, -0.3022990822792053, -0.013772290199995041, 0.620227575302124, -0.5855175256729126, 0.2923041582107544, -0.9730733633041382, 0.6149083375930786, -0.8589566946029663, 0.7411836385726929, -0.0980287566781044, 0.8611984848976135, 0.3582995533943176, -1.053457498550415, 0.4216315448284149, -1.1326528787612915, 1.39702308177948, 1.6672660112380981, -0.1718454211950302, 0.6332445740699768, 0.6157336831092834, 0.046812765300273895, 1.4212288856506348, -0.37335509061813354, -0.19753578305244446, 0.7843091487884521, -0.726049542427063, -0.7140105962753296, 1.2745457887649536, 0.565139889717102, 0.5162865519523621, 0.587992787361145, 0.5939340591430664, 0.9395071864128113, -0.798389732837677, 0.18258172273635864, 0.019107645377516747, -0.07951094210147858, 0.664900541305542, -0.4205884337425232, 0.15996623039245605, 0.32043561339378357, 0.3693525493144989, -0.6959412097930908, 0.46166348457336426, -0.8085963726043701, 0.7392714023590088, -0.3821108341217041, -0.411155641078949, 0.14439839124679565, 0.023913361132144928, 0.30245015025138855, -0.14135012030601501, 0.10304166376590729, -0.3488922715187073, 0.42475515604019165, 0.28105252981185913, -0.2026749700307846, -0.1243845522403717, -0.6062828302383423, -0.3993958830833435, -0.0077682919800281525, 0.003913603723049164, -0.9097995758056641, -0.5486851334571838, -0.33424150943756104, 0.27828046679496765, 1.0637538433074951, -0.25290048122406006, 0.6438456177711487, 0.22692427039146423, 0.5832704305648804, 0.29516834020614624, -1.4236493110656738, 0.4956199824810028, 0.6247193217277527, -0.5085237622261047, -0.9774045944213867, 0.12498535215854645, 0.10390879213809967, 0.7943432927131653, -0.3502409756183624, -0.6258606910705566, -0.39017194509506226, 0.015117758885025978, -0.3023001253604889, 0.655849814414978, -0.19352565705776215, -0.5692151188850403, 0.10191695392131805, 3.459986448287964, -0.8260383605957031, 1.6792857646942139, -1.44827401638031, -1.2565922737121582, -0.3736377954483032, 0.06407370418310165, 1.3204829692840576, -0.14311151206493378, -0.7508941292762756, -1.1574065685272217, 0.058161355555057526, 0.34150874614715576, -0.3319918215274811, 0.24334874749183655, -0.33823978900909424, 0.15944252908229828, 0.09093936532735825, -1.4831196069717407, 0.2160358726978302, 0.0999397486448288, 0.37702038884162903, 0.46204107999801636, 0.7687985897064209, 0.37519174814224243, 0.5714362859725952, -0.3249593675136566, -0.38321053981781006, -0.6265091896057129, 0.48735311627388, -0.7410293221473694, -0.24685454368591309, 0.9208726286888123, -0.5583125352859497, -1.4631646871566772, 0.06545326858758926, 0.2992343008518219, -0.04154311120510101, -0.6518957614898682, -0.280519962310791, -0.43310675024986267, -0.22305768728256226, 0.2783915102481842, 1.000588297843933, 0.23428067564964294, -0.536849319934845, -0.5026687979698181, -0.38627907633781433, -0.2733302712440491, 0.575984001159668, -0.13219355046749115, -0.21731404960155487, -1.7353790998458862, -0.6087818145751953, -0.16468700766563416, 0.680393636226654, 0.009913802146911621, 0.47586163878440857, 0.1602363884449005, 0.27531999349594116, -0.20154264569282532, 0.1000300794839859, 0.9200032353401184, -1.228585958480835, -0.08082802593708038, 0.03608861565589905, 0.1796727329492569, -0.301090806722641, -0.2446221560239792, 1.5140498876571655, -0.06022492051124573, -0.2155613899230957, -0.16851912438869476, -1.081115961074829, 0.46577152609825134, 3.046109437942505, 0.09205067157745361, -0.43069490790367126, -0.490980863571167, 0.04858362674713135, -0.36655759811401367, 0.34136566519737244, 0.14432823657989502, -0.7321330904960632, 0.6412595510482788, -1.6389179229736328, 0.6900039315223694, 1.0156769752502441, -0.5781298279762268, 0.24127480387687683, 0.8347684741020203, -0.896350085735321, -0.3427357077598572, -0.5078056454658508, -0.33150941133499146, 0.5125842690467834, 0.5313174724578857, 0.6993507742881775, -0.03362581878900528, 0.26407140493392944, 0.5083221197128296, 0.2658000588417053, 0.2634129226207733, 1.2052191495895386, -0.9601013660430908, 0.37109553813934326, -0.06740395724773407, 0.8994557857513428, 0.3324223756790161, 0.8811757564544678, 0.5318717956542969, 0.5399614572525024, -0.08467184007167816, -0.7599734663963318, -0.09835164248943329, -0.26687490940093994, 1.8208863735198975, 0.8480634093284607, -0.2594054043292999, 0.5054934620857239, -0.6584378480911255, 0.1610088050365448, -0.32620587944984436, -0.672636866569519, -0.5524792671203613, -1.0838093757629395, 1.2235543727874756, -0.11181746423244476, -0.13547548651695251, -0.27041614055633545, 0.1395275890827179, -1.2103902101516724, -0.12200894951820374, -0.4222099781036377, -0.1425585150718689, -0.7793532609939575, 0.21483436226844788, -0.17654962837696075, -0.3895348310470581, -0.5169553756713867, 0.29682931303977966, 0.3969547152519226, -0.07445879280567169, 1.2848589420318604, 1.5705384016036987, -0.6423783302307129, -0.26710784435272217, -0.8237953186035156, 1.032119631767273, -0.7840459942817688, 0.5623665452003479, -0.2516230642795563, -0.11650367081165314, -0.371268093585968, 0.027457982301712036, -0.42993438243865967, 0.026387661695480347, 0.5727094411849976, -0.5234892964363098, -0.01763734221458435, -0.415312796831131, -0.19087821245193481, 1.1890498399734497, -0.8006343841552734, -0.22197502851486206, -0.3819350600242615, 1.7677315473556519, -0.036175455898046494, -0.0913516953587532, 0.44177448749542236, -0.08944325894117355, 0.5092904567718506, 0.8076629638671875, -0.06359797716140747, -0.19739565253257751, 0.4862152934074402, -0.005094810388982296, 0.1829889714717865, -0.022797908633947372, -1.7850422859191895, 0.3825763165950775, 0.4420143663883209, -0.5650526285171509, 0.2825089693069458, -1.1334400177001953, 0.5977420210838318, -0.3449157774448395, -0.3672764301300049, 0.4356386661529541, -0.1360604614019394, 0.3869985044002533, -0.638773500919342, 0.1604265719652176, 0.24349448084831238, -0.24096675217151642, 0.015676062554121017, 0.4209398031234741, 0.1465267539024353, -0.9397207498550415, -0.48363614082336426, 0.473888635635376, -0.6451058387756348, 0.013808317482471466, 0.7781926393508911, 0.3416729271411896, 1.0885212421417236, 0.2574128806591034, -0.39902177453041077, 0.19815407693386078, 0.6068068742752075, 0.2691342234611511, -0.10604031383991241, -0.6179195642471313, 0.22850747406482697, -0.5373286008834839, 1.2708990573883057, -0.3334764540195465, -0.5721445679664612, -1.213769793510437, -0.723950982093811, 0.019947774708271027, -0.3596450686454773, 1.4822375774383545, 0.3817537724971771, 1.1509556770324707, -0.7165188789367676, 0.6326042413711548, -0.42012372612953186, -0.24450278282165527, 1.1384127140045166, 0.44175225496292114, 0.17937150597572327, -0.36029037833213806, -0.019392505288124084, 0.8229773044586182, -0.08706844598054886, -0.5572676658630371, -0.14826880395412445, 1.8663749694824219, 0.40181025862693787, -0.28093287348747253, -0.03259618580341339, 0.8548120856285095, 0.42223837971687317, 0.8294098377227783, -0.2572944760322571, -0.5145414471626282, -0.8500732183456421, 1.2862582206726074, 0.8899375796318054, -0.14050357043743134, -0.6175514459609985, 0.7638514637947083, -0.538748562335968, 0.6543926000595093, -0.23455332219600677, 0.9901883602142334, 0.46022799611091614, -1.1299090385437012, -1.3136112689971924, 0.008747164160013199, -0.6316002607345581, -0.17731602489948273, 0.517157793045044, -0.4347849488258362, 0.1535530686378479, 0.9254661202430725, 0.3821488320827484, -0.4057011604309082, 0.7281879186630249, -0.9318565726280212, -0.8646392822265625, 0.2778535485267639, 0.8122999668121338, -0.6185383200645447, -0.3247750699520111, -0.4510965943336487, -0.38926568627357483, -0.5929251313209534, 0.06671737134456635, -0.5528783798217773, 0.3423992097377777, -0.08746747672557831, 0.08281037211418152, -0.9372668266296387, 0.11105754971504211, -0.9663336873054504, 1.1644924879074097, 0.2500317096710205, 0.14932923018932343, 0.5162091255187988, 0.5479113459587097, 0.5727664828300476, 0.2048073709011078, -0.5333003997802734, -0.1724051535129547, 0.13628743588924408, -0.3366270661354065, 0.30403876304626465, -0.5424841642379761, -0.07943333685398102, 1.1565274000167847, 0.25072580575942993, 0.03816729784011841, -1.3235915899276733, -0.13921543955802917, -1.039902925491333, 0.4729197025299072, 0.6667035818099976, -0.825927734375, -1.1862977743148804, 0.5198616981506348, -0.8144317269325256, -0.05512393265962601, -0.4579410254955292, -0.06126311421394348, 1.2406108379364014, 0.8298543691635132, 0.38436633348464966, 0.2681564688682556, -11.964190483093262, 1.2427568435668945, -0.012869695201516151, -0.3784167766571045, 0.2927546799182892, -0.7693490386009216, 0.46154510974884033, 0.05574804171919823, 0.6602545380592346, -0.5224104523658752, 0.16999372839927673, 0.4102764129638672, 0.598465085029602, -0.272022545337677, -0.48364126682281494, -1.3718215227127075, -0.7916614413261414, -0.8075699806213379, 0.11730533838272095, 0.5818312168121338, -0.5273475050926208, -1.0519992113113403, 0.12075984477996826, 0.23396413028240204, 0.21879512071609497, -0.12430155277252197, -0.6540126800537109, -0.667364239692688, 0.04391641914844513, 0.05529503524303436, 0.7767610549926758, 0.06765623390674591, 0.7656906247138977, -0.40610358119010925, -0.4256364703178406, -0.3284582495689392, -0.3549076318740845, -0.1486666351556778, 0.3999854028224945, -0.07049853354692459, 0.24251413345336914, -0.2708148658275604, 0.7041446566581726, -0.8919913172721863, -0.5003544092178345, 0.48670047521591187, 0.22844979166984558, 0.20814451575279236, 0.20105284452438354, 0.04988870769739151, -0.9083631038665771, -0.3792021572589874, -0.29986757040023804, -0.8205376267433167, -0.007169736549258232, 0.35030651092529297, -0.557823896408081, 0.6438857913017273, -0.8970383405685425, -1.1150623559951782, 0.9185729026794434, 0.03661196306347847, 0.17393040657043457, 0.5607286095619202, 0.058806248009204865, -0.39800867438316345, -0.5354346632957458, 0.056351952254772186, -0.7070326805114746, 0.45563584566116333, -0.7884790897369385, 0.2846798598766327, -0.2161758542060852, 0.6000229120254517, -1.0601859092712402, 0.27881714701652527, -0.9976715445518494, -0.11496464908123016, 0.4068160057067871, -0.5424614548683167, -0.7607353329658508, 1.1087929010391235, 0.652557373046875, -0.23296350240707397, -0.9545793533325195, 0.7968332767486572, -0.12103878706693649, 0.34838390350341797, 0.8689627647399902, -0.1941775530576706, 0.5697718262672424, 0.2781903147697449, -0.6151437759399414, 0.555014967918396, -0.0014483164995908737, 1.637353777885437, -0.08840079605579376, 0.4129396378993988, 0.19500130414962769, 0.11065032333135605, 0.00676707923412323, 0.280348002910614, -1.015679955482483, 0.9371927976608276, 0.692388653755188, 0.143487811088562, -0.24277710914611816, -0.14386604726314545, 0.4070877730846405, -0.07629919052124023, 1.0676569938659668, -0.04414987936615944, -0.49887359142303467, 0.8296654224395752, -0.8048139810562134, 0.35865187644958496, 1.0002942085266113, 0.13810977339744568, 0.2790796160697937, -0.20603199303150177, -0.2821079194545746, 0.6741082072257996, -0.2025519460439682, 1.3068121671676636, 0.17698228359222412, -0.28814807534217834, 0.7233836054801941, 0.5123352408409119, 0.6316421031951904, -1.8828237056732178, 0.07410258054733276, 0.0028024092316627502, 0.05371859669685364, -0.20869483053684235, -0.13131871819496155, 0.30326446890830994, -0.6856290698051453, 1.2178834676742554, -0.8653988838195801, 0.8155986070632935, -0.013398118317127228, -0.6412572264671326, 0.18640199303627014, -0.4326319098472595, -1.011281132698059, 0.4744708240032196, -0.8997202515602112, 0.5897290706634521, -0.2283320128917694, 0.32868534326553345, -0.15053653717041016, -0.5534508228302002, 0.7197484970092773, -1.3091354370117188, 0.29233840107917786, 0.10236180573701859, 0.8285995125770569, -0.4628790616989136, -0.7641013264656067, 0.041188210248947144, 0.23297172784805298, 1.6438839435577393, -0.7412980198860168, 1.0357762575149536, 0.1761598140001297, -0.3130881190299988, -0.7563691139221191, 0.04022367298603058, -0.566396176815033, 0.19828027486801147, 0.47887128591537476, -0.6169062852859497, -0.8090292811393738, -0.6895505785942078, -0.3237870931625366, -0.13551542162895203, 0.587207555770874, 0.8667540550231934, -0.6201169490814209, -0.44344741106033325, -0.3273545205593109, 0.09748299419879913, -0.6159168481826782, 0.35439997911453247, -0.8054455518722534, -0.14017751812934875, -0.16986852884292603, 1.6255266666412354, 0.15539021790027618, 0.9115241765975952, -1.7040157318115234, -1.5269947052001953, -0.5455783009529114, 0.8497356176376343, -0.08730819821357727, 0.1716228723526001, 0.5968948006629944, 0.3970126807689667, -0.4852534234523773, -0.0752834603190422, 0.07525864243507385, 0.5698959231376648, -0.25518685579299927, 0.16297893226146698, -0.8947225213050842, 1.0064079761505127, -0.4231182932853699, -0.15099112689495087, -0.191361203789711, 0.8117989897727966, -1.588940978050232, -0.6651188731193542, -0.4403603971004486, 0.35669106245040894, 0.32926350831985474, -0.11339006572961807, -0.33919212222099304, -0.35903507471084595, -0.4204701781272888, -0.9559398889541626, 0.054711636155843735, 1.1166528463363647, 0.1253727227449417, 0.9042052626609802, 0.17642144858837128, 1.363918662071228, 0.533251166343689, -0.2845243811607361, 0.38980942964553833, 0.22096313536167145, 0.044862255454063416, -0.1129131019115448, 0.20450915396213531, 0.3764912784099579, -0.362092524766922, -0.9193441867828369, -0.7670206427574158, 0.24887678027153015, -0.6059362888336182, 0.14969448745250702, -0.2788984775543213, 1.2736334800720215, 0.9401524066925049, 0.9515048265457153, -0.28807732462882996, -1.477081298828125, -0.044263340532779694, -1.0342285633087158, 0.4205954670906067, 0.4802899956703186, 0.32559603452682495, 0.3110623359680176, 0.6798904538154602, -0.2853158116340637, 0.5869122743606567, -0.4960547387599945, 0.2978348731994629, 0.3971898853778839, 0.5505481362342834, 0.19257864356040955, 0.861603856086731, -0.09640596807003021, 0.8064590692520142, 0.3999641537666321, -1.3309848308563232, 0.2474549412727356, 0.1284237504005432, 1.0573971271514893, 0.46510428190231323, -0.4567309617996216, -0.5176821947097778, -0.5880821943283081, 0.6983602046966553, -0.09590212255716324, 1.0158823728561401, 0.0632421225309372, -0.53055340051651, -1.2450602054595947, -0.862150251865387, -0.0705900490283966, 0.6557826399803162, 0.036731213331222534, -0.8073136806488037, -1.1247189044952393, 0.31667274236679077, 0.4055931270122528, -0.2895648181438446, -1.025050163269043, 0.16155749559402466, -0.5900986194610596, 0.1375681757926941, 0.04564286395907402, -0.8665106892585754, -0.9045847654342651, -0.2390836775302887, -0.37094756960868835, 0.45266076922416687, 0.09397654235363007, -1.9483249187469482, -0.9525083303451538, 0.08979277312755585, 0.47863659262657166, 0.8884807825088501, 0.6274487972259521, 0.3203083872795105, -1.9719260931015015, 0.990764856338501, 1.6071991920471191, -0.07546785473823547, -0.46170032024383545, 0.6989026069641113, -0.2560552656650543, -0.20283111929893494, 0.8005574345588684]} +{"paper_id": "aqua_rat", "embedding": [-0.8436113595962524, 1.0218863487243652, -0.3351597189903259, 0.1378839910030365, 0.3218165934085846, -0.19893179833889008, 0.46818628907203674, 0.89817875623703, 0.6277644634246826, 0.6572175025939941, -0.43316397070884705, 0.6311242580413818, -0.049144186079502106, 0.11638648808002472, -0.27168092131614685, -0.43700912594795227, -0.8144050240516663, -0.2318672239780426, -1.8737118244171143, -1.3113806247711182, -0.5716276168823242, -1.3482246398925781, 0.44022688269615173, 1.0598877668380737, -0.6947502493858337, 0.02002609334886074, 1.369043231010437, -1.3334118127822876, 0.11856549978256226, -0.0027623698115348816, 0.011410042643547058, 1.5719153881072998, -1.9728561639785767, 0.6882673501968384, -0.09568928182125092, -0.9578369855880737, -0.28194957971572876, 1.3567019701004028, -0.7388643026351929, -0.05493221804499626, 0.08179953694343567, 0.8964454531669617, 0.008070014417171478, -0.2553909718990326, 0.26517173647880554, -0.8698012828826904, 4.858989268541336e-05, 0.4755550026893616, -0.19585520029067993, 0.25282928347587585, -0.8108730912208557, -0.013214290142059326, -0.11707533895969391, 0.47943994402885437, 0.881982147693634, 1.1527228355407715, 1.1898834705352783, -0.6822541356086731, 0.7283382415771484, -0.3045482635498047, 1.0326097011566162, 1.5144498348236084, -0.0937715396285057, 0.33884280920028687, 0.2740623354911804, 0.49386119842529297, 0.685151994228363, 0.3837795853614807, -0.2577957212924957, 0.3702658414840698, -0.3809048533439636, -0.3299890160560608, 0.9591348767280579, 0.12228754162788391, 1.0481324195861816, 0.4337482452392578, 0.18993963301181793, -0.33467575907707214, 0.2731282711029053, -0.1410229504108429, -0.22700273990631104, -1.042003870010376, 0.8438270688056946, -0.6522144079208374, -0.03190590813755989, 0.2974352240562439, 0.22838062047958374, -0.26778578758239746, 0.3364829123020172, -1.2108477354049683, 0.3328407406806946, 0.33844125270843506, 0.9930262565612793, -1.058297872543335, -0.44764041900634766, 0.4150956869125366, -0.13128861784934998, -0.6925519704818726, -0.7138804197311401, -0.31345662474632263, 0.8448135852813721, 0.32883092761039734, 0.4038817584514618, 0.17097637057304382, 0.5142878293991089, 0.9509389996528625, 0.20389768481254578, -0.2956520617008209, -0.3642353117465973, -1.5689270496368408, 0.13217896223068237, 0.03967012092471123, 0.6512957215309143, 0.97535640001297, -0.19707567989826202, 0.4411740005016327, 0.13592620193958282, -0.14942120015621185, 0.19852317869663239, 0.009871304035186768, -0.16833007335662842, -1.3611763715744019, -0.41275864839553833, 0.16617397964000702, 0.6154906153678894, -0.28888529539108276, -0.5808098316192627, 0.08847575634717941, -0.040260348469018936, 0.09452539682388306, 1.3039414882659912, -0.22312083840370178, -0.3949807584285736, -0.03301449865102768, 3.5971434116363525, -0.20168812572956085, 0.48345381021499634, -1.0314372777938843, -0.4564390778541565, -0.929918110370636, -0.6610119938850403, 0.9099134206771851, 0.1054501011967659, -0.5476821660995483, -0.9807382822036743, 1.0315005779266357, 0.3204013705253601, -0.20881567895412445, -1.5628585815429688, 0.2555229961872101, 0.2960538864135742, 0.5356180667877197, -1.2262654304504395, -0.9133959412574768, 0.6256809234619141, 0.9966453313827515, -0.49252602458000183, 0.18201686441898346, -0.14689470827579498, 0.06156380847096443, 0.35939931869506836, -1.2909823656082153, -0.7951674461364746, -0.20374302566051483, -0.2695969343185425, -0.3260609805583954, 1.2480112314224243, -0.8044705986976624, -1.5789281129837036, -0.32641351222991943, 0.20248930156230927, 0.16270071268081665, -0.2058568298816681, -0.09956411272287369, 0.31474512815475464, 0.49063727259635925, 0.18586868047714233, 0.514176070690155, 0.5911137461662292, -0.8765689134597778, -0.5164651274681091, -0.5001477003097534, -0.5328500270843506, 0.390923410654068, -0.02810211293399334, 0.5266042947769165, -2.5131475925445557, 0.2557799518108368, 0.10673342645168304, 0.16172575950622559, 0.6764344573020935, 0.4568711519241333, -0.033070385456085205, 0.3650051951408386, -0.012453265488147736, -0.8291835188865662, 0.5856524109840393, -1.8230069875717163, 0.3328050374984741, 0.9413378238677979, 0.06745274364948273, 0.5276973843574524, 0.1065581813454628, 1.2679489850997925, -0.17883799970149994, -0.6104708313941956, -0.27886447310447693, -1.9393075704574585, -0.7494983673095703, 1.7701315879821777, 0.6268147826194763, 0.10446945577859879, -0.7647362947463989, -0.288779616355896, -0.21387603878974915, 0.16128934919834137, -0.37383976578712463, -0.11191411316394806, -0.1736241579055786, -1.0049420595169067, 0.5419712066650391, 0.0072650909423828125, 0.5412318110466003, 0.0348348468542099, 1.1328835487365723, -0.850562334060669, -0.14264243841171265, -1.0107569694519043, -1.2167582511901855, 0.21809299290180206, 0.6751871109008789, 0.9185695052146912, 0.3597200810909271, 0.8535827398300171, 0.25262635946273804, 1.0361520051956177, 0.564647912979126, 1.1819519996643066, -0.6600593328475952, 0.2567744255065918, 0.9370877146720886, 1.325327754020691, -0.099067822098732, 0.43165114521980286, -0.6272327303886414, -0.06277500838041306, -0.44888320565223694, -1.1079661846160889, 0.3000990152359009, -0.10697218030691147, 1.7606332302093506, 0.007907690480351448, -0.20827046036720276, 0.5637922883033752, -0.14943139255046844, -0.17382413148880005, -0.26681461930274963, -0.3697723150253296, -0.02151721715927124, -0.004682481288909912, 0.7295457124710083, 0.39743176102638245, 0.4493022561073303, -0.2821434736251831, -0.5276960134506226, -1.4481794834136963, -0.7896180748939514, 0.15816324949264526, -0.015636179596185684, -0.7366782426834106, -0.31092262268066406, 0.14326763153076172, -1.5420998334884644, -0.5486102104187012, -0.2832355201244354, -0.33037447929382324, 0.27133285999298096, 1.0593986511230469, 2.1372740268707275, -0.6185899376869202, 0.2548693120479584, 0.7981014251708984, 1.4931319952011108, -0.5231839418411255, 0.7420370578765869, -0.11207975447177887, 0.2269367277622223, -1.09468674659729, 0.3891296684741974, -0.5049353837966919, 0.1208789274096489, -0.02512688934803009, -0.6087953448295593, 0.4335855543613434, 0.25637370347976685, -0.4861719012260437, 0.5478890538215637, 0.23424753546714783, -0.26077938079833984, -0.11907346546649933, 0.8550493121147156, 0.2640932500362396, -0.8498308062553406, 0.8375563621520996, 0.40345290303230286, -0.5848641991615295, 1.0894399881362915, -0.057613130658864975, 0.05940978229045868, -0.4873539209365845, -0.7756101489067078, 0.8208595514297485, -0.3781488537788391, -1.6438812017440796, 1.0367337465286255, 0.8585323095321655, -0.19989697635173798, -0.4651464521884918, -1.109596848487854, 0.005646400153636932, -0.9697891473770142, 0.8900400996208191, 0.6661216020584106, -0.5573713779449463, 0.024024195969104767, -0.7319806814193726, -0.09755534678697586, 0.5275757908821106, -0.3070262670516968, 0.7281724214553833, 0.20473343133926392, -0.4893055558204651, -0.43217790126800537, 0.10638993233442307, 0.7440845370292664, 0.05481172353029251, -0.2491825520992279, -0.3452472388744354, 0.9865298271179199, 0.7761348485946655, 0.1664634346961975, 0.36539262533187866, 0.9307289719581604, 1.2712523937225342, 0.2036469280719757, -0.24053405225276947, -0.8550835251808167, -0.2337743192911148, -0.858135461807251, 1.8601692914962769, -1.0526610612869263, -0.21601934731006622, -0.9950888752937317, -0.3512626886367798, -0.5541905760765076, -0.69938063621521, 1.515331506729126, 0.7319521903991699, 1.8654780387878418, 0.00020112749189138412, 0.49888932704925537, -0.42822322249412537, -1.0274264812469482, 0.2681903541088104, 0.3485078811645508, 0.4087899923324585, -1.1437336206436157, -0.63576340675354, 0.19484420120716095, 0.24683921039104462, -0.17045053839683533, 0.07071855664253235, 0.16421392560005188, -0.1773904711008072, -1.0702437162399292, 0.6860359907150269, 0.12756073474884033, 0.9781050086021423, 2.1380679607391357, -0.7861247658729553, -0.6152157783508301, 0.15518301725387573, -0.32638177275657654, 0.37013569474220276, 0.6621464490890503, -0.13492700457572937, 0.03962085396051407, -0.11600936949253082, -0.2582796514034271, 0.20925264060497284, 0.9625769853591919, 0.7651658058166504, -1.1909111738204956, -2.4819891452789307, -0.1740984469652176, -0.21782101690769196, -0.12757132947444916, 0.1307334303855896, -0.23307721316814423, 0.10415198653936386, 0.14950820803642273, 0.31079283356666565, -0.8988699913024902, -0.5298608541488647, -0.7857731580734253, -0.9096788167953491, 0.6254962086677551, 0.31308823823928833, -0.5333054065704346, -0.8611553311347961, 0.30942845344543457, -0.7733274102210999, -0.057544220238924026, -0.09858556091785431, -0.8297667503356934, 0.3559717535972595, 0.7134391665458679, 0.8448533415794373, 0.16001425683498383, 0.4172224998474121, -0.9384939074516296, 1.0955911874771118, 0.8246902227401733, -1.084952473640442, 1.208166480064392, -0.04897043853998184, 0.7031774520874023, -0.037048935890197754, -0.8098099231719971, -0.7784257531166077, 0.7599794864654541, -0.7695828676223755, -0.37149056792259216, -1.1565327644348145, -0.5089973211288452, 0.32411640882492065, -0.12666629254817963, 0.20315894484519958, -0.9594122767448425, -0.4276665449142456, -0.4629926085472107, 0.05909436196088791, 0.8128710985183716, -0.3844488859176636, -0.7205880880355835, 0.6952088475227356, -0.36687472462654114, -0.09872697293758392, 0.24602344632148743, 0.1846887767314911, 0.9052635431289673, -0.3785305619239807, -0.5817335247993469, -0.6099812388420105, -10.605613708496094, 0.789726197719574, 0.3200945556163788, 0.34354132413864136, 0.963748037815094, -0.1460980474948883, 0.17718195915222168, -0.47675642371177673, 0.13942959904670715, -0.48464858531951904, -0.08613796532154083, 1.0719536542892456, 0.9948329329490662, 0.2939754128456116, -0.31724104285240173, -1.8876357078552246, -0.28574028611183167, -0.6075626015663147, 0.5284879803657532, 0.5104131698608398, 0.34238073229789734, -1.0445514917373657, 0.46735358238220215, 0.18424910306930542, 0.5747526288032532, -0.13071785867214203, -1.1366575956344604, 0.18060047924518585, -0.26426273584365845, 0.41900694370269775, 0.6822702884674072, 0.15469719469547272, -0.20675979554653168, -0.5383524298667908, -0.24938654899597168, -0.44074547290802, -0.2797095775604248, 0.5321869850158691, 0.9781951308250427, -0.9610326290130615, -0.5711762309074402, 0.8598184585571289, 0.44168615341186523, -0.15827789902687073, -1.0499513149261475, 0.08460484445095062, 0.6128938794136047, -1.445872187614441, 0.21918147802352905, 0.03856096416711807, -0.654829204082489, -1.0469260215759277, 0.14423689246177673, -0.5964001417160034, 0.4900352358818054, 0.7527951598167419, -0.5494559407234192, -0.6329746246337891, -0.576076865196228, -0.6351522207260132, 0.4640451669692993, 0.32833975553512573, -0.4568255543708801, 0.22546635568141937, -0.42646732926368713, 0.08124439418315887, -0.25358229875564575, 0.6159026622772217, -1.2561222314834595, 0.5324075222015381, -1.9306684732437134, 0.4711498022079468, 0.3987147808074951, 0.5373411774635315, -0.7545003294944763, -0.30341836810112, -0.35630372166633606, -0.4275221824645996, -0.6550403833389282, 0.36389365792274475, -1.5136808156967163, 1.2605832815170288, 0.6326135396957397, -0.4161567687988281, -1.3612096309661865, 0.40389227867126465, 0.426118940114975, 0.4102875888347626, 1.0896592140197754, -1.5087096691131592, 1.3207409381866455, -0.2809545695781708, -0.7598275542259216, -0.36892107129096985, 0.01975688338279724, 1.134385347366333, 0.5335299968719482, -0.2342810481786728, 0.12180589139461517, -0.9965590238571167, 0.45581576228141785, 0.08072078973054886, -0.7197351455688477, 0.1661236733198166, 0.362699031829834, 0.8638790249824524, 0.37304139137268066, -0.00886688381433487, 0.35153788328170776, -0.5325407385826111, 0.37661468982696533, 0.019453316926956177, -0.4705522656440735, 1.8189796209335327, -1.3676530122756958, 0.8521469235420227, 0.8635442852973938, 0.5518621802330017, 0.3538707494735718, 0.9201489090919495, -0.2781132757663727, 1.0991288423538208, -0.039531879127025604, 1.5605868101119995, -0.49090275168418884, 0.3326248526573181, 1.380155324935913, 0.19016949832439423, -0.18479111790657043, -0.8543872237205505, -0.24869108200073242, -0.26803258061408997, -0.058658868074417114, -0.17797015607357025, -0.3318791687488556, 0.30502939224243164, -0.5231258869171143, 1.198882818222046, -1.586408257484436, -0.6560910940170288, 0.9144739508628845, 0.3291867971420288, -0.12696874141693115, -1.4066957235336304, -1.3766430616378784, 0.6599540114402771, -1.4698772430419922, 1.059236764907837, -0.5026376247406006, -1.4263957738876343, -0.29303044080734253, -0.7818899154663086, 1.3868831396102905, -0.30168265104293823, -0.35665491223335266, -0.9505860209465027, 0.677328884601593, -0.9221792817115784, -0.16757428646087646, -0.1276741623878479, 0.7383713722229004, -0.11623790115118027, -0.2409689575433731, 1.1774332523345947, -0.11379390954971313, -0.35513415932655334, 0.090312160551548, 0.0912947952747345, -0.6358734369277954, 0.09171905368566513, 0.4234905540943146, -0.8490632176399231, 0.4788554906845093, -0.488153874874115, 0.2533120810985565, -0.9156782627105713, 0.29064446687698364, 0.8795868158340454, -0.336500883102417, -0.3386027216911316, -0.7906137704849243, 1.2589516639709473, 0.32170870900154114, -0.3258694112300873, -0.8195796012878418, -0.027765583246946335, -0.22476282715797424, 0.4508622884750366, -0.008763164281845093, 1.0811740159988403, -1.5418771505355835, -0.458156555891037, -0.734356164932251, -0.2810821831226349, 0.5280545949935913, 0.06861595064401627, 0.4694560170173645, 1.4674967527389526, -0.10688593238592148, 0.9014502763748169, 0.12952888011932373, 0.4655309319496155, 0.817340612411499, 0.07966166734695435, -0.2217399924993515, 0.6038368940353394, -0.7568987011909485, -0.22012393176555634, 1.2387895584106445, 1.096331238746643, -0.47091028094291687, -0.282642126083374, 0.2794363498687744, 0.5105209350585938, -0.16220642626285553, -1.1185362339019775, -0.15456631779670715, -1.4110708236694336, -0.3927316665649414, -1.0107769966125488, 0.2818935811519623, 0.8016436696052551, -0.3749542236328125, 0.8409348130226135, 0.9457069635391235, 0.9645305275917053, 0.7656869888305664, -0.0802249014377594, 0.9180958271026611, 0.2505740821361542, -0.43272730708122253, 0.599652111530304, 0.5177658796310425, -0.20926356315612793, -0.14732545614242554, -0.6108110547065735, -0.47754859924316406, 0.4194304347038269, 0.11779655516147614, 1.8653608560562134, 0.2556832432746887, 0.5575825572013855, 0.27080661058425903, 1.9330065250396729, 0.1968146115541458, -1.1323676109313965, -0.2088780403137207, -1.1826844215393066, 0.5511574149131775, 0.8732092976570129, 0.09626757353544235, -0.19129176437854767, 0.6625628471374512, -0.5013377666473389, 0.6497625112533569, -0.3328602910041809, -0.0649326741695404, -0.015466354787349701, -0.4711061716079712, 1.0882399082183838, 0.37831467390060425, 0.5223401784896851, 0.13247182965278625, 0.37919870018959045, -0.21739789843559265, -0.4496738612651825, -0.6302796602249146, 0.31737810373306274, 0.3450753092765808, 0.049920279532670975, -0.2228013128042221, -0.3180026412010193, 1.0821290016174316, -0.6915187239646912, 0.8545008897781372, 0.12187216430902481, -1.0302668809890747, -0.7520256042480469, -0.6190997362136841, 0.46660488843917847, 0.6440228819847107, 0.3201957046985626, 0.016149140894412994, 0.6870602369308472, 0.02587066777050495, 0.34914058446884155, 0.8744676113128662, 0.06254544854164124, -0.32669389247894287, -0.7784093022346497, -0.44988715648651123, -0.2842943072319031, -0.5960783958435059, -0.9322482943534851, 0.23824124038219452, -0.5997138619422913, 0.33759135007858276, 0.10040169954299927, -0.534699022769928, -0.163860023021698, -0.2321975976228714, 0.28272944688796997, 0.3112192451953888, 0.5508794188499451, -0.10842566937208176, -1.6722501516342163, 0.7241801619529724, 1.1608281135559082, -0.91087406873703, -0.6990363001823425, 0.2963782846927643, 0.4908885061740875, -0.13145676255226135, 0.476664662361145]} +{"paper_id": "blended_skill_talk", "embedding": [-0.20574520528316498, 0.44928327202796936, 0.004185553640127182, 0.24872049689292908, 1.1370651721954346, 0.7953566908836365, 0.8889167904853821, 0.4546295702457428, 1.3573373556137085, -0.10319586098194122, 0.09451229125261307, 0.23201395571231842, 0.18897126615047455, -0.6249213814735413, -0.2755885422229767, 0.26462864875793457, -1.6147946119308472, -0.9621207118034363, -1.2384653091430664, -0.008855558931827545, -1.300001621246338, -0.2032920867204666, 0.037106771022081375, 0.7940371632575989, 0.14362987875938416, -0.662197470664978, 0.6282204389572144, -1.1314873695373535, 0.18895503878593445, 0.5653439164161682, 0.027339570224285126, 1.6849089860916138, -0.4516422748565674, 0.7333706021308899, -0.3694394528865814, -0.5970591306686401, -0.11649703234434128, 0.32202965021133423, -0.40954214334487915, 0.366576224565506, 0.4886215031147003, 0.2981392443180084, -0.14777514338493347, 0.5049291849136353, 0.20786026120185852, 0.2921586334705353, -0.692864716053009, 0.26026836037635803, -0.30999624729156494, 0.35336798429489136, -0.8823374509811401, -0.3039597272872925, 0.6166310906410217, 0.41617345809936523, -0.07730460166931152, 1.106199860572815, 0.03112952411174774, 0.07194994390010834, 0.2885054349899292, -1.1558611392974854, 0.992885947227478, 1.0813698768615723, 0.0769440308213234, 0.3094387352466583, 1.2592767477035522, 0.43924540281295776, 1.387732744216919, 0.3752613663673401, 0.649867594242096, 0.7218621373176575, -0.5618084669113159, -1.428205966949463, 0.12435141950845718, 0.5407580137252808, -0.5793198347091675, 0.5842540264129639, -0.12520191073417664, 0.4667111039161682, -0.6890108585357666, 0.13929614424705505, -0.23013150691986084, 0.24899666011333466, 0.8290948867797852, -0.5866113901138306, 0.6557459831237793, 1.0147223472595215, 1.149486780166626, -0.5528822541236877, -0.21002109348773956, -1.6555789709091187, 0.48590517044067383, -0.24152539670467377, 0.5938645005226135, 0.03532576560974121, -0.576869547367096, 0.24230897426605225, 0.11300478130578995, -0.38298195600509644, -1.2398054599761963, 0.35586726665496826, -0.0008108094334602356, 0.14825008809566498, 0.4772142767906189, -0.6286733150482178, 0.46415987610816956, 0.3050461411476135, 0.9003738164901733, -0.5310260057449341, -0.5416929125785828, -0.1286749243736267, 0.1814299076795578, 1.1098644733428955, -0.022482402622699738, 0.5727899074554443, -0.2902880311012268, 0.6890062689781189, 0.5321590900421143, -0.7459805011749268, -0.34252437949180603, -0.20239292085170746, -0.26463285088539124, -0.6375542283058167, 0.2438107132911682, -0.5418714880943298, 1.305497169494629, -0.8933165669441223, -0.18857158720493317, -0.7681387066841125, 0.3125799298286438, -0.692415714263916, 0.4924878776073456, 0.1626913696527481, -0.5199860334396362, -0.1584092229604721, 2.6754531860351562, -0.7016351819038391, 1.6415218114852905, -1.3058751821517944, 0.05620533972978592, -0.6758017539978027, 0.6031895279884338, 1.467195749282837, -0.4930259883403778, -0.008935254067182541, -1.273711919784546, -0.7373781800270081, -0.8113831877708435, 0.38752439618110657, -0.7570977210998535, -0.6555473804473877, 0.21541844308376312, 0.26448309421539307, -1.4389053583145142, -0.42443734407424927, -0.1109609454870224, 0.4273642897605896, -0.4872877299785614, 0.6516907811164856, -0.45159944891929626, -0.6344872117042542, 0.17300672829151154, -0.10113018751144409, 0.21069899201393127, 0.29599353671073914, -0.445543110370636, -0.10099676996469498, 0.21800363063812256, -0.5659430623054504, -0.8062683939933777, -1.1923861503601074, 0.649466335773468, 0.6468866467475891, 0.05936677008867264, 0.4855540692806244, -0.41281819343566895, 0.9188138246536255, 0.3882984220981598, 1.1465777158737183, 0.19476665556430817, -0.8475621938705444, -0.6967023611068726, -0.7612817883491516, -0.555988609790802, 0.0388496071100235, -0.27163076400756836, -0.5103645324707031, -2.029048442840576, 0.04325581341981888, -0.8379995822906494, 0.7268664240837097, 0.17505496740341187, -0.33639541268348694, 0.5900408625602722, -0.8442533016204834, 0.2963518500328064, 0.170551136136055, 1.4888867139816284, -0.9383631944656372, -0.49486902356147766, -0.10641781985759735, -0.031230485066771507, 0.2500142753124237, 0.31368330121040344, 1.8847148418426514, 0.4939931631088257, -0.10095666348934174, 0.13941803574562073, -0.9400469064712524, -0.33407914638519287, 1.223002314567566, 0.5200656652450562, -1.2926276922225952, -0.17535656690597534, -0.4609653353691101, 0.01297140121459961, -0.62773597240448, 0.5371291637420654, -1.2257871627807617, 0.8980615735054016, -1.4533658027648926, 0.039360761642456055, 0.1131119653582573, 0.28990983963012695, 1.418006420135498, 1.9490759372711182, -0.34078970551490784, 0.26903876662254333, 0.18070966005325317, -0.5815879106521606, -0.14218926429748535, 0.6335941553115845, 0.8320334553718567, 0.2956079840660095, 0.08548904955387115, -0.15945735573768616, -0.2880738377571106, 0.8851351737976074, 0.450181782245636, -0.38167545199394226, 0.8296095728874207, -0.08612138777971268, 0.7309452295303345, -0.16941677033901215, 0.2772175967693329, -0.071363165974617, 0.5625030398368835, -0.13745462894439697, -1.465626835823059, 0.06380525976419449, 0.1333589404821396, 1.9511231184005737, 0.6366718411445618, 0.2327316701412201, 0.2934257686138153, -0.2574126422405243, -0.1038266196846962, -0.9544049501419067, -0.4682316482067108, -0.24045953154563904, -1.3587177991867065, 0.8861528635025024, -0.8278365135192871, -0.15168431401252747, -0.9792404770851135, -0.42447203397750854, -0.9607217311859131, -0.027643699198961258, -0.09469941258430481, -0.41228193044662476, -1.3357645273208618, -0.4750993847846985, -0.28785187005996704, -0.3558056950569153, -0.8106797933578491, -0.7468671798706055, 0.4216751456260681, -0.2696753442287445, 0.7298299074172974, 2.125291585922241, -0.2599813938140869, -0.2873821258544922, -0.38863152265548706, 1.2424228191375732, -0.5013823509216309, 0.8807008266448975, -0.253036767244339, 0.33592304587364197, -0.45119237899780273, 0.20295768976211548, -0.2950119376182556, -0.10453802347183228, 0.707838773727417, -0.09669056534767151, 0.16549953818321228, -0.40743011236190796, 0.26795321702957153, 0.5305907130241394, -0.8360316157341003, 0.6787860989570618, 0.059513211250305176, 1.4711833000183105, 0.13596929609775543, -1.1958578824996948, 0.6670917868614197, -0.7053558230400085, 0.14127488434314728, 0.4281039237976074, 0.023511558771133423, 0.6816717386245728, 0.7760804295539856, -0.6776568293571472, 0.5716161727905273, 0.26028311252593994, -2.5607707500457764, 0.2920092046260834, 0.5354121327400208, -0.06583553552627563, 0.07488732784986496, -0.802288293838501, -0.13056322932243347, -0.8260318040847778, -0.3138594329357147, -0.5865716934204102, 0.07539120316505432, 0.5341551303863525, 0.4292087256908417, 0.5596325397491455, 1.5625083446502686, -0.6434018015861511, -0.014687346294522285, 0.8299099206924438, -0.7212554216384888, -0.9296652674674988, -0.27953577041625977, -0.15157467126846313, -0.40689927339553833, 0.09356085956096649, 0.295807808637619, 0.7639861106872559, 1.0300137996673584, 0.3152974843978882, -0.02358604222536087, 0.5067306160926819, 1.006265640258789, 0.3560088574886322, -0.020325180143117905, -0.07915851473808289, -0.03173154592514038, -0.7350247502326965, 0.9905756115913391, -0.2785071134567261, -0.6482996344566345, -0.9367308020591736, 0.32313960790634155, -0.4761645197868347, -1.6012554168701172, 1.483221173286438, -0.5104183554649353, 0.4117535352706909, -0.11869286000728607, 0.7123537659645081, -0.5730096697807312, 0.34809789061546326, 0.7715035676956177, -0.0817481130361557, 0.12606284022331238, -0.5476634502410889, 0.08847716450691223, 0.7098354697227478, 0.04079650342464447, -0.438877671957016, -0.47542065382003784, 1.5065029859542847, 0.669482946395874, -0.8498368859291077, -0.21907255053520203, 1.3796179294586182, 0.12753093242645264, 0.9316832423210144, -0.22989459335803986, -0.4332013428211212, 0.02100761979818344, 1.4495415687561035, 0.40447792410850525, 0.30620908737182617, -0.46855926513671875, 0.982961893081665, 0.30359718203544617, 0.9889020919799805, -0.28253352642059326, 0.8611882328987122, 0.09449853003025055, -1.0710092782974243, -1.5018846988677979, 0.07027797400951385, -0.7128500938415527, -0.20652325451374054, 0.11206702142953873, -0.6414149403572083, -0.0518670529127121, 1.1522564888000488, -0.6504863500595093, -0.19344493746757507, 0.30130496621131897, -0.8968854546546936, -0.27809569239616394, 0.2241726517677307, 0.8060842752456665, -0.9265352487564087, 0.08121220022439957, -0.502313494682312, -1.4395599365234375, -0.8173491358757019, 0.4413662254810333, -0.47862356901168823, -0.20041215419769287, -0.4438477158546448, 0.49868860840797424, 0.3555572032928467, 0.15795160830020905, -0.36184898018836975, 0.4121752381324768, 0.9871985912322998, -0.4158661365509033, 1.0750837326049805, 0.6796507835388184, 0.4934541583061218, -0.5935701131820679, 0.03723539412021637, -0.4706370234489441, 0.20868591964244843, -0.0013025552034378052, -0.06731534004211426, -0.36253151297569275, 0.026456911116838455, 0.9786050319671631, -1.114125370979309, -0.01488669216632843, -1.1442323923110962, -0.09023520350456238, 0.17238770425319672, 0.1996922641992569, 0.4880549907684326, -1.4058400392532349, -0.48831045627593994, 0.26620838046073914, -0.6163015365600586, 0.5675045251846313, -0.8036736249923706, -0.27477365732192993, 2.1304025650024414, 1.1901953220367432, 0.16080373525619507, 0.0562141016125679, -10.706280708312988, 1.2222570180892944, -0.633375346660614, -0.9253795742988586, -0.08440428972244263, -0.9369931817054749, 0.7995777726173401, 0.4776417911052704, 0.8953263163566589, -1.1719870567321777, 0.18794693052768707, 0.09865208715200424, 0.12331148236989975, -0.5053936839103699, -0.2524335980415344, -0.9183889627456665, -0.8000752329826355, -1.335506558418274, 0.045233070850372314, -0.06613890081644058, -0.3226161003112793, -0.6724432110786438, -0.4125720262527466, 0.25964027643203735, 0.02726268768310547, -0.005810007452964783, -0.9290663599967957, -1.2369240522384644, 0.012237124145030975, 0.5227895975112915, 0.7587531208992004, -0.05350663140416145, -0.060235150158405304, -1.0260512828826904, 0.4586862325668335, 0.16313572227954865, -1.0572161674499512, 0.36381930112838745, 0.4954141080379486, 0.6697933673858643, -0.3698052763938904, 0.5225219130516052, 0.2196677327156067, -0.5106087923049927, -0.10890233516693115, 0.18210585415363312, 0.21646946668624878, -0.06109897047281265, -0.12297181785106659, -0.5976150631904602, -0.39423322677612305, -0.7704810500144958, -1.08834969997406, -0.798904538154602, 0.23902377486228943, -0.240601047873497, -0.35088595747947693, 1.2004915475845337, -0.5342019200325012, -1.1289175748825073, 0.6076692938804626, 0.15196700394153595, -0.4388481080532074, 0.8393346667289734, 1.4360188245773315, -1.3591787815093994, 0.38997700810432434, 0.5144845247268677, -0.145585298538208, 0.7538949847221375, -0.5849847197532654, 0.9687739014625549, -0.446333646774292, 0.9245029091835022, -0.7601571679115295, -0.5127095580101013, -0.15226136147975922, 0.784636378288269, 0.8407350778579712, 0.15739357471466064, -0.7984573841094971, 0.4172320067882538, -0.2611756920814514, -0.6637205481529236, -1.3488359451293945, 0.7845712304115295, -0.07400689274072647, -0.07543542236089706, 1.3951693773269653, -0.754584014415741, 0.8980578184127808, 0.37333208322525024, 0.09819652140140533, 0.25613081455230713, -0.01496369019150734, 1.0538684129714966, 1.2893704175949097, 0.9413338303565979, -0.09779606759548187, -0.1753826141357422, 0.19243665039539337, 0.19787710905075073, -0.6662912368774414, 0.9723530411720276, -0.2482752650976181, 0.5844808220863342, -0.08923573791980743, 0.2591795325279236, 0.864567756652832, -0.26617926359176636, 0.46250417828559875, -0.08927077054977417, -1.0269811153411865, 0.8497387170791626, -0.036100588738918304, 1.1507501602172852, 1.2290289402008057, 0.9296122193336487, 1.2749935388565063, -0.12648721039295197, -0.16742858290672302, 1.1823415756225586, 0.34946778416633606, 0.8431705236434937, 0.6283931136131287, -0.09658385813236237, 0.9518414735794067, 0.3422437608242035, 0.33857297897338867, -1.8401085138320923, 0.6235117316246033, -0.5023083686828613, 0.24125516414642334, 0.757944643497467, -0.19945159554481506, 0.5745862126350403, -1.7066642045974731, 1.0608967542648315, -0.1200893446803093, 1.115267276763916, 0.28284937143325806, -1.1002458333969116, -0.10807868093252182, -1.1231533288955688, -0.9065262675285339, 0.28744009137153625, -1.1907469034194946, 0.24324798583984375, -0.5175191760063171, 0.7636616826057434, 0.4401407241821289, 0.4397587478160858, 1.0006203651428223, -0.6303471326828003, -0.27394336462020874, 0.38220465183258057, 0.8293336033821106, -0.32992830872535706, -1.308037281036377, -0.5952283143997192, 0.8589943647384644, 1.4722669124603271, -0.6784394979476929, 0.6256747841835022, -0.18401190638542175, -0.7911388278007507, 0.04199469834566116, 0.10190851986408234, -0.705786943435669, -0.05740848183631897, 1.3805227279663086, -1.1041436195373535, -0.34167972207069397, -1.6027143001556396, 0.11585989594459534, -1.0384280681610107, 0.34328892827033997, 0.7443339824676514, -0.7193939089775085, -0.649583637714386, -0.1601143330335617, 0.656548798084259, 0.3668396770954132, -0.5741485357284546, -0.4120030105113983, -0.29489433765411377, 0.35940781235694885, 0.5100429058074951, 0.21957005560398102, 0.0917523205280304, -1.5762745141983032, -0.5072929859161377, -0.6194483041763306, 0.18456947803497314, -0.5159236788749695, -0.3635810911655426, 0.7789791822433472, 0.40103164315223694, -0.2663162052631378, 0.10831312090158463, -0.03848384693264961, 0.5996438264846802, -0.4893297851085663, -0.4356396198272705, 0.7252790331840515, -0.635872483253479, -0.276823490858078, 0.11792705953121185, 0.6489248275756836, -0.18168054521083832, -1.4682687520980835, -0.13381704688072205, 0.2537197470664978, 0.028000876307487488, 0.09081536531448364, 0.08679522573947906, -0.8766038417816162, -0.11010576784610748, 0.3916994631290436, -0.9309917092323303, 0.12796884775161743, 1.3354759216308594, -0.12791097164154053, 1.1324142217636108, 0.8925599455833435, 0.5707635283470154, 0.39343488216400146, -0.07644958794116974, 0.35515129566192627, -0.8758290410041809, 0.025695569813251495, -0.44778522849082947, -0.3961159288883209, 0.3421759009361267, 0.17091026902198792, -0.12002402544021606, -1.0577495098114014, 0.7531213164329529, -1.6210139989852905, 0.3683197796344757, 0.031047355383634567, 0.7146546244621277, 0.8334099650382996, 1.42301344871521, -0.8233420848846436, -1.0654462575912476, -0.5198987126350403, -0.5882052779197693, -0.5039580464363098, 0.2339286357164383, -0.38333627581596375, 1.2915222644805908, 0.790734052658081, 0.19797855615615845, 0.8276131749153137, -0.11638990044593811, -0.25722819566726685, -0.023584462702274323, 1.022633671760559, 0.5658793449401855, 0.6951921582221985, 0.1686742603778839, 0.46809181571006775, -0.46485593914985657, -0.2663179039955139, 0.01780274137854576, -0.12670095264911652, 0.6954048275947571, 0.4908331632614136, -1.1075239181518555, -1.775121808052063, -1.135132074356079, -0.5089526176452637, -1.2324376106262207, 0.9602789878845215, 0.5739338994026184, -0.8931163549423218, -1.1859899759292603, -0.6551033854484558, -0.7491113543510437, 0.8407497406005859, 0.5757762789726257, -0.4133753180503845, -0.5226149559020996, 0.44123125076293945, 0.3000919222831726, -0.2231970727443695, -1.0077019929885864, 0.41090717911720276, -0.3663644790649414, 0.4614911675453186, -0.5524967908859253, -0.7631254196166992, -0.2645838260650635, 0.40658849477767944, -0.630294919013977, 1.191153645515442, 0.04517431557178497, -1.3478140830993652, -1.4210867881774902, 0.2689213752746582, -0.4117541015148163, -0.886828601360321, 0.595118522644043, 0.623898983001709, -1.9937632083892822, 0.9441645741462708, 1.5141496658325195, 0.30646419525146484, -0.20709045231342316, 0.34423497319221497, 0.11575917899608612, -0.45893338322639465, 1.4252958297729492]} +{"paper_id": "qa_srl", "embedding": [-0.4541436433792114, 0.4426518976688385, -0.34918248653411865, -0.043322473764419556, -0.1079917773604393, -0.2180076390504837, 0.9316475987434387, 0.8539341688156128, 0.7534494400024414, 0.8244078159332275, -0.0054505690932273865, -0.14743483066558838, -0.2185656875371933, -0.22207960486412048, -0.3153509795665741, -0.6235659122467041, -0.4437260329723358, -1.1513100862503052, -0.9956443905830383, -0.38836291432380676, -0.6538212299346924, -1.294295072555542, -0.16896511614322662, 0.37562546133995056, -1.1892473697662354, -0.9252899885177612, 0.4304463565349579, -0.5035375952720642, 1.0189499855041504, 0.03575114905834198, -0.11779654771089554, 0.791313886642456, -1.4246140718460083, 0.5461182594299316, -0.4698607921600342, -0.04438231885433197, 0.3546704351902008, 0.9201207756996155, -0.6146358251571655, -0.3989528715610504, 0.131781667470932, -0.02780194580554962, 0.565130352973938, -0.06505551189184189, 1.1677520275115967, -0.07745704054832458, -0.12862223386764526, 0.13869881629943848, -0.06282326579093933, -0.3459993898868561, -0.6526928544044495, -0.08489813655614853, 0.05997858941555023, -0.25177282094955444, -0.040964819490909576, 0.9012312293052673, -0.04701683297753334, -0.7051894068717957, 1.1396623849868774, -0.5894278287887573, 1.1528351306915283, 1.7011871337890625, -0.08716807514429092, 0.23385249078273773, 1.3039584159851074, -0.09622600674629211, 0.5737342238426208, 0.1300445795059204, 0.43451395630836487, 0.785478949546814, 0.09211292862892151, -0.398317813873291, 0.6290878057479858, -0.18699949979782104, -0.0004079490900039673, 0.6983120441436768, 0.19469453394412994, 0.24846895039081573, -0.13522392511367798, 0.2892909049987793, -0.09814676642417908, 0.3959846496582031, 0.3106476664543152, -0.637151837348938, 0.02526140585541725, 0.18984225392341614, 0.18644686043262482, -0.6034752726554871, 0.47138485312461853, -1.8731135129928589, 0.5616124272346497, -0.013569626025855541, -0.15629522502422333, -0.4886298179626465, -0.48186564445495605, 0.4546087384223938, -0.6561723947525024, 0.0714329406619072, -0.46544957160949707, 0.203058660030365, 0.07197637856006622, -0.8166513442993164, 0.314762681722641, 0.015498742461204529, -0.06800960004329681, 0.46525877714157104, -0.35720890760421753, 0.10785810649394989, -0.2448464035987854, -0.17624416947364807, -0.28828683495521545, 1.6252964735031128, 0.042039286345243454, 0.32318922877311707, -0.2971954941749573, 0.43300336599349976, 0.4135461747646332, -0.6793439388275146, -0.2677619755268097, -0.11634336411952972, -0.3808993399143219, -0.8657227754592896, 0.04372311010956764, 0.6781615018844604, 0.8545352220535278, 0.10122096538543701, 0.2024625986814499, -0.4026379883289337, 0.0011595194227993488, 0.4817648231983185, 0.7597348690032959, -0.43971961736679077, -0.6442400217056274, -0.5847266316413879, 2.592756748199463, -0.8910752534866333, 1.4097325801849365, -0.4311429560184479, 0.03599105030298233, 0.11377312242984772, -0.6913954019546509, 0.48911145329475403, 0.29282131791114807, -0.2770177721977234, -0.5838829278945923, 0.16322140395641327, 0.4710244834423065, 0.22217708826065063, -1.3116788864135742, -0.06273478269577026, -0.6515550017356873, 0.2657468616962433, -1.3861851692199707, -0.49336132407188416, 0.12812498211860657, 0.3537081480026245, -0.4452674090862274, 0.1140294075012207, -0.8284646272659302, 0.5307947397232056, -0.23374831676483154, 0.5186190009117126, -0.34038031101226807, 0.36978575587272644, -0.17812299728393555, -0.2989121675491333, 0.72743159532547, 0.06946328282356262, -1.0133404731750488, -0.20654726028442383, 0.585783839225769, -0.2661443054676056, 0.281961053609848, -0.19638289511203766, -0.6345828771591187, -0.2569533586502075, 1.021983027458191, 0.3876652419567108, 1.0592306852340698, -1.0358405113220215, -0.3046761155128479, -0.17528347671031952, 0.40081071853637695, 0.554551362991333, 0.12298236787319183, 0.11747714877128601, -2.0504026412963867, 0.35263609886169434, -0.35237541794776917, 1.3297605514526367, 0.6686534881591797, 0.5155513286590576, 0.33405983448028564, 0.8094215989112854, -0.045452266931533813, 0.015001554042100906, 0.6600786447525024, -1.5578521490097046, -0.411112904548645, 0.1772993952035904, -0.7182968854904175, 0.18639598786830902, -0.5352602601051331, 0.5036094188690186, 0.48730215430259705, -0.5051068067550659, -0.3850395381450653, -2.502264976501465, 0.4174361228942871, 1.8324791193008423, 0.14114582538604736, -0.40883785486221313, -0.7751767635345459, -0.2292027771472931, -0.009370379149913788, -0.10073015093803406, 0.07272730767726898, -0.40008050203323364, 0.4068088233470917, -0.5368792414665222, 0.9253281950950623, 0.06593605130910873, 0.3879862129688263, 0.34915345907211304, 1.545936942100525, -1.3682528734207153, 0.30209270119667053, -0.7799569964408875, -0.65708327293396, 0.4643608331680298, 0.5069794058799744, 0.36269068717956543, 0.30893561244010925, 0.8626936674118042, 0.3965587019920349, 0.6929262280464172, 0.4082745611667633, 0.41312000155448914, -0.4888249933719635, 0.04649653285741806, -0.2757023274898529, -0.08160671591758728, 0.6848896741867065, -0.01934393122792244, 1.0437289476394653, 0.2942507565021515, -0.24059835076332092, -0.6624173521995544, -0.3111785650253296, 0.17271876335144043, 0.8591816425323486, 0.6817142367362976, -0.5808687806129456, 0.44558870792388916, -0.38302910327911377, -0.16131213307380676, -0.545496940612793, 0.06850992143154144, -0.36526620388031006, -0.6039984822273254, 1.0550800561904907, 0.4606618881225586, 0.041379429399967194, 0.011396698653697968, 0.10490401089191437, -0.6545587778091431, 0.18697772920131683, 0.2780939042568207, -0.4572869539260864, -1.0197484493255615, 0.060013338923454285, -0.3994958996772766, -1.4126285314559937, -0.8589940071105957, -0.2529464662075043, -0.4302610456943512, -0.1985185742378235, 0.32918083667755127, 0.8741121292114258, -0.045092541724443436, 0.15557873249053955, 0.19347546994686127, 1.3456698656082153, -0.1917959600687027, 0.364463746547699, -0.31342875957489014, 0.35269519686698914, -0.9712384939193726, 0.4053824841976166, -0.49618101119995117, 0.8396048545837402, -0.17175205051898956, 0.0010900422930717468, 0.5856477618217468, -0.4578875005245209, -0.8780884742736816, 0.6737018823623657, 0.6600067019462585, -0.7191683053970337, -0.4252353310585022, 1.0918177366256714, -0.1449151337146759, -0.5299879312515259, 0.6063582897186279, 0.1851053684949875, -0.1992388665676117, 1.169778823852539, -0.4552878141403198, 0.30428266525268555, -0.16072148084640503, 0.22716785967350006, 0.12526895105838776, 0.13602334260940552, -2.0535662174224854, 0.6872397661209106, 0.9496758580207825, 0.379315048456192, -0.2607680857181549, -0.7133514881134033, 0.21206484735012054, -0.7221062183380127, 0.010897716507315636, 0.8409234285354614, 0.24429650604724884, 0.19879204034805298, -0.442092627286911, 0.09634570777416229, 0.7604370713233948, -0.8197450637817383, -0.039855752140283585, 0.6901885271072388, 0.41296178102493286, -0.7311094999313354, 0.05322645604610443, 0.8675434589385986, 0.17150618135929108, 0.9261578321456909, -0.2414863109588623, 1.1210328340530396, -0.22050690650939941, -0.36509767174720764, -0.10052222013473511, 0.4866567850112915, 0.4020482301712036, 0.19729116559028625, -0.40573230385780334, -0.3262871503829956, 0.3707481622695923, -1.0559618473052979, 1.7868831157684326, -0.539703369140625, -0.402409166097641, -0.768404483795166, -0.4500780701637268, -0.7608361840248108, 0.16359135508537292, 1.6692657470703125, 0.9558167457580566, 1.1635993719100952, -0.20279046893119812, 0.7026625871658325, 0.11085344851016998, 0.043235015124082565, 0.755023181438446, 0.35515591502189636, 0.7693454623222351, -0.44717586040496826, 0.31088781356811523, -0.05180703476071358, -0.13148696720600128, 0.32069283723831177, -0.12247345596551895, 0.31611040234565735, -0.09992767870426178, 0.15072029829025269, 0.2797185480594635, 0.40327614545822144, -0.06002699211239815, 0.7047962546348572, -0.36252039670944214, -0.34267380833625793, -0.8080669641494751, -0.1709478497505188, -0.09069417417049408, 0.3250509202480316, -0.7476385831832886, 0.9423311948776245, -0.024593111127614975, 0.6552380323410034, 0.26199793815612793, 1.0386492013931274, 1.6866039037704468, -0.14386042952537537, -1.7974228858947754, 0.04263212904334068, -0.7920602560043335, 0.5119314789772034, 0.548586905002594, -0.04090775176882744, 0.21340647339820862, -0.14084947109222412, -0.18523025512695312, -0.900649905204773, 0.2278003692626953, -0.7695780992507935, -1.1177167892456055, 1.2866071462631226, 1.2464715242385864, -0.23333437740802765, -0.5272865891456604, -0.11901997774839401, -0.6259052753448486, -0.4255455434322357, -0.15114599466323853, -0.7800857424736023, 1.1681851148605347, 0.24630428850650787, 0.6972604393959045, 0.15300220251083374, -0.4282369613647461, -0.48965489864349365, 1.2922099828720093, 0.9864046573638916, -0.4493836462497711, 0.6972413063049316, 0.031415410339832306, -0.09362852573394775, 0.06111020967364311, -1.1892199516296387, -0.5892132520675659, 0.8038700222969055, -0.12335823476314545, -0.3411191999912262, -1.0953497886657715, -1.0529828071594238, 0.026921773329377174, -0.5926948189735413, 0.8932514190673828, -0.6251354813575745, 0.9422416090965271, -0.7825649380683899, -0.7448610663414001, -0.03977501392364502, -0.39202308654785156, -0.9812019467353821, 0.9309598207473755, -0.49159592390060425, 0.8052706718444824, -0.4376600682735443, -0.3190712332725525, 2.0386505126953125, -0.4072118401527405, -0.6506716012954712, 0.2585200071334839, -12.695978164672852, 0.8673452734947205, -0.4221835732460022, 0.8143491148948669, 0.5763252973556519, -0.04847637563943863, 0.7708702087402344, -0.007339980453252792, 1.2371184825897217, -0.9343854188919067, -0.45100268721580505, 1.4753780364990234, 0.42521679401397705, 0.5401890873908997, -0.7841346263885498, -0.8292787671089172, -0.564149796962738, -0.6295754909515381, 0.6171426177024841, 0.511555552482605, -0.6498779654502869, -0.6386603116989136, -0.5686668157577515, 0.1616494208574295, 0.4520421326160431, -0.5313386917114258, -0.5914565920829773, -0.9190005660057068, -0.6035757660865784, -0.38808220624923706, 1.0136407613754272, -0.3575853407382965, -0.09967878460884094, -0.3463275730609894, -0.31741762161254883, -0.2206965833902359, -0.6655175685882568, -0.25533396005630493, 0.810118556022644, -0.31835466623306274, 0.004679691046476364, 0.07003115862607956, 1.2189277410507202, -0.5676220655441284, -0.7134661674499512, 0.48347294330596924, -0.06629815697669983, -0.5971205234527588, -0.12559321522712708, 0.10362853854894638, -0.8614902496337891, -0.4342905282974243, -1.050625205039978, -0.43060389161109924, 0.9172511696815491, -0.30720624327659607, -0.42569974064826965, -0.15909519791603088, -0.7684117555618286, -0.7671823501586914, 1.0210193395614624, 0.3455861806869507, 0.09059444814920425, 0.08422820270061493, 0.09544822573661804, -0.35134440660476685, 0.09227574616670609, 0.16400498151779175, -0.5732636451721191, -0.2139209508895874, -0.23967450857162476, 1.075790286064148, 0.2218536138534546, 0.534695029258728, -0.5445808172225952, -0.004389852285385132, -0.4359726905822754, 0.17169936001300812, 0.0004885494709014893, 0.47444960474967957, -1.7502515316009521, 0.8965638875961304, -0.14753130078315735, -0.5921445488929749, -1.468526005744934, 0.5760632753372192, -0.395855575799942, 0.21030071377754211, 0.4863487184047699, -0.6316718459129333, 1.2887095212936401, 0.24440404772758484, -0.3708658218383789, 0.042800888419151306, -0.19592097401618958, 1.0489609241485596, 0.5302018523216248, 0.7327737212181091, -0.9408689737319946, -0.061865679919719696, 0.2316516935825348, 0.21106776595115662, -0.7546672821044922, 0.04603814706206322, 0.06855778396129608, 0.20972281694412231, 0.4451584219932556, -0.3919692635536194, 0.2596870958805084, -0.355543315410614, 0.34299129247665405, 0.3768696188926697, -0.3534351587295532, 1.927540898323059, -0.523117184638977, 0.5228385329246521, 0.4788817763328552, -0.22481101751327515, 0.5531262755393982, 0.6952412128448486, 0.3831648826599121, 0.010163714177906513, 0.3102504014968872, 1.0888993740081787, 0.26800307631492615, 0.3126066029071808, 0.24732047319412231, 0.4920874536037445, 0.37774917483329773, -1.0922207832336426, 0.721961259841919, -0.1932300329208374, 0.1493886411190033, -0.5405318140983582, -0.1718108355998993, -0.04033399373292923, -0.548392117023468, 0.8364003896713257, -0.89114910364151, -0.3040655851364136, -0.02268405258655548, -0.25449755787849426, -0.9671062231063843, -0.9143055081367493, -0.45599478483200073, 0.8341743350028992, -1.5792514085769653, -0.06883847713470459, -0.525592565536499, -0.488328754901886, 0.04911031574010849, -0.4955780804157257, 0.8565128445625305, 0.03968283534049988, -0.16600242257118225, -0.1664581298828125, 0.296731561422348, -0.29679131507873535, -0.5185928344726562, 0.46975642442703247, 0.5213718414306641, 0.4744069576263428, -0.8014887571334839, 0.6886557340621948, 0.756721019744873, -0.020092349499464035, -0.6714297533035278, 0.10663430392742157, -0.5126625895500183, 0.035043276846408844, -0.023319795727729797, -0.8259368538856506, -0.008734812028706074, -0.09537292271852493, -0.22972296178340912, -1.5659868717193604, 0.47702401876449585, 0.4067523181438446, -0.7375250458717346, 0.010968029499053955, -0.0474773570895195, 0.5028541088104248, -0.204285129904747, -0.060297563672065735, -0.05769042670726776, -0.24054446816444397, 0.042903441935777664, 0.3568115532398224, 0.36010053753852844, 1.2399920225143433, -1.3459689617156982, -1.2749907970428467, -0.615330696105957, 0.6074661016464233, 1.019139289855957, -0.2916867136955261, 0.6245709657669067, 0.40559321641921997, 0.14853429794311523, 0.4597901701927185, 0.406133234500885, 0.7284570336341858, 0.16633038222789764, 0.3875662684440613, -0.9064748883247375, 0.09831249713897705, -0.6781511306762695, -0.35028645396232605, 1.3094810247421265, 0.7451386451721191, -0.2570931315422058, -0.05400171875953674, 0.3726561665534973, 0.4899161756038666, -0.04487399011850357, -1.028070092201233, 0.3043663501739502, -0.7334447503089905, -0.6807242035865784, -0.6444355249404907, 0.5163818597793579, 0.7486406564712524, -0.3868125081062317, 0.7440820336341858, 0.7199031114578247, 0.7678495049476624, 0.30485454201698303, 0.4751589298248291, 1.129804015159607, 0.21218734979629517, 0.27576160430908203, 0.5456267595291138, -0.17538690567016602, -0.19878104329109192, -0.7212485074996948, -0.7033357620239258, -0.0786699652671814, 0.7124186158180237, -0.39038556814193726, 0.4139178395271301, -0.2341541200876236, 0.25381335616111755, 0.5091968178749084, 1.3216501474380493, -1.038048505783081, -1.260068416595459, -0.34425365924835205, -0.7260662317276001, 0.03951983526349068, 0.5275623798370361, 0.830931544303894, 0.8488684892654419, 0.9364709854125977, 0.38141191005706787, 0.8557814359664917, 0.46192097663879395, 0.31562453508377075, 0.33554336428642273, -0.2624680995941162, 1.4904828071594238, 0.7632299661636353, 0.22925372421741486, 0.40798482298851013, -0.06420332938432693, -1.3387844562530518, -0.04729851707816124, -0.6197763681411743, 0.4930669665336609, -0.5441315770149231, -0.2965973913669586, -0.4385536313056946, -0.20161612331867218, 0.9928997159004211, -0.5473317503929138, 0.16778776049613953, -0.29135793447494507, -0.7619600296020508, -0.25253066420555115, -0.7763233184814453, -0.6217834949493408, 0.5636399984359741, 0.1374710202217102, -0.06992834806442261, 0.2361820936203003, 0.540261447429657, -0.29037952423095703, -0.33252519369125366, -0.41780245304107666, 0.5901274085044861, -0.544624388217926, 0.2377999871969223, -0.6616435050964355, -0.4197762608528137, -1.170827865600586, -0.07760246098041534, -0.1956978291273117, -0.1362115442752838, -0.21513816714286804, -0.5473529100418091, -0.12349291145801544, 0.30986738204956055, -0.7127963304519653, 0.11305813491344452, -0.7098982930183411, 0.08760403096675873, -1.8190605640411377, 0.45561397075653076, 0.21372126042842865, 0.2700870633125305, -0.2853561043739319, -0.04061536863446236, 0.6720508337020874, 0.7367203831672668, -0.028239116072654724]} +{"paper_id": "climate_fever", "embedding": [-0.9585586786270142, 0.7277538776397705, -0.6813072562217712, 0.044529542326927185, -0.04765128344297409, 0.6331951022148132, 1.0784052610397339, 0.2089882344007492, 0.70843905210495, 1.6677002906799316, 0.3583863377571106, 0.5000061392784119, -0.5852351188659668, -0.6481098532676697, -0.00551200658082962, -0.6103195548057556, -0.7665512561798096, -0.2224724143743515, 0.005568741820752621, -0.024097532033920288, -1.0678365230560303, -0.7529769539833069, -0.4937930107116699, -0.22139135003089905, -1.096382975578308, 0.567594051361084, 0.5968677401542664, -0.3675655722618103, 0.7864421606063843, 0.36180025339126587, -0.535490870475769, 1.446367621421814, -2.305656909942627, 0.5743436813354492, -0.8740820288658142, -0.19303134083747864, -0.46018943190574646, 0.6187639832496643, -0.4440441131591797, -0.43717390298843384, -0.9594151973724365, 0.2582932114601135, 1.359521508216858, -0.26892659068107605, 0.4530723989009857, -0.3486904501914978, 0.474549800157547, -0.060834068804979324, 0.755120038986206, -0.2299596071243286, -0.10715050995349884, 0.7376381754875183, 0.12314506620168686, 0.16727904975414276, 0.6256853342056274, 1.3390271663665771, 0.26841112971305847, -0.01688266545534134, 1.3086543083190918, -0.17364436388015747, 0.6909013390541077, 1.4609599113464355, -0.6736594438552856, -0.4404633641242981, -0.03100409358739853, 0.742214024066925, 0.7755572199821472, 0.8073069453239441, 0.2439568042755127, 0.8639700412750244, 0.0018097013235092163, -1.1695173978805542, 0.48561152815818787, -0.21632888913154602, -0.02024790644645691, 0.610214114189148, -0.0551038533449173, -0.33791741728782654, 0.7654998302459717, -0.4079142212867737, 0.7308242321014404, 0.3411729335784912, 0.10520020127296448, -0.7624342441558838, -0.4667527377605438, 0.3732679486274719, 0.2527107298374176, -0.9219709634780884, -0.16546300053596497, -1.5823793411254883, 0.41144901514053345, 0.07666674256324768, -0.039222102612257004, -0.10563001036643982, 0.17417806386947632, 0.6518177390098572, -0.3225191831588745, -0.017564423382282257, -0.19345644116401672, 0.7894740104675293, 0.5796579122543335, -0.7809658050537109, 0.327579528093338, 0.02627185732126236, 0.6731674075126648, 0.9174225330352783, -0.858868420124054, 0.03033621609210968, -0.6565415859222412, -0.5322474241256714, -0.34592151641845703, 0.7424822449684143, 0.7770020961761475, 0.8418201804161072, -0.20296740531921387, 0.1360386610031128, 0.015970788896083832, -0.7463408708572388, -0.9582626819610596, 0.14189016819000244, -0.6298865079879761, -0.6482101678848267, -0.6768438220024109, 0.42630535364151, 1.2065391540527344, 0.17998196184635162, -0.24838301539421082, 0.20103466510772705, -0.41061416268348694, -0.016639862209558487, -0.3134590685367584, -0.09457962214946747, -0.37033241987228394, 0.7268437147140503, 3.188066005706787, -1.323205828666687, 1.4731804132461548, -0.18493379652500153, 0.1907847374677658, 0.14984165132045746, -0.5756234526634216, 0.9876472353935242, 0.4294821619987488, -0.9955644607543945, -1.0465000867843628, 0.4853554666042328, -1.0191929340362549, 0.22406233847141266, -0.8145149350166321, -0.30603256821632385, 0.023637235164642334, 0.7053224444389343, -1.080836296081543, 0.09644737094640732, 0.6232176423072815, 0.6834635138511658, -0.4847869575023651, -0.2342393398284912, -0.6506648659706116, 0.7346053719520569, -0.06319331377744675, 0.5082184672355652, -0.9472392797470093, 0.6116313338279724, -0.6832413077354431, 0.34549248218536377, 1.5151180028915405, -0.5489001274108887, -0.9976478815078735, 0.47563618421554565, 0.9955408573150635, -0.5240573287010193, -0.23615047335624695, -0.5955475568771362, -0.3010147213935852, 0.003514900803565979, -0.12770964205265045, -0.157904252409935, 0.837984561920166, -0.8098719716072083, -0.6580041646957397, 0.17724207043647766, -0.26283299922943115, 0.5248332619667053, -0.8405017256736755, -0.9557694792747498, -1.4842437505722046, 0.6826487183570862, -0.5429219007492065, 0.7997539043426514, 0.530149519443512, 0.16455581784248352, 0.3271542191505432, 0.6032053232192993, -0.09479238092899323, -0.45638707280158997, 0.29125797748565674, -1.6380681991577148, 0.16728851199150085, 0.3554585576057434, -1.0233933925628662, -0.5657811760902405, -0.3162381947040558, 0.07537265866994858, 1.288111686706543, -0.5396521091461182, -0.5344868302345276, -2.421712875366211, 0.48754554986953735, 1.4061866998672485, 0.010729029774665833, -1.0328407287597656, -0.4346472918987274, 0.06675116717815399, 0.6213492751121521, -0.3724591135978699, 0.2755298614501953, -0.3929940462112427, 0.38386663794517517, -1.1174898147583008, 0.28121891617774963, -0.27239373326301575, 0.5468297004699707, -0.6141340732574463, 0.5383804440498352, -0.4858722984790802, -0.3049081861972809, -0.22318311035633087, -1.2185206413269043, 0.8884637355804443, 0.603488028049469, -0.11697450280189514, 0.20209378004074097, 0.22033479809761047, 0.3277486562728882, 1.294818639755249, -0.19076041877269745, 0.30072855949401855, -1.1792569160461426, 0.04158615320920944, 0.2335553765296936, 0.5291268229484558, -0.05264478921890259, -0.8081268668174744, 0.2328520268201828, 0.2805282771587372, 0.11046747863292694, -0.30249667167663574, -0.8722571730613708, -0.44405877590179443, 0.6249854564666748, 1.1973941326141357, -0.7129334807395935, 0.521353006362915, 0.05181056633591652, 0.2633552551269531, 0.09266938269138336, -0.5717471837997437, 0.08531144261360168, 0.20006783306598663, 0.3539942502975464, 0.6547591686248779, 0.15368036925792694, 0.0478111207485199, -0.5216987133026123, -0.7777900695800781, 0.6014139652252197, -0.038439422845840454, -0.6437692642211914, -0.5604331493377686, 0.3928293287754059, -1.2537239789962769, -1.2027158737182617, -0.10657384991645813, -0.15172463655471802, 0.6209912896156311, -0.3016466498374939, -0.30512088537216187, 0.5496895909309387, 0.6500163674354553, -0.03391385078430176, -0.3758143186569214, 0.831783652305603, -0.4383493661880493, 0.09886081516742706, -0.10687689483165741, 0.014599478803575039, -0.7701205611228943, 0.07011048495769501, -0.2665635347366333, 0.4096274971961975, -0.7774640321731567, -1.3314040899276733, 0.5753939151763916, 0.02186460793018341, -0.4764693081378937, 0.9661200046539307, -1.7352402210235596e-05, -0.026841633021831512, -0.5543597340583801, 0.9493669271469116, 0.5063968300819397, -0.24076250195503235, 0.6768249869346619, 0.31021010875701904, -0.09060610830783844, 1.4934215545654297, -0.39203059673309326, 0.043904244899749756, 0.21649108827114105, 0.1580302119255066, 0.053906168788671494, 0.26777663826942444, -1.678262710571289, -0.1031593605875969, 0.6749518513679504, -0.28612926602363586, -0.23932252824306488, -0.32397857308387756, 0.06098942458629608, -0.12635807693004608, -0.7963950634002686, 0.10962890088558197, -0.34696164727211, 0.12856021523475647, -0.49910256266593933, -0.07186371088027954, 0.3454156517982483, -0.4262244701385498, 0.09830516576766968, -0.2904130816459656, -0.2814203202724457, -0.7461796998977661, 0.5874369144439697, 0.8972062468528748, 0.2443642020225525, 0.7122112512588501, 0.05257806181907654, 1.3946467638015747, 1.2287003993988037, -0.6100323796272278, 0.18873605132102966, 0.9072503447532654, -0.27107274532318115, 0.23135213553905487, -0.07899289578199387, 0.12153122574090958, 0.7547294497489929, -0.45337462425231934, 0.8004778027534485, 0.5019064545631409, 0.2176695317029953, -1.4087302684783936, 0.07392750680446625, -0.5284165143966675, -0.5628674626350403, 1.426729679107666, 1.539011001586914, 1.246037244796753, -0.32025647163391113, 0.720794677734375, -0.5665861964225769, -0.020561326295137405, 0.12426484376192093, 0.40193358063697815, 0.7796981930732727, -0.44507071375846863, 0.8368136882781982, 0.1367257833480835, 0.3900547921657562, -0.35264772176742554, -0.20481979846954346, 0.3096838891506195, 0.23807629942893982, 0.16765858232975006, 0.07387199997901917, -0.3508736491203308, -0.1457270085811615, 1.587578296661377, -0.6305304169654846, -0.08362999558448792, 0.10344035178422928, 0.16804488003253937, 0.7175008058547974, 0.4461085796356201, -0.5265542268753052, 0.4699988067150116, -0.4303048551082611, 0.3935992121696472, -0.17414909601211548, 0.3634242117404938, 1.1164830923080444, 0.19894666969776154, -1.360427737236023, -0.10472193360328674, -1.0732470750808716, 0.1336449831724167, 0.2500569224357605, -0.36738353967666626, 0.17498405277729034, 0.10453511774539948, -0.3758293390274048, -1.368937373161316, 1.4231654405593872, -0.3115232288837433, -1.0771316289901733, 0.2042120397090912, 1.5996557474136353, -1.6136094331741333, -0.9362350702285767, 0.09134894609451294, -0.3362434208393097, -0.9396373629570007, 0.9797833561897278, -0.4985293745994568, 0.6607624292373657, 0.7313705682754517, 0.7779505252838135, 0.4109497666358948, 0.10860978066921234, 0.5383520126342773, 1.2112869024276733, 0.35576075315475464, -0.8948036432266235, 0.1350589543581009, 0.07892858237028122, 0.7643569111824036, 0.19588243961334229, -0.681620180606842, -0.07011710852384567, 1.3145520687103271, 0.038193076848983765, 0.06582944840192795, -0.47662222385406494, -0.8647993803024292, -0.1357138454914093, 0.4610772430896759, 0.46387773752212524, -0.9192343950271606, 0.18495994806289673, -1.147648572921753, 0.29043200612068176, 0.4363979399204254, -0.8092762231826782, -0.9917957186698914, 0.3429810702800751, 0.24484559893608093, 0.44047287106513977, -0.873011589050293, -0.37802788615226746, 1.2426456212997437, 0.02853572368621826, 0.7964256405830383, -0.4217527508735657, -12.171273231506348, 1.0916099548339844, 0.00899398885667324, 1.3507028818130493, 0.5732750296592712, 0.4048185646533966, -0.09012105315923691, -0.10213485360145569, 1.0685787200927734, -0.09286104887723923, 0.15080687403678894, 1.7902950048446655, -0.34865665435791016, -0.2587346136569977, -0.3715740442276001, -1.8864877223968506, -1.0467329025268555, -0.24592581391334534, -0.15247225761413574, -0.3431684374809265, 0.6161454319953918, -1.2363718748092651, 0.30991941690444946, -0.13528083264827728, 0.7341059446334839, -0.19860225915908813, 0.10100459307432175, 0.16549570858478546, -0.34222716093063354, 0.07312296330928802, 0.5119703412055969, 0.6819363236427307, 0.08982639014720917, -0.6143787503242493, 0.30535465478897095, 0.10958966612815857, -0.7668196558952332, -0.19455978274345398, 1.1147046089172363, 0.11247188597917557, -0.1091272234916687, -0.1863759458065033, 0.22242417931556702, 0.2130192667245865, -0.9035153985023499, 0.551617443561554, 0.20249025523662567, -0.1377600133419037, -0.8851970434188843, -0.05249975621700287, -0.27011340856552124, -0.5934385657310486, -0.11170835793018341, -1.0089550018310547, 0.793868362903595, -0.6134904026985168, -0.8247525691986084, -0.3636054992675781, -0.8571321964263916, -1.365621566772461, 0.9001888036727905, 0.15810610353946686, -0.5432652831077576, 0.08938675373792648, 0.0878751128911972, -0.16124339401721954, 0.9792739748954773, 0.40950465202331543, -0.3327372074127197, -0.2593762278556824, -1.0135602951049805, 0.4333115518093109, 0.838378369808197, -0.18750092387199402, -0.30998682975769043, 0.015265565365552902, -0.4525948762893677, -0.6624034643173218, 0.015869734808802605, -0.4539327025413513, -1.3724790811538696, 0.08820787072181702, 0.07543931156396866, -0.7408479452133179, -1.062612533569336, -0.2754439115524292, -0.043044887483119965, -0.25657984614372253, 0.1289159059524536, 0.13007643818855286, 0.7233126759529114, -0.0006110742688179016, -0.023978449404239655, 0.03985325247049332, -0.801214337348938, 0.047993265092372894, 0.1258813738822937, 1.022533655166626, -0.10257282108068466, -0.23268604278564453, 0.25157982110977173, 0.08794132620096207, -0.7958612442016602, -0.01052767038345337, 0.459640771150589, -0.20562434196472168, 0.45446157455444336, -0.805975079536438, -0.0007348284125328064, 0.07795435190200806, 0.7784836888313293, -0.573209285736084, -0.2941637635231018, 1.3908202648162842, -0.5057721734046936, 0.4042738974094391, 0.4456201493740082, -0.29820516705513, 1.2609111070632935, 0.5944250226020813, 0.4089757800102234, 0.1582644283771515, -0.016269469633698463, 0.17950105667114258, -0.30095037817955017, -0.422267884016037, 0.08155517280101776, 0.14305871725082397, -0.7926198244094849, -1.1398683786392212, 0.04396344721317291, -0.14661212265491486, 0.31205958127975464, -0.9560647010803223, -0.03290072828531265, -0.7472316026687622, -0.19382764399051666, 1.0837955474853516, -0.5173830986022949, 0.26399505138397217, -0.7618229985237122, 0.3957046866416931, 0.30501148104667664, -0.6177563667297363, -0.7067618370056152, -0.529271125793457, -1.6739073991775513, 0.13574320077896118, -0.8286342620849609, -0.8867414593696594, 0.5670143365859985, -0.7301220297813416, 0.6085389852523804, -0.40186887979507446, 0.24310541152954102, -0.03806709870696068, 0.018520865589380264, -0.3045670688152313, -0.7524880170822144, -0.6528527736663818, 0.09796279668807983, 0.6468380689620972, -1.1041948795318604, 0.16814234852790833, 0.6294021606445312, -0.05747987702488899, 0.08794432133436203, -0.17808079719543457, 0.08648231625556946, -0.2643011808395386, 0.22976894676685333, -0.7867566347122192, 0.31623828411102295, -0.9526214003562927, -0.1304265558719635, -0.8499230742454529, 0.8596417307853699, 0.6161954402923584, -0.3720894455909729, 0.24757200479507446, 0.18263162672519684, 0.4932078719139099, 0.83120197057724, -0.1632041335105896, -0.1682150810956955, -0.48191675543785095, 0.2655225992202759, 0.13293766975402832, 0.5280841588973999, 0.354582816362381, -1.184224247932434, -1.0468326807022095, -0.8606863617897034, -0.42595964670181274, 1.231837272644043, 0.5000911355018616, 0.4278971552848816, 1.4105218648910522, -0.1631065160036087, 0.08061601966619492, 0.42799532413482666, 1.3751083612442017, 0.36398831009864807, -0.22355768084526062, -0.2160075455904007, -0.04310471937060356, -0.7519989609718323, -0.21376608312129974, 0.3276071548461914, 0.4888743460178375, -0.8106712102890015, -0.18714013695716858, 0.3964952826499939, -1.1036555767059326, 0.8317851424217224, -1.0173535346984863, 0.979219377040863, -0.4969554543495178, -0.38461628556251526, -0.9872958660125732, 0.6261854767799377, 0.6562579870223999, 0.4659014344215393, 0.7866266965866089, -0.38747966289520264, 0.06842352449893951, 1.56464421749115, 0.055588316172361374, 1.4077693223953247, 0.42654281854629517, -0.009435120970010757, 0.2866615653038025, 0.0529334619641304, 0.12055584043264389, 0.3913680911064148, 0.20361973345279694, -0.5006961822509766, 0.768998384475708, -0.09466268867254257, 0.36952877044677734, -0.8176337480545044, 0.6146216988563538, 0.3108171224594116, 0.28503748774528503, -1.1519290208816528, -0.4842038154602051, -1.149167537689209, -0.8450194597244263, -0.32335686683654785, 0.991118311882019, 0.9981656670570374, 0.4114791452884674, 0.8634984493255615, -0.023442253470420837, 0.39622005820274353, -0.5758786797523499, 0.35957545042037964, 0.5011346340179443, -0.006310656666755676, 1.5789581537246704, 0.5927221775054932, 0.24792994558811188, 0.5763765573501587, 0.11479859054088593, -0.7561786770820618, -0.3136901557445526, -0.03178003057837486, 0.8427249789237976, 1.1091057062149048, -0.9253488779067993, 0.6259323358535767, -0.11321178078651428, 0.04811200499534607, -0.4164576530456543, -0.11453709006309509, 0.6234188079833984, -1.0317400693893433, 0.21554122865200043, -0.968997061252594, 0.01416250690817833, 0.9198806285858154, -0.13118091225624084, -1.2124227285385132, -0.24711193144321442, 1.5182204246520996, -0.12410052865743637, -0.5690365433692932, 0.09749431908130646, 0.3712964951992035, -0.5704336166381836, 0.25064074993133545, -0.2174806445837021, -0.9513971209526062, -0.24222376942634583, 0.8416531085968018, -0.365526407957077, 0.0675385445356369, -0.15182502567768097, -0.672709584236145, -0.6460371017456055, 0.8428101539611816, 0.0865110456943512, 0.15031185746192932, -0.1541682630777359, 0.03665737435221672, -0.752903163433075, 0.7008954286575317, 0.9923803210258484, 0.188066765666008, -0.16475562751293182, 0.690838634967804, 0.47298070788383484, -0.4586159586906433, 0.9265421032905579]} +{"paper_id": "humicroedit", "embedding": [-0.43820786476135254, 1.066396713256836, -0.19406169652938843, 0.12011341750621796, 1.001711130142212, 0.23680877685546875, 0.6746754050254822, -0.24371451139450073, 0.5775024890899658, 0.2181577980518341, 0.4169383943080902, -0.18694470822811127, 0.2816283702850342, -0.04432780295610428, -0.2108934074640274, -0.4820581078529358, -0.3552274703979492, 0.46048322319984436, -0.49270927906036377, -0.022087395191192627, -1.2936010360717773, -0.383971631526947, -0.1334313601255417, 0.2831978499889374, -1.0363590717315674, 0.14980629086494446, 0.5020262598991394, -1.1815268993377686, -0.5039165616035461, -0.39575377106666565, -0.07299268990755081, 1.5048269033432007, -1.0115820169448853, 0.591252326965332, -0.4843367636203766, -0.5485687255859375, -0.7392705082893372, 0.9696003198623657, -0.3995198905467987, -0.624025285243988, -0.7250438332557678, 1.190964698791504, 1.4504035711288452, -0.16668374836444855, 0.0315212607383728, 0.0576062873005867, -0.09329154342412949, 0.018579985946416855, 0.10173618793487549, 0.10405485332012177, -0.3020671606063843, 0.24900564551353455, -0.2238636016845703, -0.5731556415557861, -0.19242829084396362, 1.040427565574646, -0.08908751606941223, -1.2789982557296753, 0.14869193732738495, -0.06494331359863281, 0.9574329853057861, 1.9468477964401245, -0.11208432912826538, 0.31766438484191895, 1.1521373987197876, 0.0988311767578125, 1.355741024017334, 0.4954751133918762, 0.3898952603340149, 0.3762918710708618, -1.160992980003357, -0.809980034828186, 0.1713411808013916, -0.016704484820365906, -0.43087008595466614, -0.057779461145401, 0.22343921661376953, 0.12340398132801056, 0.2507273852825165, 0.5029057860374451, -0.14165586233139038, 0.06662929058074951, -0.12351766973733902, -1.0468260049819946, 0.11091256141662598, 0.0021656937897205353, 0.2930549383163452, -0.06596937030553818, 0.2020961344242096, -1.236040711402893, 0.13713012635707855, -0.19132079184055328, 0.30146703124046326, 0.41551411151885986, -0.44952595233917236, 0.43448302149772644, 0.6554549336433411, 0.08284749835729599, -0.49171683192253113, 0.12766915559768677, 0.6759907603263855, -0.08638221025466919, 0.5851619839668274, -0.5522941946983337, 0.506107747554779, 0.5492319464683533, 0.4480358958244324, -0.727430522441864, 0.01922321692109108, -0.6011911630630493, -0.6038098931312561, 1.1380774974822998, 0.6744102239608765, 0.8448944091796875, -0.14676158130168915, -0.19236403703689575, -0.6608745455741882, -0.22267185151576996, -0.07340731471776962, 0.4430563449859619, -0.6025645136833191, -1.1496282815933228, 0.004439786076545715, -0.06034528464078903, 1.176102876663208, 0.11469787359237671, 0.0031917854212224483, -0.6928917765617371, -0.5119969248771667, -0.48042234778404236, 0.04682603105902672, 0.10641627013683319, -0.17704333364963531, 0.5116703510284424, 2.525892496109009, -0.9314570426940918, 0.772221565246582, -0.19037535786628723, -0.3058706820011139, -0.21494878828525543, -0.05667140334844589, 1.4274308681488037, -0.2007373869419098, -1.3196266889572144, -0.8586398363113403, 0.035824187099933624, -0.779464602470398, 0.5747175812721252, -0.691104531288147, -0.5251970291137695, 0.3360726535320282, 0.7259910106658936, -1.3127769231796265, -0.09074340015649796, 0.23438309133052826, 0.36898013949394226, 0.13827510178089142, -0.02407909370958805, -0.08554616570472717, 0.4752260446548462, 0.5424866676330566, 0.7060291171073914, -0.3091117739677429, 0.6643800735473633, -0.5885337591171265, 0.2525227963924408, 0.9243448972702026, -0.374559223651886, -0.9639445543289185, -0.8249950408935547, 0.22654801607131958, -0.49907389283180237, -0.07731691002845764, -0.07221164554357529, -0.7105827927589417, -0.40141984820365906, 0.6017017960548401, 0.5614758133888245, -0.06056010723114014, -0.7073303461074829, -0.7425306439399719, 0.11378316581249237, 0.17508968710899353, 0.6484301686286926, -0.5048888325691223, -0.007579144090414047, -2.113456964492798, 0.032234836369752884, -0.964357316493988, 0.7833724021911621, -0.18335409462451935, 0.38190823793411255, -0.32598796486854553, 0.4901345670223236, -0.8523886203765869, -0.014432869851589203, 1.0070860385894775, -1.0348789691925049, 0.32737553119659424, 0.4657473564147949, 0.1994788497686386, 0.015594692900776863, -0.4059664011001587, 0.4103218913078308, 0.6093251705169678, 0.012884687632322311, -0.7633799910545349, -1.7166364192962646, 0.856681227684021, 1.2778040170669556, -0.023580074310302734, -0.9067928194999695, -0.9148435592651367, -0.1383989006280899, 0.46596336364746094, 0.43139830231666565, 0.904810905456543, -0.2609114348888397, -0.2936232388019562, -1.53621244430542, 0.6523921489715576, -0.4714459180831909, -0.33898234367370605, 0.11088056117296219, 0.8367605805397034, -0.4853660762310028, -0.3991643786430359, -0.3165593445301056, -0.9680984020233154, 0.405622661113739, 0.39888888597488403, 0.48473137617111206, 0.24747984111309052, 1.0161651372909546, 0.1923617124557495, 0.6849634051322937, 0.39845010638237, 0.15373913943767548, -0.3983824551105499, 0.030960841104388237, 0.3833197057247162, 0.4151504635810852, -0.10256804525852203, -0.8925498127937317, -0.3022391200065613, 0.07957571744918823, -0.0883055031299591, -0.41940057277679443, -0.3447417616844177, 0.08544231951236725, 1.0175182819366455, 0.9029055237770081, -0.7764433026313782, 1.1074482202529907, -0.3340011537075043, 0.046029262244701385, -0.007978908717632294, -0.7037038207054138, -0.04135380685329437, -0.6290411949157715, -0.3888299763202667, 0.2657088339328766, 0.15825098752975464, 0.062160223722457886, -0.806577205657959, -0.7696969509124756, -0.16256603598594666, 0.17077279090881348, 0.15534162521362305, -0.6819407939910889, -0.2265033721923828, -0.04437991976737976, -1.2890352010726929, -0.23056012392044067, 0.07864203304052353, -0.047174252569675446, -0.4914398193359375, 0.4625931680202484, 1.1215635538101196, -0.28058183193206787, 0.08960604667663574, -0.6036495566368103, 1.0579564571380615, -0.34666168689727783, 0.09656946361064911, -1.0817660093307495, -0.21017880737781525, -0.29504281282424927, 0.23876282572746277, -0.838502824306488, 0.3306725323200226, 0.32921481132507324, -0.35369694232940674, 0.9964070320129395, -0.3005226254463196, -0.6857102513313293, 0.24643579125404358, -0.35570698976516724, 0.12040270864963531, -0.944643497467041, 0.5904807448387146, 0.8951765894889832, -0.35196131467819214, 1.001716136932373, -0.7298625707626343, -0.4284656047821045, 1.3544450998306274, -0.9862278699874878, 0.6809319257736206, 0.7083758115768433, -0.44981980323791504, 0.10705220699310303, 0.018637895584106445, -1.5516623258590698, -0.036901697516441345, 1.434729814529419, -0.6541687846183777, 0.14958149194717407, -0.5220740437507629, 0.5102091431617737, -0.052306924015283585, 0.38131144642829895, 0.5547460913658142, -0.5820172429084778, 0.6614018082618713, -0.8017607927322388, 0.4674907922744751, -0.002543291077017784, -0.6200072765350342, 0.4057844579219818, -0.055503543466329575, 0.5626797676086426, -1.18217134475708, -0.6070379614830017, 0.545696496963501, -0.627350389957428, 0.7746624946594238, 0.6678962707519531, 1.1186987161636353, 0.5321952104568481, -0.5608534812927246, -0.6153583526611328, 0.02622435986995697, -0.2818322479724884, 0.20896074175834656, 0.42449966073036194, 0.6572331190109253, 0.6608706116676331, -0.2632480263710022, 1.307033658027649, 0.0656982958316803, -0.4960065484046936, -1.0896674394607544, -0.21742792427539825, -1.324772834777832, -0.2564784586429596, 1.1496644020080566, 0.8712298274040222, 0.9066813588142395, 0.4850390553474426, 0.008444453589618206, -0.5785715579986572, -0.050395555794239044, 0.28065913915634155, -0.0026791722048074007, 0.2899783253669739, -0.11016909778118134, 0.2980700135231018, 0.6636359691619873, 0.7649326324462891, -0.6783409714698792, 0.35045987367630005, 0.9123119711875916, -0.22653092443943024, -0.9082515835762024, 0.3714415729045868, 0.24632425606250763, 0.19528895616531372, 2.1092820167541504, -0.43008363246917725, -0.4760935306549072, -0.2599866986274719, 0.33614590764045715, 0.42557159066200256, 0.08896441012620926, -0.3502117693424225, 0.5378342866897583, 0.6654281616210938, 0.8977276682853699, -0.056875474750995636, 0.48153236508369446, 0.624508798122406, 0.06869412958621979, -1.301849126815796, -0.02829199656844139, -0.7718877792358398, -0.35070204734802246, -0.021781928837299347, 0.015020821243524551, -0.25804591178894043, 0.46904951333999634, -0.44836893677711487, -1.1286256313323975, 0.7316771745681763, -0.3245623707771301, -0.7640992403030396, -0.018727727234363556, 1.2217726707458496, -0.6953228712081909, -1.1473366022109985, 0.038380175828933716, -0.7437461018562317, -0.8180235028266907, 0.20449239015579224, -0.6868178248405457, 1.4174081087112427, -0.05502955988049507, 0.29546067118644714, 0.3180420994758606, 0.44060415029525757, -0.5062879323959351, 1.4950567483901978, 0.7040932774543762, -0.7257680296897888, 0.6088337898254395, 0.4486036002635956, 0.6683688163757324, 1.12848699092865, -0.4260534644126892, -0.3213260769844055, 0.7941088676452637, 0.3246476948261261, -0.20036490261554718, -0.40816187858581543, -0.4295462667942047, 0.6626396775245667, 0.6260326504707336, 0.9373006224632263, -0.7354916334152222, 0.19040270149707794, -0.47658514976501465, 0.7865790724754333, 1.036574363708496, -0.90700763463974, -0.7349948287010193, 0.5502502918243408, -0.3156680762767792, 0.04373921453952789, -0.6937141418457031, -0.7751284241676331, 0.8375188112258911, 0.09605143219232559, -0.11401291191577911, -0.5020946264266968, -12.395232200622559, 1.600042700767517, -0.18687351047992706, -0.22728988528251648, 0.6220789551734924, 0.3033238351345062, -0.05620013177394867, 0.16531667113304138, 1.0233532190322876, -0.5040683746337891, -0.418740838766098, 1.5766181945800781, -0.18812701106071472, 0.10205752402544022, -0.6248822808265686, -1.729358434677124, -1.1295249462127686, -1.246475338935852, -0.0758708119392395, 0.3148345947265625, 0.10775022208690643, -1.0835481882095337, 0.38189780712127686, -0.5499587059020996, 0.8499019742012024, -0.6215499639511108, -0.5774038434028625, -0.31425413489341736, 0.2886515259742737, 1.2552813291549683, 0.7659505009651184, 0.584852397441864, -0.654060423374176, -0.36299145221710205, 0.5147277116775513, 0.3304002583026886, -1.205902338027954, -0.8050498366355896, 0.6239041090011597, -0.11427494883537292, 0.30470016598701477, 0.08862890303134918, -0.31281059980392456, -0.2957758903503418, -0.501772403717041, 0.12970854341983795, -0.2491464763879776, 0.007346589118242264, 0.008787602186203003, -0.2047613263130188, -1.0221904516220093, -0.5240853428840637, -0.8566517233848572, -0.7912753820419312, 0.3797079920768738, -0.006527423858642578, -0.7445561289787292, 0.016476932913064957, -0.5922247767448425, -1.0294605493545532, 0.22741687297821045, 0.30078715085983276, -0.3237009048461914, 0.5840041637420654, 0.48748642206192017, -0.4187924265861511, 0.5796079635620117, -0.018810123205184937, 0.36922311782836914, 0.737426221370697, -0.6599763035774231, 1.509320855140686, -0.3132954239845276, 0.7537445425987244, -0.7578201293945312, 0.016935262829065323, -0.1526077389717102, -0.4774603247642517, 0.9020493626594543, -0.5520738959312439, -1.3531280755996704, 0.8610360622406006, 0.18469423055648804, 0.1192251592874527, -0.39198482036590576, 0.5042631030082703, 0.05708719789981842, -0.5867171287536621, 0.7001516819000244, -0.4359098970890045, -0.03580835834145546, -0.4503590166568756, -0.6375570297241211, 0.016816426068544388, -0.7676169872283936, 0.2743798494338989, -0.5992207527160645, 0.6566596627235413, 0.7948012351989746, -0.20155012607574463, -0.039123885333538055, 0.5363268256187439, -1.0604395866394043, -0.16084638237953186, 0.5108455419540405, -0.9021922945976257, -0.07246964424848557, -0.18852251768112183, -0.35829076170921326, -1.0271652936935425, 0.1758677363395691, -0.03492859750986099, 0.6518479585647583, 0.8101744651794434, 0.04533688724040985, 0.3110959529876709, 1.0924888849258423, -0.2645544707775116, 0.9255289435386658, 0.8326461315155029, -1.227790117263794, 1.0770809650421143, 0.10375478863716125, 0.9435029625892639, -0.23986928164958954, 0.8744915723800659, 0.17679353058338165, -0.3777684271335602, -0.06365331262350082, -1.4426194429397583, 0.5683050155639648, -0.5916740298271179, 0.13495655357837677, -0.555168628692627, -0.3357016146183014, -0.10641255974769592, -1.080083966255188, 1.0794528722763062, -0.41527825593948364, 0.18166953325271606, -0.2674384117126465, -0.011320319026708603, -0.45317044854164124, -0.5547991991043091, -1.1612653732299805, -0.17729663848876953, -2.5932071208953857, 0.14970815181732178, 0.039205245673656464, -0.23583608865737915, 0.30072152614593506, 0.006496906280517578, 0.178329199552536, -1.0964782238006592, -0.16285663843154907, 0.2069251835346222, 0.24573977291584015, -1.5680986642837524, -0.8912169337272644, -0.9730998277664185, 0.7179741859436035, 1.2871109247207642, -0.4619298279285431, 0.8019322156906128, 0.5639907121658325, -0.24734769761562347, -0.010069258511066437, 0.03926263004541397, -0.23054657876491547, 0.4042980670928955, 0.7319818139076233, -0.7471253871917725, -0.45124953985214233, -0.44669753313064575, 0.7919413447380066, -0.6789849400520325, 0.788159966468811, 1.5289517641067505, -0.8397201895713806, -0.3733646273612976, -0.2052197903394699, 0.2687942087650299, 0.4067397713661194, -0.06553197652101517, -0.4044077694416046, 0.012982804328203201, 0.06483842432498932, 0.0861649215221405, 0.000853903591632843, 0.4008391499519348, -1.168803095817566, -1.0863672494888306, -0.7482505440711975, -0.1702168881893158, 0.6293137073516846, -0.13882647454738617, 0.46012449264526367, 1.1617814302444458, -0.42525514960289, -0.2577321529388428, -0.4312744736671448, 0.500625491142273, -0.4665779769420624, 0.5867975354194641, -0.08476729691028595, -0.240261971950531, -0.27021339535713196, 0.32704058289527893, 0.17650163173675537, 0.8804232478141785, -1.0554261207580566, -0.447068452835083, -0.008158296346664429, 0.2811526358127594, 0.08328346908092499, -0.566342830657959, 0.062025897204875946, 0.14029423892498016, -0.34167930483818054, -0.7742754220962524, 0.49264732003211975, 1.2249979972839355, 0.7241129279136658, 0.5722002983093262, 0.9945273995399475, 0.26942652463912964, 1.1797064542770386, 0.65281081199646, 1.006771445274353, 0.4817800223827362, -0.23961253464221954, -0.013233382254838943, -0.34270915389060974, 0.5289129018783569, 0.2668578326702118, -0.28671613335609436, -1.3309463262557983, 0.015263032168149948, -0.850713849067688, -0.44594141840934753, 0.08493459224700928, -0.23078793287277222, 0.7737077474594116, 0.694122314453125, 0.2158910483121872, -0.6463000774383545, -1.0865449905395508, -1.1951351165771484, 0.18892861902713776, 0.39963966608047485, 0.19130408763885498, 1.3923145532608032, 0.4337620139122009, 0.09183982014656067, 0.7011505961418152, 0.20587694644927979, 0.35665184259414673, 0.24818632006645203, 0.5422815084457397, 1.542158842086792, 0.6233090162277222, 0.49617844820022583, 0.20453563332557678, -0.2931283414363861, -1.1799427270889282, -0.5225669741630554, -0.8587525486946106, 0.7852885723114014, 0.5101443529129028, -0.4836227595806122, 0.6174536347389221, -0.4868701696395874, -0.04706793650984764, -0.39986100792884827, 1.0310243368148804, 0.3840627074241638, -0.504457414150238, -0.01010761596262455, -0.41107168793678284, 0.5207309126853943, 1.3318392038345337, 0.22543030977249146, -0.2621939182281494, -0.35381120443344116, 0.8383529186248779, 0.005068646743893623, -0.014426123350858688, 0.10311765968799591, 0.542330265045166, -0.09776414930820465, 0.5478770136833191, 0.413045734167099, -0.8727844953536987, -0.6212157607078552, -0.4910108149051666, -0.16664600372314453, 0.41763120889663696, 0.11776575446128845, -1.5261449813842773, -0.26611605286598206, 0.7256524562835693, 1.2272762060165405, 0.10614784061908722, 0.24633163213729858, 0.11456641554832458, -0.9042471647262573, 1.1948004961013794, 0.8516200184822083, 0.402227520942688, -0.16383770108222961, 0.11644905805587769, 0.7122642993927002, -0.04146403446793556, 1.5667022466659546]} +{"paper_id": "discofuse", "embedding": [-0.5647760629653931, 0.5478758811950684, -0.20237144827842712, 0.17089377343654633, 0.4114916920661926, -0.12719900906085968, 0.8956041932106018, 0.5567049384117126, 0.6694192886352539, 0.43334707617759705, 0.06613226979970932, -0.0728079229593277, 0.38730618357658386, 0.06914099305868149, -0.1709488034248352, -0.4053647220134735, -0.9601072072982788, -0.4365105628967285, -1.3037729263305664, -0.4774158298969269, -0.7210858464241028, -0.3288639187812805, -0.1388930231332779, 0.003814399242401123, 0.01461765542626381, -0.4529009163379669, 0.4121204912662506, -1.5646049976348877, 0.41213810443878174, 0.763471245765686, -0.0529123917222023, 1.6459978818893433, -1.3522729873657227, 0.25683489441871643, -0.39537036418914795, 0.034730762243270874, -0.2566893696784973, 1.217756748199463, -0.2645176649093628, 0.08162925392389297, -0.8202049732208252, 0.048678018152713776, 0.5092617273330688, 0.4703634977340698, 0.15642593801021576, 0.017124943435192108, -0.16563034057617188, 0.06442185491323471, -0.3143378496170044, -0.10072207450866699, -0.23741991817951202, 0.1543015092611313, 0.16437602043151855, 0.7636569738388062, -0.15264323353767395, 0.8107707500457764, 0.30376309156417847, -1.629113793373108, 0.055525220930576324, -0.5077818632125854, 0.9236376881599426, 1.4579689502716064, -0.3795064389705658, 0.37185853719711304, 1.811795711517334, 0.021031595766544342, 1.5939759016036987, 0.005557484924793243, 0.48503994941711426, 1.272642970085144, -0.6575856804847717, -0.5807945728302002, 0.4652762711048126, -0.07441136240959167, -0.6001657247543335, 1.087781548500061, 0.2652145326137543, 0.07662636041641235, 0.13972249627113342, -0.058058273047208786, 0.40725380182266235, 0.5194855332374573, 1.136806607246399, -0.43197235465049744, 0.1573478877544403, 0.19040071964263916, 0.62159264087677, -0.6790137887001038, 0.065958671271801, -1.6337933540344238, -0.02594137191772461, 0.1719447672367096, -0.38680729269981384, -0.09288808703422546, -0.17212221026420593, 0.1666281521320343, -0.22608135640621185, 0.0679771900177002, -0.44252732396125793, -0.04995478689670563, 0.5659477114677429, -0.6501953601837158, -0.5134711861610413, -0.3961550295352936, 0.8559771180152893, 0.49191054701805115, -0.10462848842144012, -0.4645448327064514, -0.9225211143493652, -0.31939077377319336, -0.19472646713256836, 0.9271108508110046, -0.08627662062644958, 0.6088146567344666, -0.3607805669307709, -0.1247597336769104, 0.03610555827617645, -0.26772457361221313, -1.0211029052734375, 0.07273373007774353, -0.5627507567405701, -0.9820244908332825, 0.09369972348213196, -0.32116520404815674, 0.9490352869033813, -0.8864350914955139, -0.48945683240890503, -1.0137903690338135, 0.22042684257030487, -0.580996036529541, 0.41873955726623535, -0.09898929297924042, -0.752610445022583, -0.30602461099624634, 3.031954288482666, -0.5825022459030151, 1.4125994443893433, -0.48961278796195984, -0.786718487739563, -0.2739957869052887, -0.10668391734361649, 1.1642975807189941, -0.4431115388870239, -0.29976993799209595, -0.519073486328125, -0.25723764300346375, -0.48863887786865234, 0.4756892919540405, -0.5195256471633911, -0.7135587334632874, -0.20812851190567017, 0.09202810376882553, -1.4915595054626465, -0.7403558492660522, -0.12107110023498535, -0.08075742423534393, 0.16626515984535217, 0.8212037086486816, -0.38332727551460266, 1.037635326385498, 0.6543561816215515, -0.24091948568820953, -0.0425720289349556, 0.5092242360115051, -0.38554686307907104, -0.002883120207116008, 1.2808847427368164, -0.553767204284668, -0.5787336826324463, -0.29458507895469666, 0.2676060199737549, -0.021054092794656754, -0.2595326900482178, -0.6058590412139893, 0.026461193338036537, 0.30131661891937256, 0.5595349073410034, 0.6604024171829224, 0.8378731608390808, -0.9535937905311584, -0.8139244318008423, -0.6465966701507568, 0.20825380086898804, 1.1289360523223877, 0.04210035502910614, 0.48020708560943604, -2.226118803024292, -0.6766533851623535, -0.5492936968803406, 0.8120288848876953, -0.0012576133012771606, -0.2822629511356354, 0.29080504179000854, 0.5931060314178467, -0.0829174667596817, -0.43751251697540283, 0.5119704008102417, -0.6513253450393677, 0.49470436573028564, 0.16079072654247284, -0.1529080867767334, -0.3110019862651825, -0.054937444627285004, 0.9391075372695923, 1.4677379131317139, -0.10792747884988785, -0.25524193048477173, -1.6349313259124756, 0.550482451915741, 1.8723410367965698, -0.12763673067092896, -0.28839391469955444, -1.7667441368103027, -0.25467854738235474, 0.6927943229675293, -0.018269356340169907, 0.32078370451927185, -0.34968870878219604, 0.22073006629943848, -0.9632949233055115, 0.23529592156410217, -0.4965483844280243, 0.437587171792984, 0.6916844248771667, 0.49320802092552185, -0.5859688520431519, -0.29219764471054077, -1.0655704736709595, -0.6642633080482483, 0.336992472410202, 1.0409668684005737, -0.3851555585861206, 0.07191284000873566, 0.8572019338607788, 0.157545268535614, 0.4420087933540344, 0.4204031527042389, 0.9182955026626587, -0.16695798933506012, -0.4732899069786072, 0.504085123538971, 0.10217013955116272, -0.20836712419986725, -0.14558641612529755, -0.16027265787124634, 0.35893577337265015, -0.07670757174491882, -0.3461593985557556, -0.6570608615875244, -0.031160645186901093, 0.9900751113891602, 1.4357483386993408, -0.7381152510643005, 0.8779549598693848, -1.1258071660995483, 0.25638675689697266, -0.4159209132194519, -0.560778021812439, -0.666492223739624, -0.23833686113357544, 0.9041957855224609, 0.4564724266529083, 0.7368529438972473, -0.18763020634651184, -0.13373951613903046, -0.9624394774436951, -1.0398225784301758, -0.25923416018486023, 0.12523962557315826, -1.3652894496917725, -0.7199127078056335, -0.5205341577529907, -0.3588818907737732, -0.5711648464202881, -0.5927774310112, 0.25759923458099365, -0.29788556694984436, 0.88615882396698, 1.9980640411376953, 0.27109774947166443, -0.05838698148727417, -0.27549850940704346, 0.6988421082496643, -0.3870752155780792, 1.4322528839111328, -0.11623191833496094, -0.09554853290319443, -1.6376842260360718, 0.4991926848888397, -0.5093635320663452, 0.2028440237045288, 0.37374064326286316, 0.21605747938156128, 0.28712210059165955, 0.017871588468551636, -1.0126482248306274, 0.8124693632125854, -0.5456860661506653, 0.38040539622306824, -0.7230401039123535, 1.7029772996902466, 0.5294557213783264, -0.09576238691806793, 0.53853440284729, -0.4589221179485321, 0.15716218948364258, 1.3675094842910767, -0.5822709798812866, 1.0619443655014038, 0.6188448071479797, 0.11909642815589905, 0.07802776247262955, -0.05380919203162193, -1.9673161506652832, -0.0059946561232209206, 1.0461739301681519, -0.45663967728614807, -0.5091022253036499, -0.8151244521141052, 0.8316755890846252, -0.0853433907032013, -0.5223329663276672, 0.19587379693984985, -0.5374505519866943, -0.11215494573116302, -0.5452043414115906, 0.37675970792770386, 1.237133264541626, -0.32437664270401, 0.5736411213874817, 0.9322227835655212, 0.2445077896118164, -0.9329350590705872, -0.5482988357543945, 1.2122149467468262, 0.2840815782546997, 0.3019682765007019, 0.5453774929046631, 1.0300010442733765, 0.8171268701553345, -0.9429916143417358, -0.3154798448085785, 0.8461518883705139, 0.9833418130874634, 0.8387922048568726, 0.2831936180591583, -0.5505994558334351, 0.279682457447052, -0.21796539425849915, 1.9144890308380127, -0.009798064827919006, -0.5503296852111816, -0.9423248171806335, -0.22099356353282928, -0.6032330989837646, -0.9879389405250549, 1.3608803749084473, 0.8722947239875793, 1.90395188331604, -0.3243561387062073, 0.4534773528575897, -0.6155346035957336, 0.30035868287086487, 0.7590008974075317, 0.12730436027050018, -0.002463690936565399, -0.35849523544311523, 0.7725626230239868, 1.5112524032592773, -0.01965809240937233, -0.5142995715141296, -0.8328565955162048, 0.7190859317779541, 0.11270207166671753, -0.43733716011047363, 0.005990887526422739, 0.689054548740387, 0.5377115607261658, 2.0097548961639404, -0.6639353632926941, -0.6471420526504517, 0.2349870800971985, 0.4552363157272339, 0.3008544445037842, 0.8345233798027039, -1.531335711479187, 0.21012026071548462, -0.026976261287927628, 1.129820704460144, -0.29614317417144775, 0.5617121458053589, 0.40517932176589966, -0.0931066945195198, -1.266969084739685, -4.623085260391235e-06, -0.5899155139923096, 0.11517007648944855, 0.4629875421524048, -0.4941903352737427, -0.2869206666946411, 1.351855754852295, -0.06094960868358612, -0.4520597755908966, 1.0286024808883667, -0.5591394305229187, -1.1645469665527344, 0.18293458223342896, 0.5996829271316528, -1.4177311658859253, -0.8408641815185547, 0.13524480164051056, -1.2219305038452148, -0.5901490449905396, 0.14393463730812073, -0.6171342730522156, 0.8412403464317322, 0.5048500299453735, 0.8098177909851074, -0.11230950057506561, -0.24258655309677124, -1.211622714996338, 0.7985751628875732, 1.1063936948776245, -1.032173991203308, 0.5888657569885254, 0.6429657936096191, 0.6742724180221558, 0.28460878133773804, -1.4341696500778198, -0.5808135271072388, 0.22869691252708435, -0.564219057559967, -0.07721484452486038, -0.6183961033821106, -0.4374627470970154, -0.1292896866798401, 0.4146457314491272, 0.2934717535972595, -1.5876028537750244, 0.1003054678440094, -0.1361308991909027, 0.9860311150550842, 0.48768019676208496, -0.9910569190979004, -1.0651575326919556, 0.8203827738761902, -0.9813502430915833, 0.8419139385223389, -0.2393341213464737, -0.1368386298418045, 1.542725682258606, 1.132771372795105, 0.3958222270011902, -0.013786256313323975, -11.328472137451172, 0.5543817281723022, 0.183460995554924, -0.21950455009937286, 0.16861774027347565, -0.37411561608314514, 0.5724923610687256, -0.030027348548173904, 0.3652682900428772, -0.36700794100761414, 0.6047732830047607, 1.4535009860992432, -0.12215697020292282, -0.8483178019523621, -0.17602866888046265, -1.0554367303848267, -0.5149591565132141, -0.7958567142486572, -0.16188812255859375, 0.2015661597251892, -0.2855399250984192, -1.253345012664795, 0.016705065965652466, 0.803967297077179, 0.498412162065506, -0.2631074786186218, -0.19352290034294128, 0.4476830065250397, -0.3203721046447754, 0.5179604291915894, 0.9614201188087463, -0.338238000869751, -0.6877608299255371, -0.6524567008018494, 0.8259183168411255, -0.11360657215118408, -1.0481387376785278, -0.43853574991226196, 0.17757897078990936, -0.35543522238731384, -0.11714498698711395, 0.32784304022789, 0.1513737589120865, -0.7644062638282776, -0.17666098475456238, 0.059053659439086914, 0.11205285787582397, -0.6184443831443787, 0.2552638053894043, -0.4331391453742981, -0.44885480403900146, -0.5266302824020386, -1.112378716468811, -1.1977778673171997, 0.2226739376783371, -0.21386967599391937, -1.2089866399765015, 1.134661078453064, -0.36546790599823, -0.7626398801803589, 0.5553403496742249, -0.2520955204963684, -0.7484240531921387, 0.5167734622955322, 0.356506884098053, -0.7862457633018494, 0.7945786714553833, 0.34624341130256653, -0.09359964728355408, 0.32906875014305115, -0.7838761210441589, 0.7283735871315002, -0.02379636839032173, -0.18098440766334534, 0.037182677537202835, 0.18911772966384888, -0.12501166760921478, -1.0660436153411865, 0.34154874086380005, 0.5834481120109558, -0.812026858329773, 0.24117839336395264, 0.5762998461723328, -0.6385477781295776, -0.9927100539207458, 0.27384689450263977, 0.2403019666671753, -1.02764093875885, 0.6125540733337402, -0.3434297740459442, 1.613436222076416, 0.43855249881744385, -0.10819351673126221, -0.2422419786453247, -0.3181343674659729, 1.0511252880096436, -0.8893292546272278, 1.1193368434906006, 0.5743991136550903, -0.6848522424697876, -0.22544148564338684, -0.24136683344841003, -0.7968553304672241, -0.02770562656223774, 0.5280357003211975, -0.21091771125793457, 0.5798657536506653, -0.06141413003206253, 0.18635740876197815, -0.1983959823846817, 0.9034693241119385, 0.49479788541793823, 0.17798283696174622, 1.0898703336715698, -0.07403851300477982, 1.194507360458374, 0.4314727187156677, 0.3347987234592438, 0.2637735605239868, 1.4920008182525635, -0.5728135704994202, 1.0671817064285278, 0.44770556688308716, 1.3412355184555054, 0.09481583535671234, 0.23676025867462158, -0.12535373866558075, 0.8554301857948303, -0.16743893921375275, -1.4726574420928955, -0.1704779863357544, -0.17818237841129303, 0.5397905707359314, -0.08933641016483307, -0.36826851963996887, -0.07859793305397034, -0.848024308681488, 1.135595679283142, -0.15827426314353943, 0.1815904676914215, -0.08807652443647385, -0.9620664715766907, -0.2825682759284973, -0.46837231516838074, -0.7862603664398193, 0.0875399112701416, -1.8948957920074463, -0.2978615164756775, -0.5071671605110168, -0.23318935930728912, 0.3353945016860962, -0.26785120368003845, 0.891600489616394, -0.8288185596466064, -0.6565842628479004, 0.10165002197027206, 0.5281652212142944, -0.6127338409423828, -0.8483198285102844, -0.05791753530502319, -0.5337885618209839, 1.6987686157226562, -1.1909836530685425, 0.5340142250061035, 0.5128426551818848, 0.27834436297416687, -1.0408825874328613, 0.1351630836725235, -0.8203077912330627, 0.39569103717803955, 1.079850435256958, -0.8606683015823364, -0.4342244267463684, -1.1723769903182983, -0.40191787481307983, -0.7635117173194885, 0.8131008148193359, 1.1816803216934204, -0.7791263461112976, -0.06761597096920013, -0.053994376212358475, -0.14151880145072937, 0.5556982755661011, 0.2627030313014984, -0.25051093101501465, 0.3623546063899994, -0.28408071398735046, 0.9364636540412903, -0.10463278740644455, 1.0703892707824707, -1.6685088872909546, -1.3486063480377197, -0.7682574391365051, -0.3710857629776001, 0.9459713697433472, -0.35840731859207153, 1.2921783924102783, 0.3835936188697815, 0.1888675093650818, -0.30922460556030273, 0.19453227519989014, 1.0640078783035278, 0.3723052144050598, 0.3626421391963959, -0.1580907702445984, 0.4047969579696655, -0.7488181591033936, -0.2628138065338135, 0.2395165115594864, 0.4893002510070801, -1.0877851247787476, 0.05540711432695389, 0.418275386095047, -0.09861576557159424, -0.03629877790808678, -0.9811561107635498, 0.6574104428291321, -0.5213150382041931, 0.05481238290667534, -1.1631553173065186, -0.5062605142593384, 1.068597674369812, -0.8175974488258362, 1.0623682737350464, 0.8220843076705933, -0.26459699869155884, 0.7426186203956604, 0.010794863104820251, 0.9095280170440674, 0.4272533357143402, -0.8806541562080383, -0.31894880533218384, -0.10646404325962067, 0.29704612493515015, -0.04906878620386124, -0.45157569646835327, -0.6795886754989624, 0.14062155783176422, -0.5865670442581177, 0.024284489452838898, -0.36231815814971924, -0.29774564504623413, 0.423259973526001, 1.14736807346344, 0.2132217437028885, -1.5250791311264038, -0.28147196769714355, -0.8048830628395081, 0.2038373351097107, 0.7311804294586182, 1.0227947235107422, -0.20340782403945923, 0.5413601398468018, -0.1406892091035843, 1.2789247035980225, -0.36574655771255493, -0.12406337261199951, 0.41830959916114807, -0.14260785281658173, 1.0135046243667603, 0.8703949451446533, 0.007430652156472206, -0.27607035636901855, -0.2821587324142456, -0.85661780834198, 0.05250082537531853, -0.08419124037027359, 0.7964880466461182, 1.0103700160980225, -0.20731809735298157, -0.031450867652893066, -0.8995038270950317, 0.5298739671707153, -0.7326037287712097, 0.6115226745605469, -0.27209508419036865, -0.7321737408638, -0.9682158827781677, -1.088216781616211, -0.5275382399559021, 0.73590487241745, -0.5401596426963806, -0.23961959779262543, -0.28749698400497437, 0.47744765877723694, 0.12324842810630798, -0.08231152594089508, -0.09435206651687622, 0.6906008124351501, -0.19851507246494293, 0.08432120084762573, 0.610916256904602, -0.5980164408683777, -0.6955825686454773, 0.14554457366466522, -0.6589369773864746, 0.6965144276618958, 0.4084709882736206, -1.3394138813018799, -0.33678683638572693, 0.7985114455223083, 0.12664443254470825, -0.018488574773073196, 0.3499263525009155, -0.0002314504235982895, -1.487966537475586, 1.2712053060531616, 0.9698508977890015, -0.04540406912565231, -0.30672428011894226, 0.47086939215660095, 0.41160622239112854, 0.25425389409065247, 1.1918052434921265]} +{"paper_id": "ambig_qa", "embedding": [-0.6479448080062866, 0.8310607075691223, -0.29869601130485535, -0.5108733177185059, 0.5712599754333496, 0.11297595500946045, 0.5616809129714966, 0.6279056668281555, 0.9463480710983276, 0.824752151966095, 0.271513968706131, 0.07937934249639511, 0.4198217988014221, -0.5957852602005005, -0.28641560673713684, -0.5120173096656799, -0.6604137420654297, -0.2895880937576294, -1.5110570192337036, -0.2564237415790558, -0.48893868923187256, -0.8862435817718506, 0.37458181381225586, 0.9240803122520447, -0.985581636428833, -1.0651472806930542, 1.0158591270446777, -0.7991514801979065, 0.7417550683021545, 0.13427938520908356, -0.11633788794279099, 1.1118509769439697, -1.4598554372787476, 0.24516397714614868, -0.48359763622283936, -0.23033824563026428, 0.5444825291633606, 1.0396091938018799, -0.3416912853717804, -0.17112374305725098, -0.48883697390556335, 0.15597134828567505, 0.3137741684913635, 0.3571646511554718, 1.8621013164520264, -1.169747233390808, 0.9212891459465027, 0.04112803190946579, -0.6786714792251587, -0.08572784066200256, -0.8936883807182312, 0.07072224467992783, -0.27250808477401733, 0.6503208875656128, -0.40301141142845154, 0.4219568371772766, 0.6216496229171753, -0.8245531320571899, 1.0800044536590576, -1.206624984741211, 1.7949497699737549, 1.6578818559646606, 0.3151436150074005, -0.015576828271150589, 1.3824167251586914, -0.07274191826581955, 1.5010406970977783, 0.412291944026947, 0.32050424814224243, 0.7155319452285767, -0.15217913687229156, -0.44994765520095825, 0.400005042552948, 0.004143431782722473, 0.0709477961063385, 0.9313371181488037, 0.31472352147102356, -0.06093916669487953, 0.2142782211303711, -0.49831530451774597, -0.244178906083107, 0.24013806879520416, 0.2542307376861572, -0.28494083881378174, 0.5504029989242554, -0.02665034495294094, 0.2429576814174652, -1.1311954259872437, 0.5826077461242676, -1.6296396255493164, 0.7838367223739624, 0.776145875453949, -0.03890129178762436, -0.683819055557251, -0.3111145496368408, 0.5899765491485596, -1.2795926332473755, -0.20663750171661377, -0.5141340494155884, 0.48013076186180115, 0.8628743886947632, -0.3146231472492218, 0.4817952513694763, 0.0530056469142437, -0.21408799290657043, 0.7371726036071777, 0.0721282809972763, 0.12447839230298996, -0.38834047317504883, -0.6499168276786804, 0.01602841541171074, 0.9619966149330139, -0.17989858984947205, 0.2702346444129944, 0.4739060699939728, 0.40386146306991577, 0.7745218276977539, -0.770976185798645, -0.46863308548927307, 0.061807435005903244, 0.18549607694149017, -1.3836374282836914, -0.2736731171607971, -0.033257752656936646, 0.3672510087490082, -0.2704295814037323, 0.31646424531936646, -0.18771803379058838, -0.24768765270709991, 0.914962887763977, 1.3212796449661255, -0.6184828877449036, -0.5915943384170532, -0.5816356539726257, 3.0058205127716064, -1.1842020750045776, 1.753005027770996, -0.7230393886566162, -0.18678726255893707, -0.4700279235839844, -0.7794342041015625, 0.5357994437217712, 0.3302183747291565, -0.34372514486312866, -0.39984437823295593, 0.4473389983177185, -0.21600450575351715, 0.3968361020088196, -1.5820748805999756, -0.3192194402217865, -0.4096487760543823, 0.49221673607826233, -1.3405401706695557, -0.6990826725959778, 0.41854050755500793, 0.605426013469696, -0.3059680759906769, 0.1748247891664505, -0.5632727742195129, 0.5146757960319519, -0.15161210298538208, -0.4103783965110779, -0.4265476167201996, 0.3318443298339844, -0.5384824872016907, -0.7450405955314636, 0.5763717293739319, 0.10797030478715897, -1.249291181564331, 0.05337243527173996, 0.3671235144138336, -0.35597938299179077, -0.16671127080917358, 0.1983717679977417, 0.11666234582662582, 0.08510641753673553, 0.5268234610557556, 0.13144442439079285, 0.45544692873954773, -1.0769851207733154, -0.07406171411275864, 0.22659438848495483, -0.4282832443714142, 0.8091644048690796, 0.15397009253501892, 0.38809990882873535, -1.7906526327133179, 0.6260456442832947, 0.7374870777130127, 0.9407186508178711, 0.4248667359352112, -0.41213807463645935, 0.08588004112243652, 0.20838455855846405, 0.017829574644565582, -0.8552815318107605, 0.4720332622528076, -1.300933599472046, -0.09208404272794724, 0.5456571578979492, -0.5160272717475891, 0.30579760670661926, 0.25438764691352844, 0.9666593074798584, 0.44350945949554443, -0.34497231245040894, -0.8903107643127441, -1.8152155876159668, 0.4963534474372864, 2.170992374420166, 0.29074811935424805, -0.5014604330062866, -0.7652403712272644, -0.3673751652240753, -0.2435818314552307, -0.27493739128112793, -0.04673132300376892, -0.6453468203544617, 0.2947547137737274, -1.311790108680725, 0.65395188331604, -0.3661571443080902, -0.17190831899642944, 0.6058740019798279, 1.5264681577682495, -1.0496000051498413, 0.0823398232460022, -0.4553059935569763, -0.6695354580879211, 0.6670004725456238, 0.8417859673500061, 0.3942350447177887, 0.1904103308916092, 1.1606069803237915, 0.7064043879508972, 0.7428421974182129, 0.2782779335975647, 0.8577759861946106, -1.2061421871185303, 0.3249504864215851, -0.05324433743953705, 1.1013233661651611, 0.19226932525634766, 0.11259905248880386, 0.518817126750946, 0.42289039492607117, -0.46698275208473206, -0.7949711084365845, 0.15379026532173157, 0.1223444938659668, 1.1564958095550537, 0.178100124001503, -0.6467314958572388, 1.0844786167144775, -0.25364044308662415, -0.3491170108318329, -0.09139358997344971, -0.14817912876605988, -0.08692017197608948, -0.8644610643386841, 1.122764229774475, 0.19975799322128296, 0.3198680281639099, -0.07963535189628601, 0.08010844886302948, -1.2928882837295532, 0.08794185519218445, 0.8878759145736694, -0.6895721554756165, -0.6621299982070923, -0.057058289647102356, -0.5163897275924683, -1.20172119140625, -0.9938952326774597, -0.15977810323238373, 0.13953936100006104, 0.27028563618659973, 1.219498872756958, 1.4517760276794434, 0.23515474796295166, 0.10402900725603104, 0.31362783908843994, 1.4744236469268799, -0.5874831676483154, 0.22818785905838013, 0.13974696397781372, 0.6771870851516724, -0.9643922448158264, 0.319304496049881, -0.4463316798210144, 0.7014651894569397, 0.35237735509872437, -0.2667006254196167, 1.1600069999694824, -0.1407497525215149, -1.1962734460830688, 1.3420684337615967, 0.004507958889007568, -0.607681155204773, -0.18985533714294434, 1.713430643081665, 0.04740939289331436, -0.12201566994190216, 0.562602162361145, -0.08167708665132523, -0.3340280055999756, 0.8884186148643494, -0.4230862259864807, -0.04601664841175079, 0.26037150621414185, 0.12395937740802765, 0.09896674752235413, 0.6589391231536865, -2.061250925064087, 0.843366801738739, 0.7799419164657593, -0.21657411754131317, -0.3136335611343384, -0.495889276266098, 0.21187685430049896, -0.6608000993728638, 0.4836321175098419, 0.6741283535957336, -0.6184647679328918, 0.3307077884674072, -0.3901723325252533, 0.027681447565555573, 1.3117443323135376, -0.5426965951919556, 0.17750824987888336, 0.8047552108764648, -0.3883274495601654, -0.8125595450401306, -0.7078480124473572, 0.7339326739311218, -0.20263557136058807, -0.19255346059799194, 0.1144857406616211, 1.0185376405715942, 0.5378279685974121, -0.040178827941417694, -0.38745054602622986, 0.3488689064979553, 0.44049760699272156, -0.10190438479185104, -0.6173070669174194, -0.31388241052627563, 0.5097579956054688, -0.5418537855148315, 1.190733790397644, -0.6622686982154846, -0.2700239419937134, -1.1753594875335693, 0.10067236423492432, -0.25780391693115234, 0.022807616740465164, 2.047797441482544, 0.21858885884284973, 0.8457921743392944, 0.04126545041799545, 0.5802971124649048, -0.8050314784049988, 0.05733131244778633, 1.0471217632293701, 0.986814022064209, -0.07734301686286926, -0.7195404767990112, -0.06993149220943451, 0.17089232802391052, -0.23811928927898407, -0.38661423325538635, 0.5578332543373108, 0.7315440773963928, 0.3548615276813507, -0.8321516513824463, 0.2579367756843567, 1.0837316513061523, 0.3442155122756958, 1.3633137941360474, -0.06069386005401611, -0.5867666602134705, -0.3301849067211151, -0.058454737067222595, 0.2805955708026886, 0.40739941596984863, -0.15762680768966675, 0.5245246291160583, -0.011403139680624008, 0.4473239481449127, -0.35764479637145996, 1.2375497817993164, 0.8290379047393799, -0.69142085313797, -1.6583783626556396, -0.21770106256008148, -0.380826860666275, 0.05225973576307297, 0.18986395001411438, 0.17990262806415558, -0.6556417346000671, 0.5039328932762146, 0.10159329324960709, -1.2249785661697388, 0.09211201965808868, -0.8148975968360901, -1.6650727987289429, 1.2296984195709229, 1.2183665037155151, -0.887168824672699, -0.4532858729362488, -0.17175206542015076, -1.0771104097366333, -0.010442838072776794, -0.13936209678649902, -0.9633274674415588, 0.4085102677345276, 0.2532045245170593, 1.1858912706375122, -0.2613644599914551, -0.14939220249652863, -1.3095765113830566, 0.8270348906517029, 0.7085738182067871, -0.8290249705314636, 0.5335555076599121, -0.27906128764152527, 0.07663440704345703, -0.41535574197769165, -1.3493307828903198, -1.001151442527771, 0.7488604784011841, -0.6324509382247925, 0.3074303865432739, -1.1053439378738403, -0.6173115968704224, 0.16601940989494324, -0.23435690999031067, 1.0644748210906982, -0.6540778279304504, 0.28890442848205566, -0.791032612323761, -0.7234927415847778, 0.6177500486373901, -0.9672572612762451, -0.5050247311592102, 0.7747427821159363, -0.2291831076145172, 0.8873260021209717, -0.621798038482666, 0.1553913950920105, 1.3590974807739258, -0.4071940779685974, -0.5108461380004883, -0.4687301814556122, -11.699202537536621, 0.8779032230377197, 0.5133840441703796, 0.14451900124549866, 0.5350474715232849, -0.4242313504219055, 0.6297327876091003, -0.25410905480384827, 0.6087546944618225, -0.9114351272583008, 0.3700087070465088, 1.0782684087753296, 0.386944442987442, 0.07592534273862839, -0.30012044310569763, -1.189363956451416, -0.1684894859790802, -0.9781194925308228, 0.19848419725894928, 0.14157000184059143, 0.13241446018218994, 0.02610263228416443, -0.3728073835372925, -0.08089055120944977, 0.18649080395698547, -0.16518092155456543, -0.5430649518966675, -0.4108489155769348, -0.6573548316955566, 0.055933356285095215, 0.5422816276550293, -0.10999197512865067, -0.10920770466327667, -0.450468510389328, -0.8696165084838867, -0.38621580600738525, -0.09500431269407272, -0.06920762360095978, 0.7553220987319946, -0.40563639998435974, -0.3606986403465271, 0.18744738399982452, 0.4729730784893036, 0.07944779843091965, -0.36904579401016235, 0.12065322697162628, 0.10266491770744324, -0.929702639579773, 0.055065736174583435, 0.4300750494003296, -0.8726869225502014, -0.19304659962654114, -0.7454420924186707, -0.3509009778499603, 0.34147489070892334, 0.4748865067958832, -0.902106523513794, -0.5353938937187195, -0.7462244629859924, -0.6333522796630859, 0.5932667255401611, 0.285577654838562, -0.7790395617485046, 0.16648852825164795, 0.13844266533851624, -0.2208571583032608, 0.12465867400169373, 0.3639117181301117, -1.4394127130508423, 0.21854513883590698, -1.1227983236312866, 1.3408277034759521, 0.3852713108062744, 0.26869797706604004, -1.2037227153778076, 0.12629352509975433, -0.9699224233627319, 0.5014204382896423, -0.1466446816921234, 0.4953833222389221, -1.7126004695892334, 0.9587535262107849, 0.701255738735199, -0.7945941686630249, -1.2035571336746216, 0.3994264304637909, -0.36740368604660034, 0.516313374042511, 0.18337875604629517, -0.7918147444725037, 1.2356675863265991, 0.6981639862060547, -0.832970142364502, -0.22218912839889526, -0.18700042366981506, 0.6619195342063904, -0.3476502299308777, 0.21954795718193054, -0.3007637858390808, -0.6358141303062439, 0.4719122648239136, -0.5335438251495361, -0.6454375982284546, 0.5921404957771301, 0.4192890226840973, 0.3111744225025177, 0.6011055707931519, 0.08140876889228821, -0.06633862853050232, -0.5014145970344543, 1.0538408756256104, -0.1318279206752777, -0.5278304219245911, 1.4445266723632812, -0.5479563474655151, 0.5756826400756836, 0.038811080157756805, 0.37483423948287964, 0.5018622875213623, 0.22497525811195374, -0.8297951817512512, 0.7478882074356079, -0.17760512232780457, 1.4300463199615479, -0.43947526812553406, 0.13875411450862885, 0.27140915393829346, 0.25990182161331177, 0.40979984402656555, -1.0240346193313599, 0.4804818034172058, -0.3451281189918518, -0.08450083434581757, -0.8850046396255493, -0.3017731010913849, -0.0528353676199913, -0.11862075328826904, 1.716729998588562, -0.7115102410316467, -0.5393273830413818, -0.19222310185432434, -0.05096080154180527, -0.15469275414943695, -1.4659788608551025, -0.9681617617607117, 0.36687445640563965, -0.7897181510925293, 0.2769841253757477, -0.6637306809425354, -0.28107357025146484, 0.1487116515636444, -0.5409803986549377, 1.4091287851333618, -0.41495704650878906, -0.2404177486896515, -0.891994059085846, 0.8656454086303711, -0.5312747359275818, -0.8117119073867798, 0.08716914057731628, 0.3098316490650177, 0.46057942509651184, -0.6834413409233093, 1.2109185457229614, 0.06690602004528046, -0.7548087239265442, -0.14058512449264526, 0.0992390513420105, 0.07424410432577133, -0.14191913604736328, 0.859609842300415, -0.7613356709480286, 0.22553960978984833, -0.28234919905662537, -0.3216251730918884, -0.9172917604446411, 0.3110746443271637, 1.1572299003601074, -0.5758107900619507, -0.38591694831848145, 0.04682065546512604, 1.356350302696228, -0.050711411982774734, -0.2496422827243805, -0.13785305619239807, 0.2613219916820526, 0.3440561294555664, 0.9697059988975525, 0.4191843569278717, 0.6970998048782349, -1.5550625324249268, -1.0600180625915527, -0.11084407567977905, 0.11119566857814789, 0.731888473033905, 0.7266992926597595, 0.24090182781219482, 0.3171926736831665, -0.2670944035053253, -0.11330048739910126, 0.3074478209018707, 1.0264111757278442, 0.16195225715637207, 0.18643824756145477, -0.4134349226951599, 0.502448320388794, 0.040487244725227356, 0.0011743120849132538, 1.063011884689331, 1.200819492340088, -0.8891334533691406, -0.1896331012248993, 0.16197293996810913, 0.23618309199810028, 0.3818126916885376, -1.2831600904464722, -0.161304771900177, -0.46635714173316956, -0.4541794955730438, -1.4242018461227417, 0.024118050932884216, 0.8767089247703552, -0.4739524722099304, 1.0486842393875122, 0.5981706976890564, 1.1755430698394775, 0.9164019823074341, 0.21996980905532837, 0.29836344718933105, 0.036495283246040344, 0.0169212706387043, 0.6853443384170532, 0.049020931124687195, -0.2705228626728058, -0.7336735129356384, -1.261979579925537, -0.3642417788505554, 0.9192534685134888, 0.050277918577194214, 0.7613131403923035, -0.05463745445013046, 0.6978455185890198, 0.3420579433441162, 1.0209367275238037, -0.23039498925209045, -1.3945837020874023, -0.06882189214229584, -0.9622200131416321, 0.36043843626976013, 0.4894019365310669, 0.07243911176919937, 0.7079185247421265, 0.8721098899841309, -0.15996907651424408, 0.9563330411911011, -0.7105193734169006, -0.14253665506839752, 0.08453022688627243, -0.499758243560791, 1.1448968648910522, 0.5298119783401489, 0.13327676057815552, 0.37053123116493225, -0.707063615322113, -0.8685004115104675, -0.22707578539848328, -0.1914154291152954, 1.1939181089401245, 0.47688913345336914, -0.6508337259292603, -0.3965432643890381, 0.023933792486786842, 1.1169122457504272, -0.615912139415741, 0.7000195384025574, -0.3965607285499573, -0.37770289182662964, -0.01168050616979599, -0.47103527188301086, -0.025206156075000763, 0.6400112509727478, 0.09458562731742859, -0.1708367019891739, -0.08611389994621277, 0.019702689722180367, -0.08119627088308334, -0.5460058450698853, -0.5698943138122559, -0.27598658204078674, -0.6668779850006104, 0.021470285952091217, 0.29135677218437195, -0.9418109655380249, -0.48665541410446167, -0.2834562659263611, -0.8262825608253479, 0.518225908279419, 0.16009612381458282, -1.1301825046539307, -0.633273184299469, 0.17309154570102692, -0.4781895875930786, 0.7282528877258301, -0.5073897838592529, -0.5394899845123291, -1.4220378398895264, 0.2594035267829895, 1.3370007276535034, -0.19127996265888214, -0.44382911920547485, 0.0846354216337204, 0.5964853167533875, 0.18346735835075378, 0.837368905544281]} +{"paper_id": "ethos", "embedding": [-0.9159746766090393, 1.560987949371338, 0.18017347157001495, -0.03894706442952156, 0.641629159450531, 0.32107967138290405, 0.4025212824344635, -0.25063586235046387, 0.2547587752342224, 0.861630916595459, 0.3337521553039551, -0.046261776238679886, -0.07822726666927338, 0.3235679268836975, -0.17985737323760986, 0.13153581321239471, -0.4131760597229004, 0.00781321246176958, 0.3426285982131958, 0.2628917396068573, -0.5642792582511902, -0.7010887861251831, -0.02328372560441494, 0.4588370621204376, -1.3062800168991089, -0.08310103416442871, -0.23332758247852325, -0.3103356659412384, -0.4320046305656433, -0.4279494881629944, -0.1739063262939453, 1.1012959480285645, -1.5447202920913696, 0.31821900606155396, -0.4442310929298401, -0.0716438740491867, -0.395515114068985, 0.5959078669548035, -0.7380922436714172, -1.379226565361023, -0.6580172777175903, 0.8955568671226501, 1.2106645107269287, 0.3941197097301483, 0.7043857574462891, 0.3429296612739563, 0.3416707515716553, -0.24441762268543243, 0.15823815762996674, -0.6797751784324646, -0.29772570729255676, 0.5312856435775757, 0.06552594900131226, -0.015164926648139954, -0.6469566822052002, 0.622098982334137, -0.6883585453033447, -0.6857237815856934, 0.26212748885154724, -0.4442752003669739, 0.8297276496887207, 1.2933738231658936, 0.3838439881801605, 0.1748271882534027, 0.4764195382595062, -0.3379427194595337, 0.7018460631370544, -0.46168267726898193, 0.28773102164268494, 0.19184167683124542, -0.5279123783111572, -1.4006725549697876, -0.1641877293586731, 0.18302106857299805, -0.6615396738052368, 0.20661497116088867, 0.08283521980047226, 0.3788034915924072, 0.11770143359899521, 0.9237565994262695, 0.18529637157917023, 0.7620034217834473, 0.17366498708724976, -0.1970050036907196, 0.42602860927581787, -0.14948444068431854, 0.18421190977096558, -0.357169508934021, 0.2730795443058014, -0.9056092500686646, 0.9403119683265686, -0.27686214447021484, 0.42693769931793213, 1.179701805114746, -0.7947580814361572, 1.1578083038330078, -0.12505888938903809, 0.5228462219238281, -0.6277477741241455, 1.0259448289871216, 0.4705430269241333, -0.3736196756362915, 0.5170081853866577, -0.7570484280586243, -0.3520064651966095, 0.8214583992958069, -0.04502391070127487, -0.47202640771865845, -0.07615549862384796, -0.1251816600561142, -0.13952171802520752, 1.1136174201965332, -0.1440902203321457, 1.0229086875915527, 0.0071702199056744576, 0.1481853425502777, -0.5579044222831726, -0.8282315731048584, -0.1555142104625702, 0.6792795062065125, -0.8126921653747559, -1.1206080913543701, 0.11115667968988419, 1.0126802921295166, 1.9670639038085938, 0.03869545832276344, 0.7649146914482117, -0.4683035612106323, -0.5298706889152527, -0.10281901806592941, 0.5278351306915283, -0.3797280788421631, -0.4944974184036255, 0.302822083234787, 2.7309043407440186, -1.5318349599838257, 1.0349100828170776, -0.3455743193626404, -0.24868983030319214, -0.22338640689849854, -0.33941519260406494, 1.6316770315170288, 0.16855204105377197, -1.2912787199020386, -1.3904459476470947, 0.1333114355802536, -0.4527130722999573, 0.1969575434923172, -0.22946706414222717, -0.27998459339141846, -0.16223834455013275, 0.3288414478302002, -1.1068129539489746, 0.3579960763454437, 0.23076261579990387, 0.05150643736124039, -0.30005788803100586, 0.15442706644535065, -0.6233257055282593, 0.1078106015920639, 0.3671695291996002, 0.5925102233886719, -0.459529310464859, 0.7425733804702759, -0.5475137233734131, -0.2567663788795471, 1.189455270767212, -0.08197330683469772, -1.5037771463394165, -0.2554590404033661, 0.7685802578926086, -0.451292484998703, 0.05717223882675171, 0.04547882825136185, -0.5963049530982971, -0.45127007365226746, 0.3610149323940277, 1.2791872024536133, 0.5941422581672668, -0.37293219566345215, -0.4390980303287506, -0.16658812761306763, -0.37735167145729065, 0.6156956553459167, -0.7498836517333984, -0.674435019493103, -1.657416582107544, 0.30250874161720276, -0.14238819479942322, 0.485241174697876, 0.4605688452720642, -0.09343515336513519, -0.1202317401766777, 0.8052459359169006, -0.7045851945877075, 0.2395457774400711, 0.5065590739250183, -1.823266625404358, 0.38441455364227295, 0.0071288421750068665, 0.49937233328819275, -0.823928952217102, -0.42160990834236145, 0.33639195561408997, 0.7875922918319702, -0.06243397668004036, -0.8127263188362122, -1.9864070415496826, 0.8827582597732544, 1.9220921993255615, 0.22415806353092194, -0.6026678085327148, -0.5360929369926453, 0.34265607595443726, -0.1336567997932434, 0.011513452976942062, 1.0068910121917725, -0.9141108989715576, -0.1865461766719818, -0.8402034044265747, 0.42963695526123047, -0.23295345902442932, 0.16425707936286926, -0.0944201871752739, 0.5408909320831299, -0.7464439868927002, -0.8439654111862183, -0.28485578298568726, -0.6319755911827087, 0.6371011734008789, 0.34888216853141785, 0.12992069125175476, 0.5560048818588257, 1.1865413188934326, 0.6302284002304077, 0.8340249061584473, 0.08451654762029648, -0.08445088565349579, -0.4552881419658661, 0.2875559329986572, 0.10971048474311829, -0.3458762764930725, 0.024184882640838623, -1.2405967712402344, 0.5543226599693298, 0.40778207778930664, -0.3247302770614624, -0.7315987944602966, -0.8106381893157959, 0.33375856280326843, 0.727599024772644, 1.1995798349380493, -0.9461419582366943, 0.30755823850631714, -0.022054633125662804, 0.21037080883979797, -0.00016687065362930298, -0.3141017556190491, -0.09755919128656387, -0.41120386123657227, 0.5185897946357727, -0.15546786785125732, -0.5483725666999817, 0.030252784490585327, -0.5215198993682861, -0.011867143213748932, -0.7772665619850159, 0.5763489603996277, -0.9580709934234619, -0.3893822729587555, 0.1055847555398941, -0.6474929451942444, -1.5690186023712158, -0.8727486729621887, -0.019383836537599564, 0.3824453055858612, -0.7343307733535767, 0.3652728497982025, 0.8087136149406433, -0.25537267327308655, 0.33439600467681885, -0.3232704997062683, 0.6278592944145203, -0.044949010014534, 0.3040958642959595, -0.6174500584602356, -0.10888778418302536, 0.29350653290748596, -0.6072862148284912, -0.3415380120277405, 0.3324773609638214, 0.5230222940444946, -0.6649248003959656, 0.9988885521888733, -0.41459205746650696, -0.5307697057723999, 1.1699779033660889, 0.24457061290740967, 0.04241170361638069, -0.24185359477996826, 0.20751938223838806, 0.7562656402587891, -0.7740922570228577, 0.5584274530410767, -0.6420287489891052, -0.1201128214597702, 1.0107005834579468, -1.0725488662719727, -0.023613447323441505, 0.49217259883880615, -0.4594598710536957, -0.5220370292663574, 0.487286239862442, -1.2966465950012207, 0.32369500398635864, 1.1054397821426392, -0.12616078555583954, 0.47812342643737793, -0.4559515416622162, 0.933938205242157, -0.45551979541778564, -0.008135729469358921, -0.6413077116012573, -0.31903505325317383, 1.0006203651428223, -0.2021373212337494, 0.6227313876152039, -0.587432861328125, -1.3702821731567383, -0.38968518376350403, 0.23473753035068512, 0.7060719728469849, -0.5990445613861084, -0.10837025195360184, 0.6228419542312622, -0.5284382700920105, 0.7706129550933838, 0.06079097464680672, 0.7165516018867493, 0.3718831539154053, -0.3863937258720398, -0.28382453322410583, -0.05267549306154251, 0.28201985359191895, -0.24205482006072998, -0.5112713575363159, 0.5998027920722961, 1.3937864303588867, -0.8297111392021179, 1.2664161920547485, -0.02739984169602394, -0.35384440422058105, -1.4403351545333862, -0.4464949071407318, -0.1558845341205597, -0.01894831284880638, 1.0436698198318481, 1.1324063539505005, 1.414128303527832, -0.5862898230552673, 0.19236110150814056, -0.3290226459503174, 0.5234074592590332, 0.8554706573486328, 0.892800509929657, 0.8409712910652161, -0.3116794228553772, 0.734244704246521, 0.6028156280517578, 1.0735756158828735, -0.5476473569869995, 0.34830784797668457, 1.0725282430648804, -0.5564668774604797, -0.07675620913505554, 0.1898791491985321, -0.6873422265052795, 0.5746400356292725, 1.2226396799087524, -0.06647195667028427, -0.6704086065292358, -0.7894109487533569, 0.2881641685962677, 1.0389443635940552, 0.008186392486095428, -0.32365381717681885, 0.24377796053886414, 0.3066656291484833, 0.3933749198913574, -0.056180018931627274, 0.6379863023757935, 0.9436467289924622, -0.17697560787200928, -1.0738089084625244, -0.13508301973342896, -1.1395437717437744, 0.05778976529836655, 0.012939229607582092, 0.2040701061487198, -0.22394172847270966, 0.6822287440299988, -0.6236881017684937, -1.6222094297409058, 0.6592985391616821, -0.12954941391944885, -0.3907869756221771, 1.3144714832305908, 1.0170987844467163, -1.3462011814117432, -1.4239851236343384, -0.14542953670024872, -0.5991482734680176, -0.7032549381256104, 0.0886252373456955, -0.6549742817878723, 1.4273585081100464, 0.25372573733329773, -0.06112797185778618, 0.3098343014717102, 0.2136894315481186, -0.6371083855628967, 0.9367781281471252, 1.412007212638855, -0.9959613680839539, 0.3472544550895691, 0.2839192748069763, -0.14815831184387207, 0.7316774129867554, -1.1506407260894775, -0.6031095385551453, 0.784469485282898, 0.7622331380844116, 0.33878108859062195, -0.89371258020401, -0.4108445644378662, 0.129425048828125, 0.08763399720191956, 0.6230279803276062, -0.38150978088378906, 0.37303388118743896, -0.8220698833465576, 0.02189030312001705, 1.2991923093795776, -0.5446818470954895, -1.0689818859100342, 0.7468878626823425, -0.3600430488586426, 0.4254786968231201, -0.32780683040618896, -0.13688480854034424, 1.1891053915023804, 0.4376171827316284, 0.539379894733429, -0.2035023272037506, -11.519791603088379, 1.0589103698730469, -0.4786655604839325, 0.9120628833770752, 0.634382426738739, -0.3106045126914978, 0.00803256407380104, 0.2822270393371582, 2.102229356765747, -0.8894597291946411, -0.29622724652290344, 2.0452475547790527, -0.337807834148407, -0.3555411994457245, -0.7628360390663147, -1.1554350852966309, -0.5950223803520203, -0.6659285426139832, 0.16726906597614288, 0.22664788365364075, 0.009376291185617447, -1.1273739337921143, -0.2763235569000244, -1.259812831878662, 0.5763915181159973, -0.5466178059577942, -0.10480830818414688, -1.121645212173462, -0.6235067844390869, 0.5285533666610718, 1.1979820728302002, 0.05943382903933525, -0.07645456492900848, -0.04721272736787796, -0.5584567785263062, 0.6306188702583313, -0.9989213943481445, -0.8097335696220398, 1.141625165939331, -0.03663850203156471, 0.4813365936279297, 0.4481070935726166, 0.6708494424819946, -0.447489857673645, -0.5702897310256958, 0.1455853432416916, -0.8196231722831726, 0.28991931676864624, -0.1769305020570755, -0.04546672850847244, 0.14529483020305634, -0.5063489675521851, -1.4377955198287964, 0.04968563839793205, 1.366595983505249, 0.07668521255254745, -1.3477224111557007, -0.4100147485733032, -1.2338284254074097, -1.1060686111450195, 1.347006916999817, 0.26035356521606445, 0.26121699810028076, 0.8086234331130981, 0.6482148170471191, -1.0688056945800781, 0.4955325424671173, -0.003022553399205208, -0.1585513800382614, 0.6629114151000977, -0.14515548944473267, 1.3311328887939453, 0.6198587417602539, 0.6251636743545532, -0.19922611117362976, -0.308363139629364, -0.5886378884315491, 0.2924027442932129, 0.696744978427887, -0.6773735880851746, -1.2167463302612305, 1.0575811862945557, -0.32160788774490356, -0.4943178594112396, -0.26508477330207825, 0.5358849763870239, -0.3710293173789978, -0.7098932862281799, 0.5293378829956055, 0.5554410815238953, 0.28888043761253357, 0.061110541224479675, -0.5577617287635803, 0.06316190958023071, -0.9938790798187256, 0.3068285584449768, -0.8345562219619751, 1.4383745193481445, -0.6044332981109619, 0.47670137882232666, 0.35907313227653503, 0.12484874576330185, -0.7687705755233765, -0.05752487853169441, 0.2506169378757477, -0.34963759779930115, 0.5479074716567993, 0.15813639760017395, -0.09275586903095245, 0.09333676844835281, -0.06691530346870422, -0.041299350559711456, -0.058381713926792145, 0.7867924571037292, 0.17487820982933044, 0.23473142087459564, 0.8493045568466187, -0.7756265997886658, 0.19636650383472443, 0.8161607980728149, -0.2872180938720703, 0.4369279444217682, -0.2529672682285309, 0.757654070854187, 0.22114428877830505, 0.5643510818481445, 0.5950930118560791, -0.5414497256278992, -0.3762764632701874, -2.100381851196289, 1.015161156654358, -0.4799972474575043, 0.5113710761070251, -1.1632647514343262, -0.03290528431534767, -0.3103739619255066, -1.17179536819458, 0.490363746881485, -1.3029985427856445, 0.3761090636253357, -0.509884238243103, -0.32461994886398315, -0.756130039691925, -0.565687894821167, -0.45874375104904175, 0.17673085629940033, -1.2326972484588623, -0.006836112588644028, -0.8170843720436096, -0.056743472814559937, -0.18758918344974518, -0.5470840930938721, 0.5559884905815125, -1.1243700981140137, -0.2876458466053009, 0.36127421259880066, 0.41034287214279175, -0.7460646629333496, -0.5388326048851013, -0.4276142418384552, 1.2672724723815918, 1.2936211824417114, -0.6736974716186523, 0.7547882795333862, 0.3674619197845459, -0.2645556926727295, -0.4037833511829376, 0.002900920808315277, -0.07595868408679962, 0.06329740583896637, 1.3926879167556763, -0.2599206566810608, -0.2888544797897339, 0.4872872829437256, 0.521671712398529, -0.7047821879386902, 1.0049506425857544, 1.1338611841201782, -1.825522541999817, 0.2907608151435852, 0.08508822321891785, 0.2610676884651184, 0.49772629141807556, -0.7776000499725342, -0.08407346904277802, 0.5405558943748474, -0.37999144196510315, 1.1941652297973633, -0.25748303532600403, 0.3790597915649414, -1.87093985080719, -1.4647021293640137, -0.6560356616973877, 0.2902151048183441, 0.6532977223396301, -0.033719252794981, 0.45412683486938477, 0.5102629661560059, -0.15948443114757538, -0.3896935284137726, -0.17382216453552246, 0.698932409286499, -0.19762884080410004, 0.056079018861055374, -0.8689035773277283, -0.6327390670776367, -0.733312726020813, -0.06843104213476181, 0.17152045667171478, 0.3367413282394409, -1.3540416955947876, -0.2730371356010437, -0.12047626078128815, -0.42655712366104126, 0.9743180274963379, -0.4135247766971588, -0.3755131959915161, 0.11066275835037231, -0.8248640894889832, -0.7642700672149658, 0.17415933310985565, 1.262233853340149, 0.341452419757843, 1.3191659450531006, 0.1801932454109192, 0.6921716332435608, 0.5307974815368652, 0.7940737009048462, 1.4562596082687378, 0.0009081102907657623, 0.072736956179142, -0.1547308713197708, -1.0485788583755493, 0.3781270980834961, -0.13061021268367767, -0.08625133335590363, -0.7935382723808289, 0.37108534574508667, -1.0561821460723877, -0.7131668925285339, -0.5733381509780884, 0.13238847255706787, 0.4783124327659607, 0.7360408902168274, -0.9603520631790161, -0.26478588581085205, -1.1844979524612427, -0.5238922238349915, -0.2589152455329895, 0.03089050017297268, 0.8446828722953796, 1.3151146173477173, 0.5956666469573975, 0.3283544182777405, 0.9558160901069641, 0.4729650020599365, 0.5576629638671875, 0.1596928834915161, 0.1124713271856308, 1.5195338726043701, 1.022305965423584, 0.002139471471309662, -0.05923188477754593, 0.4668947458267212, -1.1135783195495605, -0.08115822076797485, -0.8403228521347046, 0.6125690937042236, 0.28296589851379395, -0.5637508034706116, 0.4291629195213318, -0.32679396867752075, -0.13118219375610352, 0.23045285046100616, 0.532809317111969, 0.4104176163673401, -0.05025646090507507, 0.15072807669639587, -0.4949318766593933, -0.029803091660141945, 0.38671064376831055, -0.623704195022583, -0.03523365035653114, -1.2786767482757568, 0.5877711176872253, 0.003174177370965481, -0.5853307843208313, -1.1486470699310303, 0.9912084937095642, -0.358762264251709, 0.7098116278648376, 0.4283105731010437, -1.3869638442993164, -1.0537086725234985, 0.13338059186935425, -0.15479086339473724, 0.12434845417737961, 0.06208789348602295, -1.386916160583496, 0.1219484806060791, 0.588292121887207, 0.34323832392692566, 0.33040961623191833, -0.3169746398925781, 0.1388324648141861, -1.2159578800201416, 1.1987686157226562, 1.0692204236984253, 0.6639400124549866, -0.1177009865641594, 0.8592249751091003, 0.09436625242233276, 0.37568262219429016, 1.491743803024292]} +{"paper_id": "multi_x_science_sum", "embedding": [-0.2752343714237213, 1.3048444986343384, -0.3356200158596039, -0.10671141743659973, 0.2635652720928192, -0.43088299036026, 1.2226670980453491, 0.7036681175231934, 0.28723809123039246, 0.697003960609436, 0.7433080673217773, 0.29026558995246887, -0.14727918803691864, 0.7658621668815613, -0.18236486613750458, -0.43779516220092773, -0.37247779965400696, -0.7218399047851562, 0.12501828372478485, -1.2283897399902344, -1.009313941001892, -0.1628139317035675, 0.060069914907217026, -0.4087299406528473, -0.5552768707275391, -0.08095764368772507, 0.7535884380340576, -1.0534303188323975, 0.18369421362876892, 0.46048393845558167, 0.32787901163101196, 1.03861403465271, -1.8707313537597656, -0.19337674975395203, -0.886753499507904, -0.21154683828353882, -0.09442434459924698, 1.0982439517974854, -0.034148454666137695, -0.10562252998352051, -0.6545925736427307, 0.2808496952056885, 1.0426157712936401, -0.2215736359357834, 0.4486100673675537, -0.6197038292884827, 0.24529962241649628, 0.09079854190349579, -0.12907558679580688, -0.32507339119911194, 0.6783654689788818, 0.46567773818969727, 0.2548005282878876, 0.4990514814853668, 0.04816205054521561, 1.7331429719924927, 0.09656874090433121, -0.8020662069320679, 0.24858388304710388, -0.9539581537246704, 1.0509134531021118, 1.2920291423797607, -0.21817268431186676, -0.570338249206543, 1.3768870830535889, -0.22528521716594696, 1.027564525604248, 0.35391104221343994, 0.9313482046127319, 0.7772417664527893, -0.9786813855171204, -0.9500851035118103, -0.31310755014419556, -0.2238205075263977, -0.43655630946159363, 0.6904973983764648, 0.34643974900245667, -1.2988722324371338, 0.7196276783943176, 0.03199916332960129, -0.6127312183380127, 0.8354224562644958, 0.887549638748169, -0.4610016345977783, -0.7865961194038391, -0.5379127264022827, -0.12152118235826492, 0.06661206483840942, 0.46160319447517395, -1.4669829607009888, -0.3844871520996094, 0.12776730954647064, -0.8288543820381165, -0.368203341960907, -0.5143895149230957, 0.10785729438066483, 0.4085577726364136, -0.3788626790046692, -0.8691896200180054, 0.24711689352989197, 0.9182626605033875, -0.6283185482025146, 0.0983734130859375, 0.12665390968322754, 0.7763646245002747, 0.5957220792770386, -0.7004030346870422, -0.20909124612808228, -0.46619993448257446, -0.6650168299674988, -0.18721351027488708, 0.4685114622116089, 0.3135579228401184, 0.4330638647079468, -1.0016120672225952, -0.5869346261024475, -0.21909528970718384, 0.5025931596755981, -1.1467771530151367, -0.45642924308776855, -0.6362860798835754, -1.6435565948486328, -0.257362961769104, 0.38947606086730957, 0.842309832572937, -0.8247633576393127, 0.11905044317245483, -0.41915106773376465, -0.032163944095373154, -0.008665303699672222, 0.43638721108436584, 0.034734033048152924, -0.7391342520713806, -0.18594306707382202, 2.5845112800598145, -0.27142608165740967, 1.3844578266143799, 1.318177580833435, -0.055153049528598785, -0.5476568341255188, 0.010604485869407654, 1.3274763822555542, 0.23779058456420898, -1.1128315925598145, -0.1235266700387001, 0.006703101098537445, -0.9238656759262085, 1.022322654724121, -1.0880157947540283, -0.3160414397716522, -0.5831586718559265, 0.22239674627780914, -0.9158138632774353, -0.7224907279014587, 0.027667921036481857, 0.31242942810058594, 0.3905452787876129, 0.10352584719657898, -0.5507060885429382, 1.39509117603302, 0.975476086139679, 0.8357062935829163, -0.3305039703845978, 0.6677852869033813, -0.5735471248626709, 0.10907305777072906, 1.1999001502990723, 0.14263007044792175, -0.6999305486679077, -0.48919248580932617, 0.9095145463943481, -0.768326997756958, 0.1806013286113739, 0.19325046241283417, -0.021474475041031837, -0.2466869056224823, 1.0378977060317993, 0.06895587593317032, 0.0494193397462368, -0.5450247526168823, -0.348958283662796, 0.04302925243973732, 0.4527238607406616, 0.254629522562027, 0.35506242513656616, 0.7710748910903931, -1.2611931562423706, -0.4215637445449829, -1.1350990533828735, 0.7230699062347412, -0.09814183413982391, -0.012960810214281082, 0.0926172062754631, 0.25990036129951477, -0.7869881987571716, -0.7642736434936523, -0.014878872781991959, -1.183942198753357, 0.49690383672714233, 0.6091129779815674, -0.18088938295841217, 0.7239624261856079, 0.3347893953323364, 0.4434676766395569, 1.6473402976989746, -0.5045953989028931, -0.9370815753936768, -1.6015492677688599, 0.9911429286003113, 0.8951259851455688, -0.7565880417823792, -0.03620646148920059, -1.848281979560852, -0.4267110228538513, 0.821632444858551, -0.5525368452072144, -0.6310166120529175, -0.12080816179513931, -0.35730284452438354, -0.9281210899353027, 0.7367408275604248, -1.110535740852356, 0.03333357721567154, 0.2956724464893341, 1.1649737358093262, -0.6317281723022461, -0.25180524587631226, -0.08005212247371674, -1.5938754081726074, 0.4411170482635498, 1.1196852922439575, -0.29043424129486084, -0.28751301765441895, 1.0124473571777344, -0.294943630695343, 0.4235062599182129, 0.11841153353452682, 0.23609663546085358, -0.04320359230041504, -0.625603437423706, -0.11867013573646545, 0.6640617847442627, -0.19353021681308746, -0.2983483374118805, -0.2774520516395569, -0.2608310580253601, -0.1200445368885994, -0.5058784484863281, -0.2909603714942932, -0.43273013830184937, 0.4550495743751526, 1.2354283332824707, -0.1717381328344345, 2.050784111022949, -0.7607530355453491, -0.12933844327926636, 0.000573229044675827, -0.7739287614822388, -0.09876310080289841, -0.3336225748062134, 0.4001295268535614, 0.5335085391998291, 0.5735265612602234, -0.26928937435150146, -0.009141921997070312, -0.7382248044013977, -0.2977675199508667, -0.3586191236972809, -1.0672680139541626, -1.3709449768066406, -0.29417580366134644, -0.3837330937385559, -1.0882093906402588, -0.5982852578163147, 0.18345195055007935, 0.3748359680175781, 0.018789008259773254, 0.49261102080345154, 0.8841346502304077, 0.6012486219406128, 0.6254528760910034, -0.43022942543029785, 0.6812903881072998, -0.06027042865753174, 1.1171191930770874, -0.4209350049495697, -0.6388700604438782, -1.8000173568725586, -0.07365114241838455, -0.558875560760498, 0.042853303253650665, 0.1596381664276123, -0.2863141596317291, 1.0247312784194946, -0.020642325282096863, -1.5524436235427856, 0.3462270498275757, -0.2910470962524414, -0.4169985055923462, -1.0773018598556519, 1.1200037002563477, 0.3409711718559265, -0.4962424337863922, 0.53803950548172, 0.5403633117675781, -0.07765428721904755, 1.556350588798523, -0.7515134811401367, 2.0838732719421387, -0.16632360219955444, -0.10746632516384125, 0.4928407371044159, -0.2549950182437897, -1.6378854513168335, 0.17741210758686066, 1.3531912565231323, -0.5503676533699036, -0.41899800300598145, -0.6060081124305725, -0.5021329522132874, 0.0055700745433568954, -0.13838598132133484, -0.04743263125419617, -0.7441756725311279, 0.7747799754142761, -0.2300977110862732, 0.37164008617401123, 1.7626923322677612, -0.7877359390258789, 1.235518455505371, 0.7874053120613098, 0.3455227017402649, -0.5776636004447937, -1.0385781526565552, 1.288948655128479, 0.35314565896987915, 0.9230589866638184, -0.093314029276371, 0.8672806024551392, 1.0233556032180786, -1.024472951889038, -0.370146781206131, 0.7261480689048767, 0.9445292353630066, 0.58039391040802, 0.36159464716911316, -0.16480471193790436, 1.3468103408813477, 0.08657369762659073, 0.9506708383560181, 0.36523106694221497, -0.512817919254303, -1.0040091276168823, -0.2743871510028839, -1.1994160413742065, -1.2657160758972168, 1.3667060136795044, 0.7980881929397583, 2.0186967849731445, 0.2694309651851654, 0.6196675300598145, 0.42165473103523254, -0.2851155400276184, 0.07930966466665268, 0.5310696959495544, 0.0899588093161583, -0.17542648315429688, 1.1178081035614014, 1.001057505607605, -0.5201103091239929, -0.030739588662981987, -0.3794514536857605, -0.22610130906105042, -0.7069432139396667, -0.35547322034835815, 0.5800822377204895, 0.5852542519569397, 1.0585507154464722, 2.141852378845215, -0.4704778492450714, -0.46348294615745544, -0.2237638533115387, -0.5057045817375183, -0.12906207144260406, 0.3831494152545929, -1.3824213743209839, -0.020123744383454323, 0.4501478672027588, -0.1430855244398117, -0.6188645362854004, 0.8833388686180115, 0.4087200164794922, 0.23824207484722137, -1.302438497543335, -0.4198082685470581, -0.862216055393219, -0.34848278760910034, -0.629433810710907, 0.5080872178077698, -0.7534821629524231, 0.5772948861122131, -0.4045187830924988, -1.1464499235153198, 0.2786843180656433, -0.3087290823459625, -0.884796142578125, 0.7009841799736023, 1.3027232885360718, -1.6620594263076782, -0.3593616783618927, -0.07996940612792969, -1.0676414966583252, -0.23989875614643097, 0.04513263329863548, -0.5655175447463989, 0.08175761997699738, -0.19164147973060608, 0.8194074630737305, 0.5160174369812012, -0.07985574752092361, -0.972367525100708, 0.44505608081817627, 0.9940825700759888, -0.9526932239532471, 0.9253852367401123, 0.07860526442527771, 0.3185631036758423, 0.05183378979563713, -1.3072173595428467, -0.5913071036338806, 0.5546793341636658, -0.0856686607003212, 0.023083213716745377, -0.6581411957740784, -0.5618684887886047, -0.42596104741096497, 0.6636333465576172, 0.9504961967468262, -0.8584840297698975, 0.010035696439445019, -0.762811005115509, 0.12358969449996948, 0.07752174139022827, -0.5466699004173279, -0.14581164717674255, 1.0541749000549316, -0.019443437457084656, 0.6595039367675781, -0.43741393089294434, -0.19786320626735687, 0.883540153503418, 0.23217901587486267, -0.38801854848861694, -0.5260844826698303, -11.322941780090332, 0.5278704166412354, -0.452403724193573, -0.017158176749944687, 0.7623473405838013, 0.3864523470401764, 1.0486770868301392, -0.8314537405967712, 0.894345760345459, -0.3276095688343048, 0.17770469188690186, 1.6790359020233154, 0.12097226083278656, -0.5382155776023865, -0.6465524435043335, -1.505599021911621, -0.18519440293312073, -0.43578940629959106, 0.5946424007415771, -1.5225211381912231, 0.7890008091926575, -0.6365610361099243, 0.1945263296365738, -0.2846581041812897, 0.23918268084526062, -0.5164892673492432, -0.11235059052705765, 0.14045441150665283, -0.6803261637687683, 0.678087592124939, 0.7961840629577637, -0.11839921772480011, -1.2563790082931519, -1.183652400970459, 0.42387837171554565, -0.18742699921131134, -1.3225632905960083, 0.04595024883747101, 0.45630913972854614, -0.6116316914558411, 0.23349805176258087, 0.3236809968948364, -0.1301615983247757, -0.15734949707984924, -0.5701853632926941, 0.014601707458496094, 0.1617504209280014, -0.505725622177124, 0.5584378242492676, -0.3883414566516876, -0.6607412695884705, -0.30952492356300354, -0.4158325493335724, -0.040700484067201614, 0.9392189383506775, 0.2213914692401886, -1.0213260650634766, 0.3127283453941345, -0.620964527130127, -0.5609879493713379, 0.477079302072525, -0.1237448900938034, -0.0883188545703888, -0.11994628608226776, 0.5825056433677673, -0.2488480657339096, 1.3752940893173218, 0.2365230917930603, 0.08388837426900864, 0.02493266388773918, -0.20308583974838257, 1.2700313329696655, 0.9761625528335571, -0.9854828715324402, 0.7228295207023621, 0.053896404802799225, 0.23669885098934174, -1.183229923248291, 0.07958383858203888, 0.5892378687858582, -0.8862395286560059, 0.4271693825721741, 0.16349449753761292, -0.6906381249427795, -1.1316561698913574, -0.2703621983528137, 0.1057959571480751, -0.9959945678710938, 0.3204919397830963, -0.5012072920799255, 1.274762749671936, 0.1036328449845314, -0.3465251922607422, -0.6463215351104736, -0.2952820956707001, 1.1169557571411133, -0.9052119851112366, 0.5826882123947144, -0.04430532827973366, -0.770409882068634, 0.1300579458475113, 0.03283315151929855, -0.31034719944000244, -0.8991606831550598, 0.8698186278343201, -0.4301597476005554, 0.023452669382095337, 0.31530433893203735, -0.4865965247154236, 0.014305830001831055, 0.3257254362106323, 0.1534314751625061, -0.18139588832855225, 1.2306122779846191, -0.4825647175312042, 1.6479055881500244, 0.7175314426422119, -0.7312575578689575, -0.056139424443244934, 1.5497338771820068, -0.5227786898612976, 0.6654583215713501, 0.5149213671684265, 0.6056330800056458, -0.04883807525038719, 0.42575308680534363, -0.5267636179924011, 0.14536936581134796, -0.6340999007225037, -0.32428768277168274, -0.19427630305290222, -0.2541942894458771, 0.35015782713890076, -0.5963907837867737, -0.688098669052124, -0.3871637284755707, -0.459797203540802, 1.3929367065429688, -0.1544262170791626, -0.021252088248729706, -0.6992391347885132, -0.3356180489063263, -0.06433790177106857, -0.5811567306518555, -0.5479961633682251, 0.3104809820652008, -1.2756907939910889, 0.15012232959270477, -0.47140613198280334, -0.5945083498954773, 0.8547307848930359, 0.19657915830612183, 0.4485185742378235, -0.2961168587207794, -0.6859220862388611, -0.3245195746421814, 0.564930260181427, 0.014661893248558044, -0.8397148251533508, 0.30205094814300537, 0.08115088939666748, 0.5781821012496948, -0.6870990991592407, 0.42881107330322266, 0.5213165283203125, 0.07773144543170929, -0.6605119705200195, 0.03024778515100479, -0.8964853882789612, 0.3693650960922241, 0.9241501092910767, -0.8353419303894043, 0.04316612333059311, -0.9007391333580017, -0.2841673791408539, 0.17729242146015167, 0.7472934126853943, 1.0347641706466675, -0.9891405701637268, 0.8892539143562317, 0.030637167394161224, 0.23871728777885437, 0.8046656847000122, -0.20812202990055084, -0.38045424222946167, 0.40052691102027893, -0.0811871662735939, -0.09860510379076004, 0.09959457814693451, 0.27954602241516113, -1.389926552772522, -1.3448395729064941, -0.7068792581558228, -0.5576543211936951, 1.604643702507019, -0.43507739901542664, 1.38271164894104, 0.6833156943321228, -0.14482201635837555, 0.7043204307556152, 0.14292018115520477, 1.2965373992919922, 0.8922385573387146, 1.0343656539916992, -0.06579041481018066, -0.6384391784667969, -1.0390522480010986, 0.20080623030662537, 0.4954982101917267, 0.633878767490387, -0.598808228969574, 0.6641989946365356, 0.8619046211242676, 0.18750441074371338, -0.38355812430381775, -1.2671023607254028, 0.7772302031517029, 0.10396096110343933, 0.06687145680189133, -1.1649748086929321, 0.2397744357585907, 1.1450175046920776, -0.38257330656051636, 0.5695045590400696, 0.09075752645730972, -0.24698233604431152, 0.6295827031135559, 0.8959193825721741, 0.965077817440033, 0.03566012158989906, -0.5777773261070251, 0.3825306296348572, -0.5832333564758301, -0.21576997637748718, 0.5489023923873901, -0.003837068798020482, -0.5593042373657227, 0.2842012643814087, -1.1190041303634644, 0.07887309789657593, -0.022999905049800873, -0.11692200601100922, -0.012807898223400116, 0.9990153312683105, 0.9124698042869568, -1.5581443309783936, -0.26202964782714844, -0.5855158567428589, -0.1460268497467041, 0.7415218949317932, 0.47184672951698303, -0.23134858906269073, 0.7296510338783264, -0.7913106083869934, 0.8289189338684082, -0.2722664475440979, 0.026769552379846573, -0.08733803778886795, -0.6283133029937744, 1.0454256534576416, 0.6953447461128235, 0.45388904213905334, 0.2092365026473999, -0.15003859996795654, -0.2778806686401367, -0.7729989290237427, -0.20929262042045593, 0.47457265853881836, 1.3089909553527832, -0.6933654546737671, 0.14052271842956543, -1.110208511352539, 0.11479340493679047, -0.85905921459198, 0.1513158529996872, 0.28480902314186096, -0.870395839214325, -0.3008166551589966, -0.966248631477356, -0.08457394689321518, 1.023667573928833, -0.14003245532512665, -0.09367110580205917, 1.1238410472869873, 0.9168439507484436, 0.1719994992017746, 0.2705031931400299, 0.14483684301376343, 0.5266104936599731, -0.0836433470249176, -0.3072374761104584, 1.2211247682571411, -0.1938076913356781, -0.8016803860664368, -0.09704521298408508, -0.07235204428434372, 0.2141207903623581, -0.025812707841396332, -0.5244516730308533, 0.6639444828033447, 0.41573935747146606, 0.10120798647403717, 0.05272390693426132, 0.8053756952285767, 0.40685462951660156, -1.1993558406829834, 1.388723611831665, 0.5905423164367676, 0.4376900792121887, 0.19837301969528198, 0.14778396487236023, 0.7652092576026917, 0.4459129571914673, 0.4385624825954437]} +{"paper_id": "freebase_qa", "embedding": [-1.075316071510315, 0.6965827345848083, 0.28665032982826233, -0.6602803468704224, 0.30524688959121704, -0.4720906615257263, -0.3722992539405823, 0.43700554966926575, 0.4463527798652649, 0.9156609177589417, 0.1847764253616333, 0.44525307416915894, -0.20695939660072327, -0.1517733484506607, -0.31969550251960754, -0.18907859921455383, -0.7029874324798584, -0.5327547192573547, -1.1256223917007446, -0.09451494365930557, -0.3129761815071106, -1.2951455116271973, 0.2937844693660736, 0.41085004806518555, -0.6959325075149536, -0.8962278962135315, 1.0854812860488892, -0.6453182697296143, 0.5113524794578552, -0.03481774777173996, -0.40381014347076416, 1.3445298671722412, -1.4999457597732544, 0.28518766164779663, -0.2489040195941925, 0.369647741317749, 0.3471403419971466, 1.6300169229507446, 0.03274807333946228, 0.03364167734980583, -0.14292430877685547, 0.050065867602825165, 0.5100132822990417, 0.3500640094280243, 1.6713857650756836, -0.7943306565284729, 0.53331059217453, 0.1525820642709732, -0.08544314652681351, 0.09448768198490143, -0.8082758784294128, 0.29509666562080383, -0.10770414769649506, 0.9075058698654175, -0.12017153948545456, 1.1623204946517944, 0.3309280276298523, -1.0126533508300781, 0.7643226385116577, -0.9870710372924805, 1.4291229248046875, 1.5908613204956055, 0.290172815322876, 0.2286009043455124, 1.0528771877288818, 0.12027794122695923, 1.2151981592178345, 0.2549160122871399, 0.5688217282295227, 0.1814841330051422, -0.08528215438127518, -1.3039627075195312, 0.8215799331665039, 0.18375128507614136, 0.15840700268745422, 0.9699711799621582, 0.8155795335769653, -0.07073444128036499, 0.2843596637248993, -0.08590397238731384, -0.34072306752204895, 0.2142019122838974, 1.2652809619903564, -0.7835512757301331, -0.09918855130672455, -0.08948713541030884, -0.047835592180490494, -0.7188177108764648, 0.6248445510864258, -1.426941990852356, 0.8707758784294128, 0.46236345171928406, -0.11258909851312637, -0.09775011986494064, -0.4703884720802307, 0.76607745885849, -1.2295516729354858, -0.179280087351799, -0.31804120540618896, -0.15020135045051575, 0.38576316833496094, 0.017919130623340607, 0.2605263888835907, -0.14316555857658386, -0.42424702644348145, 0.9384520649909973, 0.021410435438156128, 0.512618899345398, -0.745252251625061, -0.12189307808876038, 0.2817237973213196, 1.0986214876174927, -0.1388702243566513, 0.30095145106315613, 0.06941276043653488, 0.01697961613535881, 0.0033278092741966248, -0.8247584104537964, 0.05704715847969055, 0.31183338165283203, 0.10326555371284485, -1.0941191911697388, -0.02309613674879074, 0.9198500514030457, 0.74737548828125, -0.3031051456928253, -0.18012262880802155, 0.09473683685064316, -0.2643105983734131, 0.12695398926734924, 1.28978431224823, -0.41121941804885864, -0.4214736819267273, -0.12535366415977478, 3.4276111125946045, -1.5813705921173096, 1.812325358390808, -0.16083157062530518, -0.32084473967552185, -0.24837690591812134, -0.5398650169372559, 0.5368688106536865, 0.815466046333313, -0.49459224939346313, -0.2511759400367737, 0.16223374009132385, -0.004893071949481964, 0.6014162302017212, -1.3902339935302734, -0.696977436542511, -0.28786802291870117, 0.24887597560882568, -1.7690328359603882, -0.20787225663661957, 0.18848194181919098, 0.5115365386009216, -0.5155797004699707, -0.44188007712364197, -0.7244927883148193, 0.3198889195919037, -0.5280799269676208, -0.27718836069107056, -0.40716707706451416, 0.2477763593196869, -0.11056778579950333, -0.7193789482116699, 0.9580660462379456, -0.0979868620634079, -1.4784475564956665, 0.3990657925605774, 0.4299876391887665, -0.03084450215101242, 0.1165914461016655, -0.3816255033016205, 0.1838385909795761, 0.040638357400894165, 1.427855134010315, 0.5258007049560547, -0.39821094274520874, -0.7173932194709778, -0.40128517150878906, -0.3329547941684723, -0.5512380599975586, 0.7211470007896423, 0.02495655231177807, 0.26102688908576965, -2.2889444828033447, 0.1158718690276146, 0.1889316886663437, 0.07997391372919083, 0.5099697709083557, 0.23543332517147064, 0.13681453466415405, 0.3708023726940155, -0.3720442056655884, -1.080573320388794, 0.3282783031463623, -1.7733358144760132, 0.22317835688591003, -0.44423121213912964, -0.8893903493881226, 0.5072592496871948, 0.1460314393043518, 0.8376449346542358, 0.5746673345565796, 0.15588665008544922, -0.8029537796974182, -2.3287057876586914, 0.17655807733535767, 1.969335913658142, -0.016175217926502228, -0.47363266348838806, -0.9596695899963379, 0.3293367624282837, -0.3797023892402649, -0.1936015635728836, 0.5698859691619873, -0.20239043235778809, 0.29527243971824646, -0.6691882014274597, 0.7028710246086121, -0.041977569460868835, 0.7067248225212097, 0.7475019097328186, 1.200700283050537, -1.0495405197143555, 0.434034138917923, -0.8359053730964661, -1.5299336910247803, 0.6926167011260986, 0.7366254329681396, 0.10565599054098129, 0.39005738496780396, 1.5290610790252686, 0.5293247699737549, 0.9103386402130127, 0.595353901386261, 0.47340336441993713, -1.1690137386322021, 0.263376921415329, -0.1647004932165146, 1.282433032989502, 0.46174436807632446, -0.1640138030052185, 0.538844645023346, 0.38085201382637024, -0.5871597528457642, -0.8375652432441711, 0.1370558887720108, -0.37202367186546326, 1.1991180181503296, 0.019401423633098602, -0.683151125907898, 0.9357770681381226, -0.524325966835022, -0.33456605672836304, -0.2961761951446533, -0.3734237253665924, -0.38833826780319214, -0.8032421469688416, 1.4355601072311401, 0.09394388645887375, 0.11251015961170197, -0.07479299604892731, -0.5228962898254395, -1.3878287076950073, -0.007351260632276535, 0.9624074697494507, -0.7780913710594177, -0.7705676555633545, -0.18651360273361206, -0.46680575609207153, -1.1846075057983398, -0.9407405257225037, 0.2503810524940491, 0.20118753612041473, 0.0369403138756752, 1.564624547958374, 1.0311518907546997, -0.13445234298706055, 0.6250194907188416, 0.27412933111190796, 1.5088862180709839, -0.41712167859077454, 0.88335120677948, 0.2002745270729065, 0.24933885037899017, -0.8038761019706726, 0.46533331274986267, -0.6677585244178772, 0.5151967406272888, 1.1805624961853027, -0.45348554849624634, 0.1000513881444931, -0.08591599762439728, -0.9642054438591003, 0.9274646639823914, 0.9071252346038818, -0.9091692566871643, 0.17894083261489868, 2.038299798965454, 0.14053376019001007, -0.2805159091949463, 0.8617202639579773, -0.24533991515636444, -0.6009889245033264, 1.240581750869751, -0.3330608010292053, 0.5380715727806091, 0.5823836326599121, 0.18786515295505524, -0.09595489501953125, 0.6427926421165466, -1.5471510887145996, 0.6800814867019653, 0.8564676642417908, -0.4468705952167511, 0.020555194467306137, -0.6792504191398621, 0.40898841619491577, -0.7807430624961853, -0.09962482005357742, 0.7460756897926331, 0.04426151514053345, 0.14851588010787964, -0.29024890065193176, 0.16943353414535522, 1.470552682876587, -1.1990853548049927, 0.46433892846107483, 0.7011591196060181, -0.03882814943790436, -0.8796873092651367, -0.6404417753219604, 0.8936845064163208, 0.5440030694007874, 0.359946608543396, -0.2469310462474823, 1.240416407585144, 0.7966170310974121, -0.6233940124511719, -0.5396441221237183, 0.3590867519378662, 0.013935595750808716, 0.4340205192565918, -0.20760990679264069, -0.5844588875770569, 0.5632826089859009, -0.9028363227844238, 1.5033930540084839, -0.4129910469055176, -0.48367446660995483, -0.934977650642395, -0.22903093695640564, -0.4164923429489136, -0.4357851445674896, 2.1671109199523926, 0.4601132273674011, 1.6498172283172607, -0.2575015425682068, -0.007586405146867037, -0.7897818088531494, -0.36914846301078796, 1.4514257907867432, 1.0180386304855347, 0.16549739241600037, -0.9668707847595215, 0.515937089920044, 0.3914659917354584, 0.24107736349105835, -0.07710292190313339, 0.5221576690673828, 0.29080113768577576, 0.6502615809440613, -1.0322846174240112, 0.6180455088615417, 0.4334600567817688, 0.097008615732193, 0.7760273218154907, -0.3306557536125183, -0.6292300224304199, -0.6760560870170593, 0.061694443225860596, -0.0972292423248291, 0.28060346841812134, -0.02823403850197792, 1.1084787845611572, 0.02885640785098076, 0.2713819444179535, 0.08014681935310364, 1.3010611534118652, 1.6846989393234253, -0.4623362421989441, -2.557847261428833, -0.069858618080616, -0.7707312703132629, 0.35851332545280457, 0.6323544979095459, -0.24648015201091766, -1.1923003196716309, 0.5811986923217773, -0.1073281466960907, -0.7687913775444031, 0.5022201538085938, -0.6213633418083191, -1.57150399684906, 1.1880549192428589, 0.8830903768539429, -0.9530564546585083, -0.6588606238365173, -0.22710998356342316, -1.1621507406234741, -0.4768880605697632, -0.5607073307037354, -1.1323723793029785, 0.5890665054321289, 0.2118244618177414, 0.6680586338043213, -0.12776616215705872, -0.06435296684503555, -1.2414127588272095, 0.7417230606079102, 0.8180729150772095, -0.8416829705238342, 0.2874740660190582, 0.8108079433441162, 0.49711042642593384, -0.21661517024040222, -1.6298710107803345, -1.2224078178405762, 0.6229317784309387, -0.16708992421627045, 0.22231365740299225, -0.8791773319244385, -0.9216514825820923, 0.4313488304615021, 0.026864919811487198, 0.6634534001350403, -1.0158894062042236, 0.18545253574848175, -0.46615010499954224, -0.810051441192627, 0.6755070686340332, -1.090166687965393, -0.7896590232849121, 1.3556957244873047, -0.11789514869451523, 0.9678332805633545, -1.0765368938446045, -0.4268774092197418, 1.5109901428222656, -0.1635359227657318, -0.5107228755950928, -0.29535770416259766, -10.554866790771484, 1.1087764501571655, -0.14792421460151672, 0.9920864701271057, 0.8516530990600586, -0.25348979234695435, 0.9419965744018555, -0.8013060688972473, 1.148591160774231, -1.2729530334472656, 0.2829478681087494, 1.433963656425476, 0.40071630477905273, 0.06358049809932709, -0.8250741362571716, -1.6320351362228394, -0.2936474680900574, -0.30973970890045166, -0.4654478430747986, 0.14295557141304016, -0.12170803546905518, -1.244300365447998, 0.17517273128032684, 0.49284785985946655, 0.560613214969635, 0.35222572088241577, -0.6429537534713745, -0.251624196767807, -0.337410032749176, -0.10069064050912857, 0.817976176738739, -0.28724050521850586, -0.3785756230354309, -0.5604282021522522, -0.8114079833030701, -0.3203606605529785, -0.013814300298690796, -0.36315295100212097, 1.268972635269165, -0.14634963870048523, -0.443179726600647, 0.8257375359535217, 0.5998640656471252, 0.24640484154224396, -0.03265845775604248, 0.5213967561721802, 0.17325176298618317, -0.9151906967163086, -0.07088465988636017, -0.01621832698583603, -0.8296597003936768, 0.16838236153125763, -0.42195603251457214, -0.17465993762016296, 0.02039487287402153, 0.5210539102554321, -1.1509186029434204, -0.7224999070167542, -0.9368904232978821, -1.200600028038025, 1.0218003988265991, 0.324276328086853, -0.814838171005249, 0.36876747012138367, -0.23911148309707642, -0.22984720766544342, -0.31485888361930847, -0.32332172989845276, -1.1948249340057373, 0.06262649595737457, -0.23768210411071777, 0.5902662873268127, 0.09571720659732819, -0.019062243402004242, -0.7230128049850464, -0.06721176952123642, -1.1346896886825562, 0.8312890529632568, 0.15503863990306854, -0.006407713517546654, -0.9681680202484131, 1.1349223852157593, 0.9649173617362976, -1.2204999923706055, -1.2373979091644287, 0.15142585337162018, -0.2518053650856018, 0.4655229449272156, 0.06306155025959015, -0.6217019557952881, 1.0680402517318726, 0.8069840669631958, -0.46738845109939575, -0.6768922209739685, -0.12758667767047882, 0.39880916476249695, 0.18941695988178253, 1.0251827239990234, -0.38370734453201294, -0.448545902967453, 0.18272864818572998, -0.3114999532699585, -1.051493525505066, 0.5523129105567932, 0.16741926968097687, 0.84200119972229, 0.7648571133613586, -0.15768340229988098, -0.27269577980041504, -0.37448951601982117, 0.991089403629303, 0.11056935787200928, -0.22156642377376556, 1.0908535718917847, -0.2241348922252655, 0.5701984763145447, 0.2112780213356018, -0.09784775972366333, -0.2880990207195282, 1.301490306854248, 0.3217983543872833, 0.7137949466705322, -0.029166074469685555, 1.2758747339248657, -0.8587657809257507, -0.10111001133918762, 0.7306025624275208, 0.42506423592567444, 0.3348996341228485, -1.479910969734192, 0.5111499428749084, -0.15680330991744995, 0.11651735752820969, -1.0960853099822998, -0.5173998475074768, -0.645687997341156, -0.2336367815732956, 1.2233017683029175, -0.48279762268066406, -0.40322741866111755, -0.5614979863166809, -0.5833866000175476, -0.18375645577907562, -1.0019302368164062, -0.7946507334709167, -0.02556627243757248, -0.8435653448104858, 0.39410093426704407, -0.9121331572532654, -0.6544411778450012, -0.3494809865951538, -0.5464169383049011, 1.3516172170639038, -0.19210569560527802, -0.05962724983692169, -0.2726753354072571, -0.14615744352340698, -0.34199604392051697, -1.0666096210479736, 0.12802109122276306, -0.10177616029977798, 0.7732590436935425, -1.028383731842041, 1.0034091472625732, 0.3868291974067688, -0.7404323816299438, -0.21209144592285156, 0.007651835680007935, -0.32240617275238037, -0.44325223565101624, 0.8767425417900085, 0.06669206917285919, -0.0069367666728794575, -0.23381876945495605, -0.3994361460208893, -1.0519897937774658, 0.8938195109367371, 0.7893517017364502, -0.3872373402118683, -0.365352988243103, 0.2903159260749817, 0.647610604763031, 0.08812876045703888, 0.19466224312782288, -0.10486753284931183, 0.22947511076927185, 0.2636130750179291, 0.8798342347145081, -0.13307151198387146, 0.891964852809906, -1.421445369720459, -1.2875678539276123, -0.8254995346069336, 0.4144880771636963, 0.525924563407898, 0.05375475063920021, 0.8717694878578186, 0.4273693859577179, 0.11686140298843384, 0.45717573165893555, 0.3915897607803345, 0.7833538055419922, 0.452911376953125, 0.7504847645759583, -0.5629691481590271, 0.06921295821666718, -0.31503963470458984, -0.06253758817911148, 1.026286244392395, 1.208761215209961, -0.8902066946029663, -0.17603181302547455, -0.12972168624401093, -0.36824464797973633, 0.34673890471458435, -1.0719727277755737, 0.6951693892478943, -0.41107094287872314, -0.33793753385543823, -1.1654078960418701, 0.17298954725265503, 1.4906587600708008, -0.9218122363090515, 0.9393566846847534, 0.6908915638923645, 1.151718020439148, 0.9776169657707214, 0.7310252785682678, 0.4605226516723633, 0.24961717426776886, -0.015316100791096687, 0.6016923785209656, -0.21568475663661957, -0.32923299074172974, -0.6951203942298889, -0.9312681555747986, 0.2768409550189972, 0.8183931112289429, 0.03173547983169556, 0.894809901714325, -0.14149010181427002, 0.6126643419265747, 0.5696048140525818, 0.44024577736854553, -0.7524494528770447, -1.611581563949585, -0.17430724203586578, -0.5915561318397522, 0.35880398750305176, 0.4015158712863922, 0.5664860010147095, 0.45037540793418884, 0.6780391335487366, 0.43191617727279663, 1.5839594602584839, -0.7390307188034058, 0.14479997754096985, 0.21471679210662842, -0.14693467319011688, 0.8957726955413818, 0.7001837491989136, -0.06588249653577805, 0.10708694159984589, -0.45546993613243103, -1.112350583076477, -0.22517094016075134, -0.71699458360672, 0.80583655834198, 0.20716868340969086, -0.659228503704071, 0.10809268057346344, 0.03828676417469978, 1.5577244758605957, -1.1434123516082764, 0.6560627818107605, -0.5750827193260193, -0.7622234225273132, 0.31096044182777405, -0.5899384021759033, -0.6199753880500793, 0.37071138620376587, -0.08071880042552948, -0.48173558712005615, -0.20644046366214752, 0.5165829062461853, -0.6613202095031738, -0.37015870213508606, -0.320692777633667, -0.05701572075486183, -0.7888349294662476, 0.53361976146698, 0.002138625830411911, -0.6658419370651245, -0.6706681251525879, -0.11459007859230042, -0.8140143156051636, 0.2544179856777191, 0.1844993680715561, -0.9156652688980103, -0.809070348739624, -0.17070730030536652, -0.6868923902511597, 0.8227767944335938, -0.3874553442001343, -0.40283632278442383, -1.9930741786956787, 0.5147389769554138, 1.0890753269195557, -0.05659649521112442, -1.2983312606811523, -0.29531702399253845, 0.2167515605688095, -0.0005894377827644348, -0.004953280091285706]} +{"paper_id": "onestop_english", "embedding": [0.4819229245185852, 1.2698887586593628, -0.2329285889863968, -0.49083009362220764, 1.0301923751831055, -0.05193183943629265, 0.5608682036399841, 0.04343424737453461, 0.5335457921028137, 0.060741834342479706, -0.24357137084007263, -0.24799326062202454, 0.6713418364524841, 0.3715975284576416, -0.023020554333925247, -0.09048428386449814, -0.195913165807724, -0.46929502487182617, -1.3439409732818604, -0.5478110313415527, -0.6041494607925415, -0.8560632467269897, -0.2005266547203064, 0.24570506811141968, -0.7265133261680603, -0.790264904499054, 0.2543354630470276, -0.8068175911903381, -0.5031887292861938, 0.5505821108818054, -0.025977887213230133, 1.217552900314331, -1.7604947090148926, 0.17993831634521484, -0.28991085290908813, -0.4937440752983093, -0.13405832648277283, 1.024083137512207, -0.2047700732946396, -0.39281678199768066, -0.7373108863830566, 0.09921472519636154, 0.4953044056892395, -0.45889729261398315, -0.5723510384559631, -0.5326299071311951, -0.35276520252227783, 0.4979041516780853, 0.24546517431735992, 0.36330974102020264, -0.1989343762397766, 0.01318473368883133, 0.2728487253189087, -0.29268044233322144, -0.16720104217529297, 1.2987157106399536, 0.2174958884716034, -1.9474002122879028, -0.044403016567230225, -0.5119668245315552, 0.6077834367752075, 1.5060890913009644, -0.17435112595558167, 0.6121138334274292, 1.371908187866211, -0.18276068568229675, 1.1895225048065186, 0.2664703130722046, 0.31739670038223267, 1.5276639461517334, -0.670864462852478, -0.4583812654018402, 1.1223584413528442, -0.041847094893455505, 0.9991757869720459, 0.6929365396499634, 0.2175392508506775, -0.3725159168243408, 0.4704362452030182, -0.623824417591095, -0.966489315032959, 0.23937149345874786, 0.7779263854026794, -0.7507518529891968, -0.4249955117702484, -0.22993892431259155, 0.05981215089559555, -0.17913396656513214, -0.5079731941223145, -0.8181559443473816, -0.015552319586277008, 0.4848703145980835, 0.31295284628868103, 0.5208605527877808, -0.0601746141910553, 0.0396922305226326, 0.33832770586013794, 0.4535958170890808, 0.05703370273113251, -0.5638604164123535, 0.9958214163780212, -0.2991711497306824, 0.9956947565078735, 0.3335765302181244, 0.0667111873626709, 0.26396411657333374, -0.44538065791130066, -0.6838569045066833, -0.2514827847480774, -0.6566266417503357, -0.4791126847267151, 0.35848987102508545, 0.3156535029411316, 0.3682973086833954, -0.5888446569442749, 0.06540928035974503, -0.23578068614006042, -0.5314533114433289, -0.6278923749923706, -0.18091480433940887, -0.4519134759902954, -0.891015887260437, -0.23836174607276917, -1.2705014944076538, 0.8399785161018372, -0.41390296816825867, 0.10559646785259247, -0.46056944131851196, 0.06251759827136993, -0.6695773601531982, 0.4002875089645386, 0.28687798976898193, 0.11762557923793793, 0.6846933960914612, 2.620748281478882, -1.1766291856765747, 0.09068048745393753, 0.045450255274772644, 0.03215448558330536, -0.44985800981521606, -0.19101378321647644, 1.42685866355896, -0.6322265863418579, -1.2821130752563477, -0.30923399329185486, -0.08538956195116043, -0.41285017132759094, 0.6083778142929077, -0.7804185152053833, 0.42058807611465454, 0.35945093631744385, -0.3082351088523865, -1.0421689748764038, -0.8450337052345276, 0.1415734738111496, -0.5045482516288757, 0.4376303553581238, -0.1466190665960312, -0.311839759349823, 0.939630389213562, 0.6444789171218872, 0.5527421832084656, -0.5147891044616699, -0.08246166259050369, -0.9052650928497314, 0.5073384046554565, 0.7860211730003357, -0.1853618025779724, -0.8585715889930725, -0.03973475843667984, -0.14976051449775696, -0.30226778984069824, 0.1416359841823578, -0.09320876002311707, 0.13334542512893677, 0.6477551460266113, 0.0408560186624527, 0.13929469883441925, 0.054817602038383484, -0.4611521363258362, -0.18308305740356445, 0.3485546410083771, 0.14789646863937378, 0.8386098742485046, -0.08208613842725754, 0.09400846064090729, -1.9727730751037598, -0.14512772858142853, -0.7833261489868164, 0.3302340507507324, -0.3211277723312378, -0.5208550095558167, 0.06899718195199966, 0.5670710802078247, -0.5684537887573242, -0.2621043920516968, -0.20842012763023376, -0.8467925786972046, 0.4554833173751831, 1.0234205722808838, 0.8021031618118286, -0.0752779021859169, -0.06303557008504868, 0.8624069690704346, 0.6815124750137329, -0.23777982592582703, -0.08171480894088745, -0.9675801396369934, 0.16145139932632446, 1.0867149829864502, -0.2767116129398346, -0.18051716685295105, -1.4203096628189087, -0.43547946214675903, 0.28778591752052307, -0.21463227272033691, 0.6072367429733276, -0.4670562744140625, -0.7464454770088196, -0.057463936507701874, 0.6348733901977539, -0.8954858779907227, -0.7539166212081909, 0.3732762932777405, 1.1069175004959106, -0.6880207061767578, -0.30888742208480835, -0.14574310183525085, -0.7674242258071899, 0.1476089507341385, 0.992573082447052, -0.026760263368487358, -0.4155171513557434, 0.7220961451530457, -0.16491366922855377, 0.21661826968193054, 0.8091099262237549, 0.7523496150970459, -0.017734289169311523, -0.7566160559654236, -0.029173677787184715, 1.2118979692459106, -0.7134435176849365, -0.2579769194126129, 0.15423718094825745, 0.3332129418849945, -0.4543866515159607, -0.4864204525947571, -0.578608512878418, 0.1971055567264557, 0.8815449476242065, 0.6302464604377747, -0.6032645106315613, 0.8440208435058594, -0.9559575915336609, 0.11040957272052765, 0.2851109802722931, -0.8327506184577942, -0.796607494354248, -0.7635425329208374, -0.17656177282333374, -0.08044633269309998, 0.2803804874420166, 0.07708059251308441, -0.1971091479063034, -0.9610973596572876, -1.1044578552246094, -0.8344157934188843, -0.07531754672527313, -1.21664297580719, -1.1294394731521606, 0.21364261209964752, -1.0285139083862305, 0.2857432961463928, -0.14616495370864868, -0.10025867074728012, -0.3111496865749359, 1.1677066087722778, 1.1593866348266602, 0.27760493755340576, 0.677452564239502, -0.5626789927482605, 0.7687867283821106, 0.12923868000507355, 0.9766051173210144, -0.8641369342803955, -0.34782689809799194, -0.44751542806625366, -0.30287399888038635, -0.9697166085243225, 0.3938349187374115, 0.8209773302078247, -0.40312185883522034, 0.7754509449005127, -0.22454924881458282, -1.6255042552947998, 0.247525155544281, -0.4004698693752289, 0.15061567723751068, -1.2520939111709595, 0.8584110736846924, 0.8757146596908569, 0.19868223369121552, 0.48150354623794556, -0.7877246141433716, -0.2283545732498169, 0.9570956826210022, -0.23775739967823029, 0.47523602843284607, 0.7591125965118408, 0.16155828535556793, 0.5254966020584106, 0.3127779960632324, -1.6881128549575806, 0.28504595160484314, 0.9120599627494812, -0.13738897442817688, -0.09083661437034607, -0.6810064911842346, -0.18978026509284973, -0.15529151260852814, -0.6106118559837341, 1.2645491361618042, -0.7830232977867126, 0.7108286619186401, -0.37336477637290955, 0.34739255905151367, 0.37389838695526123, -0.31806015968322754, 0.8322412967681885, 0.26869404315948486, 1.1133114099502563, -1.1960519552230835, -0.9073906540870667, 0.4363935589790344, -0.9442927241325378, 1.0650970935821533, 0.49103376269340515, 1.2154126167297363, 0.7453145980834961, -0.1331401765346527, -0.02296905778348446, 0.07922834157943726, 0.10504720360040665, 0.20412814617156982, 0.767612636089325, -0.13080959022045135, 0.5534157752990723, 0.06604884564876556, 1.976755142211914, 0.3471302092075348, -0.429489403963089, -0.4591079652309418, -0.443841814994812, -0.898240864276886, -0.5636261701583862, 1.254421353340149, 0.9212682247161865, 1.2341430187225342, 0.5487146377563477, -0.1484280526638031, -0.0012620948255062103, 0.06397882103919983, 0.6806221008300781, 0.4564743936061859, -0.5615314841270447, 0.10625076293945312, 0.28213322162628174, 0.806583821773529, 0.05162382125854492, -0.8429056406021118, 0.20566050708293915, 0.7966795563697815, 0.20748862624168396, -0.7921074628829956, 0.9795469641685486, 0.2916230261325836, 1.0817896127700806, 2.370730400085449, -0.04090151935815811, -0.11404145509004593, -0.19305628538131714, -0.03172944113612175, 0.04734447970986366, -0.4106718897819519, -0.3443857431411743, 0.13323259353637695, 0.55637526512146, 0.9050078988075256, -0.20048636198043823, 0.3901631534099579, 0.8335303664207458, -0.2684418559074402, -0.6859593391418457, 0.4597167670726776, -0.8711442351341248, -0.33733677864074707, -0.3972548246383667, -0.22728706896305084, -0.8785942792892456, 0.20227721333503723, -0.4861617982387543, -0.39708733558654785, 0.3949050009250641, 0.3861197829246521, -0.3585856556892395, -0.09534066915512085, 0.6450718641281128, -1.0099669694900513, -0.2605176270008087, -0.07144740223884583, -0.8279311656951904, -0.5293490886688232, 0.01966242492198944, -0.7124040722846985, 0.9281918406486511, 0.034314293414354324, 0.9043014645576477, 0.1331014633178711, 0.07559600472450256, -1.2966214418411255, 0.8482669591903687, 1.0284479856491089, -0.6001802086830139, -0.19557392597198486, 0.2373819202184677, 0.4692407250404358, 0.18935447931289673, -1.1078766584396362, 0.45081430673599243, 0.3204096853733063, 0.7603172063827515, -0.0373343899846077, -0.13310332596302032, -0.4082925319671631, 0.5151852965354919, 1.2332963943481445, 0.637636661529541, -0.9735775589942932, 0.06768770515918732, -0.23155710101127625, 0.9892821907997131, 1.1437548398971558, -1.3955578804016113, -0.8124383091926575, 0.2222421020269394, -0.9829242825508118, 0.6428900957107544, 0.5050216913223267, 0.08238893747329712, 0.007954798638820648, -0.20129001140594482, 0.07072607427835464, -0.730772852897644, -12.247560501098633, 0.6160792708396912, -0.09990516304969788, 0.05417878180742264, 0.1460556983947754, -0.04339773952960968, 0.28680065274238586, -0.045899953693151474, 1.1191591024398804, 0.292706161737442, -0.16766498982906342, 1.4666701555252075, 0.3773852288722992, -0.20779389142990112, -0.6207646131515503, -0.9530810713768005, -1.04496431350708, -0.567643940448761, 0.20534975826740265, 0.6633226275444031, -0.27003052830696106, -0.9209234118461609, 0.2729156017303467, 0.25435540080070496, 0.6430431604385376, -1.064428448677063, -0.467878133058548, -0.4542483985424042, 0.039849892258644104, 0.37846410274505615, 0.26207801699638367, 0.16660748422145844, -0.8675222992897034, -0.07535787671804428, 0.721391499042511, -0.3902670443058014, -0.7068670988082886, -0.6010167002677917, 0.7206169366836548, -0.6459890604019165, -0.2519760727882385, 0.07080908864736557, -0.14275944232940674, -0.29009148478507996, -0.34673038125038147, -0.2777979075908661, -0.48044779896736145, 0.013607628643512726, 0.3676210641860962, -1.4064710140228271, -1.0830910205841064, -0.6423041224479675, -0.9372694492340088, -1.4453978538513184, 0.6610469818115234, 0.12751154601573944, -0.07381623238325119, -0.03125426918268204, -0.6884721517562866, -0.3341465890407562, 0.046315278857946396, -0.0766436904668808, -0.963923990726471, 0.7701578736305237, 0.17030788958072662, -0.2561665177345276, 0.28199538588523865, 0.2290261834859848, 0.7920254468917847, 1.0188589096069336, -0.6840178966522217, 1.0821329355239868, 0.2163856327533722, 0.5707483291625977, 0.005510874092578888, -0.22294744849205017, -0.09993288666009903, -0.9769020676612854, 0.6198816895484924, -0.17218667268753052, -0.7321552634239197, 0.43875569105148315, -0.16574318706989288, 0.6422778964042664, 0.18596744537353516, 0.1471119076013565, 0.2981117367744446, -0.0010402388870716095, 1.2197498083114624, -0.02533814311027527, 0.9889425039291382, -0.4150841236114502, 0.006370805203914642, -0.262309193611145, -0.906315267086029, 1.0434064865112305, -1.1092702150344849, 0.6815534234046936, 0.38529840111732483, -0.7042468190193176, -0.16087126731872559, 0.13761132955551147, -0.9363123178482056, -0.11488039791584015, 1.1522260904312134, -0.4998016059398651, -0.028288215398788452, -0.3904877007007599, 0.3771982491016388, -0.8063647150993347, 0.40005549788475037, 0.24070405960083008, 0.6222187280654907, 1.347088098526001, -0.22503326833248138, 1.3813315629959106, 0.9948031306266785, -0.38240379095077515, 0.37435394525527954, 1.1993176937103271, -0.4418129324913025, 0.45865195989608765, 0.07102083414793015, 1.6011805534362793, 0.8579357862472534, 0.8506392240524292, 0.3597088158130646, 0.6217689514160156, -0.37446656823158264, -1.178382158279419, -0.663634717464447, -0.2222120761871338, 0.13210411369800568, -0.9298031330108643, 0.12736348807811737, -0.0959642231464386, -1.327925205230713, 0.9551435708999634, -0.07600396871566772, 0.3826480805873871, -0.24913154542446136, -0.8839860558509827, -0.6526472568511963, -0.455757737159729, -1.0432137250900269, 0.5321070551872253, -1.623131513595581, -0.3139418661594391, -0.07746981084346771, -0.3805847764015198, -0.3312857449054718, -0.17475906014442444, 0.05831264704465866, -0.33328157663345337, -0.5214195251464844, -0.13753250241279602, 0.3210684061050415, -1.249987244606018, -0.4384377598762512, -0.4341210722923279, 0.8708919286727905, 1.001599907875061, -0.6072231531143188, 0.9771347641944885, 0.468233197927475, 0.35864144563674927, -0.668456494808197, -0.45483800768852234, -0.6972506046295166, 1.2581226825714111, 0.3816934823989868, -0.6691622734069824, -0.12755680084228516, -0.2660452127456665, 0.014785557985305786, -0.41840100288391113, -0.12788540124893188, 0.9646193981170654, -1.1779528856277466, 0.32479849457740784, -0.016358887776732445, 0.05475824326276779, 0.6836529970169067, -0.6300141215324402, -1.0568485260009766, 0.6214288473129272, 0.0575229786336422, 0.547187328338623, 0.0009201234206557274, 0.660417377948761, -1.3475782871246338, -1.2354655265808105, -0.5400470495223999, 0.4342803359031677, 0.8110265135765076, 0.07281181216239929, 0.5772808790206909, 0.28139713406562805, -0.5254311561584473, -0.24012359976768494, -0.07517857849597931, 0.3664136826992035, 0.4426193833351135, 0.41646286845207214, -0.047356002032756805, 0.5526583194732666, -0.18067005276679993, -0.08625044673681259, 0.4000834822654724, 0.9290601015090942, -1.1594586372375488, -0.09170332551002502, 0.24013999104499817, 0.1356372982263565, 0.12344014644622803, -0.810436487197876, -0.053268127143383026, -0.46690237522125244, 0.21114031970500946, -0.6321550607681274, 0.23922628164291382, 1.6005938053131104, -0.08562256395816803, 0.052470359951257706, 1.185535192489624, -0.3488984704017639, 0.35863152146339417, 0.980187177658081, 1.288321614265442, 0.18408900499343872, -0.6790278553962708, 0.2294687032699585, 0.5063226222991943, 0.2905298173427582, 0.5082401633262634, 0.2710392475128174, -0.9159136414527893, -0.691785991191864, -1.32848060131073, 0.25994789600372314, -0.008147969841957092, 0.29621824622154236, 0.004377871751785278, 1.0157946348190308, 1.1239289045333862, -1.3278632164001465, -0.37080368399620056, -0.8620848059654236, 0.2129853218793869, -0.26340287923812866, -0.0048557668924331665, -0.028515661135315895, 0.4008485972881317, -0.3843814730644226, 1.3850469589233398, -0.1252538561820984, -0.24057917296886444, 0.12314172834157944, 0.27303367853164673, 1.5501617193222046, 0.5180560350418091, 0.639106035232544, -0.4767066538333893, -0.1752563714981079, -1.1626030206680298, -1.1560711860656738, -0.8972226977348328, 1.1626605987548828, 0.8321898579597473, 0.10461647808551788, 0.7236360311508179, -0.6441834568977356, 0.13205745816230774, -0.3381006121635437, 0.9694448709487915, 0.5183824300765991, 0.18539468944072723, -0.4114527106285095, -0.8670797944068909, 0.5919041633605957, 0.8858438730239868, -0.5696368217468262, -0.1442408263683319, -0.41925281286239624, 0.36902111768722534, 0.21137112379074097, -0.010040170513093472, 0.4011005759239197, 0.01944483444094658, 0.05972259119153023, 0.04927053302526474, 1.3344281911849976, -0.6186314225196838, -1.1291545629501343, -0.16141065955162048, -0.4035884439945221, 0.21766558289527893, 0.04240453988313675, -1.0083601474761963, 0.6804097890853882, 0.6182128190994263, 0.5643019676208496, 4.5161694288253784e-05, 0.27770888805389404, 0.6268290281295776, -0.7549304962158203, 1.1775221824645996, 0.5876438021659851, -1.1905434131622314, -0.25474491715431213, 0.3191315829753876, 0.9152928590774536, 0.09011436253786087, 1.3463984727859497]} +{"paper_id": "meta_woz", "embedding": [-0.5841116905212402, 0.4098682701587677, -0.24958166480064392, -0.06796785444021225, 0.7337215542793274, 0.0721857100725174, 1.0998048782348633, 0.5370532870292664, 0.9856659770011902, 0.3616145849227905, -0.10392244160175323, 0.16968756914138794, -0.5924156904220581, -0.8929332494735718, -0.41666290163993835, -0.055817365646362305, -0.49252790212631226, -0.5042116045951843, -1.26228666305542, -0.537486732006073, -0.8433732986450195, -0.5002387762069702, 0.35434049367904663, 1.35695219039917, -0.36232927441596985, -0.12237226217985153, 1.629820466041565, -1.772171974182129, 0.2410229742527008, 0.6095485091209412, -0.5216328501701355, 2.008294105529785, -0.4992958605289459, 0.3008478879928589, -0.413194864988327, -0.6796733140945435, 0.8462961912155151, 0.7133917212486267, -0.41738852858543396, 0.6772939562797546, -0.7718984484672546, -0.22450250387191772, -0.11729869246482849, 0.4167097210884094, 0.5706840753555298, -0.16636785864830017, 0.1982380449771881, 0.20449310541152954, -1.1273657083511353, -0.3771366477012634, -0.6152950525283813, 0.4001489579677582, 0.6676106452941895, 0.4728860557079315, -0.1693810522556305, 1.3080122470855713, 0.18802091479301453, -0.8085422515869141, -0.17353133857250214, -0.2014552801847458, 1.0006895065307617, 0.4579101800918579, 0.32427194714546204, 0.167656809091568, 1.1427122354507446, -0.19595181941986084, 1.690125823020935, 0.10211636126041412, 0.14539945125579834, 0.7378729581832886, -0.4762645363807678, -1.3049278259277344, -0.25713399052619934, -0.49458736181259155, 0.10611658543348312, 1.1929353475570679, 0.9034367799758911, 0.3994002640247345, 0.19896498322486877, -0.16253018379211426, 0.23806746304035187, 0.5979721546173096, 1.0233659744262695, 0.3518189787864685, 0.7750005722045898, 0.46072208881378174, 0.7633750438690186, -0.4248809516429901, 0.19746828079223633, -2.1702442169189453, 1.1193188428878784, 0.25156211853027344, 0.04616159200668335, -0.5405991077423096, -0.305978387594223, 0.4476666748523712, -0.46405029296875, -1.271471619606018, -0.19786590337753296, 0.31932729482650757, 0.307146281003952, -0.33616381883621216, 0.19068552553653717, -0.4720611274242401, 0.024394694715738297, 1.0940438508987427, 0.17273551225662231, 0.32144343852996826, -0.6665135025978088, -0.2218109369277954, 0.47223222255706787, 1.32133948802948, 0.6980833411216736, 1.2955071926116943, -0.06427713483572006, 0.17002704739570618, 0.9354867935180664, -0.24521096050739288, -0.31190523505210876, 0.38597095012664795, 0.3257080316543579, -0.5941341519355774, -0.2000756561756134, -0.4622538685798645, 0.7179126739501953, -1.6439831256866455, -0.08438713103532791, 0.06875453144311905, -0.12532596290111542, -0.49475085735321045, 0.6234766244888306, 0.11999556422233582, -0.8141761422157288, -0.04629138484597206, 2.567938804626465, -1.072019100189209, 1.7276371717453003, -1.4494162797927856, -1.2492772340774536, -0.9444411993026733, 0.7637777328491211, 1.2766062021255493, -0.37051719427108765, 0.0879649966955185, -0.38931795954704285, 0.3298046886920929, -1.023240566253662, 0.20049424469470978, -0.20918647944927216, -0.35338836908340454, 0.08844038844108582, 0.30573832988739014, -1.6573376655578613, -0.5795579552650452, -0.6470997333526611, -0.044455453753471375, -0.01982773467898369, 0.7102499008178711, -0.3272666931152344, 0.7799572348594666, 0.8679322004318237, -0.7435910105705261, 0.2844407856464386, 0.2422858029603958, -0.07247094810009003, 0.49626561999320984, 0.5045996904373169, -0.31838059425354004, -1.0874489545822144, -0.7651426196098328, 0.27312710881233215, -0.1499556005001068, -0.5434372425079346, -0.2631708085536957, -0.13694129884243011, 0.4181215167045593, 0.9608627557754517, 1.0224684476852417, 0.13183091580867767, -0.24028067290782928, -0.7731335759162903, -0.31638577580451965, -0.8876974582672119, -0.03754882141947746, -0.24871854484081268, 0.6709479689598083, -2.7978389263153076, -0.056496575474739075, -0.43476641178131104, 1.2007910013198853, 0.5451449751853943, -0.1023445650935173, -0.1988402009010315, -0.2137092500925064, 0.5706729888916016, -1.4310215711593628, 1.131932020187378, -1.0460014343261719, -0.053350865840911865, 0.19841261208057404, -0.02951655164361, 0.07836636155843735, 0.18637040257453918, 1.5313369035720825, 0.5770795941352844, -0.5573235750198364, -0.18349209427833557, -1.9794363975524902, -0.43997105956077576, 1.8898602724075317, 0.8036558032035828, -0.7548828721046448, -0.7347675561904907, -0.8355993628501892, 0.33107247948646545, -0.162936270236969, 0.4057210683822632, -0.29899731278419495, 0.10617552697658539, -1.495148777961731, -0.0988190770149231, -0.9030821919441223, 0.8456743955612183, 1.0943564176559448, 1.5781248807907104, -0.36031225323677063, 0.265608549118042, -0.24373368918895721, -1.1133344173431396, -0.2076132446527481, 0.2030678689479828, 0.1663380116224289, 0.10317877680063248, 0.8070160150527954, 0.002312973141670227, 0.10223571956157684, 0.14792713522911072, 0.6097384691238403, -0.4277532994747162, 0.7296826839447021, 0.45691707730293274, 1.6109782457351685, -0.0736333578824997, 0.613689661026001, 0.2229147106409073, -0.08583945035934448, -0.29642051458358765, -1.180710792541504, 0.8333765268325806, -0.28884202241897583, 1.7862136363983154, 0.3921937942504883, -0.015579450875520706, 0.16026252508163452, -0.20020779967308044, -0.40330207347869873, -0.6181696057319641, -0.7155631184577942, -0.05140465497970581, -0.22128623723983765, 1.268308162689209, -0.07734251022338867, 0.07240879535675049, -1.1690891981124878, 0.12242268025875092, -1.1038275957107544, -0.30411264300346375, 0.2061443030834198, -0.4178808331489563, -1.2925326824188232, 0.209124356508255, -0.1067633330821991, -0.7824017405509949, -0.8915743231773376, 0.12365522980690002, 0.2969123423099518, 0.5342381000518799, 0.6333388090133667, 1.4803473949432373, 0.07068119198083878, -0.43473315238952637, 0.32156115770339966, 0.28795844316482544, -0.4346049726009369, 0.8801660537719727, 0.3969338536262512, 0.32967716455459595, -0.8618627786636353, 0.4072003662586212, -0.08582644909620285, 0.20479083061218262, 0.022950120270252228, -0.5746334791183472, 0.1876050978899002, -0.6145898103713989, -0.4086315333843231, 2.2023239135742188, 0.032652273774147034, 0.5750970840454102, -0.14019867777824402, 1.3176265954971313, 0.8549028635025024, -0.5595574975013733, 1.0249674320220947, -0.41216155886650085, -0.29333823919296265, 1.184322714805603, -0.09868282079696655, 0.5563624501228333, 1.016086220741272, -0.5456631183624268, 0.49076178669929504, 0.22895708680152893, -1.7944083213806152, 0.22764752805233002, 0.1571560651063919, -0.8229815363883972, -0.18441684544086456, -1.2874181270599365, 0.23031015694141388, -0.08826634287834167, 0.01586330495774746, -0.07876136898994446, -0.14461500942707062, 0.40969184041023254, -0.6253887414932251, 0.21549709141254425, 1.8618075847625732, -0.5645683407783508, 0.48486700654029846, 0.520655632019043, 0.05894715338945389, -1.015671730041504, -0.7775424122810364, 1.5656942129135132, -0.7558243870735168, -0.4948408305644989, 0.6708202362060547, 0.39549520611763, 1.859927773475647, -0.23398113250732422, 0.3957200050354004, 1.3177300691604614, 0.41508743166923523, 0.3551322817802429, 0.26658788323402405, -0.6423306465148926, 0.21571867167949677, -0.4931073784828186, 0.8074728846549988, -0.9255352020263672, -0.86497563123703, -1.293616771697998, 0.4199984073638916, -0.49855196475982666, -0.5541635155677795, 1.9586845636367798, -0.18360039591789246, 1.088897705078125, -0.5405488014221191, 0.608564555644989, -1.3301712274551392, 0.13786549866199493, 0.49078965187072754, 0.5692529082298279, -0.7943695187568665, -1.0763276815414429, -0.2473212480545044, 0.21326953172683716, 0.026865612715482712, -0.15935423970222473, -0.3516770601272583, 1.283067226409912, -0.19965560734272003, -1.1682449579238892, -0.4136069715023041, 0.7707973718643188, 0.4939231872558594, 1.9824386835098267, -0.7612804770469666, -0.44251564145088196, 0.37388959527015686, 0.6607285737991333, 0.14464043080806732, 0.6427386403083801, -0.6911381483078003, 0.8682162761688232, 0.7651199102401733, 0.5969738364219666, -0.023517467081546783, 1.629750370979309, -0.5832087993621826, -1.3267450332641602, -1.404671549797058, -0.3283067047595978, -0.5549286007881165, -0.8259899616241455, 0.10654590278863907, 0.014517813920974731, -0.5030637383460999, 1.2068313360214233, -0.3325579762458801, 0.09409193694591522, 1.2193946838378906, 0.05293457955121994, -1.157531499862671, -0.21673701703548431, 0.6069759130477905, -1.3248798847198486, -0.24458374083042145, -0.32508718967437744, -0.9128239154815674, -0.07182930409908295, -0.38960152864456177, -0.039543524384498596, 0.4428265690803528, -0.20122309029102325, 0.2170485407114029, -0.04724323749542236, 0.0001672208309173584, -0.6322539448738098, 0.480233371257782, 0.6059727072715759, -0.8557165265083313, 1.2916473150253296, 1.0694271326065063, 0.5833622217178345, -0.31698212027549744, -1.082087516784668, -0.8729947805404663, 1.2004448175430298, -0.05935213714838028, 0.5722361207008362, -0.5090247988700867, -0.25262847542762756, 0.3402932286262512, -0.9641483426094055, 0.2697370946407318, -0.42399871349334717, -0.5627338290214539, -0.3090769648551941, -0.11699730157852173, 0.48051393032073975, -1.521494746208191, -1.5459513664245605, 0.4445827007293701, -0.9649956822395325, 0.4824623167514801, -0.5165657997131348, 0.39535146951675415, 1.6869981288909912, 0.32834336161613464, 0.26705414056777954, -0.2879616618156433, -10.127594947814941, 0.8390016555786133, -0.09603714942932129, -0.8912339806556702, 0.7153222560882568, -0.8743478059768677, 0.9772061705589294, 0.11098285019397736, 0.12912507355213165, -1.2667049169540405, 1.2518730163574219, 0.487067312002182, -0.10012903064489365, -0.7154451608657837, -0.36023759841918945, -1.4429460763931274, -0.3272462785243988, -0.5084220170974731, 0.5728127360343933, 0.10243051499128342, -0.03480297699570656, -0.9329252243041992, -0.11162912845611572, 0.5533018708229065, -0.7279007434844971, 0.7439876794815063, -0.20718055963516235, -0.4558184742927551, -0.37618547677993774, 0.09389220178127289, 0.6076982021331787, -0.34231865406036377, -0.5065049529075623, -1.3351528644561768, 0.4659958481788635, -0.3140433728694916, -1.034786343574524, -0.07322151958942413, 0.5532896518707275, -0.18540073931217194, -0.8235980272293091, 0.868771493434906, 0.6517959237098694, 0.2843726873397827, -0.46246784925460815, 0.47613853216171265, 0.6210761070251465, -0.7349080443382263, 0.3400424122810364, -0.19805371761322021, -0.04472649097442627, -0.4704505205154419, -0.394322007894516, 0.27868473529815674, 0.379529744386673, -0.7597483396530151, -1.0343302488327026, 0.47870969772338867, -0.5119044780731201, -1.144415259361267, 0.3284444808959961, -0.15131841599941254, -0.09621010720729828, 0.13631142675876617, 1.2458200454711914, -0.29454684257507324, 0.5545137524604797, 0.9586988091468811, -0.5103529691696167, 1.0334042310714722, -1.1832345724105835, -0.29532599449157715, -0.423031747341156, 0.3223779499530792, -0.4409838616847992, -0.30419838428497314, 0.22968941926956177, 0.2906340956687927, 0.8091050386428833, 0.1516425460577011, -0.5846461653709412, 0.8087856769561768, 0.25548282265663147, -0.6170112490653992, -1.0222324132919312, 0.33789369463920593, -0.5112298130989075, -0.35146868228912354, 1.0032322406768799, -0.6884646415710449, 0.6809048056602478, -0.16961270570755005, -0.788334846496582, 0.13281682133674622, -0.6472589373588562, 0.6944319605827332, 0.567370593547821, 0.2960696518421173, 0.15484221279621124, -1.558335542678833, 0.5248972773551941, 0.37541380524635315, 0.22555270791053772, 0.3395439684391022, 0.831131637096405, 0.4163248836994171, -0.33209842443466187, 0.9488905668258667, 0.5261316895484924, 0.3809182345867157, 0.7668781876564026, -0.30449360609054565, -0.6043820381164551, 0.0591454952955246, -0.3322557508945465, 0.8124892711639404, 0.8803508281707764, 0.520893931388855, 0.7073345184326172, 0.9718184471130371, -0.12188331037759781, 1.3734134435653687, 0.5251368880271912, 1.0789122581481934, -0.3523623049259186, -0.9425997138023376, 0.28897911310195923, 1.0218011140823364, -0.3008681833744049, -1.1087088584899902, -0.1282459944486618, -0.13165512681007385, 0.03528081625699997, -0.247724711894989, -1.0884541273117065, 0.04831157252192497, -0.4188988506793976, 1.6957557201385498, -0.6885910630226135, 0.4870240092277527, 0.8643056154251099, -0.821970522403717, 0.23536306619644165, -1.1167842149734497, -0.7439820170402527, 0.3013988435268402, -0.7793214917182922, 0.2228444516658783, -0.865740180015564, -0.15745839476585388, 0.9843695759773254, -0.0458528958261013, 0.9580540060997009, -1.0978467464447021, -0.717212975025177, 0.010414190590381622, 0.3872494101524353, -0.08676934987306595, -0.4216555655002594, 0.20498144626617432, -0.5242047905921936, 0.8885294795036316, -0.7010178565979004, 0.8700201511383057, -0.07709996402263641, -0.6514041423797607, -0.5137704610824585, -0.411713182926178, -0.9847469925880432, 0.28981348872184753, 1.4682668447494507, -1.363548994064331, 0.0707704946398735, -0.2891605496406555, 0.23272348940372467, -0.682689368724823, 0.9574469923973083, 1.7127363681793213, -0.964935302734375, -0.4790358543395996, -0.06144295632839203, 0.8227539658546448, -0.01498919352889061, -0.8286252617835999, -0.25539112091064453, -0.2672519385814667, 0.31217747926712036, 0.21474596858024597, 0.088934026658535, 0.3383723497390747, -1.6898407936096191, -0.6277368068695068, 0.20197127759456635, -1.0592645406723022, -0.3854413628578186, -0.23967942595481873, 1.5897092819213867, 0.9469491839408875, 0.1721467673778534, 0.8208060264587402, 0.48368069529533386, 0.6457758545875549, -0.2552933692932129, 0.6220595836639404, 0.10721695423126221, -0.34278926253318787, -0.6407617330551147, 0.5444467663764954, -0.011969035491347313, -0.12529835104942322, -0.8524131178855896, 0.334741473197937, 0.532122790813446, -0.3342743515968323, 0.9232268333435059, -0.818285346031189, -0.37226471304893494, -0.28364455699920654, -0.16888804733753204, -1.6863222122192383, 0.464083194732666, 1.1632928848266602, -0.3185536861419678, 1.09355628490448, 0.09368812292814255, 0.20033696293830872, 1.1607147455215454, -0.408108651638031, 0.921887993812561, -0.19916069507598877, -0.08604969829320908, 0.7637891173362732, 0.6561235189437866, -0.19694840908050537, 0.28277069330215454, -1.1147820949554443, -0.9770981669425964, 0.20396050810813904, -0.8808802366256714, 0.07054003328084946, -0.3774614930152893, 0.9207344651222229, 1.1269909143447876, 1.3627734184265137, -0.800798773765564, -1.4398025274276733, -0.5203399658203125, -1.0538980960845947, 0.1894523799419403, 1.3992891311645508, 0.36495241522789, 0.08091448247432709, 0.6593475937843323, -0.14445514976978302, 0.6389211416244507, -0.8222070336341858, -0.33388376235961914, -0.06959886103868484, 0.42522120475769043, 0.6213670372962952, 0.18260186910629272, 0.7164073586463928, 0.06037772446870804, 0.557249128818512, 0.24707603454589844, 0.18804441392421722, 0.0683273896574974, -0.2026095688343048, 0.8945245742797852, -1.2297927141189575, -0.40617549419403076, -0.8389832973480225, -0.14601776003837585, -1.3370593786239624, 0.9932965636253357, -0.14680804312229156, -0.6560747027397156, -0.9573734402656555, -1.0354961156845093, -0.5185392498970032, 0.7167215347290039, 0.1559571772813797, -0.6906787157058716, -0.3430527448654175, 0.8814494609832764, 0.274413138628006, 0.44609788060188293, -0.753947377204895, -0.03401946648955345, -0.8725059032440186, 0.6764469742774963, -1.5085694789886475, -0.31534692645072937, -0.07094062864780426, 0.04031302034854889, -1.1657801866531372, 0.501761257648468, -0.67673259973526, -0.6412587761878967, -1.3372855186462402, -0.5882753133773804, -0.006908848881721497, 0.268961101770401, 0.5753540396690369, -0.051423750817775726, -1.800410270690918, 1.043282389640808, 0.8158908486366272, -0.46817466616630554, -1.0044870376586914, 0.6992346048355103, -0.6391794681549072, -0.574161946773529, 1.3795216083526611]} +{"paper_id": "jfleg", "embedding": [0.21811425685882568, 1.3634953498840332, -0.46884143352508545, 0.14060306549072266, 0.38830283284187317, 0.2135109007358551, 0.2723655104637146, 0.7226163148880005, 0.9753857254981995, 0.5366588830947876, -0.235416442155838, 0.19147177040576935, 0.3860599994659424, 0.4683193564414978, -0.24257969856262207, -0.7658870816230774, -1.2270272970199585, -0.18242400884628296, -1.8550844192504883, -0.06027643382549286, -0.9484830498695374, -0.6458759903907776, -0.1688145250082016, 0.2589647173881531, -0.6304500102996826, -0.45037609338760376, 0.013716170564293861, -1.335558533668518, -0.2341405153274536, 0.34411168098449707, -0.9229738712310791, 1.1967500448226929, -0.9784247279167175, 0.6764248013496399, -0.4309200644493103, -0.9047008752822876, -0.08008089661598206, 0.8697549104690552, -0.1875588595867157, 0.019418347626924515, -1.1450096368789673, -0.04703890159726143, 0.3723345100879669, -0.37416186928749084, 0.5745633840560913, -0.4005887806415558, 0.009980667382478714, 0.05075707286596298, -0.11294611543416977, 0.22238390147686005, -0.506080687046051, -0.04723575711250305, 0.20748521387577057, 0.32365742325782776, 0.1384119987487793, 0.11789018660783768, 0.650315523147583, -1.1299874782562256, 0.5308424234390259, -0.5913963317871094, 1.0321768522262573, 1.56699538230896, -0.6121882796287537, 0.4570142924785614, 1.0059726238250732, -0.4407652020454407, 1.1980063915252686, 0.0926932841539383, 0.15751585364341736, 0.38290828466415405, -0.5249742269515991, -0.9336622357368469, 0.42739441990852356, -0.20819801092147827, 0.7650445699691772, 0.6203649044036865, -0.18187078833580017, 0.0070764608681201935, 0.45601344108581543, -0.44756340980529785, -1.0530362129211426, 0.4466738700866699, 0.8337875604629517, -0.552858293056488, 0.15404458343982697, -0.036631520837545395, -0.0031442083418369293, -0.2743021547794342, -0.05029115825891495, -1.3781232833862305, 0.6034753918647766, 0.30106642842292786, 0.39073726534843445, 0.3399025499820709, -0.12506510317325592, 0.5644524097442627, 0.17169171571731567, 0.009501001797616482, -0.39242881536483765, -0.23289364576339722, 0.5681101083755493, -0.35691148042678833, 0.6423805952072144, -0.15576058626174927, 0.3511200547218323, 0.6008222699165344, -0.7555413246154785, -0.8541314005851746, -0.3888207674026489, -0.3020625710487366, 0.2887265980243683, 1.082209825515747, -0.322933554649353, 0.7126932740211487, -0.10002511739730835, 0.2835111916065216, 0.33305397629737854, -0.7277367115020752, -0.4592929184436798, -0.2883679270744324, -0.22333171963691711, -0.9528577923774719, -0.4965025782585144, -0.528231680393219, 0.653098464012146, -0.9900148510932922, -0.20263053476810455, -0.6118168830871582, 0.776299774646759, -0.10658331215381622, 0.961033821105957, 0.24558581411838531, -0.2800062894821167, 0.11948893964290619, 2.4518141746520996, -0.8169331550598145, 1.099327802658081, -0.7424365878105164, -0.5475557446479797, -0.23013560473918915, 0.5268460512161255, 1.5977392196655273, 0.0571855828166008, -0.27493101358413696, -0.38890349864959717, -0.27288389205932617, -0.35303741693496704, 0.6043916940689087, -0.8546578288078308, 0.13443626463413239, 0.14932475984096527, 0.7627395987510681, -1.6700835227966309, 0.0747007206082344, 0.11542262136936188, 0.07525411993265152, 0.482759028673172, 0.8464033007621765, -0.5826515555381775, 0.5999255776405334, 0.69632488489151, 0.32101011276245117, -0.26578468084335327, 0.10420165210962296, -0.3142849802970886, -0.19493089616298676, 1.3219003677368164, -0.17710718512535095, -1.0935167074203491, -0.090962715446949, -0.09741874039173126, -0.45981141924858093, -0.5400381684303284, -0.23719951510429382, 0.35547953844070435, 0.3046577572822571, 0.4875619411468506, 0.3283832371234894, 0.05037405714392662, -0.7905527949333191, -0.3291928172111511, -0.45142167806625366, 0.05249249190092087, 0.48481887578964233, 0.04538561403751373, 1.0760719776153564, -2.3311238288879395, -0.34419548511505127, -0.23644927144050598, 0.8072447776794434, -0.7042469382286072, -0.24935005605220795, 0.2969619631767273, 0.30084240436553955, 0.5255705118179321, -0.5984359979629517, 0.777507483959198, -0.3914116621017456, 0.04929418861865997, -0.1075448989868164, 0.3401251435279846, -0.3590972423553467, 0.09990431368350983, 0.6291205883026123, 0.34839507937431335, -0.7780414819717407, -0.8659524321556091, -1.420060634613037, -0.13027748465538025, 2.487913131713867, -0.433300256729126, -0.07702932506799698, -0.6950131058692932, -0.7905606031417847, -0.28955480456352234, -0.5453733801841736, 0.4835452735424042, -0.6131806373596191, -0.689581573009491, -0.5632712841033936, 0.37629908323287964, -0.5722854733467102, -0.08481758832931519, 0.9193447828292847, 1.5179439783096313, -0.5214462876319885, -0.666884183883667, 0.08603495359420776, -0.3112087547779083, -0.2931462228298187, 1.0163254737854004, 0.30937907099723816, 0.07275605946779251, 0.5964164137840271, -0.06281580030918121, 1.0881822109222412, 0.9192796349525452, 0.49280399084091187, -0.502612829208374, 0.08251920342445374, 0.43277788162231445, 1.1906546354293823, -0.17295993864536285, -0.5957983732223511, 0.21460531651973724, 0.6915760040283203, -0.7323605418205261, -0.28909561038017273, 0.09008826315402985, -0.19340771436691284, 1.4485609531402588, 0.9782361388206482, -0.628730297088623, 0.9555910229682922, -1.1783652305603027, 0.3784143328666687, -0.3801724314689636, -0.5194650888442993, -0.6226937770843506, 0.012943647801876068, 0.0271926112473011, -0.13128601014614105, 0.08776195347309113, -0.7614571452140808, -0.16559678316116333, -0.8756442666053772, -0.7285778522491455, -0.31613680720329285, -0.14037862420082092, -1.1873624324798584, -0.2508823275566101, -0.16656051576137543, -1.210161566734314, -0.29052531719207764, 0.2901267409324646, 0.10868839174509048, 0.4437739849090576, 0.705436110496521, 1.5961623191833496, -0.3996187150478363, -0.3472974896430969, 0.3853316903114319, 0.5464974641799927, -0.10370393097400665, 0.4293469786643982, 0.1819748431444168, -0.009487878531217575, -0.5671876072883606, -0.15337669849395752, -0.7531294226646423, 0.3133866786956787, 0.9652253985404968, -0.05521288514137268, 0.23348405957221985, -0.4476275146007538, -0.7748761773109436, 0.5542186498641968, -0.626849353313446, 0.2775413990020752, -0.9310750961303711, 1.6908398866653442, 0.9365441799163818, 0.25013986229896545, 0.7015207409858704, -0.3136753737926483, -0.1174001693725586, 1.2392481565475464, -0.8449400663375854, 0.26240673661231995, -0.5794300436973572, -0.6216248273849487, 0.5812926292419434, 0.5780999064445496, -1.8884483575820923, 0.43217799067497253, 1.0038328170776367, -0.2258947789669037, -0.3197231888771057, -0.8299589157104492, 0.39636892080307007, -0.23590576648712158, -0.37385156750679016, 0.2548232674598694, -1.0859153270721436, 0.6142061352729797, -0.4384751319885254, -0.27646562457084656, -0.1753573715686798, -0.5316500663757324, 0.7887294888496399, 0.6190205812454224, 1.010603904724121, -1.1887322664260864, 0.10960017889738083, 0.7370826601982117, -1.1435424089431763, 0.36761903762817383, 0.3149651885032654, 0.300229549407959, 1.1775087118148804, -0.24761247634887695, -0.32032087445259094, 0.7473480701446533, 0.5296249389648438, 0.1661665141582489, 0.8761519193649292, -0.9529658555984497, -0.09776224195957184, -0.16027604043483734, 1.2682398557662964, -0.09470318257808685, -0.9460058808326721, -0.5281262397766113, -0.6385657787322998, -0.8077836036682129, -0.5918660163879395, 1.3629883527755737, 0.9694468379020691, 1.2605974674224854, 0.6309001445770264, 0.885783851146698, -0.36751723289489746, -0.4436633288860321, 0.6405209302902222, 0.2391429990530014, 0.3510255217552185, -0.29281291365623474, 0.2935846447944641, 1.047959566116333, 0.3975312411785126, -0.5740966200828552, 0.2542218267917633, 0.6714954972267151, -0.10973715782165527, -0.6254764199256897, 0.3656865060329437, 0.5566222071647644, 1.1465661525726318, 2.1622865200042725, -0.5323065519332886, 0.08405523002147675, -0.34361475706100464, 0.5150889754295349, -0.3331504166126251, 0.38497382402420044, -0.402919203042984, 0.2550438940525055, 0.31581228971481323, 1.463971495628357, 0.13930125534534454, 0.6926875114440918, 1.1352742910385132, -0.7113960981369019, -1.2535536289215088, -0.4389244318008423, -1.0333141088485718, -0.5242219567298889, -0.03762734681367874, -0.15351596474647522, -0.327268123626709, 0.5117267966270447, -0.46903693675994873, -1.1394368410110474, 0.15270066261291504, -0.13143345713615417, -0.9498656988143921, 0.2853712737560272, 0.991899847984314, -1.0750194787979126, -0.08108991384506226, -0.5931007266044617, -0.48398730158805847, -0.6483920812606812, 0.12303891032934189, -0.6266964673995972, 0.4635874927043915, 0.3308979868888855, 0.6536164283752441, 0.16170653700828552, 0.3574289083480835, -0.9553044438362122, 0.8680385947227478, 1.4522820711135864, -1.0273277759552002, 0.7340753078460693, 0.048370327800512314, 0.8754882216453552, 0.11407377570867538, -1.230846881866455, 0.09419450163841248, 0.5845171809196472, -0.16634437441825867, 0.32674238085746765, -0.42106497287750244, -0.44452476501464844, 0.18636411428451538, 0.36792659759521484, 0.5853087902069092, -1.158582329750061, 0.019246861338615417, -0.6923880577087402, 0.6386734843254089, 0.9485937356948853, -0.9773262739181519, -0.7232924699783325, 1.044006586074829, -1.004673719406128, 0.024461228400468826, 0.39025235176086426, -0.40437832474708557, 0.4374845325946808, 0.39850953221321106, -0.1162731871008873, -0.6105349063873291, -11.959328651428223, 0.7977103590965271, 0.14636658132076263, -0.23934181034564972, -0.009264860302209854, 0.16337525844573975, 0.49693524837493896, 0.12800167500972748, -0.12729023396968842, -0.4105982780456543, 0.1286584883928299, 2.0663256645202637, -0.030526988208293915, -0.3390960097312927, -0.20015569031238556, -0.772483229637146, -0.7314684391021729, -0.19171416759490967, 0.3640674948692322, 0.3018062710762024, -0.6026396155357361, -1.813992977142334, 0.4589496850967407, 0.21575863659381866, 0.5093334913253784, -0.5677290558815002, -0.13156604766845703, -0.006056306418031454, -0.07763628661632538, 0.2374991476535797, 0.1963735818862915, -0.022602764889597893, -0.7717750072479248, -0.6183911561965942, 0.29614800214767456, -0.39330458641052246, -1.3645011186599731, -0.7246371507644653, 0.9760044813156128, -0.47006985545158386, -0.3110455274581909, 0.23470044136047363, -0.12065744400024414, -0.704835057258606, -0.808043360710144, -0.3048306107521057, -0.04684491455554962, -0.6139232516288757, 0.3794126808643341, -0.658483624458313, 0.05355687439441681, 0.023305943235754967, -1.2646430730819702, -1.1209068298339844, 0.5262966156005859, -0.5551775693893433, -0.9879769682884216, -0.10163754969835281, -0.44069600105285645, -0.6799192428588867, 0.6173383593559265, 0.3464333415031433, -0.6295858025550842, 0.2565068006515503, 0.743605375289917, -0.8079080581665039, 0.03556351363658905, 0.2881487011909485, 0.9611734747886658, 0.5041667819023132, -0.8518926501274109, 0.9061477780342102, 0.3226606845855713, 0.251328706741333, -0.29061681032180786, -0.6454905271530151, -0.2044447660446167, -0.3693709969520569, 0.5017279386520386, 0.014944725669920444, -0.6284548044204712, 0.4396400451660156, -0.2974320352077484, 0.43006643652915955, -0.9695793986320496, 0.28220251202583313, -0.4634232819080353, 0.020925726741552353, 1.131241798400879, -0.15972019731998444, 1.1172747611999512, -0.5459559559822083, -0.25168126821517944, -0.12810546159744263, -0.5612602233886719, 0.8498200178146362, -0.939639151096344, 0.9519543051719666, 0.42229440808296204, -0.9728463888168335, 0.5779430866241455, 0.31967759132385254, -0.4637037217617035, 0.25045937299728394, 1.0262113809585571, -0.14066830277442932, 0.19657516479492188, -0.41891786456108093, 0.44165462255477905, -0.7448366284370422, 1.0016319751739502, 0.2732183039188385, 0.11244700103998184, 0.965323269367218, -0.12334923446178436, 1.4368735551834106, 1.2322533130645752, 0.7043415904045105, 0.028450993821024895, 0.6241148710250854, -0.1622883826494217, 0.562501072883606, 0.7786391377449036, 2.0982651710510254, 0.44979017972946167, 0.48307493329048157, 0.5596277117729187, 0.48746028542518616, 0.4494903087615967, -1.0112813711166382, 0.2745576500892639, -0.28234243392944336, 0.517737090587616, -1.2782456874847412, 0.11935828626155853, -0.6149750351905823, -1.3805769681930542, 0.6118988990783691, -0.7057487368583679, 0.20050078630447388, 0.010436050593852997, -0.19715070724487305, -0.4776974618434906, -0.19973556697368622, -0.9387024641036987, 0.5463951826095581, -2.4260315895080566, 0.24361400306224823, -0.16115695238113403, -0.28760096430778503, -0.06575438380241394, -0.373797744512558, 0.33509111404418945, -0.4085960388183594, 0.4161936938762665, -0.005249401554465294, 1.2800923585891724, -0.7895917296409607, -0.1716725081205368, -0.41645294427871704, 0.018843907862901688, 1.411726713180542, -0.1707918494939804, 0.8452669382095337, 1.1877787113189697, 0.007448215037584305, -0.3991100788116455, -0.3330848515033722, 0.19882534444332123, 0.7361525297164917, 0.5310758948326111, -1.228682518005371, -0.6353070139884949, -0.3748128414154053, 0.6340073347091675, -0.046302974224090576, 0.31535273790359497, 1.3950344324111938, -0.6199747323989868, -0.08691085875034332, -0.3340122401714325, 0.292476087808609, 0.9697450995445251, -0.9504300355911255, -0.6743500232696533, 0.11756563931703568, 0.1081436276435852, 0.44941920042037964, 0.1475796103477478, 1.0150728225708008, -1.0821843147277832, -0.9185028672218323, -0.5267653465270996, -0.07120516896247864, 0.24057835340499878, -0.16869032382965088, 1.1247262954711914, 0.060438018292188644, -0.026696033775806427, -0.1589539647102356, -0.29803675413131714, 0.9691144227981567, -0.3349122405052185, 0.4795265793800354, -0.7109489440917969, 0.5659207105636597, -0.8604477643966675, 0.39392510056495667, 0.5017347931861877, 0.8511252999305725, -1.4048506021499634, -0.2011037915945053, -0.08538004755973816, 0.040688082575798035, -0.7761266231536865, -0.9428576231002808, -0.3755403161048889, -0.22969651222229004, -0.697945237159729, -0.9718045592308044, 0.6983460187911987, 0.8802368640899658, -0.35380858182907104, 0.49792933464050293, 0.7460428476333618, 0.39007997512817383, 0.7880555987358093, 0.35532742738723755, 1.3512367010116577, -0.030930284410715103, -0.014969457872211933, -0.0744132250547409, 0.4136410355567932, 0.3124910593032837, -0.15179356932640076, 0.2379770278930664, -0.7324641942977905, -0.41547486186027527, -1.0022474527359009, 0.37637513875961304, -0.22319866716861725, 0.8642042875289917, 0.434408962726593, 0.8070113658905029, 0.6399520039558411, -1.3179973363876343, 0.32709136605262756, -0.6646307706832886, 0.284890741109848, 0.2590930759906769, 0.679234504699707, 0.4695807099342346, 0.5119084715843201, 0.14899922907352448, 1.4733549356460571, 0.11464817821979523, 0.25111597776412964, -0.9910312294960022, 0.3334985375404358, 1.1949411630630493, 0.729089081287384, 0.214368999004364, 0.08946970850229263, -0.49810102581977844, -0.7066211104393005, -0.8597484230995178, -0.7542456984519958, 1.1095494031906128, 0.4362175464630127, -0.24681249260902405, 0.6019695997238159, -0.6125472187995911, 0.27291980385780334, -0.04415499418973923, 1.0734367370605469, -0.3288041353225708, -0.26261162757873535, -1.2443983554840088, -0.7314738631248474, 0.254459410905838, 1.2268106937408447, -0.505254328250885, 0.15890946984291077, -1.2355501651763916, 0.2827337086200714, -0.20801588892936707, 0.08409290760755539, -0.7896530032157898, 0.2905701696872711, -0.4131374657154083, -0.3964918255805969, 0.6927977800369263, -0.5363563299179077, -0.6273320317268372, -0.25897061824798584, -0.6022365093231201, 0.5527681112289429, -0.11057193577289581, -1.1197360754013062, 0.03967021033167839, 0.17363734543323517, 0.2258417010307312, 0.17554646730422974, 0.2719089984893799, 0.17019802331924438, -1.2687534093856812, 1.0863465070724487, 0.34593138098716736, -0.7337273359298706, -0.07805146276950836, -0.0428079254925251, 0.4186711311340332, -0.022919736802577972, 1.1167036294937134]} +{"paper_id": "numer_sense", "embedding": [-1.0759987831115723, 1.0098549127578735, -0.04885394871234894, -0.5819046497344971, -0.054023079574108124, 0.13810688257217407, 0.7460798025131226, 0.6100249886512756, 0.9018885493278503, 1.2448196411132812, 0.6464231610298157, 0.080767422914505, -1.2220401763916016, -0.7538418173789978, -0.45147764682769775, -0.4570237398147583, -0.7464402318000793, -0.8006154894828796, -1.3400671482086182, -0.3470506966114044, -1.0299814939498901, -0.4676836133003235, -0.22333139181137085, 0.7163516879081726, -0.8537744283676147, -0.8920294046401978, 0.5658406019210815, -1.1658437252044678, 0.5518071055412292, 0.28105422854423523, -0.40360355377197266, 1.0033316612243652, -1.5872163772583008, 0.8871375918388367, -0.5649187564849854, 0.02995883859694004, 0.2705386281013489, 0.7077581286430359, 0.028126947581768036, -0.002879936248064041, 0.06839916855096817, -0.25560668110847473, 0.7375261783599854, 0.32582613825798035, 0.41562628746032715, -0.44548192620277405, 0.12487778812646866, 0.6964787244796753, 0.02870926260948181, -0.35342836380004883, -0.7250564694404602, 0.4409670829772949, -0.2986169159412384, 0.8235344886779785, -0.5906130075454712, 1.1800308227539062, 0.19928982853889465, -0.03514460101723671, 0.8416033387184143, -0.6681435108184814, 1.0557525157928467, 1.7950533628463745, -0.24540744721889496, 0.11936816573143005, 0.559199869632721, 0.789734959602356, 1.275221586227417, 0.5344947576522827, 0.5481939911842346, 0.11033810675144196, 0.508648693561554, -0.3798069953918457, 0.1920706033706665, 0.43810081481933594, 0.6743048429489136, 0.771987795829773, 0.28946229815483093, -0.11709806323051453, 0.09069041907787323, 0.02157832682132721, -0.47688350081443787, 0.4076687693595886, 0.3801254630088806, -0.21988147497177124, -0.09722451865673065, 0.7854400873184204, 0.09352156519889832, -1.3647565841674805, 1.0257171392440796, -1.823612928390503, 1.053676962852478, 0.6456417441368103, 0.3233780860900879, -0.6613267660140991, 0.1369841992855072, 0.21073585748672485, -0.9918108582496643, -0.5126274824142456, -0.40381547808647156, 0.41675496101379395, 0.8666968941688538, -0.4777534008026123, 0.2576165199279785, -0.5323640704154968, 0.2518562078475952, 0.8790926337242126, 0.23318585753440857, 0.22112876176834106, -0.9074728488922119, -0.08897896111011505, 0.44808077812194824, 1.4280507564544678, 0.30800142884254456, 0.2313109040260315, -0.16575771570205688, 0.32899656891822815, 0.4197498559951782, -0.49994421005249023, -0.14063727855682373, -0.247427836060524, -0.10338415950536728, -0.9616417288780212, -0.660108745098114, -0.22692431509494781, 0.5225435495376587, -0.8056125044822693, -0.2158203125, -0.019105032086372375, -0.07750857621431351, 0.0377059206366539, 0.09536413848400116, 0.302310049533844, -1.042116641998291, -0.3965679705142975, 3.6579699516296387, -1.1134897470474243, 1.124418020248413, -0.9791575074195862, 0.23580579459667206, -0.37380436062812805, -0.4949474632740021, 0.8774980306625366, 0.4372670352458954, -0.18477757275104523, -0.6125273108482361, -0.1548059731721878, -0.6697759628295898, 0.34855934977531433, -0.7425862550735474, 0.25174063444137573, -0.11506558954715729, 0.6429377198219299, -1.8770915269851685, -0.720161497592926, 0.1443406641483307, 0.11881358176469803, -0.39634156227111816, 0.7638347744941711, -0.701019287109375, 1.0887502431869507, 0.6745755672454834, -0.3721294403076172, -0.7948166728019714, 0.12393549829721451, -0.8911740779876709, -0.11080031096935272, 1.2356626987457275, -0.707484245300293, -0.5213337540626526, -0.6698875427246094, 1.148485779762268, -0.00013893842697143555, -0.17108100652694702, -0.22947430610656738, -0.2606407403945923, 0.37123429775238037, 0.20368993282318115, 0.06291384249925613, 0.18970218300819397, -0.32352951169013977, -0.5924933552742004, -0.30058106780052185, -0.31643155217170715, 0.3855317533016205, -0.6200386881828308, 0.15108980238437653, -2.4177119731903076, 0.3277168869972229, -0.5471790432929993, 0.7669793367385864, 0.2325575351715088, 0.1573513299226761, 0.36743655800819397, 0.05404169484972954, -0.14194661378860474, -0.24094609916210175, 1.118005633354187, -0.9652975797653198, -0.7791051864624023, 0.7839139103889465, -0.714005708694458, -0.38295409083366394, -0.4180320203304291, 1.129328966140747, 0.3789810538291931, -0.6193229556083679, 0.22222881019115448, -1.7550894021987915, -0.030661724507808685, 2.176152467727661, 0.7070026397705078, -1.2773476839065552, -0.45053595304489136, -0.45082175731658936, 0.4430168867111206, -0.516223132610321, 0.4696023166179657, -0.7494370341300964, 0.5068690180778503, -1.3516374826431274, 0.6888704299926758, -0.08883130550384521, 0.751726508140564, 0.6056383848190308, 1.458599328994751, -0.9645947217941284, -0.09063698351383209, -0.03185062110424042, -0.5891318321228027, 0.8991804122924805, 0.2881969213485718, 0.10610584914684296, 0.018644560128450394, 0.22873815894126892, -0.00489729642868042, 0.4675368666648865, 0.6731962561607361, 0.6432034969329834, -1.1533395051956177, 0.4320341944694519, 0.1727026402950287, 0.858771800994873, -0.5332148671150208, 0.5027949810028076, 0.11850440502166748, -0.38848432898521423, 0.08865927159786224, -0.7109585404396057, -0.15998722612857819, -0.43062663078308105, 1.4213533401489258, 0.07744899392127991, 0.2625344693660736, 0.20045340061187744, -0.6160317659378052, -0.29486823081970215, -0.49544990062713623, -0.7795991897583008, 0.5686476826667786, -0.3307110667228699, 0.9038739800453186, 0.022970179095864296, -0.0519690103828907, -0.5350619554519653, 0.17689064145088196, -1.9022984504699707, 0.5846139788627625, -0.4365586042404175, -0.6539747714996338, -1.3418785333633423, 0.48429644107818604, -0.3613516092300415, -0.9882984161376953, -0.5323777198791504, 0.13189688324928284, 0.7240844368934631, 0.38862183690071106, 0.6223404407501221, 1.6483536958694458, -0.17366889119148254, 0.3780335485935211, -0.09752494841814041, 1.0476839542388916, -1.076442003250122, -0.0909186452627182, 0.37896525859832764, -0.00898686796426773, -0.7851628661155701, 0.5103440284729004, -0.9763472676277161, 0.37722089886665344, 0.4372907876968384, -0.671197235584259, 0.6364474296569824, -0.2768099308013916, -0.9861607551574707, 2.0588040351867676, -0.22609156370162964, 0.35343149304389954, -0.6759430766105652, 2.297586441040039, 0.08697402477264404, -0.03140243515372276, 0.30222928524017334, -0.3032311499118805, 0.4694288969039917, 0.9363792538642883, -0.16000014543533325, 0.4443715512752533, 0.40850889682769775, 0.11411747336387634, 0.19901685416698456, 0.21768128871917725, -2.703908920288086, 0.6193873286247253, 0.19850219786167145, -0.21426256000995636, -0.26688098907470703, -0.6974323391914368, 0.6456178426742554, -0.8025410175323486, 0.011483399197459221, 0.39657139778137207, -0.7073399424552917, 0.3865644037723541, -0.46061086654663086, -0.3668050765991211, 0.6159785985946655, -1.1585159301757812, 0.2951967418193817, 0.87049400806427, 0.27470582723617554, -1.2084366083145142, 0.4758240580558777, 0.9841602444648743, -0.627352237701416, -0.05754677951335907, 0.22934859991073608, 0.9407599568367004, 1.4303730726242065, 0.030499625951051712, -0.034513723105192184, 0.5284544825553894, -0.20726948976516724, 0.21108770370483398, 0.7865319848060608, -0.23372600972652435, 0.616062343120575, 0.19341468811035156, 0.8167599439620972, 0.1553414762020111, -0.8983948826789856, -0.7347130179405212, 0.04858492687344551, 0.13921020925045013, -1.1665762662887573, 1.7141846418380737, 0.6332690715789795, 1.1158527135849, -0.49818623065948486, 0.8604693412780762, -0.6175326108932495, 0.30949559807777405, 0.4721302092075348, -0.3894847333431244, -0.27127695083618164, -0.6541703939437866, 0.08797869831323624, 0.14983756840229034, 0.15451906621456146, -0.49728888273239136, 0.03724763169884682, 1.0150086879730225, 0.6519103050231934, -0.961357831954956, -0.09804266691207886, 0.16630323231220245, 0.709144651889801, 1.3890358209609985, -1.1204986572265625, 0.0945492535829544, 1.18435800075531, 0.2884855270385742, 1.182117223739624, -0.3157906234264374, -0.8556838035583496, 1.003713846206665, 0.7530519962310791, 0.2776542007923126, -0.23068341612815857, 0.7307921648025513, 1.2143855094909668, -0.6763626933097839, -1.0223504304885864, -0.63862544298172, -0.8873030543327332, -0.1804497241973877, -0.0964467003941536, 0.03506331145763397, -0.7584735155105591, 0.3215380609035492, -0.17012938857078552, -0.5563226342201233, 0.902097225189209, -0.5409639477729797, -0.8326866626739502, 0.6849103569984436, 0.8554120063781738, -1.4184304475784302, -0.7404049634933472, 0.09471328556537628, -0.8834803104400635, -1.3104095458984375, 0.6211557388305664, -0.18708021938800812, 0.08790124952793121, 0.1395930051803589, 1.2642240524291992, 0.13442958891391754, -0.42804378271102905, -1.0320643186569214, 0.5904884934425354, 0.9741166234016418, -0.39651140570640564, 1.0181535482406616, -0.007719428278505802, 0.47376108169555664, -0.12394040822982788, -0.6138499975204468, -0.24782267212867737, 1.3098645210266113, -0.1343996375799179, -0.30085089802742004, -1.3056676387786865, -0.8581206202507019, 0.5107966065406799, 0.3750600516796112, 0.35001981258392334, -0.8787283897399902, -0.5049295425415039, -0.34254586696624756, 0.47835665941238403, 0.8800951242446899, -0.6474698781967163, -1.1653335094451904, 0.7803026437759399, -0.16364236176013947, 0.6583815813064575, -0.19922955334186554, -0.056038253009319305, 2.2996959686279297, 0.12783369421958923, 0.5449792742729187, -0.13811473548412323, -11.219943046569824, 0.607951819896698, -0.062090590596199036, 0.5957298874855042, 0.26241859793663025, -0.4527786076068878, 0.5327891707420349, 0.03404942527413368, 0.24759326875209808, -0.8050199151039124, 0.4697800874710083, 1.0263745784759521, 0.2362702190876007, -0.38313522934913635, -0.24887552857398987, -1.5466256141662598, -0.6901144981384277, -0.5856326818466187, 0.13087283074855804, 0.8202757835388184, 0.3897418975830078, -1.029605746269226, -0.195942223072052, 0.06970194727182388, -0.032173383980989456, -0.14611637592315674, -0.44545477628707886, -0.06229564547538757, -0.17060604691505432, 0.029979117214679718, -0.07486511021852493, -0.0536201074719429, -0.43593519926071167, -0.1809254139661789, 0.396776020526886, 0.018908925354480743, -0.816107451915741, 0.746690571308136, 0.7162476181983948, 0.02289780229330063, -0.5302866101264954, 0.5030642747879028, 0.5582831501960754, -0.24962593615055084, -0.6454246640205383, 0.27256619930267334, 0.741121232509613, -1.1523703336715698, -0.5536221861839294, -0.49734389781951904, 0.015616446733474731, -1.1866648197174072, -0.739669680595398, -0.8880822658538818, 0.6181974411010742, 0.20579059422016144, -0.5500541925430298, 0.28409743309020996, -1.2424920797348022, -1.647445559501648, 0.3607128858566284, -0.17119638621807098, -0.2039109766483307, 0.3970547914505005, 0.5964333415031433, -0.4335397779941559, 0.3676415979862213, 0.5016117691993713, -0.3222615122795105, 0.20596887171268463, -0.9383555054664612, 0.7214995622634888, 0.23221075534820557, -0.05946850776672363, -1.1698551177978516, 0.32854384183883667, -0.249981090426445, 0.05352921783924103, 0.48393240571022034, 0.006070961244404316, -1.5093863010406494, 0.5546211004257202, 0.22682414948940277, -0.5122251510620117, -0.925366222858429, 0.3054553270339966, 0.10464897006750107, 0.5985273122787476, 0.6517542600631714, -0.5938408374786377, 1.2030434608459473, 0.4693123400211334, 0.10821018368005753, -0.21810415387153625, -0.6213486790657043, 0.6851799488067627, -0.10528895258903503, 0.625495433807373, 0.48906388878822327, -0.9542258977890015, 0.9941960573196411, -0.41594523191452026, -0.6011608839035034, 0.26963889598846436, 0.015536044724285603, 0.08239708095788956, 0.16148486733436584, 0.21872377395629883, 0.8601704835891724, -0.3967929184436798, 0.5653088688850403, -0.1764315366744995, -0.6570433378219604, 0.11540103703737259, -0.10696239769458771, 1.0324865579605103, 0.46382051706314087, 0.13376131653785706, 1.069583773612976, 0.26542964577674866, -0.14406634867191315, 1.1010805368423462, 0.5136469602584839, 1.331138014793396, 0.1255168616771698, -0.3947599530220032, 0.7682639956474304, 0.09637070447206497, 0.20884069800376892, -1.7098314762115479, 0.7324583530426025, -0.7108913660049438, -0.2741587162017822, -0.05411253124475479, -0.31403398513793945, -0.7682487368583679, -0.9003924131393433, 1.7820552587509155, -0.2409650683403015, 0.35711655020713806, -0.25880467891693115, -0.3197777271270752, -0.2708287239074707, -0.2917703688144684, -0.623557448387146, 0.3452853858470917, -1.7302076816558838, 0.279258668422699, -0.33891060948371887, -0.8187004327774048, -0.32383260130882263, -0.22513803839683533, 0.7127638459205627, -0.7479302883148193, 0.05600975453853607, -0.061827074736356735, 0.2371768206357956, -0.615584135055542, -0.7072749137878418, 0.12590588629245758, 0.22262907028198242, 0.9367087483406067, -0.7316782474517822, 0.8037752509117126, 0.19675591588020325, -0.39003679156303406, -0.16714197397232056, 0.052050188183784485, -0.5408213138580322, -0.051024939864873886, 0.7338491678237915, -1.392175555229187, 0.3555111289024353, -0.5482062697410583, -0.32245567440986633, -0.7648641467094421, 0.7847879528999329, 0.9956285953521729, -0.5350391268730164, 0.2831956744194031, 0.466530442237854, 0.849923312664032, 0.27977254986763, -0.4827181398868561, 0.2979825735092163, -0.4277068078517914, 0.3295519948005676, 0.13086943328380585, -0.05234654247760773, 0.9353909492492676, -1.1313624382019043, -0.6525341868400574, -0.004425643011927605, 0.8522985577583313, 0.29982098937034607, 0.2432546317577362, 1.2643489837646484, 0.9619747996330261, -0.03132900595664978, 0.7424985766410828, 0.4148029685020447, 0.8431783318519592, 0.27782413363456726, 0.2621062695980072, 0.07693889737129211, 0.04301995038986206, -0.35212475061416626, -0.430787593126297, -0.04536640644073486, 0.49753105640411377, -0.9802808165550232, 0.31750136613845825, 0.32593318819999695, -0.7912818193435669, 0.30424386262893677, -0.5897177457809448, 0.311834454536438, -0.7038237452507019, -0.6048411726951599, -1.2099353075027466, 0.9199256300926208, 0.3833884596824646, -0.48437923192977905, 1.2820379734039307, 0.20378200709819794, 0.27263781428337097, 0.5332618951797485, 0.004075542092323303, 1.411445140838623, -0.256521999835968, 0.3369438648223877, 0.440570592880249, 1.1283842325210571, -0.05167124792933464, -0.2573651969432831, -0.930892288684845, -1.0066170692443848, 0.6135827302932739, -0.9803048372268677, 0.9517666101455688, -1.0983080863952637, 0.1042279526591301, 0.6887060403823853, 1.3326834440231323, -1.3850244283676147, -1.4535095691680908, -0.4404837489128113, -0.8184924721717834, -0.5560128092765808, 0.20082665979862213, 0.4525440037250519, 1.3079068660736084, 0.983984112739563, 0.34043216705322266, 0.4439443349838257, -0.3854711353778839, -0.06122887134552002, 0.2875281572341919, -0.1374727040529251, 1.0650455951690674, 0.5947136878967285, 0.0158830638974905, 0.18214565515518188, -0.03839892894029617, -0.5701085925102234, -0.13168691098690033, -0.5993754863739014, 0.7402945756912231, 1.0050827264785767, -0.3399125337600708, -0.28800803422927856, -0.10338685661554337, 0.21254931390285492, -1.3330336809158325, 0.1964782029390335, 0.08144272863864899, 0.16951020061969757, -0.6932819485664368, -0.7370980978012085, -0.7172907590866089, 1.008974552154541, 0.003912158310413361, -0.44608861207962036, -0.15043993294239044, 0.9618382453918457, 0.4900044798851013, -0.7208404541015625, -0.9658135771751404, -0.07247573882341385, -0.38100919127464294, 0.1874692589044571, -0.27516236901283264, -1.0323024988174438, -0.6148273944854736, -0.22112226486206055, -1.2056361436843872, 0.5233510732650757, -0.3830719590187073, -1.117831826210022, -0.5678009390830994, 0.19989678263664246, 0.08114202320575714, -0.4817914664745331, 0.37553584575653076, 0.2613144814968109, -1.528635025024414, 0.6815541386604309, 1.0474461317062378, -0.5085884928703308, -0.6476350426673889, -0.00011214055120944977, -0.03312215954065323, -0.14107777178287506, 1.047220230102539]} +{"paper_id": "neural_code_search", "embedding": [-0.037480298429727554, 1.1658554077148438, 0.6853001117706299, 0.3042222261428833, -0.22614458203315735, -0.13523714244365692, 0.7875369191169739, 1.618391752243042, 0.6635047197341919, -0.16661030054092407, 0.11162786930799484, 0.46447691321372986, 0.06682713329792023, -0.7010961771011353, -0.8296889662742615, 0.1397237926721573, -0.4952419698238373, -1.1991043090820312, -1.2397990226745605, -1.28193998336792, -1.016250729560852, -0.747862696647644, 0.08682812750339508, -0.06003585457801819, -0.329306423664093, -0.23776817321777344, 0.2549192011356354, -1.4618468284606934, 0.2538708448410034, 0.6496114134788513, 0.49816566705703735, 0.4285724461078644, -1.1830567121505737, 0.23941341042518616, -0.23977747559547424, -0.021268241107463837, 0.3285985291004181, 0.5990875959396362, -0.35317230224609375, 0.2807255983352661, -0.6946837902069092, -0.12459151446819305, 1.1717747449874878, -0.3718714118003845, 1.3268611431121826, -0.06904205679893494, -0.19467094540596008, -0.4240541160106659, -0.3420897126197815, 0.2255944162607193, -0.8621196746826172, 0.37320494651794434, 0.349170446395874, 0.08073286712169647, -0.5765509605407715, 1.4353742599487305, 0.6209548711776733, 0.4732172191143036, 0.7987098097801208, -0.8019331693649292, 1.3646371364593506, 0.986782968044281, -0.5541978478431702, 0.5113444328308105, 0.29647091031074524, -0.3481096029281616, 1.7082223892211914, 1.0781025886535645, 0.015298133715987206, 0.6410519480705261, 0.200362429022789, -1.461207389831543, 0.442423939704895, -0.03919365257024765, 0.02376260608434677, 0.8231011629104614, 0.2749100625514984, -0.8514958620071411, 0.36740243434906006, -0.3225935995578766, -0.981578528881073, 0.41517168283462524, 0.24690274894237518, -0.28473472595214844, 0.4952888786792755, -0.15844020247459412, 0.5160105228424072, -0.9728460311889648, 0.5564265251159668, -0.7937360405921936, 0.23951616883277893, -0.0040916260331869125, 0.8223840594291687, -0.3500613570213318, -0.5274539589881897, -0.37042590975761414, -0.1854185312986374, 0.13112111389636993, -1.0574803352355957, 0.2869482934474945, 0.7799344658851624, -0.026616431772708893, 0.3069356381893158, -1.0002518892288208, 0.8231691122055054, 0.5476676225662231, -0.7320873737335205, -1.128660798072815, -1.196349024772644, -0.16032221913337708, 0.17399320006370544, 0.21179580688476562, -0.5346720814704895, 1.1649373769760132, 0.2666341960430145, -0.6943740844726562, 0.1665462702512741, 0.23382118344306946, -0.552605152130127, -0.7545738816261292, -0.061592862010002136, -0.9586570262908936, 0.687839150428772, -0.10639812797307968, 0.7684981226921082, -0.23730123043060303, 0.3807126581668854, -0.021389953792095184, -0.1642593890428543, 0.21929284930229187, 1.2740713357925415, 0.16025961935520172, -0.5964403748512268, -0.18706673383712769, 2.89523983001709, -1.0509028434753418, 0.6104366779327393, -0.09010130912065506, -0.00866946205496788, 0.1830180138349533, -0.2789683938026428, 1.6701774597167969, 0.4748029410839081, -0.7447780966758728, -0.29117119312286377, 0.6746252179145813, -0.834170401096344, 0.5491407513618469, -1.3214976787567139, -0.139312744140625, -0.379070907831192, 1.5210968255996704, -1.3371673822402954, -1.2870913743972778, -0.2757972180843353, 0.8358170390129089, 0.4655979871749878, 0.466971755027771, -1.1776800155639648, 0.12086087465286255, 0.6784860491752625, -0.3050941824913025, -0.888769805431366, 0.12434703856706619, -1.1654295921325684, 0.15734075009822845, 1.6905384063720703, -0.624903678894043, -0.898747980594635, -0.830446720123291, 0.876098096370697, -0.8981552124023438, 0.05277055874466896, -0.13418301939964294, 0.43725043535232544, 1.5319164991378784, 0.4006275534629822, 0.22729116678237915, 0.4916478097438812, -1.1236813068389893, -0.7229654788970947, -0.250820130109787, -0.6064242720603943, 0.11946462839841843, 0.4113824665546417, 0.22840657830238342, -2.454054832458496, -0.3175628185272217, 0.6778674721717834, -0.10912646353244781, 0.2763829827308655, -0.5186817049980164, 0.33118101954460144, 0.13851045072078705, 0.5587193965911865, 0.0958225280046463, -0.23342275619506836, -1.0019539594650269, 0.43585580587387085, 1.3585271835327148, -0.5643020272254944, 0.819429337978363, -0.37384963035583496, 1.213716983795166, 0.8196099996566772, -0.04189691320061684, 0.5327039957046509, -1.560533046722412, -0.1622583568096161, 2.5126657485961914, 0.27192026376724243, -0.15717719495296478, -1.008954405784607, -0.28747397661209106, 0.2861866056919098, -0.5024117231369019, 0.2183389663696289, -0.8648138642311096, -0.6580058336257935, -1.170485496520996, 0.8788525462150574, -0.1375991851091385, 0.21843871474266052, 0.13248899579048157, 1.1429909467697144, -0.9763170480728149, 0.39504122734069824, 0.8987751603126526, -1.163133144378662, 0.5838157534599304, 0.7446237802505493, 0.2956579923629761, -0.1539965122938156, 1.0711898803710938, -0.049236882477998734, 0.5975527763366699, 0.9186091423034668, 0.37063726782798767, -1.0228193998336792, 1.026811122894287, 0.045994095504283905, 1.0998891592025757, -0.4310547113418579, -0.11604341119527817, 0.18183229863643646, 0.7260949015617371, -0.1070588231086731, -1.491829514503479, -0.41517502069473267, 0.5014606714248657, 1.3070722818374634, 0.48049768805503845, 0.12282423675060272, 0.5795499086380005, -0.5025760531425476, -0.5463859438896179, -0.39883482456207275, -0.30666205286979675, -0.21451270580291748, -0.014651622623205185, 0.22779172658920288, -0.42588570713996887, 0.21047618985176086, -0.1703246533870697, -0.11903905868530273, -1.1486382484436035, -0.8020552396774292, -0.6206695437431335, -0.8230788707733154, -0.8478248119354248, -0.425376296043396, 0.7327237725257874, -0.9772140383720398, -0.579034149646759, -0.051853958517313004, 0.5666047930717468, 0.10929039120674133, 0.8272429704666138, 1.492417335510254, -0.25336211919784546, 0.05786857753992081, -0.2393120527267456, 0.48911982774734497, -0.40389484167099, 0.19058078527450562, -0.2269773632287979, -0.21662653982639313, -1.4261956214904785, 0.38795962929725647, -0.6873886585235596, -0.4512762129306793, -0.28982624411582947, -0.8587732911109924, -0.5390761494636536, -0.1825583577156067, -0.4428844749927521, 1.1772953271865845, -0.2465212643146515, 0.01948050782084465, -0.5220189094543457, 1.5892515182495117, 0.27037477493286133, -0.8967333436012268, 0.18806685507297516, 0.14470678567886353, -0.7360419034957886, 1.038906455039978, -0.3399401009082794, 1.1036063432693481, 0.9366118907928467, -0.055707886815071106, 0.9755638837814331, 0.09532435983419418, -2.7807633876800537, 0.3970758020877838, 1.4780242443084717, -0.13631613552570343, -0.3104894757270813, 0.07403981685638428, -1.115281105041504, -0.399490088224411, 0.2461523711681366, 0.25106701254844666, -1.2225245237350464, 1.0708917379379272, 0.5869213938713074, 0.3908807635307312, 0.6270500421524048, -0.8115109801292419, 0.3358380198478699, 1.4094613790512085, 0.16828536987304688, -0.1207231730222702, -0.04612637311220169, 0.7703877091407776, -1.1485191583633423, -0.4632173478603363, -0.029282718896865845, 0.7274766564369202, 0.8766181468963623, 0.3606939911842346, -0.01399943232536316, 0.6320521831512451, 0.6117147207260132, -0.2527456283569336, 0.3616054654121399, 0.08679401874542236, 0.7994943857192993, 1.2167096138000488, 0.9825568795204163, 0.21051663160324097, -0.6953978538513184, -0.9165608882904053, -0.39067962765693665, -0.49608200788497925, -0.28106313943862915, 1.5553412437438965, 0.5132321119308472, 1.1601718664169312, 0.1960304081439972, 0.008219066075980663, -0.4379390478134155, -0.397108793258667, -0.14792156219482422, 0.907826840877533, -0.2826613783836365, -0.6638023853302002, -0.8257590532302856, 0.4945412278175354, -0.5069745182991028, 0.040380749851465225, 0.16583281755447388, 0.7573433518409729, -0.196989044547081, -1.4220565557479858, 0.5517162680625916, 0.9014237523078918, 0.7044809460639954, 1.7660491466522217, -0.06798006594181061, 0.06444266438484192, 0.15499693155288696, 0.6438279747962952, -0.19473490118980408, 0.14199018478393555, -0.1062542051076889, 0.26431089639663696, 1.2294245958328247, 0.6787124872207642, 0.09853470325469971, 1.4804667234420776, 0.5018591284751892, -0.6421618461608887, -1.338057279586792, -0.29790595173835754, -1.12161123752594, 0.08435870707035065, -0.8302190899848938, 0.04322558268904686, -0.6184732913970947, 0.06979621946811676, -0.1184128001332283, -1.1309902667999268, 0.6616238355636597, 0.028355615213513374, -0.9983772039413452, 0.6528743505477905, 2.405029535293579, -0.5998516082763672, -0.5311271548271179, -0.2617601156234741, -1.2007535696029663, -0.5374076962471008, -0.3892394006252289, -0.7843708395957947, -0.07187658548355103, 0.735740602016449, 0.7366881966590881, 0.21713413298130035, 0.5020504593849182, -1.447832703590393, 0.7522301077842712, 1.3651490211486816, -0.2914794385433197, -0.11587817966938019, -1.3220341205596924, 1.1716969013214111, -0.10288116335868835, -1.3865993022918701, -0.3982011377811432, -0.16124682128429413, -0.6197311878204346, -0.2667398750782013, -0.3860018253326416, -0.8462799191474915, -0.3099185526371002, -0.12580513954162598, 0.47419318556785583, -0.08382922410964966, 0.11480578780174255, -1.1646196842193604, -0.2177872657775879, 1.2808042764663696, -0.30406782031059265, 0.2900652289390564, 0.41158953309059143, 0.19726982712745667, 0.5544887781143188, 0.56571364402771, 0.06896132230758667, 0.6484768986701965, 1.2570576667785645, -0.4452468752861023, -0.47245994210243225, -10.422645568847656, 0.653236985206604, 0.14366254210472107, 0.4887197017669678, 0.7281231880187988, 0.3251555562019348, 0.815845787525177, 0.4107360243797302, 0.4773867428302765, -0.7698243260383606, 0.6691977977752686, 0.921720564365387, -0.37620609998703003, -0.33116719126701355, -0.019167248159646988, -1.6668856143951416, -0.8534370064735413, -0.6904479265213013, 1.2020015716552734, 0.7325059175491333, 0.6161777973175049, -0.8360140323638916, -0.4484732747077942, 0.3193427622318268, 0.13413949310779572, -0.14371612668037415, 0.19852346181869507, -0.7059012055397034, -0.3962365388870239, -0.11599698662757874, 0.4586339294910431, 0.6686605215072632, 0.29102689027786255, -0.2798263132572174, 0.19064731895923615, 0.7191770076751709, -1.3770676851272583, 0.18284621834754944, 0.5152379870414734, -0.3489455282688141, -0.9769764542579651, 0.5570655465126038, 0.08124233782291412, -0.03315283730626106, -0.20721277594566345, -0.10954183340072632, 0.057196035981178284, -1.3009846210479736, 0.7744123339653015, -0.6038693189620972, -0.3022828698158264, -0.7667747735977173, -0.5267528295516968, -0.5820369720458984, 0.35482552647590637, 0.5461593866348267, -1.0008876323699951, -0.3257220685482025, 0.20940828323364258, -1.265762448310852, 1.3320883512496948, 1.0591720342636108, 0.19560259580612183, 0.6004765629768372, 0.8058875799179077, 0.40289419889450073, 0.4224342405796051, 0.5595514178276062, -0.28521931171417236, 0.624302327632904, -1.7807198762893677, 0.6170786619186401, 0.304660826921463, 0.4656049907207489, -0.4824332892894745, 0.1577436923980713, -0.5274545550346375, -0.18217356503009796, 0.28322872519493103, 0.9484397768974304, -1.1951696872711182, 0.11248186975717545, -0.35566967725753784, -0.8616349101066589, -0.6824765205383301, -0.4333324730396271, -0.45015963912010193, 0.6854568123817444, 1.317958950996399, -0.07336390763521194, 1.6448595523834229, 0.23216021060943604, -0.530270516872406, -0.6427651643753052, -0.5055839419364929, 0.719749927520752, -0.5732119679450989, 0.157548725605011, -0.002834402024745941, -0.8513820171356201, 0.4183207154273987, -0.6645258665084839, -1.1919331550598145, -0.5844533443450928, 0.6914789080619812, 0.0033064261078834534, -0.5193543434143066, 0.10076504945755005, 0.5468749403953552, 0.3073906898498535, 1.2530852556228638, -0.20554566383361816, -0.49323320388793945, 0.7763200402259827, -0.3388165831565857, 1.2982257604599, 1.105202317237854, -0.16465188562870026, 1.181402564048767, 0.31625887751579285, -0.37777549028396606, 0.4546292722225189, 0.7679398059844971, 1.2811963558197021, -1.0836743116378784, 0.13728636503219604, 0.07665815949440002, 0.7157079577445984, -0.707598865032196, -0.5487062931060791, -0.1434057503938675, -0.46963149309158325, -0.42529821395874023, -1.1472009420394897, -0.049400635063648224, 0.14254501461982727, -0.4436779022216797, 1.3687525987625122, -0.3519337773323059, 0.29478591680526733, 0.01217658817768097, -0.5911608934402466, -0.7042384147644043, -1.1215035915374756, -1.4757338762283325, 0.9457751512527466, -1.0000473260879517, -0.22941246628761292, -0.6747355461120605, -0.21531420946121216, 0.10727015137672424, -0.513663113117218, 1.1980940103530884, -0.5621131658554077, -0.32672083377838135, -0.012470357120037079, 0.3653270900249481, -0.15017548203468323, -0.4039103388786316, -1.1211521625518799, 0.6554529070854187, 1.1626003980636597, -0.47883710265159607, 1.3589682579040527, 0.05406447499990463, 0.722054123878479, -0.5701733231544495, 0.15183302760124207, -0.47371622920036316, -0.1163160651922226, 0.8101044297218323, -1.1351473331451416, -0.07125047594308853, -0.3397636115550995, 0.0017193686217069626, 0.058069050312042236, 0.10079508274793625, 1.3816380500793457, -1.0784549713134766, 0.7889349460601807, -0.04805564880371094, 1.127787709236145, 0.9867324233055115, -0.6199538707733154, -0.709219217300415, -0.10901383310556412, 0.5192633271217346, 0.6990230083465576, 0.20156234502792358, 0.16236498951911926, -1.1664644479751587, -1.419069766998291, -0.35955873131752014, 0.12558409571647644, -0.11141879856586456, 0.1918102353811264, 0.6717489361763, -0.12816426157951355, 1.0077699422836304, 0.5202979445457458, -0.6544399857521057, 0.40776526927948, -0.2530204951763153, -0.017269449308514595, 0.39038413763046265, 0.5329748392105103, -0.5054593086242676, 0.9508684873580933, 0.8081507086753845, 0.8034173846244812, -1.147088885307312, 0.21486829221248627, 0.735967218875885, -0.0913286954164505, -0.1885058730840683, -1.2815548181533813, -0.15163999795913696, 0.2525591254234314, -1.16441810131073, -1.1524152755737305, 0.4281595051288605, -0.601979672908783, -0.465071439743042, 1.0842969417572021, 0.4390535354614258, 0.5593522787094116, 0.21891291439533234, -0.15453870594501495, 1.2494386434555054, -0.5637776255607605, -0.658796489238739, 0.4923393726348877, 0.5319719314575195, -0.32940247654914856, -0.6213865280151367, -0.7808903455734253, -1.4658788442611694, 0.6575546264648438, -0.9143965244293213, 0.573234498500824, -1.040749430656433, -0.5389984846115112, -0.19158543646335602, 1.185344934463501, -0.3950462341308594, -1.6107499599456787, -0.3727351725101471, -0.5078983902931213, -1.2579575777053833, 0.5080573558807373, -0.6215430498123169, 0.6435373425483704, 0.5794544219970703, 0.3956841826438904, -0.3684398829936981, -0.11226785182952881, 0.24173520505428314, -0.22400948405265808, -0.5372004508972168, 1.5124064683914185, 0.4662157893180847, -0.1843438744544983, 0.11385147273540497, -1.1202495098114014, 0.23524531722068787, -0.05092158541083336, -0.8273845314979553, 0.5221741199493408, 1.4560705423355103, -0.06727346777915955, -0.8931987285614014, -0.6084029078483582, 0.6754226684570312, -1.536324381828308, 0.7905513048171997, -0.1705518215894699, -0.2996559739112854, -0.4667450487613678, -0.6952705979347229, 0.010237371549010277, 0.5732381939888, -0.6182697415351868, 0.6593627333641052, 0.2043251097202301, 0.49858224391937256, -0.4969545006752014, 0.4063084125518799, -0.7396177053451538, -0.18874166905879974, -0.9934661984443665, -0.04018901288509369, 0.04889660328626633, 0.018475554883480072, 0.039871614426374435, 0.0509432852268219, -1.0949488878250122, 1.1541197299957275, 0.45499908924102783, -0.6888841986656189, -0.6203708648681641, 0.7113498449325562, -0.10844637453556061, 0.1595914363861084, 0.12245230376720428, -0.0011074114590883255, -1.1963467597961426, 0.7080733776092529, 0.738716185092926, -0.6695417761802673, -0.35992273688316345, -0.4315266013145447, 0.4331326484680176, 0.6954839825630188, 1.3510513305664062]} +{"paper_id": "mrqa", "embedding": [-0.08951329439878464, 0.6029223203659058, -0.5256147980690002, -0.6202329397201538, 0.18948808312416077, 0.3972974121570587, 0.5654802322387695, 0.918584942817688, 1.1112319231033325, 0.6105077266693115, 0.6019555330276489, -0.22877265512943268, 0.33123698830604553, 0.009305266663432121, 0.0937747061252594, -0.3574845492839813, -1.0045042037963867, -0.056835148483514786, -1.8880666494369507, -0.501219630241394, -0.6686051487922668, -0.36018502712249756, 0.03238023445010185, 1.1415249109268188, -0.58269202709198, -0.9458032846450806, 0.8011986613273621, -0.9847456812858582, 0.3446095883846283, 0.24139535427093506, -0.09846162050962448, 1.0110960006713867, -1.4504538774490356, 0.667614221572876, -0.6069846749305725, -0.3852285146713257, 0.45571911334991455, 0.7331154346466064, 0.33475902676582336, -0.6954124569892883, -0.9297211766242981, 0.015504352748394012, 0.23940475285053253, 0.19862182438373566, 0.6812700033187866, -0.511813223361969, 0.9081672430038452, -0.4585864245891571, -0.2647964358329773, -0.3027254343032837, -0.6999546885490417, 0.3923248052597046, -0.47958093881607056, 0.883692741394043, -0.19728901982307434, 0.5586367249488831, 0.40156805515289307, -0.11952885240316391, 1.0116660594940186, -0.7352138757705688, 1.571559190750122, 1.436287760734558, -0.2886303663253784, 0.22065035998821259, 1.5778406858444214, -0.09565519541501999, 1.1812193393707275, 0.2565605640411377, -0.4206523299217224, 0.9764741659164429, -0.5487318634986877, -0.5572712421417236, -0.11314936727285385, -0.5645396113395691, 0.321064293384552, 1.2720434665679932, -0.2486284226179123, 0.03133087605237961, -0.021589506417512894, -0.8915886878967285, -0.524806797504425, 0.26992225646972656, 0.4912654757499695, -0.06766189634799957, 0.3410664200782776, 0.0765671506524086, 0.4231621325016022, -0.9498215913772583, 0.2350468635559082, -2.3398165702819824, 0.6259042620658875, 0.6843587756156921, 0.3879637122154236, 0.007863447070121765, -0.342499315738678, 0.7176800966262817, -0.7703120708465576, -0.5401122570037842, -0.05709923058748245, -0.4018270969390869, 0.8440942764282227, -0.24719420075416565, 1.0671491622924805, -0.271248459815979, -0.23296263813972473, 0.1775355488061905, 0.3735086917877197, 0.041771531105041504, -0.5007455348968506, -1.433324933052063, -0.4114864766597748, 0.6754694581031799, -0.4567298889160156, 0.20905855298042297, -0.20208433270454407, 0.7581561803817749, 1.0727007389068604, -1.0301868915557861, -0.542273223400116, -0.1345444917678833, -0.1205054447054863, -0.7157720923423767, -1.207013487815857, -0.6461918354034424, 0.5643478631973267, -0.4429413676261902, -0.5109949111938477, -0.6725658774375916, -0.32634541392326355, 0.33321651816368103, 1.0651788711547852, 0.08731572329998016, -0.6368371248245239, -0.4461236894130707, 2.9779655933380127, -1.3784488439559937, 1.6727614402770996, -0.2960453927516937, -0.24669238924980164, -0.6586717963218689, -0.7845616936683655, 1.2797719240188599, -0.10277272015810013, -0.9616827368736267, -0.7431710958480835, 0.37239059805870056, -0.5827795267105103, -0.010484036058187485, -0.9756790995597839, -0.4781123101711273, -0.08536142110824585, 0.26401591300964355, -1.2818964719772339, -0.2869233787059784, 0.2851548194885254, 0.028105489909648895, -0.222573384642601, 0.482769250869751, -0.7106375694274902, 0.6912369728088379, -0.06930740922689438, -0.23588238656520844, -0.5779249668121338, 0.8208067417144775, -0.9268935918807983, 0.05252920836210251, 0.6736894249916077, 0.34485140442848206, -0.7048682570457458, 0.44989269971847534, 0.2139606922864914, -0.6030047535896301, -0.6784079074859619, 0.043531738221645355, -0.32669591903686523, -0.016380617395043373, 0.060481540858745575, 0.5648393034934998, 0.26925137639045715, -0.6085784435272217, -0.02208125963807106, -0.033323220908641815, 0.32438114285469055, 1.2605890035629272, 0.09360498934984207, 0.49291127920150757, -2.3401849269866943, 0.47632700204849243, 0.019459396600723267, 1.1647090911865234, -0.2927604913711548, -0.3556441366672516, 0.37851181626319885, 0.4813244640827179, 0.3574369549751282, -0.8265551328659058, 0.5693078637123108, -1.1929961442947388, 1.0437049865722656, 0.6153572201728821, -0.06412780284881592, -0.42794692516326904, 0.8647090792655945, 0.6714261770248413, 0.6352505683898926, -0.6800491213798523, -1.4827061891555786, -1.9423757791519165, 0.19713211059570312, 1.6873080730438232, 0.35050439834594727, -0.08762210607528687, -0.03409320116043091, -0.510610044002533, -0.23166802525520325, -0.44878897070884705, 0.011600866913795471, -0.9149757623672485, 0.08118391036987305, -0.9477751851081848, 0.6480051875114441, -0.24367406964302063, -0.37348636984825134, 1.2209663391113281, 1.9223188161849976, -0.3819400370121002, -0.29255086183547974, -0.6728867292404175, -0.31929975748062134, 0.24811016023159027, 0.7110143899917603, 0.1209595799446106, -0.029816411435604095, 0.5225499868392944, 0.38090407848358154, 1.1674997806549072, 0.38700953125953674, 0.6593674421310425, -0.7285882234573364, 0.12331580370664597, -0.45543965697288513, 1.295318365097046, 0.11220491677522659, -0.4182751774787903, 0.04571731388568878, 0.34422552585601807, -0.650783360004425, -0.6377289295196533, -0.3608627915382385, -0.03184368461370468, 0.8621762990951538, 0.27851352095603943, -0.7999286651611328, 0.5148839354515076, -0.34819576144218445, -0.21457606554031372, -0.09919147193431854, -0.11017253994941711, -0.5855695009231567, -0.33291125297546387, 0.4172397553920746, -0.4454628527164459, 0.023499809205532074, -0.15159910917282104, 0.5959433913230896, -0.9600620865821838, -0.8783761858940125, 0.03785102814435959, -0.4756028652191162, -0.8985695838928223, -0.7952435612678528, -0.30789273977279663, -0.8799399733543396, -0.4144362509250641, 0.06301900744438171, -0.3477300703525543, -0.13542135059833527, 0.4882630407810211, 1.7715749740600586, 0.5572139024734497, 0.3429400324821472, -0.29194802045822144, 1.3615007400512695, -0.7273122072219849, 0.25632524490356445, 0.09590336680412292, 0.2006049007177353, -1.125677227973938, 0.24333274364471436, -0.8865952491760254, 0.5389665961265564, 0.2689882516860962, -0.14802485704421997, 1.4075367450714111, -0.060539744794368744, -0.9709853529930115, 1.1646662950515747, 0.11130960285663605, 0.21111521124839783, -0.6660292148590088, 2.0267105102539062, -0.22798088192939758, -0.7267786860466003, 0.8306611776351929, -0.4162544012069702, -0.25191888213157654, 0.5751276016235352, -0.1889980137348175, -0.41534414887428284, 0.08605457842350006, -0.5570774078369141, 0.15454703569412231, 0.7081305980682373, -1.8247926235198975, 1.1857800483703613, 1.1131038665771484, -0.09691980481147766, -0.4431253969669342, -0.5326622128486633, 0.3804008960723877, -0.3190121650695801, 0.40095216035842896, 0.6911321878433228, -0.32645320892333984, 0.19761820137500763, -0.1661648154258728, 0.33942943811416626, 0.6701490879058838, -0.03245577588677406, 0.644282877445221, 0.3654632866382599, 0.5560116171836853, -1.0872602462768555, -0.5964006185531616, 1.2167575359344482, 0.003226819448173046, 0.03382013365626335, -0.20699942111968994, 0.7893390655517578, 0.9807546138763428, 0.23982015252113342, 0.05017152801156044, 0.7878061532974243, 0.6230340003967285, -0.03678097948431969, -0.12060151249170303, -0.28673166036605835, 0.05434968322515488, -0.061134982854127884, 1.325213074684143, -0.3614785969257355, -0.6458906531333923, -1.2490073442459106, -0.11791977286338806, -0.23420961201190948, 0.15914210677146912, 1.2574536800384521, 0.21654877066612244, 1.1070020198822021, 0.765030562877655, 0.9691298604011536, -0.22289405763149261, -0.08539441972970963, 0.6328454613685608, 0.18222689628601074, -0.10127654671669006, -0.6773792505264282, 0.149001806974411, 0.4713404178619385, 0.24083654582500458, -0.8127831220626831, 0.5343804359436035, 0.6138779520988464, -0.15058349072933197, -0.8578827977180481, 0.9126819968223572, 1.0602232217788696, 0.20627444982528687, 1.7356419563293457, -0.38926082849502563, -0.07935940474271774, 0.2629789710044861, -0.01940854638814926, 0.19994698464870453, 0.3097850978374481, 0.8555752038955688, 0.27052342891693115, -0.07439279556274414, 0.9602847099304199, -0.2615206241607666, 0.9417142868041992, 1.2814337015151978, -0.6929316520690918, -1.3321672677993774, 0.3039434254169464, -0.6619063019752502, -0.3170374035835266, -0.17278830707073212, 0.21556507050991058, -0.3893232047557831, 0.5885400176048279, -0.3595430850982666, -1.168150544166565, 0.027119658887386322, -0.2811807096004486, -1.3106633424758911, 1.1290241479873657, 0.925690770149231, -0.9854604005813599, -0.1654653698205948, -0.2971177399158478, -0.8869690299034119, 0.4077005088329315, -0.13753926753997803, -1.2458081245422363, 0.45949307084083557, -0.017703436315059662, 1.1826972961425781, 0.1728886067867279, 0.06258028745651245, -1.1863889694213867, 1.0631853342056274, 1.0496091842651367, -1.1199625730514526, 0.5964535474777222, 0.24100181460380554, 0.9342476725578308, 0.1590697467327118, -1.1914939880371094, -0.5862586498260498, 1.1830910444259644, -0.2872789204120636, 0.41570091247558594, -0.8584919571876526, -0.13856323063373566, 0.7742065787315369, 0.7684179544448853, 0.33017054200172424, -0.7788398265838623, 0.17963837087154388, -1.0252485275268555, 0.4754745364189148, 0.7734811305999756, -1.264318823814392, -0.6787583231925964, 0.25211355090141296, -0.6465782523155212, 0.6757736206054688, -0.5125771760940552, -0.10284703224897385, 1.8880552053451538, -0.19515156745910645, -0.0754968523979187, -0.37987715005874634, -11.390339851379395, 0.8461482524871826, -0.08475184440612793, 0.3649575114250183, 0.4778376817703247, -0.36312973499298096, 0.6260560154914856, 0.19665414094924927, 0.21340061724185944, -1.055749535560608, -0.07623456418514252, 1.0093019008636475, 0.24088963866233826, -0.047815173864364624, -1.0758625268936157, -0.23368147015571594, -0.8276706337928772, -1.1869525909423828, 0.24772731959819794, 0.14537549018859863, -0.09383422136306763, -0.42205309867858887, 0.3398144245147705, -0.159586101770401, 0.06432439386844635, -0.2620696723461151, -0.6035131216049194, -0.36788493394851685, -0.1865570843219757, 0.04859086126089096, 0.9840575456619263, -0.03691433370113373, -0.23237065970897675, -0.5427410006523132, -0.15050271153450012, -0.5110790133476257, -0.7979352474212646, -0.2769201993942261, 0.8029320240020752, -1.015995740890503, -0.4075940251350403, -0.2508613169193268, 0.6618675589561462, -0.38415437936782837, -0.5929831266403198, 0.10350795090198517, 0.3909952938556671, -0.9589715003967285, -0.2969522774219513, -0.5559669733047485, -0.8235597610473633, -0.1592416763305664, -0.667381763458252, -0.373642235994339, 0.6356142163276672, 0.06971589475870132, -0.5889825820922852, -0.5154000520706177, -0.5283464789390564, -0.6063553094863892, 0.442915141582489, -0.4677773714065552, -0.7553784847259521, 0.22464263439178467, 0.23458662629127502, -0.619061291217804, 0.43142762780189514, 0.3925865888595581, -0.18434318900108337, 0.6716633439064026, -0.8457325100898743, 1.2523193359375, 0.18846744298934937, 0.1475095897912979, -0.6972651481628418, 0.14815594255924225, -0.70729660987854, -0.06912343949079514, 0.5685189366340637, 0.12122474610805511, -1.3321784734725952, 0.4915160834789276, 0.46227380633354187, -0.46303489804267883, -0.8291159868240356, 0.04688276723027229, 0.29885053634643555, 0.1078425794839859, 0.9932336807250977, -0.9352544546127319, 1.8655402660369873, 0.19369208812713623, -0.5467844605445862, 0.04926107078790665, -0.48830723762512207, 0.4569338858127594, -0.848609209060669, 0.23328754305839539, -0.04720517247915268, -0.8312462568283081, -0.0012080296874046326, 0.3114883303642273, -0.6497777700424194, 0.4240003228187561, 1.3772176504135132, 0.02147713303565979, 0.27099353075027466, 0.24632403254508972, 0.4990343749523163, -0.6248871684074402, 0.8046270608901978, 0.809291660785675, -0.25483179092407227, 1.8839013576507568, -0.7716907262802124, 1.1498818397521973, 0.8779984712600708, 0.38445520401000977, 0.18945960700511932, 0.7565703988075256, -1.085382103919983, 1.0132582187652588, 0.5395821928977966, 2.1078617572784424, 0.07105402648448944, 0.2533144950866699, 0.16506868600845337, 0.17563791573047638, -0.1374620795249939, -1.025575876235962, 0.2817518711090088, -0.5501888990402222, 0.2240642011165619, -0.7893278002738953, 0.012687619775533676, 0.16484816372394562, -0.6432484984397888, 1.7201992273330688, -0.6809968948364258, -0.1534304916858673, -0.744857907295227, 0.15780669450759888, -0.448299765586853, -1.066384196281433, -1.1088231801986694, 0.634614884853363, -1.448355793952942, 0.7665579319000244, -0.1833779215812683, -0.3296812176704407, 0.02118191495537758, -0.9308559894561768, 0.9899176955223083, 0.23337756097316742, -0.19416062533855438, -0.4550970196723938, 0.6027984023094177, -1.067733883857727, -0.3611212968826294, -0.11090324819087982, 0.13096606731414795, 1.1218382120132446, -0.9735615849494934, 1.2850998640060425, 0.29174113273620605, -0.4847830533981323, -0.15404313802719116, 0.3222131133079529, -0.45293501019477844, 0.6999830007553101, 0.8998482823371887, -1.0762120485305786, -0.3102883994579315, -0.6630180478096008, -0.1567886471748352, -0.5528891682624817, -0.30676621198654175, 1.3684535026550293, -1.009826898574829, 0.06998539716005325, -0.49302828311920166, 0.9033105373382568, 0.02127055823802948, -0.7369906306266785, -0.35812264680862427, 0.39700761437416077, -0.42187270522117615, 0.8547980785369873, 0.39753055572509766, 0.9444273114204407, -1.3347172737121582, -0.9029067754745483, -0.1840159147977829, -0.5991737246513367, 0.21897874772548676, 0.7364216446876526, 0.6180506944656372, 0.16291207075119019, -0.7696479558944702, -0.33586257696151733, -0.1177668571472168, 0.7022719383239746, 0.05760640278458595, 0.4966007471084595, -0.1501908153295517, 0.6356068849563599, -0.3769971430301666, -0.04678919538855553, 0.6666069030761719, 1.4839048385620117, -0.13049200177192688, -0.16365975141525269, -0.2228558361530304, -0.35695305466651917, -0.31908532977104187, -1.0083701610565186, -0.24512046575546265, -0.9996551871299744, -0.2528366446495056, -1.2813045978546143, 0.1603286862373352, 0.9448686242103577, -0.4204053282737732, 0.7248162031173706, 0.4012656807899475, 1.010690450668335, 0.6644796133041382, 0.0729738101363182, 0.44613295793533325, 0.08699895441532135, 0.162078395485878, 0.4948916435241699, 0.4199078679084778, 0.026353895664215088, 0.06111893057823181, -0.2634325623512268, -0.7590851187705994, 0.6996678709983826, -0.3346925973892212, 1.0964350700378418, 0.1368335485458374, 0.6710987687110901, 0.4010089635848999, 0.8766738176345825, 0.04289022088050842, -1.7486035823822021, 0.21699325740337372, -1.0616166591644287, -0.12000018358230591, 0.7864845991134644, 0.35601747035980225, -0.015437697991728783, 0.7827050685882568, -0.7352232933044434, 1.2279300689697266, -1.138566017150879, 0.328407883644104, 0.3170592188835144, -0.43543410301208496, 0.6682373285293579, -0.1882510781288147, 0.9136409163475037, 0.5576121211051941, -0.5028507113456726, -0.9361383318901062, -0.3451888859272003, -0.13338106870651245, 1.154595971107483, 0.6128202676773071, -0.801496684551239, 0.272988498210907, -0.018652418628335, 0.7321231961250305, -0.15471236407756805, 1.1666710376739502, -0.0458182767033577, -0.11257649958133698, -0.5069013833999634, -1.1089913845062256, -0.044358234852552414, 0.20256397128105164, 0.4252373278141022, -0.08754107356071472, -0.5193238258361816, 0.27635860443115234, 0.4774417579174042, -0.13084861636161804, -0.8593698740005493, -0.4221247136592865, -0.5428428053855896, -0.19478708505630493, 0.48002439737319946, -0.9651908874511719, -1.0312474966049194, 0.12005533277988434, -0.6411371231079102, 0.4968884587287903, -0.098452128469944, -0.8112959265708923, -0.6761654615402222, 0.43078044056892395, -0.000984877347946167, 0.09513738751411438, -0.3509323000907898, 0.034663889557123184, -1.402105450630188, 0.7748863697052002, 1.0793486833572388, -1.0341123342514038, 0.04172908514738083, 0.34843531250953674, 0.40767523646354675, 0.08634134382009506, 1.2882039546966553]} +{"paper_id": "drop", "embedding": [-0.01716577261686325, 0.8072566986083984, -0.17460133135318756, -0.24927859008312225, -0.03915320336818695, -0.02168050780892372, 0.6941183805465698, 0.6755890846252441, 0.8326806426048279, 0.778214693069458, 0.7511485815048218, -0.0034445635974407196, 0.18090291321277618, 0.37982413172721863, -0.6224179863929749, -0.7001662850379944, -0.18403273820877075, -0.10324700176715851, -1.3940107822418213, -0.3710102438926697, -0.7583178281784058, -0.7517953515052795, -0.1505737006664276, 1.2770061492919922, -0.7987131476402283, -0.9991459250450134, 0.994310736656189, -1.0648654699325562, -0.1497003436088562, 0.0894690752029419, 0.1962839663028717, 1.462719440460205, -1.2747279405593872, 0.5365002751350403, -0.09938378632068634, -0.5345128774642944, 0.05173339322209358, 0.5042237639427185, -0.083179771900177, -0.36419373750686646, -0.8518224358558655, 0.38674604892730713, 0.5424031615257263, 0.11593372374773026, 0.7677249312400818, -0.5355172753334045, 0.13910263776779175, -0.47306278347969055, -0.3408326804637909, -0.02838919684290886, -0.9960472583770752, 0.5925761461257935, -0.06381227821111679, 0.44588983058929443, -0.23974061012268066, 0.5730679631233215, -0.014772813767194748, -0.34829458594322205, 0.364876389503479, -0.23002642393112183, 1.0897022485733032, 1.3307151794433594, -0.39232301712036133, 0.2793819308280945, 1.4563708305358887, -0.07563423365354538, 1.3817037343978882, -0.03584105148911476, -0.8655810952186584, 1.113722801208496, -0.6052477359771729, -0.3167690932750702, -0.157841295003891, -0.6538480520248413, 0.29838573932647705, 0.9424521923065186, 0.027626633644104004, -0.4025963544845581, 0.09872809052467346, -0.2651241421699524, -0.09927119314670563, -0.06401699781417847, 0.4184068739414215, -0.12653464078903198, 0.020236719399690628, -0.14008179306983948, 0.13061366975307465, -0.8506094217300415, 0.3916572332382202, -1.5811797380447388, 0.5008361339569092, 0.364981472492218, 0.39819467067718506, 0.08321709930896759, -0.14671644568443298, 0.3703351616859436, -0.40829479694366455, -0.6961945295333862, -0.3751261234283447, -0.09328508377075195, 0.8468153476715088, -0.031586915254592896, 0.9570759534835815, -0.3246169686317444, 0.2960030436515808, 0.1625925898551941, 0.3058933615684509, 0.007848940789699554, -0.5801297426223755, -0.9993143081665039, -0.20269176363945007, 0.40399354696273804, -0.01955578848719597, 0.5953794121742249, -0.33819618821144104, 0.6084688305854797, 0.7066740393638611, -0.6070773601531982, -0.5564195513725281, 0.32903945446014404, 0.49520403146743774, -0.6453018188476562, -0.78712397813797, -0.8067952394485474, 0.7076988220214844, -0.31953978538513184, -0.37096697092056274, -1.0526177883148193, -0.37309780716896057, 0.04008913040161133, 0.4705861210823059, 0.6026901602745056, -0.7491158843040466, 0.10744993388652802, 2.9765074253082275, -0.8030294179916382, 0.8522704243659973, 0.04344060271978378, -0.3617647886276245, -0.5232811570167542, -0.5556844472885132, 1.155873417854309, 0.2760210931301117, -0.9480056166648865, -0.47688451409339905, 0.3882516026496887, -0.26348191499710083, 0.05721115320920944, -0.9881031513214111, -0.6065853834152222, -0.09938459098339081, -0.08756769448518753, -1.486615777015686, -0.865699052810669, 0.03128321096301079, -0.22992044687271118, -0.18596790730953217, 0.30648165941238403, -0.4375746250152588, 0.9770568609237671, -0.09836965054273605, 0.1996496617794037, -0.6719149947166443, 0.944628894329071, -0.8298351168632507, 0.03621402010321617, 0.8634030818939209, -0.48177164793014526, -0.42665210366249084, 0.45363664627075195, 0.29809242486953735, -0.7310963273048401, -0.4949193596839905, -0.6065984964370728, -0.13284792006015778, -0.10882967710494995, 0.12206698954105377, 0.5474539995193481, 0.361638605594635, -0.652938187122345, 0.07983352243900299, 0.16360852122306824, 0.10545653849840164, 0.8490920662879944, -0.1329914927482605, 0.8241180777549744, -2.783450126647949, -0.12528014183044434, -0.3539433181285858, 0.8784244060516357, -0.1700476109981537, 0.11874252557754517, 0.2448664903640747, 0.6121349930763245, -0.21752037107944489, -0.8403326272964478, 0.6015105843544006, -1.270933747291565, 0.8098241090774536, 0.6891964077949524, 0.4775772988796234, -0.14282813668251038, 0.061441391706466675, 0.8550254702568054, 0.40321385860443115, -0.5161868333816528, -1.3386296033859253, -2.227966785430908, -0.0539436861872673, 1.9798202514648438, 0.0016049519181251526, -0.35953080654144287, -1.0010684728622437, -0.8639075756072998, -0.13703839480876923, -0.08397112786769867, 0.5993907451629639, -0.6552541255950928, -0.14612635970115662, -0.789727509021759, 0.5489532351493835, -0.47898411750793457, -0.39161497354507446, 0.8077466487884521, 1.5554925203323364, -0.2581097483634949, -0.15292146801948547, -0.6310107111930847, -0.23309765756130219, 0.5405285954475403, 0.6520938277244568, -0.019478166475892067, -0.22092050313949585, 0.49242377281188965, 0.4800666570663452, 1.2661409378051758, 0.9658005833625793, 0.5987786054611206, -0.7653253078460693, 0.45129817724227905, -0.23936642706394196, 1.3766158819198608, -0.12269996106624603, -0.39892953634262085, 0.008523277938365936, -0.26108598709106445, -0.7281492352485657, -0.07622319459915161, -0.6204013228416443, 0.08476536720991135, 0.8050041198730469, 0.5157338976860046, -0.8871936798095703, 0.24186062812805176, -0.6388712525367737, -0.007725387811660767, 0.12947820127010345, -0.23400720953941345, -1.1305075883865356, 0.07721832394599915, 0.3566811978816986, -0.23421365022659302, -0.09274964779615402, -0.06550396978855133, 0.4811939597129822, -1.0641614198684692, -1.0881855487823486, -0.1676332950592041, -0.13734960556030273, -0.5968309640884399, -0.7902158498764038, 0.1224030926823616, -1.4385491609573364, -0.09124132990837097, 0.20963330566883087, -0.30621322989463806, -0.08317951112985611, 0.8011592626571655, 1.2627720832824707, 0.1400132179260254, 0.09325980395078659, -0.7312051653862, 1.244869589805603, -0.4567912817001343, 0.019760742783546448, -0.26297634840011597, -0.06064678356051445, -0.9103473424911499, 0.11769507825374603, -0.785903811454773, 0.5946775078773499, 0.42162585258483887, 0.2793862819671631, 1.0031025409698486, -0.30116814374923706, -1.2146395444869995, 0.9502552151679993, 0.051930174231529236, 0.49526235461235046, -1.0683939456939697, 1.2011866569519043, 0.4416520893573761, -0.5653198957443237, 1.1152606010437012, -0.1336086392402649, -0.6408820748329163, 1.2131762504577637, -0.29984810948371887, -0.040320515632629395, 0.0725439190864563, -0.7739339470863342, 0.3344704210758209, 0.27600669860839844, -1.4334678649902344, 1.3268458843231201, 0.7338353991508484, -0.09577418863773346, -0.22388266026973724, -0.635303795337677, 0.5705633759498596, -0.1666320115327835, 0.5913719534873962, 1.3506866693496704, -0.4790055751800537, 0.416949599981308, -0.19260162115097046, 0.7124359607696533, 0.054491277784109116, -0.03225930780172348, 0.6492152214050293, 0.3579350411891937, 0.46773117780685425, -1.0082290172576904, -0.5548520088195801, 1.6707921028137207, -0.11784175783395767, 0.4139545261859894, 0.210147887468338, 0.8644471764564514, 0.21846787631511688, -0.5234020352363586, 0.15646974742412567, 0.16817481815814972, 0.3701002299785614, -0.42238035798072815, 0.1139037236571312, 0.1561417579650879, 0.20192831754684448, 0.16564537584781647, 1.4368423223495483, -0.35216593742370605, -0.7778957486152649, -1.0991843938827515, -0.5358825922012329, -0.6460416913032532, -0.07536400854587555, 1.1173580884933472, 0.5791066288948059, 1.7429273128509521, 0.7727640271186829, 0.13300234079360962, -0.03033370152115822, -0.3944099247455597, 0.2547910511493683, 0.12283943593502045, 0.2925274968147278, -0.930018424987793, 0.4634098708629608, 1.0452189445495605, 0.9080270528793335, -0.4781208038330078, 0.3008136749267578, 0.1671966016292572, -0.02968468889594078, -1.0168895721435547, 0.9761126041412354, 0.17084495723247528, 0.358316570520401, 1.9636929035186768, -0.5077703595161438, 0.11171133816242218, -0.40107885003089905, -0.15883603692054749, 0.037548232823610306, 0.3334781527519226, 0.35470229387283325, 0.08588310331106186, 0.09114007651805878, 0.7332599759101868, 0.502200722694397, 0.8401861190795898, 1.7565659284591675, -0.34581899642944336, -1.258487343788147, 0.2465502917766571, -0.803239107131958, -0.10607363283634186, 0.36229994893074036, -0.05502798780798912, -0.21307840943336487, 0.21003597974777222, -0.10525402426719666, -0.9915371537208557, 0.49913641810417175, -0.5457915663719177, -1.3632643222808838, 0.4038592576980591, 1.251920223236084, -0.70233154296875, -0.3999806344509125, 0.07000258564949036, -0.5472872257232666, 0.041339654475450516, -0.19591936469078064, -1.2531325817108154, 1.1169569492340088, 0.3410134017467499, 0.7875367403030396, 0.29149329662323, 0.2017749398946762, -1.1369893550872803, 1.7178281545639038, 1.067331314086914, -1.4008985757827759, 0.8220988512039185, -0.004418659955263138, 0.5919762849807739, 0.25371307134628296, -1.0911433696746826, -0.5682793259620667, 1.4753838777542114, -0.04143376275897026, 0.0766155868768692, -0.7416221499443054, -0.3423396050930023, 1.277212142944336, 0.7465987801551819, 0.23737429082393646, -0.5720337629318237, -0.1227165162563324, -1.1717782020568848, 0.40845003724098206, 1.1826305389404297, -1.3182709217071533, -1.0783931016921997, 0.6848808526992798, -0.7465978264808655, 0.5661698579788208, -0.11680223047733307, -0.02865935117006302, 1.6886370182037354, -0.17883384227752686, -0.007335055619478226, -0.5997182726860046, -11.801196098327637, 0.9451014995574951, -0.01778762973845005, 0.345922589302063, 0.178567573428154, -0.022105805575847626, 0.0683375746011734, 0.09966273605823517, 0.2911076843738556, -0.5552718639373779, 0.32078197598457336, 1.2930657863616943, 0.2960521876811981, 0.09397872537374496, -1.0373361110687256, -0.9007334113121033, -0.28999122977256775, -0.8295748829841614, 0.17701657116413116, 0.28522050380706787, -0.36094382405281067, -0.5377033948898315, -0.04650411754846573, -0.0842854380607605, 0.49871626496315, -0.4606846868991852, -0.19810935854911804, -0.04483955353498459, -0.26916030049324036, 0.22969520092010498, 0.743733286857605, -0.0047312527894973755, -0.688878059387207, -0.08308207988739014, 0.11722421646118164, -0.3640922009944916, -0.9274193048477173, -0.0694999247789383, 0.6925311088562012, -0.6067608594894409, -0.350269079208374, -0.034304846078157425, 0.36051928997039795, -0.4156085252761841, -0.887365460395813, -0.19454017281532288, 0.48794588446617126, -1.3371878862380981, -0.2259863018989563, -0.41536879539489746, -0.33466219902038574, -0.23003733158111572, -0.6937860250473022, -0.5543074607849121, 0.17038294672966003, 0.03543172776699066, -0.4642057418823242, -0.8654976487159729, -0.34962543845176697, -0.5426340699195862, 0.42051586508750916, -0.08732102066278458, -0.32033205032348633, 0.5198410153388977, 0.1204058825969696, -0.08486227691173553, 0.3722327649593353, 0.3665207624435425, -0.11732278019189835, 0.6607013940811157, -0.6157647371292114, 1.7619266510009766, 0.2781585156917572, 0.5886629819869995, -0.9543331265449524, 0.15193748474121094, -0.8943030834197998, -0.37734857201576233, 0.5654290318489075, 0.08757483959197998, -1.3707656860351562, 1.1380878686904907, 0.4212528467178345, -0.42886853218078613, -0.1540948897600174, 0.1481364220380783, -0.04714035242795944, 0.23042434453964233, 0.8558202981948853, -0.34192734956741333, 1.5082870721817017, -0.18086472153663635, -0.9347227215766907, -0.8679353594779968, -0.8299251794815063, 0.7609671950340271, -1.2101444005966187, 0.28709256649017334, 0.8054883480072021, -0.7823300957679749, -0.28155946731567383, 0.09858299046754837, -0.7559497356414795, -0.47911420464515686, 1.040747046470642, -0.05567033588886261, -0.0585947260260582, -0.05287197232246399, -0.4226404130458832, -1.0568550825119019, 0.761219322681427, 0.23694825172424316, -0.15196727216243744, 1.3271008729934692, -0.8533577919006348, 0.33119648694992065, 0.9089280366897583, -0.006544619798660278, 0.2435200959444046, 1.02647864818573, -0.9365870356559753, 1.3269593715667725, 0.3289220929145813, 2.0641133785247803, 0.017523758113384247, 0.1531708985567093, 0.5034205317497253, 0.3436678349971771, -0.25908714532852173, -0.8483232259750366, 0.47178053855895996, -0.2722058892250061, 0.018349099904298782, -0.9133004546165466, -0.2812303602695465, 0.03927205130457878, -0.34438130259513855, 1.5425372123718262, -0.9806415438652039, 0.195562481880188, -0.2523985207080841, -0.1864529401063919, -0.7991703748703003, -0.4357385039329529, -1.4037675857543945, 0.2674981951713562, -1.8432434797286987, 0.4313870966434479, -0.33906012773513794, -0.5631587505340576, -0.13054639101028442, -0.9833128452301025, 0.5884194374084473, -0.3833150267601013, -0.40455809235572815, -0.3741095960140228, 0.47343966364860535, -1.2215003967285156, -0.33928099274635315, -0.4516923725605011, 0.26259610056877136, 1.6005223989486694, -0.6013932824134827, 1.1817505359649658, 0.7220302820205688, -0.1542823761701584, -0.6309477686882019, 0.05437582731246948, -0.3130638301372528, 0.8537749648094177, 0.9545891284942627, -0.81060791015625, -0.6046711206436157, -0.49367132782936096, 0.13746464252471924, -0.1727888286113739, 0.055966876447200775, 0.8817993402481079, -1.502813696861267, 0.016259364783763885, -0.32888516783714294, 0.93833327293396, 0.6501619219779968, -0.7117787003517151, -0.2335379272699356, 0.12485124915838242, -0.3149985373020172, 0.863766074180603, -0.1982187181711197, 1.1702094078063965, -0.6855624914169312, -1.247957706451416, -0.4404255747795105, -0.1841670274734497, 0.2869279980659485, 0.358859658241272, 1.0958168506622314, 0.3704017400741577, -0.5045906901359558, -0.11443029344081879, -0.16301599144935608, 0.6014929413795471, 0.016192208975553513, 0.7598154544830322, -0.4741377532482147, 0.6066513061523438, -0.8664416074752808, -0.04727628082036972, 0.1719733625650406, 1.5767210721969604, -0.7067268490791321, -0.2999665141105652, 0.03233742713928223, -0.38484862446784973, -0.13015539944171906, -1.3744480609893799, -0.01317993551492691, -0.7286812663078308, -0.3244711458683014, -1.282731056213379, 0.21845263242721558, 1.2406595945358276, 0.15365388989448547, 0.5656607747077942, 0.37308409810066223, 0.7281383275985718, 0.8248148560523987, 0.31811031699180603, 0.9140595197677612, 0.5906764268875122, 0.06725532561540604, 0.6135101914405823, 0.44427210092544556, 0.19429469108581543, 0.08853372931480408, -0.32724297046661377, -0.667381227016449, 0.15516062080860138, -0.04995916038751602, 0.6940388679504395, 0.03732672333717346, 0.10498698055744171, 0.8105469942092896, 0.8147896528244019, 0.048387348651885986, -1.632570505142212, -0.588312029838562, -1.1805338859558105, 0.2256241887807846, 0.8243720531463623, 0.31538257002830505, 0.10710497945547104, 0.7273495197296143, -0.38916802406311035, 0.785612940788269, -0.31632840633392334, 0.277258038520813, 0.11867856979370117, -0.15453563630580902, 0.8067289590835571, 0.677481472492218, 0.4255799949169159, 0.0678340420126915, -0.06114577502012253, -1.0547994375228882, -0.1559295356273651, -0.7632119059562683, 0.3798331618309021, 0.5731406211853027, -0.4522639811038971, 0.48351895809173584, -0.301638126373291, 0.8177070021629333, -0.1881452351808548, 1.31485116481781, 0.05309044197201729, -0.2085271179676056, -0.7018474340438843, -1.0101600885391235, 0.3452790379524231, 0.3858909606933594, 0.08611996471881866, -0.18760991096496582, -0.18418775498867035, 0.7520378828048706, 0.26748591661453247, 0.4065839350223541, -0.521926760673523, -0.12850822508335114, -0.2863597869873047, -0.028288763016462326, 0.42195358872413635, -0.6105309128761292, -1.338248610496521, 0.25098997354507446, -0.5306028723716736, -0.21874944865703583, 0.272024929523468, -0.30760401487350464, -0.14406102895736694, 0.7891151309013367, 0.10466346144676208, 0.10453279316425323, 0.2148091048002243, -0.13992321491241455, -1.3080129623413086, 0.5983603000640869, 0.4472730755805969, -0.8918401598930359, 0.26564013957977295, -0.13166123628616333, 0.7277483940124512, 0.2118593454360962, 1.2132201194763184]} +{"paper_id": "openwebtext", "embedding": [-0.5096936821937561, 0.5985569953918457, -0.0028213076293468475, -0.06250114738941193, 0.24173784255981445, -0.1458052098751068, 0.4110633134841919, -0.3744388818740845, 0.4093926250934601, 0.26438868045806885, 0.8433385491371155, 0.27647101879119873, 0.8698521256446838, 0.001023920252919197, 0.5449969172477722, 0.13646948337554932, -0.006830163300037384, -0.5855727791786194, 0.3891856372356415, -0.23907294869422913, -0.8249239325523376, -0.8658156991004944, -0.34218940138816833, 0.5187184810638428, -1.0579652786254883, -0.37572214007377625, 0.5986825227737427, -0.43620872497558594, 0.21200427412986755, 0.6011645793914795, 0.6478374600410461, 1.0001779794692993, -1.7067631483078003, 0.25094905495643616, -0.32642242312431335, 0.14210064709186554, 0.14886264503002167, 0.6963658928871155, -0.49403491616249084, -0.39698854088783264, -0.14385457336902618, 0.2536066174507141, 0.7994518876075745, 0.36580345034599304, 1.5391130447387695, 0.35979849100112915, 0.49040669202804565, 0.10417920351028442, 0.619464099407196, -0.07144086062908173, -0.5522357821464539, 0.4752662181854248, 0.03912802040576935, -0.3990141451358795, -0.05580293387174606, 1.2369277477264404, -0.5474489331245422, -0.6298080682754517, 0.32725802063941956, -0.8682266473770142, 1.1084952354431152, 1.4583157300949097, -0.04332282394170761, 0.24505428969860077, 0.5243369936943054, 0.11119158565998077, 0.8173115849494934, -0.3512713313102722, 0.6484179496765137, 1.1697354316711426, -0.2804985046386719, -1.2304645776748657, 0.4036332964897156, -0.1975005567073822, -0.26861488819122314, 1.0368438959121704, 0.4117969870567322, -0.16241930425167084, 0.31751513481140137, 0.38608235120773315, 0.34931328892707825, 0.5254065990447998, 0.07516740262508392, -0.39598390460014343, 0.19326737523078918, -0.9161245226860046, 0.19739875197410583, -0.5068126320838928, 0.13725008070468903, -0.9823766350746155, 0.43220722675323486, -0.07069089263677597, 0.05373934283852577, 0.21220028400421143, 0.0002798140048980713, 0.43968868255615234, -0.01949453353881836, 0.3702358305454254, -0.6375941038131714, -0.3382543623447418, 0.33423686027526855, -0.20950570702552795, 0.49429529905319214, -0.8429400324821472, 0.1645391583442688, 0.41461196541786194, -0.7918940186500549, -0.7979670763015747, -0.39423221349716187, -0.13065077364444733, -0.8389489650726318, 0.8018104434013367, -0.31429603695869446, 0.4560374617576599, 0.0021151716355234385, -0.8296627402305603, -0.8820130228996277, -0.08198060840368271, -0.691878080368042, 0.33429333567619324, -0.5505246520042419, -1.5587880611419678, 0.10365309566259384, 0.7109763622283936, 1.5275527238845825, 0.11822609603404999, 0.19916507601737976, -0.5894322395324707, -0.3763324022293091, -0.5175068378448486, 0.5936893224716187, 0.023539558053016663, -0.7522132992744446, -0.10598084330558777, 1.9844136238098145, -0.7652219533920288, 1.102179765701294, 0.06577442586421967, -0.3636012077331543, -0.252657949924469, -0.4873557984828949, 1.0801618099212646, -0.06056762486696243, -0.7369158864021301, -0.9006353616714478, -0.10930407792329788, -0.5501906871795654, 0.38450661301612854, 0.12627488374710083, -0.5017984509468079, 0.0796981006860733, 0.7266014218330383, -0.6184751987457275, -0.5073436498641968, -0.18039850890636444, 0.19730111956596375, 0.1715828776359558, -0.06487332284450531, -0.8033337593078613, 0.9584148526191711, 1.0733164548873901, 0.3560757637023926, -0.07541730999946594, 0.7172181606292725, -0.8376071453094482, 0.5881056785583496, 1.117264986038208, 0.3458327651023865, -1.11528742313385, 0.12197848409414291, 0.2628326416015625, -0.28217631578445435, -0.1104566901922226, -0.07257140427827835, -0.3487066924571991, 0.02013702318072319, 0.2729153037071228, 0.738893449306488, 0.3740258514881134, -0.18877947330474854, -0.5362029671669006, -0.09441441297531128, -0.05277271196246147, 0.3963256776332855, -0.04959770292043686, -0.10665571689605713, -0.9512160420417786, -0.00876174122095108, -0.771494448184967, 0.052370041608810425, 0.13864806294441223, -0.21033988893032074, 0.11521340906620026, 0.17763455212116241, 0.037975504994392395, 0.13115087151527405, -0.12157686054706573, -1.215094804763794, -0.3584789037704468, 0.4775463342666626, 0.5260030031204224, -0.32406163215637207, 0.30749163031578064, -0.27947551012039185, 1.2756128311157227, -0.15132680535316467, -0.5117598176002502, -1.4671577215194702, 0.9225766658782959, 1.200675368309021, 0.06455415487289429, -0.6212567090988159, -0.8563069105148315, 0.6403093934059143, 0.15603819489479065, -0.6186363697052002, 0.5477248430252075, -0.381166934967041, -0.005229093134403229, -0.6975975036621094, 0.41702359914779663, -0.2548786699771881, -0.7331356406211853, 0.11046843230724335, 0.6631521582603455, -0.27228471636772156, -0.7656457424163818, -0.642696738243103, -1.4379956722259521, 0.5159655809402466, 0.46710827946662903, 0.2560533881187439, -0.4322797954082489, 1.0122227668762207, 0.1539284884929657, 0.17019078135490417, 0.46597549319267273, 0.47923344373703003, -0.2771507203578949, 0.19376391172409058, -0.3896927237510681, 0.39929503202438354, -0.24805401265621185, -0.5723624229431152, 0.09857791662216187, 1.27601158618927, 0.8792089819908142, -1.1142905950546265, -0.3286258578300476, 0.48987653851509094, 0.5985855460166931, 0.9264397025108337, -0.9303340911865234, 0.5491725206375122, -0.33939385414123535, 0.24041807651519775, 0.2561895549297333, -0.7612305879592896, -0.03237752616405487, -0.8767519593238831, 0.4082716703414917, -0.550277829170227, 0.9216768145561218, 0.007025495171546936, -0.2746638059616089, -0.20350031554698944, -0.2025325894355774, 0.14783820509910583, -0.6172240376472473, -0.5271223783493042, -0.5273733139038086, -0.17030151188373566, -2.046255350112915, -0.2469228208065033, -0.3321790099143982, 0.3140791952610016, -0.47987425327301025, 0.07932715117931366, 0.8061517477035522, -0.10380715876817703, 0.6088042259216309, -1.0620458126068115, 0.833937406539917, 0.27857083082199097, 0.2777860760688782, -0.025568997487425804, -0.21544577181339264, -1.3444890975952148, -0.11644063144922256, -0.153889000415802, -0.22713789343833923, 0.39993518590927124, 0.5587022304534912, 0.5823251605033875, -0.0849667489528656, -0.8313931226730347, 1.4170711040496826, 0.07729596644639969, -0.37748411297798157, -0.6956549882888794, 1.1734118461608887, 0.5463473796844482, 0.4057524800300598, 0.5931767821311951, -0.10250306129455566, -0.6232736706733704, 1.4500068426132202, -1.2066245079040527, 0.1442461460828781, 0.7369077801704407, 0.3005843460559845, -0.08454354107379913, 0.5868982672691345, -2.066666841506958, 0.28672125935554504, 0.5018290877342224, 0.008473217487335205, -0.12342360615730286, -0.19383198022842407, -0.19316983222961426, -0.024575743824243546, -0.3848171532154083, -0.035837672650814056, -0.47633782029151917, 0.1993572860956192, -0.3741421699523926, 1.496327519416809, 1.12241530418396, -0.8848354816436768, -0.0551697313785553, 0.232631117105484, 0.19345316290855408, -0.26939719915390015, -0.9398813247680664, 0.26134607195854187, -0.2294774055480957, 0.7046217918395996, 0.05635453760623932, 0.45796507596969604, 0.3662988543510437, -0.78038489818573, -0.21225659549236298, 0.42645031213760376, 0.432313472032547, 0.12862011790275574, -0.1545940339565277, 0.43489331007003784, 0.752082347869873, -0.6020082235336304, 1.428420066833496, -0.16968996822834015, -0.8068177103996277, -1.861998200416565, -0.28485578298568726, -0.6097617149353027, -0.2247444987297058, 1.8822063207626343, 0.06603127717971802, 1.0855046510696411, -0.015791146084666252, 0.32022690773010254, -0.07491542398929596, -0.3733925223350525, 0.8348937630653381, 1.1805341243743896, 0.11815186589956284, 0.16545796394348145, 0.23201948404312134, 0.7318068146705627, 0.25998538732528687, -0.6531754732131958, 0.21938075125217438, 0.3487692177295685, -0.44218310713768005, -0.03791438043117523, 0.5864386558532715, 0.7476179599761963, 0.020495612174272537, 1.418847918510437, 0.22877037525177002, -1.0179301500320435, -0.42173877358436584, 0.2937847673892975, 0.27554866671562195, 0.3159359097480774, -0.40031418204307556, 0.27715107798576355, 0.3616984486579895, 0.11445222795009613, -0.517719566822052, 0.332487016916275, 0.9393120408058167, -0.05844387784600258, -1.0191518068313599, -0.08560997247695923, -1.0576753616333008, 0.4030768871307373, -0.6809248924255371, 0.18119554221630096, -0.3360731601715088, 0.3635067641735077, -0.30587345361709595, -1.2066309452056885, 0.769492506980896, 0.2910938858985901, -1.061679482460022, 0.8285113573074341, 1.4138120412826538, -0.9837645292282104, -0.6793936491012573, -0.33594220876693726, -0.792829155921936, -0.12949886918067932, -0.41941165924072266, -0.8102048635482788, 0.7421479821205139, -0.20209810137748718, 0.7564892172813416, -0.38839590549468994, -0.3370475172996521, -0.6836973428726196, 1.0284584760665894, 1.2947536706924438, -0.10733865201473236, -0.16846267879009247, -0.2923415005207062, -0.3434683680534363, 0.4273945689201355, -0.7292543649673462, -0.505094051361084, 0.014042798429727554, 0.2670266032218933, -0.04159724712371826, -0.9052624106407166, -0.6282562613487244, -0.13141188025474548, 0.054905470460653305, 1.2429372072219849, -0.9399414658546448, 0.35328835248947144, -0.5187447667121887, 0.06413860619068146, 0.020801804959774017, -1.1250746250152588, -0.39864081144332886, 0.43492257595062256, -0.3112269341945648, -0.06888006627559662, -0.5353423357009888, 0.37439849972724915, 1.101245403289795, 0.3401314616203308, 0.29568105936050415, -0.2781876027584076, -12.920971870422363, 0.8567456007003784, -0.2415047287940979, 0.5722681879997253, 1.081207275390625, 0.1415577530860901, 0.5164390206336975, 0.7368625402450562, 1.6609513759613037, -0.34691229462623596, -0.03254497051239014, 0.8496522903442383, -0.2552642524242401, -0.7622071504592896, -0.7857681512832642, -0.8970283269882202, -0.5630750060081482, -0.5074641704559326, -0.4417877793312073, -0.1446399688720703, -0.3444884121417999, -1.1053379774093628, -0.6937782168388367, -0.22442440688610077, 0.1685245782136917, -0.435817688703537, -0.028797924518585205, -1.0147192478179932, 0.36666738986968994, 0.37306681275367737, 0.8352063298225403, 0.03343682363629341, -0.22434717416763306, -0.6734843850135803, -0.14393876492977142, 0.2555621564388275, -0.4552583694458008, -0.5137875080108643, 1.240204930305481, -0.8791713714599609, -0.17369422316551208, 0.6965826749801636, 0.21809439361095428, 0.40137428045272827, -0.06777987629175186, 0.27394819259643555, -0.4323384463787079, -0.5105785131454468, 0.030124589800834656, -0.3591832220554352, -0.07023737579584122, -0.6458581686019897, -1.1769866943359375, 0.16938909888267517, 0.937627375125885, 0.5618978142738342, -1.1291254758834839, 0.2266770601272583, -0.7604228258132935, -0.6434860229492188, 1.099518060684204, 0.19400811195373535, -0.22239190340042114, -0.0554690919816494, 0.24480223655700684, -0.08033991605043411, 1.119248628616333, 0.13323691487312317, 0.1753215491771698, -0.029445383697748184, 0.1411188542842865, 1.2630573511123657, 0.47280287742614746, 0.24869079887866974, 0.1997033953666687, 0.3780411183834076, -0.01530344970524311, 0.3299669921398163, -0.2735374867916107, 0.34986165165901184, -1.2402957677841187, 0.5164301991462708, -0.3016221523284912, -0.7391378879547119, -0.20668382942676544, 0.29526522755622864, -0.4586857855319977, -0.4257621467113495, 0.9440011978149414, 0.1304948925971985, 1.341342806816101, 0.011791985481977463, -0.582597017288208, -0.26141127943992615, -0.7802609801292419, 0.2878320813179016, -0.4005616307258606, 0.6195734143257141, -0.2991740107536316, 0.1306094080209732, 0.07532873749732971, -0.2177896499633789, -0.4626341164112091, -0.4051791727542877, 0.7650045156478882, -0.09904149174690247, -0.25546056032180786, 0.49970147013664246, -0.043611008673906326, 0.20250077545642853, 0.33285340666770935, -0.27224642038345337, -0.050786539912223816, 1.7249691486358643, -0.38831567764282227, 0.8347494602203369, 1.1723088026046753, -0.8259735107421875, 0.6903184056282043, 1.432270884513855, -0.11373072117567062, 0.3160112798213959, 0.6322156190872192, 0.14789701998233795, 0.20678676664829254, 0.6573272943496704, -0.1275196671485901, 0.5310422778129578, -0.39477047324180603, -1.0791544914245605, 0.22069886326789856, -0.3838844299316406, 0.2754342257976532, -0.8144283294677734, -0.6736018657684326, -0.41679927706718445, -0.15989965200424194, 1.2258561849594116, -0.41157323122024536, 0.5521177649497986, -0.786444365978241, -0.8818120360374451, 0.7322198152542114, -0.5565977096557617, -1.0041576623916626, -0.018209606409072876, -0.8398794531822205, -0.5714396238327026, -0.9853957891464233, -0.21180769801139832, -0.17618514597415924, -0.4919460415840149, 0.3498036861419678, -0.319577157497406, -0.10116074234247208, 0.23279646039009094, 0.3694562613964081, -0.4536915421485901, -0.5348535180091858, -1.052171230316162, 0.8196098208427429, 1.2711607217788696, -0.6440373659133911, 0.9121373891830444, 0.38897788524627686, 0.2330092042684555, -0.813016414642334, 0.057602718472480774, -0.7000279426574707, 0.3666316270828247, 1.293609619140625, -0.8133001923561096, -0.6524885892868042, -1.1622836589813232, -0.4746164083480835, -1.2786483764648438, 0.7997185587882996, 0.743209958076477, -0.5304622650146484, 0.45118486881256104, -0.053884297609329224, -0.1599251627922058, -0.1907675415277481, -0.5826538801193237, -0.06245248764753342, 0.7015713453292847, -0.21189334988594055, 1.1107439994812012, -0.27353155612945557, 0.3609824478626251, -1.5231878757476807, -1.0372540950775146, -0.47600609064102173, -0.5390148758888245, 0.12851053476333618, -0.7317647337913513, 0.7521420121192932, 0.4077101945877075, -0.26261162757873535, -0.24372738599777222, -0.15695911645889282, 0.8922336101531982, 0.04872606322169304, 0.2871703505516052, -0.17127655446529388, 0.09337624907493591, -0.7980693578720093, -0.1734270304441452, 0.24774108827114105, 0.5289297699928284, -0.6568459272384644, 0.011621534824371338, 0.05426803231239319, 0.24900878965854645, 0.21272806823253632, -0.655762791633606, 0.16626283526420593, -0.04119686037302017, -0.10845835506916046, -0.7845006585121155, -0.2819726765155792, 1.2770051956176758, -0.4022880792617798, 0.9202262163162231, 0.9243260025978088, 0.5845382809638977, 0.5962023735046387, 1.1425180435180664, 0.8727419972419739, 0.1353977769613266, -0.9367287158966064, 0.17323842644691467, -0.6549460887908936, 0.2606590688228607, -0.10105549544095993, -0.5802057385444641, -0.9051976799964905, 1.0950185060501099, -0.6014241576194763, -0.1779613196849823, -0.1610669195652008, -0.15004564821720123, -0.1926305741071701, 0.7485096454620361, -0.1588711142539978, -1.34968101978302, -0.7619573473930359, -0.977069079875946, -0.05947247892618179, 0.47773611545562744, 0.6059555411338806, 0.5642416477203369, 0.582736611366272, -0.32396602630615234, 0.8863039612770081, -0.060019269585609436, 0.0732896476984024, 0.25457996129989624, 0.06542691588401794, 1.2254650592803955, 0.9169673323631287, 0.6540059447288513, 0.21758675575256348, -0.18658319115638733, -1.5057249069213867, -0.23446939885616302, 0.0211457759141922, 0.4332270622253418, 0.7054863572120667, -0.618104875087738, -0.2808135747909546, -0.44320547580718994, -0.05068371817469597, -0.43022945523262024, 0.8971515893936157, 0.19297584891319275, -1.0672979354858398, 0.49723052978515625, -0.3912944495677948, 0.2147464156150818, 0.833108127117157, -0.3743165135383606, 0.18655332922935486, -0.7856932282447815, 1.1646149158477783, -0.012289166450500488, -0.5613864064216614, -0.9117560982704163, 0.3184954524040222, -0.3234660029411316, 0.4535253643989563, 0.9536392688751221, -0.5851343274116516, -0.39649561047554016, 0.4421803653240204, -0.264833003282547, 0.5698510408401489, 0.294614315032959, -1.6726384162902832, 0.5732664465904236, 0.7374346256256104, 0.08287902176380157, 0.3974038362503052, -0.4406850337982178, 0.5041619539260864, -1.1593672037124634, 0.5604643821716309, 0.7759031653404236, 0.7072466611862183, 0.09023941308259964, 0.2992366850376129, 0.4203377664089203, 0.40176069736480713, 1.1459120512008667]} +{"paper_id": "snips_built_in_intents", "embedding": [-0.5394232273101807, 0.9317224621772766, 0.3414230942726135, -0.6958258152008057, 0.3330799639225006, 0.6982337832450867, 1.1011477708816528, 1.2364699840545654, 0.704498827457428, -0.14804789423942566, 0.738145112991333, 0.3893654942512512, 0.9192388653755188, -0.06926878541707993, -0.5742185711860657, -0.6342456936836243, -0.6156872510910034, -0.9598764777183533, -0.8192768692970276, -0.752463698387146, -1.1438616514205933, 0.07815685868263245, 0.3247949182987213, -0.09603503346443176, -0.5874495506286621, -0.5719901919364929, 0.6056258082389832, -1.096343994140625, 0.05548390746116638, 0.050262175500392914, 0.5010635852813721, 0.866278886795044, -0.9348821043968201, 0.895517885684967, -0.1060381606221199, -0.28587478399276733, -0.8048895597457886, 0.7854781150817871, -0.29957133531570435, -0.5941874980926514, -0.19108904898166656, 0.5557594895362854, 1.0936262607574463, -0.2195361852645874, 0.2787526845932007, 0.08240514248609543, -0.48944124579429626, 0.609190046787262, -0.4508790969848633, 0.1499045342206955, -0.7306820750236511, 0.46675822138786316, 0.7928239107131958, 0.933295488357544, -0.6421713829040527, 0.6367100477218628, 0.0035491883754730225, -0.19897431135177612, 0.2678748369216919, -1.8191020488739014, 0.05625883862376213, 1.2188034057617188, 0.0751546174287796, 0.916914165019989, 0.6289870738983154, -0.07028674334287643, 0.5441150665283203, 0.6770926713943481, 0.6628966331481934, 0.7799890041351318, -0.24941018223762512, -1.056509256362915, 1.033532738685608, 1.3868513107299805, 0.1196945309638977, 0.9900417327880859, 0.06751710176467896, -0.008096277713775635, 0.15508189797401428, 0.5930673480033875, -0.666905403137207, 0.24104736745357513, 0.7292835116386414, -0.7093591690063477, 0.10592395067214966, 0.29151517152786255, 0.31869515776634216, -0.8259349465370178, 0.07885542511940002, -0.8866733312606812, -0.17565758526325226, 0.06598694622516632, 0.4183417558670044, -0.20262765884399414, -0.4450642466545105, -0.03845524042844772, 0.1975780576467514, 0.24030263721942902, -0.43051430583000183, 1.0469871759414673, 0.9011715054512024, 0.05162901058793068, 0.36192163825035095, -0.7809650897979736, 0.947056233882904, -0.07363195717334747, -0.49993929266929626, -1.0387465953826904, -0.6844998598098755, -0.3644082844257355, -0.3911561071872711, 0.9417792558670044, 0.3114693760871887, 0.852726936340332, -0.2023433893918991, -0.43769440054893494, 0.3693523406982422, -0.048199109733104706, -0.3499358594417572, -0.2800973653793335, -0.34309035539627075, -0.8098260760307312, 0.3170953392982483, -0.6830835938453674, 1.423148274421692, -1.1555501222610474, -0.07791424542665482, -0.21721100807189941, 0.2651432752609253, -0.48092877864837646, 0.31125420331954956, 0.7536963820457458, 0.3287595808506012, 0.33056098222732544, 3.5802698135375977, -1.4202015399932861, 1.4441739320755005, -0.7540332674980164, 0.29983529448509216, -0.36361002922058105, 0.18720194697380066, 1.3079359531402588, -0.4377116560935974, -0.22716665267944336, -0.9728900790214539, -0.4162816107273102, -0.3877744972705841, 0.286854088306427, -0.5010181665420532, 0.33722251653671265, -0.09705130755901337, 0.4279719591140747, -1.078310251235962, -0.7945206165313721, -0.2619890868663788, 0.4983842670917511, -0.19945445656776428, 0.6039450764656067, -0.7464460730552673, -0.5025800466537476, 0.46963346004486084, -0.5431453585624695, 0.024698004126548767, 0.2683958113193512, -0.5679449439048767, 0.2396366149187088, 1.1552190780639648, -0.42763006687164307, -0.56873619556427, -0.7772024273872375, 0.27130135893821716, 0.0708756074309349, 0.20708045363426208, 1.0174719095230103, -0.2633960545063019, 0.997433602809906, 0.513947069644928, 0.6525526642799377, -0.11145702749490738, -0.7528585195541382, -0.6095718741416931, -0.6342136859893799, -0.15528953075408936, -0.11836198717355728, -0.07757183909416199, 0.08648712933063507, -2.0303955078125, 0.031889092177152634, 0.5093082189559937, 2.3268163204193115e-05, 0.030537232756614685, -0.016664989292621613, 0.31506550312042236, -0.2097247689962387, 0.18833322823047638, 0.13872703909873962, 0.79550701379776, -0.8422733545303345, 0.32038965821266174, 0.7168101072311401, -0.5749368071556091, 0.40048524737358093, -0.6134998202323914, 1.0646692514419556, 1.172514796257019, 0.25444096326828003, -0.02906550094485283, -0.9727813005447388, 0.05775421857833862, 1.7619541883468628, 0.4905994236469269, -1.3074150085449219, -0.34475022554397583, -0.30620595812797546, 0.30059048533439636, -0.6881915926933289, 0.08133803308010101, -0.4174972176551819, 0.3549228608608246, -0.9336234927177429, 0.16313695907592773, -0.2480883002281189, 0.1199585571885109, 0.5307697653770447, 1.446189284324646, -0.5804161429405212, 0.35185545682907104, -0.387494295835495, -0.26556703448295593, 0.666534423828125, 0.701531171798706, 0.25575143098831177, -0.15349501371383667, 0.5320371985435486, -0.28240638971328735, 0.2658021152019501, 0.30350053310394287, 0.5470594167709351, -0.8162325620651245, -0.21604454517364502, 0.17573994398117065, 0.9279986023902893, -0.04265137016773224, 0.005475295707583427, 0.21438537538051605, 0.08081977069377899, -0.27324819564819336, -1.162787914276123, 0.3004593849182129, 0.8530272841453552, 1.6085259914398193, 1.2571693658828735, -1.0183470249176025, 0.3646005690097809, -0.5747838020324707, 0.8299767971038818, -1.021484613418579, -0.4604565501213074, 0.03945066034793854, -0.7884796261787415, 0.9196818470954895, -0.7375403642654419, -0.23001159727573395, 0.17757581174373627, -0.4527198374271393, -1.2799134254455566, -0.7008609175682068, -0.7295372486114502, -0.18709993362426758, -0.7824348211288452, -0.6870076060295105, 0.03840095177292824, 0.1066126748919487, -0.892242431640625, -0.3630189001560211, 0.7046570181846619, 0.5866343975067139, 0.838151216506958, 1.4835196733474731, -0.2615857720375061, 0.6540406942367554, -0.3381615877151489, 0.36206382513046265, -0.11617691814899445, -0.19392462074756622, 0.2558003067970276, -0.27402594685554504, -0.14312529563903809, -0.6330293416976929, -0.8356729745864868, 0.7015211582183838, 0.2533074617385864, -0.5564807653427124, -0.06329584866762161, -0.3609564006328583, 0.06850124150514603, 0.2951015830039978, -0.6220955848693848, 0.4133422076702118, -0.20285695791244507, 1.8434784412384033, 0.275783896446228, -0.6477228403091431, -0.37735241651535034, -0.8255249857902527, 0.4713338613510132, 1.106892466545105, -0.5760297775268555, 0.3757709860801697, 0.1563713699579239, -0.4577345550060272, 0.5802778601646423, -0.0048996880650520325, -2.590622663497925, 0.39085617661476135, 1.0251013040542603, 0.7251474261283875, -0.6207857728004456, -1.0661617517471313, -0.4543193578720093, -0.46964386105537415, -0.1765560656785965, 0.0853811502456665, -0.34696051478385925, 0.9365054965019226, 0.03605033457279205, 0.8410505652427673, 0.9131437540054321, -1.3253945112228394, -0.34813979268074036, 0.41553395986557007, 0.8046244978904724, -0.8601396679878235, -0.3965505063533783, 0.5912362933158875, -0.5196449160575867, 0.22975800931453705, 0.5856053829193115, 0.704868495464325, 1.0611273050308228, -0.22868266701698303, -0.5801541805267334, 0.6122912764549255, 0.5366238355636597, -0.2713503837585449, 0.5562752485275269, 0.13593964278697968, 1.049800992012024, 0.5630556344985962, 0.7326482534408569, 0.21049296855926514, -0.6762012839317322, -0.1470586657524109, -0.003084225580096245, -0.05413743853569031, -0.9593358635902405, 1.0737740993499756, 0.8874514698982239, 1.3123525381088257, 0.2234167903661728, 0.3006589114665985, -0.9406428933143616, -0.8779465556144714, 0.6506686806678772, -0.3776567280292511, 0.37502700090408325, -0.36049753427505493, -0.3527189791202545, 0.5965994000434875, 0.5910595655441284, -0.3549233078956604, 0.17625662684440613, 1.1176103353500366, 0.6851392984390259, -0.6146346926689148, -0.3128626048564911, 0.9205507040023804, 0.33435073494911194, 1.159669041633606, -0.7267071008682251, -0.1589721441268921, 0.11364377290010452, 1.0692566633224487, -0.10860302299261093, -0.43842849135398865, -0.27261584997177124, 0.4054338037967682, 0.4942985773086548, 0.6151843070983887, 0.27087515592575073, 0.9238758683204651, 0.6535911560058594, -0.99786376953125, -0.46684694290161133, -0.2694045603275299, -0.5382366180419922, -0.2596404254436493, 0.3385625183582306, -0.4399237036705017, -0.6839606761932373, 0.6781526803970337, -0.2395929992198944, -0.8957679867744446, 1.0204806327819824, -0.01971999742090702, -0.40876585245132446, 0.5802237391471863, 1.5008890628814697, -1.62732994556427, -0.6231048703193665, -0.4476449489593506, -1.1809955835342407, -0.914648175239563, 0.663057267665863, -0.3197922706604004, 0.2508732080459595, -0.19200506806373596, 1.1914921998977661, -0.3570478558540344, 0.26126986742019653, -1.2840723991394043, 0.8215561509132385, 1.100991129875183, 0.36044394969940186, 0.3550334572792053, -0.9022912383079529, 1.1021864414215088, -0.18216963112354279, -0.6766873598098755, -0.04440877586603165, 0.20712995529174805, -0.1732853800058365, -0.911221444606781, -0.6433954238891602, -0.05503782629966736, -0.4184156358242035, -0.05125025287270546, -0.06657497584819794, -1.17904794216156, -0.2189980447292328, -0.22054895758628845, 0.3603377640247345, 1.8943431377410889, 0.001675933599472046, -0.6448026299476624, -0.06557944416999817, -1.3714303970336914, 0.7907816171646118, -0.3662254512310028, -0.04851944372057915, 0.40082550048828125, 0.9242962002754211, 0.3992224931716919, 0.15886646509170532, -11.700515747070312, 0.8017614483833313, -0.871906578540802, 0.2696094512939453, 0.5590335726737976, 0.06194015219807625, 0.8589494228363037, 0.003939099609851837, 0.6525875926017761, -0.4890311658382416, 0.41506510972976685, 0.6959837675094604, -0.08800848573446274, -0.32375478744506836, -0.5629526972770691, -1.6694146394729614, -0.9116634726524353, -0.6694391965866089, 0.024540498852729797, 0.6475515365600586, -0.2571233808994293, -1.3214201927185059, -0.6673265099525452, 0.5571834444999695, -0.17754951119422913, -0.28135818243026733, -0.39303058385849, 0.19441835582256317, -0.13610988855361938, -0.07625015079975128, 0.19040459394454956, -0.35134297609329224, -0.29966282844543457, -0.2184135466814041, 0.20011748373508453, 0.22341299057006836, -1.2653942108154297, -0.28677645325660706, 0.02712443098425865, 0.6545372605323792, -0.32717424631118774, 0.5516233444213867, 0.40598800778388977, -0.5278376340866089, -0.30944085121154785, 0.4605652093887329, 0.26011863350868225, -0.02602975070476532, 0.520409107208252, -0.8298861384391785, -0.15955732762813568, -0.7312318086624146, -0.6434489488601685, -0.8014178276062012, 0.7762946486473083, 0.12806807458400726, -0.5210680365562439, 0.03755316883325577, 0.10581748187541962, -1.0227434635162354, 0.24458223581314087, 1.0725136995315552, 0.2502160370349884, 1.0745068788528442, 0.5758262872695923, -0.5218638181686401, 0.0021664276719093323, 0.06153051555156708, 0.019689060747623444, 0.03752147778868675, -0.598944902420044, 0.5128734111785889, 0.09084970504045486, 0.22635114192962646, -0.733031153678894, -0.2928422689437866, -0.8093451857566833, -0.8694654703140259, 0.6220980286598206, 0.22038055956363678, -0.9004929065704346, 0.5098865032196045, 0.0737278014421463, -0.43564513325691223, -0.6028903722763062, 0.4425145387649536, -0.0723235085606575, 0.5501570105552673, 1.528493881225586, 0.16696202754974365, 1.1369520425796509, 0.4461444020271301, -0.3919815421104431, -0.18056276440620422, -0.49415916204452515, 1.3615226745605469, 0.1148436963558197, 0.7521110773086548, -0.38976678252220154, -0.3035491704940796, 0.36469823122024536, -0.09216661006212234, -0.845624566078186, -0.23969414830207825, 1.0165860652923584, -0.31665852665901184, -0.16884371638298035, -0.23733016848564148, 0.7923625111579895, 0.45999521017074585, 1.4728474617004395, -0.12674325704574585, -0.20436154305934906, 0.29379239678382874, 0.4779324233531952, 0.5413377285003662, 1.1733622550964355, 0.28621941804885864, 1.054972767829895, 0.2846014201641083, -0.7010071873664856, 0.9610369801521301, 0.36010223627090454, 0.5912990570068359, 0.07528512179851532, -0.09889496117830276, 0.33598437905311584, 0.18034730851650238, -0.48424217104911804, -0.7498128414154053, 0.0269336998462677, -0.31671497225761414, 0.28920257091522217, -0.5146439671516418, 0.21731360256671906, -0.2632983326911926, -1.2118817567825317, 1.1183826923370361, -1.0000662803649902, -0.3257080018520355, 0.047605276107788086, -1.2570866346359253, -1.5860182046890259, -1.23241126537323, -0.7405723333358765, 0.7555561065673828, -0.8480803370475769, 0.18121173977851868, -0.5506607890129089, -0.08146049082279205, -0.04557020589709282, 0.17028853297233582, 0.9930397272109985, -1.1791633367538452, -0.5988667011260986, 0.39002010226249695, 0.4977973997592926, -0.25647300481796265, -0.5177624225616455, -1.293041467666626, 0.8996511101722717, 1.1771767139434814, -1.2437459230422974, 0.8989909887313843, 0.5755834579467773, 0.43892616033554077, -0.5615110397338867, -0.18429440259933472, 0.11965855211019516, 0.470475971698761, 0.8415106534957886, -1.3963401317596436, -0.625432014465332, -1.1038824319839478, -0.014026204124093056, -0.6387038230895996, 0.18593254685401917, 0.8258669376373291, -1.2981151342391968, 0.2606830894947052, 0.2162434607744217, 0.744805097579956, 0.45459067821502686, -0.9918845295906067, -0.770046591758728, 0.08616460114717484, 0.4675283432006836, 0.42969250679016113, 0.2904312312602997, 0.5631799101829529, -1.4945683479309082, -1.3079030513763428, -0.7745019793510437, 0.36983466148376465, 0.6132834553718567, -0.34183627367019653, 0.8333432674407959, 0.28765130043029785, 0.8726706504821777, 0.3955914378166199, -0.19357919692993164, 0.5282566547393799, -0.06011195853352547, 0.22147224843502045, 0.32079923152923584, -0.4199794828891754, -0.6470017433166504, 0.11710265278816223, -0.01157208252698183, -0.14072400331497192, -1.7636792659759521, -0.6639595627784729, -0.16566526889801025, -0.4719734787940979, -0.2949754595756531, -0.6902285814285278, -0.059342607855796814, -0.23949821293354034, -0.23555462062358856, -1.3688620328903198, -0.0026976317167282104, 0.7294098734855652, -0.12184879183769226, 1.443466067314148, 0.3113865554332733, 0.3948359489440918, -0.6004084348678589, -0.007579043507575989, 1.1131452322006226, -0.7013382315635681, 0.2038300335407257, -0.3675670325756073, 0.7764683961868286, -0.020643942058086395, 0.14082886278629303, 0.261235773563385, -1.1049538850784302, 0.12841591238975525, -0.9486755132675171, 0.6953787207603455, -0.31594306230545044, 0.38853156566619873, 0.9442277550697327, 1.3569191694259644, -0.7039088010787964, -1.3521902561187744, -0.4046024680137634, -0.41451776027679443, 0.008227616548538208, 0.09707871079444885, 0.6791340708732605, 1.0420781373977661, 0.7466486096382141, 0.4114300012588501, 0.2509145736694336, 0.11901499330997467, 0.43758201599121094, 0.34388068318367004, 0.34015411138534546, 1.3053475618362427, 1.2282646894454956, -0.38035115599632263, 0.8682699799537659, -0.08652123063802719, 0.2662108242511749, 0.31412267684936523, -0.4989127516746521, 0.47756892442703247, 1.4464064836502075, 0.5579783916473389, -0.8126027584075928, -1.0849610567092896, -0.18869413435459137, -1.0971412658691406, 0.7367472648620605, 0.30322790145874023, -0.596997082233429, -1.3470180034637451, -0.9451555609703064, 0.11768456548452377, -0.025803640484809875, 0.32650062441825867, -0.08283452689647675, -0.4904875159263611, 0.12312768399715424, 0.41283902525901794, -0.06609099358320236, -1.3066349029541016, 0.47041934728622437, -1.2132360935211182, 0.32203733921051025, -0.009129922837018967, -0.15423864126205444, -0.6357390284538269, 0.9615123867988586, -0.8696781992912292, 0.07629716396331787, -0.6246334910392761, -1.11485755443573, -0.8871063590049744, 0.3060070276260376, 0.2700967788696289, -0.012632835656404495, 0.558179497718811, -0.44232770800590515, -1.6971096992492676, 0.7636203765869141, 0.830319344997406, -0.41084668040275574, -0.6687180399894714, 0.889692485332489, -0.5027213096618652, -0.07157978415489197, 0.04658594727516174]} +{"paper_id": "conv_ai_2", "embedding": [-0.5509043335914612, 0.3472394645214081, 0.2831270396709442, 0.22682759165763855, 0.7219263911247253, 0.35797131061553955, 0.8555442690849304, 0.21936090290546417, 1.02395498752594, 0.5002859830856323, 0.046106696128845215, 0.11546500027179718, -0.07844113558530807, -0.9760066866874695, -0.11317838728427887, -0.12455963343381882, -1.210185170173645, -0.5614550113677979, -1.0632020235061646, -0.46099764108657837, -0.9421075582504272, -0.500123143196106, -0.21623630821704865, 1.1219929456710815, -0.8420858383178711, -0.17155563831329346, 1.0228523015975952, -0.9062153100967407, 0.04745903238654137, 0.20106029510498047, -0.27028152346611023, 1.844765543937683, -1.197190761566162, 0.301376074552536, -0.1401899755001068, -0.6329010725021362, -0.3262915313243866, 0.5177592039108276, -0.7226706147193909, 0.6436325311660767, -0.5413227677345276, 0.7385063767433167, 0.17928676307201385, 0.6734148859977722, 0.5689051747322083, 0.040445476770401, 0.11953867226839066, 0.20129261910915375, -0.41554713249206543, 0.30505213141441345, -0.9151877760887146, 0.5379593968391418, 0.4988587200641632, 0.7964175939559937, 0.27521851658821106, 1.1755328178405762, 0.03723664581775665, -0.3839012384414673, 0.3061599135398865, -0.8113236427307129, 1.3300851583480835, 1.0859849452972412, 0.3360864520072937, 0.7396838068962097, 0.9194011688232422, -0.1359403133392334, 1.4674721956253052, 0.20110271871089935, 0.18992982804775238, 1.034324288368225, -0.19724732637405396, -1.21354079246521, 0.8057173490524292, 0.17530661821365356, -0.6462117433547974, 0.8332046270370483, 0.6099879741668701, 1.2458717823028564, -0.7171481251716614, 0.20499065518379211, 0.5153490900993347, 0.6118513345718384, 0.24816752970218658, -0.3777705430984497, 0.555995523929596, 0.7627237439155579, 1.0049984455108643, -0.6491565704345703, -0.16910825669765472, -1.7693345546722412, 0.6720492243766785, 0.3715565800666809, 0.5660026669502258, -0.2326684594154358, -0.5834658145904541, 0.8516436219215393, -0.5336336493492126, 0.07816695421934128, -0.7950280904769897, 0.2377566397190094, 1.0202239751815796, -0.20360147953033447, 0.5107532739639282, -0.43180927634239197, -0.004036456346511841, 0.180751770734787, 0.7895029783248901, -0.2047751247882843, -0.5544155240058899, -0.39047572016716003, -0.11302368342876434, 0.9890317916870117, -0.22698982059955597, 0.9601852893829346, 0.08383672684431076, 0.8880068063735962, 0.6967008113861084, -1.0005911588668823, -0.005604182370007038, 0.08044920116662979, -0.14413805305957794, -0.8399778008460999, 0.23332321643829346, 0.345400869846344, 1.0900648832321167, -0.4005467891693115, -0.16255803406238556, -0.12482130527496338, 0.2516912817955017, -0.34132489562034607, 0.8411046266555786, -0.17713932693004608, -0.6809660196304321, 0.1336187720298767, 2.6108882427215576, -1.5810377597808838, 2.0452070236206055, -1.4627647399902344, -0.4952511191368103, -0.2935875952243805, 0.2426525354385376, 1.4401785135269165, -0.36166971921920776, -0.3095919191837311, -1.0648434162139893, 0.06127988547086716, -0.627240002155304, -0.0534183531999588, -0.3733924329280853, -0.9100955724716187, 0.008339647203683853, 0.6588642001152039, -1.4545387029647827, -0.003672398626804352, -0.28293126821517944, 0.26476383209228516, -0.20410677790641785, 1.0421735048294067, -0.4599463939666748, -0.12163577228784561, 0.5010305643081665, -0.31696969270706177, -0.0361814871430397, 0.42821234464645386, -1.0773066282272339, -0.11051507294178009, 0.8172537684440613, -0.1375299096107483, -0.786626935005188, -0.30460694432258606, 0.7330372929573059, -0.003759942948818207, 0.23563380539417267, 0.26954370737075806, -0.1802835315465927, 0.5533294081687927, 0.4108983278274536, 1.0953588485717773, 0.21968771517276764, -0.6914148926734924, -0.8569642901420593, -0.4760468602180481, -0.7541509866714478, 0.38299861550331116, -0.5204375982284546, 0.03357430174946785, -2.140141725540161, 0.3654477596282959, 0.018229171633720398, 0.7508776783943176, 0.454304575920105, -0.442904531955719, -0.10304141789674759, -0.5215117335319519, 0.745112419128418, -0.4667821526527405, 1.000244140625, -1.322906255722046, -0.20296305418014526, -0.01997869461774826, 0.10670734941959381, -0.32766178250312805, 0.005031609907746315, 1.0982942581176758, 0.8977101445198059, -0.07977025210857391, -0.2241712063550949, -1.1091605424880981, -0.10333306342363358, 1.6788444519042969, 0.8448730111122131, -1.1052719354629517, -0.1407298743724823, -0.1412942260503769, -0.24963343143463135, -0.349536657333374, 0.5784293413162231, -1.083970308303833, 0.47381943464279175, -1.651699185371399, 0.15702827274799347, 0.08557393401861191, 0.6639238595962524, 1.3507492542266846, 1.3108292818069458, -0.8009995222091675, 0.6511255502700806, -0.8464497327804565, -0.8247681856155396, -0.15900808572769165, 0.4069109261035919, 0.4499303996562958, 0.3564908504486084, 0.7374216914176941, 0.10609602928161621, 0.596317708492279, 0.44664791226387024, 0.2663627564907074, -0.6954593658447266, 0.45537668466567993, 0.09676852077245712, 1.165327787399292, 0.06732165813446045, 0.35902175307273865, 0.5550764203071594, 0.8254860639572144, -0.4062776565551758, -1.2893224954605103, 0.19016121327877045, 0.04390815645456314, 1.6148918867111206, 0.4457922577857971, -0.4636547267436981, 0.628691554069519, -0.1952809989452362, 0.2019648253917694, -0.7589171528816223, -0.46753445267677307, -0.40757495164871216, -0.8526417016983032, 1.4764583110809326, -0.0483739972114563, 0.09744101762771606, -0.1953781247138977, -0.26457542181015015, -0.8419143557548523, -0.23966579139232635, 0.6203129291534424, -0.4772435426712036, -1.5386381149291992, -0.17759928107261658, -0.4384543299674988, -0.7417300343513489, -0.8015869855880737, -0.30087241530418396, 0.5545644760131836, -0.10084350407123566, 0.8017970323562622, 1.9364252090454102, 0.16678927838802338, -0.18944081664085388, -0.1329229772090912, 1.0320930480957031, -0.9239909052848816, 1.0457067489624023, -0.3440486788749695, 0.2677208483219147, -0.8658792972564697, 0.11675898730754852, -0.3805390000343323, -0.10311336815357208, 0.2573036253452301, -0.7102108001708984, 0.15821927785873413, -0.23486065864562988, 0.6205329895019531, 0.7686960101127625, -0.5251147150993347, 0.14053864777088165, -0.10920078307390213, 1.4625043869018555, 0.20986485481262207, -0.813018798828125, 0.5714946389198303, -0.6399215459823608, 0.2766037583351135, 0.5532110333442688, -0.07961266487836838, 0.19578684866428375, 0.9429176449775696, -0.5174883604049683, 0.4306998550891876, 0.38232046365737915, -2.3747475147247314, 0.345721036195755, 0.7932407855987549, -0.19573211669921875, -0.043704804033041, -1.2031546831130981, 0.8003628849983215, -0.23711010813713074, -0.20359282195568085, -0.46921396255493164, -0.06680598855018616, 0.09569509327411652, -0.5016688108444214, 0.02259884774684906, 1.2966046333312988, -0.6588989496231079, -0.24671697616577148, 0.4965290129184723, -0.11672105640172958, -0.8417627215385437, -0.41109058260917664, 0.3519298732280731, -0.3867604732513428, -0.025697000324726105, 0.3170478641986847, 0.6825635433197021, 1.0283186435699463, -0.062405072152614594, -0.12518449127674103, 1.1025890111923218, 0.6081312298774719, -0.08874768018722534, -0.2978050708770752, 0.015213815495371819, 0.575753927230835, -0.928866446018219, 1.104174017906189, -0.06819973886013031, -0.5251685380935669, -1.4683221578598022, 0.29835397005081177, 0.17027391493320465, -1.0329790115356445, 1.6885279417037964, -0.031148627400398254, 0.5323868989944458, 0.18855594098567963, 0.597702145576477, -0.8399205207824707, -0.2259758859872818, 1.1990410089492798, 0.004020487889647484, -0.2603204846382141, -1.0719027519226074, -0.3854294419288635, 0.3938874900341034, -0.061295345425605774, -0.6104899644851685, -0.3207431435585022, 1.499337911605835, -0.010637659579515457, -0.6801019906997681, -0.45275017619132996, 1.2906936407089233, -0.05471216142177582, 0.6450530290603638, -0.4924759864807129, -0.9101802706718445, 0.059357695281505585, 1.1030551195144653, 0.5550923347473145, 0.44116318225860596, -0.5912408828735352, 0.6289369463920593, 0.29014065861701965, 0.0949050635099411, -0.4185011386871338, 0.9928085207939148, 0.14753510057926178, -1.1880770921707153, -1.691404938697815, -0.057680338621139526, -1.0952779054641724, -0.5723537802696228, 0.566134512424469, -0.5512399673461914, -0.5163439512252808, 0.8847345113754272, -0.30937114357948303, -0.22042782604694366, 0.6172996759414673, -0.43726736307144165, -0.6412370204925537, 0.8289021253585815, 0.711701512336731, -1.0837230682373047, -0.4964134395122528, -0.13678903877735138, -1.1860032081604004, -0.17774184048175812, -0.33589231967926025, -0.8030414581298828, 0.5213465094566345, 0.04518067464232445, 0.22971634566783905, 0.2519785165786743, 0.08245602250099182, -0.6457390785217285, 1.008975625038147, 0.885301947593689, -0.39302030205726624, 0.5612030029296875, 0.5088636875152588, 0.8228182792663574, -0.3294411897659302, -0.482967734336853, -0.5682092308998108, 0.532902717590332, -0.46743911504745483, 0.40396732091903687, -0.4072835445404053, -0.2534041404724121, 0.6757095456123352, -0.8646183609962463, 0.11092842370271683, -1.1469231843948364, -0.05552951246500015, -0.13909569382667542, -0.13646849989891052, 0.6399047374725342, -1.1817914247512817, -1.108715534210205, 0.2348700910806656, -0.5626265406608582, 0.6147899627685547, -0.7227916717529297, -0.004740320146083832, 1.0117055177688599, 0.9171190857887268, 0.8193888664245605, 0.1875918209552765, -11.354567527770996, 1.3293131589889526, -0.23191480338573456, -0.2116621434688568, 0.4290078282356262, -1.0069119930267334, 0.8415581583976746, 0.361982136964798, 1.008879542350769, -0.8791491389274597, 0.6692042946815491, 0.7134525179862976, -0.19559940695762634, -0.3460375666618347, -0.39170756936073303, -0.9761152267456055, -1.0708262920379639, -0.9374421834945679, 0.00916677713394165, 0.2660764455795288, 0.026621844619512558, -0.624875545501709, -0.11970149725675583, 0.16920435428619385, 0.03408638387918472, 0.3989219665527344, -0.5865744352340698, -0.5228201150894165, -0.202140212059021, 0.1377367228269577, 0.7365605235099792, -0.45923006534576416, 0.01606886088848114, -0.8064178824424744, -0.13072888553142548, 0.2234700322151184, -0.6225414276123047, -0.17039136588573456, 0.9337153434753418, -0.12395637482404709, -0.28154635429382324, 0.7656553387641907, 0.880822479724884, 0.07476615905761719, 0.1673455387353897, 0.3110749125480652, -0.17478260397911072, -0.16034811735153198, 0.1744925081729889, -0.3072647452354431, -0.7104834318161011, -0.6232718229293823, -0.9472833275794983, -0.6329618692398071, 0.07083126902580261, -0.19227328896522522, -0.5617021322250366, 0.7666614651679993, -0.5432171821594238, -1.2517343759536743, 1.0088834762573242, 0.5246150493621826, -0.31118157505989075, 0.6456551551818848, 0.7290028929710388, -1.0152668952941895, -0.2819267511367798, 0.4281455874443054, -1.0001336336135864, 0.8521878719329834, -0.4738076329231262, 0.6239964365959167, -0.4496982991695404, 0.7912298440933228, -0.7969030737876892, -0.2594151198863983, -0.333564430475235, 0.433145135641098, 0.6815244555473328, 0.2594282627105713, -0.7569727301597595, 0.7704346776008606, 0.5589000582695007, -0.6460537910461426, -1.1418806314468384, 0.06913186609745026, 0.24139302968978882, 0.04458891972899437, 1.1342275142669678, -0.2722949683666229, 1.2832499742507935, 0.21936452388763428, -0.7559860348701477, 0.5100600719451904, -0.4541831612586975, 0.915840744972229, 1.1174551248550415, 0.5996304154396057, -0.2587437033653259, -0.1579982340335846, -0.17178362607955933, -0.06754174828529358, -0.9002918004989624, 0.8925669193267822, 0.17018210887908936, 0.28210943937301636, -0.15714654326438904, 0.4961296021938324, 0.22908546030521393, 0.06772557646036148, 0.6855161786079407, 0.2399844229221344, -0.6704269647598267, 0.7738175988197327, 0.399975448846817, 0.715048611164093, 1.0227619409561157, 0.5398861765861511, 1.101383090019226, 0.2454020380973816, -0.2194308191537857, 1.2654037475585938, -0.2419448047876358, 1.191299557685852, -0.3227923512458801, -0.206085667014122, 0.46387937664985657, 0.24305406212806702, -0.3934079110622406, -1.6519057750701904, 0.35799121856689453, -0.7518230676651001, 0.5178319811820984, -0.24461951851844788, 0.09524637460708618, 0.35614416003227234, -1.0661931037902832, 1.2301826477050781, -0.5540897846221924, 0.5367907285690308, 0.21092413365840912, -0.5994439125061035, -0.10710769891738892, -1.3760703802108765, -0.730812132358551, 0.033255599439144135, -1.4176914691925049, 0.4810751974582672, -0.4410034418106079, 0.352067232131958, 0.6359164118766785, -0.20406800508499146, 1.358549952507019, -0.7515214085578918, -0.08973795175552368, -0.09838927537202835, 0.9038355350494385, -0.40895479917526245, -1.16958487033844, -0.471052348613739, 0.6367948055267334, 1.0969947576522827, -0.7720545530319214, 1.1279891729354858, 0.10880595445632935, -0.2995454967021942, -0.03730219975113869, 0.26806640625, -0.9384238123893738, 0.072877898812294, 1.5048737525939941, -1.6866704225540161, -0.4194943904876709, -0.9696091413497925, -0.2885242998600006, -0.9902355670928955, 0.851762056350708, 0.8477548360824585, -1.0339207649230957, -0.469921350479126, -0.14299128949642181, 0.30926889181137085, -0.024916891008615494, -0.10178221762180328, -0.43714380264282227, -0.20352011919021606, -0.006385015323758125, 1.3311326503753662, 0.2955470383167267, 0.499073326587677, -2.0416457653045654, -0.9633173942565918, -0.4237411320209503, 0.3971047103404999, -0.6376553773880005, -0.019757110625505447, 0.5012587904930115, 0.5895548462867737, 0.29691454768180847, 0.4243760406970978, 0.16283240914344788, 0.13001231849193573, -0.9047353863716125, -0.37377408146858215, -0.31979480385780334, -0.1841883659362793, -0.14705631136894226, 0.2881961166858673, 0.7950044274330139, 0.1312178522348404, -0.8213611841201782, -0.8185048699378967, 0.06129893660545349, -0.17010830342769623, 0.35468992590904236, -0.49897193908691406, -0.5166388750076294, -0.11980722844600677, -0.46965864300727844, -1.0934290885925293, 0.14887866377830505, 0.7462463974952698, 0.13134825229644775, 1.6090078353881836, 0.7587648630142212, 0.4950501024723053, 0.17069114744663239, -0.2078464776277542, 0.5654483437538147, -0.2888001799583435, -0.053824834525585175, -0.24972432851791382, -0.4008978307247162, 0.610567569732666, -0.09897835552692413, -0.29424989223480225, -1.0900729894638062, 0.43894481658935547, -0.944225549697876, 0.21162915229797363, 0.0904519334435463, 0.29031607508659363, 0.9992920160293579, 0.9739950895309448, -0.8706321716308594, -0.8832664489746094, -0.7573074698448181, -0.859149694442749, -0.2589111328125, 0.2607914209365845, 0.6048661470413208, 1.0394673347473145, 0.6494749784469604, 0.10650701820850372, 0.8529432415962219, -0.6169635653495789, -0.28685837984085083, 0.6220720410346985, 0.553128182888031, 0.5248016715049744, 0.48663073778152466, 0.2495628446340561, 0.557326078414917, -0.04722975939512253, -0.251732736825943, 0.2940477430820465, 0.07069893926382065, 0.4889225959777832, 0.477383017539978, -0.6893607974052429, -0.7638741731643677, -0.8859862685203552, 0.19086910784244537, -0.7363376617431641, 1.231986403465271, 0.25775450468063354, -1.1287795305252075, -0.6465689539909363, -0.8617227673530579, -0.732364296913147, 0.11403744667768478, 0.297568142414093, -0.703197181224823, -0.6889813542366028, 0.19396667182445526, 0.3278443515300751, -0.5441557765007019, -1.194666862487793, 0.24326694011688232, -1.1348594427108765, 0.23212982714176178, -0.7940422296524048, -0.5781772136688232, -0.16521795094013214, 0.39181551337242126, -0.7265563607215881, 1.015424370765686, -0.6392051577568054, -1.0310734510421753, -1.6124323606491089, -0.30925723910331726, -0.5148845314979553, 0.198665052652359, 0.22081726789474487, -0.49082159996032715, -2.193791151046753, 0.6682518720626831, 1.3694709539413452, 0.20416605472564697, -0.5770688056945801, 0.9494827389717102, -0.10562963783740997, -0.03726908192038536, 1.2035881280899048]} +{"paper_id": "mocha", "embedding": [0.015864623710513115, 1.1370468139648438, -0.3017190396785736, -0.09294791519641876, 0.1775549054145813, 0.1319795846939087, 0.40820685029029846, 0.5094218254089355, 0.9370589256286621, 0.34903794527053833, 0.22236859798431396, -0.1940186321735382, -0.032905448228120804, -0.0055848378688097, -0.04665343835949898, -0.3090039789676666, -0.7757362723350525, 0.02315773069858551, -1.8049718141555786, -0.5866251587867737, -0.8985027074813843, -0.45824259519577026, -0.2960047721862793, 1.0467244386672974, -0.7976342439651489, -0.7457562685012817, 1.1988625526428223, -1.0685893297195435, 0.11356572806835175, -0.08969805389642715, -0.5565749406814575, 1.0198824405670166, -1.1780369281768799, 0.5214969515800476, -0.03854408860206604, -0.5133754014968872, 0.5084809064865112, 0.46802443265914917, -0.37912261486053467, -0.31112927198410034, -0.7111470699310303, 0.5251611471176147, 0.6544603705406189, -0.08885066211223602, 0.5211535096168518, -0.29179829359054565, 0.40635281801223755, -0.10811470448970795, -0.13974542915821075, -0.23196126520633698, -0.9356405735015869, 0.3068985641002655, -0.1135370284318924, -0.04520907253026962, 0.1394818127155304, 0.8247798085212708, 0.010455876588821411, -0.4963203966617584, 0.38059747219085693, 0.2867860198020935, 1.2753815650939941, 1.527649998664856, -0.4613926410675049, 0.48831236362457275, 1.324525237083435, 0.362504780292511, 0.5141533017158508, 0.24826987087726593, -1.1597576141357422, 0.6461268663406372, -1.0216364860534668, -0.5526814460754395, 0.15577784180641174, -0.5772902965545654, 0.40256673097610474, 0.7550286054611206, -0.2792724072933197, 0.06146116927266121, 0.5637761354446411, -0.715737521648407, 0.13410615921020508, 0.34983229637145996, 0.6069689989089966, -0.08997464925050735, 0.5186223387718201, 0.02506174147129059, 0.3987121284008026, -0.7460657358169556, -0.14051656424999237, -1.8336211442947388, 0.5528469681739807, 0.45661160349845886, 0.8868659138679504, -0.18574757874011993, -0.5085241794586182, 0.47853517532348633, -0.22507931292057037, -0.6541544198989868, -0.08818230777978897, -0.14013302326202393, 0.6476075649261475, 0.06799808144569397, 1.2955342531204224, -0.603426992893219, 0.3783983886241913, -0.06254750490188599, 0.2820245921611786, -0.6119452714920044, -0.0012531094253063202, -1.34316086769104, -0.1436493843793869, 0.550804078578949, 0.07388723641633987, 1.0548064708709717, -0.22977399826049805, 0.6556555032730103, 0.6512387990951538, -0.7478147745132446, -0.16968142986297607, 0.37931960821151733, 0.3000149726867676, -0.4538058042526245, -0.5617915987968445, -1.1334131956100464, 0.4359135627746582, -0.7412237524986267, -0.6549604535102844, -0.4713364541530609, -0.19034266471862793, 0.26573893427848816, 0.9025382995605469, 0.5441070199012756, -0.8119678497314453, 0.13907670974731445, 2.6622378826141357, -1.2180914878845215, 0.5671428442001343, -0.5417109727859497, -0.4337555468082428, -1.0007339715957642, -0.03430908918380737, 1.5761773586273193, 0.1973426640033722, -0.8335878252983093, -0.6374515891075134, 0.26185569167137146, -0.6445630192756653, 0.10474558919668198, -0.7748725414276123, -0.1777450293302536, 0.05137806013226509, 0.13802482187747955, -1.5775641202926636, -0.6263443827629089, 0.06355367600917816, -0.16698887944221497, -0.025621335953474045, 0.33240121603012085, -0.20364850759506226, 1.2567338943481445, 0.09174728393554688, -0.21611984074115753, -0.9566357731819153, 0.3477228581905365, -0.8395401239395142, 0.3281394839286804, 0.9669238924980164, -0.08704634010791779, -0.258529931306839, 0.024093128740787506, -0.10600773990154266, -0.6887694597244263, -0.7122219204902649, -0.35566246509552, 0.10408195108175278, 0.19811180233955383, 0.37873604893684387, 0.7531172633171082, 0.17996734380722046, -0.3363584876060486, -0.140828937292099, -0.0443832166492939, -0.13750267028808594, 0.6845465302467346, -0.6960374116897583, 0.7525873184204102, -3.0125365257263184, 0.5384877920150757, -0.28130313754081726, 1.0211181640625, 0.03223992884159088, -0.42675384879112244, 0.30220356583595276, 0.34347498416900635, 0.046786315739154816, -1.0041530132293701, 0.674591600894928, -1.139706015586853, 0.707303524017334, 0.33618682622909546, 0.2513830363750458, -0.26629775762557983, 0.04996809363365173, 1.2078405618667603, 0.39746585488319397, -0.8340843915939331, -1.1846660375595093, -2.2915732860565186, -0.21821284294128418, 2.1149275302886963, 0.10433806478977203, -0.45999687910079956, -0.2388668656349182, -1.0275225639343262, 0.009470246732234955, -0.12076974660158157, 0.35131382942199707, -0.4295753836631775, -0.3968927264213562, -0.7323906421661377, 0.6409801244735718, -0.7287397980690002, 0.07101862877607346, 0.8814302086830139, 1.6433765888214111, -0.2721094787120819, -0.38992440700531006, -0.7237116098403931, -0.562983512878418, -0.1043599545955658, 0.4992094337940216, 0.17652645707130432, 0.1014460101723671, 0.6843950748443604, 0.21098539233207703, 1.0626496076583862, 0.8522042632102966, 0.8796440362930298, -0.48509055376052856, 0.6491206884384155, 0.29475170373916626, 1.7557963132858276, -0.19774936139583588, 0.024178626015782356, -0.2132810652256012, 0.2674247622489929, -0.5450799465179443, -0.19917553663253784, -0.15313827991485596, -0.20810922980308533, 1.076927900314331, 0.36322182416915894, -0.7314983606338501, 0.14866960048675537, -0.24732866883277893, -0.08414670079946518, -0.612257719039917, -0.16457006335258484, -1.169012427330017, 0.6118119359016418, 0.06287848949432373, 0.07560771703720093, -0.0010721869766712189, -0.8716928362846375, 0.27118539810180664, -1.2902944087982178, -0.851365327835083, -0.12823346257209778, 0.17207887768745422, -1.1928342580795288, -0.7073022723197937, 0.59319007396698, -1.1780834197998047, 0.035405077040195465, -0.12270954251289368, -0.030195007100701332, 0.20455829799175262, 0.21553221344947815, 1.4923771619796753, -0.016416186466813087, -0.0816086083650589, -0.11341597139835358, 0.9638966917991638, -0.7987293004989624, 0.11722864210605621, -0.6820639371871948, -0.08216150104999542, -0.9708908796310425, 0.4243726432323456, -0.953286349773407, 0.3030398190021515, 0.2397988736629486, -0.6745128035545349, 0.7197713851928711, 0.05619370937347412, -0.6980218887329102, 0.6485687494277954, -0.45732638239860535, 0.4208643436431885, -0.7663028240203857, 1.4622236490249634, 0.3374773859977722, -0.7396825551986694, 1.1138578653335571, -0.8092820644378662, -0.7580558061599731, 0.6373675465583801, -0.46332287788391113, 0.06847715377807617, -0.11690224707126617, -0.3496033847332001, 0.3336225152015686, 0.20609092712402344, -1.5293906927108765, 1.1162505149841309, 0.9624996185302734, 0.2722206711769104, -0.5121690630912781, -0.7067052125930786, 0.5862650275230408, -0.17506904900074005, 0.39013805985450745, 1.0502958297729492, -0.6126863360404968, 0.06614096462726593, -0.6643246412277222, 0.7888926863670349, 0.24234673380851746, 0.2864925265312195, 0.682508111000061, 0.9032928347587585, 0.6061358451843262, -1.4649550914764404, -0.062530517578125, 1.406446933746338, -0.9819793105125427, 0.013978617265820503, 0.2881990969181061, 0.4946264624595642, 0.24804610013961792, -0.2134382724761963, 0.31395700573921204, 0.6118586659431458, 0.1537891924381256, -0.20311333239078522, 0.08370233327150345, 0.18350628018379211, -0.011515865102410316, -0.36723122000694275, 1.183849573135376, -0.4458848834037781, -0.7178512215614319, -1.0186630487442017, -0.32423895597457886, -0.6789132952690125, 0.32813143730163574, 1.40995454788208, 0.7794128656387329, 1.730205774307251, 0.6403172016143799, 0.24908989667892456, -0.34397634863853455, -0.30904626846313477, -0.18043456971645355, 0.1848454624414444, 0.09009574353694916, -0.5763795971870422, 0.28354817628860474, 0.5357476472854614, 0.9179292321205139, -0.30378711223602295, 0.31789276003837585, 0.19264838099479675, -0.07243523001670837, -1.472296953201294, 1.0005849599838257, 0.4225178062915802, 0.5787619352340698, 2.4116322994232178, -0.5517475008964539, 0.18181423842906952, 0.6660901308059692, -0.2881377637386322, 0.632165789604187, -0.028022408485412598, 0.5271434783935547, 0.48202425241470337, 0.48164844512939453, 0.7623201012611389, 0.19650734961032867, 0.9484171867370605, 1.1671336889266968, -0.839833676815033, -1.7211949825286865, 0.13559342920780182, -0.9319582581520081, -0.21355897188186646, -0.11996836960315704, 0.4155046045780182, 0.06500232964754105, 0.2103632390499115, -0.31615573167800903, -1.1009455919265747, 0.5020045042037964, -0.33319517970085144, -0.7746849060058594, 0.5408270359039307, 1.1894357204437256, -0.9957711696624756, -0.7029656767845154, -0.2505871653556824, -0.7695282101631165, 0.16573359072208405, -0.5488610863685608, -1.0686843395233154, 0.47732284665107727, -0.09566441178321838, 0.7087279558181763, 0.005128556862473488, 0.4384346008300781, -1.3909428119659424, 1.8227996826171875, 0.8714444041252136, -1.073962688446045, 0.9952194690704346, 0.37022528052330017, 1.3649346828460693, 0.18664047122001648, -0.5488116145133972, -0.9854965806007385, 1.1918619871139526, 0.1353224813938141, 0.388633131980896, -0.32055607438087463, -0.16434858739376068, 1.4428688287734985, 1.0774590969085693, 0.33070075511932373, -0.5201797485351562, 0.09202015399932861, -0.8065246343612671, 0.5202915072441101, 1.1706448793411255, -1.5967509746551514, -1.1079285144805908, 0.46189987659454346, -0.6429357528686523, 0.2972343862056732, -0.1231331080198288, -0.1380106657743454, 1.904302716255188, -0.2021004557609558, -0.3829776644706726, -0.6270408630371094, -11.268708229064941, 0.7868000268936157, -0.21480335295200348, -0.15418583154678345, 0.7312601208686829, -0.5624547600746155, 0.3097843527793884, 0.8422885537147522, 0.4243466854095459, -0.579003095626831, 0.02921168878674507, 0.9082831144332886, 0.10791319608688354, 0.2209828943014145, -0.8004809021949768, -1.266043782234192, -0.9398954510688782, -1.0809687376022339, 0.4322050213813782, 0.580338180065155, 0.12035903334617615, -0.3357204496860504, -0.04618813842535019, 0.2363934963941574, 0.3336389362812042, -0.048140883445739746, -0.403486043214798, -0.5544148087501526, 0.6264122724533081, 0.19557049870491028, 0.455166757106781, 0.06996519863605499, -0.706150472164154, -0.4718371629714966, 0.0973597913980484, 0.2147793471813202, -1.4499931335449219, -0.2904246747493744, 0.8530267477035522, -1.220679759979248, -1.0460840463638306, 0.04620792344212532, 0.3258160650730133, -0.3881430923938751, -0.8690211772918701, 0.27211159467697144, 0.3703044652938843, -1.1128005981445312, -0.601489782333374, -0.857804536819458, -0.7462936639785767, -0.4039400517940521, -0.5081825256347656, -0.37839898467063904, 0.3550671637058258, -0.3213598430156708, -0.318765789270401, -0.8390992283821106, -0.351881742477417, -0.5480643510818481, 0.3934973180294037, -0.07992485910654068, -1.0439012050628662, 0.03770151734352112, 0.5823322534561157, -0.4127914309501648, 0.47692206501960754, 0.8963090777397156, 0.19355705380439758, 1.067260503768921, -0.6711055636405945, 1.02279531955719, 0.05036461725831032, 0.7731301784515381, -0.5218998789787292, 0.18690699338912964, -0.415934681892395, -0.4475381672382355, 0.5177682638168335, -0.05875961109995842, -1.1819143295288086, 0.5076034069061279, 0.3672557771205902, -0.4573897421360016, -0.3700662851333618, 0.003129858523607254, -0.010061569511890411, 0.49087589979171753, 1.0216118097305298, -0.7275795936584473, 1.615790843963623, -0.8290631175041199, -0.5818547010421753, 0.0363219752907753, -0.836014449596405, 0.07505004107952118, -0.33205750584602356, -0.06696517765522003, 0.5750770568847656, -0.7800798416137695, -0.0929301306605339, 0.28727808594703674, -0.6727966070175171, -0.1819581240415573, 0.861761212348938, 0.1619015336036682, -0.21674466133117676, 0.24632370471954346, 0.28396210074424744, -1.3210768699645996, 0.11928112059831619, 0.5217190980911255, -0.2804049253463745, 1.650923490524292, -1.3811800479888916, 0.7370966672897339, 0.8488803505897522, 0.13215914368629456, 0.10267285257577896, 1.0736671686172485, -0.8186208605766296, 1.5014485120773315, 0.6807933449745178, 1.758194923400879, 0.010646525770425797, -0.05877464637160301, 0.8402398824691772, 0.43947768211364746, -0.846738874912262, -0.8369631171226501, -0.24688872694969177, -0.5843054056167603, 0.18685780465602875, -0.5239965915679932, -0.039347823709249496, 0.13595208525657654, -0.4471678137779236, 1.1910045146942139, -0.9182863831520081, 0.47740668058395386, 0.08367183804512024, 0.2326655089855194, -0.5629489421844482, -1.0012930631637573, -1.0776910781860352, 0.32102251052856445, -2.0599749088287354, 0.7189944982528687, -0.2443293333053589, -0.4713842272758484, -0.18574437499046326, -0.5232229828834534, 0.7642277479171753, -0.378364622592926, 0.005919331684708595, -0.257356733083725, 0.7341020107269287, -1.0467725992202759, -0.16846424341201782, -0.446553498506546, -0.03554508090019226, 0.8802977204322815, -0.5405269861221313, 1.3097187280654907, 0.4321441054344177, -0.32788941264152527, -0.3187045454978943, -0.03350958600640297, -0.4842919707298279, 0.5970858335494995, 0.5797358751296997, -0.7959966659545898, -0.18711870908737183, -0.3537736237049103, -0.0716855525970459, -0.5930249691009521, 0.2850845456123352, 1.1545048952102661, -1.4371976852416992, 0.060522034764289856, -0.04935028776526451, 0.9812350869178772, 0.5012144446372986, -0.9234011769294739, -0.27547580003738403, -0.002727039158344269, 0.20262032747268677, 0.2380896508693695, 0.02276206947863102, 1.093933343887329, -1.170204758644104, -1.2379941940307617, -0.4824349880218506, -0.5953759551048279, 0.1092248409986496, 0.5236019492149353, 0.8384456038475037, 0.8428643941879272, -0.7312906980514526, 0.07811879366636276, 0.0943724513053894, 0.4979594945907593, 0.041961945593357086, 0.8937085866928101, 0.03459511324763298, 0.7171653509140015, -0.7690809369087219, 0.34828078746795654, 0.7021738290786743, 1.2242941856384277, -0.0860430896282196, -0.13900864124298096, 0.14291809499263763, -0.3069920837879181, -0.3468128442764282, -1.3373327255249023, -0.26720505952835083, -0.9390838146209717, -0.03840416297316551, -0.7191982269287109, 0.6133378148078918, 1.3132481575012207, 0.057154566049575806, 0.3998512625694275, 1.1414802074432373, -0.010201685130596161, 0.9171638488769531, 0.34530124068260193, 0.7378341555595398, 0.3193260431289673, -0.5241358280181885, 0.4640651345252991, 0.5705428123474121, 0.09936853498220444, 0.3084415793418884, -0.4083988666534424, -0.7029043436050415, -0.036831170320510864, 0.06441780924797058, 0.6701000928878784, 0.30833590030670166, 1.0638272762298584, 0.5259750485420227, 1.0630649328231812, 0.16223368048667908, -1.5937275886535645, -0.3260776102542877, -1.3726731538772583, 0.21475794911384583, 1.0204211473464966, 0.05167311429977417, 0.08695290982723236, 0.56226646900177, -0.6399050354957581, 0.974032461643219, -0.8895191550254822, 0.1685672402381897, -0.009696528315544128, -0.04240921139717102, 0.9593625664710999, 0.46204355359077454, 1.0770199298858643, 0.27049848437309265, -0.364559143781662, -1.1991549730300903, -0.08935941010713577, -0.6756949424743652, 0.9016515016555786, 0.425697922706604, -0.6345666646957397, 0.17764799296855927, -0.39709627628326416, 1.2817775011062622, -0.11372067034244537, 1.2886260747909546, 0.3068058490753174, -0.2263934314250946, -0.5356209874153137, -1.4685168266296387, 0.28607097268104553, 0.4220898151397705, 0.15888682007789612, 0.006226766854524612, -0.6604565382003784, 0.7126330733299255, 0.4243346154689789, 0.4244700074195862, -0.4379081130027771, -0.14102205634117126, -0.8195546269416809, 0.1361781358718872, 0.11704236268997192, -0.7153345346450806, -0.5836896300315857, 0.38511499762535095, -0.5828198194503784, 0.20031510293483734, 0.23226074874401093, -0.5697647333145142, -0.606864869594574, 0.2551850974559784, 0.3155671954154968, 0.2447551041841507, -0.03425665199756622, 0.2548414170742035, -1.2996127605438232, 0.8332465887069702, 0.573824942111969, -0.9335887432098389, 0.21967333555221558, -0.49285829067230225, 0.37949854135513306, 0.041336655616760254, 1.7490023374557495]} +{"paper_id": "covid_qa_castorini", "embedding": [-1.1483074426651, 0.9004554152488708, 0.2117021083831787, -0.7632249593734741, 0.5281628370285034, -0.4804269075393677, 0.5782482624053955, 0.37187260389328003, 0.8213155269622803, 0.6186732649803162, 0.5950239300727844, 0.03021916188299656, 0.10748346149921417, -0.42691195011138916, 0.011292224749922752, -0.30813834071159363, -0.9351011514663696, -0.7534456849098206, -0.9634743332862854, -0.7012899518013, -0.7856167554855347, -0.631671130657196, -0.058755673468112946, 0.5089484453201294, -0.8213568925857544, -0.8517619967460632, 0.9030401110649109, -0.6244527697563171, 0.3913290202617645, -0.03933615982532501, -0.19211184978485107, 1.1363964080810547, -1.82895028591156, 0.21504047513008118, -0.28395986557006836, -0.4474819004535675, 0.40185990929603577, 1.198732852935791, -0.461015522480011, -0.36743664741516113, -0.42594584822654724, 0.11204836517572403, 0.9273034930229187, 0.4825608432292938, 1.4380801916122437, -0.7393262982368469, 0.09491670876741409, -0.5587329268455505, -0.4044698476791382, -0.09861336648464203, -0.4146815836429596, -0.07883474975824356, -0.3460044860839844, 0.5586166381835938, 0.06914598494768143, 1.278361201286316, 0.5729540586471558, -0.6857852339744568, 0.7172964811325073, -0.6491501331329346, 1.4499671459197998, 2.0212206840515137, -0.3710397779941559, 0.1064414530992508, 0.997765839099884, -0.22670307755470276, 1.3915138244628906, 0.2834472060203552, -0.05551362782716751, 0.5374615788459778, -0.3939361572265625, -0.7481171488761902, 0.014438588172197342, -0.29509007930755615, 0.4777344763278961, 1.0194923877716064, 0.322125643491745, 0.036807019263505936, 0.3004987835884094, -0.2552974820137024, -0.3123706877231598, 0.49804437160491943, 0.42594093084335327, 0.014617718756198883, 0.2949925363063812, 0.14921995997428894, 0.7206451892852783, -0.9638431072235107, 0.5890080332756042, -1.7453253269195557, 0.6700244545936584, 0.18338139355182648, -0.5258065462112427, -0.0327606126666069, -0.3285848796367645, 0.678614616394043, -0.862557590007782, -0.2876960039138794, -0.2658214569091797, -0.039924196898937225, 0.3612886071205139, -0.13139279186725616, 0.1785946935415268, -0.33738988637924194, -0.017565354704856873, 0.4269569516181946, 0.05758289992809296, -0.06683135777711868, -0.871025800704956, -0.7304126620292664, 0.5562023520469666, 1.159144401550293, -0.0024032816290855408, 0.37596309185028076, -0.07594987750053406, 0.154008150100708, 0.31153756380081177, -0.582506537437439, -0.6063071489334106, 0.04927506297826767, -0.16608324646949768, -1.3065301179885864, -0.2830657362937927, 0.08777076005935669, 1.0476704835891724, -0.5528856515884399, -0.1208733469247818, -0.7170906662940979, 0.10219047963619232, 0.33109769225120544, 0.8799885511398315, -0.13996677100658417, -0.5504430532455444, -0.16617541015148163, 3.0844929218292236, -0.6310405135154724, 1.8481855392456055, -0.13049821555614471, -0.3976348042488098, -0.7069481611251831, -0.2564835846424103, 1.5337342023849487, 0.2980671525001526, -1.0032179355621338, -0.42922893166542053, 0.5638741850852966, -0.4063768982887268, 0.006164259277284145, -1.1232171058654785, -0.7744880318641663, -0.3046605885028839, 0.10250099003314972, -1.3367747068405151, -0.20148275792598724, 0.3018200099468231, 0.7416692972183228, -0.364207923412323, 0.3075420558452606, -0.36406180262565613, 1.1104133129119873, 0.07439933717250824, -0.24951888620853424, -0.32164326310157776, 0.5401751399040222, -0.6173120141029358, -0.6682885885238647, 0.8937878012657166, 0.23744651675224304, -0.7295049428939819, 0.12175961583852768, 0.3818901479244232, -0.6318382620811462, -0.14280162751674652, -0.6208840608596802, 0.04952246695756912, 0.15126830339431763, 0.45557287335395813, 0.6761029958724976, 0.5692589282989502, -0.45682448148727417, -0.03642011433839798, -0.6659315228462219, -0.034998565912246704, 0.8086934685707092, 0.42772236466407776, 0.5059629082679749, -2.4471688270568848, 0.020425889641046524, -0.2049596756696701, 0.2973988652229309, 0.10049928724765778, -0.05891135334968567, -0.014018252491950989, 0.06317059695720673, -0.35760146379470825, -0.8639624714851379, 0.5382401347160339, -1.3716926574707031, 0.14507323503494263, 0.30520665645599365, -0.08504529297351837, 0.08318495750427246, 0.6975932121276855, 1.0542610883712769, 0.6648971438407898, 0.011076916009187698, -1.1954141855239868, -2.0894248485565186, 0.2394872009754181, 2.1342291831970215, -0.25928226113319397, -0.8354212641716003, -0.6959537267684937, 0.18212996423244476, 0.10376399010419846, -0.5118493437767029, -0.048131659626960754, -0.3800560534000397, 0.3291279673576355, -0.7899153828620911, 0.3377775549888611, -0.7314222455024719, 0.011563703417778015, 0.2140650600194931, 0.688812255859375, -0.604866623878479, -0.27575504779815674, -0.34121179580688477, -0.9884310364723206, 0.4965822696685791, 0.49116596579551697, 0.1872567981481552, -0.2943658232688904, 1.3591556549072266, 0.19547095894813538, 0.7437273263931274, 0.5667863488197327, 0.43225327134132385, -0.9532010555267334, 0.09184309840202332, 0.3073306679725647, 0.8852447271347046, 0.09324801713228226, -0.0672425776720047, 0.5641083121299744, 0.4771893620491028, -0.29091542959213257, -0.6003892421722412, -0.2714187502861023, -0.314360111951828, 1.134897232055664, 0.6513120532035828, -0.6817311644554138, 1.0896471738815308, -0.2307448387145996, 0.09470975399017334, -0.11383023858070374, -0.44126731157302856, 0.25675010681152344, -0.978579044342041, 1.0460565090179443, -0.40260279178619385, 0.46090859174728394, -0.6349387168884277, -0.11178514361381531, -0.7854419946670532, -0.40229079127311707, 0.36016741394996643, -0.9328687191009521, -1.1132451295852661, 0.025480546057224274, -0.24983884394168854, -1.1724985837936401, -0.4993518590927124, 0.300312876701355, 0.3586282432079315, 0.3767203986644745, 0.9439520835876465, 1.2506922483444214, 0.4056779146194458, 0.09214695543050766, 0.15594013035297394, 0.9903085827827454, -0.46303313970565796, 0.9457556009292603, -0.007460456341505051, 0.05518561601638794, -0.9581411480903625, -0.06265909969806671, -0.53188157081604, -0.03954538702964783, 0.3690190315246582, -0.43729645013809204, 0.7935692071914673, -0.2844618558883667, -1.2289906740188599, 0.7019946575164795, -0.5902755260467529, -0.21296364068984985, -0.29859471321105957, 1.5755555629730225, 0.25857070088386536, -0.2924434244632721, 0.925330638885498, 0.23249396681785583, -0.6927536129951477, 1.0911824703216553, -0.3077557682991028, 0.13259416818618774, 0.5631117224693298, -0.34681835770606995, 0.27073660492897034, 0.3082118034362793, -1.889578938484192, 0.7360411286354065, 0.7992793321609497, -0.2927260100841522, -0.08640119433403015, -0.7173629403114319, 0.26493287086486816, -0.6024833917617798, 0.36942291259765625, 0.1796073615550995, -0.34186649322509766, 0.39198118448257446, -0.3716157078742981, 0.29668474197387695, 1.732110619544983, -0.03642680123448372, 0.7209566831588745, 0.35916316509246826, 0.07764178514480591, -0.70809006690979, -0.5977349281311035, 1.187882661819458, -0.2009693831205368, 0.10505886375904083, 0.24782100319862366, 0.2929389178752899, 0.8549848794937134, -0.36324363946914673, -0.2662782073020935, 0.4250452518463135, 0.34694910049438477, 0.33189162611961365, -0.27620184421539307, -0.11222982406616211, 0.20198190212249756, -0.10520851612091064, 1.5237091779708862, 0.08209873735904694, -0.7300023436546326, -1.368446707725525, 0.0019808420911431313, -0.25927066802978516, 0.007558092474937439, 1.7626962661743164, 0.16603600978851318, 1.2996258735656738, -0.22358347475528717, 0.0824655070900917, -0.04697107523679733, -0.5962190628051758, 0.9405004978179932, 0.739402174949646, -0.06369239091873169, -0.5654838681221008, 0.3393978178501129, 0.5869556665420532, -0.053982749581336975, -0.12033291161060333, 0.22782735526561737, 0.4144555926322937, -0.3272154629230499, -0.7778276801109314, 0.6695221066474915, 1.0937674045562744, 0.3308139145374298, 1.3656036853790283, -0.33505916595458984, -0.715592086315155, -0.21363528072834015, 0.6767017245292664, 0.06584213674068451, 0.4475346803665161, -0.2230532467365265, 1.090200662612915, 0.2931794226169586, 0.6047641634941101, -0.20582149922847748, 1.0727342367172241, 1.327263355255127, -0.5364838242530823, -2.1097629070281982, -0.771960973739624, -1.2858953475952148, 0.11813056468963623, 0.5897693634033203, 0.3710601329803467, -0.664244532585144, 0.3302791714668274, -0.3077716529369354, -1.1923818588256836, 0.35907670855522156, -0.32558661699295044, -1.235066533088684, 1.0084716081619263, 1.8245447874069214, -1.060567855834961, -0.8139020204544067, -0.12097690254449844, -1.0624836683273315, -0.3503384292125702, -0.37916165590286255, -0.9988729953765869, 0.213165283203125, 0.26970335841178894, 0.7154395580291748, 0.08186865597963333, -0.18058651685714722, -0.3912528157234192, 1.099035382270813, 0.9119469523429871, -0.8120908141136169, 0.3440178334712982, 0.11767692118883133, 0.36548835039138794, -0.870162844657898, -1.1653937101364136, -0.9589154720306396, 0.7270762920379639, -0.625329852104187, 0.5127810835838318, -0.8030911087989807, -0.5152129530906677, 0.14426535367965698, -0.01442677155137062, 1.343483567237854, -1.147007942199707, 0.0937247946858406, -0.6508237719535828, -0.3371102511882782, 0.570094108581543, -1.2845410108566284, -0.30299142003059387, 0.7521880865097046, 0.002043396234512329, 0.9114001989364624, -0.0873459205031395, 0.14275340735912323, 0.540496289730072, -0.1879274845123291, -0.1893850564956665, -0.2147223949432373, -11.85356330871582, 0.8006715178489685, -0.03550916910171509, 0.0015684440732002258, 1.3936527967453003, -0.449319988489151, 0.9898386001586914, 0.18527905642986298, 0.8986704349517822, -0.8269745111465454, 0.5989630222320557, 0.6305543184280396, -0.007015500217676163, -0.25796663761138916, -0.3462883234024048, -1.1240026950836182, -0.8033578991889954, -0.7319220900535583, 0.543364942073822, -0.14642012119293213, -0.1748688817024231, -0.1736038327217102, -0.29573673009872437, 0.4566832184791565, -0.06712965667247772, 0.15187695622444153, -0.5188422203063965, -0.06000133603811264, -0.04130655527114868, 0.13942953944206238, 0.5779699087142944, -0.06410105526447296, -0.5785727500915527, -1.1697516441345215, -0.46743208169937134, 0.04743043705821037, -0.7191546559333801, -0.4112940728664398, 0.8952810764312744, -0.34052640199661255, -0.040361933410167694, 0.18974173069000244, 0.5723109841346741, 0.6778446435928345, 0.006624721921980381, 0.6034418344497681, -0.07514388859272003, -0.9280873537063599, 0.49216124415397644, 0.02431311458349228, -0.7590502500534058, -0.4464815557003021, -0.4929305911064148, -0.3091519773006439, 0.1515560746192932, 0.2340489625930786, -0.9916882514953613, -0.2112581878900528, -0.22541072964668274, -0.854723334312439, 1.2153346538543701, 0.481445848941803, -0.2682199478149414, 0.2525140345096588, 0.2099638283252716, -0.6161180734634399, 0.6346573233604431, 0.49250128865242004, -0.645574688911438, 0.500788688659668, -0.5842854380607605, 0.9434757828712463, 0.4813668727874756, 0.32775187492370605, -0.40792426466941833, 0.46860024333000183, -0.5924293994903564, 0.44903364777565, -0.19991756975650787, 0.20308661460876465, -1.3814324140548706, 1.0922305583953857, 0.7993155121803284, -0.5425616502761841, -0.762060821056366, -0.05793238803744316, 0.014005474746227264, 0.06594212353229523, 0.05828815698623657, -0.33895444869995117, 1.2134127616882324, 0.8742200136184692, -0.6253371834754944, -0.4932412803173065, -0.19985315203666687, 1.184749960899353, -0.4236578047275543, 0.9629678130149841, -0.2780122756958008, -0.19801175594329834, 0.24608871340751648, -0.15008439123630524, -0.4140203595161438, 0.15963904559612274, 0.3630073070526123, -0.023900901898741722, 0.2981806993484497, 0.33863604068756104, -0.3954370319843292, -0.3559938967227936, 0.9264535903930664, 0.28178107738494873, -0.2519131302833557, 1.3917016983032227, -0.4657304286956787, 1.1997960805892944, 0.18909381330013275, -0.5485838651657104, 0.04722154140472412, 1.4520055055618286, -0.2358957976102829, 0.9131024479866028, 0.41989487409591675, 1.3429774045944214, -0.494404137134552, 0.04626373574137688, 0.304367333650589, 0.08756110817193985, -0.011727388948202133, -0.8930850028991699, 0.19667474925518036, -0.1824759989976883, 0.11336193233728409, -0.5799685120582581, -0.6892044544219971, -0.29749542474746704, -0.7576878070831299, 1.4693609476089478, -0.6984688639640808, -0.1730549931526184, -0.698276698589325, -0.7918412685394287, 0.19590553641319275, -1.325015902519226, -1.1062185764312744, -0.07703839987516403, -1.3651185035705566, 0.0643785148859024, -0.8877081871032715, -0.42375606298446655, 0.0796920582652092, -0.6935797929763794, 0.5747400522232056, -0.8134126663208008, -0.350528746843338, -0.5034149885177612, -0.009536392986774445, -0.6014084815979004, -1.315979242324829, -0.5579023361206055, -0.17360031604766846, 0.9654597640037537, -0.7167478203773499, 1.2500571012496948, 0.5551421642303467, -0.7472276091575623, -0.5208325386047363, 0.47664204239845276, -0.7442439794540405, -0.0023992247879505157, 1.3922473192214966, -0.6404989361763, -0.030409811064600945, -0.868809163570404, -0.7380843758583069, -0.5456347465515137, 0.5580031275749207, 1.198941946029663, -0.14271453022956848, 0.12562939524650574, 0.08583749830722809, 0.8497785329818726, 0.019158363342285156, 0.11018416285514832, -0.030674755573272705, 0.3313077688217163, -0.0853114053606987, 0.7438101768493652, 0.38814571499824524, 0.5529394149780273, -1.5233098268508911, -0.9937918186187744, -0.1835351437330246, -0.007013438269495964, 0.11187747865915298, -0.013353761285543442, 0.5227127075195312, 0.411205530166626, -0.02550642192363739, 0.23476871848106384, 0.14838698506355286, 0.32491758465766907, 0.10821908712387085, 0.6759021282196045, -0.21430106461048126, 0.1364797204732895, -0.2505255341529846, 0.3437354862689972, 0.7041740417480469, 1.1515480279922485, -0.7173720598220825, -0.016760215163230896, 0.4010486602783203, -0.04384777322411537, 0.43361952900886536, -1.67349374294281, 0.35511431097984314, -0.2682783305644989, -0.27380049228668213, -1.6313081979751587, -0.14901301264762878, 1.400025725364685, -0.31651753187179565, 0.9238423705101013, 0.48120754957199097, 0.6754760146141052, 0.7311782836914062, 0.5359865427017212, 0.5369002223014832, -0.15304578840732574, -0.3484102785587311, 0.1635429710149765, -0.1660083383321762, -0.06789626181125641, -0.39334264397621155, -0.8710781335830688, -0.7238366007804871, 0.5725650191307068, 0.045902326703071594, 0.7053734660148621, -0.3771529197692871, 0.6293851137161255, 0.3891531825065613, 0.9695848226547241, -0.1321033537387848, -0.9538570642471313, -0.18020610511302948, -1.2607240676879883, 0.04531215503811836, 0.5333418846130371, 0.2047448307275772, 0.2610166072845459, 0.6102793216705322, 0.08125513792037964, 1.289665699005127, -0.652229368686676, -0.05087670683860779, -0.416049599647522, -0.7295912504196167, 0.6798445582389832, 0.4448539614677429, 0.48590517044067383, 0.24947406351566315, -0.6565432548522949, -0.8706468343734741, -0.18154080212116241, -0.03833818435668945, 0.8324012160301208, 0.8297404050827026, -0.9757331013679504, -0.594040036201477, -0.848155677318573, 0.9279573559761047, -0.582088828086853, 0.9569387435913086, 0.20218589901924133, -0.7071613669395447, -0.2504464387893677, -0.8629103899002075, -0.2754687964916229, 0.6687560677528381, 0.24208621680736542, 0.0650644600391388, -0.09298482537269592, 1.0065170526504517, -0.33178406953811646, -0.6848108768463135, -0.4313332736492157, 0.2517877519130707, -0.8266655802726746, 0.5877168774604797, 0.9257943630218506, -0.8675215244293213, -1.0520882606506348, 0.12071901559829712, -0.5530238747596741, 0.7584472298622131, 0.26798051595687866, -0.5818528532981873, -0.8320919275283813, -0.038403019309043884, -0.6515486240386963, 0.812361478805542, 0.3471757769584656, -0.09990973770618439, -1.6223371028900146, 0.7628002166748047, 1.3074299097061157, 0.2470071017742157, -0.2882430851459503, 0.2771742343902588, 0.6399653553962708, 0.019226212054491043, 1.2840691804885864]} +{"paper_id": "wiki40b", "embedding": [0.11034543067216873, 0.9227950572967529, 0.16092994809150696, -0.03478371724486351, 0.6382881999015808, -0.48725372552871704, 0.07549867033958435, 0.15542131662368774, 0.9371374845504761, 1.1559889316558838, 0.7169090509414673, -0.28955116868019104, 0.1565309762954712, -0.07371562719345093, 0.16560058295726776, -0.8265646696090698, -0.6084709167480469, -1.1183539628982544, -1.021142601966858, -0.15237271785736084, -0.8657453060150146, -0.30827969312667847, 0.07143135368824005, 0.8263217210769653, -0.4493139982223511, -0.4117484390735626, 0.38485726714134216, -0.551203727722168, 0.1709909737110138, 0.6577188372612, -0.39905160665512085, 0.7534211277961731, -1.7737430334091187, 0.34338200092315674, -0.7809249758720398, -0.25747403502464294, 0.05625979229807854, 0.9509488940238953, -0.15774527192115784, -0.19599783420562744, -0.47061946988105774, 0.1319756805896759, 0.6036434173583984, 0.26215457916259766, 0.6378219127655029, -0.13056859374046326, -0.25442835688591003, 0.15847210586071014, 0.22344602644443512, 0.13415750861167908, 0.3715977370738983, -0.13233336806297302, -0.1802442967891693, 0.06588660180568695, -0.32571470737457275, 0.7235516905784607, 0.36447012424468994, -0.6422159075737, 0.3147391378879547, -0.9733381271362305, 0.9378432035446167, 1.758603572845459, -1.1333584785461426, -0.09297987818717957, 1.185247778892517, -0.0269862599670887, 1.332355260848999, 0.5958040952682495, 0.8055124878883362, 0.7468694448471069, 0.39620131254196167, -1.0126419067382812, 1.1061745882034302, 0.30739185214042664, 0.6480774879455566, 1.0007264614105225, 0.3380199074745178, -0.03553733974695206, -0.43736380338668823, -0.2952968180179596, -0.4905513525009155, 0.7644392848014832, 0.0023871418088674545, -1.0033382177352905, -0.20447570085525513, 0.4584100842475891, 0.11931271851062775, -0.27536213397979736, 0.5280553698539734, -2.2095022201538086, 0.2807633876800537, 0.013738477602601051, 0.0031289071775972843, -0.35326290130615234, -0.29480212926864624, 0.0433000847697258, 0.3671635389328003, 0.22149600088596344, -0.535667896270752, 0.1164608970284462, 0.6321080327033997, -0.8159319162368774, 0.9875074028968811, 0.20125006139278412, 0.045336343348026276, 1.2540351152420044, -0.3556019067764282, -0.7321826815605164, -0.8820165991783142, -0.5216766595840454, 0.46737927198410034, 1.5233445167541504, -0.21456865966320038, 0.28204992413520813, 0.1365308314561844, -0.3311263918876648, 0.4825628101825714, -0.5126116275787354, -0.6020148396492004, -0.19618014991283417, -0.7249622344970703, -1.1262749433517456, -0.6865031123161316, 0.07116974890232086, 0.4184226989746094, -0.6560332179069519, 0.40086430311203003, -0.25286123156547546, -0.19685098528862, 0.07771182060241699, 0.30405697226524353, 0.4298036992549896, -0.6897943615913391, -0.1966244876384735, 2.794267177581787, -0.6860824823379517, 1.5715162754058838, -0.2790065109729767, 0.7493751645088196, -0.4823616147041321, -0.2200145721435547, 1.1530143022537231, 0.11004214733839035, -0.4915744960308075, -0.056616511195898056, 0.06146389991044998, -0.9239825010299683, 0.5697294473648071, -0.9385802745819092, -0.6865177154541016, 0.27916598320007324, 0.505885660648346, -1.0020490884780884, -0.8913676738739014, 0.29517582058906555, 0.2548515200614929, 0.29530462622642517, 0.8088405728340149, -0.7303434014320374, 1.5090627670288086, 0.5326911211013794, 0.676109254360199, -0.4793544113636017, 0.15064530074596405, -1.2230772972106934, 0.393044114112854, 1.4598783254623413, -0.08702006936073303, -0.38781043887138367, -0.6100068092346191, 1.0387027263641357, -0.11059676855802536, 0.44933009147644043, -0.3279307782649994, -0.059182241559028625, 0.20030590891838074, 1.0286917686462402, 0.20511481165885925, 0.2106376588344574, -0.3820478618144989, -0.3737085163593292, -0.09340710937976837, 0.16771149635314941, 0.846123456954956, -0.1591576635837555, 0.37895917892456055, -1.982954740524292, 0.1083299070596695, -0.6116192936897278, 0.4030725657939911, -0.2762427031993866, -0.5017220973968506, 0.36396345496177673, -0.45059892535209656, 0.8023808002471924, -0.7111795544624329, 0.5983090400695801, -1.146040439605713, -0.7046658396720886, 0.09600944817066193, 0.03784990683197975, -0.3495612144470215, 0.2905794680118561, 0.6181696653366089, 0.31361258029937744, -0.004182711243629456, -0.7550802826881409, -1.6876827478408813, 0.031228449195623398, 2.045524835586548, 0.13525402545928955, -0.943455159664154, -0.8572171330451965, -0.512451708316803, 0.4355567693710327, -0.7547996044158936, 0.3704901933670044, -0.696804940700531, -0.14140406250953674, -0.9094926714897156, 0.3256249725818634, -0.7353348135948181, 0.3523544669151306, 0.09602375328540802, 1.1702187061309814, -0.39054104685783386, -0.24940988421440125, -0.8851374983787537, -1.0037057399749756, 0.5191590189933777, 1.4545215368270874, -0.39903751015663147, -0.3987366855144501, 0.4693155288696289, -0.12298334389925003, 0.34744179248809814, 0.5783114433288574, 0.4527132213115692, -0.18048441410064697, -0.1636389195919037, -0.35994479060173035, 0.9813100695610046, -0.5673545598983765, -0.5279195308685303, -0.08156698942184448, 0.6605802774429321, 0.18583665788173676, -0.41214436292648315, -0.10839209705591202, 0.139881432056427, 0.9036402702331543, 1.4703091382980347, -0.8545893430709839, 1.2189546823501587, -1.0401709079742432, 0.2295788824558258, -0.12519097328186035, -0.9937384128570557, -0.02368977665901184, 0.28051066398620605, 0.1384480893611908, -0.6329395771026611, 0.5400424599647522, -0.5354113578796387, -0.13441503047943115, -1.712750792503357, -0.31936150789260864, -0.23546722531318665, -1.0786445140838623, -1.671017050743103, -0.13466529548168182, -0.947685718536377, -0.8570788502693176, -0.46953678131103516, 0.46538302302360535, 0.5722149610519409, 0.0935119017958641, 0.6253279447555542, 1.8963239192962646, 0.10418282449245453, 0.7001497745513916, 0.1980888694524765, 0.9271771311759949, -0.6612841486930847, 0.8013408780097961, 0.06151193007826805, -0.11553259938955307, -1.0878762006759644, -0.03675588220357895, -0.6829131245613098, 0.6078275442123413, 0.7289600372314453, -0.7216094136238098, 0.602715790271759, -0.057872094213962555, -1.6682647466659546, 0.59818434715271, -0.26469722390174866, 0.598429262638092, -1.2235358953475952, 2.015073299407959, 0.46790847182273865, -0.1922277808189392, 0.5645409822463989, 0.011098844930529594, -0.36223104596138, 1.1457586288452148, -0.5162985324859619, 0.7204640507698059, 0.4566212296485901, 0.049535322934389114, -0.037446457892656326, -0.07707422971725464, -2.2896177768707275, 0.2613316774368286, 0.6364278197288513, 0.0981190949678421, -0.13773475587368011, -0.5312743782997131, 0.8270648717880249, -0.1613292396068573, -0.46141287684440613, 0.6160311698913574, -0.6017812490463257, 0.3454533517360687, 0.027338996529579163, 0.21802903711795807, 1.092255711555481, -0.42334550619125366, 0.6075139045715332, 1.5358082056045532, 0.746285617351532, -0.7324690222740173, -0.05569689720869064, 0.7894204258918762, -0.7373328804969788, 0.8480437994003296, 0.012281477451324463, 1.232945203781128, 1.2382218837738037, -0.7962595224380493, 0.03744976595044136, 0.5126636624336243, 0.4536997377872467, -0.06187615543603897, 0.4312739372253418, -0.3931838870048523, 0.6107097864151001, -0.05086797848343849, 0.9997144341468811, 0.27120015025138855, -1.0954629182815552, -1.100996971130371, -0.20164039731025696, -0.09656649082899094, -0.9105479717254639, 1.8716273307800293, 0.9411566853523254, 1.3547804355621338, 0.5234869718551636, -0.04192868992686272, -0.5888989567756653, 0.08676616847515106, 0.9854384064674377, 0.27109161019325256, 0.04569824039936066, -0.257413387298584, 0.5627083778381348, 1.1762521266937256, -0.12607434391975403, -0.6361080408096313, -0.3341520130634308, 0.30553942918777466, -0.07029262185096741, -1.0046554803848267, 0.49976786971092224, 0.37101539969444275, -0.16114169359207153, 1.0316513776779175, -1.0082342624664307, -0.496793657541275, 0.39804908633232117, 0.2746531069278717, 0.12296999245882034, 0.7577887773513794, -0.8803080320358276, 0.5794475674629211, 0.18383286893367767, 1.4091435670852661, -0.4362422227859497, 0.8525378704071045, 1.2815220355987549, -0.8159583806991577, -0.4158022999763489, -0.18820728361606598, -0.6858610510826111, -0.7431024312973022, 0.07700622826814651, -0.3283664286136627, -0.6344842314720154, 0.33912646770477295, -0.6816585063934326, -0.671231746673584, 0.717985987663269, -0.2842537462711334, -1.254866361618042, 0.14066758751869202, 0.6420392990112305, -0.6961001753807068, -0.6141378283500671, -0.18485768139362335, -1.1469042301177979, -1.2191399335861206, 0.38551342487335205, -0.3109094798564911, -0.2016872763633728, -0.4617452323436737, 1.148985505104065, 0.00705409562215209, -0.638975203037262, -0.7468876242637634, 0.331068217754364, 1.413735270500183, -0.15784253180027008, 0.36142849922180176, -0.18151570856571198, 0.5361524224281311, -0.46515223383903503, -0.913764238357544, -0.6276743412017822, 0.8378543853759766, 0.5378674268722534, 0.1091623529791832, -0.5398112535476685, -0.7917434573173523, 0.05577438324689865, 0.3505397439002991, 1.1425366401672363, -1.0622066259384155, 0.26616042852401733, -0.6884270906448364, 1.0296838283538818, 0.525627851486206, -0.31860417127609253, -0.5506945252418518, 0.8293838500976562, -0.939314067363739, 0.44201990962028503, -0.24020366370677948, 0.6957606673240662, 1.0867958068847656, 0.6102262139320374, 0.6791029572486877, -0.42849117517471313, -11.320051193237305, 0.2891288101673126, 0.23723560571670532, -0.0554744228720665, 0.42564836144447327, -0.16986864805221558, 1.1251004934310913, 0.35107025504112244, 0.0753353163599968, -0.6799187064170837, -0.2599239945411682, 1.624760627746582, 0.2525601387023926, -0.5892206430435181, -0.513852596282959, -1.2134201526641846, -0.9040915966033936, 0.19540835916996002, 0.06817345321178436, 0.1738930195569992, -0.28977710008621216, -0.9455980658531189, -0.07402423769235611, 0.5020263195037842, 0.17330284416675568, -0.2288808822631836, 0.039298124611377716, -0.008637967519462109, 0.13264530897140503, -0.19286754727363586, 0.09128245711326599, -0.465160071849823, -0.9037044048309326, -0.26741257309913635, 0.8883082866668701, 0.08506505191326141, -1.1373652219772339, -0.3968234062194824, 1.2903202772140503, -0.3542507588863373, -0.551397442817688, 0.7778372764587402, 0.12420888990163803, 0.4257829487323761, -0.4567289650440216, 0.06636185944080353, 0.5936213731765747, -0.7217502593994141, -0.25077909231185913, -0.8089421987533569, -0.46421104669570923, -1.2746210098266602, -1.4327884912490845, -1.064361810684204, 0.8427810072898865, -0.4416066110134125, -0.16946697235107422, -0.07334758341312408, 0.004923766478896141, -1.3104033470153809, 0.7830904722213745, 0.617885410785675, -0.8412932753562927, 0.25556036829948425, 0.09745494276285172, -0.8351223468780518, 0.35611656308174133, 0.2635820508003235, 0.2012706696987152, 0.14266279339790344, -0.6618490219116211, 0.4082549512386322, 0.41903814673423767, 0.036214038729667664, 0.3256860673427582, -0.28358760476112366, 0.49931809306144714, -0.5752614140510559, 0.11927364766597748, 0.5731889605522156, -1.0851240158081055, 0.3115650415420532, -0.11531976610422134, -0.6856189966201782, -0.34858375787734985, -0.6029005646705627, -0.34156131744384766, 0.032472942024469376, 0.48150333762168884, 0.17607158422470093, 1.0567221641540527, -0.03360096737742424, 0.28029197454452515, 0.09735449403524399, -0.6379005908966064, 0.6475688815116882, -0.9129409790039062, 0.6953593492507935, 0.2905910611152649, -0.47528889775276184, 0.23663005232810974, -0.08558883517980576, -0.4135463237762451, -0.3511508107185364, 0.9558741450309753, 0.038996294140815735, 0.17141574621200562, 0.06834892928600311, 0.45614710450172424, -0.6403914093971252, 0.9045925736427307, 0.5489806532859802, -0.4185405969619751, 1.4312949180603027, -0.16691569983959198, 0.8352360725402832, 0.3302949368953705, -0.056092046201229095, 0.9005967974662781, 1.1024361848831177, -0.5102562308311462, 0.5449365973472595, -0.29408174753189087, 1.396742820739746, -0.12607328593730927, 0.44762858748435974, 0.2897929549217224, 0.6568872332572937, 0.0011091139167547226, -1.3985861539840698, -0.05305604264140129, -0.5243837833404541, 0.04802849888801575, -0.8247881531715393, -0.49726665019989014, -0.47711774706840515, -1.1728625297546387, 1.2444261312484741, -0.13763836026191711, 0.25526827573776245, 0.12213194370269775, -1.0641038417816162, 0.3275637626647949, -0.687192976474762, -0.27901190519332886, -0.18501713871955872, -1.7140727043151855, 0.04158754274249077, -0.697877049446106, -0.5907942056655884, 0.43088728189468384, 0.04221264272928238, 0.6218767762184143, -0.7548797130584717, -0.10512475669384003, -0.3995153605937958, 0.4344761073589325, -0.9023427367210388, -0.9828178882598877, -0.21061569452285767, 0.37076520919799805, 1.7602437734603882, -0.767630934715271, 0.659940779209137, 0.3491208255290985, 0.17722319066524506, -0.8009340763092041, -0.15238744020462036, -0.5535631775856018, 0.6750243306159973, 1.0173897743225098, -0.8179611563682556, -0.017384637147188187, -0.6829342842102051, -0.5242862105369568, -1.6042838096618652, 0.3531162142753601, 1.5642231702804565, -0.5413497686386108, 0.5183319449424744, -0.24899867177009583, 0.3038898706436157, -0.034587737172842026, -1.0229827165603638, -0.37430280447006226, 0.04579856991767883, 0.10254218429327011, 0.8464260697364807, -0.3100649416446686, 0.5577569603919983, -1.240623116493225, -0.7968640327453613, -0.8239445090293884, -0.7377037405967712, 0.6410536766052246, -0.34375032782554626, 1.1769042015075684, 0.2054094821214676, -0.31082361936569214, -0.20269104838371277, -0.1888902634382248, 0.8421452045440674, 0.3397693634033203, -0.1343318521976471, -0.49309858679771423, -0.31599143147468567, -0.4988415241241455, 0.5466418266296387, 0.8116017580032349, 0.11282756179571152, -1.0037747621536255, -0.11445179581642151, 0.08621254563331604, -0.39086854457855225, -0.5182218551635742, -0.8223512172698975, 0.8131648302078247, -0.04008113220334053, -0.018579769879579544, -0.9627518057823181, 0.21763959527015686, 1.484651803970337, 0.1977115124464035, 0.834728479385376, 1.1324352025985718, 0.18661867082118988, 0.795339822769165, 0.7839307188987732, 1.4797990322113037, -0.29165416955947876, -0.846582293510437, 0.22341232001781464, 0.21874573826789856, -0.21569573879241943, -0.617114245891571, 0.0008895972277969122, -0.9452223181724548, 0.08678555488586426, -1.1473586559295654, 0.7095649242401123, 0.045857444405555725, -0.40001797676086426, 0.7726568579673767, 0.8639053702354431, -0.47543686628341675, -1.0940793752670288, -0.3769870698451996, -0.8906896114349365, 0.07112041115760803, 0.2191876471042633, 0.2519453465938568, 0.5891044735908508, 0.7242743372917175, 0.15613678097724915, 1.2097313404083252, 0.2989024519920349, -0.5040248036384583, -0.10135693103075027, 0.190977543592453, 1.735998272895813, 0.7226116061210632, 0.4443572759628296, 0.01211817841976881, -0.5073046684265137, -1.034608244895935, -0.5819873809814453, -0.07589669525623322, 0.5311208367347717, 1.4790027141571045, 0.19140692055225372, 0.5583098530769348, -1.4064912796020508, -0.06348849833011627, -0.34578847885131836, 0.2664121687412262, 0.8509736061096191, -0.8484659194946289, -0.17473112046718597, -1.3590919971466064, -0.21780002117156982, 1.1581592559814453, -0.5377516150474548, -0.025339605286717415, -0.9444102644920349, 0.5839876532554626, 0.10716773569583893, -0.5139802694320679, -0.7011716961860657, 0.0992031991481781, -0.02754923515021801, 0.21823914349079132, 0.6267333030700684, -1.0372854471206665, -0.3503994941711426, 0.5843353867530823, -1.1079903841018677, 0.6015391945838928, -0.24217526614665985, -0.7831482291221619, -0.6041275858879089, 0.8915777206420898, 0.2185748815536499, -0.789893627166748, 0.8780497908592224, -0.41574418544769287, -1.4111831188201904, 1.0447596311569214, 1.1527231931686401, -0.619310200214386, -0.25364577770233154, -0.09403251856565475, 0.5283458828926086, 0.8042928576469421, 1.7844328880310059]} +{"paper_id": "docred", "embedding": [-0.8189325928688049, 1.0564086437225342, 0.021682079881429672, -0.14252763986587524, 0.26258429884910583, -0.6013075113296509, 0.9692944288253784, 0.4655696749687195, 0.113685242831707, 1.5362021923065186, 0.20678842067718506, -0.6539482474327087, -0.8656508326530457, -0.4529315233230591, -0.3354056477546692, -0.38396739959716797, -0.6400168538093567, -0.9692450761795044, -0.8756701350212097, -0.5226234793663025, -0.557193398475647, -0.7586429715156555, -0.16897918283939362, -0.00742899626493454, -1.3043057918548584, -0.45829421281814575, 0.5555517673492432, -0.8485723733901978, 0.34927499294281006, 0.30993035435676575, -0.26181426644325256, 1.6805286407470703, -1.4512484073638916, 0.2016054391860962, 0.1354159116744995, 0.7447940111160278, 0.5773512721061707, 0.9609050154685974, -0.4724258482456207, -0.2875802218914032, -0.5177029967308044, -0.43562862277030945, 0.6857892870903015, 0.3554239869117737, 1.0231359004974365, -0.4645750820636749, 0.2002502679824829, 0.2665933072566986, -0.10875590145587921, -0.3210902214050293, -0.2643143832683563, -0.19594183564186096, 0.19146139919757843, 0.5749735832214355, -0.3200102746486664, 1.5661873817443848, -0.06881758570671082, -1.0834513902664185, 0.4099656045436859, -0.09821571409702301, 0.915276825428009, 1.2749186754226685, -0.30653584003448486, -0.35060685873031616, 0.7433154582977295, 0.04716627299785614, 0.9867451786994934, 0.01404416561126709, 0.9166601300239563, 0.9800700545310974, 0.04799015820026398, -1.465917706489563, -0.11992552131414413, -0.5655118227005005, 0.1828080266714096, 0.7988830804824829, 1.1091890335083008, -0.08889234066009521, 0.2781931757926941, 0.24651819467544556, 0.15891681611537933, 1.2002474069595337, 1.099401831626892, -0.07199205458164215, -0.1429377943277359, -0.3607347905635834, 0.14509128034114838, 0.057658709585666656, 1.2099589109420776, -1.6840968132019043, 0.24015426635742188, -0.567082405090332, -0.7841319441795349, -0.059353359043598175, 0.295218825340271, 0.3570508658885956, -0.35749226808547974, -0.17220306396484375, -0.40372171998023987, 0.25490134954452515, 0.8377318382263184, -0.7117984294891357, 0.004429488442838192, -0.23525530099868774, 0.024779587984085083, 1.4303845167160034, -0.8236857056617737, 0.22942283749580383, -0.8314225673675537, 0.12928636372089386, -0.314164400100708, 1.3260489702224731, 0.052269745618104935, 0.7759324908256531, -0.16554920375347137, -0.13005101680755615, -0.23000812530517578, -0.22512874007225037, -0.43267622590065, 0.5610241293907166, -0.038084082305431366, -0.6659225225448608, -0.3191918432712555, 0.39377331733703613, 1.178816318511963, -0.6280521750450134, 0.8436192870140076, 0.16136837005615234, 0.08979997783899307, -0.17249929904937744, 0.4171065390110016, -0.3848855197429657, -0.7105499505996704, -0.06837624311447144, 2.4150259494781494, -0.8477646112442017, 1.526427984237671, -0.2877998948097229, -0.31173622608184814, -0.029583550989627838, 0.25983864068984985, 0.9964209198951721, 0.5425814986228943, 0.07169817388057709, -0.2003168761730194, 0.4992501735687256, -0.314346045255661, 0.7320600152015686, -1.085174560546875, -0.7950829267501831, -0.35195329785346985, 0.12314122915267944, -1.471858263015747, -0.3666575849056244, 0.46512937545776367, 0.26559925079345703, 0.038255076855421066, 0.030870657414197922, -0.8980477452278137, 1.0541443824768066, 0.3691713511943817, -0.05193755030632019, -0.6846654415130615, 0.5006137490272522, -0.9327436685562134, -0.15963982045650482, 1.842244029045105, -0.11927440017461777, -1.7158944606781006, 0.03264499455690384, 0.8980772495269775, -0.4325979948043823, -0.08421634137630463, -0.6207824349403381, -0.5868982672691345, 0.12514114379882812, 0.823494553565979, 0.5915676951408386, 0.2494121789932251, -0.48868194222450256, -0.34870845079421997, -0.03605996072292328, -0.2558700442314148, 0.4331052303314209, -0.27164310216903687, 0.5629132986068726, -2.8126683235168457, -0.2317395657300949, -0.1880379021167755, 0.823248565196991, 0.21818524599075317, -0.26210975646972656, 0.5508451461791992, 0.559245228767395, -0.13295087218284607, -0.9048120379447937, 0.27006784081459045, -1.5716923475265503, 0.02611321210861206, -0.3118305504322052, -0.3674066364765167, -0.3960331082344055, -0.3096831440925598, 0.661136269569397, 0.9450478553771973, -0.7995907068252563, -0.889598548412323, -2.8013765811920166, 0.2711189389228821, 2.8497302532196045, -0.9120631814002991, -0.47163212299346924, -2.181812286376953, -0.15705455839633942, 0.1862030327320099, -0.17431800067424774, 0.7501398324966431, -0.6223398447036743, 0.022857382893562317, -0.3554835319519043, 0.6053963303565979, -0.9066969156265259, 0.4260643422603607, -0.399213582277298, 0.4241960048675537, -0.648469865322113, -0.6783376932144165, -0.10506513714790344, -1.2693066596984863, 0.7051289081573486, 0.4305514395236969, 0.3437843322753906, -0.4984225034713745, 1.47555673122406, 0.327770859003067, 0.6641155481338501, 0.01770426332950592, 0.13792996108531952, -0.9368547201156616, 0.13598842918872833, -0.18649056553840637, 0.5111873149871826, -0.4167877435684204, 0.09743234515190125, 1.0098392963409424, -0.1000826358795166, -0.0234634131193161, -0.4854726195335388, -0.3484751582145691, 0.22291713953018188, 0.4279361367225647, 0.7903785109519958, -0.08457721769809723, 1.2349995374679565, -1.1294128894805908, 0.4623505175113678, -0.8432829976081848, -0.826470673084259, -0.20214247703552246, 0.4780135154724121, 0.9285191893577576, 0.2796766757965088, 0.26441046595573425, -0.486377477645874, -0.29678648710250854, -1.514904260635376, 0.4022265076637268, -0.01045321673154831, -0.11324635148048401, -1.2242110967636108, 0.13047879934310913, 0.4138219356536865, -1.093624234199524, -0.4385691285133362, 0.11964769661426544, 0.24888433516025543, 0.1318192481994629, 0.5158365964889526, 0.8684448599815369, -0.17977741360664368, -0.27307063341140747, 0.21255119144916534, 0.7661088705062866, -0.22042223811149597, 1.3755924701690674, -0.5662227272987366, 0.3204220235347748, -1.0090911388397217, 0.2628464102745056, -0.12672413885593414, 0.6475319266319275, -0.05614040791988373, -0.2327164113521576, 0.5825498104095459, -0.13094115257263184, -1.1530267000198364, 1.6057325601577759, 0.08363573253154755, -0.3471442759037018, -0.8907073736190796, 1.5371173620224, 0.2616415321826935, -0.5928998589515686, 0.7364217042922974, 0.6089909672737122, -0.24896368384361267, 1.7010979652404785, -0.15330810844898224, 0.8637230396270752, 0.18149229884147644, 0.01805122196674347, 0.09479326009750366, 0.2085253894329071, -1.4786831140518188, -0.007214946672320366, 1.159987449645996, -0.8708197474479675, -0.3132559061050415, -0.6551019549369812, 0.201149120926857, -0.43824824690818787, -0.4625137150287628, 0.12092530727386475, -0.8821769952774048, 0.06840084493160248, -0.6978382468223572, 0.43474310636520386, 1.5052895545959473, -1.0571987628936768, 0.9536194801330566, 0.3914564549922943, -0.02354549616575241, -0.4989641010761261, 0.2963479161262512, 1.1714205741882324, -0.024540916085243225, 0.28858983516693115, -0.1381581425666809, 1.3344968557357788, 0.8396948575973511, -0.8005065321922302, 0.1073090136051178, 1.0612478256225586, 0.5933316946029663, 0.46244925260543823, 0.3092816472053528, -0.14985018968582153, 1.6745071411132812, -0.5554134249687195, 1.0396302938461304, 0.25651612877845764, -0.9051918983459473, -1.2311272621154785, -0.6477652192115784, -0.7463892102241516, -0.3854328393936157, 2.280815839767456, 0.6652049422264099, 2.544525623321533, -0.8750361204147339, 0.5409282445907593, -0.6517319679260254, -0.10688482224941254, 0.4132889211177826, 1.0624083280563354, 0.07181649655103683, -0.7329167127609253, 0.5696662664413452, 1.0802888870239258, 0.03436613082885742, 0.06681478023529053, -0.2727091908454895, 0.4400445520877838, -0.390828013420105, -0.49412524700164795, -0.048207513988018036, 0.012502789497375488, 0.1438983976840973, 1.7153403759002686, -0.6242237091064453, -0.7100570201873779, 0.07642851769924164, -0.2394728809595108, -0.020890915766358376, 0.9750704765319824, -0.9799293279647827, 0.4160170555114746, 0.4713755249977112, 0.09495262801647186, -0.1742630898952484, 1.1518616676330566, 1.0831427574157715, 0.4968273937702179, -1.8449044227600098, -0.30890923738479614, -0.5078022480010986, -0.15713177621364594, -0.5002976655960083, 0.14999325573444366, -0.6020948886871338, 0.05172715708613396, -0.45488741993904114, -0.5659976601600647, 1.1173644065856934, -0.5918686389923096, -1.7940587997436523, 1.1690224409103394, 0.9996445178985596, -1.7353194952011108, -0.5931499600410461, 0.3946540355682373, -0.13225334882736206, -0.4413546025753021, -0.029284406453371048, -0.8771922588348389, 0.6869681477546692, 0.5983772873878479, 0.4549914002418518, -0.16346204280853271, -0.35256701707839966, -0.7758685946464539, 0.44088035821914673, 0.8685556650161743, -1.1960731744766235, 0.8777471780776978, 0.7486146092414856, 0.059211984276771545, -0.08706159889698029, -0.883128821849823, -1.113077163696289, 1.25849187374115, -0.02696290612220764, 0.06267989426851273, -0.9441865086555481, -1.0556329488754272, 0.10310808569192886, -0.3922630548477173, 1.2182159423828125, -0.7915127277374268, 1.1330080032348633, -0.5498316287994385, 0.47227129340171814, -0.067243292927742, -0.4898034334182739, -1.6767834424972534, 1.5628650188446045, -0.6714754700660706, 0.8343676328659058, -0.18280160427093506, 0.7013096213340759, 2.12813663482666, 0.4165418744087219, -0.327971875667572, -0.29285866022109985, -10.573762893676758, 0.3695722818374634, 0.7485576868057251, 0.2599387764930725, 0.6875084638595581, -0.4834969937801361, 1.0094271898269653, -0.139332577586174, 0.7480652928352356, -0.3516206443309784, 0.34061145782470703, 1.8461065292358398, -0.2859158217906952, -0.19802214205265045, -0.850558340549469, -1.7075486183166504, -0.5712152719497681, -0.10926418751478195, -0.2320593297481537, 0.15361252427101135, -0.3128837049007416, -0.98759526014328, 0.3192136883735657, 0.0739680603146553, 0.070848748087883, 0.2686121463775635, 0.08543261885643005, -0.042601678520441055, -0.6637021899223328, 0.13796786963939667, 0.6669056415557861, -0.4481832981109619, -0.7469898462295532, -0.2601809799671173, 0.09838643670082092, 0.114362433552742, -0.2586984634399414, -0.5108860731124878, 0.7067046165466309, 0.08733626455068588, -0.3432379364967346, 0.48354578018188477, 0.5752590894699097, -0.5009535551071167, -0.6596348285675049, -0.12466350197792053, 0.40188610553741455, -1.1808371543884277, -0.2982724905014038, -0.022282615303993225, -0.45018982887268066, -0.5988784432411194, -0.5873252153396606, 0.05158858373761177, 0.42272526025772095, -0.2675001919269562, -0.5979330539703369, -0.2733207046985626, -1.0047703981399536, -0.9554868936538696, 0.9609346985816956, 0.013481244444847107, -0.09773886203765869, 0.06163584440946579, 0.3857736587524414, -0.24484525620937347, 1.3528823852539062, 0.3951842486858368, -0.35069239139556885, 0.2606082558631897, -0.7370417714118958, 0.23194967210292816, 0.5109677910804749, -0.0842682421207428, -0.355329692363739, -0.004382237792015076, -0.4015936255455017, -0.3503345251083374, 0.1266132891178131, 0.4895557165145874, -0.8786515593528748, 0.7086989283561707, -0.19550883769989014, -0.4590950906276703, -0.5266033411026001, -0.25706228613853455, -0.2063092291355133, -0.4707452058792114, -0.22265975177288055, -0.1355563998222351, 1.1208038330078125, 0.2104729413986206, -0.6214901804924011, -1.05001699924469, -0.525204062461853, 0.4992033541202545, -0.27012571692466736, 0.808149516582489, -0.144199401140213, -1.3476368188858032, 0.06317392736673355, -0.15205423533916473, -0.4437057375907898, -0.3973119258880615, 0.8845133185386658, 0.5754591822624207, 0.1827358603477478, 0.019328266382217407, 0.11982966959476471, -0.33821389079093933, 0.902880072593689, 0.2291140854358673, -0.4150429964065552, 1.2605968713760376, -0.4800419211387634, 0.19466431438922882, 0.5001762509346008, -0.09297201037406921, 0.2330511063337326, 1.7864346504211426, 0.14788007736206055, 0.49778974056243896, -0.23957617580890656, 1.1716192960739136, 0.26467278599739075, -0.2182857096195221, 0.8114716410636902, 0.613498866558075, 0.06654904782772064, -1.9755358695983887, -0.17446981370449066, 0.48455482721328735, 0.1718399077653885, -0.4352877140045166, -1.1363072395324707, -0.7387850880622864, 0.14706793427467346, 1.0495193004608154, -0.4608007073402405, 0.17047518491744995, 0.08237719535827637, -0.936439037322998, 0.25077182054519653, -0.14017118513584137, -0.5305705666542053, 0.555413544178009, -0.6584941148757935, -0.1177477240562439, -1.0811822414398193, -0.33957648277282715, -0.1706034243106842, -0.4191235303878784, 0.6098064184188843, -0.1010546013712883, 0.16305121779441833, 0.4065474271774292, 0.2250700742006302, -0.6377686262130737, -0.826789140701294, 0.6158962845802307, -0.7039671540260315, 0.7952446937561035, -0.9308549165725708, 0.7963079810142517, 0.8384605646133423, -0.2053949534893036, -1.1296861171722412, -0.6059805154800415, -0.27873533964157104, -0.33446601033210754, 0.9868462681770325, -0.9488351345062256, 0.19517382979393005, -0.04728689789772034, -0.09321616590023041, -0.8652769327163696, 1.118095874786377, 0.724230170249939, -0.7588430047035217, -0.08580233156681061, 0.007313758134841919, -0.039286404848098755, 0.23719164729118347, -0.2853161692619324, 0.25977954268455505, -0.10135020315647125, 0.23646074533462524, 0.3461560308933258, -0.1285000890493393, 0.8619745969772339, -1.077725887298584, -0.8901188969612122, -0.22182337939739227, -0.4236639142036438, 1.4236116409301758, -0.16793476045131683, 1.736708164215088, 0.467420756816864, 0.3571004569530487, 0.621226966381073, 0.5989438891410828, 1.0416682958602905, 0.4375346601009369, 0.9633562564849854, -0.5641911625862122, 0.11043594777584076, -1.2725162506103516, -0.12645892798900604, 0.13254761695861816, 0.3302195966243744, -0.7985799312591553, 0.6083927154541016, 0.7389824986457825, -0.6720567345619202, 0.2609803378582001, -1.1990834474563599, 1.3293436765670776, -1.1992754936218262, -0.4656817615032196, -1.2387547492980957, 0.33702608942985535, 0.9472029209136963, -0.7085691094398499, 0.7739195227622986, 0.34084901213645935, 0.05328431725502014, 1.1915706396102905, 0.4905942678451538, 1.7571046352386475, -0.2215953916311264, -1.3280831575393677, 0.5468428730964661, -0.027172258123755455, -0.25830748677253723, -0.16490685939788818, -0.7755646109580994, -0.04928895831108093, 0.4849940240383148, -0.5132808089256287, 0.4820709228515625, -0.4523059129714966, 0.315268874168396, 0.42894530296325684, 0.90579754114151, -0.9138972163200378, -1.3319777250289917, -0.23371917009353638, -1.0897105932235718, 0.05376799777150154, 0.7068248987197876, 1.4974279403686523, 0.09900327026844025, 0.945695161819458, 0.5776187181472778, 1.5068248510360718, -0.4526241719722748, -0.19180749356746674, 0.13506817817687988, -0.5838531255722046, 1.3985596895217896, 0.691138505935669, 0.4180047810077667, -0.4673366844654083, 0.5462100505828857, -1.2230795621871948, -0.5504422783851624, -0.5035837888717651, 0.6332033276557922, 0.7670983672142029, -0.6444182395935059, 0.04692883789539337, -1.0403478145599365, 0.7842462658882141, -0.6016566157341003, -0.3335005044937134, 0.04617735370993614, -0.6383787989616394, -0.35625210404396057, -0.6566083431243896, -0.005216971505433321, 0.9456610083580017, -0.7458500862121582, -0.5440688133239746, 0.1363138109445572, 0.7863700985908508, -0.40372851490974426, 0.2757917046546936, -0.41728508472442627, 0.11114580929279327, -0.3698202967643738, 0.11172561347484589, -0.05122852325439453, -0.931212306022644, -1.0145938396453857, 0.0614737793803215, 0.3337729573249817, 0.27044588327407837, -0.6161118149757385, -0.16997510194778442, 0.3279589116573334, 0.08587561547756195, -0.26257914304733276, 0.036755144596099854, -0.15591654181480408, -0.5479831099510193, -1.5474177598953247, 0.3934073746204376, 0.6643359065055847, 0.017564913257956505, -0.9179193377494812, -0.0005981791764497757, 0.38332733511924744, -0.015325408428907394, 0.8412159085273743]} +{"paper_id": "wiki_split", "embedding": [0.10169658064842224, 1.0140998363494873, -0.24555212259292603, 0.2000194489955902, 0.5001876950263977, 0.08320088684558868, 1.2502905130386353, 0.5946287512779236, 1.1220632791519165, 0.24991615116596222, -0.5843868255615234, 0.09884119033813477, 0.3766185939311981, 0.026067296043038368, -0.5104473233222961, -0.20814326405525208, 0.06122475117444992, -0.12062554806470871, -1.656873106956482, -0.7264723777770996, -0.7284712195396423, -0.7513255476951599, -0.3102928400039673, 0.8818141222000122, -1.061909556388855, -0.4367597699165344, 0.4503399133682251, -1.5615485906600952, 0.1373160481452942, 0.2344096302986145, -0.1222914531826973, 1.6647343635559082, -1.5941057205200195, 0.16153627634048462, -0.34761080145835876, -0.10299446433782578, -0.17055588960647583, 1.7583186626434326, -0.2453513741493225, 0.44155144691467285, -0.838987410068512, 0.15366846323013306, 0.9326873421669006, 0.04333623871207237, 1.088259220123291, 0.19814187288284302, 0.06701146066188812, -0.15967711806297302, 0.009378872811794281, -0.24700675904750824, -0.5489510297775269, -0.4588196873664856, 0.21219804883003235, -0.11852175742387772, -0.3594048023223877, 1.1880196332931519, -0.09785611927509308, -1.14560866355896, 0.38402965664863586, 0.3351680636405945, 1.161566972732544, 1.4620980024337769, -0.20145410299301147, -0.14280934631824493, 1.3010640144348145, -0.298427939414978, 1.8617405891418457, 0.8016906380653381, 0.24154141545295715, 1.0472139120101929, -0.44245076179504395, -1.0248005390167236, 0.06265848129987717, -1.0113253593444824, -0.4483121335506439, 0.9040498733520508, 0.3827139735221863, 0.02742507867515087, 0.7881622314453125, -0.3232044577598572, -0.08988726139068604, 0.7696536183357239, 0.5429127812385559, -0.49764540791511536, -0.09846805036067963, -0.004706475883722305, 0.2656862139701843, -0.7941219806671143, -0.06879954040050507, -1.3925782442092896, 0.39416253566741943, 0.19354131817817688, 0.16153119504451752, -0.11699007451534271, -1.0090131759643555, 0.5325215458869934, -0.16589395701885223, -0.17642787098884583, -0.39140692353248596, 0.014968741685152054, 1.1075278520584106, -0.2762465178966522, 0.527312695980072, -0.5305010676383972, 0.9767768979072571, 0.991361141204834, -0.6264218688011169, -0.6832137703895569, -0.5986754894256592, -0.7995641827583313, -0.06348498165607452, 0.5307136178016663, 0.14389050006866455, 0.9389423727989197, -0.6481694579124451, -0.4959741532802582, -0.4167604148387909, 0.18903373181819916, -0.389373779296875, 0.20931464433670044, -0.9545993804931641, -1.250789999961853, -0.40827271342277527, -0.33368566632270813, 0.9351412653923035, -0.782672643661499, -0.155904158949852, -0.7035739421844482, 0.2968410551548004, -0.29823780059814453, 0.40660348534584045, 0.5228529572486877, -0.8335762619972229, 0.03863535448908806, 2.2134296894073486, -0.9037212133407593, 0.736264169216156, -0.2917574644088745, 0.059682756662368774, -0.6643714904785156, 0.35646912455558777, 1.5136513710021973, -0.5513070821762085, -0.6393267512321472, -0.8856198191642761, 0.2313275933265686, -0.5687950253486633, 0.7236686944961548, -0.8285634517669678, -0.5763049125671387, -0.038737695664167404, 0.2883076071739197, -1.379134178161621, -1.264809250831604, -0.2739461362361908, 0.22815611958503723, 0.3177928924560547, 0.57794189453125, -0.3107268512248993, 1.1690913438796997, 0.8158870339393616, 0.3184419870376587, -0.32140105962753296, 0.5911136269569397, -0.7440006732940674, 0.08653754740953445, 1.4328831434249878, -0.47982335090637207, -1.0634320974349976, -0.3484891653060913, 0.12922309339046478, -1.0224716663360596, 0.20848658680915833, -0.5653356909751892, -0.5557646751403809, -0.093295618891716, 0.6133748292922974, 0.5598351359367371, 0.316183477640152, -0.5731995701789856, -0.2891891300678253, 0.42067381739616394, -0.13001316785812378, 0.6880871057510376, 0.003935379907488823, 0.5879228711128235, -2.1825907230377197, -0.23019950091838837, -0.03119558095932007, 1.203307032585144, 0.24264606833457947, -0.01523358654230833, 0.15064319968223572, 0.7897799015045166, 0.008040569722652435, -1.2972198724746704, 1.018838882446289, -1.470381259918213, 0.41922396421432495, 0.4032137989997864, 0.003443356603384018, -0.18912579119205475, 0.016181305050849915, 1.0149115324020386, 1.0858234167099, -0.6021233797073364, -0.778407633304596, -2.076180934906006, 0.4077916145324707, 2.142883062362671, -0.23646286129951477, -0.5316558480262756, -1.2975579500198364, -1.0474226474761963, 0.7292529940605164, 0.2174435257911682, 0.7605820894241333, -0.3411107659339905, -0.5913397073745728, -1.200455904006958, 0.9268632531166077, -0.5026935338973999, -0.3133908212184906, 0.49544796347618103, 0.9290400743484497, -0.15612809360027313, -0.3873746395111084, -0.040811892598867416, -1.09954833984375, 0.42487460374832153, 0.704123318195343, -0.049193646758794785, -0.3637053072452545, 1.0136494636535645, 0.4382045865058899, 0.7137404680252075, 0.11283085495233536, 0.34941747784614563, -0.5968310832977295, 0.23187750577926636, 0.35081571340560913, 0.49862152338027954, -0.2853228449821472, -0.29400214552879333, 0.2870650291442871, -0.1878381073474884, -0.34918126463890076, -0.8380394577980042, -0.20328404009342194, -0.2824607789516449, 0.6775314807891846, 0.6351374983787537, -1.212242603302002, 1.1058380603790283, -0.3685707747936249, -0.2261766791343689, -0.026608940213918686, -0.9824455976486206, -0.37609827518463135, 0.01162625104188919, 0.30721983313560486, 0.07120954245328903, 0.43341177701950073, -0.7402691841125488, -0.3021136522293091, -0.7600515484809875, -1.2859630584716797, -0.04192914441227913, -0.3202027976512909, -0.9191120862960815, -0.4481239914894104, -0.13411873579025269, -1.4447733163833618, -0.2525925636291504, 0.48704370856285095, -0.17670689523220062, 0.13060705363750458, 0.7570376396179199, 1.3088809251785278, 0.3970951735973358, 0.2087855339050293, 0.08123961091041565, 0.498085618019104, -0.29694026708602905, 0.5973978638648987, -0.5380071401596069, -0.2674236297607422, -1.0458786487579346, 0.048317715525627136, -0.22809721529483795, 0.3972465395927429, 0.006147801876068115, -0.4805530905723572, 0.5488449931144714, -0.23355689644813538, -0.5789042711257935, 0.4101408123970032, -0.4899095594882965, 0.19943097233772278, -0.9625779390335083, 0.8222350478172302, 0.8595519661903381, -0.09056459367275238, 0.7449291348457336, -0.43888333439826965, -0.8399102687835693, 1.3412814140319824, -1.069176435470581, 1.510902762413025, 0.8269990682601929, -0.30744826793670654, 0.21651089191436768, 0.1509917974472046, -1.8169000148773193, 0.268631249666214, 0.5592551827430725, -0.15672025084495544, -0.24087415635585785, -0.39255160093307495, 0.3539224863052368, 0.03408532589673996, -0.39434587955474854, 0.7892213463783264, -0.8103017807006836, 0.3217013478279114, -0.18073822557926178, 0.7240912318229675, 0.5541015863418579, -0.28729063272476196, 1.0195353031158447, 1.0331838130950928, 0.05249777436256409, -0.7375165224075317, -1.1543582677841187, 1.390615463256836, -0.812311053276062, 0.45236483216285706, 0.14815685153007507, 0.7808188199996948, 0.6164129972457886, -0.006822593510150909, 0.2375810593366623, 0.7587257027626038, 0.7277737259864807, 0.14933077991008759, 0.17671427130699158, -0.41077935695648193, -0.4534711539745331, 0.16255633533000946, 1.6036570072174072, -0.4056242108345032, -0.4328077733516693, -1.1419219970703125, 0.15292873978614807, -0.7495196461677551, -0.1271798014640808, 2.021733522415161, 0.812825083732605, 1.132006287574768, -0.5522738099098206, 0.03685436025261879, 0.1687096208333969, -0.043392591178417206, -0.002982472302392125, 0.8455699682235718, -0.1832898110151291, -0.8118586540222168, 0.050290822982788086, 1.3922730684280396, -0.40373775362968445, -1.0865875482559204, 0.004210715182125568, 0.6824957132339478, -0.5422609448432922, -0.6460198760032654, 0.13444669544696808, 0.26630017161369324, 0.6938307881355286, 2.1722731590270996, -0.8587892651557922, -0.3614208698272705, -0.015289725735783577, 0.13313598930835724, -0.03475980460643768, 0.9833259582519531, -0.6289993524551392, 0.032446980476379395, 0.307416170835495, 0.0618029460310936, 0.18793855607509613, 1.3256040811538696, 0.6891108155250549, -0.5102422833442688, -0.9823126196861267, -0.009077221155166626, -0.9374433755874634, -0.26430991291999817, -0.36843007802963257, 0.18261507153511047, -0.40649181604385376, 0.6603040099143982, -0.1805993616580963, -0.9669036269187927, 0.7060531377792358, 0.026480218395590782, -1.040233850479126, -0.10448698699474335, 1.1150895357131958, -1.1545212268829346, -0.18632228672504425, -0.1694512814283371, -1.447824239730835, -0.5003399848937988, 0.04776490852236748, -0.9500696063041687, 1.0513591766357422, 0.10082998871803284, 0.5623279213905334, 0.18023428320884705, -0.03926776722073555, -0.7295107841491699, 0.7275964617729187, 1.074947476387024, -0.9615927934646606, 0.8699634075164795, -0.0962037667632103, 0.3696654438972473, 0.23759283125400543, -1.5491966009140015, -0.7778218984603882, 0.32035237550735474, -0.20178675651550293, 0.057679060846567154, -0.093915656208992, -0.5536493062973022, 0.46730896830558777, 0.1692313551902771, 0.8643431067466736, -0.19185549020767212, 0.5432997941970825, -0.6456403136253357, 0.13864602148532867, 0.9280446767807007, -0.9327712059020996, -0.6802404522895813, 0.2265365570783615, -0.550014853477478, 1.0650255680084229, 0.018664643168449402, 0.10337500274181366, 1.0732543468475342, 0.49962735176086426, 0.025856778025627136, -0.8696759939193726, -10.983396530151367, 1.0088582038879395, 0.46492964029312134, -0.3017352819442749, 0.27861279249191284, 0.11337821930646896, 0.21154165267944336, -0.08637745678424835, 1.2310080528259277, -0.14437519013881683, 0.3519711196422577, 1.8175468444824219, 0.03781381994485855, 0.177042618393898, -0.6809132695198059, -1.4386192560195923, -0.8020814061164856, -0.6671431660652161, 0.21129964292049408, 0.2760085463523865, -0.40696465969085693, -0.4952598810195923, 0.005785092711448669, 0.7794755101203918, 0.43032893538475037, -0.009220708161592484, 0.17852813005447388, -0.23579753935337067, -0.4786840081214905, 0.22119727730751038, 0.14484179019927979, -0.21790941059589386, -0.4811214804649353, -0.6127715110778809, 0.5496934652328491, 0.21702447533607483, -1.2762272357940674, -0.7134190201759338, 0.8642703294754028, -0.7974865436553955, -0.1441049724817276, -0.15610408782958984, 0.4494854509830475, 0.23944608867168427, -1.0635648965835571, 0.4574231505393982, -0.2860618829727173, -0.9192276000976562, 0.19036103785037994, -0.45413738489151, -1.0093122720718384, -0.48642784357070923, -1.5251355171203613, -0.9242429137229919, 0.679853618144989, -0.10970290750265121, -0.980597734451294, -0.08637938648462296, -0.6925133466720581, -0.11282559484243393, 0.5940454006195068, 0.13155023753643036, -0.0849396288394928, 0.5614984631538391, 0.463842511177063, -0.49965623021125793, 1.263614535331726, 0.6517485976219177, -0.029109731316566467, 0.20306938886642456, -0.905517041683197, 0.6183083057403564, -0.20797985792160034, 0.49260616302490234, 0.3210200369358063, -0.47109293937683105, -0.32598748803138733, -0.7590645551681519, 0.402686208486557, 0.3625507652759552, -1.4987467527389526, 0.5002477765083313, 0.08600381761789322, -0.17948168516159058, -1.0992642641067505, 0.16871340572834015, -0.6108299493789673, 0.1101159155368805, 0.8558042049407959, -0.16936790943145752, 1.711747646331787, -0.4184983968734741, -0.6509823799133301, -0.1312350332736969, -1.4480618238449097, 0.7076436877250671, -1.205830693244934, 0.7645017504692078, 0.46455469727516174, -0.4808913767337799, 0.5721346139907837, -0.051752377301454544, -0.36433145403862, -0.2630172371864319, 0.5503029823303223, -0.48333537578582764, 0.17263612151145935, -0.2719806134700775, -0.6609111428260803, -0.4361570179462433, 1.4973199367523193, 0.5544382929801941, 0.23637716472148895, 1.1016815900802612, -0.09339231252670288, 1.2238874435424805, 1.112797737121582, -0.15071231126785278, 0.39528605341911316, 1.2112611532211304, -1.0066866874694824, 0.9101195931434631, 0.24631346762180328, 1.3264179229736328, -0.12412932515144348, 0.4938168227672577, 0.10006920993328094, 1.025315523147583, -0.7634986042976379, -0.6290717124938965, 0.04596239700913429, 0.0837816447019577, 0.9821116328239441, -0.8725755214691162, -0.8637515902519226, 0.34511107206344604, -1.1050894260406494, 0.9857560396194458, -0.7460412979125977, -0.033457472920417786, 0.007842138409614563, -0.5824260711669922, 0.11729370057582855, -0.5393366813659668, -1.297366976737976, 0.34637144207954407, -1.9195926189422607, -0.11135394871234894, -0.6637187004089355, -0.21666526794433594, -0.525302529335022, -0.5127298831939697, 0.19349423050880432, -0.6316950917243958, -0.81180340051651, -0.2951185405254364, 0.37735486030578613, -0.8423807621002197, -0.9145709276199341, -0.31868302822113037, 0.14030447602272034, 1.357157588005066, -0.4593157470226288, 1.0100990533828735, 0.46521005034446716, -0.14214502274990082, -0.6847933530807495, -0.14314058423042297, -0.4644048511981964, 0.5820295810699463, 1.2317442893981934, -0.7203732132911682, -0.188530832529068, -0.572084367275238, 0.05975065007805824, -0.11055178940296173, 0.9002950191497803, 1.509913444519043, -0.9971350431442261, 0.5372476577758789, 0.028027042746543884, 0.5287057757377625, 0.9606119990348816, -0.3458389341831207, 0.15607225894927979, 0.51824551820755, 0.1538427770137787, 0.314198762178421, -0.35412657260894775, 0.3693004846572876, -1.5299426317214966, -1.378561019897461, -0.006520285736769438, -0.9129409193992615, 1.1173473596572876, -0.1082807183265686, 0.8574511408805847, 0.5065847039222717, 0.0268658846616745, 0.5246283411979675, -0.19589075446128845, 1.1492621898651123, 0.25693008303642273, 0.5887014865875244, -0.0542447492480278, -0.10977665334939957, -0.9143288135528564, 1.050431251525879, 0.821544349193573, 0.715416669845581, -1.1544220447540283, -0.5545709133148193, 0.1908317357301712, 0.2621171772480011, 0.6423218846321106, -1.240475058555603, 0.29806968569755554, -0.06991121172904968, -0.5017839670181274, -1.4073619842529297, -0.19503581523895264, 1.7656192779541016, -0.150207981467247, 0.574998140335083, 1.2359822988510132, 0.13355860114097595, 0.7203474640846252, 0.5992224216461182, 1.2366435527801514, 0.3381795287132263, -0.4676510691642761, 0.6923850774765015, -0.07096856087446213, -0.005964659154415131, -0.005777031183242798, -0.5620253086090088, -1.3691294193267822, -0.26055505871772766, -0.6902635097503662, 0.21302619576454163, -0.2500849962234497, 0.28857484459877014, 0.6095820069313049, 1.1223927736282349, 0.04335270822048187, -1.1352328062057495, -0.16838380694389343, -0.8137268424034119, 0.3282240629196167, 1.2696685791015625, 0.4116060733795166, 0.9561123847961426, 0.5120331048965454, 0.335745632648468, 1.0721118450164795, -0.23975713551044464, 0.6938651204109192, -0.025193437933921814, 0.1650184690952301, 1.4831284284591675, 0.844273030757904, -0.00998915359377861, -0.2994973063468933, -0.7337059378623962, -1.2380114793777466, -0.8270175457000732, -0.6391079425811768, 0.22399602830410004, 1.2564852237701416, -0.5458726286888123, 0.36900943517684937, -0.31762951612472534, 0.28530266880989075, -0.7944047451019287, 1.173141598701477, -0.2403680831193924, -0.9250903129577637, -0.6251005530357361, -1.4913119077682495, -0.2837972044944763, 1.2035225629806519, -0.6754390001296997, 0.8119268417358398, -0.12547190487384796, 0.9630547761917114, -0.35824286937713623, -0.3334731161594391, -0.23991359770298004, -0.048909708857536316, -0.32364344596862793, 0.23944558203220367, 0.20279912650585175, -0.43720221519470215, -0.1847279965877533, -0.3825618326663971, -0.7077346444129944, 0.6549347043037415, 0.2816215753555298, -1.2094813585281372, -0.18616288900375366, 0.45149824023246765, 0.7185888290405273, 0.2956314980983734, 0.30152276158332825, -0.016418715938925743, -1.1617748737335205, 0.6473659873008728, 0.6117326021194458, 0.12675805389881134, -0.6257062554359436, 0.3046422600746155, 0.5921714901924133, 0.28156742453575134, 1.38797926902771]} +{"paper_id": "craigslist_bargains", "embedding": [-0.47555306553840637, 0.09700234234333038, -0.15646661818027496, 0.905827522277832, 0.776293158531189, 0.4423924386501312, 0.6290307641029358, 0.12298094481229782, 0.8943469524383545, 0.0460657998919487, 0.2931349575519562, 0.061619170010089874, -0.5869312286376953, -0.5275828838348389, 0.1567157357931137, 0.6554111838340759, -1.2594377994537354, -0.12441029399633408, -1.8177729845046997, -0.3104754388332367, -0.9554071426391602, -0.37875962257385254, -0.49330222606658936, 1.1961489915847778, -0.46027281880378723, -0.4987183213233948, 0.9305557012557983, -1.3677196502685547, 0.25073888897895813, 0.2169569432735443, -0.8311773538589478, 1.7039819955825806, -1.06111478805542, 0.6983305811882019, -0.010126857087016106, -0.6880769729614258, -0.2709498107433319, 0.5614114999771118, -0.7230247259140015, 0.8854936361312866, -0.22264330089092255, 0.07222216576337814, 0.46875473856925964, 0.45439839363098145, 0.06337187439203262, 0.4462280869483948, 0.2434014230966568, 0.4097931683063507, -0.024504929780960083, 0.16133958101272583, -1.711901068687439, 0.06899707019329071, 0.21831122040748596, 0.8070169687271118, -0.20878764986991882, 1.6415722370147705, -0.057204462587833405, -0.7115938663482666, 0.3193029463291168, 0.005834825336933136, 1.583895206451416, 1.1098711490631104, 0.1891002655029297, 0.7966984510421753, 0.8937619924545288, 0.07199795544147491, 1.1278345584869385, 0.1928054541349411, -0.040200382471084595, 1.2076942920684814, -0.7473641633987427, -0.9717741012573242, 0.6579644680023193, 0.16590094566345215, -0.7016869783401489, 0.6329103708267212, 0.97292560338974, 0.6500266194343567, -0.5369539856910706, -0.13164636492729187, 0.6603540182113647, -0.015432387590408325, 0.7574135661125183, -0.5385392904281616, 0.8401580452919006, 1.0271053314208984, 1.0005621910095215, -0.5617796182632446, 0.23578517138957977, -2.1288108825683594, 0.3783217668533325, 0.4664863049983978, 0.22294121980667114, -0.38572803139686584, -0.13828851282596588, 0.15004798769950867, 0.2205548733472824, 0.09477323293685913, -1.0969735383987427, 0.29790690541267395, -0.1569211184978485, -0.7359582185745239, 0.2669631540775299, -0.38280385732650757, 0.5456619262695312, 0.3561844825744629, 0.48128020763397217, -0.3837715983390808, -0.8650723695755005, 0.20021696388721466, -0.33034923672676086, 0.5897917151451111, 0.2693338692188263, 0.8072028756141663, 0.1692201942205429, 0.6356461644172668, 0.39939844608306885, -0.7847424745559692, 0.09556711465120316, 0.09848598390817642, -0.2829687297344208, -0.9092435836791992, -0.034310802817344666, 0.07357645034790039, 1.1475111246109009, -0.04715755209326744, -1.1641074419021606, -0.16651251912117004, -0.4710371196269989, -0.12909388542175293, 0.30404362082481384, 0.0665120854973793, -1.1141260862350464, 0.18879947066307068, 2.8840904235839844, -1.6946945190429688, 1.5997897386550903, -1.6792457103729248, 0.08483874797821045, -0.7312808632850647, 0.34212633967399597, 1.0478798151016235, -0.7668271064758301, -0.4245816171169281, -1.0088107585906982, 0.3284699022769928, -0.532710611820221, -0.05706528574228287, -0.006301913410425186, 0.05675593018531799, 0.16174082458019257, 0.7283557653427124, -1.2711076736450195, -0.24771356582641602, -0.1367647498846054, 0.10778013616800308, 0.3285377025604248, 0.8545339107513428, -0.48077112436294556, 0.17839285731315613, 0.8108388185501099, 0.013095350936055183, 0.025015011429786682, -0.15219910442829132, -0.7856009006500244, 0.04160477966070175, 1.1175299882888794, 0.044174693524837494, -0.646072506904602, -0.4315163195133209, 0.6419149041175842, 0.5441645979881287, -0.6588733792304993, -0.026778938248753548, -0.7111932039260864, 0.22880083322525024, 0.5809947848320007, 1.4086451530456543, 0.5769639015197754, -0.6816977262496948, -0.7735363841056824, -0.6393911838531494, -0.11876848340034485, 0.3198948800563812, -0.8508378863334656, 0.08519089221954346, -2.219435691833496, -0.5080164074897766, -0.6182812452316284, 1.3670601844787598, 0.46843910217285156, 0.605092465877533, 0.36091744899749756, -0.47217532992362976, 0.612215518951416, -0.188388854265213, 0.8609076142311096, -1.4608079195022583, 0.38004666566848755, 0.06031233072280884, -0.23185822367668152, -0.8239207863807678, -0.39454248547554016, 1.2456978559494019, 1.2379519939422607, -0.046995505690574646, 0.25007322430610657, -1.465835690498352, 0.10315564274787903, 2.0407540798187256, 0.4356556832790375, -1.3257534503936768, -0.3076789677143097, -0.5322759747505188, 0.17999964952468872, 0.16564270853996277, 0.6246352195739746, -1.2540183067321777, 0.9493774771690369, -2.173173666000366, 0.2820277214050293, 0.30991244316101074, 0.30096086859703064, 1.4751551151275635, 1.3059883117675781, -0.6534130573272705, 0.43568703532218933, -0.21090854704380035, -1.029480218887329, -0.2779521048069, 0.245961531996727, 0.4606598913669586, 0.4115515351295471, 0.7033209800720215, 0.6472206115722656, 0.1543060541152954, 0.4167451560497284, 0.8243278861045837, -0.8076835870742798, 0.4934327006340027, 0.597579836845398, 0.39480578899383545, -0.05861668288707733, 0.7731615304946899, -0.08959963917732239, 0.12130111455917358, 0.08171677589416504, -1.0695300102233887, 0.3344907760620117, -0.41110116243362427, 1.8681912422180176, 0.25705450773239136, -1.0776978731155396, -0.06707581877708435, 0.006914619356393814, -0.4569444954395294, -0.45034635066986084, -0.2979888916015625, -0.7209972739219666, 0.025755852460861206, 0.960564136505127, 0.6820428967475891, 0.9390251636505127, -1.0136531591415405, -0.17281804978847504, -0.7535628080368042, -0.09206197410821915, -0.4098123013973236, 0.5810232758522034, -1.0305267572402954, -0.5522109270095825, -0.08522920310497284, -1.1049177646636963, -0.22162774205207825, -0.637119472026825, 0.2853735089302063, -0.4499704837799072, 0.2487814724445343, 1.7458935976028442, -0.584846019744873, -0.6124658584594727, -0.8192394375801086, 1.329758644104004, -0.6567172408103943, 0.79784095287323, -0.5652304887771606, 0.1465548425912857, -0.01771080493927002, 0.8663978576660156, -0.21631909906864166, -0.0957661122083664, 0.3480246067047119, -0.33110755681991577, -0.01417156308889389, 0.054475292563438416, 0.25981876254081726, 1.168538212776184, -0.9632254242897034, 0.8602651357650757, -0.19089694321155548, 1.821662425994873, 0.8219789862632751, -0.566120982170105, 1.2913835048675537, -0.3460446000099182, 0.017194729298353195, 0.527704656124115, -0.15627102553844452, 0.6830843687057495, 0.8286130428314209, 0.027418985962867737, 0.4339289963245392, 0.3119620680809021, -2.0366954803466797, 0.19130276143550873, 0.41448110342025757, -0.752086341381073, -0.30926141142845154, -0.8930678367614746, 0.16491641104221344, -0.07847338169813156, -1.0109219551086426, -0.08639353513717651, 0.0016611975152045488, -0.14202813804149628, -0.31506285071372986, -0.10649006813764572, 0.8453340530395508, -0.1821894645690918, -0.3001103103160858, 0.753815233707428, -0.47920340299606323, -1.0717828273773193, -0.23887482285499573, 0.32761698961257935, -0.7139095664024353, -0.4064792990684509, -0.033274441957473755, 0.8961691856384277, 1.1339411735534668, -0.03581910580396652, 0.35228076577186584, 1.071982502937317, 1.1335431337356567, -0.0233958400785923, 0.10439572483301163, -0.17057910561561584, 0.0670023113489151, -1.1252374649047852, 0.9300540685653687, -0.45342394709587097, -0.488320529460907, -1.4672118425369263, 0.17994879186153412, 0.02765384316444397, -0.9167266488075256, 1.410525918006897, -0.09691167622804642, 0.9361324906349182, -0.10404506325721741, 0.7130820751190186, -0.57682865858078, -0.13774701952934265, 0.5729109048843384, 0.05408887565135956, -0.3674238324165344, -0.4750649333000183, -0.1715705394744873, 0.4414796531200409, 0.00738906767219305, -0.8417187333106995, 0.06765320152044296, 1.3993674516677856, -0.3419083058834076, -0.23600365221500397, -0.3493788242340088, 0.8782052397727966, -0.11511068046092987, 1.268105149269104, -0.8264580368995667, -0.40317100286483765, 0.7456555366516113, 1.2810375690460205, 1.057834267616272, -0.06407075375318527, -0.9438662528991699, 0.48414862155914307, 0.15736639499664307, 0.4624265134334564, -0.3378499150276184, 0.5358143448829651, -0.37208035588264465, -1.1540766954421997, -0.5022887587547302, 0.21022963523864746, -0.2952498197555542, -0.269977867603302, -0.08093525469303131, -0.300197958946228, -0.2608427405357361, 0.7763895392417908, 0.05105271190404892, -0.0997321605682373, 1.5770955085754395, -0.8457087278366089, -0.45365896821022034, 0.06146499142050743, 0.7175241708755493, -0.7478867769241333, 0.23659588396549225, 0.19435130059719086, -1.1865061521530151, -0.1111028864979744, 0.05066463723778725, -0.6656703352928162, 0.45142608880996704, -0.13569937646389008, -0.04537748545408249, -0.3300313949584961, -0.44975727796554565, -0.8659693002700806, 0.9031539559364319, 0.366463303565979, -0.3699571192264557, 1.13778555393219, 0.7882828712463379, 0.4490891695022583, -0.09748099744319916, -0.5340678095817566, -0.5255005359649658, 0.6033916473388672, 0.4519205391407013, 0.47003597021102905, -0.7605242133140564, -0.17614814639091492, 1.1394635438919067, -0.8172866106033325, -0.2291841208934784, -1.2527536153793335, -0.3382728099822998, 0.16914846003055573, 0.7742292284965515, 0.5834431052207947, -0.09306755661964417, -0.9875738024711609, 0.6058438420295715, -0.8853970170021057, -0.2873114347457886, -0.7593448162078857, 0.2776246964931488, 2.6022825241088867, 0.6840171217918396, 0.5066077709197998, -0.3713773190975189, -10.300691604614258, 1.3952713012695312, 0.08864826709032059, -0.0718638226389885, -0.19592154026031494, -0.7150915861129761, 0.3175930380821228, -0.03563510626554489, 1.2758616209030151, -0.05595124885439873, 0.24548736214637756, 0.7784331440925598, 0.1627548635005951, -0.7368969321250916, -0.3648303151130676, -1.4031689167022705, -1.2723393440246582, -0.37962138652801514, -0.1203061118721962, 0.38375505805015564, -0.2709554135799408, -2.0571229457855225, -0.20372366905212402, 0.5208796262741089, 0.5808426737785339, -0.14811721444129944, -0.66473388671875, -0.60572749376297, 0.029279232025146484, 0.13819266855716705, 0.6385683417320251, 0.19026106595993042, 0.04779237508773804, -1.0950114727020264, 0.5161651372909546, -0.6270370483398438, -0.42727071046829224, 0.13393548130989075, 0.8685990571975708, 0.20211181044578552, -0.7449021339416504, 0.3112713098526001, 0.8718066811561584, -0.29263415932655334, 0.24613472819328308, 0.3219645619392395, 0.29330387711524963, -0.233501598238945, 0.06365641206502914, 0.1588149070739746, -0.5685212016105652, -0.642098605632782, -0.6902428865432739, -0.4360875189304352, -0.45814964175224304, -0.24342824518680573, -0.2729572355747223, 0.9614092111587524, -1.0206376314163208, -1.0861780643463135, 0.7432740330696106, -0.06604304909706116, -0.6571429371833801, 0.2956884205341339, 0.3633720278739929, -0.27519723773002625, 0.0822870284318924, 0.5902819037437439, -0.7220833897590637, 0.7410416007041931, -0.9231867790222168, -0.0401371568441391, -1.3258553743362427, 0.6882354617118835, -0.7759117484092712, -0.055783115327358246, -0.4019638001918793, -0.31168362498283386, 0.657503604888916, 0.26574504375457764, -1.0525354146957397, 0.23667320609092712, -0.17652975022792816, -0.18674767017364502, -1.3038208484649658, 0.8540924787521362, 0.021964702755212784, -0.3455846905708313, 1.7213261127471924, -1.043236494064331, 0.960469126701355, -0.4546467363834381, -0.36578166484832764, 0.7001201510429382, -0.053349144756793976, 0.8909822106361389, 0.8330203890800476, 0.09304609894752502, 0.2721017599105835, -0.530600368976593, 0.04736218601465225, 0.023598678410053253, -0.5590265989303589, 0.41551345586776733, 0.9031417369842529, 0.4536423981189728, -0.09199593216180801, 0.19414597749710083, 0.822498619556427, 0.42192211747169495, 0.9321484565734863, 0.20282068848609924, -0.2896469235420227, 0.5974140763282776, -0.1645275503396988, 0.6737709641456604, 1.6097532510757446, 0.7439165115356445, 0.6773106455802917, 0.1326947808265686, -0.3526054918766022, 1.3968266248703003, 0.4996218979358673, 0.7459707856178284, -0.24176450073719025, -0.3774469792842865, 0.1063297688961029, 0.5309422612190247, -0.38524556159973145, -1.7039152383804321, 0.33001387119293213, -0.018276343122124672, 0.08998540788888931, 0.15216794610023499, 0.0367540679872036, 0.5238037109375, -0.3500966727733612, 0.8500620126724243, -0.24783006310462952, 0.9735285639762878, 0.758205771446228, -0.37051114439964294, 0.944526195526123, -0.5439967513084412, -1.1182843446731567, -0.2927946448326111, -1.4078238010406494, 0.4190225899219513, -0.03677310049533844, 0.4629625678062439, 1.0915926694869995, 0.08767219632863998, 0.850882887840271, -0.9390851855278015, -0.35353195667266846, 0.5127617120742798, 0.4410739541053772, -0.5635870099067688, -0.6969873905181885, -0.1121290847659111, 0.2808699607849121, 1.4017053842544556, -0.6989037394523621, 1.3786364793777466, -0.29533952474594116, -0.034699324518442154, -0.1994030624628067, 0.061883345246315, -1.0480170249938965, 0.4475165009498596, 0.5985419750213623, -1.0186046361923218, -0.19570063054561615, -1.290845513343811, -0.040614865720272064, -0.6797322034835815, 1.5643442869186401, 1.5579705238342285, -1.5299785137176514, -0.5253156423568726, -0.11523699015378952, 0.18863677978515625, 0.3656957447528839, -0.2725088894367218, -1.0303702354431152, -0.4996218979358673, -0.04987580329179764, 0.8478593230247498, -0.5523809194564819, 1.1312757730484009, -2.3870503902435303, -1.143237829208374, -0.3821708559989929, -1.1813186407089233, -0.1332993507385254, 0.16143587231636047, 1.3107619285583496, 0.48755598068237305, -0.2274661362171173, -0.4216032922267914, -0.07037802040576935, 0.3796701431274414, -1.0409828424453735, 0.12859953939914703, 0.043855879455804825, 0.6448355913162231, -0.6769810318946838, -0.5739560723304749, 0.11387860774993896, -0.04940019175410271, -0.6931411623954773, -0.7130700349807739, 0.17941877245903015, 0.08059847354888916, 0.27851495146751404, -0.20437638461589813, -0.2308366894721985, -0.9796222448348999, -0.30099621415138245, -0.968646764755249, 0.2885483503341675, 0.5983418822288513, 0.14386765658855438, 1.1897683143615723, 1.0264238119125366, 0.6609957218170166, 0.7319536805152893, -0.14096136391162872, 1.0063179731369019, 0.16942505538463593, -0.5952484011650085, -0.4374002516269684, 0.39591217041015625, 0.1576349437236786, 0.327955961227417, -1.0179518461227417, -1.076211929321289, 0.8589716553688049, -1.2025307416915894, 0.32676783204078674, -0.09002284705638885, 0.7824007868766785, 0.8052648305892944, 0.8015806078910828, -0.9211425185203552, -1.480170488357544, -0.6992541551589966, -1.2743496894836426, -0.4847623407840729, 1.0907435417175293, -0.01676856353878975, 0.7819574475288391, 0.613027036190033, -0.44252508878707886, 0.32804909348487854, -0.6558132767677307, -0.08982276916503906, 0.3706721365451813, 0.9958148002624512, 0.0631328821182251, 0.5355055332183838, 0.29150715470314026, 0.06659325212240219, -0.2425583004951477, -0.37029752135276794, -0.08934961259365082, 0.16535180807113647, 0.1691260188817978, 0.8856873512268066, -0.7911184430122375, -1.0761018991470337, -0.9028569459915161, -0.22714582085609436, -1.27536141872406, 1.0410856008529663, 0.08616003394126892, -1.1105257272720337, -0.7403130531311035, -0.5698809027671814, -0.41753408312797546, 0.6029549241065979, 0.2460082471370697, -0.3539717197418213, -0.8313838243484497, 0.24720406532287598, 0.174273282289505, 0.21752475202083588, -1.3986096382141113, 0.21176931262016296, -1.4366300106048584, 0.004375047981739044, -1.4728249311447144, -0.5007877945899963, 0.016597259789705276, -0.43269824981689453, -0.788209855556488, 1.4986438751220703, 0.055943943560123444, -1.0393965244293213, -1.2804203033447266, 0.12744952738285065, 0.5515494346618652, -0.11374959349632263, 0.07381591945886612, 0.4897403120994568, -2.394507646560669, 0.7157253623008728, 1.1771738529205322, -0.6522853970527649, -0.025212688371539116, 0.11967276781797409, -0.19694530963897705, -0.9623174071311951, 2.194744110107422]} +{"paper_id": "asnq", "embedding": [-0.38848742842674255, 0.6871907711029053, -0.20585821568965912, -0.5592544078826904, 0.6542955040931702, -0.27197265625, 1.14710533618927, 0.998490571975708, 0.878933846950531, 0.8266617655754089, -0.3692440986633301, 0.6200299263000488, -0.29652658104896545, -0.3541437089443207, -0.1542571634054184, -0.2069319188594818, -1.1306818723678589, -0.8365342020988464, -1.6932157278060913, -0.432152658700943, -0.7007612586021423, -0.31205111742019653, 0.39383557438850403, 0.5358189940452576, -0.7106846570968628, -1.1593871116638184, 0.4601328670978546, -1.047460675239563, 0.7081249952316284, 0.3848591446876526, 0.2109348326921463, 1.4296513795852661, -1.9558792114257812, 0.374092161655426, -0.46924668550491333, -0.32803595066070557, 0.2156563252210617, 1.2572574615478516, 0.008981816470623016, -0.20770710706710815, -0.561035692691803, 0.09080787748098373, 0.23038332164287567, 0.7017613053321838, 1.1660900115966797, -0.7269886136054993, -0.009254149161279202, -0.46046438813209534, -0.5016257762908936, -0.39143577218055725, -0.18115104734897614, -0.10312261432409286, -0.25665393471717834, 0.947163462638855, -0.6355635523796082, 1.3764227628707886, 0.2575513422489166, -0.8065906167030334, 0.7980248332023621, -1.166101098060608, 1.1460258960723877, 1.5630966424942017, 0.30579259991645813, 0.09197647124528885, 1.5727572441101074, -0.20365387201309204, 1.9701083898544312, 0.6538615822792053, 0.20301496982574463, 0.880708634853363, -0.33578377962112427, -1.0055309534072876, 0.20002922415733337, 0.17495745420455933, 0.1796615719795227, 1.0522598028182983, 0.5864526033401489, -0.16956257820129395, 0.020960252732038498, -0.8404176831245422, -0.8006258010864258, 0.3339945077896118, 1.2881063222885132, -0.3995715081691742, -0.21463719010353088, 0.7520319819450378, 0.2870136499404907, -0.7857781648635864, 0.31693822145462036, -1.7041511535644531, 0.4696868062019348, 0.16113848984241486, 0.4014434516429901, -0.16987773776054382, -0.10508707165718079, 0.1749935746192932, -0.8774362206459045, 0.01317901536822319, -0.32363009452819824, 0.7400038242340088, 0.9620583057403564, -0.34575462341308594, 0.4886934459209442, -0.14213696122169495, 0.1475871205329895, 0.6959416270256042, -0.20748412609100342, 0.02247442863881588, -1.0344702005386353, -0.5804185271263123, 0.31298917531967163, 0.7701624631881714, 0.22801601886749268, 0.26230117678642273, -0.8416110277175903, 0.9012486934661865, 0.5974134802818298, -0.46792152523994446, -0.7439411878585815, 0.10849814116954803, 0.18205133080482483, -1.2429128885269165, -0.6426897644996643, -0.3951178789138794, 1.0904158353805542, -0.8846994638442993, -0.4775041937828064, -0.20759963989257812, 0.16940152645111084, 0.522068440914154, 0.7023175954818726, -0.1584889441728592, -1.1278661489486694, -0.14514511823654175, 3.518872022628784, -1.450604796409607, 1.731022596359253, -0.9830029010772705, -0.18337447941303253, -0.3420838713645935, 0.21540722250938416, 0.8153866529464722, -0.6057949662208557, -0.7398054003715515, -0.4231669008731842, 0.6485098600387573, -0.7529443502426147, 0.3650335669517517, -1.0767614841461182, -0.14286024868488312, -0.2595445215702057, -0.28325724601745605, -1.312870979309082, -0.47322192788124084, 0.13299055397510529, 0.18692639470100403, -0.40261465311050415, 0.5738976001739502, -0.6399354338645935, 0.3476279377937317, -0.27077367901802063, -0.40259790420532227, -0.18374647200107574, 0.7596334218978882, -1.018554925918579, -0.3993423283100128, 0.6527289748191833, 0.16575831174850464, -0.7379288673400879, -0.08761085569858551, 0.46754002571105957, -0.5262061357498169, -0.2969575822353363, -0.06225040555000305, 0.2753174602985382, 0.5592333078384399, 0.7047746777534485, 0.37496307492256165, 0.03639412298798561, -0.6799662709236145, -0.35179758071899414, 0.12569744884967804, -0.4207342863082886, 0.4455631375312805, 0.21517616510391235, 0.7481934428215027, -1.6451666355133057, -0.040551505982875824, 0.14820624887943268, 0.3230333924293518, -0.0290510356426239, -0.3728581964969635, -0.017302200198173523, 0.09029150009155273, 0.21931181848049164, -1.0606086254119873, 0.8558874130249023, -0.6498432755470276, 0.26113566756248474, 0.5180349349975586, -0.7895922660827637, 0.018265388906002045, 0.4127037227153778, 1.2747406959533691, 0.1980888545513153, -0.4481185972690582, -1.0211560726165771, -1.9921064376831055, -0.04812385141849518, 2.2908432483673096, -0.04340508580207825, -0.49038568139076233, -1.0736373662948608, -0.6994636654853821, 0.3148096799850464, -0.0897238478064537, -0.05618247762322426, -0.7394962310791016, 0.15309038758277893, -1.0354835987091064, 0.4803166687488556, -0.25591740012168884, 0.5172538161277771, 0.9596014022827148, 1.3540706634521484, -0.6118259429931641, 0.23565256595611572, -0.24782423675060272, -1.129631519317627, 0.6368225812911987, 0.3713184595108032, 0.022596903145313263, -0.3043404221534729, 1.244278073310852, 0.0021505728363990784, 0.8808302283287048, 0.5183402895927429, -0.10688260197639465, -0.6876404285430908, -0.43569186329841614, 0.03531292825937271, 0.9546148777008057, 0.12661680579185486, 0.6369463205337524, 0.3329189419746399, -0.0004637688398361206, -0.6732221841812134, -0.8020360469818115, 0.14821147918701172, 0.004873774945735931, 1.3037034273147583, 0.08635789155960083, -0.5425804853439331, 1.3790963888168335, -0.279979944229126, -0.5588898658752441, -0.32341107726097107, -0.8115028142929077, 0.2335420399904251, -0.9250722527503967, 1.093298077583313, -0.837873101234436, -0.055165037512779236, 0.173737570643425, -0.03796032816171646, -1.125485897064209, -0.3590928912162781, -0.4648032486438751, -0.8642187714576721, -1.4294352531433105, 0.007216297090053558, -0.0814138650894165, -0.3746824562549591, -0.7541547417640686, 0.37102970480918884, 0.6234384179115295, 0.29297980666160583, 1.2892907857894897, 1.7441425323486328, -0.1680888533592224, 0.44286948442459106, 0.2160881608724594, 0.8335272073745728, -0.5311790704727173, 1.135372519493103, -0.2933894991874695, 0.21817521750926971, -0.5654422640800476, 0.31481310725212097, -0.49365079402923584, 0.435722291469574, 0.7322181463241577, -0.4640585482120514, 0.5739771127700806, -0.3017551898956299, -1.1996701955795288, 0.9774922132492065, -0.22683799266815186, -0.180823415517807, -0.16777202486991882, 1.4786903858184814, 0.3479381203651428, -0.4405632019042969, 0.8224497437477112, -0.09543909877538681, -0.35731688141822815, 0.4958861768245697, 0.30690062046051025, 0.3022703528404236, 0.6103680729866028, 0.01997235044836998, 0.2777755856513977, 0.628253698348999, -1.9673638343811035, 0.956520676612854, 1.687015414237976, -0.37176305055618286, -0.8030890226364136, -1.2216511964797974, -0.02218645066022873, -0.30847394466400146, 0.18396618962287903, 0.656364381313324, 0.16345107555389404, 0.8187353610992432, -0.29273635149002075, 0.16601024568080902, 2.0019407272338867, -0.8545450568199158, 0.46032339334487915, 1.0527371168136597, -0.21691671013832092, -0.7250921726226807, -0.6456319689750671, 0.8369215130805969, -0.2982523441314697, -0.19249658286571503, 0.24741894006729126, 0.3894234001636505, 1.5667213201522827, -0.15997803211212158, 0.06717600673437119, 0.7143187522888184, 0.759868860244751, 0.6957923769950867, 0.3031115233898163, -0.3704190254211426, 0.11391738802194595, 0.13171279430389404, 1.310964822769165, -0.2855205237865448, -0.7006795406341553, -1.0020955801010132, -0.14147251844406128, -0.22183506190776825, -0.5618051886558533, 1.9961732625961304, 0.1536179482936859, 1.002206802368164, -0.06427019834518433, 0.3701528310775757, -0.5861953496932983, -0.023055031895637512, 0.5854529142379761, 0.4950447380542755, -0.2189965397119522, -0.7142279148101807, 0.6982187032699585, 0.45220693945884705, -0.5258713364601135, -0.19315561652183533, 0.16367405652999878, 1.5028103590011597, 0.11292782425880432, -1.074970006942749, 0.45538005232810974, 1.0424132347106934, 0.21985679864883423, 1.6176081895828247, -0.45709696412086487, -0.16716885566711426, 0.29291224479675293, 0.26927122473716736, -0.17942211031913757, 0.5931251645088196, -0.30463796854019165, 1.179887294769287, 0.3746557831764221, 0.4510103166103363, 0.2842084765434265, 0.8371610641479492, 0.6337708234786987, -0.786396324634552, -1.4616881608963013, -0.2946490943431854, -0.691511869430542, -0.6315833330154419, -0.23996710777282715, 0.20512200891971588, -0.9669348001480103, 0.8218510150909424, -0.41993802785873413, -0.7349780201911926, 1.1557364463806152, -0.5448061227798462, -1.2510876655578613, 0.8651849031448364, 0.8737692832946777, -1.4455562829971313, -0.08658305555582047, -0.8226927518844604, -1.184885025024414, -0.44458678364753723, 0.2820171117782593, -1.0680856704711914, -0.07152203470468521, 0.05479464679956436, 1.0786957740783691, 0.03291836753487587, 0.2493753284215927, -1.4815021753311157, 0.3038841485977173, 0.9059544205665588, -1.403373122215271, 1.0897263288497925, 0.6044401526451111, 0.26216089725494385, -0.1936360001564026, -0.7251506447792053, -0.8271894454956055, 0.6348467469215393, -0.22278231382369995, 0.6887077689170837, -0.7448678612709045, -0.5086781978607178, 0.21621763706207275, -0.3255731463432312, 1.0291345119476318, -1.2016974687576294, -0.17386898398399353, -0.7608215808868408, -0.012124128639698029, 0.7056698799133301, -0.5562431812286377, -0.08941962569952011, 0.5698946714401245, -0.6181105971336365, 1.643687129020691, -1.0494590997695923, 0.191005676984787, 1.243516445159912, -0.1591586172580719, -0.17670342326164246, -0.7412722110748291, -10.406168937683105, 0.5500354170799255, -0.3515823185443878, -0.28693604469299316, 0.9463545680046082, -0.5887710452079773, 1.5404527187347412, -1.2489218711853027, 0.5809869766235352, -1.1566708087921143, 0.6834717392921448, 1.2580586671829224, 0.37307843565940857, -0.4018990099430084, -0.5469797253608704, -1.564147710800171, -0.537728488445282, -0.18492832779884338, 0.3316018581390381, -0.7435846924781799, -0.6695123910903931, -0.5538727045059204, -0.057106614112854004, 0.24355480074882507, 0.2868925929069519, 0.19926857948303223, -1.0487982034683228, -0.2910849153995514, -0.5741977691650391, 0.1349615603685379, 0.5609455704689026, 0.06772995740175247, -0.47629719972610474, -0.6851947903633118, -0.07373793423175812, -0.5428972840309143, -0.3612363934516907, -0.002368585905060172, 1.1174205541610718, 0.05590379610657692, -0.5739500522613525, 0.2534564435482025, 0.23483535647392273, 0.5214545130729675, -0.39213722944259644, 0.504963219165802, 0.7787542939186096, -0.48153987526893616, 0.7478528022766113, 0.007905460894107819, -0.22327043116092682, -0.24967092275619507, 0.0884794071316719, -0.3651319444179535, -0.4644233286380768, 0.7397540807723999, -1.020100712776184, -0.18130066990852356, -0.7890043258666992, -0.8295811414718628, 0.9776512980461121, 0.04591825604438782, -0.5592101812362671, 0.13154363632202148, 0.636360228061676, -0.19325578212738037, -0.34264621138572693, 0.5467895865440369, -0.7109176516532898, 0.33677393198013306, -0.8641231656074524, 1.0298365354537964, -0.00030911341309547424, -0.47736257314682007, -1.1682077646255493, -0.31804490089416504, -0.7493338584899902, -0.12078942358493805, 0.12337315082550049, 0.3218829929828644, -1.429232120513916, 0.7208462953567505, 0.12264663726091385, -0.9396421313285828, -0.8202390074729919, 0.25887829065322876, -0.45189639925956726, -0.14215388894081116, 0.6653925180435181, -0.4308028817176819, 1.5177321434020996, 0.4488842487335205, -0.25077807903289795, -0.2267817258834839, -0.6601661443710327, 1.405196189880371, -0.20911256968975067, 1.216200828552246, 0.0030913278460502625, -0.9156090617179871, 0.2782142758369446, -0.25529322028160095, -0.06881095468997955, 0.5161311030387878, 0.4986567795276642, 0.4219200313091278, 0.6241834759712219, 0.20841044187545776, 0.48552438616752625, -0.2644646167755127, 1.4303100109100342, 0.2520073652267456, -0.6915323734283447, 0.7127289175987244, -0.09839659929275513, 1.3457350730895996, 0.12638787925243378, 0.9953296780586243, 0.3860625922679901, 0.7981850504875183, -0.5746740698814392, 1.1297754049301147, 0.13436558842658997, 1.0520015954971313, -0.20196692645549774, -0.01220383308827877, -0.25759461522102356, 0.232350155711174, -0.16603228449821472, -1.4654426574707031, 0.22878402471542358, -0.399681031703949, 0.4393835663795471, -1.1929752826690674, -0.3138810992240906, -0.23349454998970032, -0.6322735548019409, 1.3752332925796509, -0.44700831174850464, 0.15383750200271606, -0.2685178518295288, -0.5460339188575745, -0.012806005775928497, -1.3344711065292358, -1.3195762634277344, 0.2658858597278595, -0.4136027693748474, 0.11869698762893677, -0.34103384613990784, -0.19447842240333557, 0.30240845680236816, -0.26281481981277466, 0.9761590361595154, -0.2926512360572815, -0.8109825253486633, -0.21236851811408997, 0.16811725497245789, -0.41817373037338257, -1.209668755531311, 0.03930540382862091, -0.35808253288269043, 1.0091917514801025, -1.3901437520980835, 0.9553749561309814, 0.12752774357795715, -0.8297687768936157, -0.39449360966682434, 0.34848764538764954, -0.5190563797950745, 0.025541476905345917, 1.101029396057129, -0.5797728300094604, -0.2832230031490326, -1.1917619705200195, -0.40737757086753845, -0.544947624206543, 1.0238109827041626, 1.3500465154647827, -0.5275427103042603, -0.4116126298904419, 0.021309513598680496, 1.2357516288757324, -0.2422887533903122, -0.15942399203777313, -0.20294103026390076, -0.0494474358856678, 0.33087217807769775, 0.4837931990623474, 0.5081021785736084, 0.6576942205429077, -2.150909185409546, -1.4499759674072266, -0.5556938648223877, 0.04355033114552498, 0.6348064541816711, 0.4488605260848999, 0.6406203508377075, 0.2896256148815155, -0.16492459177970886, 0.3947373926639557, 0.7075084447860718, 1.0155092477798462, 0.05964814871549606, 0.27691346406936646, 0.21180857717990875, -0.09678249061107635, -0.576308012008667, 0.3023461401462555, 0.7158159017562866, 1.085010290145874, -1.7487266063690186, 0.02498839795589447, 0.03589039295911789, -0.0566457100212574, 0.33666184544563293, -0.862118124961853, 0.33638796210289, -0.3837060332298279, -0.024767044931650162, -1.699924349784851, 0.2600420117378235, 1.5462486743927002, -0.03409238159656525, 0.9440765380859375, 0.3997824490070343, 0.7973685264587402, 0.5312304496765137, 0.2432926595211029, 1.0032926797866821, -0.19943247735500336, -0.5927883386611938, 0.46311280131340027, 0.39186203479766846, -0.21202602982521057, -0.15803101658821106, -1.0810353755950928, -0.6002211570739746, 0.9234676361083984, -0.6422371864318848, 0.5650721192359924, -0.7850570678710938, 0.9071238040924072, 0.40056711435317993, 0.8822451233863831, -0.31076717376708984, -1.5615763664245605, 0.09909600019454956, -0.9748139977455139, 0.15157485008239746, 0.5731273293495178, 0.4171298146247864, 0.23519329726696014, 0.9197948575019836, -0.07469430565834045, 1.0336321592330933, -1.3301812410354614, -0.18185000121593475, -0.16619661450386047, -0.02021719515323639, 0.5562582612037659, 0.0017599258571863174, 0.3612264096736908, -0.06763581186532974, -0.3265855014324188, 0.17951878905296326, -0.27064231038093567, -0.28825128078460693, 0.8374114036560059, 1.444133996963501, -1.1472595930099487, -0.3465155363082886, -0.9507807493209839, 1.2926617860794067, -1.4549585580825806, 0.6654794216156006, 0.07032673060894012, -0.3535492420196533, -1.1929502487182617, -0.7129377722740173, 0.25637683272361755, 0.9351111054420471, 0.2745964825153351, 0.029785554856061935, 0.1737932562828064, 0.39835086464881897, 0.29144760966300964, -0.1805863082408905, -0.9239557981491089, 0.005787345580756664, -0.9711030125617981, -0.06586223095655441, -0.04645764082670212, -0.9969987273216248, -0.6618171334266663, -0.10331621766090393, -0.8578381538391113, 1.0822354555130005, -0.22327201068401337, -0.3108491897583008, -0.7016424536705017, 0.30106765031814575, -0.8468092679977417, 0.4031528830528259, -0.2889764904975891, -0.4263725280761719, -1.6081829071044922, 0.8471330404281616, 1.5766754150390625, -0.5644687414169312, -0.40627387166023254, -0.04911729693412781, 0.49726685881614685, 0.17180493474006653, 1.4715880155563354]} +{"paper_id": "limit", "embedding": [-0.5222552418708801, 0.8996185660362244, 0.38483354449272156, 0.3882404863834381, 0.38609448075294495, 0.025940408930182457, 1.2543338537216187, -0.012801259756088257, 0.5205265879631042, 0.28336039185523987, 0.6812523007392883, -0.12313514947891235, 0.13650041818618774, 0.19708234071731567, 0.0821220874786377, -0.2655162811279297, -0.6058338284492493, 0.27271905541419983, -0.5866616368293762, -0.5167084336280823, -0.664300799369812, -0.5964252352714539, 0.17460060119628906, 0.5020721554756165, -0.7376933097839355, 0.053593240678310394, 0.6215618252754211, -1.2904088497161865, 0.06986255943775177, -0.01378733292222023, -0.28628191351890564, 1.0947186946868896, -1.0780733823776245, 0.4239278733730316, -0.5927684903144836, 0.27839910984039307, -0.21597911417484283, 1.0460385084152222, -0.5787583589553833, -0.01117933914065361, -0.37830448150634766, 0.3355594873428345, 0.9965553879737854, -0.07336296141147614, 0.6536821722984314, 0.5018634796142578, -0.7537063360214233, 0.7531759738922119, -0.27971282601356506, 0.39131852984428406, 0.034081071615219116, -0.33525532484054565, 0.38618963956832886, -0.03407389670610428, -0.19437271356582642, 0.6973167061805725, -0.1497582495212555, -0.8673482537269592, 0.21236024796962738, -1.0532994270324707, 1.0377311706542969, 0.7627070546150208, -0.38832396268844604, 0.2197442501783371, 1.24933660030365, -0.20682106912136078, 1.5099377632141113, 0.3172718286514282, 0.7271235585212708, 1.3132784366607666, -0.16208568215370178, -1.1087487936019897, -0.5323183536529541, -0.1319752335548401, -0.0840415209531784, 0.10162834823131561, 0.007903877645730972, 0.46369144320487976, 0.3408568203449249, 0.6011576652526855, -0.6949030756950378, 0.38178932666778564, 0.8003449440002441, -0.8976460695266724, 0.028664739802479744, 0.25316891074180603, 0.5236325263977051, -0.2800735831260681, 0.03099394217133522, -1.0146675109863281, -0.49228572845458984, 0.5361939072608948, 0.44130271673202515, 0.0071931928396224976, -0.05018314719200134, 0.8725887537002563, 0.6699950098991394, -0.326147198677063, -0.07109798491001129, 0.4381103217601776, 0.28226038813591003, -0.20076991617679596, 0.0208253413438797, 0.3016653060913086, 0.6147968769073486, 0.8645787239074707, -0.14007318019866943, -0.47886401414871216, -0.375744104385376, -0.2863997220993042, -0.5134062767028809, 0.5594603419303894, -0.14293627440929413, 0.899321436882019, 0.21130910515785217, -1.0254974365234375, 0.014367081224918365, -0.028050243854522705, -0.4827699065208435, -0.02853403240442276, -1.1514317989349365, -0.6420384049415588, 0.2505122423171997, -0.35500091314315796, 0.9903098344802856, -0.2642136812210083, -0.04859251156449318, -0.3447655439376831, -0.25197479128837585, -0.061488859355449677, -0.11220119893550873, 0.5417603254318237, -0.5299833416938782, 0.49663180112838745, 2.387629270553589, -0.687652051448822, 0.739716649055481, -0.514410138130188, 0.23271812498569489, -0.2176143229007721, 0.25112372636795044, 1.3700051307678223, 0.14881545305252075, -0.46644237637519836, -1.4081014394760132, -0.26526594161987305, -0.7266532778739929, 0.41355544328689575, -0.5695237517356873, -0.046467799693346024, 0.12431128323078156, 0.3613443076610565, -0.72800213098526, -0.4049500524997711, 0.22126077115535736, 0.19006791710853577, 0.019111203029751778, 0.5008748769760132, -0.7205007076263428, 0.35451236367225647, 0.6159355640411377, 0.06882455945014954, -0.6302736401557922, 0.11993012577295303, -0.666083574295044, 0.16395024955272675, 0.9664095640182495, -0.570318877696991, -0.5207239985466003, -0.5686817169189453, 0.4717040956020355, -0.08364298194646835, 0.2501426041126251, -0.1915748119354248, -0.054474204778671265, 1.215021014213562, 0.03601278364658356, 0.3288317918777466, 0.3836144208908081, -0.4401061534881592, -0.17584022879600525, 0.13629050552845, -0.17028795182704926, 0.09967642277479172, 0.4384980797767639, 0.012399125844240189, -2.129706382751465, -0.8495286703109741, -0.5306804776191711, 1.0241214036941528, 0.19692552089691162, 0.3428512513637543, 0.22772762179374695, 0.36017271876335144, -1.065693736076355, -0.16522102057933807, 0.37841954827308655, -1.1234931945800781, -0.46791204810142517, 0.5396262407302856, -0.26049280166625977, -0.0013999439543113112, -0.2413652092218399, 1.1531603336334229, 1.4710758924484253, -0.07831458747386932, 0.019154397770762444, -1.7755327224731445, 0.39330872893333435, 1.5621273517608643, 0.460021436214447, -0.4420669376850128, -1.3262604475021362, 0.023408859968185425, 1.0095646381378174, -0.36534738540649414, 0.49508920311927795, -0.40585675835609436, -0.3427622318267822, -0.6380290389060974, 0.564068615436554, -0.24105489253997803, 0.319204181432724, -0.08819300681352615, 1.4800937175750732, -0.6478204727172852, -0.3008899688720703, -0.5602995753288269, 0.07879804074764252, 0.28669026494026184, 0.5959978699684143, 0.40738630294799805, -0.3764146566390991, 0.9831658005714417, 0.38389354944229126, 0.4562656283378601, 0.20979109406471252, 0.6963447332382202, -0.35746893286705017, -0.2452128380537033, 0.14426904916763306, 0.22393769025802612, -0.25191640853881836, -0.3365156948566437, 0.7016084790229797, 0.28059354424476624, -0.030237998813390732, -0.3615720272064209, -0.7918721437454224, 0.3350203335285187, 0.5654134154319763, 0.8503962159156799, -0.5150914788246155, 0.9323456287384033, -1.0750631093978882, 0.10692521184682846, -0.023664046078920364, -0.6225340962409973, -0.08134455978870392, -0.3320332169532776, -0.01622679829597473, 0.3614290654659271, 0.0560564324259758, 0.35631120204925537, -0.33788225054740906, -1.1602381467819214, -0.35370582342147827, -0.07793519645929337, 0.24810616672039032, -0.4080822169780731, -0.8645147085189819, -0.28739380836486816, -0.7509024739265442, -0.5889590978622437, -0.5192572474479675, 0.601672351360321, 0.05688176304101944, 0.321834534406662, 1.3853366374969482, 0.3636365532875061, -0.13283124566078186, -0.7633310556411743, 0.6748707294464111, 0.5665907859802246, 0.5173993706703186, -0.2096731811761856, 0.8911747336387634, -0.80054771900177, -0.22736221551895142, -0.46374332904815674, 0.5017077922821045, -0.03418093919754028, -0.1830383539199829, 0.3854227364063263, -0.25254419445991516, -0.5622689723968506, 1.1265524625778198, -0.10173843801021576, 0.3200758993625641, -0.3376936912536621, 0.6683614253997803, 0.4897524118423462, -0.38887038826942444, 0.15541844069957733, 0.2604938745498657, -0.04962649941444397, 1.026064395904541, -0.8983856439590454, 0.8461650013923645, 0.5709081888198853, 0.6211303472518921, 0.44489485025405884, -0.6485661268234253, -1.9321784973144531, -0.2926078736782074, 1.1444635391235352, -0.1752932369709015, 0.12724126875400543, -0.8468692302703857, 0.22314144670963287, -0.19829697906970978, -0.6912127137184143, 0.25478217005729675, -0.8508349061012268, 0.07049839198589325, -0.9805582761764526, 0.6316270232200623, 0.16417890787124634, -0.21073031425476074, 0.7694289684295654, -0.029856611043214798, 0.40909576416015625, -0.5262517333030701, -0.535922110080719, 0.9468576908111572, -0.5915294885635376, 1.0179474353790283, 0.013712503015995026, 1.3198130130767822, 0.8327336311340332, -0.15082141757011414, -0.549400269985199, 0.8067790865898132, 0.016528502106666565, 0.5566975474357605, 0.7213999032974243, -0.38360244035720825, 0.34727346897125244, -0.559734046459198, 0.5760911703109741, -0.4200668931007385, 0.13689090311527252, -0.5546976327896118, 0.4562802314758301, -0.3006516695022583, -0.3442014753818512, 0.9894670248031616, 1.1184378862380981, 1.48264479637146, -0.39858824014663696, 0.43915796279907227, -0.2789076864719391, 0.221371591091156, 0.11456119269132614, -0.1462182104587555, -0.0331977903842926, -0.5888672471046448, -0.26308077573776245, 0.8696780204772949, 0.3312148153781891, -0.6155821084976196, -0.0973314717411995, 0.49994489550590515, -0.31422385573387146, 0.08515159785747528, 0.15539416670799255, 0.23269198834896088, 0.3982475996017456, 1.3164994716644287, -0.03234478086233139, -0.4758482873439789, 0.19059574604034424, -0.07124078273773193, 0.7382463216781616, 0.2972984313964844, -1.5076014995574951, 0.21572130918502808, 0.17652633786201477, 1.1703999042510986, 0.24171467125415802, 1.4721261262893677, 0.8121028542518616, -0.5222017765045166, -0.8196268081665039, -0.44895878434181213, -0.954728364944458, -0.5347089171409607, 0.12075188010931015, -0.6058015823364258, 0.22386534512043, 0.0769800916314125, 0.2851625978946686, -1.8132882118225098, 0.5245665311813354, 0.12430986016988754, -1.1136565208435059, 0.5205047726631165, 1.5095027685165405, -1.0428873300552368, -0.3034338653087616, 0.28949910402297974, -0.7076578140258789, -0.603325605392456, 0.04532170295715332, 0.17087291181087494, 0.6369099020957947, -0.07998895645141602, 0.7016504406929016, -0.21814772486686707, 0.5200512409210205, -1.069868803024292, 0.8343218564987183, 0.6946075558662415, -0.6956639885902405, 0.6775354146957397, 0.6053789854049683, 0.18934600055217743, 0.7171686887741089, -1.4428114891052246, 0.1434459388256073, 0.18822437524795532, 0.36247795820236206, -0.8412027955055237, -0.37426990270614624, -0.49294570088386536, 0.1613347828388214, -0.009666159749031067, -0.15490281581878662, -1.1978753805160522, 0.5887423753738403, -0.5541157126426697, 0.06841081380844116, 0.773521900177002, -0.7996079921722412, -0.9616876840591431, 0.2698639929294586, -0.4486108124256134, 0.5007777214050293, 0.031494058668613434, 0.3615860641002655, 1.0951974391937256, 0.2908838391304016, 0.48264598846435547, 0.2626560628414154, -13.312643051147461, 0.7845596671104431, -0.3279525935649872, 0.38286828994750977, 0.36514726281166077, -0.06693381816148758, -0.5755243301391602, 0.6438204646110535, 1.1612651348114014, -0.5313199162483215, 0.24907046556472778, 0.4396049678325653, 0.18670707941055298, 0.3930061161518097, -0.1533450335264206, -0.9517974853515625, -0.6070674657821655, -0.4872894883155823, 0.17035196721553802, 0.4463657736778259, 0.0505356527864933, -1.0898462533950806, -0.03009757027029991, 0.07252625375986099, 0.14803943037986755, -0.24153754115104675, 0.1945047378540039, -0.13891862332820892, -0.7326987981796265, 0.09160387516021729, 0.7783905267715454, -0.04263892397284508, -0.3379065990447998, -0.12902478873729706, 0.7238787412643433, -0.02373621240258217, -0.8757593631744385, -0.2624145448207855, 0.3740217685699463, 0.24957291781902313, -0.14609871804714203, 0.03910105302929878, 0.3742719292640686, -0.43570151925086975, -0.31975674629211426, 0.40597641468048096, -0.0984305813908577, 0.12562857568264008, 0.1610451638698578, -0.3737761080265045, -0.6718422770500183, -0.38621482253074646, -1.278860092163086, -0.8347296118736267, 0.8589392304420471, -0.29953649640083313, -0.5297786593437195, -0.08877725899219513, -0.6118271946907043, -0.6660223007202148, 0.44182512164115906, 0.6730117797851562, -0.53597491979599, 0.5895598530769348, 0.7159919738769531, -0.26876986026763916, 0.5267186164855957, 0.09081236273050308, 0.06264305859804153, 0.10990148782730103, -0.37009167671203613, 0.5807535648345947, 0.1695452332496643, 0.21324056386947632, 0.6879242062568665, 0.5719632506370544, -0.21756964921951294, 0.041107501834630966, 0.7494922280311584, 0.4618053138256073, -0.8419708013534546, 0.3613576889038086, -0.6348236203193665, 0.06821649521589279, -0.711922287940979, 0.5738563537597656, 0.14759302139282227, 0.16368477046489716, 0.6598514318466187, 0.36461642384529114, 0.6771324276924133, 0.21385443210601807, -0.3951576352119446, -0.4262710213661194, -0.7055263519287109, 0.8327834606170654, -0.13250528275966644, 0.7025803327560425, -0.09670993685722351, -0.3106614649295807, 0.5755833387374878, -0.26184478402137756, -0.9683265686035156, -0.4555971324443817, 0.7695173621177673, -0.28849777579307556, -0.026696830987930298, -0.30285561084747314, -0.43097400665283203, 0.23093488812446594, 1.0622901916503906, -0.43005451560020447, -0.15876555442810059, 0.6987528800964355, 0.4110718071460724, 0.5298880934715271, 1.2290066480636597, -0.7103055119514465, 0.449948787689209, 0.5239850878715515, -0.3233460783958435, -0.18447797000408173, -0.18075476586818695, 1.1081576347351074, 0.3461773097515106, -0.11747882515192032, 0.12306341528892517, 1.1057088375091553, -0.44752636551856995, -0.9934730529785156, -0.3660790026187897, -0.11021600663661957, -0.21579769253730774, -1.2427234649658203, -0.8143949508666992, -0.581360936164856, -0.13608989119529724, 1.5115127563476562, -0.7671272158622742, 0.2192334234714508, -0.036893948912620544, -1.0860966444015503, -0.7801602482795715, -0.6118533611297607, -0.8676517009735107, -0.20597335696220398, -1.9755127429962158, 0.38566526770591736, -0.47071245312690735, -0.29891955852508545, 0.2201651781797409, -0.06671658158302307, 0.6637954115867615, -0.6658238768577576, -0.4702731966972351, -0.37157517671585083, 0.21624596416950226, -0.4259277284145355, -0.4277952313423157, -0.18680894374847412, 0.4540829360485077, 0.8132197260856628, -0.6469529271125793, 0.10190574824810028, 0.07898393273353577, 0.5070274472236633, -0.7605351209640503, -0.26455965638160706, -0.4783497154712677, 0.2699233889579773, 1.3769080638885498, -1.1417932510375977, -0.5150667428970337, -0.3752845823764801, -0.15367521345615387, -0.8053447008132935, 0.8518485426902771, 0.5442579388618469, -1.1541866064071655, 0.3087475597858429, -0.1705395132303238, -0.05525264889001846, 0.42926323413848877, -0.6565538644790649, -0.5539069771766663, 0.3628849685192108, 0.21745344996452332, 1.0817556381225586, 0.15016315877437592, 0.672959566116333, -1.708187222480774, -0.9368000030517578, -0.6585795283317566, -0.26466232538223267, 1.4087026119232178, 0.2665777802467346, 1.3780934810638428, 0.2509310841560364, 0.0919477641582489, -0.41939783096313477, 0.09164707362651825, 0.916978120803833, -0.1655268520116806, 0.33333590626716614, -0.8917189836502075, 0.14967012405395508, -0.870896577835083, -0.3070329427719116, 0.0019853170961141586, 0.06185583770275116, -0.9029527902603149, -0.47080421447753906, 0.31756260991096497, -0.38472989201545715, -0.0721391886472702, -0.8426882028579712, 0.3627568483352661, 0.27316051721572876, -0.6103172898292542, -0.906532883644104, 0.15492741763591766, 1.3283907175064087, -0.20794089138507843, 1.1326326131820679, 0.6178566813468933, 0.07345632463693619, 0.4827287793159485, 0.46362805366516113, 1.1268737316131592, 0.2547891438007355, -0.21137835085391998, 0.21889299154281616, 0.22529518604278564, 0.07352981716394424, -0.0001896992325782776, -0.3393958508968353, -0.7997574210166931, 0.5520341992378235, -0.6099359393119812, 0.5635777711868286, -0.16894537210464478, -0.2866221070289612, -0.1599791795015335, 0.8276726603507996, -0.5886810421943665, -1.7656691074371338, -0.6899702548980713, -0.4048805236816406, 0.4089241027832031, 0.77001953125, 0.13091620802879333, 0.824286937713623, 0.5031642913818359, 0.4920377731323242, 0.7431209087371826, 0.04931551218032837, 0.39439576864242554, 0.2625821530818939, 0.09697664529085159, 1.3513076305389404, 1.2622764110565186, -0.6948422193527222, -0.13303063809871674, -0.1271328330039978, -1.1173062324523926, 0.09639902412891388, -0.25040504336357117, -0.10206656157970428, 0.3565901517868042, -0.4215764105319977, -0.32119613885879517, -0.654930055141449, -0.398237943649292, -0.4839361608028412, -0.056900378316640854, -0.09740173816680908, -0.29943227767944336, -0.663818895816803, -0.7819876074790955, -0.22701863944530487, 0.38672906160354614, -0.4554905891418457, -0.5730379819869995, -0.7544357776641846, 0.7404080033302307, -0.05334369093179703, -0.2670237123966217, -0.690219521522522, 0.28829529881477356, -0.3287481367588043, 0.02580244094133377, 0.2039644420146942, -0.0043053776025772095, -0.6440176963806152, -0.24892470240592957, -0.44153326749801636, 0.4368612468242645, 0.04960842430591583, -0.9899882078170776, -0.23995502293109894, 0.2668915092945099, -0.18386538326740265, -0.31566476821899414, 0.08827224373817444, 0.13667966425418854, -1.2109549045562744, 0.5270660519599915, 0.2260906994342804, -0.07310283184051514, -0.37953147292137146, 0.2576926052570343, 0.8124323487281799, -0.35412436723709106, 1.0320522785186768]} +{"paper_id": "kelm", "embedding": [-0.9589760303497314, 1.169018268585205, 0.11400622129440308, -0.4643196761608124, 0.6532984375953674, -0.5520025491714478, 0.8014039397239685, 0.24897819757461548, 0.3277629017829895, 1.533012866973877, 0.29275378584861755, 0.45248880982398987, -0.14097613096237183, -0.21548236906528473, -0.06884342432022095, 0.04606194049119949, -1.0834888219833374, -0.6012485027313232, -1.3598954677581787, -0.4620521366596222, -0.9855979681015015, -1.0424389839172363, 0.1330769658088684, 0.41861099004745483, -0.3711718022823334, -0.8813220858573914, 1.360920786857605, -1.3473478555679321, 0.5202812552452087, -0.014348272234201431, -0.45940160751342773, 1.215459942817688, -1.1801689863204956, 0.5762135982513428, -0.010778781026601791, 0.27753424644470215, 0.5343268513679504, 1.8161710500717163, -0.25133252143859863, 0.36935174465179443, -0.4432954490184784, 0.21468788385391235, 0.33112332224845886, -0.143174946308136, 0.7618653178215027, -0.5573469400405884, 0.5607014298439026, -0.06063384935259819, 0.03952449560165405, -0.5387448072433472, -0.5848873257637024, 0.36155015230178833, 0.03208285570144653, 0.3238537311553955, -0.12283434718847275, 1.8308489322662354, 0.013443507254123688, -1.0775561332702637, 0.8085339069366455, -0.06319910287857056, 1.0442955493927002, 1.9965102672576904, -0.3064360022544861, 0.7049710154533386, 0.6213213205337524, 0.3266409635543823, 0.9682631492614746, 0.5240355730056763, 0.9122462272644043, 0.11775989830493927, 0.02834215760231018, -1.0218044519424438, 0.5732800364494324, -0.1191273182630539, 0.3053472638130188, 1.8436899185180664, 0.6507700085639954, -0.3106266260147095, 0.4442213773727417, -0.3788852393627167, -0.24688230454921722, 1.0369923114776611, 0.7466793060302734, -0.1333812177181244, -0.2885463833808899, 0.8659406900405884, 0.29594123363494873, -0.314694881439209, 0.004983166232705116, -2.3047051429748535, 0.500549852848053, 0.481361985206604, -0.3049761950969696, -1.0047154426574707, -0.2241000235080719, -0.07854625582695007, -0.719668984413147, -0.6375243067741394, -0.5804441571235657, 0.3569711148738861, 0.7857509851455688, -0.35764139890670776, 0.41955047845840454, -0.154506117105484, 0.0020997151732444763, 0.5313845872879028, -0.4269157946109772, 0.23357418179512024, -0.2783969044685364, -0.6658376455307007, 0.22507336735725403, 1.2936511039733887, 0.6749273538589478, 0.20832756161689758, -0.7833231091499329, 0.06628862023353577, 0.17520523071289062, -0.6097407341003418, 0.03305382654070854, 0.29913508892059326, 0.24328915774822235, -1.1661711931228638, -0.2214658558368683, 0.5801790952682495, 0.5524937510490417, -1.4322093725204468, -0.06454233825206757, 0.42750629782676697, 0.3622335195541382, -0.15835192799568176, 0.6914899349212646, -0.2634083926677704, -1.0480934381484985, -0.19082961976528168, 2.831963539123535, -0.9628368020057678, 1.7584617137908936, -0.10353983938694, -0.07841731607913971, -0.8220028877258301, 0.09782252460718155, 0.8264804482460022, 0.3660932779312134, -0.17759090662002563, -0.5422443747520447, 0.3712407946586609, -0.33778858184814453, 0.4675268232822418, -1.2241172790527344, 0.24050641059875488, 0.30869612097740173, -0.10310327261686325, -1.9774956703186035, -0.04743592068552971, -0.8025528192520142, 0.46296367049217224, -0.21875077486038208, -0.07883869856595993, -0.659227728843689, 0.8740429282188416, 0.8318578600883484, -0.4191232919692993, -0.49653804302215576, -0.23977230489253998, -1.2634369134902954, -0.07054554671049118, 0.7527488470077515, -0.22044119238853455, -1.1442477703094482, -0.054861582815647125, 0.5224285125732422, 0.11007894575595856, -0.22029492259025574, -0.18243318796157837, -0.12505167722702026, 0.1398894190788269, 0.6190135478973389, 0.5835303068161011, 0.014879735186696053, -0.1647850126028061, -0.9915043115615845, -1.0959367752075195, -0.5331504344940186, 0.309858113527298, -0.8643174171447754, 1.4320638179779053, -2.7287557125091553, 0.4405544400215149, -0.2903096675872803, 0.2798369526863098, 0.12109088897705078, -0.1933215707540512, 0.17161278426647186, -0.4750264585018158, 0.7058197855949402, -0.9463133215904236, 0.494798868894577, -1.0005260705947876, -0.11928557604551315, 0.3508197069168091, -0.4038555324077606, 0.6784904599189758, -0.4057091474533081, 1.4107307195663452, 0.40158918499946594, -0.687630295753479, -0.6278745532035828, -2.4267306327819824, 0.4206942617893219, 2.1294422149658203, -0.33822867274284363, -1.2960405349731445, -0.6179985404014587, 0.158763125538826, 0.189030259847641, -0.4657846987247467, 0.1655578762292862, -0.3340502977371216, 0.4439517557621002, -0.6201329827308655, 0.4385424554347992, -0.48440998792648315, 1.0247169733047485, 0.37173688411712646, 1.3964595794677734, -0.3461489975452423, -0.09829839318990707, -0.70172518491745, -1.9134700298309326, 0.206232488155365, 0.8307514786720276, 0.26228973269462585, -0.5537715554237366, 1.4405947923660278, -0.9750191569328308, 0.7676029801368713, 0.32881271839141846, 0.4975593090057373, -1.0822904109954834, 0.9461847543716431, 0.03651571273803711, 2.4486782550811768, 0.17646686732769012, 0.3333953022956848, -0.02706793323159218, 0.14728917181491852, -0.14450447261333466, -0.9150713682174683, 0.7769214510917664, -0.07977809756994247, 1.5508731603622437, 0.4137963652610779, -0.3847518861293793, 1.0467921495437622, -0.5853340029716492, -0.09625919908285141, -1.1111725568771362, -0.9048927426338196, -0.6401318311691284, -0.03156908601522446, 1.1889861822128296, -0.36208558082580566, 0.5658657550811768, -0.4508933424949646, -0.7761555314064026, -1.3708642721176147, -0.1859627068042755, 0.02607712149620056, -0.2734984755516052, -1.245033621788025, 0.05741962790489197, -0.6093065738677979, -1.008655071258545, -1.0105983018875122, 0.26226234436035156, -0.3714744448661804, 0.17942485213279724, 0.8472332954406738, 0.6324858069419861, -0.48813968896865845, 0.783626914024353, 0.22761933505535126, 1.2062307596206665, -0.9710508584976196, 0.798191249370575, 0.2922479212284088, -0.10263963788747787, -1.575939416885376, 1.1446518898010254, -0.05414993315935135, 0.5210461616516113, 0.5014024376869202, -0.40798336267471313, -0.3225691318511963, -0.6201584339141846, -0.36753568053245544, 0.9773523807525635, -0.3169102668762207, -0.1863989233970642, -0.1967906802892685, 2.14457368850708, 0.03917483240365982, -0.5740055441856384, 1.4962481260299683, -0.07650021463632584, -0.4396584630012512, 0.7079607248306274, -0.43156951665878296, 0.7620685696601868, 0.2739039659500122, 0.38554641604423523, 0.2784349024295807, 0.16926071047782898, -2.394334077835083, 1.0044177770614624, 0.8315984010696411, -0.5541018843650818, -0.14775191247463226, -0.4723493754863739, -0.1739961802959442, -0.7956682443618774, 0.3767131567001343, 0.2641642987728119, -0.1476801186800003, 0.7511019110679626, -0.39578112959861755, 0.11036214232444763, 1.853663444519043, -0.5303524136543274, 0.7755712270736694, 1.176866888999939, -0.03584995120763779, -0.9254658818244934, -0.10255873203277588, 0.34284380078315735, -0.3756256401538849, 0.08485995978116989, -0.45435988903045654, 0.7277677059173584, 1.1186047792434692, -0.7800363302230835, -0.20365849137306213, 0.5935838222503662, 0.39235275983810425, 0.4743371903896332, 0.40430083870887756, -0.28780966997146606, 0.7577707767486572, -0.47977960109710693, 1.2502195835113525, -0.35066157579421997, -1.2187728881835938, -1.045403242111206, -0.47392037510871887, -0.5631611943244934, -0.8908594250679016, 2.488501787185669, 0.04676489531993866, 1.5846682786941528, -0.2184038758277893, -0.14224296808242798, -1.3501967191696167, -0.25100359320640564, 0.8582829236984253, 0.7241879105567932, -0.4158908724784851, -1.2579834461212158, -0.3574601113796234, 0.40934842824935913, -0.017365995794534683, 0.1760452538728714, 0.281398206949234, 0.32978734374046326, 0.3920028805732727, -1.5227245092391968, 0.2900688648223877, 0.8175567984580994, -0.20384904742240906, 1.1131662130355835, -1.299556016921997, -0.15439769625663757, 0.33981794118881226, -0.2211817055940628, 0.36373937129974365, 0.40831074118614197, -0.8619207143783569, 1.11756432056427, 0.8889174461364746, 0.2561250627040863, -0.17115812003612518, 1.1623207330703735, 1.423423409461975, -0.8442845940589905, -1.6692848205566406, -0.15736646950244904, -0.6522749662399292, -0.5328792333602905, 0.1559358537197113, 0.5901013612747192, -0.7145204544067383, 0.4197266399860382, -0.6218052506446838, -0.5745285749435425, 1.4861358404159546, -0.6648158431053162, -1.1320836544036865, 0.5670256614685059, 0.510285496711731, -1.4768973588943481, -0.2429804801940918, -0.5691161155700684, -1.202704668045044, -0.8414228558540344, -0.2930774688720703, -0.46819716691970825, 0.3076587915420532, -0.08545506000518799, 0.5459257364273071, -0.12417487800121307, -0.21549062430858612, -1.3608320951461792, 0.4254540801048279, 0.9197182059288025, -0.5233176350593567, 0.4061308205127716, 0.13480210304260254, 0.5320785045623779, -0.3249911069869995, -0.6095595955848694, -1.554222583770752, 1.2061630487442017, 0.25202399492263794, 0.5245561003684998, -1.2390084266662598, -0.892935037612915, 0.5483220219612122, 0.12041381001472473, 0.8830847144126892, -0.7147483825683594, -0.24417446553707123, 0.3930252194404602, 0.35084304213523865, 1.0097702741622925, -0.6807567477226257, -1.2621679306030273, 1.1122536659240723, -0.35435086488723755, 0.8629661798477173, -0.683330774307251, 0.1796410232782364, 1.2300869226455688, -0.3548807203769684, -0.5464687943458557, -0.6918805241584778, -9.3379545211792, 0.3519848883152008, 0.1571386456489563, -0.12804047763347626, 1.3586781024932861, -0.8129093647003174, 1.6198606491088867, -0.13039913773536682, 0.7911030054092407, -1.1099666357040405, 0.5147882103919983, 1.099887490272522, 0.1543193757534027, 0.2438870668411255, -0.4827529489994049, -2.1531982421875, -0.9920164346694946, -0.18674731254577637, -0.13976818323135376, -0.27850809693336487, -0.08869714289903641, -0.008144699037075043, -0.33491194248199463, 0.7057085633277893, 0.2925221025943756, 0.8655588030815125, -0.08726517856121063, -0.2097715586423874, -0.06050878018140793, -0.5748989582061768, 0.4063057601451874, 0.48867490887641907, -0.8551087379455566, -0.7580173015594482, -0.6134000420570374, 0.10770660638809204, -0.7866919636726379, -0.4243735373020172, 1.2017252445220947, -0.7995772957801819, -1.5178635120391846, 1.1056127548217773, 1.058962345123291, 0.403130441904068, -0.5448912978172302, 0.6381946802139282, 0.9437990188598633, -1.251280665397644, -0.020072616636753082, -0.6468473672866821, -0.2984161972999573, -0.6412278413772583, -0.797960638999939, 0.11752043664455414, 0.1325293928384781, 0.49740907549858093, -0.12148387730121613, -0.3317217528820038, -0.9497345089912415, -0.9421286582946777, 0.22808989882469177, 0.5041880011558533, -0.10001523792743683, -0.3705161213874817, 0.34734392166137695, -0.5183380246162415, 0.4314879775047302, 0.9903768301010132, -0.6591938138008118, 0.02032800018787384, -0.06944819539785385, 0.5128799676895142, 0.047862209379673004, 0.2801031470298767, -0.126912921667099, 0.13398903608322144, 0.45272091031074524, 0.13284052908420563, 0.4043678343296051, 0.08484476804733276, -1.1370139122009277, 0.6113768815994263, 0.479851096868515, -0.9249059557914734, -0.3439013659954071, 0.01066187396645546, -0.8035241365432739, 0.1774367094039917, 0.6110979318618774, -0.7256801724433899, 1.2577983140945435, -0.26023149490356445, 0.01507456786930561, 0.15190505981445312, -0.5581179261207581, 0.21056216955184937, 0.3230982720851898, 0.23834770917892456, 0.3310993015766144, -0.7899866104125977, 0.6270887851715088, -0.7807213068008423, -0.4574775993824005, -1.0600762367248535, 0.3488669693470001, 0.8086293935775757, -0.17220400273799896, 0.36789679527282715, 0.14814655482769012, -0.43190237879753113, 0.8385834693908691, 0.2562049925327301, -1.2744590044021606, 1.1666151285171509, -0.8762301206588745, 0.7166048288345337, 1.0814464092254639, -0.1988668292760849, 0.3153952956199646, 1.377831220626831, -0.49286437034606934, 1.1847513914108276, 0.21018628776073456, 0.5962093472480774, -0.20009537041187286, -0.5098665952682495, 0.6587868928909302, 0.46713852882385254, -0.38733842968940735, -1.1077882051467896, -0.3081046938896179, -0.36614635586738586, 0.172603577375412, -0.6944807171821594, -0.9133872389793396, -0.394987553358078, -0.9175020456314087, 1.6433095932006836, -0.6221122741699219, 0.3613055348396301, 0.2930765748023987, -0.9641472101211548, 0.7958293557167053, -1.0608404874801636, -0.7389939427375793, 0.09914738684892654, -1.1070553064346313, 0.37540632486343384, -0.48237094283103943, -0.9289138317108154, 0.15643765032291412, -0.07330157607793808, 0.7249702215194702, -1.2052220106124878, -0.295569509267807, -0.057435743510723114, 0.2547418773174286, 0.2234937846660614, -0.9276043772697449, 0.5527712106704712, -0.6716528534889221, 0.1902448832988739, -0.5097799897193909, 0.845212996006012, 0.6546777486801147, -0.994535505771637, -0.05926373228430748, 0.1448885053396225, -1.1933461427688599, -0.07323089987039566, 0.9753353595733643, -0.7725671529769897, 0.28061094880104065, -0.5076608657836914, -0.2134397327899933, -1.5877599716186523, 1.3492918014526367, 1.362242579460144, -0.3449082374572754, -0.47107934951782227, 1.3186771869659424, 0.8694361448287964, 0.11305952072143555, -0.11375141143798828, -0.112131766974926, -0.791606605052948, 0.9302339553833008, 0.5012423396110535, 0.09693289548158646, 0.7952423691749573, -1.5847138166427612, -0.7068864107131958, -0.2590504586696625, -0.20070888102054596, 0.332671195268631, -0.23248860239982605, 1.5510426759719849, 1.6078875064849854, 0.028910353779792786, 1.1163170337677002, 0.5185962319374084, 0.8021081686019897, 0.4160866439342499, 1.2512918710708618, 0.3250657618045807, -0.12218070775270462, -1.2049447298049927, 0.5206719636917114, 0.5391353368759155, 0.3111633062362671, -0.780746579170227, 0.5596407651901245, 0.7989473342895508, -0.7816318273544312, 0.2329040914773941, -0.7745324373245239, 0.4376329779624939, -0.964043140411377, -0.15735681354999542, -0.9379870891571045, 0.7077147960662842, 1.1604421138763428, -0.15444540977478027, 0.8311904668807983, 1.0221136808395386, 0.23872904479503632, 0.8130326271057129, 0.49954378604888916, 1.1563630104064941, -0.7009820342063904, -0.6033020615577698, 0.643293559551239, 0.9941607713699341, -0.1614917516708374, -0.33842703700065613, -1.2296751737594604, -0.40221649408340454, 0.6935703158378601, -0.20878033339977264, 0.5466306209564209, 0.3552928566932678, 0.6933952569961548, 0.9383261203765869, 0.9702821373939514, -0.9144985675811768, -1.8037121295928955, -0.2904333174228668, -1.6813035011291504, 0.13811571896076202, 0.7273839116096497, 0.9971634745597839, 0.45119932293891907, 0.8931769132614136, 0.8683338165283203, 0.8947019577026367, -1.1468366384506226, 0.35435283184051514, -0.4018276035785675, -0.5075697302818298, 0.9025561809539795, 0.23961016535758972, 1.6878437995910645, -0.30234047770500183, -0.13545531034469604, -0.2016509473323822, -0.36580830812454224, -0.04529733955860138, 0.46150147914886475, 1.134220838546753, -0.5364206433296204, -0.047243934124708176, -0.7205427289009094, 0.9973464608192444, -0.9591836333274841, 0.45303091406822205, -0.37057292461395264, -0.44256752729415894, -0.37099799513816833, -0.9485801458358765, -0.5788542032241821, 0.7471087574958801, -0.38883909583091736, -0.599027156829834, 0.2829833924770355, 0.7537455558776855, -0.17219041287899017, 0.18414023518562317, -0.7893649339675903, 0.0011414624750614166, -0.8234438896179199, 0.40740638971328735, -0.3789631724357605, -0.34209349751472473, -0.27306920289993286, 0.1846362203359604, -0.7312198281288147, 0.6991694569587708, -0.0802510604262352, -0.8305989503860474, -0.7061905860900879, -0.0486820749938488, -0.689759373664856, 0.48687228560447693, 0.16419753432273865, -0.5730828642845154, -2.130800724029541, 0.5597124099731445, 1.088927984237671, -0.10695627331733704, -1.0454381704330444, -0.06809993833303452, -0.4034564197063446, 0.26831552386283875, 0.9754469990730286]} +{"paper_id": "zest", "embedding": [-0.5380061268806458, 1.08158278465271, -0.32239848375320435, -0.5714175701141357, 0.33137843012809753, -0.49985963106155396, 1.0087759494781494, 0.4263399839401245, 0.4226805567741394, 0.45293566584587097, 0.848755955696106, 0.2521776854991913, 0.333484023809433, -0.16918587684631348, -0.3259750008583069, -0.29722824692726135, -0.21922966837882996, -0.6512888669967651, -1.492756962776184, -0.8268493413925171, -0.6809380650520325, -0.2602996230125427, 0.29190587997436523, 0.7866786122322083, -0.24928992986679077, -1.2331753969192505, 0.8082387447357178, -1.2220181226730347, 0.20702007412910461, 0.25013887882232666, 0.2580793797969818, 1.1769202947616577, -1.3611894845962524, 0.9492130875587463, -0.21045076847076416, -0.6297582387924194, 0.17676712572574615, 0.9772141575813293, -0.06347832083702087, 0.019229087978601456, -0.2093673199415207, -0.3359997272491455, 0.8068217635154724, 0.17736221849918365, 0.5760763883590698, -0.6100966334342957, 0.11649512499570847, 0.12560559809207916, -0.5384085774421692, 0.15219561755657196, -0.5177555680274963, 0.13187122344970703, -0.2009253352880478, 0.2564769387245178, -0.6124041676521301, 1.458364725112915, 0.9164354801177979, -0.9970133900642395, 1.0189205408096313, -1.2726318836212158, 1.0075370073318481, 1.5042918920516968, -0.2998894155025482, 0.24004186689853668, 0.9706279039382935, 0.063600555062294, 1.639827013015747, 0.6741668581962585, 0.550387978553772, 1.1848572492599487, -0.161564439535141, -0.4282359778881073, 0.4894177317619324, 0.6496877074241638, 0.9958001375198364, 0.5682969093322754, 0.537994921207428, -0.4927525222301483, -0.21867230534553528, -0.1548372507095337, -1.0549111366271973, 0.2337469905614853, 0.7491387724876404, -0.1731148064136505, 0.060600392520427704, -0.1645464301109314, 0.17999742925167084, -0.8115268349647522, -0.0070035383105278015, -1.2319331169128418, 0.6191259622573853, 0.23938481509685516, 0.04046749696135521, -0.5742988586425781, 0.13977211713790894, -0.3940054774284363, -0.2195296734571457, -0.25221529603004456, -0.41000914573669434, 0.35020777583122253, 0.5637532472610474, -0.007715132087469101, 0.26484355330467224, 0.22217467427253723, 0.2729056477546692, 0.5883795619010925, -0.21723204851150513, -0.36746999621391296, -0.7420617341995239, -0.40304967761039734, 0.035514023154973984, 1.1682724952697754, 0.27006101608276367, 0.5255129933357239, 0.02999119460582733, 0.14656946063041687, 0.13584288954734802, -0.17743097245693207, -0.3894924819469452, -0.14890038967132568, 0.001918373629450798, -1.274385690689087, 0.0053673312067985535, -0.2142391949892044, 0.575747549533844, -0.578865110874176, -0.027368880808353424, -0.3599878251552582, -0.222862109541893, 0.08570312708616257, 0.8322868347167969, 0.4672728180885315, -0.4278309643268585, 0.09231959283351898, 2.957793712615967, -0.58001309633255, 0.6856843829154968, -0.2342236191034317, -0.18697667121887207, -0.39889925718307495, -0.12960803508758545, 0.6695441603660583, 0.2232086956501007, -1.060410737991333, -0.2183748483657837, 0.36589673161506653, -0.35949432849884033, 0.2656189501285553, -1.1732323169708252, 0.2258448600769043, 0.36808905005455017, 0.5435697436332703, -1.1172893047332764, -0.6170706748962402, 0.00883001834154129, 0.412644624710083, 0.3198453187942505, 0.42887765169143677, -0.7557677626609802, 0.8665617108345032, 0.30596333742141724, -0.2634018659591675, -0.43684422969818115, 0.4973111152648926, -0.4538305103778839, -0.09751614183187485, 1.201194167137146, -0.47860202193260193, -0.5431501865386963, -0.47948989272117615, 0.814947247505188, -0.038411304354667664, -0.10442598164081573, -0.22559626400470734, 0.21660351753234863, 1.0993775129318237, 0.036764465272426605, 0.6821974515914917, -0.030716633424162865, -0.4350380301475525, -0.4523838460445404, -0.1367575228214264, -0.1708136647939682, 0.6143338084220886, -0.18343502283096313, 0.605736255645752, -2.105186939239502, -0.1493898332118988, -0.4287365674972534, -0.24368679523468018, -0.40000981092453003, 0.14289288222789764, 0.3941338360309601, 0.09197734296321869, -0.19891387224197388, -0.4459112882614136, 0.8517491221427917, -0.7369494438171387, -0.23844203352928162, 0.7587962746620178, -0.46605023741722107, 0.045974001288414, -0.46582159399986267, 0.7681865096092224, 0.5693668723106384, -0.05924995243549347, -0.1631619930267334, -1.5304436683654785, 0.7112487554550171, 1.7751473188400269, 0.3554828464984894, -0.5667924880981445, -1.1046514511108398, -0.5291125178337097, 0.15659302473068237, -0.531218409538269, 0.15339073538780212, -0.3753986954689026, -0.19996869564056396, -1.6206146478652954, 0.06042730435729027, -0.5907599925994873, -0.47903919219970703, 0.46770918369293213, 1.5152987241744995, -0.528205156326294, -0.29697176814079285, 0.02281380631029606, -1.1789026260375977, 0.7412572503089905, 0.5133673548698425, 0.5764164924621582, -0.35955554246902466, 0.8990480899810791, -0.1757059395313263, 0.427184522151947, 0.3522885739803314, 0.5951765775680542, -0.6721906661987305, 0.20768189430236816, -0.019842881709337234, 0.1312146633863449, -0.745842456817627, 0.18953105807304382, -0.27099981904029846, 0.2810235321521759, -0.7134976983070374, -1.037530541419983, 0.17505618929862976, -0.3133353590965271, 1.3861336708068848, 0.36140045523643494, -0.4963672459125519, 0.6835983991622925, -0.434420645236969, 0.1253466010093689, 0.11724239587783813, -0.6327811479568481, -0.0922047346830368, -0.2674749493598938, 1.085374116897583, 0.17078906297683716, 0.8806037902832031, -0.20051142573356628, 0.033562734723091125, -1.2401115894317627, -0.44559040665626526, -0.2581709623336792, -0.3351675271987915, -0.7483072280883789, -0.3981024920940399, 0.23077891767024994, -0.8566572070121765, -0.32797107100486755, -0.1525317281484604, 0.5211706161499023, 0.20844751596450806, 1.4180898666381836, 0.9593877792358398, 0.08833017945289612, 0.5919710397720337, 0.04785323143005371, 1.2691473960876465, -0.4020552337169647, 0.4318145513534546, 0.6192694306373596, 0.13152681291103363, -0.9878844618797302, 0.06308838725090027, -0.7733491659164429, 0.28684550523757935, 0.46073293685913086, -0.10198568552732468, 0.14311063289642334, -0.19990652799606323, -1.2462047338485718, 1.3503997325897217, -0.5973133444786072, 0.6552800536155701, -0.9104464650154114, 1.3878490924835205, 0.5025370121002197, -0.5465001463890076, 0.7648141384124756, 0.06666634231805801, -0.12687009572982788, 0.9960796236991882, -0.33025795221328735, 0.748712956905365, 0.5821337103843689, -0.003573988564312458, 0.5108456611633301, 0.1288779079914093, -2.5752158164978027, 0.35125210881233215, 0.4891909956932068, -0.21351143717765808, -0.2584162950515747, -0.5537065267562866, -0.27319055795669556, -0.2924079895019531, -0.12487718462944031, 0.3514268100261688, -0.8804658651351929, 0.22443430125713348, -0.22347292304039001, -0.17265120148658752, 1.2111656665802002, -0.8562400937080383, 0.35552671551704407, 0.5393966436386108, 0.1508198231458664, -0.7151329517364502, -0.16662472486495972, 0.4746083617210388, -0.5736467242240906, -0.3468887209892273, 0.26060807704925537, 1.2393999099731445, 1.045289158821106, -0.27878832817077637, -0.04901587963104248, 0.38119739294052124, 0.2736206650733948, 0.20228193700313568, 0.6814618706703186, -0.4380834698677063, 0.034132663160562515, 0.4520595669746399, 1.4421124458312988, -0.4596184492111206, -1.162802815437317, -0.8489234447479248, -0.13057492673397064, -0.6821902394294739, -0.8298405408859253, 1.1824800968170166, -0.08996864408254623, 0.9993253350257874, -0.1824812889099121, 0.48251593112945557, -0.9413031935691833, -0.02395625039935112, 0.26330316066741943, 0.162153959274292, -0.5181189179420471, -0.7756214141845703, -0.27388620376586914, 0.6493478417396545, 0.030712909996509552, -0.6616508364677429, -0.07045426219701767, 0.9779499769210815, 0.5554621815681458, -1.266432762145996, 0.6622416973114014, 1.0625323057174683, 0.8024507164955139, 1.62096107006073, -0.3860643208026886, -0.06194161996245384, 0.35532498359680176, 0.24932444095611572, 0.10059798508882523, 0.1228170320391655, -0.4224827289581299, 0.6313197016716003, 0.694896399974823, 1.2368545532226562, 0.45550185441970825, 0.3412867784500122, 0.9464514255523682, -0.6490933895111084, -1.2250027656555176, -0.18257763981819153, -1.1789926290512085, -0.7296860218048096, -0.26276281476020813, 0.19926871359348297, -1.1050411462783813, 0.5909162759780884, 0.03553355485200882, -0.6527350544929504, 0.7282084226608276, -0.09954378753900528, -0.9320476055145264, 0.01860012114048004, 1.8977758884429932, -0.8694114089012146, 0.10937262326478958, 0.21839715540409088, -1.3160532712936401, -0.6956196427345276, -0.01310308463871479, -0.7327157855033875, 0.10472158342599869, -0.1813739389181137, 0.5776177644729614, -0.2689993977546692, -0.37332338094711304, -0.4906975328922272, 0.606141984462738, 1.469786286354065, -0.44806957244873047, 0.8596755266189575, -0.017801394686102867, 0.501884400844574, 0.08427179604768753, -0.7395310401916504, -0.07933388650417328, 0.784920871257782, 0.26575276255607605, 0.061985936015844345, -0.6554846167564392, -0.6407636404037476, 0.33624330163002014, 0.2591921389102936, 1.0554683208465576, -1.1437991857528687, -0.06038486212491989, 0.004781462252140045, 0.5532073378562927, 0.42349928617477417, -0.8205732703208923, -0.5453620553016663, 1.0661001205444336, -0.2251598834991455, 0.12357579171657562, -0.4227527379989624, 0.6169820427894592, 1.0273642539978027, -0.021079882979393005, -0.11786413937807083, -0.36934784054756165, -12.537952423095703, 0.6213961243629456, -0.11477159708738327, -0.03734643757343292, 0.7518806457519531, -0.5348339080810547, 0.5646852850914001, 0.01574239507317543, 0.23545676469802856, -0.3523004949092865, 0.8205063343048096, 0.7005941867828369, 0.5954434275627136, 0.002969140186905861, -0.19203412532806396, -1.2152992486953735, -0.22117184102535248, -0.6021328568458557, 0.6947844624519348, -0.12234700471162796, -0.10175321996212006, -0.5473395586013794, -0.043063435703516006, -0.1409807801246643, 0.43416234850883484, -0.5619019865989685, -0.6023679971694946, -0.3872665464878082, 0.07670387625694275, 0.42689239978790283, 0.3675277531147003, 0.2546834945678711, -1.2047514915466309, -0.3880470395088196, 0.3639991283416748, -0.44766321778297424, -0.27942514419555664, 0.14706486463546753, 0.764123797416687, 0.028222624212503433, -0.710178017616272, 0.33455678820610046, 0.27930593490600586, 0.42596474289894104, -0.572581946849823, 0.1833650916814804, 0.33805346488952637, -1.0922213792800903, 0.168697327375412, -0.6887595057487488, -0.35544419288635254, -0.5560163855552673, -0.1300404667854309, -0.7559216022491455, 0.5390940308570862, 0.5259482860565186, -0.38103359937667847, -0.08787009119987488, -0.31259220838546753, -1.1474343538284302, 0.32329562306404114, 0.5185627937316895, -0.1462523192167282, 0.04113123565912247, 0.31029435992240906, -0.527760922908783, -0.06646925956010818, 0.13186706602573395, -0.2257218360900879, 0.6644935011863708, -0.5896779298782349, 0.828283965587616, -0.017707398161292076, -0.054710254073143005, -0.3772640526294708, 0.35654711723327637, -0.46410202980041504, -0.19456492364406586, 0.4999876618385315, 0.19920212030410767, -1.3796286582946777, 0.8095309138298035, 0.2948972284793854, 0.25317245721817017, -0.7650341987609863, 0.5054525136947632, -0.06385774165391922, 0.13656559586524963, 0.9758524894714355, -0.21922218799591064, 0.8892213702201843, 0.02486138418316841, -0.6596280336380005, -0.45411521196365356, -0.7331399917602539, 1.4522281885147095, -0.4570053815841675, 0.1641603410243988, 0.47966423630714417, -0.8685569763183594, 0.17645540833473206, -0.38262590765953064, -0.497724324464798, -0.24852122366428375, 0.5334941148757935, 0.3968050181865692, -0.05390878766775131, 0.08627918362617493, 0.40158361196517944, 0.16053743660449982, 0.9286522269248962, 0.06869445741176605, 0.09855163842439651, 0.9871577620506287, -0.33266258239746094, 0.9072499871253967, 0.7648411989212036, 0.1510232388973236, 0.55753493309021, 0.625529408454895, -0.3761496841907501, 0.5962497591972351, 0.4153832793235779, 0.9377861618995667, 0.07672815024852753, 0.30588069558143616, 0.4155957102775574, 0.41847100853919983, 0.39645811915397644, -0.9891471266746521, 0.08491331338882446, -0.3922346830368042, -0.7034459710121155, -0.3019305169582367, -0.8508873581886292, -0.1597387045621872, -0.9737566709518433, 1.863909363746643, -0.19212685525417328, -0.1367558240890503, 0.4118030071258545, -0.8409437537193298, -0.2380710244178772, -0.8460695743560791, -1.150875210762024, 0.1353626847267151, -1.3594510555267334, 0.2012997269630432, -0.7240764498710632, -0.7222640514373779, -0.108806312084198, -0.09234824776649475, 0.8938007950782776, -0.8614741563796997, -0.006349163129925728, 0.18159893155097961, 0.28681623935699463, -0.4900078773498535, -0.5579710006713867, -0.566074788570404, 0.33364740014076233, 1.217943787574768, -0.29340317845344543, 1.269163966178894, 0.29368630051612854, -0.3960372805595398, -0.1996818482875824, -0.053026340901851654, -0.9419431686401367, -0.06457393616437912, 0.7596434950828552, -1.0621944665908813, -0.37314853072166443, -0.9291878342628479, -0.24923445284366608, -0.9927655458450317, -0.06118842959403992, 1.3025250434875488, -0.8395980000495911, 0.06165146082639694, 0.6136059165000916, 1.1772546768188477, 0.07973318547010422, -0.5666502118110657, -0.41638612747192383, -0.6456225514411926, 0.3450024127960205, 0.7303451299667358, 0.0665973648428917, 0.70701003074646, -1.4680137634277344, -0.6445688605308533, -0.44437161087989807, 0.1397116333246231, 0.5053654909133911, -0.4744742214679718, 1.1791127920150757, 0.35139378905296326, 0.4724663197994232, 0.25092530250549316, -0.282365083694458, 0.7888956069946289, -0.17463666200637817, -0.05509097874164581, 0.4258369505405426, 0.008435912430286407, -0.9777922630310059, 0.25499194860458374, -0.42442750930786133, 0.8549412488937378, -1.7047019004821777, -0.4050770401954651, 0.5306301712989807, -0.6617833375930786, -0.3462047874927521, -0.4437948763370514, -0.16340556740760803, -0.19012722373008728, 0.2200779914855957, -1.3422895669937134, 0.3160482943058014, 0.8678712248802185, -0.40894609689712524, 0.6701555252075195, 0.2921590209007263, 0.417632132768631, 0.4830821752548218, 0.5759438872337341, 1.1207541227340698, -0.13681873679161072, -0.9228164553642273, 0.40825480222702026, 0.6643253564834595, -0.39213132858276367, -0.19074447453022003, -0.12438778579235077, -1.5286601781845093, 0.7414469718933105, -0.8874673247337341, 0.8150889873504639, -0.8447385430335999, -0.3476790487766266, 0.44576627016067505, 1.033704400062561, 0.05407354235649109, -1.8979815244674683, -0.4815991222858429, -1.0031700134277344, -0.01133711263537407, 0.1988430619239807, 0.12303213030099869, 1.0044581890106201, 0.649047315120697, -0.0921010971069336, 0.8952847719192505, -0.17721441388130188, -0.5274815559387207, 0.31857308745384216, -0.05889134109020233, 0.9545912146568298, 0.6013337969779968, 0.6151710152626038, 0.5627651810646057, -0.11612362414598465, 0.004456065595149994, -0.566963791847229, -0.4140464961528778, 0.5700171589851379, 1.119502067565918, -0.26901066303253174, -0.689907431602478, -0.5426004528999329, 0.5863831639289856, -1.2614166736602783, 0.525246798992157, 0.318429172039032, -0.013570360839366913, -0.9114434719085693, -0.27779021859169006, 0.7243008613586426, 0.9674944281578064, -0.2219136655330658, -0.06104642525315285, -0.30867207050323486, 0.5684341192245483, 0.3448547124862671, 0.366849422454834, -0.806577205657959, 0.28990301489830017, -0.5501772165298462, 0.281430721282959, 0.06395559757947922, -0.4228191375732422, -0.3237570822238922, 0.03552436828613281, -0.8890883326530457, 0.7868092060089111, -0.22613634169101715, -0.7948815822601318, -0.6559284925460815, 0.21860681474208832, -0.4352589547634125, 0.20087476074695587, 0.4435497522354126, -0.3180828392505646, -1.4127423763275146, 0.48485270142555237, 1.098808765411377, -1.1829243898391724, -0.39108651876449585, -0.13466250896453857, 0.07919915020465851, -0.10702981799840927, 0.9360434412956238]} +{"paper_id": "gutenberg_time", "embedding": [-1.0451185703277588, 1.4878226518630981, 0.13176660239696503, 0.13681641221046448, 0.37695765495300293, 0.35107481479644775, 0.5707386136054993, 0.24981370568275452, 0.519855797290802, 0.21175405383110046, 0.5377283692359924, -0.41412675380706787, -0.3708149194717407, -0.4423977732658386, -0.771493136882782, -0.16682901978492737, -0.1850661337375641, 0.6016520261764526, -0.7330040335655212, -0.1827632635831833, -0.3678038716316223, -1.0579107999801636, -0.6468016505241394, 0.9246970415115356, -0.7710851430892944, -0.1645590364933014, 0.24243222177028656, -1.3015421628952026, -0.20713463425636292, -0.32005372643470764, 0.18047533929347992, 1.0701508522033691, -0.9803220629692078, 0.1689278781414032, -0.5688192248344421, 0.07282067090272903, -0.16312047839164734, 1.0308881998062134, -0.3422248363494873, -0.23391786217689514, -0.7877114415168762, 0.8286627531051636, 0.6318573355674744, 0.013102217577397823, 0.406995564699173, -0.13828164339065552, -0.32592061161994934, 0.4809845983982086, 0.26582467555999756, 0.533659040927887, -0.2004445344209671, 0.5393342971801758, -0.17304755747318268, -0.6511881351470947, 0.2259649932384491, 0.43053296208381653, -0.6945324540138245, -0.5302225947380066, -0.3486936390399933, 0.5557699203491211, 0.46787312626838684, 0.9593912959098816, -0.1869642436504364, 0.19150285422801971, 0.772713303565979, -0.21147029101848602, 1.2559537887573242, 0.4231657385826111, 0.11209823936223984, 1.0583184957504272, -0.7330889105796814, -0.7062061429023743, -0.19849863648414612, -0.00720253586769104, -0.6477636098861694, 0.4843895733356476, 0.4856261909008026, -0.1103687584400177, 0.4349483251571655, 0.8443056344985962, 0.028278488665819168, 0.42223191261291504, 0.19447605311870575, -0.7135361433029175, -0.4734799563884735, -0.15669500827789307, 0.5061933994293213, -0.6332798600196838, -0.20357167720794678, -1.6126898527145386, 0.2077903300523758, -0.24925757944583893, 0.43774452805519104, -0.02865857630968094, -1.136620283126831, 0.6713316440582275, 0.6290125846862793, -0.5123390555381775, -0.612952470779419, 0.41941195726394653, 0.5811273455619812, -0.16550108790397644, 0.27225711941719055, -0.41467973589897156, 0.6485361456871033, 0.31578466296195984, 0.047629907727241516, -0.34152278304100037, 0.07628241926431656, -0.5470556020736694, -0.11547929048538208, 0.5925887227058411, 0.44353294372558594, 1.258499026298523, -0.041327375918626785, -0.9080216884613037, -0.095417819917202, 0.537049412727356, -0.7399247288703918, 0.39691048860549927, -1.0733211040496826, -0.3535238206386566, 0.1335638165473938, 0.20009921491146088, 0.6269457340240479, -0.49385401606559753, 0.4183740019798279, -0.038643963634967804, -0.38123199343681335, -0.6261394619941711, 0.46249115467071533, 0.48025956749916077, -0.245989128947258, 0.36834636330604553, 2.4104721546173096, -0.696976900100708, 0.23122142255306244, -0.06195548176765442, -0.28437888622283936, -0.33438193798065186, -0.1952131986618042, 0.9760074019432068, 0.5049126744270325, -1.1972302198410034, -0.6703737378120422, -0.3763088285923004, -0.24820464849472046, 0.27011755108833313, -0.35713672637939453, -0.37637025117874146, 0.19825120270252228, 0.5839122533798218, -0.8608003258705139, -0.9721440076828003, -0.2310114949941635, 0.2782953679561615, -0.4251518249511719, -0.44851452112197876, -0.00391571968793869, 0.8085160255432129, 0.6509990096092224, 0.5152157545089722, -1.1236299276351929, 0.6409260034561157, -0.004271514713764191, 0.21297791600227356, 1.445111870765686, -0.27206501364707947, -0.8188876509666443, -0.7240140438079834, 0.21106119453907013, -0.3362829387187958, 0.4200131893157959, -0.45621028542518616, -0.25289520621299744, 0.1624011993408203, 0.40742138028144836, 0.7449126839637756, 0.2459818571805954, -0.03264707699418068, 0.010488852858543396, -0.25648364424705505, -0.35055091977119446, 0.37006324529647827, 0.47036704421043396, 0.0014407820999622345, -2.5311365127563477, -0.10148218274116516, -1.6914857625961304, 0.8485803604125977, 0.7386140823364258, 0.6282961964607239, 0.1929076910018921, 0.6490623354911804, -1.2124537229537964, -0.3812829554080963, 0.3210625648498535, -1.370841383934021, -0.2426246553659439, 0.3067348003387451, -0.1340574324131012, 0.03806339576840401, -0.6347065567970276, 0.8519757390022278, 0.6094278693199158, -0.25007250905036926, 0.3542308807373047, -1.7553040981292725, 0.5383211374282837, 0.6398510932922363, 0.13864368200302124, -0.186174213886261, -0.9682498574256897, 0.07642629742622375, 1.1673743724822998, -0.012918578460812569, 0.9589371681213379, 0.4127861261367798, 0.17590191960334778, -0.37010931968688965, 0.7747301459312439, -0.39489731192588806, 0.5413169860839844, -0.9332720041275024, 1.1457912921905518, -0.42872676253318787, -0.23794735968112946, -0.6590754985809326, -0.7503426671028137, 0.8407029509544373, 0.5652180314064026, 0.06853373348712921, -0.01133842021226883, 0.754791259765625, 0.24899771809577942, 0.5022653937339783, 0.548149049282074, 0.4978767931461334, -0.1649172455072403, 0.1082935482263565, 0.4697202742099762, 0.38133519887924194, -0.5145242214202881, -0.5936974883079529, 0.35676372051239014, -0.5604113936424255, -0.3774608075618744, -0.4412508010864258, -0.190848708152771, -0.4087717533111572, 0.7158684730529785, 0.3306887745857239, -1.1562849283218384, 1.0987954139709473, -0.371702641248703, 0.24848073720932007, 0.8117465376853943, -0.9621796011924744, -0.18407347798347473, -0.026243295520544052, 0.13756108283996582, 0.31182020902633667, 0.079086072742939, 0.52761310338974, -0.7336732745170593, -0.4112742841243744, -1.3492906093597412, -0.025928787887096405, 0.2748507857322693, 0.06686744093894958, -0.02665223553776741, -0.1309446543455124, -1.6386595964431763, 0.026645641773939133, -0.41004830598831177, 0.4220161736011505, -0.3308904767036438, 0.2822781801223755, 1.1877999305725098, 0.3331383764743805, 0.3235670030117035, -0.5274680852890015, 0.7085086703300476, 0.26973220705986023, -0.25715070962905884, -0.727892279624939, -0.6100764870643616, -0.9152395725250244, -0.2853446900844574, -0.577662467956543, 0.6643256545066833, -0.044708818197250366, -0.18951818346977234, 1.0128777027130127, -0.8314323425292969, -0.6099942326545715, 0.9733638167381287, -0.02031032368540764, -0.18862387537956238, -1.4163042306900024, 0.6803412437438965, 0.636573851108551, -0.2301393300294876, 0.07015390694141388, -1.0750727653503418, -0.45387643575668335, 1.3438332080841064, -0.30530041456222534, 1.369240403175354, 1.1651856899261475, 0.3205246329307556, 0.036451734602451324, -0.16297534108161926, -1.5854640007019043, -0.32825419306755066, 0.3106452226638794, -0.044903893023729324, 0.42951440811157227, -1.051793098449707, 0.5055996775627136, -0.25564897060394287, -0.5774003863334656, 0.8753455281257629, -0.578826904296875, 0.4095262587070465, -0.8205323815345764, 0.3518539071083069, 0.12540632486343384, 0.08409808576107025, 0.001750696450471878, 0.06935472786426544, 0.45809292793273926, -1.0051747560501099, 0.36208540201187134, 1.0033514499664307, 0.0534597672522068, 1.3833115100860596, 0.5660707354545593, 1.367928147315979, 0.6172679662704468, -0.6347432136535645, 0.03853074088692665, 0.9390482306480408, -0.042845066636800766, 0.2345300316810608, 0.5414983034133911, 0.057187922298908234, 0.33244046568870544, -0.8845335841178894, 0.9054593443870544, 0.04461165890097618, -0.29659217596054077, -0.6722497940063477, 0.6259667277336121, -1.2538373470306396, -0.33963945508003235, 1.0577802658081055, 1.0295583009719849, 2.1652474403381348, -0.6901386380195618, -0.5980320572853088, -0.14431321620941162, 0.6043186187744141, 0.5326883792877197, 0.5552992820739746, 0.42725706100463867, -0.431439071893692, 0.4554292857646942, 0.43294596672058105, 1.0136191844940186, -0.1520334929227829, -0.32858601212501526, 0.11166522651910782, 0.14682120084762573, -0.35521557927131653, 0.06523701548576355, -0.28021755814552307, 1.2893660068511963, 1.8642348051071167, -0.7248566150665283, -0.8941506743431091, -0.050726085901260376, -0.6522791385650635, 0.31209778785705566, 0.3924780786037445, -1.0608203411102295, 0.36393314599990845, 0.13088800013065338, 0.5775559544563293, 0.005031518638134003, 1.553754448890686, 0.8351154923439026, 0.21496625244617462, -0.7818665504455566, 0.27929067611694336, -0.5506766438484192, 0.0037202665116637945, 0.4226645529270172, -0.08108232915401459, -0.2312384992837906, 0.6876756548881531, 0.6229986548423767, -1.6518237590789795, 0.00265541672706604, 0.7285472750663757, -1.0087131261825562, -0.4614841938018799, 1.6559802293777466, -1.1388450860977173, -0.8165347576141357, 1.0130841732025146, -0.8639469146728516, -1.0728447437286377, -0.6668493747711182, -0.20076961815357208, 1.2998342514038086, 0.6371629238128662, 0.46340426802635193, -0.08303753286600113, 0.28951406478881836, 0.14516764879226685, 1.2142139673233032, 0.6130495071411133, -0.008628040552139282, 0.2220172882080078, 0.7249290943145752, 1.1000477075576782, 0.6390857696533203, -1.6111929416656494, -0.3679358959197998, 0.5270722508430481, -0.1116030216217041, -0.6432271599769592, -0.2304239273071289, -0.24781019985675812, 0.14679893851280212, 0.5322037935256958, -0.4851749539375305, -1.2998558282852173, -0.042118459939956665, -0.37946823239326477, 0.4390336573123932, 1.1277152299880981, -0.9337940812110901, -1.1397963762283325, 0.10543781518936157, -0.715360164642334, 0.41551703214645386, 0.6231026649475098, -0.015130765736103058, 0.3147401809692383, 0.2892625033855438, 0.2763255834579468, -0.20887619256973267, -12.267786979675293, 1.203976035118103, -0.2915309965610504, 1.1114832162857056, 0.8248352408409119, 0.11746834218502045, -0.24553388357162476, 0.031104322522878647, 1.333757758140564, -0.24110440909862518, 0.5622040033340454, 0.21002697944641113, 0.894049882888794, 0.11922261863946915, -0.21673214435577393, -1.5046682357788086, -0.5596832633018494, -0.8047600388526917, 0.4777480363845825, 0.4052332043647766, 0.528849184513092, -0.4988662004470825, -0.06123926118016243, -0.1710900068283081, 0.09800015389919281, -0.5888478755950928, -0.06566502153873444, -0.14942891895771027, -0.13951721787452698, 0.009286992251873016, 1.0940011739730835, -0.9694365859031677, -0.8646383285522461, 0.450572669506073, 1.1932977437973022, 0.5886358022689819, -0.9066610932350159, -0.8525973558425903, 0.5339713096618652, -0.39594122767448425, 0.15641871094703674, -0.06217935308814049, 0.3313988745212555, -0.2791508734226227, -0.3236636519432068, 0.23469777405261993, -0.6681876182556152, -0.7037456631660461, 0.3913766145706177, -0.3393321931362152, -0.9334150552749634, -0.754542350769043, -1.038226842880249, -0.42522281408309937, 0.5405983328819275, 0.0031552258878946304, -0.9350779056549072, -0.5974048376083374, -0.25580111145973206, 0.008040405809879303, 0.4844997823238373, 0.7628045678138733, 0.04177042841911316, 1.4180240631103516, -0.263568252325058, 0.20798496901988983, 0.9951910376548767, 0.5575648546218872, -0.1098264753818512, 0.13594241440296173, -0.7922055125236511, 0.5503814220428467, -0.37122413516044617, -0.20646050572395325, 0.824666440486908, -0.168147474527359, -0.11854896694421768, -0.8706080317497253, 0.7196099758148193, 0.5867680907249451, -0.4682662785053253, 0.871084988117218, 0.012771761044859886, -0.22785204648971558, -0.28436750173568726, 0.10473586618900299, 0.6351447701454163, -0.18794165551662445, 0.42681288719177246, -0.1333085000514984, 0.4733634293079376, -0.5360152125358582, -0.15938597917556763, -0.11495339125394821, -1.3625953197479248, 0.3172120153903961, -0.8479330539703369, 0.8807243704795837, 0.5575886964797974, -0.7500742673873901, -0.2673635482788086, 0.2485964000225067, -0.980638861656189, -0.33777114748954773, 0.6853201389312744, -0.2550218999385834, 0.38673239946365356, -0.11583688855171204, -1.2371301651000977, -0.09315513074398041, 0.39865100383758545, 0.0062931254506111145, 0.08954961597919464, 0.30861207842826843, 0.13161122798919678, 0.4407634437084198, 0.15767621994018555, -0.738108217716217, -0.34328266978263855, 0.8006207346916199, 0.272049218416214, 0.15853245556354523, 0.339560329914093, 0.9860765337944031, -0.8489705324172974, 0.2892856299877167, 0.4042820930480957, 0.6753935813903809, -0.7126848697662354, -0.552433967590332, -0.1393064260482788, -0.3398319184780121, -0.15372812747955322, -0.8594191074371338, -0.9292646050453186, -1.030216932296753, -0.19847187399864197, 0.8803355693817139, -0.6622884273529053, -0.32631754875183105, -0.25553232431411743, -0.8133202195167542, -0.7722530961036682, -0.28349828720092773, -0.42544040083885193, -0.7055537104606628, -2.378917932510376, -0.0136849544942379, -1.0153228044509888, -1.2495025396347046, 0.5880947709083557, -0.5508216023445129, 0.7201520800590515, -0.33671829104423523, -0.10693646967411041, -0.7198067307472229, -0.17401711642742157, -0.4911819398403168, -0.4231216311454773, -0.5316157341003418, 0.6476035118103027, 1.2451112270355225, -0.37999817728996277, 0.38519179821014404, 0.044005393981933594, 0.1315828114748001, -0.9238206744194031, -0.44670623540878296, -0.9192242622375488, 0.4201406240463257, 1.0511161088943481, -0.856969952583313, 0.032574914395809174, -0.24842604994773865, -0.5158236622810364, -0.3392598032951355, 0.6103506088256836, 0.8156384229660034, -0.7950509190559387, -0.2247941941022873, -0.013708382844924927, -0.1044241413474083, 0.9636437296867371, -1.198380470275879, -0.0014971494674682617, -0.14910808205604553, 0.4159020781517029, 0.7519012093544006, 0.16340602934360504, 0.4424479603767395, -1.176827311515808, -1.3250887393951416, -0.6686911582946777, -0.4343825578689575, 1.1753748655319214, 0.29214924573898315, 1.5388762950897217, 0.23573154211044312, -0.6761128902435303, 0.46420884132385254, 0.010444499552249908, 0.3763144314289093, 0.5492802858352661, 0.5476325750350952, -0.4701639413833618, -0.7868925333023071, -0.2082584798336029, 0.509618878364563, 0.8732348680496216, -0.16896909475326538, -0.8805044889450073, -0.578540563583374, 0.35702985525131226, -0.17430278658866882, 0.7880585789680481, -1.0989114046096802, 0.7122031450271606, 0.0793219655752182, -0.6227819919586182, -0.36855581402778625, -0.4746311902999878, 1.4812623262405396, -0.05426749214529991, 1.3673255443572998, 0.5619505643844604, -0.4867267608642578, 0.3442803919315338, 0.5270797610282898, 1.1043305397033691, 0.523706316947937, -0.6411310434341431, 0.5187430381774902, 0.08072131872177124, 0.1649177074432373, -0.3427754044532776, 0.14716246724128723, -0.8813443183898926, 0.2390640377998352, -0.5331333875656128, 0.7034811973571777, -0.5575940608978271, -0.47257110476493835, -0.08655457198619843, 1.1266579627990723, -0.38615453243255615, -1.6412333250045776, -0.8206034302711487, 0.5658129453659058, 0.34882792830467224, 0.6029626727104187, -0.24548271298408508, 0.5147765278816223, 0.28933852910995483, 0.687619686126709, 0.7047886848449707, 0.3633809983730316, 0.3918604850769043, 1.2529577016830444, 0.17340703308582306, 1.5562714338302612, 0.8579471111297607, -0.6023467779159546, -0.010581685230135918, 0.5391937494277954, -1.0535149574279785, -0.572740912437439, -0.9136132001876831, -0.46714043617248535, 0.8403173089027405, -0.7580640912055969, 0.46588706970214844, -0.004918768536299467, 0.4139110743999481, -0.01756247878074646, 0.2338472306728363, 0.3760969638824463, -0.059306759387254715, -0.5317281484603882, -0.8330605030059814, -0.24873663485050201, 0.30694517493247986, -0.40650054812431335, -0.5774282217025757, -0.1799955815076828, 0.4669848084449768, 0.09507264941930771, -0.49576908349990845, -0.04934975877404213, 1.0098413228988647, -0.3497178554534912, 0.7811644673347473, -0.19262821972370148, -0.7155063152313232, -0.08472645282745361, 0.3678952157497406, -0.5343447923660278, -0.18009650707244873, 0.25570595264434814, -0.9114223122596741, 0.28394582867622375, 0.40967780351638794, 0.29208070039749146, -0.5447187423706055, 0.8401777148246765, 0.4953451156616211, -0.6104971170425415, 1.432540774345398, 0.03830648213624954, 0.22935500741004944, -0.5815554261207581, 0.12395258247852325, 1.1195061206817627, -0.41081807017326355, 0.37955933809280396]} +{"paper_id": "sent_comp", "embedding": [0.23277944326400757, 0.8937558531761169, -0.19612567126750946, 0.3113628625869751, 0.15129628777503967, -0.18905460834503174, 1.2858586311340332, 1.0564993619918823, 0.9407477378845215, 0.22943581640720367, -0.16007237136363983, 0.07408789545297623, 0.5847797393798828, 0.4608438014984131, 0.4834081828594208, -0.4121755063533783, -0.3909105658531189, -0.9717883467674255, -1.0055910348892212, -0.6120715737342834, -0.4654664993286133, -0.69830721616745, -0.2572675943374634, 0.45088571310043335, -0.5703772306442261, -0.06292372941970825, 0.3855711817741394, -1.0838804244995117, 0.2913159132003784, 1.0482252836227417, 0.1903405338525772, 1.1327461004257202, -1.5182284116744995, -0.1323184370994568, -0.7432824969291687, -0.16331727802753448, 0.31877225637435913, 0.6928664445877075, -0.5631070137023926, -0.009205859154462814, -0.4662548899650574, -0.08924981951713562, 0.4652092158794403, 0.22672811150550842, 0.7899161577224731, 0.5993056893348694, 0.2072306126356125, 0.39937031269073486, -0.2086525857448578, -0.5219708681106567, -0.26665785908699036, 0.4520253837108612, 0.5869028568267822, 0.566686749458313, -0.22921019792556763, 0.6393178701400757, -0.1329885572195053, -0.9446409940719604, 0.4191717505455017, -1.4097635746002197, 1.0323481559753418, 1.436663031578064, -0.8389757871627808, 0.49591076374053955, 1.0312085151672363, -0.7044891715049744, 1.2532118558883667, 0.522343635559082, 0.2927519381046295, 1.6522612571716309, -0.14264176785945892, -0.5881406664848328, 0.2825513780117035, -1.0737276077270508, -0.42147770524024963, 1.040052056312561, -0.20004703104496002, -0.31957998871803284, 0.48865967988967896, 0.2272423505783081, -0.4573994576931, 0.7276709079742432, 0.9399191737174988, -0.5443034768104553, -0.06659424304962158, 0.45092880725860596, 0.31371045112609863, -0.31262868642807007, -0.11065413802862167, -1.2374461889266968, -0.5151939988136292, 0.47354844212532043, 0.3009791970252991, 0.3802759647369385, -0.08502891659736633, 0.3814355134963989, -0.22251476347446442, 0.060889989137649536, -0.3020400404930115, 0.34903058409690857, 0.4958493113517761, -0.35403841733932495, 0.3194909691810608, 0.0014713406562805176, 0.3132726848125458, 1.0270812511444092, -0.6363393664360046, -1.0437883138656616, -0.1749882996082306, -0.33159416913986206, -0.42607372999191284, 0.5794671773910522, -0.7146073579788208, 0.8209401965141296, -0.5804497599601746, -0.3458887040615082, 0.46859002113342285, 0.1667027324438095, -0.24661332368850708, 0.01083352416753769, -0.18130722641944885, -1.3625117540359497, 0.042477771639823914, -0.5053415894508362, 1.0194264650344849, -0.2101946622133255, 0.3102230131626129, -0.9964157938957214, 0.548151433467865, -0.48108550906181335, 0.4098014533519745, 0.46536150574684143, -0.33499443531036377, 0.1781337857246399, 2.387946128845215, -0.9399569034576416, 1.2666621208190918, -0.7657051086425781, 0.19117766618728638, 0.6803809404373169, -0.28737974166870117, 0.9636965990066528, 0.09730453044176102, -0.27698469161987305, -0.6677181124687195, 0.6203441619873047, -0.1175333708524704, 0.7238233685493469, -1.1785821914672852, -0.4878694713115692, -0.6471661329269409, 0.20545318722724915, -0.9570004343986511, -1.2180672883987427, 0.22783617675304413, 0.20626139640808105, 0.2942505180835724, 0.8732653856277466, -1.7919373512268066, 0.31939297914505005, 0.6258041858673096, 0.6151037812232971, -0.2532559037208557, 0.19477874040603638, -1.0356919765472412, -0.15355843305587769, 0.6727302074432373, -0.25995856523513794, 0.0477592907845974, -0.04959332197904587, 0.4324696362018585, -0.2518705725669861, 0.11079828441143036, -0.20892642438411713, 0.2369760274887085, 0.41003599762916565, 0.5081999897956848, 0.12478466331958771, 1.382380723953247, -1.2887392044067383, -0.20940455794334412, 0.10677683353424072, 0.35268503427505493, 0.28978535532951355, 0.17520417273044586, 0.4486948847770691, -2.1099135875701904, 0.12615400552749634, 0.12739799916744232, 0.4913250207901001, 0.3848682641983032, -1.0151547193527222, 0.24666628241539001, 0.16322048008441925, -0.026433343067765236, -0.12638607621192932, -0.2708888053894043, -0.24583065509796143, -0.1433873176574707, 0.8226797580718994, 0.25699102878570557, 0.037518616765737534, 0.10035347193479538, 0.35946714878082275, 1.1620863676071167, -0.4879109561443329, -0.14499837160110474, -1.5735220909118652, 0.04374255612492561, 1.7009576559066772, -0.1701744794845581, -0.37080034613609314, -1.230393648147583, -0.892799437046051, 0.671602725982666, -0.7803904414176941, 0.2942197024822235, -1.1580957174301147, 0.09620505571365356, -0.6916208267211914, 0.5949621796607971, -1.002761721611023, 0.25138530135154724, 0.16063998639583588, 0.8622305989265442, -0.7556424140930176, -0.09047035872936249, -0.13910725712776184, -1.1438031196594238, 0.022114204242825508, 1.6178392171859741, 0.22990363836288452, -0.7222444415092468, 0.09106652438640594, 0.6444380879402161, 0.9706117510795593, 0.4086971580982208, 0.6130737066268921, -0.007682114839553833, -0.27744778990745544, -0.20931801199913025, 0.6378453969955444, 0.36568742990493774, -0.012126468122005463, -0.06616286188364029, 0.7733315825462341, -0.6323158740997314, -0.2556878328323364, -0.4705474376678467, 0.5668541789054871, 1.4601942300796509, 0.8619623780250549, -0.44342780113220215, 1.0367494821548462, -1.0048891305923462, -0.14929237961769104, -0.16423377394676208, -0.7384388446807861, -0.588007926940918, 0.5579186081886292, 0.5182862281799316, -0.23706281185150146, 0.3130754828453064, 0.008932135999202728, -0.47231951355934143, -0.5818995237350464, -1.855682134628296, -0.19360172748565674, -0.5416586995124817, -0.8192799091339111, -0.8323527574539185, 0.501730740070343, -0.6520693898200989, -0.8743447661399841, -0.15479491651058197, 0.23879678547382355, 0.23700451850891113, -0.03000130131840706, 1.4243090152740479, 0.23120763897895813, 0.5905690789222717, -0.04280533641576767, 0.706929624080658, 0.15627631545066833, 0.8384279608726501, -0.679814875125885, 0.2883371114730835, -1.1278332471847534, -0.15864750742912292, -0.6962242722511292, 0.3381946384906769, -0.23464319109916687, -0.13275405764579773, 0.9243522882461548, -0.04450077563524246, -0.7708533406257629, 1.2868238687515259, -0.419739693403244, -0.36469560861587524, -0.6989682912826538, 0.9815387725830078, 0.5759544372558594, -0.14084169268608093, 0.13216561079025269, -0.1254950761795044, -0.25680455565452576, 1.3791542053222656, -0.7614272832870483, 1.1478949785232544, 0.1707097440958023, 0.12143739312887192, 0.43473726511001587, 0.18789982795715332, -2.005927085876465, -0.16999953985214233, 1.2763465642929077, -0.5567713975906372, -0.9345601201057434, -0.9915352463722229, -0.45477867126464844, 0.22729887068271637, -0.13100524246692657, 0.8048626184463501, -1.0897879600524902, 0.2769926190376282, 0.13087090849876404, 0.4293742775917053, 0.5653284788131714, -0.4265698194503784, 0.16775847971439362, 0.8185551166534424, 0.7942565679550171, -0.1379886269569397, -0.8199172616004944, 1.1957459449768066, -0.703808069229126, 0.9244338274002075, 0.9159843921661377, 0.7271979451179504, 0.634591817855835, -0.16170722246170044, 0.2701820433139801, 0.887463390827179, 0.8877074718475342, 0.08874701708555222, -0.22689591348171234, -0.04401298612356186, 0.6140837669372559, -0.09212885797023773, 0.9180521368980408, 0.10708358883857727, -0.5356214046478271, -0.37399375438690186, -0.04463697597384453, -0.22270509600639343, -0.8431648015975952, 1.185238003730774, 0.8273921608924866, 1.3959087133407593, -0.02777578867971897, 0.2687555253505707, -0.13671021163463593, -0.3147593140602112, 0.46354925632476807, 0.7545624375343323, 0.03535617142915726, 0.1334739327430725, -0.006785646080970764, 1.4526420831680298, -0.07609882205724716, -0.26795074343681335, -0.11709823459386826, 0.36901456117630005, -0.6452912092208862, -0.5559825301170349, 0.34915146231651306, 0.41300687193870544, 0.5278452038764954, 1.810805320739746, -0.887050449848175, -0.5134086012840271, -0.7742011547088623, -0.023691395297646523, -0.051560044288635254, -0.5993360877037048, -1.1459089517593384, -0.36844122409820557, 0.12332473695278168, 1.2863630056381226, 0.40742552280426025, 0.9520705938339233, 0.9587631225585938, -0.43967726826667786, -0.6549191474914551, 0.32645031809806824, -0.9207491278648376, 0.14991451799869537, -0.15314117074012756, -0.5619691014289856, -0.3797551095485687, 0.48801353573799133, 0.1618977189064026, -0.5150756239891052, 0.6027157306671143, 0.05564926564693451, -0.5199134349822998, 0.7131876349449158, 1.1106181144714355, -1.0200533866882324, -0.6452633142471313, -0.41705143451690674, -0.6971664428710938, -0.8234739899635315, -0.1380220204591751, -0.5116624236106873, 0.19004055857658386, 0.05922488123178482, 0.8704158663749695, 0.1880427449941635, 0.40250658988952637, -1.3241976499557495, 0.7806264162063599, 0.7205678224563599, -1.415786862373352, -0.21028412878513336, -0.7321105599403381, -0.05799198895692825, -0.008869145065546036, -1.573669195175171, 0.5185596346855164, 0.2171592116355896, -0.12181444466114044, -0.4329242408275604, -0.4769526720046997, -0.28586331009864807, -0.04200424998998642, -0.06985875219106674, 0.24238398671150208, -0.8404980301856995, 0.9728134274482727, -0.7544326186180115, 0.3539934456348419, 1.0112380981445312, -0.338307648897171, 0.049262940883636475, 0.669375479221344, -0.569874107837677, 0.9328595399856567, 0.5316739082336426, 0.5209890604019165, 0.26375553011894226, 0.5708776712417603, 0.09389713406562805, 0.10316532105207443, -12.56190299987793, 0.4690914750099182, -0.3549199402332306, 0.2740520238876343, -0.23142646253108978, 0.6610551476478577, 0.19654881954193115, 0.22156526148319244, 0.6574156284332275, -0.6910068988800049, 0.4296146631240845, 1.292400598526001, -0.061676740646362305, -0.47295039892196655, -0.6282891035079956, -0.5794639587402344, -0.055749181658029556, -0.31438344717025757, 0.4331343173980713, 0.7522178888320923, 0.25011229515075684, -0.5823644399642944, -0.28147760033607483, 0.33919504284858704, 0.2739225924015045, -0.4523254930973053, -0.12177582830190659, 0.01822778582572937, -1.1672908067703247, -0.2348574846982956, 0.4438951909542084, -0.44517695903778076, -0.10595404356718063, -0.16414602100849152, 0.5023786425590515, -0.30000409483909607, -0.78972327709198, -0.1905285120010376, 0.2360047698020935, -0.5502088665962219, -0.5120000243186951, 0.24485735595226288, 0.14524288475513458, 0.14787501096725464, -0.019434044137597084, 0.5011998414993286, -0.3127017617225647, -0.20925752818584442, 0.7492338418960571, -0.5558809041976929, -0.25752565264701843, -0.5709494352340698, -0.676047682762146, -0.9617276191711426, 0.15764988958835602, -0.1824491322040558, -1.0272544622421265, 0.1766503006219864, -0.40973690152168274, -0.6542932987213135, 0.7803211212158203, 0.6920730471611023, -0.12790632247924805, 0.6880640983581543, 0.6819835305213928, -0.038337063044309616, 0.6235730051994324, 0.27113041281700134, -0.11814187467098236, 0.3138759136199951, -0.911221981048584, 1.1475255489349365, 0.12439581006765366, 0.0666627436876297, 0.15784290432929993, 0.14425992965698242, -0.4551052451133728, -0.1665961593389511, 0.9222345948219299, 0.4409969747066498, -1.166202425956726, 0.11779959499835968, -0.07684040069580078, -0.4939967095851898, -0.6890146136283875, 0.4840451776981354, 0.387807697057724, -0.06077444925904274, 0.8616750240325928, 0.5030112266540527, 1.4231839179992676, 0.03218788653612137, -0.6929703950881958, -0.8368797302246094, -0.2867809236049652, 0.8569126725196838, -1.220754623413086, 1.0182037353515625, 0.014668069779872894, -0.5295731425285339, 0.32845064997673035, -0.5451827645301819, -0.5491715669631958, -0.46115005016326904, 1.1132774353027344, -0.4348442256450653, 0.2245149314403534, 0.4362458288669586, -0.14282287657260895, 0.26035937666893005, 0.7181684970855713, -0.27553537487983704, -0.11223331093788147, 1.430294394493103, -0.24477651715278625, 0.6404728293418884, 0.868034303188324, 0.16659757494926453, 0.9016440510749817, 1.0007721185684204, -0.30842679738998413, -0.08514493703842163, -0.36724773049354553, 1.5015408992767334, 0.4895215630531311, 0.565259575843811, -0.09712065756320953, 0.8915950059890747, -0.5954074859619141, -0.675601601600647, -0.488734632730484, -0.43925100564956665, 0.32133278250694275, -1.0438588857650757, 0.16965819895267487, -0.32203999161720276, 0.15388983488082886, 1.0029832124710083, -0.3226030468940735, 0.11762890964746475, -0.24532292783260345, -0.5476205945014954, -0.8852952718734741, -0.8756756782531738, -0.9358121156692505, 0.46660009026527405, -1.4380995035171509, -0.8709118962287903, -0.1137077659368515, -0.65260249376297, 0.47498658299446106, -0.5128903985023499, 0.2973909378051758, -0.32133588194847107, -0.5815827250480652, -0.4053243398666382, 0.5459891557693481, -0.12172079086303711, -0.6567754149436951, -0.283189058303833, 0.7697132229804993, 0.8526202440261841, -1.2598645687103271, 0.9166045784950256, 0.09188212454319, 0.07297426462173462, -1.0917936563491821, -0.7178572416305542, -0.05538427457213402, 0.200797438621521, 0.6384808421134949, -0.874001681804657, -0.5795683860778809, -0.25442299246788025, -0.10592293739318848, -0.6306831240653992, -0.48621463775634766, 0.5651472806930542, -1.2272480726242065, 0.5171313881874084, -0.37100332975387573, 0.35755521059036255, 0.488965779542923, -0.5434218645095825, -1.074341058731079, -0.009729435667395592, -0.20333203673362732, 1.367211103439331, -0.44283226132392883, 0.0604616142809391, -1.4501296281814575, -1.5522129535675049, -0.7353662252426147, 0.019789833575487137, 1.1719305515289307, 0.6281347870826721, 0.426505446434021, 0.01104951836168766, 0.07038693130016327, -0.28604066371917725, 0.007279105018824339, 0.0665549635887146, 0.3536747694015503, 0.28174224495887756, -0.5935775637626648, 0.57447350025177, -0.7713757753372192, 0.36637166142463684, 0.46355730295181274, 0.4959142208099365, -1.1898874044418335, -0.1520639955997467, 0.06324770301580429, 0.059817470610141754, -0.22496938705444336, -1.4020404815673828, 0.07260174304246902, 0.0028556734323501587, -0.2867181599140167, -0.5775662660598755, -0.191875159740448, 0.44803112745285034, -0.5963870286941528, 0.9160693287849426, 0.9022821187973022, 0.5015450716018677, 0.22164247930049896, 0.5949747562408447, 1.942041039466858, 0.01181313768029213, -0.2550966143608093, -0.2795332968235016, 0.05721748620271683, 0.13895440101623535, -0.45237183570861816, 0.20172028243541718, -0.771782636642456, 0.05275208503007889, -1.0415486097335815, 0.32870590686798096, -0.4292152523994446, -0.2131916582584381, 0.01767154037952423, 1.1607768535614014, 0.46139436960220337, -1.3414514064788818, -0.41537192463874817, -0.5186414122581482, 0.31555068492889404, 0.6427121162414551, 0.49369531869888306, 0.22968268394470215, 0.6136340498924255, -0.3453075885772705, 0.5764614343643188, -0.12089157104492188, 0.023870375007390976, -0.11312500387430191, -0.06421723961830139, 1.1184699535369873, 0.6858403086662292, -0.16354839503765106, -0.14759226143360138, -0.796117901802063, -0.7298624515533447, -0.21682599186897278, -0.6799834370613098, 0.8943660259246826, 0.6733517646789551, 0.08527107536792755, 0.33377450704574585, -0.5170775055885315, 4.267692565917969e-05, -0.1071055680513382, 0.6907491683959961, 0.326967716217041, -0.305411159992218, -0.8467624187469482, -0.8285510540008545, -0.12447646260261536, 0.8189874887466431, -0.8534789085388184, -0.39799201488494873, -0.37506598234176636, 0.10343313217163086, 0.05827826261520386, -0.0325445681810379, -0.3229599595069885, -0.14101217687129974, -0.7746624946594238, -0.26506322622299194, 0.591141939163208, -0.13193759322166443, -0.23997154831886292, -0.17323307693004608, -0.041022323071956635, 0.8544524312019348, -0.16764000058174133, -0.2989475727081299, -0.031533464789390564, 0.627605676651001, -0.4026724398136139, -0.6502401232719421, 0.19389870762825012, -0.37621161341667175, -1.1906095743179321, 0.8507403135299683, 0.3004143238067627, -0.5163683891296387, 0.23376235365867615, 0.3927013576030731, 0.45831504464149475, 0.8018847107887268, 0.9676874279975891]} +{"paper_id": "qed", "embedding": [-0.3496205806732178, 0.9530364274978638, -0.01616518944501877, 0.04892679303884506, 0.20792919397354126, 0.09722530841827393, 0.6225177049636841, 1.0955517292022705, 0.7528222799301147, 0.32148826122283936, -0.083733469247818, 0.6092220544815063, 0.5081708431243896, 0.42564067244529724, -0.2385627031326294, -0.42721691727638245, -0.9635041356086731, -0.14271841943264008, -1.77479887008667, -0.5595817565917969, -0.1621350646018982, -0.8574672341346741, 0.2584758400917053, 1.4044113159179688, -0.8938112854957581, -0.9525780081748962, 1.2176657915115356, -1.0023149251937866, 0.715112566947937, 0.2821868062019348, -0.2687671482563019, 2.083167791366577, -1.9268591403961182, 0.6141646504402161, -0.3917635679244995, -0.9787353277206421, -0.1263282597064972, 0.6913798451423645, -0.25054895877838135, -0.07460397481918335, -0.3853937089443207, 0.6703287959098816, 0.5783993601799011, 0.1785861998796463, 0.40390029549598694, -0.880046546459198, 0.5190717577934265, 0.4555356502532959, -0.6353799700737, -0.4519408643245697, -0.5776333808898926, 0.00949784740805626, -0.5797742009162903, 0.9492168426513672, 0.04896058887243271, 0.44919759035110474, 0.5256311893463135, -0.7343325614929199, 0.9787912964820862, -1.0660563707351685, 2.0069146156311035, 1.9995951652526855, -0.49624326825141907, 0.0689493864774704, 1.2575743198394775, 0.4276987314224243, 1.3704344034194946, 0.34667450189590454, -0.3904668986797333, 1.0195831060409546, -0.25172632932662964, -0.6273131966590881, 0.6516129374504089, -0.152168408036232, 0.489885151386261, 0.7021602392196655, 0.1948678344488144, 0.29866281151771545, -0.08617336302995682, 0.08617990463972092, -0.025803860276937485, -0.18231812119483948, 0.6127932071685791, -0.08358892798423767, 0.5455344915390015, -0.011004334315657616, 0.4724772274494171, -0.9248303771018982, 0.09618523716926575, -1.1145541667938232, 0.6658623814582825, 0.41424280405044556, 0.17858996987342834, -0.3412018418312073, 0.17914819717407227, 0.42160287499427795, -0.7145905494689941, -0.3645736873149872, -0.23241141438484192, 0.22427359223365784, 0.6038324236869812, 0.019865723326802254, 0.47613632678985596, -0.09053979068994522, 0.05154815688729286, 0.3751789629459381, 0.45998990535736084, -0.29281139373779297, -0.3917168080806732, -1.3871022462844849, -0.42915305495262146, 0.5561721920967102, -0.19823339581489563, 0.9596533179283142, 0.11990556120872498, 0.8618126511573792, 0.7017154097557068, -0.6147358417510986, -0.08641563355922699, 0.2466212511062622, -0.14191892743110657, -1.1463104486465454, -0.3300657272338867, -0.035228852182626724, 0.3563428521156311, -0.27708595991134644, -0.4222906827926636, -0.8606582880020142, -0.16037559509277344, 0.290449321269989, 0.9640339612960815, 0.5629404187202454, -0.780710756778717, -0.35806789994239807, 3.1016287803649902, -1.038718342781067, 1.2764455080032349, -1.0434699058532715, -0.02401108294725418, -0.6739370822906494, -0.8577472567558289, 1.136151671409607, 0.31903916597366333, -0.4905213415622711, -0.6794739365577698, 0.36503127217292786, -0.08840301632881165, -0.11599454283714294, -1.2304823398590088, 0.03467946872115135, 0.26577430963516235, 0.4084041118621826, -1.3090733289718628, -0.11181148141622543, 0.23350881040096283, 0.6916043162345886, -0.09541580080986023, 0.252487450838089, -0.5089842677116394, 0.2411646544933319, -0.4678586721420288, -0.35418015718460083, -0.333901584148407, 0.5004540085792542, -0.7039052844047546, -0.29298287630081177, 0.5956393480300903, -0.2288716435432434, -1.1200757026672363, 0.47347939014434814, 0.18626300990581512, -0.3808225691318512, -0.5119702816009521, -0.34692683815956116, -0.2703118622303009, 0.27373725175857544, -0.39027315378189087, 0.4904209077358246, 0.989077091217041, -0.9499434232711792, -0.7220773696899414, -0.5053013563156128, 0.10615810006856918, 1.4082088470458984, -0.4082303047180176, 0.5115671157836914, -2.692204713821411, 0.5194527506828308, 0.44409412145614624, 0.20830203592777252, 0.4544472098350525, 0.31325483322143555, 0.397799551486969, 0.41815274953842163, -0.5326188802719116, -0.8292890787124634, 0.819237232208252, -1.14336359500885, -0.0163799449801445, 0.6262291073799133, -0.41400012373924255, -0.3303578197956085, -0.15484027564525604, 1.080554485321045, 0.81922447681427, -0.1277775913476944, -1.2838495969772339, -1.8182848691940308, 0.4536793828010559, 1.9334241151809692, 0.404310017824173, -0.3143453299999237, -0.8838098049163818, -0.45083779096603394, -0.17821845412254333, -0.14457811415195465, -0.08314414322376251, -0.5997863411903381, 0.362388014793396, -1.0991508960723877, 0.726702868938446, -0.20027345418930054, -0.2630152404308319, 0.5531506538391113, 1.3530702590942383, -0.5215809345245361, -0.28123706579208374, -0.6687796711921692, -0.7498751878738403, 0.19297118484973907, 0.4117375612258911, 0.15587832033634186, 0.16344740986824036, 0.5462962985038757, 0.027592480182647705, 1.417708158493042, 0.7777872085571289, 0.8044224977493286, -0.8288284540176392, -0.22754228115081787, 0.5662016272544861, 1.238214135169983, 0.35524415969848633, 0.4984422028064728, -0.49428504705429077, 0.6775867342948914, -0.5084444880485535, -0.600307285785675, 0.08670518547296524, -0.2849233150482178, 1.7156059741973877, 0.5789722204208374, -0.5622736215591431, 0.32943427562713623, -0.5671472549438477, -0.34183138608932495, -0.2382376492023468, -0.5124643445014954, -0.5586995482444763, -0.2015102058649063, 1.1450523138046265, 0.37656816840171814, 0.3319225609302521, -0.11469806730747223, 0.3125235140323639, -0.7348870635032654, -0.3757219612598419, -0.42716044187545776, -0.31820687651634216, -0.8743505477905273, -0.2687227129936218, 0.004526712000370026, -1.0446841716766357, -0.5304319262504578, -0.54190593957901, -0.5118280649185181, 0.05052542686462402, 1.0798556804656982, 1.4628818035125732, -0.08345700800418854, 0.2685510814189911, -0.1486254334449768, 1.4153988361358643, -0.4401288628578186, 0.5423671007156372, -0.45481517910957336, 0.026666652411222458, -0.5716803073883057, -0.00673578679561615, -0.7198373079299927, 0.3048962950706482, 0.17255643010139465, -0.8127484917640686, 0.9212250709533691, -0.45286840200424194, -0.6211627125740051, 0.48337650299072266, 0.03550667315721512, -0.5184699892997742, -0.08055692911148071, 1.6903374195098877, 0.07119586318731308, -0.8556584119796753, 0.7615821361541748, 0.06646012514829636, -0.4602787494659424, 0.7280770540237427, 0.27058523893356323, -0.07213026285171509, 0.08233872056007385, -0.21566492319107056, 0.4211488664150238, -0.03013632819056511, -2.1654937267303467, 1.0745981931686401, 1.1152178049087524, -0.20545820891857147, -0.5699872970581055, -1.2435553073883057, 0.34541332721710205, -0.4782852232456207, 0.26350629329681396, 0.2870650589466095, -0.4600463807582855, 0.5510434508323669, -0.16082748770713806, 0.469340980052948, 1.0206451416015625, -0.367117702960968, -0.03553684428334236, 0.5320547819137573, -0.050356440246105194, -0.6603376269340515, -0.1232348084449768, 0.8118479251861572, -0.24367056787014008, -0.443304181098938, 0.13710469007492065, 1.281217336654663, 0.3709086775779724, 0.33767271041870117, 0.012452897615730762, 0.8224158883094788, 0.5706930160522461, -0.29471859335899353, -0.11618059128522873, -0.5908215641975403, 0.11379821598529816, -0.4616110324859619, 1.206493616104126, -0.4929439425468445, -0.17595809698104858, -0.7710089087486267, 0.143519788980484, -0.0025281086564064026, -0.18697193264961243, 1.894633173942566, 0.621986448764801, 1.5554678440093994, 0.2567099630832672, 0.718070387840271, -1.0060149431228638, -0.5397302508354187, 0.4145514965057373, -0.020042307674884796, 0.17294013500213623, -1.1918740272521973, -0.19078904390335083, 0.3920220732688904, 0.05858867987990379, -0.4331780672073364, 0.053299326449632645, 0.8956851363182068, 0.32327747344970703, -0.08407637476921082, 0.7125499248504639, 0.7035647034645081, 0.12021850794553757, 1.6337168216705322, -0.004092587158083916, 0.0009752474725246429, 0.12145572155714035, 0.24787607789039612, 0.46361711621284485, 0.3136287033557892, -0.06530438363552094, 0.500307023525238, -0.23901891708374023, 0.9131488800048828, 0.6395976543426514, 0.8490397930145264, 1.0956289768218994, -1.016160011291504, -1.7055529356002808, -0.2637808918952942, -0.46515733003616333, -0.3253471553325653, 0.32372093200683594, 0.20480941236019135, 0.018505260348320007, 0.3727623224258423, -0.014964251779019833, -0.6695154905319214, 0.43378862738609314, -0.5790297985076904, -1.2459169626235962, 0.9847032427787781, 0.9427822828292847, -1.5940769910812378, -0.541026771068573, 0.04878704249858856, -0.9570876955986023, -0.23562291264533997, -0.07544638216495514, -0.5641825795173645, 0.7992395162582397, 0.22801144421100616, 0.7626751065254211, -0.06198469549417496, 0.6593836545944214, -1.352748990058899, 0.8126916885375977, 0.5886170268058777, -1.0086781978607178, 0.5277851819992065, -0.027160538360476494, 0.36433547735214233, 0.3111029863357544, -0.8079148530960083, -0.5259232521057129, 1.0088138580322266, -0.3842547535896301, -0.06982903927564621, -0.6416285634040833, -0.11853659152984619, 0.5834034085273743, 0.33414193987846375, 0.5001816749572754, -0.6303486227989197, -0.35688239336013794, -0.4529924988746643, 0.4516346752643585, 1.4215435981750488, -0.740315854549408, -1.0323642492294312, 0.16375663876533508, -0.6857887506484985, 0.2582991421222687, -0.45944371819496155, 0.007808525115251541, 1.4689323902130127, -0.3380010724067688, -0.41850775480270386, -0.3929692208766937, -11.152450561523438, 0.6962757110595703, 0.35555747151374817, 0.0506276860833168, 0.7266384363174438, -0.31231674551963806, 0.018931467086076736, -0.05223064497113228, 0.06457480788230896, -0.5676856637001038, 0.6455566883087158, 1.0847502946853638, 0.26066532731056213, 0.25651833415031433, -0.6468742489814758, -1.4223483800888062, -0.31419187784194946, -0.8590207695960999, 0.12965936958789825, 0.36054110527038574, 0.35106363892555237, -0.5766940712928772, -0.23222681879997253, 0.5223274230957031, 0.29483675956726074, -0.5593483448028564, -0.6024224758148193, -0.051442764699459076, -0.08598600327968597, -0.260832279920578, 0.387047678232193, -0.10687520354986191, 0.05125969648361206, -0.2835565507411957, -0.3443286418914795, -0.3792221248149872, -0.4481857419013977, -0.09381783753633499, 0.6553971767425537, -0.3327285051345825, -0.35573768615722656, 0.09423425793647766, 0.633718729019165, -0.42769962549209595, -0.6690243482589722, 0.5808442234992981, 0.28041765093803406, -0.675273060798645, -0.16747044026851654, -0.12789611518383026, -0.36938023567199707, -0.7875198125839233, -0.6343280673027039, -0.6494680643081665, 0.45618727803230286, 0.4457939863204956, -1.005850076675415, -0.5102515816688538, -0.562173068523407, -1.1138066053390503, 0.18014834821224213, -0.07085829228162766, 0.05566032975912094, 0.12457288801670074, 0.060425642877817154, -0.15707477927207947, -0.00305774062871933, 0.4166505038738251, -0.8447577953338623, 0.9509294033050537, -1.1415157318115234, 0.7613690495491028, 0.15114089846611023, 0.6652684807777405, -1.5751395225524902, 0.2745601534843445, -0.6973158717155457, 0.05493408441543579, 0.12602323293685913, -0.5145089030265808, -1.369963526725769, 1.1752876043319702, 0.5959013104438782, -0.3923421800136566, -1.0001444816589355, 0.4114224314689636, 0.24693137407302856, 0.39950624108314514, 1.085304856300354, -0.5999476313591003, 1.0966891050338745, 0.1543256938457489, -0.6298334002494812, 0.12807604670524597, -0.2993673086166382, 1.1991300582885742, -0.23339205980300903, -0.06965984404087067, 0.49817439913749695, -0.11263609677553177, 0.1072036474943161, 0.11042987555265427, -1.2262825965881348, 0.5614405870437622, 0.4160009026527405, 0.3938906192779541, 0.5283898115158081, -0.363475501537323, 0.46614813804626465, -0.4598075747489929, 1.3418865203857422, 0.5897690057754517, -0.6964694261550903, 1.918956995010376, -0.8670012950897217, 0.6399841904640198, 0.48117613792419434, 0.09096090495586395, 0.40093713998794556, 0.3306768536567688, -0.7123435735702515, 0.9427295923233032, -0.10829342156648636, 1.8028905391693115, -0.28886473178863525, 0.46199697256088257, 0.44439318776130676, 0.26935040950775146, 0.02054584212601185, -1.5486063957214355, -0.3003171682357788, 0.04986507073044777, 0.15769615769386292, -0.6478182673454285, -0.4189942181110382, 0.3005283772945404, -0.4474955201148987, 1.2988020181655884, -1.3099442720413208, -0.2538151741027832, -0.1434604972600937, -0.11769773066043854, -0.9135323166847229, -1.5408347845077515, -1.1371463537216187, 0.28711235523223877, -1.4170838594436646, 0.6323462724685669, -0.7822319269180298, -0.2283923178911209, -0.38907304406166077, -0.7297630310058594, 1.0477558374404907, -0.8179701566696167, -0.222258523106575, -0.6042846441268921, 1.057070255279541, -0.6873483061790466, -0.711116373538971, -0.5305192470550537, 0.61761075258255, 0.9842223525047302, -1.0343412160873413, 1.4324722290039062, 0.14776262640953064, -0.23415710031986237, -0.45976701378822327, 0.07749602198600769, -0.17853672802448273, 0.4679921865463257, 0.5482407808303833, -1.7140154838562012, -0.9052443504333496, -0.7459079027175903, 0.14728231728076935, -0.820133626461029, 0.3060930669307709, 0.8671609163284302, -1.0972399711608887, -0.6323075890541077, 0.15447355806827545, 1.0006482601165771, 0.15978099405765533, -0.3555670380592346, -0.48968812823295593, -0.151676207780838, 0.16695591807365417, 1.2352697849273682, 0.499515563249588, 1.1318236589431763, -1.5738568305969238, -0.9772921800613403, -0.9248071312904358, 0.0038785263895988464, 0.7325371503829956, 0.20542176067829132, 0.45147693157196045, 0.5207870602607727, -0.7174527645111084, 0.08387067168951035, 0.08574701845645905, 1.2478235960006714, 0.6637951731681824, 0.5462095737457275, -0.18123042583465576, 1.1748099327087402, -0.35335418581962585, -0.43766626715660095, -0.26434773206710815, 1.2166024446487427, -1.3123739957809448, -0.5426897406578064, -0.35635754466056824, -0.301329642534256, -0.05373383313417435, -1.3194035291671753, -0.17183485627174377, -0.7187080383300781, -0.12636081874370575, -1.4667816162109375, 0.18301445245742798, 0.4963121712207794, 0.08202014863491058, 0.5488432049751282, 0.7766100168228149, 0.9821726679801941, 0.9510373473167419, -0.19179116189479828, 0.9336381554603577, -0.017721664160490036, -0.3909880518913269, 0.4478369951248169, 0.5535067319869995, 0.3409014940261841, -0.3381369709968567, -1.1178430318832397, -0.6171001195907593, 0.417865514755249, 0.07425487041473389, 1.0904557704925537, -0.14519110321998596, 0.6668968200683594, 0.9129491448402405, 1.1885201930999756, -0.36057090759277344, -1.6384501457214355, -0.6216718554496765, -1.4306892156600952, 0.41202953457832336, 0.935532808303833, 1.2222280502319336, 0.17795494198799133, 0.5705899000167847, -0.503786027431488, 0.7533013820648193, -0.9935138821601868, 0.08679898083209991, -0.022834189236164093, -0.3830678462982178, 0.8874202370643616, 0.3857191801071167, 0.6925995945930481, 0.41989874839782715, -0.015423446893692017, -0.8516350388526917, 0.3096659183502197, -0.5869032144546509, 1.1893362998962402, 0.3303677439689636, -0.4665504992008209, -0.2776526212692261, -0.40120989084243774, 1.151623249053955, -0.15056662261486053, 1.1355838775634766, -0.0963788777589798, -0.44149017333984375, -1.0957692861557007, -0.8296892642974854, -0.11884425580501556, 0.4050113558769226, 0.06502809375524521, -0.7059020400047302, -0.39849036931991577, 0.4294365346431732, 0.7620771527290344, -0.2577427327632904, -0.6155446171760559, -0.39777079224586487, -0.7384756207466125, 0.009143687784671783, -0.16067107021808624, -0.8137305974960327, -0.9260908365249634, 0.14257197082042694, -0.7949472665786743, 0.6868537068367004, 0.1359368860721588, -0.9044744372367859, -0.9147863388061523, 0.5989853143692017, 0.10458596050739288, 0.7696125507354736, -0.35084444284439087, -0.36449134349823, -1.6631265878677368, 0.6645594835281372, 1.3226597309112549, -0.7395902276039124, -0.2974158227443695, 0.13133004307746887, 0.6888667941093445, 0.3501560688018799, 0.9415386319160461]} +{"paper_id": "code_search_net", "embedding": [-0.3142624795436859, 0.8584551811218262, 0.23088106513023376, 0.26723363995552063, -0.18443775177001953, -0.02653462067246437, 0.9803186655044556, 1.6340248584747314, 0.8615003228187561, 0.19080573320388794, -0.3993206024169922, 0.47771090269088745, 0.2849251329898834, 0.1664947122335434, -1.1452172994613647, -0.5865224599838257, -0.6596491932868958, -1.39382004737854, -1.0522778034210205, -0.9499326348304749, -1.3901393413543701, -1.3122179508209229, 0.28506922721862793, 0.12506863474845886, -0.41928955912590027, 0.01881382055580616, 0.43854206800460815, -0.9755026698112488, -0.04807601869106293, 0.29548487067222595, 0.6741301417350769, 0.7472410202026367, -1.0662429332733154, 0.9247971177101135, -0.17497721314430237, -0.17019301652908325, 0.11731841415166855, 1.1388483047485352, -0.6954748034477234, -0.05141338333487511, -0.09328023344278336, 0.03081969916820526, 1.5500348806381226, -0.21068058907985687, 0.9314606785774231, -0.6088902354240417, -0.2905167043209076, -0.4369862973690033, -0.08796688169240952, 0.1027585119009018, -0.3148413300514221, 0.4303542375564575, 0.9314010143280029, -0.19599846005439758, 0.17218607664108276, 1.0585359334945679, 0.5980977416038513, 0.003006556537002325, 0.6773185133934021, -0.38375428318977356, 0.7636116147041321, 0.9337618947029114, -0.3492679297924042, 0.11470578610897064, 0.003140978515148163, -0.49378079175949097, 1.3429391384124756, 0.8006904721260071, -0.09408336132764816, 0.10828813165426254, 0.1540597826242447, -1.6327365636825562, 0.8290489912033081, 0.40142178535461426, 0.089825838804245, 0.6664613485336304, -0.001356862485408783, -1.258660912513733, 0.30939796566963196, -0.14517852663993835, -0.4492674171924591, 0.16311481595039368, 0.4955701231956482, -0.5105451941490173, -0.10596823692321777, 0.18138042092323303, -0.11077659577131271, -1.302902102470398, -0.12211785465478897, -0.7288526296615601, 0.381339967250824, -0.9118883013725281, 0.4777405560016632, -0.44349971413612366, -0.32881054282188416, 0.11365292221307755, -0.6753631830215454, 0.11144856363534927, -0.4695039391517639, 0.7663570642471313, 0.8371580839157104, -0.049862779676914215, 0.6825309991836548, -0.7556596398353577, 0.5475265979766846, 0.333973228931427, -0.9829181432723999, -0.42897388339042664, -0.9559663534164429, -0.33819037675857544, 1.0055147409439087, 0.6293821334838867, 0.08219562470912933, 1.5105336904525757, -0.5386670231819153, -0.512833833694458, -0.23376891016960144, 0.1663544923067093, -0.060788024216890335, -0.40544062852859497, 0.0814163014292717, -0.8914337754249573, 0.3819207549095154, -0.45924651622772217, 1.103195309638977, -0.12358339130878448, 0.233976811170578, 0.2409171462059021, 0.19085140526294708, -0.28827354311943054, 0.985572099685669, 0.7132076025009155, -0.4893537759780884, 0.13233903050422668, 2.8449478149414062, -0.8792932033538818, 0.06940965354442596, -0.18032270669937134, -0.3006564974784851, -0.10071621090173721, -0.23728257417678833, 1.5810151100158691, 0.8363311886787415, -0.7533677220344543, -0.24504677951335907, 0.4115385413169861, -0.6031973958015442, 0.4211593270301819, -1.6047258377075195, 0.06542009860277176, -0.18594500422477722, 1.3247668743133545, -1.1919852495193481, -0.9424581527709961, -0.22347941994667053, 0.8062747120857239, 0.23587676882743835, 0.5106857419013977, -1.1691594123840332, -0.39936038851737976, 0.436057984828949, -0.14233992993831635, -0.43678510189056396, 0.29336977005004883, -1.1383252143859863, 0.41714316606521606, 1.8244789838790894, -1.2187031507492065, -1.6750043630599976, -0.39765435457229614, 0.767338752746582, -0.7451971769332886, 0.19007974863052368, -0.44441303610801697, 0.44926172494888306, 1.2334107160568237, 0.7003955841064453, 0.19643668830394745, 0.01459517702460289, -0.8778390288352966, -0.8122727870941162, -0.20696943998336792, -0.5224205255508423, 0.3692317306995392, 0.3750525712966919, -0.010562192648649216, -2.6083128452301025, 0.19150201976299286, -0.08162490278482437, -0.11665570735931396, -0.212222158908844, 0.15388575196266174, 0.3688989281654358, 0.4857471287250519, 0.7260298728942871, -0.5024716854095459, 0.026671921834349632, -1.3860633373260498, 0.19480305910110474, 0.7352597117424011, -0.18463386595249176, 1.20436692237854, -0.8776296973228455, 0.38058316707611084, 0.6085713505744934, -0.3317365050315857, 0.10267654061317444, -2.1685781478881836, -0.2701854407787323, 2.123885154724121, 0.5080538988113403, 0.016745418310165405, -1.2361584901809692, -0.29338347911834717, 0.0129537433385849, -0.21241968870162964, 0.19012586772441864, -0.6181248426437378, -0.49605196714401245, -1.2301058769226074, 0.6579545140266418, -0.3541666269302368, 0.5165396332740784, -0.05881519615650177, 1.1783190965652466, -0.958778440952301, 0.6519922018051147, 0.523367702960968, -0.9668043255805969, 0.8853912949562073, 0.7004309296607971, 0.27795684337615967, 0.09620605409145355, 0.779504656791687, -0.3736571669578552, 0.7244147658348083, 1.1334644556045532, -0.05226755514740944, -0.8317233324050903, 0.9129466414451599, -0.2792881727218628, 1.2174711227416992, 0.09097161889076233, -0.41817888617515564, 0.49290692806243896, 0.10961474478244781, -0.4327298402786255, -1.1936990022659302, -0.5472267270088196, 0.08084720373153687, 0.7792100310325623, 0.4054020345211029, 0.3503747284412384, 0.23673805594444275, -0.8759438991546631, -0.013765648007392883, -0.09585200250148773, -0.6403430700302124, -0.9290011525154114, 0.3842127323150635, 0.583888590335846, -0.2085319608449936, 0.28319665789604187, -0.17497849464416504, -0.2912521958351135, -0.9924153089523315, -0.40591317415237427, -0.3274521827697754, -0.5270740389823914, -0.2787103056907654, -0.23602303862571716, 0.1298254281282425, -1.3019031286239624, -0.5340465903282166, 0.4005241096019745, -0.37340906262397766, 0.08582070469856262, 0.10936905443668365, 1.3035509586334229, -0.3018704652786255, 0.379159539937973, 0.3860798478126526, 0.3232991099357605, -0.27239593863487244, 0.4972054362297058, -0.09328709542751312, -0.2923718988895416, -1.5298659801483154, 0.04033389687538147, -0.5444339513778687, -0.18770834803581238, -0.1186794638633728, -0.803638756275177, -1.0724048614501953, -0.40935179591178894, 0.19921249151229858, 0.9414448142051697, 0.2742818295955658, -0.41127827763557434, -0.5837429165840149, 1.257467269897461, -0.05488158017396927, -0.9806399941444397, 0.7143731713294983, 0.12035726755857468, -0.5774065256118774, 1.0800433158874512, 0.5223791599273682, 0.4147357940673828, 0.5462710857391357, -0.30178096890449524, 1.3218669891357422, 0.405814528465271, -2.0468811988830566, 1.125670313835144, 0.9242959022521973, 0.31095272302627563, -0.16543686389923096, -0.335549920797348, -0.6502553820610046, -0.450138121843338, -0.1667424589395523, 0.4315231144428253, -0.5119945406913757, 0.9178444147109985, 0.6003413796424866, 0.7630005478858948, -0.2778798043727875, -0.8538394570350647, 0.08649663627147675, 1.0056419372558594, 0.04533917456865311, 0.12619078159332275, -0.15774106979370117, 1.2033828496932983, -0.9879605174064636, 0.3583269715309143, 0.11947263032197952, 0.6859694719314575, 0.4100845754146576, 0.05140959471464157, 0.29819920659065247, 0.8541353940963745, 0.3592105805873871, -0.331747829914093, 0.17592625319957733, 0.09127220511436462, 0.3065355718135834, 0.9252803921699524, 1.3508801460266113, -0.20111173391342163, -1.0082411766052246, -0.5172195434570312, -0.8057425618171692, -0.7829756736755371, -0.1348057985305786, 1.6090137958526611, 0.9249579906463623, 1.2621488571166992, -0.02166326716542244, -0.4211650490760803, -0.3202734589576721, -0.650501012802124, 0.06192231923341751, 0.10315605998039246, 0.9422199130058289, -1.2793551683425903, -0.47426989674568176, 1.0605283975601196, 0.17127001285552979, 0.1553136706352234, -0.1748516857624054, 0.1687120497226715, 0.40194788575172424, -1.2924662828445435, 0.4271292984485626, -0.025985773652791977, 0.8320417404174805, 1.2314670085906982, -0.7575877904891968, 0.06901925802230835, -0.7259791493415833, -0.04849956929683685, -0.6793557405471802, 0.010854654014110565, 0.1517208218574524, 0.45469650626182556, 0.7014837861061096, 0.5449438095092773, 0.7492408156394958, 1.6096457242965698, 1.0163668394088745, -0.29973915219306946, -1.6496081352233887, -0.6057690382003784, -1.2479333877563477, 0.2882900536060333, -0.18548613786697388, -0.25703155994415283, -0.6312994360923767, -0.005140557885169983, -0.19244849681854248, -1.2086166143417358, 0.2982560694217682, 0.06485884636640549, -0.48745036125183105, 0.055006060749292374, 2.043508529663086, -0.4759679436683655, -0.872898519039154, -0.4938580393791199, -0.8572173714637756, -0.5043901801109314, -0.32549431920051575, -0.6948978900909424, -0.23379318416118622, 0.7636073231697083, 0.3957243263721466, 0.4562668800354004, 0.4680432677268982, -0.581827700138092, 1.5782095193862915, 0.8335793018341064, -0.5127424597740173, 0.024303950369358063, -1.5193674564361572, 1.600328803062439, 0.21681030094623566, -1.0816909074783325, -0.6231735348701477, 0.05220402777194977, -0.45283135771751404, -0.10031652450561523, -0.8577589392662048, -0.7709184885025024, -0.2582889795303345, 0.16589944064617157, 0.14751291275024414, 0.008434850722551346, -0.0029600225389003754, -1.3841230869293213, -0.3127431869506836, 1.532948613166809, -0.5120777487754822, -0.3354472219944, 0.8608425855636597, 0.19091784954071045, 0.33947518467903137, 0.3516662120819092, -0.24246330559253693, 0.29650580883026123, 0.7624391317367554, -0.5026704668998718, -0.22888782620429993, -10.954912185668945, 0.8062242865562439, -0.24458932876586914, 0.6908923983573914, 0.7103009223937988, 0.546481728553772, 1.169028878211975, 0.15824463963508606, -0.07776930928230286, -1.0915790796279907, 0.1595878154039383, 1.43268883228302, -0.05383167415857315, 0.15123607218265533, -0.5360938310623169, -1.7310196161270142, -0.3482963442802429, -0.47694599628448486, 1.19605553150177, 0.3186470866203308, 0.06423085927963257, -0.9467220902442932, -0.20799387991428375, -0.16601267457008362, 0.7019520401954651, 0.41190484166145325, 0.2729550898075104, -0.7640803456306458, -0.4100935459136963, -0.4947868585586548, 0.49287348985671997, 0.7188248634338379, 0.3780306577682495, 0.009230615571141243, -0.26226508617401123, 0.6103922724723816, -1.6287267208099365, -0.29905617237091064, 0.7961990833282471, -0.13970303535461426, -0.5679251551628113, 0.5043558478355408, 0.36907127499580383, -0.11109517514705658, -1.2885682582855225, 0.13542704284191132, -0.18750795722007751, -1.1563692092895508, 0.8059172034263611, -0.5048506855964661, 0.005532816052436829, -0.6269264221191406, 0.03803718462586403, -0.8249402642250061, 0.6317201256752014, 0.16747839748859406, -0.8643132448196411, -0.9720906019210815, 0.37325987219810486, -1.2918312549591064, 1.2751739025115967, 0.6006926894187927, 0.7306210994720459, 0.9041737914085388, 0.5414866805076599, 0.07879524677991867, 0.16010361909866333, 0.5406054258346558, -0.7524388432502747, 0.6609085202217102, -1.220739483833313, 0.9656867384910583, 0.6393640637397766, 0.6436497569084167, -0.5381958484649658, -0.20404550433158875, -0.5726941823959351, -0.38802090287208557, 0.1023760735988617, 0.24894088506698608, -0.7647328972816467, 1.1624191999435425, -0.14240898191928864, -0.7952585220336914, -0.4037054777145386, 0.04714066907763481, -1.064529299736023, 0.8567132949829102, 1.4217145442962646, -0.14127494394779205, 1.2578343152999878, -0.19674798846244812, -0.7182908654212952, -1.3895070552825928, -0.910010814666748, 0.4553662836551666, -0.276333749294281, 0.20724570751190186, 0.04008626192808151, -0.9191216826438904, 0.0890827402472496, -0.2183905839920044, -0.9926543235778809, -0.5357838273048401, 0.5317655205726624, 0.5328085422515869, -0.3847583532333374, -0.3639565706253052, 0.2556897699832916, -0.041804395616054535, 0.5407493710517883, -0.29031944274902344, -0.8159968256950378, 1.3679847717285156, -0.48524168133735657, 0.708289384841919, 0.7993475794792175, -0.1388600766658783, 1.249441146850586, -0.14378932118415833, 0.49686044454574585, 0.5988710522651672, 0.748339831829071, 0.7645062804222107, -0.6822672486305237, -0.04239218309521675, 0.43749088048934937, 0.3711482286453247, -1.215636968612671, -0.08335316181182861, 0.271146684885025, -0.41044196486473083, -0.20660188794136047, -0.9708635210990906, -0.33682745695114136, 0.025114793330430984, -0.23883120715618134, 0.8401890993118286, -1.1270408630371094, 0.14681124687194824, 0.24215655028820038, -0.2473859190940857, -1.1315228939056396, -1.1510356664657593, -1.4270654916763306, 0.9102604985237122, -1.103683590888977, -0.10919226706027985, -0.61903977394104, -0.7629421353340149, -0.05303400382399559, -0.8369565606117249, 1.0715079307556152, -0.8993214964866638, -0.17494016885757446, 0.05408105254173279, 0.463432639837265, -0.025368452072143555, -0.5441854000091553, -1.0498995780944824, 0.6354123950004578, 0.9582380056381226, -0.2724683880805969, 0.6335804462432861, 0.8659000396728516, 0.5897016525268555, -0.42413529753685, -0.17928580939769745, -0.07478916645050049, -0.044380657374858856, 0.3524288237094879, -0.7664839625358582, 0.08976835757493973, 0.029653536155819893, 1.1722272634506226, 0.3773106336593628, 0.6794763207435608, 0.8179631233215332, -1.3332440853118896, 0.8485962152481079, -0.20834554731845856, 1.229746699333191, 0.6939548254013062, -1.0549482107162476, -0.8889931440353394, -0.22046607732772827, 0.5993750095367432, 0.4869087338447571, 0.22754402458667755, 0.8738969564437866, -0.633675217628479, -1.3230583667755127, -0.7193250060081482, 0.7380885481834412, -0.06592190265655518, -0.2688503861427307, 0.6134452223777771, -0.054896313697099686, 0.8570691347122192, 0.6700413823127747, -0.6454526782035828, 0.6697763800621033, -0.1187078207731247, -0.11590003967285156, -0.26636916399002075, 0.15046390891075134, -0.9230757355690002, 1.0717129707336426, 1.10140860080719, 0.9098982214927673, -1.1490174531936646, 0.1848040670156479, 0.456765353679657, -0.432954341173172, -0.2875448167324066, -1.189118504524231, 0.11145579814910889, 0.04050091281533241, -1.2462903261184692, -0.8847299814224243, 0.7491391897201538, 0.14886042475700378, 0.11040768027305603, 0.765752911567688, 0.12807518243789673, 0.9144408106803894, 0.3589436113834381, -0.15965308248996735, 1.0880712270736694, -0.46675390005111694, -0.5607786178588867, 0.24271084368228912, -0.07448579370975494, -0.17267301678657532, -0.3699089288711548, 0.12015223503112793, -0.9547815918922424, 0.06476191431283951, -0.639434814453125, 0.5653904676437378, -0.7684661746025085, 0.2584424316883087, 0.47265946865081787, 1.1217482089996338, -0.8307297825813293, -1.5044152736663818, -0.06670176982879639, -0.7556015253067017, -0.8399457931518555, 1.1240174770355225, -0.026286209002137184, 0.21602071821689606, 0.732734739780426, 0.5657796859741211, 0.10740424692630768, 0.7967546582221985, 0.5679014325141907, 0.14751192927360535, -0.09391100704669952, 2.0289347171783447, 0.9117640256881714, -0.15303710103034973, 0.4616960883140564, -0.16581156849861145, 0.4116213023662567, -0.17880718410015106, -1.0692156553268433, 0.46855223178863525, 0.5235134959220886, 0.13124439120292664, 0.23186929523944855, -0.7320413589477539, 1.1016489267349243, -1.6355725526809692, 0.9856932163238525, 0.18681113421916962, -1.0419379472732544, -0.41383159160614014, -0.3808950185775757, -0.2548028230667114, 0.12864547967910767, -0.8311042189598083, -0.02774561010301113, 0.49975597858428955, 0.8432085514068604, -0.4550030529499054, 0.8666737675666809, -0.14715829491615295, 0.07676388323307037, -1.0413453578948975, 0.24298520386219025, -0.2832106351852417, 0.290985643863678, -0.2671729028224945, 0.6910087466239929, -0.41384053230285645, 0.0852082371711731, -0.16899943351745605, 0.03969474136829376, -0.05324944108724594, 1.0116912126541138, -0.01843653991818428, 0.8246288895606995, 0.1858939528465271, 0.09680242836475372, -1.0158761739730835, 1.0073604583740234, 0.20518790185451508, -0.21567949652671814, -0.5562756061553955, -0.31663987040519714, -0.027069594711065292, 1.2118208408355713, 0.45071515440940857]} +{"paper_id": "wikihow", "embedding": [-0.28511056303977966, 1.497011661529541, -0.38242003321647644, 0.38038796186447144, 0.8466652631759644, -0.3181162476539612, 1.018198847770691, 0.7680268287658691, 0.7669540643692017, 0.4290523827075958, 0.8958856463432312, 0.34870263934135437, 0.6286748051643372, 0.3972037136554718, -0.8139132261276245, 0.014033418148756027, -0.20666825771331787, -0.4864739775657654, -0.16467058658599854, -0.655742883682251, -0.8014670014381409, -0.486735463142395, -0.199091374874115, 0.7199801206588745, -1.0343629121780396, -0.34921687841415405, 1.221776008605957, -1.5638633966445923, -0.29541853070259094, 0.4069010615348816, 0.030183367431163788, 1.1845115423202515, -0.997021496295929, 0.11217323690652847, -0.9301302433013916, -0.733963131904602, 0.32122036814689636, 0.8141601085662842, -0.7951554656028748, 0.07917678356170654, -1.0399370193481445, 0.18057218194007874, 0.837790846824646, -0.11570234596729279, 0.34507450461387634, -0.19986680150032043, 0.2781805992126465, 0.30820417404174805, -0.8175977468490601, 0.145928755402565, 0.03961704298853874, -0.01922936737537384, 0.46184226870536804, 0.6793822050094604, -0.0003892257809638977, 1.4200345277786255, -0.2612382173538208, -0.9682204127311707, 0.13503555953502655, -0.5328714847564697, 0.7264994382858276, 1.2977958917617798, -0.6316537857055664, -0.2870974540710449, 1.4898626804351807, -0.7591845393180847, 0.9146033525466919, 0.6740487217903137, 0.7888128757476807, 1.04147469997406, -0.8126707673072815, -1.2213830947875977, 0.27688178420066833, -0.29290294647216797, -0.143163800239563, 0.8776669502258301, 0.4997811019420624, -0.78312748670578, 0.20246586203575134, -0.06420010328292847, -0.22933202981948853, 0.8056885600090027, 0.6750115156173706, -0.5871356129646301, -0.11509856581687927, -0.1349828541278839, 0.2994832992553711, 0.2699030637741089, -0.11299449950456619, -1.2208030223846436, 0.07896740734577179, -0.015476623550057411, -0.12540565431118011, -0.4812259078025818, -0.698574960231781, 0.32973039150238037, 0.36148160696029663, -0.26054614782333374, -0.7707916498184204, 0.48526525497436523, 0.8179514408111572, -0.7115364074707031, 0.1322363317012787, 0.31756454706192017, 0.9732546210289001, 0.682415783405304, -0.6163890361785889, -0.5588997602462769, -0.04237427935004234, -0.609440267086029, -0.12900739908218384, 0.6136677265167236, 0.3605707287788391, 0.4117225706577301, -0.4311928153038025, -0.5008564591407776, -0.11310645192861557, 0.48995164036750793, -0.5562984943389893, -0.07560457289218903, -0.7773362398147583, -1.6417802572250366, -0.15973296761512756, -0.07353278994560242, 0.5142660737037659, -0.9575751423835754, 0.20035746693611145, -0.4145289361476898, -0.3933834135532379, -0.09537669271230698, 0.667843222618103, 0.6302579045295715, -0.7371816039085388, 0.0033129453659057617, 2.1484482288360596, -0.7974076867103577, 0.9481923580169678, 0.374556303024292, 0.019090792164206505, -0.5249426364898682, 0.3341297209262848, 1.4085276126861572, -0.3028450012207031, -0.3436124622821808, -0.035487789660692215, -0.10693267732858658, -0.5978698134422302, 0.7814448475837708, -0.6966241002082825, -0.4580540359020233, -0.09520679712295532, -0.10041821748018265, -1.4358093738555908, -1.340433955192566, -0.37134793400764465, 0.6546091437339783, 0.20273256301879883, 0.24365916848182678, -0.21992072463035583, 1.4863044023513794, 1.2538366317749023, 0.4937369227409363, -0.41399556398391724, -0.07092691957950592, -0.7257844805717468, 0.17065435647964478, 0.8442533612251282, -0.14167016744613647, -0.30143022537231445, -0.2881036102771759, 0.7608177661895752, -0.5713431239128113, 0.26221442222595215, -0.6390450596809387, -0.32751256227493286, 0.21634960174560547, 0.4092605710029602, -0.0250746738165617, 0.339979887008667, -0.30886468291282654, -0.46918246150016785, 0.1988568902015686, -0.028763234615325928, 0.4494406282901764, -0.1815309226512909, 0.37782248854637146, -2.260880708694458, 0.04879382252693176, -0.658944845199585, 0.8598443269729614, 0.21881809830665588, 0.10292911529541016, -0.2878308594226837, -0.012787148356437683, -0.41648972034454346, -0.5333046317100525, 0.2050766795873642, -0.5715493559837341, 0.19875377416610718, 0.2776692509651184, 0.23397713899612427, 0.3880730867385864, -0.059564631432294846, 0.7648521661758423, 1.0708202123641968, -0.5723127126693726, -0.6453924775123596, -1.3558861017227173, 0.7192218899726868, 1.1704671382904053, -0.6281678676605225, -0.952617347240448, -2.1142189502716064, -0.8879027366638184, 1.5048911571502686, -0.5342623591423035, -0.15890361368656158, -0.4353690445423126, 0.05115114152431488, -1.2318118810653687, 0.27720320224761963, -1.2015936374664307, 0.23562762141227722, 0.3039090931415558, 0.9764249324798584, -0.211636483669281, -0.34161385893821716, -0.4419875741004944, -1.3425383567810059, 0.34144827723503113, 1.4008443355560303, -0.14850804209709167, -0.4960688352584839, 0.8981716632843018, -0.11639866232872009, 0.2675091028213501, -0.03004414215683937, 0.5810874104499817, 0.07605244219303131, -0.6926561594009399, 0.3285016119480133, 0.9375278353691101, -0.41257160902023315, -0.0035935379564762115, -0.37518805265426636, -0.17429599165916443, -0.2263985425233841, -0.508395791053772, 0.6218480467796326, 0.17599689960479736, 1.2081151008605957, 0.9754360318183899, -0.2251644730567932, 1.502725601196289, -0.9524997472763062, -0.23040929436683655, -0.14903277158737183, -1.0301939249038696, -0.07127127051353455, -0.2085617035627365, 0.6312897205352783, 0.1344040483236313, 0.605462908744812, -0.5732381343841553, -0.1286809742450714, -0.8897271752357483, -0.7467758655548096, -0.013051897287368774, -0.5681050419807434, -1.1831666231155396, -0.48102492094039917, -0.5970102548599243, -1.1507604122161865, -0.5970797538757324, 0.18007397651672363, 0.20562689006328583, 0.4339902400970459, 0.5216089487075806, 1.4204477071762085, 0.0803651362657547, 0.5465331673622131, -0.31157177686691284, 0.8649300932884216, 0.1456427127122879, 1.1670405864715576, -0.784214973449707, -0.4824182987213135, -1.3186323642730713, 0.09035685658454895, -0.35923194885253906, 0.42027363181114197, 0.3858695924282074, -0.492332398891449, 0.5129584670066833, -0.18382209539413452, -1.1249873638153076, 0.8433388471603394, -0.9474962949752808, 0.13885995745658875, -1.0964293479919434, 0.9711245894432068, 0.4013091027736664, -0.8418956995010376, 0.4842780828475952, 0.34065261483192444, -0.5146017670631409, 1.36902916431427, -0.47744065523147583, 1.812618613243103, 0.4631059169769287, -0.01792692020535469, 0.10709692537784576, -0.04384388029575348, -2.165353298187256, 0.14113207161426544, 1.3433773517608643, -0.7293493151664734, -0.4503602087497711, -0.3454059958457947, 0.1271497756242752, 0.16448871791362762, -0.4853466749191284, 0.4566126763820648, -0.8752373456954956, 0.6387845873832703, -0.6253136992454529, 0.32250088453292847, 1.172938585281372, 0.18478824198246002, 0.9229850172996521, 0.4436098337173462, 0.35334861278533936, -0.648393452167511, -0.9393292665481567, 0.9916151165962219, -0.43870672583580017, 0.6491726636886597, 0.3117469847202301, 1.3645682334899902, 1.0127582550048828, -0.45178335905075073, 0.20574001967906952, 1.0381407737731934, 0.5113081336021423, 0.2795735001564026, 0.30126479268074036, -0.3495151400566101, 0.5448453426361084, 0.15248733758926392, 0.8705543875694275, -0.008889716118574142, -0.5592849850654602, -0.5238376259803772, 0.21858102083206177, -0.9093251824378967, -0.8723016977310181, 1.0969375371932983, 0.6693821549415588, 2.0057990550994873, 0.7363240122795105, -0.022741245105862617, -0.5224034786224365, -0.26255685091018677, 0.250194787979126, 0.09657880663871765, 0.2135709673166275, -0.4452332556247711, -0.04075966775417328, 1.4448721408843994, -0.11776427924633026, -0.3627607822418213, -0.2811257541179657, 0.45929810404777527, -0.0757601410150528, -0.9627695083618164, 0.8009693622589111, 0.6210564970970154, 0.9260914921760559, 1.6942791938781738, -1.0909068584442139, -0.17745746672153473, 0.19324801862239838, -0.18514971435070038, 0.15945784747600555, 0.6389179229736328, -1.2906473875045776, 0.23723825812339783, 0.32183074951171875, 0.18988166749477386, -0.827454686164856, 1.1768885850906372, 0.9796978235244751, -0.26081064343452454, -0.52294921875, -0.592542827129364, -0.9362882971763611, -0.21996688842773438, -0.009575825184583664, 0.2559274137020111, -0.7223356366157532, 0.6345655918121338, -0.0717407613992691, -0.7711779475212097, 0.7285243272781372, -0.16381768882274628, -1.0604808330535889, -0.22267557680606842, 1.3845956325531006, -1.614986538887024, -0.45605045557022095, -0.14497970044612885, -1.263373851776123, -0.6267161965370178, -0.015750164166092873, -0.26241832971572876, 0.14571107923984528, -0.36634451150894165, 0.6977556943893433, 0.38704925775527954, -0.007178746163845062, -1.0975546836853027, 0.589659571647644, 0.8904051184654236, -0.5967361330986023, 0.7543373107910156, -0.05200198292732239, 0.17088977992534637, 0.17597141861915588, -1.2746800184249878, -0.16775092482566833, 0.5053210854530334, 0.0405314639210701, -0.06904783099889755, -0.40109768509864807, -0.43805286288261414, 0.43722885847091675, 0.5355740785598755, 0.8110869526863098, -0.8123062252998352, 0.44261348247528076, -0.03533502668142319, 0.4767148792743683, 0.6393311023712158, -0.6170803308486938, -0.8772481083869934, 0.8161875605583191, -0.4532965421676636, 0.25656676292419434, -0.14094889163970947, 0.3135354518890381, 0.5984002351760864, 0.593779444694519, -0.0039508156478405, -0.4849756062030792, -11.837542533874512, 0.6200401186943054, 0.0052495114505290985, -0.43802952766418457, 0.46707600355148315, 0.16517415642738342, 0.9317452907562256, 0.0008730795234441757, 0.7992769479751587, -0.3776152431964874, 0.2641517221927643, 1.2745449542999268, 0.004500001668930054, 0.2129543274641037, -0.34642845392227173, -1.6147915124893188, -0.1328328400850296, -0.13554273545742035, 0.7232584953308105, -1.091924786567688, 0.17002815008163452, -0.07816441357135773, 0.41032493114471436, 0.036614008247852325, 0.2339565008878708, 0.23353853821754456, 0.22188472747802734, -0.09465198218822479, -0.5683521628379822, 0.3093786835670471, 0.6997809410095215, -0.24078083038330078, -1.0236403942108154, -0.7351978421211243, 1.258866548538208, -0.19108474254608154, -1.336834192276001, -0.3483172059059143, 0.7706544995307922, -0.5967836380004883, -0.08955812454223633, 0.36651113629341125, 0.027364559471607208, -0.349727064371109, -0.5612919926643372, 0.17453370988368988, 0.04964245855808258, -0.8378152251243591, 0.6727990508079529, -0.2628493905067444, -0.7141866087913513, -0.627405047416687, -0.9428126811981201, -0.566999614238739, 0.6733877062797546, -0.14709638059139252, -0.6872172355651855, 0.088906429708004, 0.07539317011833191, -0.7945970296859741, 0.6592215299606323, 0.17400413751602173, 0.2910453975200653, -0.2722025513648987, 0.6211978197097778, -0.32370105385780334, 0.6197845935821533, 0.21196509897708893, 0.3725952208042145, 0.22578249871730804, -0.4940645098686218, 0.6612711548805237, 0.44194331765174866, -0.1642112135887146, 0.191572904586792, -0.16570782661437988, 0.07941287755966187, -0.9111002683639526, 0.7405294179916382, 0.7877005338668823, -0.9708572030067444, 0.3908669352531433, -0.023081650957465172, -0.13015159964561462, -0.5954278111457825, -0.3151750862598419, 0.1828838586807251, -0.591866672039032, 0.3810427784919739, -0.43424731492996216, 0.7927795052528381, -0.3203085660934448, -0.382158100605011, 0.0015020594000816345, -0.6276262998580933, 1.2200748920440674, -1.372850775718689, 0.44755637645721436, 0.5071707963943481, -0.5431388020515442, 0.1942320466041565, 0.1835992932319641, -0.6877179145812988, -0.4021933376789093, 0.3234577775001526, -0.3799980580806732, -0.2776905298233032, 0.4233388602733612, -0.375358909368515, -0.5398117899894714, 0.7967287302017212, 0.33409374952316284, -0.3575994372367859, 0.9344943165779114, -0.037452198565006256, 1.3941926956176758, 0.6807514429092407, -0.5329062938690186, 0.49211931228637695, 1.8709977865219116, -0.8697122931480408, 0.5724014639854431, 0.23740434646606445, 0.7427822947502136, 0.15004345774650574, 0.38494884967803955, -0.3517942428588867, 0.9300867915153503, -0.7127694487571716, -0.3654681146144867, -0.6288160085678101, -0.571357011795044, 0.2162097841501236, -1.0290640592575073, -0.9080703854560852, 0.2844637930393219, -0.5726361870765686, 2.0297954082489014, -0.4978749752044678, 0.16109204292297363, 0.14139796793460846, -0.9519684314727783, -0.23090462386608124, -0.5905036330223083, -0.35862186551094055, 0.07490690052509308, -1.4724421501159668, 0.3007725179195404, -0.7633370161056519, -0.03579379618167877, -0.03977084532380104, 0.038195379078388214, 0.5300636291503906, -0.568846583366394, -0.7285550236701965, -0.41375455260276794, 0.4254341423511505, 0.07410740107297897, -0.9815778732299805, -0.8396271467208862, 0.19325080513954163, 0.7399142980575562, -0.4305166006088257, 1.1090357303619385, 0.1943751871585846, -0.014537360519170761, -1.0594661235809326, -0.3691684305667877, -0.7942792177200317, 0.46109622716903687, 1.4229639768600464, -0.9909530282020569, 0.2870059311389923, -0.5321052670478821, -0.256085604429245, -0.6332210898399353, 0.7395089864730835, 1.3908965587615967, -1.3501304388046265, 0.20004792511463165, 0.4733157753944397, 0.2930682301521301, 0.8587849736213684, 0.4595721364021301, 0.032185450196266174, 0.37884533405303955, 0.016159096732735634, 0.43098682165145874, -0.14564251899719238, -0.03280523046851158, -1.4195665121078491, -1.035013198852539, -0.7627560496330261, -0.8780163526535034, 1.1494669914245605, -0.32484063506126404, 1.1168214082717896, 0.6958398222923279, -0.40772753953933716, -0.24759191274642944, 0.04866288974881172, 1.1284846067428589, 0.43633031845092773, 1.2009435892105103, 0.27781376242637634, -0.763350248336792, -0.9454088807106018, 0.8333591222763062, 0.08844068646430969, 0.49403083324432373, -0.8761563301086426, 0.21559135615825653, 0.9795255661010742, 0.1419508308172226, -0.857279896736145, -1.3723199367523193, -0.013059522956609726, 0.17705221474170685, 0.17955948412418365, -0.9224081039428711, -0.12178922444581985, 1.2080837488174438, -1.0099751949310303, 1.1859300136566162, 0.2773548364639282, -0.0021398253738880157, 0.6661548018455505, 0.6173979043960571, 1.1004836559295654, 0.14794456958770752, -0.8629235625267029, 0.6356980204582214, -0.2952589988708496, -0.26994195580482483, 0.38762524724006653, -0.3586132228374481, -0.9866209626197815, 0.3173891305923462, -1.0675333738327026, 0.25253987312316895, 0.43707209825515747, -0.1037287637591362, 0.7922438383102417, 1.2783280611038208, 0.6651645302772522, -1.9198790788650513, -0.39272499084472656, -0.9059492349624634, 0.314542680978775, 1.1805839538574219, 0.0871644914150238, -0.029210539534687996, 0.6059077978134155, -0.31465262174606323, 0.7322017550468445, -0.6687453985214233, -0.15737390518188477, 0.171049565076828, -0.3187648057937622, 0.7628779411315918, 0.6456015110015869, -0.14874103665351868, -0.2759447991847992, -0.19921338558197021, -0.23890316486358643, -0.8407189249992371, -0.6499123573303223, -0.017143793404102325, 1.7543388605117798, -0.36653822660446167, -0.27475887537002563, -1.0055384635925293, 0.16416290402412415, -0.8457908630371094, 0.5236942768096924, 0.45799148082733154, -0.8172572255134583, -0.4748855531215668, -0.6823316812515259, -0.156393364071846, 0.5672065019607544, 0.01889991946518421, 0.04455379396677017, 0.014488160610198975, 0.39046064019203186, 0.4221157729625702, 0.07650505006313324, -0.13571487367153168, 0.29958462715148926, -0.03073026053607464, 0.1434590369462967, 0.46771368384361267, -0.1556575447320938, 0.15491673350334167, -0.061231669038534164, -0.39428552985191345, 0.4265860915184021, 0.39795154333114624, -0.8411130309104919, 0.25042635202407837, 0.2640247941017151, 0.5159327983856201, -0.06594331562519073, 0.7160571813583374, -0.4529697597026825, -1.4205107688903809, 0.7925465703010559, 0.48852312564849854, 0.12868836522102356, -0.13873915374279022, -0.01145840436220169, 0.589347243309021, 0.37851157784461975, 1.227863073348999]} +{"paper_id": "tapaco", "embedding": [-0.3388836681842804, 1.096432089805603, 0.46264705061912537, 0.24697554111480713, 0.5488811731338501, -0.208680659532547, 0.10284946858882904, 0.3546575605869293, 0.32012271881103516, 0.762406051158905, 0.06773141771554947, -0.8721766471862793, -0.08607403934001923, -0.004460018128156662, 0.25070685148239136, -0.9773944616317749, -1.1965352296829224, -0.6023968458175659, -1.276424527168274, -0.47367048263549805, -0.3302484154701233, -0.7189745903015137, -0.09676465392112732, 0.7490719556808472, -0.6968762874603271, -0.32289913296699524, 0.47462430596351624, -0.7197948694229126, -0.008436165750026703, -0.10265547782182693, -0.9287879467010498, 1.1885074377059937, -1.3349964618682861, 0.17172881960868835, -0.01550590991973877, -0.18488866090774536, 0.06477295607328415, 1.4224029779434204, -0.6089929342269897, 0.20139554142951965, -0.4822598993778229, 0.29165902733802795, 0.8345053195953369, 0.3804250657558441, 0.5155148506164551, 0.38061222434043884, 0.39367079734802246, 0.08016443252563477, -0.14716559648513794, -0.13980619609355927, -0.15647506713867188, 0.5304373502731323, 0.08614017814397812, 0.3500945270061493, 0.28857335448265076, 0.6574535369873047, 0.13962960243225098, -1.3742568492889404, 0.6720712184906006, -0.46616536378860474, 1.1964402198791504, 2.1602659225463867, -0.770569920539856, 0.8961527347564697, 0.22197222709655762, -0.38750511407852173, 0.991954505443573, -0.1255122423171997, 0.3734811246395111, 1.087639570236206, 0.26969581842422485, -0.4188994765281677, 0.9379072189331055, -0.4774530231952667, 0.5877325534820557, 0.5340650081634521, 0.6922835111618042, 0.9790557622909546, -0.14344313740730286, 0.26946866512298584, 0.12419961392879486, 0.6281734704971313, 0.25682780146598816, -0.2709476351737976, 0.05806693062186241, 0.25040653347969055, -0.1084570437669754, -0.8313722014427185, 0.4807397127151489, -1.6349414587020874, 0.7576879858970642, 0.43718013167381287, 0.02314869686961174, 0.2598370313644409, -0.19837072491645813, 1.063287615776062, -0.10889729857444763, 0.4221707284450531, -0.18124637007713318, -0.1280888020992279, 0.7431508898735046, -0.7422482967376709, 0.6230225563049316, -0.23914355039596558, -0.16503417491912842, 1.3062673807144165, 0.4321531057357788, -0.27887821197509766, -0.9213248491287231, 0.12068267166614532, -0.10597649216651917, 1.4744316339492798, -0.8601285219192505, 0.5328627228736877, 0.3295220732688904, 0.1402750015258789, 0.0315011702477932, -1.0071585178375244, 0.3434353172779083, -0.3165753483772278, -0.5550605654716492, -1.0962798595428467, -0.14632830023765564, 0.5231754183769226, 1.1732834577560425, -0.19786879420280457, 0.4057418406009674, -0.516940712928772, 0.49466419219970703, -0.5924513936042786, 1.0619374513626099, -0.2326022982597351, -0.2719007730484009, 0.17986254394054413, 2.40360689163208, -0.9200162887573242, 1.093328595161438, -0.6386624574661255, -0.00025129877030849457, -0.2897942066192627, -0.9018353819847107, 0.997782826423645, -0.06501412391662598, -0.8983772993087769, -0.7300478219985962, 0.7653939127922058, -0.08256010711193085, 0.33809608221054077, -0.801006555557251, -0.28767552971839905, -0.1069122850894928, 0.8865838646888733, -1.6123337745666504, -0.08794184774160385, 0.5160448551177979, 0.431814044713974, 0.20922480523586273, 0.22703900933265686, -0.778110682964325, 0.36316925287246704, 0.6516537070274353, -0.08840624988079071, -0.6794292330741882, 0.5822585821151733, -1.1774253845214844, 0.4922791123390198, 1.3083374500274658, -0.594329833984375, -1.438901424407959, -0.12089642882347107, 0.8596691489219666, -0.46919548511505127, 0.06913552433252335, 0.4306170344352722, -0.008022033609449863, -0.10244093835353851, 0.028401164337992668, 0.595004677772522, 0.5497143864631653, -0.6080408096313477, -0.12717190384864807, -0.3762352168560028, -0.25590795278549194, 0.9379135966300964, -0.39246636629104614, 0.2628752589225769, -2.298811674118042, -0.15982484817504883, -0.18398046493530273, 0.5956532955169678, 0.10959327220916748, -0.4853794276714325, 0.06592243164777756, 0.7200427055358887, 0.002061042934656143, -0.4588181674480438, 0.5414673686027527, -1.1983612775802612, -0.3787156641483307, 0.2589147686958313, 0.3063786029815674, -0.33669134974479675, 0.17183281481266022, 0.3423699140548706, 0.5413150787353516, -1.0297627449035645, -0.29561612010002136, -1.9036470651626587, 0.033542290329933167, 2.5866260528564453, -0.08220285177230835, -0.3343478739261627, -1.1304014921188354, -0.18266576528549194, -0.19499430060386658, -0.07703892141580582, 0.21442347764968872, -0.9642142653465271, -0.26706406474113464, -1.1178618669509888, 0.873216450214386, -0.06479059159755707, 0.03687063604593277, -0.028681369498372078, 0.5795645117759705, -1.2312716245651245, -0.4485307037830353, -0.6485291719436646, -0.6524724960327148, 0.470821350812912, 0.4874117374420166, 0.23012405633926392, -0.21215984225273132, 0.4501924514770508, 0.3110915422439575, 1.0790609121322632, 0.26206865906715393, 0.1262616366147995, -0.8327029943466187, 0.37894177436828613, 0.3053663671016693, 0.9441236257553101, -0.17758966982364655, 0.033773273229599, 0.6374474763870239, 0.9501861333847046, -0.34675857424736023, -0.8727342486381531, -1.0922610759735107, 0.07111324369907379, 1.3375552892684937, 0.7339423894882202, -0.6115651726722717, 1.5730829238891602, -1.4884649515151978, 0.6636962294578552, -0.4356530010700226, -1.202867031097412, -0.2505149841308594, -0.1570146083831787, 0.9584110975265503, 0.4486129879951477, -0.08327947556972504, -0.23991134762763977, -0.5395568609237671, -1.4714322090148926, 0.09075452387332916, -0.6919304728507996, -0.32072609663009644, -1.9131762981414795, 0.017956674098968506, -0.15656347572803497, -1.4998916387557983, -1.0096940994262695, -0.286515474319458, 0.21495936810970306, -0.3998701572418213, 0.4212307333946228, 1.1678684949874878, -0.2715829610824585, 0.3791566491127014, 0.5132413506507874, 0.9353821873664856, -0.8099130392074585, 1.1047393083572388, -0.12645959854125977, -0.3004288077354431, -0.8758416771888733, 0.06223137676715851, -0.7363377809524536, -0.2792571783065796, 0.05332697182893753, -0.007839016616344452, 0.19009563326835632, -0.5562551021575928, -0.8641204237937927, 0.7562689185142517, -0.18174628913402557, -0.43066927790641785, -1.1316161155700684, 1.5564895868301392, 0.08370699733495712, 0.34786856174468994, 0.6698464751243591, -0.7890811562538147, 0.498426616191864, 1.3769205808639526, -0.47864389419555664, 0.4105191230773926, 0.5578522086143494, -0.04611935466527939, 0.5376614332199097, -0.04492975026369095, -2.170898914337158, 0.259578675031662, 1.1232796907424927, 0.023604873567819595, -0.0065904222428798676, -0.9244167804718018, 0.3453725576400757, -0.5890284180641174, -0.8903628587722778, 0.5902165770530701, -0.5309125185012817, 0.298988938331604, -0.22115764021873474, -0.23005512356758118, 0.2042386680841446, -1.6119142770767212, 0.3301348090171814, 1.6515265703201294, 0.4269620478153229, -1.2402584552764893, 0.10443570464849472, 0.7849262356758118, -0.4577198028564453, 1.2428556680679321, 0.10641476511955261, 1.386751651763916, 0.35541006922721863, 0.3266312777996063, -0.09866248071193695, 0.6802334785461426, 1.055303931236267, -0.10583032667636871, -0.2731882631778717, -0.32441234588623047, 0.7030980587005615, -1.109653353691101, 1.9068512916564941, 0.5558615326881409, -0.9464191198348999, -0.7312814593315125, -0.46866559982299805, -0.4514842629432678, -0.5638929605484009, 1.4963264465332031, 0.8746278882026672, 0.8185164928436279, -0.403734415769577, 0.7361103296279907, -0.15770223736763, 0.12502433359622955, 0.9005466103553772, 0.19016385078430176, 0.3630502223968506, -0.797930121421814, -0.18407893180847168, 1.1572831869125366, 0.009716477245092392, -0.30720511078834534, 0.1103043332695961, 0.5508671998977661, -0.2358960062265396, -0.5005635023117065, -0.23945502936840057, -0.15974202752113342, 0.4919474720954895, 0.8670262694358826, -1.33060884475708, -1.5009394884109497, -0.23178233206272125, 0.03719618171453476, 0.08954483270645142, 0.26451534032821655, -0.8802406787872314, 0.2107035219669342, -0.0034661293029785156, 0.8507642149925232, -0.05153714865446091, 1.2359389066696167, 1.3510161638259888, -0.5230838060379028, -0.9321025013923645, -0.3558485805988312, -0.5755493640899658, 0.43328750133514404, 0.11576121300458908, -0.3094337582588196, -1.044265866279602, 0.6441230177879333, -0.10541531443595886, -0.6083190441131592, -0.024138614535331726, 0.045248765498399734, -0.9888949394226074, 1.1879711151123047, 0.7714065313339233, -1.6350287199020386, -1.3826957941055298, 0.22791846096515656, -0.5231753587722778, -0.8942776322364807, 0.2144235223531723, -0.7773959040641785, 1.1338763236999512, 0.7315513491630554, 0.19221772253513336, -0.41789156198501587, -0.4115428924560547, -1.309180736541748, 0.9425237774848938, 1.277787446975708, -0.6422436237335205, -0.5801291465759277, 0.22218452394008636, 0.41614967584609985, 0.5283406376838684, -1.172849416732788, -0.6182162761688232, 0.5761927366256714, -0.03165902942419052, -0.11985808610916138, -0.9431527256965637, -1.3046910762786865, 0.5079411268234253, 0.12327681481838226, 1.1457918882369995, -0.7282745242118835, 0.47226572036743164, -1.0430846214294434, 0.7724297642707825, 1.112369418144226, -0.8750566244125366, -0.5901272296905518, 1.0361099243164062, -0.6046566963195801, 0.46274372935295105, 1.4061617851257324, -0.09982733428478241, 0.4586797058582306, 0.27847781777381897, -0.20802657306194305, -0.564292311668396, -10.956879615783691, 0.40122050046920776, 0.32300665974617004, 0.6961321234703064, 0.4023798704147339, -0.031058982014656067, 0.3884981572628021, 0.23894543945789337, 0.4736478626728058, -0.7313355803489685, 0.08357168734073639, 1.8221118450164795, 0.36164748668670654, -0.1810678243637085, -0.8510132431983948, -0.9070699214935303, -0.8237380385398865, -0.6714401245117188, 0.02578403800725937, 1.1680340766906738, -0.6253133416175842, -1.1105403900146484, 0.7605330944061279, 0.10455136001110077, 0.6396152377128601, -0.12618029117584229, -0.006018845364451408, -0.3520556688308716, -0.35773956775665283, 0.17859025299549103, 0.1726059913635254, -0.2832649052143097, -0.6815429925918579, 0.4479019045829773, -0.28476476669311523, -0.07521694898605347, -0.5282707214355469, -0.18365031480789185, 0.6712913513183594, -0.5004340410232544, -0.16429594159126282, 0.15323543548583984, 0.44605547189712524, -1.0034512281417847, -0.3913590908050537, -0.1508486419916153, -0.6371874213218689, -0.7156224250793457, 0.7354415655136108, -0.8087759613990784, -0.7647972106933594, -1.2126190662384033, -1.704581618309021, -1.095084309577942, 0.3502178490161896, -0.07364465296268463, -0.3253692090511322, 0.563590943813324, -0.8515822887420654, -1.3615132570266724, 0.26191145181655884, 0.23281671106815338, 0.1585283875465393, 0.3063846826553345, -0.33776938915252686, -0.7089968919754028, 0.3461005985736847, 0.31329697370529175, -0.33816906809806824, 0.24421803653240204, -1.1535005569458008, 1.00593900680542, 0.07215322554111481, 1.1798477172851562, -0.22849997878074646, 0.029847849160432816, -0.4179719090461731, -0.4902860224246979, 0.6616840362548828, -0.26973268389701843, -0.9262344241142273, 0.7821306586265564, 0.012728098779916763, 0.14327748119831085, -0.8624757528305054, -0.18836365640163422, 0.20796799659729004, 0.11001059412956238, 0.7372699975967407, -0.10605145245790482, 1.1825398206710815, 0.07229236513376236, -0.22481314837932587, -0.14189013838768005, -0.11912468075752258, 0.8641198873519897, -0.07825960218906403, 1.123715877532959, 0.31800714135169983, -0.9426635503768921, 0.857668399810791, -0.20599550008773804, -0.9079360961914062, -0.004714149981737137, 0.6679049730300903, 0.30791157484054565, 0.13434132933616638, -0.0898430198431015, -0.24258162081241608, -0.7662249207496643, 1.023195505142212, 0.12264348566532135, -0.40781712532043457, 1.0518051385879517, -0.16010144352912903, 1.0444421768188477, 0.8595993518829346, 0.049124374985694885, 0.9518808126449585, 1.0836873054504395, 0.0947703942656517, 0.2336231917142868, 0.12039466202259064, 1.665584921836853, 0.13958518207073212, 0.8710494637489319, 0.5758464932441711, 0.2415866255760193, -0.25155583024024963, -2.017875909805298, 0.5747509002685547, -0.07510113716125488, 0.22313809394836426, -0.03998797386884689, 0.17711207270622253, -0.5927252173423767, -0.8370530605316162, 1.3789576292037964, -0.7704434394836426, 0.6181467175483704, -0.11707685887813568, -0.2661115527153015, -0.15262573957443237, -0.3097142279148102, -0.23609091341495514, 0.22944727540016174, -2.011035680770874, 0.2743922770023346, -0.5989022254943848, -0.7361682653427124, 0.05776544660329819, -0.3390099108219147, 0.578193187713623, -0.48522913455963135, 0.29612699151039124, -0.10689017921686172, 1.0369834899902344, -0.6103055477142334, -0.45343050360679626, 0.3181557357311249, 0.4702911376953125, 1.6527520418167114, -0.5675606727600098, 0.5772550106048584, 0.4731139838695526, 0.3998379707336426, -0.8953665494918823, -0.666608452796936, -0.2817734479904175, -0.06567980349063873, 1.0677404403686523, -1.306604266166687, -0.3111113905906677, 0.4629538655281067, 0.042610909789800644, -0.8574398756027222, 0.4616410732269287, 0.48024362325668335, -0.6638491749763489, 0.5914878249168396, -0.22977575659751892, 0.38304805755615234, 0.03322115167975426, -0.22708003222942352, -0.6448402404785156, 0.4743105471134186, -0.1907944679260254, 0.9196178913116455, 0.26870524883270264, 1.6418043375015259, -1.6676183938980103, -1.6879136562347412, -0.17050275206565857, 0.8964490294456482, 0.9200741648674011, -0.5941212177276611, 0.9006337523460388, -0.03626593202352524, 0.1113949716091156, -0.04662512615323067, 0.06960791349411011, 0.10858722776174545, 0.26099222898483276, 0.5326122641563416, -0.7279312610626221, 0.5961371660232544, -0.5569287538528442, 0.22856661677360535, 0.4821687340736389, 0.2735680639743805, -1.2472444772720337, -0.21655870974063873, 0.09475655853748322, 0.36126473546028137, 0.00889517366886139, -0.6803945302963257, 0.1924293339252472, -0.3279290497303009, -0.7024587392807007, -1.1474148035049438, 0.30514004826545715, 1.2521220445632935, 0.045616090297698975, 0.4032757878303528, 0.8462872505187988, -0.010489936918020248, 0.9649142026901245, 0.41124415397644043, 1.5374901294708252, -0.07704856991767883, 0.011261115781962872, -0.04341922327876091, 0.4317069351673126, 0.505780041217804, -0.3697469234466553, 0.14011110365390778, -0.7598564028739929, -0.4114966094493866, -0.779908299446106, 1.039943814277649, -1.0398573875427246, 0.07921551167964935, 0.14902900159358978, 1.5957220792770386, -0.7213209271430969, -0.7965172529220581, -0.004940304905176163, -0.7899788618087769, 0.15943263471126556, 0.025772133842110634, 1.1232093572616577, 0.7245091795921326, 0.6350829005241394, 0.4777383804321289, 1.1284829378128052, 0.05175133794546127, 0.2574414610862732, -0.04290614277124405, -0.13665978610515594, 1.2837284803390503, 0.8056434392929077, 0.751676619052887, -0.38032403588294983, 0.17045177519321442, -1.1647112369537354, -0.6164354681968689, -0.8139954805374146, 1.0860471725463867, -0.14053259789943695, 0.49824124574661255, 0.28072208166122437, -0.9074140191078186, 0.2986587584018707, 0.11431563645601273, 0.8579720854759216, 0.4393231272697449, -0.41177332401275635, -0.8798335194587708, -1.137641191482544, -0.05478945001959801, 0.9327749609947205, -0.8533002138137817, -0.15565980970859528, -0.13667218387126923, 0.13030363619327545, -0.25281351804733276, -0.5979283452033997, -0.3171958923339844, 0.12189752608537674, -0.5647006034851074, -0.22235476970672607, 0.3527624011039734, -0.5829024314880371, -1.3284138441085815, -0.09825626015663147, -0.4878801703453064, 0.1503157913684845, -0.2594141960144043, -1.2067700624465942, 0.3951394855976105, -0.12312851846218109, -0.12527687847614288, -0.30066731572151184, 0.4760751724243164, -0.10383167117834091, -1.502793788909912, 0.9801163673400879, 1.163158893585205, -1.0030555725097656, -0.7040818929672241, 0.3027254343032837, 0.278280109167099, 0.8048808574676514, 0.8144842386245728]} +{"paper_id": "exams", "embedding": [-0.8380066752433777, 0.8539676666259766, -0.18657228350639343, -0.3368189334869385, 0.7922821640968323, -0.6665743589401245, -0.10184841603040695, 1.0766587257385254, 0.6863953471183777, 0.7179229855537415, -0.033315956592559814, -0.532261848449707, -0.3449048101902008, 0.2952078878879547, -0.10516707599163055, -1.040952205657959, -1.0933735370635986, -0.33745062351226807, -1.6321711540222168, -0.32915911078453064, -0.5145288705825806, -0.9456857442855835, 0.5232980251312256, 1.0228272676467896, -0.07292306423187256, -1.3746352195739746, 1.007778286933899, -0.7163612842559814, 0.027172967791557312, 0.3798077404499054, -0.20154911279678345, 0.4760931432247162, -1.365357518196106, 0.5269894599914551, -0.5265081524848938, -0.8156706094741821, 0.13934853672981262, 0.9026539325714111, -0.360676109790802, -0.28380969166755676, -1.0698975324630737, 0.14651325345039368, 0.11841347813606262, 0.29014018177986145, 0.9007486701011658, -0.6894388794898987, 0.44085150957107544, 0.10995137691497803, 0.14159785211086273, -0.18229550123214722, -0.580355167388916, 0.6652671098709106, -0.47118285298347473, -0.2615301311016083, 0.5842329263687134, -0.07348103821277618, 0.7732127904891968, -0.06520061194896698, 0.4004708528518677, -1.2543599605560303, 1.707531452178955, 1.436888337135315, 0.036960918456315994, -0.22074604034423828, 0.9679760932922363, 0.2720782160758972, 1.479630708694458, -0.0030104070901870728, -0.19116201996803284, 0.7103951573371887, -0.8875762820243835, -0.9118685126304626, -0.4644317626953125, 0.004785358905792236, 0.012542106211185455, 0.5542432069778442, 0.038552429527044296, 0.6283071637153625, 0.11329085379838943, -0.8907504081726074, -1.086736798286438, 0.21624644100666046, 1.0820564031600952, -0.27165770530700684, 0.18521490693092346, -0.595259428024292, 0.042425818741321564, -0.6534515619277954, 0.5058619976043701, -1.1547402143478394, 1.2767301797866821, 0.05351657420396805, 0.5442782044410706, 0.07698328793048859, -0.8757625222206116, 1.6129118204116821, -0.40854179859161377, -0.15908046066761017, -0.2080966830253601, 0.218796044588089, 0.508867621421814, -0.1003224179148674, 0.5878661274909973, 0.3236514925956726, -0.25006821751594543, 0.2753739058971405, 0.6105155348777771, 0.1413201093673706, -1.004828929901123, -0.7954875826835632, -0.37663033604621887, 0.10134190320968628, -0.1450294405221939, 0.10007726401090622, 0.2756587564945221, 0.8729466199874878, 0.1349312663078308, -1.5564874410629272, -0.25926634669303894, -0.4429447650909424, 0.013416266068816185, -0.9789291024208069, -1.0354640483856201, -0.46611541509628296, 0.4505605101585388, 0.03503229096531868, 0.3483770489692688, -0.4530222415924072, -0.6187809109687805, 0.13878899812698364, 1.321036458015442, -0.15838144719600677, -0.42054980993270874, -0.3344486355781555, 2.933342695236206, -0.7186571359634399, 1.3623842000961304, -0.4729861319065094, 0.3653743863105774, -0.6168721318244934, -0.26249030232429504, 0.8618940711021423, -0.11967071145772934, -0.8502253293991089, -0.11382263898849487, 0.6274869441986084, 0.24070706963539124, -0.12136143445968628, -1.5952074527740479, -0.498822957277298, 0.009979542344808578, 0.9352980256080627, -0.5342201590538025, 0.17729488015174866, 0.7960122227668762, 0.31935399770736694, 0.04851949214935303, -0.1189519464969635, -1.1163766384124756, 0.000700734555721283, 0.3410855829715729, -0.46283775568008423, -0.6781896948814392, 1.0165505409240723, -0.32013288140296936, -0.9895970821380615, 1.2586910724639893, 0.10584627836942673, -1.4749449491500854, -0.2409842312335968, 0.3316963315010071, 0.1028379425406456, -0.5224129557609558, 0.4378351867198944, -0.16989007592201233, -0.2618551254272461, -0.24100464582443237, 0.483687162399292, -0.27930259704589844, -1.0117805004119873, 1.554970622062683, 0.157609760761261, -0.1261560320854187, 0.7869868278503418, 0.29899507761001587, 0.4634084701538086, -2.4440133571624756, -0.01266390085220337, -0.39319464564323425, 0.2929661273956299, -0.09353568404912949, 0.2022760659456253, 0.27182868123054504, 0.5805080533027649, 0.35279011726379395, -1.3651392459869385, -0.18797513842582703, -1.3940072059631348, 0.39720654487609863, 0.5420394539833069, -0.3290853798389435, 0.2248111069202423, 1.0853499174118042, 1.044683575630188, 0.02347210980951786, -0.3688727617263794, -1.116263508796692, -1.3970131874084473, 0.07557263225317001, 1.6348930597305298, -1.1223294734954834, 0.3642638027667999, -0.37524327635765076, -0.18928305804729462, -0.5062710642814636, -0.6528334021568298, -0.13689446449279785, -0.8215978145599365, 0.08935554325580597, -0.8539577126502991, 0.37425029277801514, -0.819377601146698, -1.0404337644577026, 0.4195733666419983, 1.0681836605072021, 0.020851541310548782, -0.7129049301147461, -0.18808159232139587, -0.22431497275829315, 0.5228527784347534, 0.5393986105918884, 0.037985265254974365, 0.5654780864715576, 0.3371526598930359, 0.26379573345184326, 0.8627392053604126, 1.0394121408462524, 0.5734601020812988, -0.12101084738969803, -0.03470081463456154, -0.14555715024471283, 0.8250561952590942, -0.15517674386501312, -0.3559339642524719, 0.2554752826690674, 0.09071505069732666, -0.9703760743141174, -0.297315776348114, -0.477963924407959, 0.19418218731880188, 1.2775195837020874, 0.7852697372436523, -0.49663296341896057, 1.0397931337356567, -1.3973509073257446, 0.03808838129043579, -0.5483261942863464, 0.11570146679878235, -0.5112746357917786, -0.6041349768638611, 0.25370004773139954, 0.31822648644447327, 0.3733671009540558, -0.23042362928390503, -0.16094084084033966, -1.2312673330307007, -0.06328769773244858, -0.3095945715904236, -0.6708522439002991, 0.24929025769233704, -0.6432048678398132, 0.3107706904411316, -0.8927742838859558, -0.7599617838859558, 0.5292103886604309, -0.03381290286779404, -0.597718358039856, 1.3853530883789062, 1.1443839073181152, -0.14225861430168152, 0.5924607515335083, 0.43171316385269165, 0.696168065071106, 0.2459283173084259, 0.7167987823486328, -0.08527955412864685, 0.3501715362071991, -0.2759268581867218, -0.16529779136180878, -0.8343420624732971, -0.2972733676433563, 0.6719676852226257, 0.24184668064117432, 0.8538516163825989, -0.1671404391527176, -1.9139455556869507, 1.0713773965835571, 1.1655038595199585, 0.6993834376335144, -0.39242130517959595, 1.751850962638855, 0.0885506197810173, -0.17046403884887695, 1.0594398975372314, -0.34948408603668213, 0.518523097038269, 0.6018319129943848, -0.6127934455871582, -0.3524318337440491, -0.3113822340965271, -0.9454565048217773, 0.12303659319877625, 0.7803396582603455, -1.9089264869689941, 1.4017002582550049, 1.130220651626587, 0.1532449871301651, -0.4065643548965454, -0.309850811958313, -0.09053408354520798, -0.627088725566864, 0.6880416870117188, 0.1440427005290985, -0.532460629940033, 0.9045343995094299, 0.34827858209609985, -0.17241829633712769, 1.5040227174758911, -0.7879253029823303, 0.7309572100639343, 0.35626420378685, 0.228398859500885, -0.7217715382575989, -0.8306543231010437, 0.823774516582489, 0.4448922872543335, -0.357605904340744, 0.21276399493217468, 1.120680570602417, 1.2626996040344238, -0.4087544083595276, -0.022429578006267548, 0.725501298904419, 1.4052817821502686, 0.9070138335227966, -0.5762795805931091, -1.2902863025665283, -0.09553565084934235, -0.10537160933017731, 1.4475312232971191, 0.2973201274871826, -0.8158712387084961, -1.135722279548645, -0.4715855121612549, -0.11833292245864868, 0.19225060939788818, 0.862798810005188, 0.21536469459533691, 1.202930212020874, 0.1307460069656372, 0.7378251552581787, -0.002718985080718994, 0.023817721754312515, 1.5043144226074219, 0.6926040053367615, 0.3749397397041321, -0.21547092497348785, 0.5593130588531494, 0.010915208607912064, 0.10636550933122635, -0.6862471699714661, 0.48404964804649353, 0.807518720626831, 0.19683712720870972, -0.9098119735717773, 1.3248918056488037, 1.2150768041610718, 0.7880028486251831, 1.6368471384048462, 0.2974414527416229, 0.16243398189544678, -0.23817531764507294, -0.1753566414117813, -0.31612667441368103, -0.02073616161942482, 0.4138185679912567, 0.3894214928150177, -0.08603578060865402, 1.0869109630584717, 0.38369977474212646, 0.7599400877952576, 1.1436502933502197, -1.0070456266403198, -1.5291576385498047, 0.23835468292236328, 0.10881282389163971, -0.6371912360191345, -0.04894372820854187, 0.05916338413953781, -1.2304940223693848, 0.8767577409744263, -0.2566875219345093, -1.0850940942764282, -0.6028387546539307, -0.04755803197622299, -1.87208890914917, 1.7622652053833008, 0.31034716963768005, -1.1932399272918701, 0.020793600007891655, -0.0461040660738945, -0.7777807116508484, -0.35792097449302673, -0.3297164738178253, -0.641882061958313, -0.1739833652973175, 0.46210187673568726, 1.3598146438598633, 0.1228497251868248, 0.033659428358078, -0.8099189400672913, 0.610369086265564, 1.1245086193084717, -1.5493030548095703, -0.1664586067199707, 0.7392175793647766, 1.1676151752471924, -0.27430373430252075, -1.376642107963562, -1.0560777187347412, 1.3060649633407593, 0.019734419882297516, 0.6111040711402893, -1.2120928764343262, -0.10066522657871246, 0.07768820226192474, 0.470162957906723, 0.2824799418449402, -0.5752854943275452, -0.5436161160469055, -0.579738199710846, 0.6458844542503357, 1.1481815576553345, -1.2842198610305786, 0.18319983780384064, 1.0680441856384277, -0.4055297076702118, 0.3808372914791107, -0.06648066639900208, 0.415274441242218, 1.8045598268508911, -0.2627754807472229, -0.4076418876647949, -0.6187723278999329, -10.548893928527832, 1.21338951587677, 0.038407884538173676, 0.07809317111968994, 0.4601418972015381, -0.3723061978816986, 0.9539620876312256, -0.7431191802024841, -0.27351653575897217, -1.324377179145813, -0.2682228982448578, 1.5412081480026245, 0.3835780620574951, -0.03146422654390335, -0.6348828077316284, -0.2313428819179535, 0.2094135582447052, 0.02176053076982498, 0.4062131643295288, 0.034762706607580185, -1.1035228967666626, -0.9752575755119324, -0.34515702724456787, -0.2953733205795288, -0.07743332535028458, -1.049013376235962, -0.36474519968032837, -0.2347487211227417, -0.4819854497909546, 0.06543521583080292, 0.6922618746757507, 0.24716931581497192, -0.41472452878952026, -0.2880120575428009, -0.9474197030067444, -0.4801959991455078, -0.5804547667503357, -0.5780115127563477, 1.0651402473449707, -0.4896649420261383, -0.4500029683113098, 0.6488434672355652, -0.04407583922147751, -0.7256060838699341, 0.07550778985023499, 0.4353276491165161, 0.40356144309043884, -1.1565521955490112, 0.572193443775177, 0.43770933151245117, -0.513888418674469, -0.689765214920044, -0.556272566318512, -0.16173535585403442, 0.731504499912262, 0.887835681438446, -1.0023053884506226, -0.49106091260910034, -0.44261452555656433, -0.7556875944137573, -0.12610077857971191, 0.3798879384994507, -0.8062475323677063, 0.4009897708892822, -0.1268599033355713, -0.34492921829223633, -0.015473328530788422, 0.6392618417739868, -0.41020962595939636, 0.6021722555160522, -0.6493165493011475, 1.3784046173095703, 0.7981229424476624, -0.2238427698612213, -0.7686615586280823, -0.4474494457244873, -0.8160713911056519, -0.1247977465391159, -0.15801426768302917, -0.6321462392807007, -1.3130152225494385, 0.9541666507720947, 0.5316370129585266, -0.9892629384994507, -0.8499537706375122, 0.2971569895744324, -0.13791131973266602, -0.08679839223623276, 1.0998320579528809, -0.8204762935638428, 1.2518975734710693, 0.6819081902503967, -0.6128246188163757, -0.9547327160835266, 0.4123059809207916, 0.5766359567642212, -0.16345056891441345, 1.1933691501617432, -0.3641424775123596, -1.5603020191192627, -0.01786767691373825, -0.5483832359313965, -0.3498484790325165, 0.7200112342834473, 1.2365673780441284, 0.27915826439857483, 0.7842465043067932, 0.9528141021728516, 0.47508060932159424, -0.40227198600769043, 1.1903266906738281, -0.7663440704345703, 0.36598390340805054, 1.1620413064956665, -0.5514132976531982, 1.4686315059661865, 0.28464359045028687, 0.6202065944671631, -0.1556960642337799, 0.5033301115036011, -0.10133054852485657, 0.9105662107467651, 0.23332266509532928, 2.093994140625, -0.4959559440612793, 0.45053595304489136, 0.26159605383872986, 0.1436462700366974, -0.03579370304942131, -1.3694753646850586, 1.1600158214569092, 0.36738088726997375, -0.10405505448579788, -1.0645296573638916, -0.33375683426856995, -0.06444703042507172, -0.6489648818969727, 1.5578651428222656, -0.4725778102874756, 0.23474520444869995, -0.09200309216976166, 0.22178047895431519, -0.26239851117134094, -0.3570488393306732, -1.1614985466003418, 0.6304254531860352, -0.916455864906311, 0.38029730319976807, -0.23654809594154358, -0.5157090425491333, 0.41755411028862, -0.7550656199455261, 0.9574598073959351, -0.8623208999633789, -0.597290575504303, -0.9741639494895935, 0.4787473976612091, -0.4773528277873993, -0.7031958699226379, 0.033722832798957825, 0.6557483673095703, 0.658384382724762, -0.7170614004135132, 1.1520122289657593, 0.4235864579677582, -0.32020437717437744, -0.9678459763526917, -0.09808813035488129, -0.24255049228668213, -0.04987051337957382, 1.0285476446151733, -1.0372658967971802, -0.4927802085876465, -0.5312044024467468, 1.018319845199585, -0.4995344281196594, -0.5874214172363281, 1.0684618949890137, -1.3027565479278564, 0.30489426851272583, -0.4382074475288391, 0.8674827218055725, 0.14465734362602234, -1.83074951171875, -0.8313078880310059, 0.2302103340625763, -0.06422272324562073, 0.2718372344970703, 1.084916591644287, 1.0005296468734741, -1.4556305408477783, -0.8714658617973328, -0.09024731814861298, -0.4405995011329651, 0.27043354511260986, 0.03226113319396973, 1.1620762348175049, -0.16566316783428192, -0.4536556601524353, -0.9656651020050049, 0.1941421926021576, 0.989441454410553, -0.000639256089925766, -0.15343153476715088, -0.3918055295944214, 0.5822649002075195, -0.10550686717033386, -0.24570810794830322, 0.41872304677963257, 0.9876548647880554, -0.028649671003222466, 0.15561886131763458, 0.026969969272613525, 0.2518465220928192, -0.29789793491363525, -1.2465624809265137, -0.3756648600101471, -0.6078805327415466, -0.6655346751213074, -2.019411325454712, 0.20699051022529602, 1.039821982383728, -0.12748701870441437, 0.7027695178985596, 0.3378611207008362, 1.2331815958023071, 1.2673101425170898, 0.3217812776565552, 0.45313912630081177, -0.6034871339797974, -0.03043157234787941, 0.2921293377876282, 0.35405054688453674, -0.4071482717990875, -0.0347125418484211, -0.39404842257499695, -0.3189734220504761, 0.08221539855003357, -0.49012458324432373, 1.4622418880462646, -0.9784657955169678, 0.5142318606376648, 0.07920313626527786, 0.9194388389587402, -0.30679845809936523, -1.3855500221252441, 0.4987398087978363, -0.7236526608467102, -0.4918636679649353, -0.2170642912387848, -0.11134323477745056, -0.35279443860054016, 0.6725799441337585, -0.19992156326770782, 1.3968194723129272, -0.43106967210769653, 0.014223560690879822, -0.13405665755271912, -0.302962064743042, 1.5635310411453247, 0.5015512704849243, -0.14929650723934174, 0.6709898114204407, 0.10670620203018188, -1.537255883216858, 0.2279931902885437, -0.5362302660942078, 0.7729881405830383, 0.2881854772567749, -0.5590597987174988, -0.3605765104293823, -0.36057180166244507, 0.2953256368637085, -0.11331509798765182, 0.6596893668174744, 0.06502406299114227, 0.07579101622104645, -0.34585875272750854, -0.4684564471244812, 0.6512190103530884, 0.6060959100723267, 0.4249469041824341, 0.3548939824104309, -0.050092265009880066, -0.32323330640792847, 0.09265255928039551, 0.13259901106357574, -0.9999775290489197, 0.013562499545514584, -0.7799440026283264, 0.013615354895591736, 0.8610926866531372, -0.19805964827537537, -1.0823367834091187, -0.004633408039808273, -0.6947097182273865, 0.39145541191101074, -0.4605339765548706, -1.099521279335022, 0.06456565856933594, 0.7913450002670288, -0.5225968956947327, 0.06593506038188934, -0.19212599098682404, -0.0436398908495903, -0.8790237903594971, 0.4565342664718628, 1.2595258951187134, -1.072766900062561, -0.17125247418880463, 0.23042923212051392, 0.8964496850967407, -0.334498792886734, 1.0077062845230103]} +{"paper_id": "mnist", "embedding": [-0.32347556948661804, 0.7916189432144165, -0.4199252426624298, -0.48308464884757996, -0.2921087145805359, -0.33695289492607117, -0.14451920986175537, 0.8362230658531189, 0.7145318388938904, 0.47952204942703247, 0.28897348046302795, -0.14616276323795319, 0.4075740873813629, -0.28259438276290894, -0.12180158495903015, -0.09186974912881851, 0.09606944769620895, -0.5800719261169434, -0.7488151788711548, -0.019224226474761963, -0.8034944534301758, -0.32286596298217773, -0.037695616483688354, 0.01707417704164982, -0.2898516356945038, -0.438312828540802, 0.40794137120246887, -0.46730804443359375, 0.6342869400978088, 0.5932867527008057, 0.5647852420806885, 0.39231812953948975, -1.073923110961914, 0.6308014988899231, -0.6304961442947388, -0.15350647270679474, 0.6684733629226685, 0.23251205682754517, -0.20264704525470734, -0.22688338160514832, 0.005729323253035545, -0.20003268122673035, 0.5309346318244934, 0.18740998208522797, 0.3616393506526947, -0.040489502251148224, 0.3406471014022827, 0.38666796684265137, 0.032441675662994385, 0.3797805607318878, -0.24277910590171814, 0.6380242705345154, 0.0028832685202360153, 0.6071153879165649, -0.7636293172836304, 0.43274593353271484, 0.09651414304971695, -0.003071772400289774, 0.21045313775539398, -1.5667206048965454, 0.594139039516449, 0.5499966740608215, -0.07855522632598877, 0.15153668820858002, 0.7478561997413635, 0.20696599781513214, 0.49677199125289917, -0.07092393189668655, 0.5371183156967163, 0.6241894960403442, -0.19394969940185547, -0.5906419157981873, 0.35510173439979553, -0.3650197982788086, 0.2730451822280884, 0.9387820959091187, -0.24556775391101837, -0.47680366039276123, 0.49392586946487427, 0.35673415660858154, -0.38977813720703125, 0.04586276412010193, 0.3596600294113159, 0.07719054073095322, -0.16309522092342377, -0.26950979232788086, 0.12873364984989166, -0.015590996481478214, 0.15515433251857758, -0.8889633417129517, 0.5564310550689697, 0.09767267853021622, 0.6945859789848328, 0.07370196282863617, 0.30799663066864014, -0.41637325286865234, 0.017376013100147247, -0.07697074115276337, -0.8194484710693359, 0.6152474284172058, 0.46055248379707336, -0.15347351133823395, 0.4826635420322418, 0.25437548756599426, 0.2761194109916687, 0.5027068257331848, -0.4339970648288727, -0.21420830488204956, -0.05162114277482033, -0.21959209442138672, -0.2991541922092438, 0.9609943628311157, 0.05088642239570618, 0.1240859106183052, -0.2660254240036011, -0.09736630320549011, 0.2567213475704193, 0.4329693615436554, -0.6322539448738098, -0.4139930009841919, 0.12263001501560211, -1.5279209613800049, -0.39904093742370605, -0.27180320024490356, 0.2463546097278595, -0.5309589505195618, 0.7337874174118042, 0.19137966632843018, 0.05624108761548996, -0.240195170044899, 1.0269123315811157, 0.413993239402771, 0.04503064230084419, -0.21040791273117065, 2.8433287143707275, -0.7211127281188965, 0.3392352759838104, -0.2021627128124237, -0.04450474679470062, -0.21156160533428192, -0.05117065832018852, 1.1103030443191528, 0.06014518439769745, -0.688105583190918, -1.1956902742385864, -0.16984334588050842, 0.030950793996453285, 0.38362470269203186, -0.5441730618476868, 0.29247990250587463, 0.1786232888698578, 0.9473087191581726, -1.05026376247406, -1.556075930595398, -0.13051389157772064, 0.27209237217903137, 0.24520930647850037, 0.2045106291770935, -0.8882375955581665, -0.4106859862804413, 0.764606237411499, -0.12864139676094055, -0.5164385437965393, 0.5002796649932861, -0.012583732604980469, 0.03154785558581352, 1.0649818181991577, 0.44367456436157227, -0.18758592009544373, -0.1662829965353012, -0.1471891850233078, 0.3654370605945587, 0.7807783484458923, 0.23462769389152527, -0.07815678417682648, 0.3710177540779114, -0.10620515048503876, 0.39911696314811707, 0.19627895951271057, -0.678986668586731, 0.28648319840431213, -0.20235483348369598, -0.00021630525588989258, -0.07652045786380768, 0.7576369643211365, 0.07753801345825195, -1.7853879928588867, 0.08164646476507187, 0.14039473235607147, -0.03155048191547394, 0.0951240062713623, -0.7528667449951172, 0.19351187348365784, 0.07246029376983643, -0.0838100016117096, 0.07875390350818634, 0.09007655084133148, -0.9367438554763794, -0.6273243427276611, 1.2332125902175903, 0.33125391602516174, 0.17375750839710236, -0.5083774924278259, 0.5333756804466248, 0.20332647860050201, -0.42515692114830017, 0.11752456426620483, -0.6936622262001038, 0.3172643482685089, 0.8021834492683411, 0.061037495732307434, -0.9542346596717834, -0.6178269386291504, -0.4456920623779297, 0.0416124165058136, -0.8953970074653625, 0.6846868991851807, -0.8307117819786072, -0.08582719415426254, -0.9796316623687744, 0.13721933960914612, -0.1598345935344696, 0.007306292653083801, -0.24996933341026306, 1.529153823852539, -0.9135105013847351, -0.07643184065818787, -0.26217120885849, -0.4821789562702179, 0.21297480165958405, 0.9424235224723816, 0.39521291851997375, -0.02462998405098915, 0.05415208265185356, -0.0455436110496521, 0.05224699527025223, -0.3087397515773773, 0.6104120016098022, 0.0793268233537674, 0.5448650121688843, -0.5250031352043152, 0.2685145139694214, -0.22513960301876068, -0.15116339921951294, 0.15173885226249695, -0.01496809720993042, -0.1265285611152649, -0.9389439821243286, 0.2789255380630493, 0.5159586668014526, 1.5714070796966553, 0.29334142804145813, -0.339462548494339, 0.1041547954082489, 0.10263486206531525, 0.01863836869597435, 0.24079102277755737, -0.14183075726032257, -0.08662272244691849, -0.4317038655281067, 0.1270170658826828, -0.47909098863601685, 0.05622243881225586, -0.11490422487258911, -0.2762989401817322, -0.18489286303520203, -1.128795862197876, -0.41757893562316895, -0.4469539523124695, -0.26996007561683655, -1.0958583354949951, 0.5512017011642456, -0.1844044327735901, -0.460151731967926, -0.2600575089454651, 0.12876255810260773, -0.2175358384847641, 0.7175792455673218, 0.9714961647987366, -0.15319740772247314, 0.4260869026184082, -0.5222086906433105, 0.05649329721927643, 0.5190654993057251, 0.18007585406303406, -0.21309314668178558, 0.048326700925827026, -1.097213864326477, -1.169467568397522, -0.2347532957792282, 0.9780657291412354, -0.12096195667982101, 0.3268221616744995, 0.6339412927627563, -0.45905619859695435, -1.4426881074905396, 1.284311056137085, 0.08912558853626251, -0.055301375687122345, -0.670632541179657, 1.3500581979751587, 0.4291534721851349, -0.19177204370498657, -0.48019951581954956, -0.01012264285236597, 0.2419169694185257, 0.7530315518379211, -0.4608803391456604, 0.2988433837890625, -0.06198888644576073, -0.5068303346633911, 0.3863529860973358, -0.07985951006412506, -1.9088752269744873, -0.3050992786884308, 0.16002257168293, 0.2223920375108719, -0.054906126111745834, -0.43528735637664795, -0.23590481281280518, -0.32663533091545105, 0.2829691171646118, 0.4153421223163605, -1.2555642127990723, 0.4665077328681946, -0.044636406004428864, 0.02127966284751892, 0.7701130509376526, -0.5994941592216492, 0.02514513209462166, 0.2467874437570572, 0.3284991383552551, -0.34943366050720215, -0.037322402000427246, 0.23321077227592468, -0.7871833443641663, 0.1501682996749878, 0.6299667954444885, 0.5520476698875427, 0.494149774312973, -0.36566421389579773, 0.04305126145482063, -0.019204989075660706, 0.5047221779823303, -0.5248983502388, 0.7600693106651306, 0.3876245617866516, 0.8195865154266357, 0.4891620874404907, 1.0056891441345215, -0.11610797047615051, -0.4070276916027069, -0.1204550638794899, 0.09561264514923096, -0.2867720425128937, -0.38140374422073364, 1.083999752998352, 0.055105142295360565, 1.0845118761062622, -0.040009722113609314, 0.7121587991714478, -0.40533167123794556, 0.019726339727640152, 0.6228684782981873, 0.7035462856292725, 0.38405972719192505, -0.009955018758773804, -0.1561267226934433, 0.3552824556827545, 0.7873818278312683, -0.2401534616947174, -0.20491372048854828, 0.5657212734222412, 0.5429316759109497, -0.9774330258369446, 0.0981186181306839, 0.4510502517223358, 1.2292988300323486, 1.6051772832870483, -0.08239443600177765, -0.8968222737312317, -0.4563238322734833, 0.13260604441165924, 0.5131769776344299, -0.430536150932312, -0.4636278450489044, -0.2374347448348999, -0.21494102478027344, 1.2958683967590332, 0.11032803356647491, 0.12987226247787476, 0.6133700013160706, -0.5044718384742737, -0.5051477551460266, 0.7496755719184875, -0.49588742852211, -0.609927237033844, -0.31328853964805603, -0.012854013592004776, -0.6048006415367126, 0.41871723532676697, 0.20292392373085022, -1.0840678215026855, -0.3077673614025116, 0.18792206048965454, -0.6501098871231079, 0.5149284601211548, 0.9247652292251587, -0.5900906920433044, -0.025956038385629654, -0.18265485763549805, -0.45265430212020874, -0.47261878848075867, 0.42234811186790466, -0.10990991443395615, -0.14274965226650238, -0.23125749826431274, 1.243139624595642, -0.5317265391349792, 0.13317309319972992, -0.7672112584114075, 1.2288943529129028, 0.7824835777282715, 0.030583178624510765, 0.1218201220035553, -0.9462550282478333, 0.25341683626174927, -0.1067887544631958, -1.15276038646698, -0.06178480386734009, 0.8743414878845215, 0.28008827567100525, -0.6325269341468811, -0.7136422991752625, -0.019223397597670555, -0.43027162551879883, 0.39995822310447693, 0.2613142430782318, -0.8862633109092712, -0.0369095541536808, 0.09641106426715851, 0.7278361916542053, 0.9109218120574951, -0.20725929737091064, -0.6755474209785461, 1.3049609661102295, -0.8461300730705261, 0.5543510913848877, -0.08097563683986664, 0.530357837677002, 0.38123056292533875, 0.47163325548171997, -0.13404424488544464, 0.3256445527076721, -14.402554512023926, 0.0529923178255558, -0.5190805196762085, 0.4212641716003418, 0.6869071125984192, 0.13766154646873474, 0.2929580509662628, 0.22632287442684174, 0.16622407734394073, -0.4812149703502655, 0.2351090908050537, 0.21571165323257446, 0.34674108028411865, -0.31070542335510254, -0.05350459739565849, -0.43551868200302124, -0.6140750646591187, -0.3756917715072632, 0.3651162385940552, 0.44955143332481384, 0.6305304765701294, -0.5842474699020386, -0.7541565299034119, -0.35155805945396423, -0.11979115754365921, -0.8553950786590576, -0.26883426308631897, -0.007121489383280277, -0.7066347002983093, -0.45940759778022766, 0.09560160338878632, 0.10306230932474136, -0.43268680572509766, -0.3248888850212097, 0.24767841398715973, -0.26388004422187805, -0.5633035898208618, -0.3761174976825714, 1.2215996980667114, -0.18897368013858795, -0.9393835067749023, 0.49768945574760437, -0.24630425870418549, -0.6872681379318237, -0.7922709584236145, 0.02172742784023285, -0.11283349990844727, -0.4906708300113678, 0.3444885015487671, -0.7080343961715698, 0.33066612482070923, -0.5781259536743164, -0.03136666491627693, -0.4246123135089874, 0.860657811164856, 0.7482670545578003, -0.7815545201301575, -0.027603253722190857, -0.3427451252937317, -0.6107341051101685, 0.2199089229106903, 0.5156058669090271, -0.2679084837436676, 0.9425830245018005, 0.7738260626792908, -0.7015913128852844, 0.32789021730422974, 1.0743337869644165, 0.01855962723493576, -0.09621922671794891, -0.4029478132724762, 0.5383371114730835, 0.9803791046142578, -0.5156897902488708, -0.48541757464408875, 0.41186532378196716, 0.3201858401298523, -0.07085428386926651, -0.22790274024009705, 0.44846901297569275, -0.5418112874031067, 0.011616257019340992, -0.659199595451355, -0.5312590003013611, -0.10809783637523651, 0.33585745096206665, 0.2240423858165741, -0.11573111265897751, 0.3997593820095062, 0.31649136543273926, 0.8512956500053406, -0.11458226293325424, -0.13405540585517883, -0.9321439266204834, -0.018212268128991127, 0.7567905783653259, -0.2399311661720276, 0.17011421918869019, -0.08259491622447968, -0.6530098915100098, 0.5341090559959412, 0.14031341671943665, -0.38631564378738403, -0.029632188379764557, 1.0184351205825806, 0.060339659452438354, 0.3815246820449829, 0.6687700748443604, 0.6213959455490112, 0.9581896066665649, 0.3679179251194, -0.6814243793487549, -0.12018346786499023, 1.054271936416626, 0.4641897976398468, 0.6453043222427368, 1.1695488691329956, 0.08250930905342102, 0.7331241369247437, 0.1427983045578003, -0.0375961996614933, -0.06948275119066238, 0.551176905632019, 1.1304384469985962, 0.7293425798416138, 0.10472314804792404, 0.26014190912246704, 0.622331976890564, 0.21112321317195892, -0.8541203141212463, 0.6205630302429199, -0.2160501331090927, -0.4273408353328705, -0.10535657405853271, -0.1879841536283493, -0.7049573659896851, -0.7928709983825684, 1.277262568473816, -0.19868430495262146, 0.39604586362838745, 0.2768874168395996, -0.500714898109436, -0.7446804046630859, -0.24605467915534973, -0.9168443083763123, 0.053671110421419144, -0.7479182481765747, -0.09408889710903168, -0.17581525444984436, -0.9497920274734497, 0.32935890555381775, -0.06872551888227463, 0.7653940320014954, -0.2224263995885849, -0.19874468445777893, 0.1334143579006195, 0.6665043234825134, -0.703024685382843, 0.3173777163028717, 0.38116979598999023, 1.201387882232666, 0.40735408663749695, -1.211092472076416, 1.0143506526947021, 0.5817331075668335, 0.10774679481983185, -0.421886682510376, -0.5364624261856079, 0.47444355487823486, 0.062269724905490875, 0.8124414086341858, -1.1107405424118042, -0.35939618945121765, -0.2462722212076187, 0.011859755963087082, -0.9167032837867737, -0.34654760360717773, 0.8290740251541138, -1.0603145360946655, 0.7927652597427368, 0.06468898057937622, 0.7288865447044373, 0.6016404032707214, -1.560713291168213, -0.4331185519695282, -0.3067655861377716, 0.0470723882317543, 1.0426149368286133, -0.43421778082847595, 0.34402772784233093, -1.2622963190078735, -0.7523952722549438, -0.8801794052124023, 0.2669801712036133, 0.7552827596664429, 0.30977582931518555, 0.5962197780609131, 0.8414382934570312, -0.4049130976200104, -0.12135906517505646, -0.30795612931251526, 0.28975361585617065, 0.17988331615924835, -0.2994246482849121, -0.15691214799880981, -0.13710936903953552, -0.21578475832939148, -0.5517069697380066, 0.057540860027074814, 0.3747386634349823, -1.2343381643295288, 0.17691625654697418, 0.02178848534822464, 0.23346775770187378, -0.37788575887680054, -0.17020294070243835, -0.6196324825286865, -0.3362078070640564, 0.12438604235649109, -0.2438519448041916, -0.22495093941688538, 0.0018682964146137238, -0.858198881149292, 1.209547996520996, 0.08593995124101639, 0.5307066440582275, -0.07231813669204712, 0.36644434928894043, 1.637223720550537, 0.3658997714519501, -0.420965313911438, 0.11380286514759064, -0.13127514719963074, -0.11871512979269028, 0.0600401908159256, 0.36969444155693054, -0.9993920922279358, 0.17411164939403534, -1.2322043180465698, 0.24674534797668457, -0.643932044506073, -0.11425891518592834, -0.34160423278808594, 0.8513067960739136, 0.4275972843170166, -1.306647539138794, -0.4241172969341278, -0.05510856956243515, -0.09402529150247574, -0.3352228105068207, -0.21531784534454346, 0.9244347810745239, 0.763990044593811, -0.08367164433002472, 0.7458474040031433, 0.600893497467041, -0.10140159726142883, 0.2501082420349121, 0.12528763711452484, 1.1494014263153076, 0.47757017612457275, 0.09520907700061798, 0.5759419798851013, 0.32918381690979004, -0.22067475318908691, -0.3488822281360626, -0.2734321355819702, 0.032791852951049805, 0.4536363482475281, -0.3234507143497467, -0.49891024827957153, -0.026081565767526627, -0.559745728969574, -0.21340395510196686, 0.20901569724082947, 0.15104512870311737, -0.01880328357219696, -1.0141102075576782, 0.05004175007343292, 0.5228211283683777, 0.42222175002098083, -0.07981079816818237, -0.6781539916992188, -0.545386552810669, -0.050711531192064285, 0.3147054612636566, -0.07473250478506088, -0.3124578595161438, 0.08030904829502106, -0.24283525347709656, 0.019313812255859375, -0.09210282564163208, -0.33413568139076233, -0.5303666591644287, 0.3017791509628296, -0.9419193863868713, 0.021870506927371025, -0.7066577672958374, -0.7815617918968201, 0.5203734040260315, 0.5500812530517578, 0.13009120523929596, -0.37755703926086426, -0.058270037174224854, 0.22070392966270447, -0.47664496302604675, 0.22462138533592224, 0.21067160367965698, -0.6193082928657532, 0.046365320682525635, 0.7508666515350342, 0.013479042798280716, 0.15321138501167297, 0.30531859397888184]} +{"paper_id": "mlsum", "embedding": [-0.3711521327495575, 0.6801213026046753, -0.5759941339492798, -0.10898110270500183, 0.44600093364715576, -0.3365650177001953, 0.5928931832313538, 0.711461067199707, 0.646032989025116, 0.44203606247901917, 0.7997814416885376, -0.11699232459068298, 0.7007648944854736, 0.6075255274772644, -0.22522708773612976, -0.34233951568603516, -0.449145644903183, -0.6780385375022888, -0.19684696197509766, -0.6179832220077515, -0.6019071936607361, 0.02468065917491913, -0.14427024126052856, 0.004165535792708397, -0.4344242215156555, -0.11470817029476166, 0.9520942568778992, -0.7239606380462646, 0.1754511445760727, 0.4279673993587494, 0.4564756453037262, 1.0069210529327393, -1.3380805253982544, 0.13654690980911255, -0.8824478983879089, -0.4211907386779785, -0.052947480231523514, 0.6183989644050598, -0.5993378758430481, 0.007836669683456421, -0.7458671927452087, 0.05407322198152542, 0.8816273808479309, -0.14113152027130127, 0.1253315657377243, 0.1082063689827919, -0.0006711855530738831, 0.3050241768360138, -0.36095762252807617, 0.22482042014598846, 0.6786370873451233, 0.12792249023914337, -0.42575886845588684, 0.7424544095993042, -0.10916576534509659, 1.0918402671813965, 0.15966612100601196, -1.1111663579940796, 0.23712778091430664, -1.223288893699646, 1.1541393995285034, 1.0881201028823853, -0.8167453408241272, -0.11332422494888306, 1.6116410493850708, -0.4270583391189575, 1.03737211227417, 0.2952611446380615, 0.9099925756454468, 1.2228803634643555, -0.125861257314682, -0.9431474208831787, 0.381864458322525, -0.23280677199363708, 0.3617120087146759, 0.841665506362915, 0.23795293271541595, -0.5495700240135193, 0.06424807012081146, 0.12536132335662842, -0.4162828326225281, 0.17335493862628937, 0.4912380278110504, -0.603809118270874, -0.3879721462726593, -0.4953610897064209, -0.050458382815122604, -0.034446392208337784, 0.24875512719154358, -1.1959868669509888, 0.12511789798736572, 0.043109796941280365, -0.2468409240245819, 0.043714672327041626, -0.25482749938964844, 0.45623230934143066, 0.18791083991527557, 0.12047295272350311, -0.32362085580825806, 0.24183779954910278, 0.48535412549972534, -0.8115594387054443, 0.40939897298812866, 0.7138406038284302, 0.3298628628253937, 1.096703052520752, -0.19523531198501587, -0.4682760238647461, -0.2013252079486847, -0.5374395251274109, -0.6321285963058472, 0.9856798648834229, 0.3461093306541443, -0.028774648904800415, 0.021307770162820816, -0.46531641483306885, 0.09344324469566345, -0.0975986123085022, -1.0014129877090454, 0.08513978123664856, -0.45517459511756897, -1.7435858249664307, -0.5475651025772095, 0.12120263278484344, 0.8432156443595886, -0.44054898619651794, 0.2824901044368744, -0.5532061457633972, -0.020713943988084793, -0.00487468671053648, 0.27824851870536804, 0.3542588949203491, -0.2694755792617798, 0.07442370057106018, 2.167672634124756, -0.27976202964782715, 1.391310453414917, 0.46028998494148254, -0.08446209877729416, -0.16188454627990723, 0.12225734442472458, 0.8458272218704224, 0.33543628454208374, -1.0718828439712524, 0.049977753311395645, -0.002510612830519676, -0.5167811512947083, 0.7190446257591248, -0.6302524209022522, -0.6449083685874939, -0.2542388141155243, -0.00906418263912201, -1.060316801071167, -0.7354497313499451, 0.11588391661643982, 0.3080463409423828, 0.45249924063682556, 0.6951431632041931, -0.797889232635498, 1.303497552871704, 1.0607776641845703, 0.7998895049095154, -0.6055216193199158, 0.3063841462135315, -0.3946177363395691, 0.11286305636167526, 0.9320808053016663, -0.009315911680459976, -0.2396487593650818, -0.13058976829051971, 0.4465201795101166, -0.3832378387451172, 0.3394617736339569, -0.1329413652420044, -0.34798872470855713, 0.10535640269517899, -0.010537299327552319, 0.3704272210597992, -0.002721024677157402, -0.47363772988319397, -0.06347492337226868, -0.03402207791805267, -0.1386057287454605, 0.3767302930355072, 0.40543732047080994, 0.29986372590065, -1.5992207527160645, 0.010669384151697159, -0.9888179302215576, 0.080134317278862, -0.12781600654125214, -0.6511482000350952, 0.2301655113697052, -0.19599297642707825, -0.11626182496547699, -0.28437209129333496, 0.31046703457832336, -0.3583294153213501, -0.2488771229982376, 0.29657304286956787, 0.15439774096012115, 0.11115812510251999, 0.5118550062179565, 0.5077475905418396, 0.9800702929496765, -0.13133728504180908, -0.5465593934059143, -1.160343050956726, 0.6899016499519348, 1.5387605428695679, -0.5008082985877991, -0.3788518011569977, -1.6280525922775269, -0.14827948808670044, 1.2587543725967407, -0.6107040047645569, 0.03906533122062683, -0.5155945420265198, -0.33885887265205383, -1.0915452241897583, 0.03736858069896698, -0.77964848279953, -0.05836011841893196, 0.05860412120819092, 0.7499846816062927, -0.6092128753662109, -0.5262525677680969, -0.46616244316101074, -1.213282823562622, 0.3596576750278473, 1.259156584739685, 0.03031882457435131, -0.35261183977127075, 0.6570687294006348, 0.05248160660266876, 0.42574596405029297, -0.039237771183252335, 0.37352079153060913, -0.03781020641326904, -0.8654656410217285, -0.2103138417005539, 0.7550610899925232, -0.28702741861343384, -0.4094140827655792, -0.11107635498046875, 0.46336573362350464, 0.15125003457069397, -0.35869842767715454, 0.10170367360115051, 0.0012067556381225586, 1.0020259618759155, 1.6718153953552246, -0.37659743428230286, 1.6065796613693237, -0.9090262651443481, 0.19252663850784302, 0.21895943582057953, -1.0890318155288696, -0.2085149884223938, -0.17245489358901978, 0.41157427430152893, 0.06785242259502411, 0.18028591573238373, 0.12505468726158142, -0.32432132959365845, -1.062680721282959, -0.6211400032043457, 0.10043229907751083, -0.6679312586784363, -0.7496944665908813, -0.27113789319992065, -0.16426222026348114, -0.9722363352775574, -0.6304898858070374, -0.28523021936416626, 0.3786975145339966, 0.08447200059890747, 0.6287832260131836, 1.143318772315979, 0.05131005495786667, 0.7522137761116028, -0.3722478449344635, 0.8019042015075684, 0.058307189494371414, 0.9106413125991821, 0.21980160474777222, -0.19961252808570862, -0.9875319004058838, -0.5285519361495972, -0.7015979886054993, 0.37992236018180847, -0.0009246319532394409, -0.2656158208847046, 0.604909360408783, -0.14276984333992004, -1.754578948020935, 0.807482898235321, -0.28450486063957214, -0.09468115121126175, -0.9201622605323792, 1.2280865907669067, 0.24249418079853058, -0.2526034712791443, 0.413185715675354, 0.21484316885471344, -0.030344102531671524, 1.551073431968689, -0.43720516562461853, 1.1044557094573975, 0.26675063371658325, -0.23031115531921387, 0.0002624690532684326, -0.1371459662914276, -1.749632716178894, -0.3395994007587433, 1.0794306993484497, -0.5049713253974915, -0.313869833946228, -0.24963992834091187, 0.3609265089035034, -0.10621011257171631, -0.328159898519516, 0.07718934118747711, -1.0386319160461426, 0.31320732831954956, -0.6460645794868469, -0.18704505264759064, 1.0896906852722168, -0.7844185829162598, 0.875362753868103, 0.34476056694984436, 0.7605916857719421, -0.49065226316452026, -0.5170397162437439, 0.9138073921203613, -0.4066929817199707, 1.2070097923278809, 0.29472455382347107, 1.0752989053726196, 0.9952569007873535, -0.8322843313217163, -0.39435067772865295, 0.5636903047561646, 0.2521042227745056, 0.14035511016845703, 0.6970968842506409, -0.16417720913887024, 0.7457794547080994, -0.18662701547145844, 1.1382511854171753, 0.6532135009765625, -0.7829069495201111, -0.5321256518363953, -0.24234500527381897, -0.623333215713501, -1.2438373565673828, 1.2015856504440308, 0.861856997013092, 1.461029052734375, 0.35588714480400085, 0.23342213034629822, -0.2746104896068573, 0.05651206150650978, 0.9858132004737854, 0.05079014599323273, -0.03642630577087402, 0.06266330182552338, 0.26828327775001526, 1.3925471305847168, -0.1782427877187729, -0.3270023763179779, -0.24422354996204376, 0.07128714770078659, -0.33238592743873596, -0.5085897445678711, 0.5940330028533936, 0.6713125705718994, 0.7770588994026184, 1.2802317142486572, -0.5089010000228882, -0.5911699533462524, -0.1454562246799469, 0.004682788625359535, -0.10064830631017685, 0.29347243905067444, -1.3614356517791748, -0.0816439613699913, -0.035997651517391205, 1.1994681358337402, -0.5453435182571411, 0.4390032887458801, 0.4917905330657959, -0.21986398100852966, -0.7706252932548523, -0.458682656288147, -1.0638957023620605, -0.4203169345855713, -0.12657643854618073, -0.11285388469696045, -0.9238501787185669, 0.43166664242744446, -0.3966405689716339, -1.018181324005127, 0.17326360940933228, -0.010501576587557793, -1.007430076599121, 0.3881518244743347, 0.9990004301071167, -1.539790153503418, -0.1714460402727127, -0.1714794635772705, -0.7315868139266968, -0.4057823121547699, 0.0395931713283062, -0.4455714225769043, 0.07694599032402039, -0.1893852800130844, 0.6667189598083496, 0.05445868521928787, 0.0894903689622879, -0.7686852812767029, 0.7400135397911072, 0.7860537767410278, -0.36457040905952454, 0.33309048414230347, 0.12045344710350037, 0.3118116855621338, 0.21942918002605438, -1.1581873893737793, -0.07015903294086456, 0.4778711795806885, 0.6523679494857788, -0.3904750347137451, -0.6537096500396729, -0.7156243920326233, 0.2152613401412964, 0.5702990889549255, 0.9795525074005127, -1.1025879383087158, 0.6898903250694275, -0.24722892045974731, 0.477123498916626, 0.186014324426651, -0.6604331135749817, -0.6093987226486206, 1.3076398372650146, -0.4733075499534607, 0.3792560398578644, -0.10579448193311691, -0.20685644447803497, 0.31813979148864746, 0.22019082307815552, 0.3275487422943115, -0.2892712354660034, -13.379551887512207, 0.00417060311883688, -0.29242900013923645, 0.16660451889038086, 0.8021885752677917, 0.5715376138687134, 0.49393683671951294, 0.4102817475795746, 0.62652987241745, -0.6354953050613403, 0.39855796098709106, 1.3150691986083984, 0.040545299649238586, -0.35502371191978455, -0.5930191874504089, -0.9036051630973816, -0.3972121477127075, -0.03414042294025421, 0.6318351626396179, -0.8444530963897705, 0.3993799090385437, -0.3633137345314026, 0.24602819979190826, -0.5128158330917358, 0.40408411622047424, -0.2772790491580963, 0.2711446285247803, -0.09835425019264221, -0.7420390844345093, 0.14374615252017975, 0.6870332360267639, -0.280353307723999, -0.9187136292457581, -0.39209267497062683, 0.8624343872070312, 0.00669818976894021, -0.8157208561897278, -0.36592379212379456, 0.8092118501663208, -0.009799599647521973, -0.11814980208873749, 0.12520794570446014, -0.37305980920791626, -0.07283904403448105, -0.5002173781394958, -0.1763935536146164, -0.16318589448928833, -0.2502489984035492, 0.8830537796020508, -0.3578995168209076, -0.6183140873908997, -0.535770058631897, -0.6528422832489014, -0.6494762897491455, 1.0255872011184692, -0.0846598744392395, -0.7315213084220886, 0.3107016384601593, -0.4539158344268799, -0.8877307176589966, 1.0413235425949097, -0.10116396844387054, -0.6222339272499084, -0.0499451719224453, 0.41261836886405945, -0.5628495216369629, 0.7897047996520996, 0.06731539219617844, 0.24736979603767395, 0.05503026396036148, -0.5001009702682495, 0.39023521542549133, 0.6192803978919983, -0.39711230993270874, 0.3649948537349701, 0.06351833790540695, -0.14144641160964966, -0.7453916072845459, 0.45008930563926697, 0.4351205825805664, -0.9116174578666687, 0.3187233507633209, -0.0833013653755188, -0.3877529203891754, -0.30574217438697815, -0.2738027274608612, -6.010383367538452e-05, -0.6541513800621033, 0.09428209066390991, 0.054117463529109955, 0.48176199197769165, 0.22384071350097656, 0.009207915514707565, -0.3921303153038025, 0.04746631532907486, 1.0390193462371826, -1.123608112335205, 0.6968457102775574, -0.10193821787834167, -0.5889912843704224, 0.11254512518644333, 0.24301937222480774, -0.6275038719177246, -0.4496411979198456, 0.23908276855945587, -0.5324097871780396, -0.10201696306467056, 0.3610956072807312, -0.2320651262998581, -0.3607141673564911, 0.5270270109176636, 0.09167873859405518, 0.12719741463661194, 1.2896009683609009, -0.08562847971916199, 1.2833055257797241, 0.6171010732650757, -0.08895929157733917, 0.6587822437286377, 1.2868908643722534, -0.47490882873535156, 0.15437425673007965, 0.20686915516853333, 0.9812015891075134, 0.1202588826417923, 0.6101319193840027, -0.5592790842056274, 0.674717366695404, -0.27192214131355286, -0.9333853125572205, 0.021282032132148743, -0.3422098755836487, -0.276409775018692, -0.7474290728569031, -0.3967099189758301, -0.22609785199165344, -0.5098596811294556, 1.5410356521606445, -0.20894214510917664, 0.24373859167099, -0.7805878520011902, -0.7345266938209534, -0.18142716586589813, -0.6503083109855652, -0.16824401915073395, 0.2520890533924103, -1.5319963693618774, 0.3656623661518097, -0.40688639879226685, -0.3494599759578705, 0.1561262607574463, -0.17977717518806458, 0.3566631078720093, -0.41656672954559326, -0.3944808840751648, 0.12872618436813354, 0.44666069746017456, 0.06699001044034958, -0.8699547052383423, -0.5922926664352417, 0.44188734889030457, 0.8061991333961487, -0.8573254346847534, 1.0133635997772217, 0.43908724188804626, 0.4376707673072815, -0.7962743639945984, -0.48367300629615784, -0.4774140417575836, 0.7132859230041504, 0.9328686594963074, -0.9901421666145325, -0.12524448335170746, -0.2662785053253174, 0.19541239738464355, -0.775603175163269, 0.3986511826515198, 0.9030261039733887, -1.2070889472961426, 0.4228914976119995, -0.05724130943417549, 0.4081590473651886, 0.20805653929710388, -0.11144345998764038, -0.5864724516868591, 0.4836268723011017, -0.36421769857406616, 1.1019213199615479, -0.2245859056711197, 0.3547126054763794, -1.3027589321136475, -0.8914490342140198, -0.8970584273338318, -0.07256222516298294, 1.1560004949569702, -0.41146793961524963, 1.2776399850845337, 0.2063247412443161, 0.0541052371263504, -0.2054293155670166, -0.08973394334316254, 0.7497889995574951, 0.14665840566158295, 0.6136966347694397, -0.1286684274673462, -0.22226779162883759, -0.8551377654075623, 0.055181827396154404, 0.0766945481300354, 0.5254330635070801, -1.0222363471984863, 0.12440983951091766, 0.5583181977272034, -0.3010283410549164, -0.7841115593910217, -1.0533833503723145, 0.3142324984073639, 0.059373412281274796, 0.043731652200222015, -0.7341248989105225, -0.0043211206793785095, 0.9265592098236084, -0.781936526298523, 1.19648015499115, -0.13402651250362396, 0.3150111436843872, 0.7598704099655151, 0.8501684665679932, 0.9896910786628723, -0.0416191928088665, -0.726837158203125, 0.2701464295387268, -0.26383018493652344, -0.11490627378225327, 0.32907840609550476, 0.27142301201820374, -0.8053780794143677, 0.34473419189453125, -1.0562763214111328, 0.20012274384498596, 0.3798924684524536, -0.05136248469352722, 0.412295937538147, 0.9150122404098511, 0.443477988243103, -1.4567939043045044, -0.09205858409404755, -0.7694291472434998, 0.20090501010417938, 0.6176404356956482, 0.4057629406452179, 0.26915010809898376, 0.8084186315536499, -0.5518470406532288, 1.0987720489501953, -0.40473124384880066, -0.3176456093788147, 0.4048581123352051, -0.03506225347518921, 1.082385540008545, 0.40716323256492615, 0.2772050201892853, -0.07385103404521942, 0.10033179819583893, -0.45441123843193054, -0.6249150633811951, -0.09909456968307495, 0.7279555797576904, 1.2407885789871216, 0.02476305514574051, 0.11384133994579315, -0.6803820729255676, 0.023323949426412582, -0.45391517877578735, 0.35147255659103394, 0.5341891646385193, -0.605562150478363, -0.5397794842720032, -0.8598801493644714, 0.22707177698612213, 0.9214233160018921, -0.06266796588897705, -0.4336404800415039, -0.09767630696296692, 0.3545435667037964, 0.21217794716358185, -0.3996443450450897, -0.2474888563156128, 0.7070060968399048, 0.08123205602169037, -0.06130371242761612, 0.839719295501709, -0.31585490703582764, -0.587036669254303, 0.17401787638664246, -0.6396041512489319, 0.3286948502063751, -0.02091929316520691, -0.596823513507843, 0.165662944316864, 0.5591593384742737, 0.3337816298007965, -0.018503140658140182, 0.3110648989677429, -0.29731959104537964, -1.1566882133483887, 0.9524413347244263, 0.4335431456565857, 0.0571490153670311, -0.3152213990688324, 0.6049076318740845, 0.5671452283859253, 0.2772402763366699, 0.6739076972007751]} +{"paper_id": "ccdv/cnn_dailymail", "embedding": [-0.14539961516857147, 1.5200200080871582, -0.24134115874767303, 0.6347182989120483, 0.03485795110464096, -0.2312552034854889, 0.5249571800231934, 1.4640185832977295, 1.0783716440200806, -0.006524249911308289, 0.9759657979011536, 0.2673853039741516, 0.7665344476699829, 0.707793116569519, -0.11898057162761688, -0.05276704579591751, -0.7486791014671326, -0.3032929599285126, -0.8822416067123413, -0.8366185426712036, -0.5812151432037354, -0.4319974184036255, -0.11176450550556183, 0.6768835783004761, -1.332280158996582, -0.2405739277601242, 1.1742112636566162, -1.8279857635498047, 0.2315269112586975, 0.8529373407363892, 0.29216083884239197, 0.6567894816398621, -0.883394181728363, 0.3960282504558563, -0.5011169910430908, -0.6364129185676575, 0.23683466017246246, 0.20752808451652527, 0.2983349561691284, -0.3977867066860199, -0.5916246175765991, 0.3824571967124939, 0.4598899483680725, 0.10058742016553879, 0.20365022122859955, -0.6588888168334961, 0.41002795100212097, 0.05899433791637421, -0.5788301229476929, 0.15402869880199432, -0.19504551589488983, 0.012928560376167297, -0.28098079562187195, 1.1159895658493042, -0.20932218432426453, 1.752329707145691, 0.15418708324432373, -0.41522854566574097, -0.15717092156410217, -0.5455164909362793, 1.2494899034500122, 1.3363901376724243, -0.5887627601623535, 0.09277096390724182, 1.3018008470535278, -0.6430678963661194, 1.2132952213287354, 0.13415594398975372, 0.06285835802555084, 1.3171327114105225, -0.6219466328620911, -1.3768190145492554, 0.481259822845459, -1.030860424041748, 0.025328725576400757, 0.7756463289260864, 0.39994457364082336, -0.5230875611305237, -0.1527780294418335, -0.2693468928337097, -0.2022487223148346, 0.6452620029449463, 0.7720515727996826, -0.6295982003211975, -0.10771042108535767, 0.04619193077087402, 0.355014830827713, 0.1979212611913681, -0.08188402652740479, -1.412733793258667, -0.25918424129486084, -0.3919418156147003, -0.28858062624931335, -0.6442966461181641, -0.4060573875904083, 0.11984095722436905, 0.7745591998100281, -0.6126501560211182, -0.8696388006210327, 0.3021799921989441, 0.5228598117828369, -0.11545287072658539, -0.004410007037222385, -0.270873099565506, 0.9359530210494995, 0.6215797662734985, -0.5456873774528503, -0.4767853617668152, -0.5130214095115662, -0.8517924547195435, -0.5106922388076782, 0.2958442270755768, -0.10642759501934052, 0.9762750864028931, -0.4108779728412628, -0.324482798576355, 0.6946800947189331, 0.17272984981536865, -0.8178141117095947, -0.1960688978433609, -1.137252926826477, -1.6759530305862427, -0.1372775137424469, 0.12516389787197113, 0.46092796325683594, -0.9281883835792542, -0.1713714450597763, -0.7738250494003296, 0.0069752964191138744, -0.6914474368095398, 0.5882792472839355, 0.20251788198947906, -0.8625041246414185, -0.41760942339897156, 2.780719041824341, -0.9664538502693176, 1.3163596391677856, -0.28690847754478455, -0.3429168164730072, -0.7858414649963379, -0.18833890557289124, 1.7463895082473755, -0.5480161905288696, -0.3103182315826416, -0.7221640944480896, 0.5298759937286377, -0.9405307769775391, 0.2621721923351288, -0.1062459871172905, -0.36761975288391113, 0.3748320937156677, 0.026479534804821014, -0.83199542760849, -1.4560552835464478, -0.5329742431640625, 0.8818632960319519, 0.16240336000919342, 0.7138373255729675, -0.0941847562789917, 1.146787166595459, 1.232648491859436, -0.4933081269264221, -0.5227657556533813, 0.05906810984015465, -0.8401359915733337, -0.08052962273359299, 0.41678211092948914, -0.28107398748397827, 0.0416666716337204, -0.6415456533432007, 0.7255244851112366, -0.6128526329994202, -0.08095978200435638, -0.6826099753379822, -0.33256441354751587, 0.7905085682868958, 0.43271225690841675, -0.07236798852682114, 0.5032141804695129, -0.2917371690273285, -0.7830350995063782, -0.07097269594669342, 0.007922373712062836, 0.3009506165981293, 0.3619082570075989, 0.18604841828346252, -1.7415605783462524, -1.0341190099716187, -0.15241824090480804, 1.3262903690338135, 0.17041435837745667, -0.28509172797203064, -0.1673228144645691, 0.5596532225608826, 0.24509020149707794, -0.2533884048461914, -0.013230953365564346, -0.3056991994380951, 0.5625186562538147, 0.3200141191482544, 0.6685492992401123, -0.4547501802444458, -0.19215275347232819, 1.1576346158981323, 1.0321972370147705, -0.8778086304664612, -0.3798333406448364, -1.295136570930481, 0.5010121464729309, 1.9222028255462646, 0.0591951459646225, -0.6383983492851257, -1.9799976348876953, -0.19014400243759155, 0.9705437421798706, -0.09792616963386536, -0.21328690648078918, -0.4597982168197632, 0.36049896478652954, -1.0763853788375854, 0.43282970786094666, -0.298577219247818, 0.046835727989673615, 0.19974486529827118, 0.41413235664367676, -0.3435535430908203, -0.3962898254394531, -0.8772913217544556, -0.6378854513168335, 0.6133564710617065, 0.9232476353645325, 0.09859274327754974, -0.2798025906085968, 0.7252411842346191, 0.3148128092288971, 0.5333685874938965, 0.1260439157485962, 0.7248085141181946, 0.14894938468933105, -0.47189849615097046, 0.012805523350834846, 0.9586058259010315, 0.06864654272794724, 0.5100798010826111, -0.12325015664100647, 0.24897277355194092, -0.026255307719111443, -0.600733757019043, 0.6744046211242676, 0.04985414445400238, 1.1016534566879272, 0.896189272403717, -0.1623666137456894, 0.9342972636222839, -1.5445846319198608, 0.38362807035446167, -0.23340827226638794, -0.9358542561531067, -0.24927900731563568, 0.2135692685842514, 0.7464100122451782, -0.5517100095748901, 0.4451448917388916, 0.09248791635036469, 0.15673597157001495, -0.6834099888801575, -1.4481866359710693, -0.6071935892105103, -0.2292371392250061, -1.493104338645935, -0.3527182936668396, -0.25756603479385376, -0.6911818385124207, -0.37868374586105347, 0.15647326409816742, 0.08919260650873184, 0.3362179696559906, 0.2720467448234558, 2.0770392417907715, -0.24564692378044128, 0.30078649520874023, -1.240622639656067, 0.7781495451927185, -0.01107512041926384, 1.1228771209716797, -1.111219048500061, -0.12812364101409912, -1.4831560850143433, 0.23380699753761292, -0.4001690149307251, -0.011531360447406769, 0.13697785139083862, -0.7171352505683899, 0.5331688523292542, 0.04421798884868622, -0.47285008430480957, 1.0430282354354858, -0.5338355898857117, -0.028591230511665344, -0.9692531824111938, 1.2908194065093994, 0.006176559254527092, -0.9023100137710571, 0.39531511068344116, 0.3818216919898987, 0.09749747812747955, 0.9857531785964966, -0.3926311433315277, 1.5032100677490234, 0.3211938142776489, 0.30802372097969055, 0.6287683248519897, -0.4402594268321991, -2.3667755126953125, 0.06837872415781021, 1.8031878471374512, -0.9053840041160583, -0.5961551070213318, -0.8814244866371155, 0.4063653349876404, 0.1210896223783493, -0.5149630308151245, 0.44347819685935974, -0.8169318437576294, 0.500939130783081, -0.17202264070510864, 0.7171446084976196, 1.096529483795166, 0.16340020298957825, 0.8246743679046631, 0.7710179090499878, 0.2928716242313385, -0.8090820908546448, -0.46580904722213745, 1.2136385440826416, -0.2589675486087799, 0.08211078494787216, 0.09281662851572037, 1.1597388982772827, 1.0760488510131836, -0.15799370408058167, 0.4083799123764038, 1.518495798110962, 0.9236648082733154, 0.41747355461120605, 0.5606586933135986, -0.9963212013244629, -0.02232765592634678, 0.24401511251926422, 0.9017856121063232, 0.4071784019470215, -0.4029949903488159, -1.1198490858078003, 0.04287170246243477, -0.489327609539032, -0.7786285877227783, 1.0349946022033691, 0.1938888132572174, 2.332052707672119, 0.49156826734542847, 0.7459937334060669, -0.4649507701396942, -0.4793987572193146, 0.38863590359687805, 0.2902253270149231, 0.4062660336494446, -0.7484112977981567, -0.6698405742645264, 1.2716848850250244, -0.4302922487258911, -0.4484027326107025, -0.49339717626571655, 0.9248863458633423, -0.4813229739665985, -0.1865071803331375, 0.7850778698921204, 0.8422855138778687, 1.0492401123046875, 2.1376852989196777, -0.7017176747322083, -0.22268667817115784, 0.06787093728780746, 0.10108273476362228, 0.679671585559845, 0.3738749921321869, -1.3933742046356201, -0.22487744688987732, 0.10106422007083893, 0.5296332836151123, -0.4553931951522827, 0.9916573166847229, 1.1661357879638672, -0.4301244914531708, -0.32243162393569946, -0.5383076071739197, -0.7237839102745056, -0.29419073462486267, 0.1745271384716034, 0.15976634621620178, -0.2563609778881073, 0.8099175691604614, 0.05909666419029236, -1.3256773948669434, 0.6350282430648804, -0.18805992603302002, -0.8860996961593628, 0.12168121337890625, 1.2154982089996338, -1.4308642148971558, -0.7167644500732422, -0.08221672475337982, -1.0926337242126465, -0.38949334621429443, -0.022880008444190025, -0.44530606269836426, 0.5131176114082336, 0.3337482213973999, 0.37743237614631653, -0.15873999893665314, 0.16306325793266296, -1.4830172061920166, 0.5694100856781006, 0.7921773791313171, -0.3860796093940735, 1.2175095081329346, -0.03845542296767235, 0.03031906485557556, 0.31047528982162476, -1.4127171039581299, -0.10433000326156616, 0.16437679529190063, -0.190323606133461, -0.2356533706188202, -0.43792805075645447, -0.2681479752063751, -0.0344783253967762, 0.11564652621746063, 0.25790315866470337, -0.9942383170127869, 0.12300603091716766, -0.9412179589271545, 0.3552006483078003, 0.22408321499824524, -0.7017819285392761, -0.6847397089004517, 0.3707810938358307, -0.9864407181739807, 0.309549480676651, 0.2345142662525177, 0.3661276400089264, 1.2524054050445557, 0.7860130667686462, -0.4029689431190491, -0.08957076817750931, -10.70093822479248, 0.08798570185899734, 0.2368769347667694, -0.4367833733558655, 0.37240126729011536, 0.12288077920675278, 0.444385290145874, -0.34215912222862244, 0.5302370190620422, -0.3543758988380432, 0.26851096749305725, 0.9366967678070068, -0.26859843730926514, -0.40087783336639404, -0.4828018248081207, -1.052993655204773, -0.5644386410713196, -0.27385085821151733, 0.8964906930923462, -0.6726706027984619, 0.48451852798461914, -1.3097554445266724, 0.4898748993873596, 0.6280763745307922, 0.110333152115345, -0.06798694282770157, -0.13579757511615753, 0.19715535640716553, -1.3125348091125488, -0.17385534942150116, 0.8470079302787781, -0.8111463189125061, -0.19461196660995483, -0.6861287355422974, 1.3092793226242065, -0.31236299872398376, -1.4760116338729858, 0.2931904196739197, 0.3503635823726654, -0.5976513028144836, 0.2902376651763916, -0.1709272265434265, 0.03650978207588196, -0.7307320237159729, -0.7475296258926392, -0.08562520146369934, 1.000189185142517, -0.5633835196495056, 1.0335040092468262, -0.10850853472948074, -0.8786631226539612, -0.5740007758140564, -1.365632176399231, -0.9845530986785889, 0.70485520362854, 0.9038352966308594, -1.025647521018982, 0.31858375668525696, 0.4043877124786377, -0.7922070026397705, 0.6810879111289978, 0.27345678210258484, 0.3134663999080658, -0.40330180525779724, 0.8071573972702026, -0.41023242473602295, 0.15044617652893066, 0.0404549203813076, 0.5915834307670593, 0.46453845500946045, -1.3513951301574707, 0.6919611096382141, 0.5212888121604919, -0.08027580380439758, -0.34855031967163086, 0.15343675017356873, -0.25960996747016907, -0.9132458567619324, 0.857239305973053, 0.6521724462509155, -0.5881109237670898, 0.6506497263908386, -0.1696486473083496, -0.407321959733963, -0.5841764807701111, -0.11377038061618805, 0.4490838646888733, -0.5320948362350464, 1.4266856908798218, -0.4838036000728607, 1.2346794605255127, -0.27474331855773926, -0.19470003247261047, 0.4666301906108856, -0.22116097807884216, 1.322584629058838, -0.8861321806907654, 0.6484576463699341, 0.5799031257629395, -0.967974066734314, 0.18477554619312286, -0.0043584443628787994, -0.9396998882293701, -0.4426308870315552, 0.9713523983955383, -0.10057294368743896, -0.6117215156555176, 0.44974592328071594, 0.3237813413143158, -0.006994600407779217, 0.9238916039466858, 0.9447842836380005, -0.45706552267074585, 1.0987192392349243, -0.02083529531955719, 1.3139574527740479, 1.2012782096862793, 0.14063671231269836, 0.265116810798645, 1.3017730712890625, -0.794646680355072, 0.6544886231422424, 0.3104008436203003, 0.7743891477584839, 0.5012112259864807, 0.13939230144023895, -0.42387285828590393, 0.9864181280136108, -0.32851460576057434, -0.8409854769706726, -0.5170369148254395, -0.30158936977386475, 0.32929039001464844, -0.913297176361084, -0.45139795541763306, 0.40704140067100525, -0.33349084854125977, 1.6031440496444702, -0.7161067128181458, 0.02521061897277832, 0.10821755230426788, -0.45298904180526733, -0.2924473285675049, -0.2682422399520874, -1.0832897424697876, 0.009593799710273743, -1.6646751165390015, 0.31876620650291443, -0.6490829586982727, -0.2005249708890915, -0.13183051347732544, -0.3325796127319336, 0.5876755714416504, -0.5708276033401489, -0.9919877648353577, -0.3332864046096802, 0.9112175703048706, -0.1380804181098938, -0.6194129586219788, -0.08691495656967163, 0.31058746576309204, 1.1832278966903687, -0.805758535861969, 1.013078212738037, -0.5304445028305054, 0.3656364679336548, -0.8681430220603943, -0.06870122253894806, -0.7500102519989014, 0.552666425704956, 1.541822910308838, -1.468976616859436, -0.44235584139823914, -0.9660717248916626, -0.19253607094287872, -0.48846495151519775, 0.4086697995662689, 1.3157044649124146, -1.3917747735977173, 0.15943437814712524, -0.4485430419445038, 0.21104761958122253, 0.8985896706581116, 0.1748620569705963, -0.23624268174171448, 0.4395740032196045, -0.5303775072097778, 0.6941736936569214, 0.045557618141174316, 0.46951979398727417, -1.6632031202316284, -1.2167222499847412, -0.8822965025901794, -1.0651911497116089, 0.9123639464378357, -0.06584431231021881, 0.9553658962249756, 0.5932489037513733, -0.17024019360542297, -0.5236778259277344, 0.03288848698139191, 1.4230178594589233, 0.6553038954734802, 0.6483660340309143, 0.2580476701259613, -0.3358582556247711, -0.6968890428543091, 0.20628249645233154, -0.1298963874578476, 0.19461758434772491, -1.0015497207641602, 0.38236361742019653, 0.6139582991600037, 0.35589107871055603, -0.13604991137981415, -1.5262993574142456, 0.18167704343795776, -0.3172100782394409, -0.29980143904685974, -1.0753518342971802, -0.07182232290506363, 0.39332491159439087, -1.2257646322250366, 1.318882942199707, 0.4316692054271698, 0.6088824272155762, 0.3236531615257263, -0.053385406732559204, 1.5204205513000488, -0.5612647533416748, -0.5879391431808472, 0.41189566254615784, -0.2097550630569458, 0.3513559103012085, 0.23404979705810547, -0.14111916720867157, -0.8505018353462219, 0.5497176647186279, -1.22772216796875, 0.3679114878177643, 0.11744599789381027, 0.3379194140434265, 0.5293625593185425, 1.3873449563980103, 0.7108926773071289, -1.8066778182983398, -0.5290043354034424, -0.9185241460800171, -0.03492153063416481, 1.8231573104858398, 0.1570558100938797, -0.1595272719860077, 0.5725943446159363, -1.1287808418273926, 0.9293274879455566, -0.9991122484207153, -0.45722705125808716, 0.2704612910747528, 0.21381238102912903, 0.8522025942802429, 0.6480202674865723, -0.02114507369697094, 0.5308722257614136, 0.12864884734153748, 0.004287734627723694, -0.038605332374572754, -0.6843703389167786, 0.21394915878772736, 1.2942472696304321, -0.12222956120967865, -1.010751724243164, -0.6652265191078186, -0.08539967238903046, -0.6045829653739929, 0.9365606904029846, 0.0643153265118599, -0.6849254965782166, -1.8226734399795532, -0.9375196695327759, -0.8399895429611206, 0.31436043977737427, 0.010685991495847702, -0.4342191219329834, -0.40284955501556396, 0.2718842625617981, 0.9509121179580688, 0.3435737192630768, -0.7833238244056702, -0.1629895716905594, -0.45422711968421936, -0.09409161657094955, 0.3048119843006134, -0.581813395023346, -0.2992231249809265, -0.10232202708721161, -0.5700165033340454, 1.097353219985962, 0.754988431930542, -1.0517215728759766, -0.12411800026893616, 0.40438225865364075, 0.7317249774932861, -0.3488815426826477, 1.1338865756988525, -0.336748868227005, -1.4059302806854248, 1.0975284576416016, 0.46818873286247253, 0.1452142298221588, -0.011433265171945095, 0.4072364866733551, 1.1542977094650269, 0.2388378083705902, 1.334481954574585]} +{"paper_id": "e2e_nlg", "embedding": [-0.5109958648681641, 0.9120122194290161, -0.10488896071910858, -0.20061235129833221, 0.6949540972709656, -0.1583084762096405, 1.4968980550765991, 0.09666097909212112, 0.5773276686668396, 0.36894872784614563, 0.301638662815094, 0.06716699153184891, -0.2488383948802948, -0.06579943001270294, -0.07264427840709686, -0.6429397463798523, -1.2293227910995483, -0.378627747297287, -1.3248634338378906, -0.8754007816314697, -1.240878701210022, -0.22974811494350433, 0.3359360992908478, 0.5219923853874207, -0.23999208211898804, -0.3100079894065857, 1.4595606327056885, -1.2413246631622314, 0.2356390655040741, -0.13608142733573914, -0.44530123472213745, 0.9850373268127441, -1.1272671222686768, 0.6683249473571777, 0.033616140484809875, 0.16843242943286896, 0.29236385226249695, 0.8298851847648621, -0.8330221176147461, 0.2903524339199066, -0.6874337792396545, -0.026423363015055656, 0.7351461052894592, -0.09360921382904053, 0.14324982464313507, 0.17423996329307556, -0.07964107394218445, 0.37154150009155273, -0.2989856004714966, -0.11116020381450653, -0.7851516604423523, -0.10482075065374374, 0.32322511076927185, -0.26927047967910767, 0.1880914866924286, 1.4511590003967285, 0.40643447637557983, -1.5441508293151855, 0.2895953059196472, -0.48004698753356934, 0.7236047387123108, 1.391636610031128, -0.08663170039653778, 0.6871172189712524, 0.6128938794136047, -0.17430664598941803, 0.7847786545753479, 0.3887908458709717, 0.12075505405664444, 0.6258839964866638, -0.7217270135879517, -0.718777060508728, 0.3877880871295929, 0.5115508437156677, 0.21096757054328918, 1.3143045902252197, 0.18078359961509705, 0.3779833912849426, 0.18037614226341248, -0.33168935775756836, -0.2765136957168579, 0.6988886594772339, 0.6786691546440125, -0.3802710473537445, 0.5286132097244263, 0.7520381212234497, 0.28671976923942566, -0.016540199518203735, -1.1069811582565308, -1.7840293645858765, 0.07001058012247086, 0.29583659768104553, 0.4091396629810333, -0.2378997504711151, -0.08172440528869629, 0.5070677399635315, -0.024104177951812744, -0.09681975841522217, -0.025691960006952286, 0.3607061207294464, 0.06655357033014297, -0.565982460975647, 0.4779736399650574, 0.21228468418121338, 0.4077877104282379, 0.49489739537239075, -0.18811750411987305, -0.0672672837972641, -0.2114885151386261, -0.5712089538574219, -0.5268367528915405, 0.8822571635246277, 0.86980140209198, 1.0799566507339478, -0.19683672487735748, -0.09513413906097412, 0.19267792999744415, -0.6963015794754028, 0.06739050149917603, -0.04328882694244385, -0.715855062007904, -0.987976610660553, 0.21059095859527588, -0.11824473738670349, 1.074090600013733, -1.2227199077606201, -0.29293006658554077, 0.0636175349354744, 0.10292188078165054, -0.3110487163066864, 0.8304159641265869, 0.18159575760364532, -0.3046957552433014, 0.6315442323684692, 2.8418519496917725, -1.0834221839904785, 0.4428139626979828, -0.44950029253959656, -1.1290373802185059, -0.6876929998397827, 0.40064117312431335, 1.4833033084869385, -0.572756826877594, -0.8138625025749207, -0.9183685183525085, -0.2858726382255554, -0.99854975938797, 0.24553757905960083, -0.6269916296005249, 0.1507251113653183, 0.3375836908817291, -0.3513805866241455, -1.4729270935058594, -0.0628824234008789, -0.49102893471717834, 0.39197537302970886, 0.5412654876708984, -0.017342809587717056, -0.3446255326271057, 0.8806308507919312, 0.9303379654884338, -0.33173805475234985, 8.924305438995361e-05, 0.1344398707151413, -0.6174446940422058, 0.4120515286922455, 0.950478196144104, -0.4524265229701996, -0.4413708448410034, -0.43359318375587463, 0.5319616794586182, 0.06407508999109268, -0.2905653715133667, 0.1653362363576889, 0.6035478115081787, 1.529026985168457, -0.11036819219589233, 0.7972545623779297, -0.35797247290611267, -0.6361047029495239, -0.6020482778549194, -0.9372283220291138, -0.8090092539787292, 0.4025397300720215, -0.3829229772090912, 1.1235893964767456, -2.1567463874816895, 0.15027755498886108, -0.6501021385192871, 0.4871557950973511, -0.6477024555206299, -0.12741152942180634, 0.24415549635887146, -0.09851871430873871, 0.36366206407546997, -0.4375876188278198, 0.8576245307922363, -0.5901903510093689, 0.06920522451400757, 0.6742044687271118, -0.4810195863246918, 0.11995065212249756, -0.37022295594215393, 1.5530916452407837, 0.9877402186393738, -0.5564519166946411, -0.2415081262588501, -1.6750850677490234, 0.4781992733478546, 1.9379709959030151, 0.14602093398571014, -1.0445245504379272, -0.7968908548355103, -0.449616014957428, 0.3441421389579773, -0.21563011407852173, -0.014137569814920425, -0.2766030430793762, -0.39391636848449707, -1.0953474044799805, -0.09176735579967499, -0.7846778631210327, 0.567528247833252, 1.0504027605056763, 1.3067448139190674, -0.3028564453125, -0.1451837569475174, -0.2202768176794052, -1.0153311491012573, -0.12648269534111023, 0.4336652159690857, 0.5775902271270752, -0.10633772611618042, 0.9992282390594482, -0.5389238595962524, 0.5457872152328491, 0.2349705994129181, 0.5218425989151001, -0.042709074914455414, 0.0068565793335437775, 0.905592679977417, 0.927826464176178, -0.6492175459861755, 0.0067253317683935165, 0.017506226897239685, 0.5914098024368286, -0.2285056710243225, -0.7589905858039856, 0.12019890546798706, -0.3432101905345917, 1.3864893913269043, 0.9665983319282532, -0.25125768780708313, 0.17879143357276917, -0.7257016897201538, 0.31555336713790894, -0.4753381013870239, -0.44078946113586426, -0.6391220092773438, -0.09614887088537216, 0.6842780113220215, -0.2566029131412506, 0.43432363867759705, -0.6507949233055115, -0.3102532625198364, -1.0115846395492554, -0.7055723071098328, -0.20502999424934387, -0.11702042818069458, -1.276685118675232, -0.7818424105644226, 0.24007748067378998, -0.834608793258667, -0.012014072388410568, -0.13913355767726898, 0.7499323487281799, 0.12089116871356964, 0.5170860290527344, 1.509392499923706, -0.330559104681015, -0.09679848700761795, 0.3261341452598572, 0.589000940322876, -0.5748505592346191, 0.8962205648422241, -0.2292492687702179, -0.37856346368789673, -0.8506120443344116, 0.30760055780410767, -0.45191341638565063, 0.3454734683036804, 0.027176566421985626, -0.5575767159461975, -0.4656127393245697, -0.44620683789253235, -1.0732101202011108, 0.776644766330719, -0.9333997368812561, 0.5848205089569092, -0.1403578817844391, 1.5488824844360352, 0.6546700596809387, -0.01965038850903511, 1.273024320602417, -0.7336509823799133, 0.32561442255973816, 0.8249707221984863, -0.49410971999168396, 0.7743836045265198, 0.778648853302002, -0.27078184485435486, 0.8409919142723083, 0.019288435578346252, -2.417585849761963, 0.1479811668395996, 1.0643913745880127, -0.09338115155696869, -0.03891259804368019, -1.0426281690597534, -0.01950450986623764, -0.10127492249011993, -0.24902763962745667, -0.3396143615245819, -0.39024391770362854, 0.41707643866539, -0.9262298345565796, -0.17361481487751007, 1.529116153717041, -0.6970368027687073, 0.3532251715660095, 0.6879458427429199, 0.36983436346054077, -1.476792573928833, -0.29688799381256104, 0.771555483341217, -1.1099337339401245, -0.47810831665992737, -0.0502469465136528, 0.727566659450531, 1.4199438095092773, -0.5385112166404724, 0.1206149086356163, 1.1146910190582275, 0.11051925271749496, 0.7344987392425537, 0.59530109167099, -0.11907018721103668, -0.10128021240234375, -0.541469395160675, 1.1944259405136108, -0.48639822006225586, -0.9541004300117493, -0.9441989660263062, 0.02571827545762062, -0.5821934938430786, -0.5505566596984863, 1.3100656270980835, 0.8128160834312439, 1.2863802909851074, -0.05770258605480194, 0.8518277406692505, -0.7817968726158142, -0.055140167474746704, 0.4770117998123169, 0.6525410413742065, -0.40300971269607544, -0.5600437521934509, -0.2230234444141388, 0.44111597537994385, 0.07978154718875885, -0.4765894412994385, -0.5506650805473328, 0.5878069400787354, 0.3489047884941101, -0.9236388206481934, 0.3473406732082367, 0.8299981355667114, 0.29370447993278503, 2.2970149517059326, -0.7029836773872375, -0.036256447434425354, 1.0325663089752197, 0.5287211537361145, 0.3803781569004059, 0.006661280989646912, -0.4269563853740692, 1.0039137601852417, 0.4606899619102478, 0.5557209849357605, -0.22300834953784943, 0.47630050778388977, 0.3299483358860016, -1.0361236333847046, -0.9913290143013, -0.6548439264297485, -0.9949285984039307, -0.666236937046051, -0.3420273959636688, -0.05033569410443306, -0.6475338339805603, 0.6743841767311096, -0.6755613088607788, -0.6021459698677063, 1.2523295879364014, 0.32250750064849854, -0.6143027544021606, 0.6073790788650513, 1.1305060386657715, -1.4199767112731934, -0.17544564604759216, -0.31358420848846436, -1.371303915977478, -0.7831011414527893, 0.0666460245847702, -0.30029818415641785, 0.10352371633052826, -0.43376392126083374, 0.4983091652393341, -0.19293054938316345, -0.22861027717590332, -1.3477177619934082, 0.6692847013473511, 0.9384533762931824, -0.511162519454956, 0.7034169435501099, 0.64289391040802, 0.9033841490745544, -0.22399818897247314, -0.5503647923469543, -0.8427823185920715, 0.40855273604393005, 0.4162543714046478, 0.5313240885734558, -0.6689649224281311, -0.4778689444065094, -0.3464902937412262, 0.1750594526529312, 0.4750348627567291, -1.2377750873565674, -0.16325592994689941, 0.672444224357605, 0.2169414907693863, 0.7898069620132446, -0.8772087097167969, -1.1050175428390503, 0.7711223363876343, -0.7330891489982605, 0.2948299050331116, -0.519071102142334, 0.46446192264556885, 0.8625814318656921, -0.013121254742145538, 0.006589200347661972, -0.42376458644866943, -11.732726097106934, 0.8929848670959473, -0.3543744385242462, -0.43299198150634766, 1.0042933225631714, -0.33497196435928345, 0.795688807964325, 0.0772581547498703, 1.133095383644104, -0.799767255783081, 0.833386242389679, 0.7494520545005798, -0.09822622686624527, -0.06725172698497772, -0.3868086338043213, -1.605233907699585, -1.075921893119812, -0.5827840566635132, 0.3966822028160095, 0.3154260516166687, -0.08661791682243347, -0.8314509391784668, 0.4396250247955322, 0.519588053226471, 0.06117862090468407, 0.17995810508728027, -0.2974605858325958, -0.49125370383262634, -0.08152979612350464, 0.1321418136358261, 0.37760812044143677, 0.6042840480804443, -0.9126672148704529, -0.9758683443069458, 0.04966630041599274, -0.472290575504303, -1.126929521560669, -0.7362684607505798, 1.1482380628585815, 0.5223067402839661, -0.6331378221511841, 0.21219703555107117, 1.1090770959854126, -0.5160033702850342, -0.7074889540672302, 0.5030027031898499, 0.08543425798416138, -0.1967032253742218, -0.3533138632774353, -0.41731685400009155, -0.12661848962306976, -0.4371381103992462, -0.3422245681285858, -0.34060338139533997, 0.534834086894989, 0.17772474884986877, -0.44974714517593384, 0.4056724011898041, -0.3606341481208801, -1.0262999534606934, 0.36469385027885437, 0.47284287214279175, -0.593942403793335, -0.19144821166992188, 0.6727778315544128, -1.1257563829421997, 0.4128178358078003, 0.579289436340332, 0.3389897048473358, 0.8575683236122131, -0.6061705350875854, 0.5946292877197266, 0.3283810317516327, 0.34478670358657837, 0.15692955255508423, 0.46344831585884094, 0.22214964032173157, -0.42089131474494934, 0.02298920787870884, -0.29219332337379456, -0.46221375465393066, 0.48461905121803284, 0.14506931602954865, -0.30384325981140137, -0.6932116746902466, 0.5270596146583557, -0.4247739613056183, -0.48997318744659424, 0.9835929870605469, -0.35499289631843567, 1.5112919807434082, -0.31019294261932373, -0.4801158905029297, 0.35299065709114075, -0.732950747013092, 0.7273668050765991, 0.7245206832885742, 0.9430410861968994, -0.3632764220237732, -0.7217296361923218, 0.5028132796287537, -0.032924167811870575, 0.07928934693336487, -0.6339711546897888, 0.5560226440429688, 0.08498505502939224, -0.04943111538887024, 0.7564135789871216, 1.019045114517212, 0.11136994510889053, 0.5495303869247437, -0.21427232027053833, -0.22184576094150543, 1.0188108682632446, -0.035314157605171204, 0.8602153062820435, 1.2534723281860352, -0.0291542187333107, 0.8590611219406128, 0.5019351243972778, -0.22843222320079803, 0.979350745677948, 0.6427636742591858, 0.5402383804321289, 0.5147737860679626, 0.009578676894307137, 0.47918108105659485, 0.5103015303611755, -0.6079866290092468, -0.9135353565216064, -0.1271149218082428, -0.19299517571926117, -0.08364153653383255, -0.35143202543258667, -0.16461661458015442, 0.05321262404322624, -1.3114997148513794, 1.2161493301391602, -0.7162708640098572, 0.6520227193832397, 0.12042731046676636, -0.7248709797859192, 0.3599972426891327, -1.1097204685211182, -0.8803083896636963, 0.12473556399345398, -1.6803867816925049, 0.21263004839420319, -0.19650743901729584, -0.37942367792129517, 0.29956188797950745, 0.031020380556583405, 0.7761275172233582, -0.9876984357833862, -0.07075810432434082, -0.08871684968471527, 0.8085943460464478, -0.2907714545726776, -0.3909628987312317, -0.27093106508255005, -0.1393962800502777, 0.5955203771591187, -0.31068161129951477, 0.838650107383728, 0.5975661277770996, -0.6002370715141296, -0.14148825407028198, -0.033725909888744354, -0.8038131594657898, 0.18458160758018494, 0.9830280542373657, -1.342806339263916, -0.7126628160476685, -0.8984923958778381, 0.17391835153102875, -0.9271876811981201, 1.0665310621261597, 1.6929579973220825, -1.0648016929626465, 0.16126692295074463, 0.2569824457168579, 0.5564876794815063, 0.340546190738678, -0.7487985491752625, -0.4443712830543518, 0.17671775817871094, 0.5962816476821899, 0.805040180683136, -0.041010670363903046, 1.269342064857483, -1.8970991373062134, -0.9819033741950989, 0.008601551875472069, -0.1641211360692978, -0.09811709821224213, -0.7707263827323914, 1.271041989326477, 1.214768409729004, -0.05914948880672455, 0.39246654510498047, -0.020425742492079735, 0.9404389262199402, -0.41531261801719666, 0.15487439930438995, 0.44694963097572327, -0.0470217727124691, -0.8011210560798645, -0.34132540225982666, 0.0037392713129520416, 0.32419323921203613, -0.6754875183105469, 0.10948304831981659, -0.03152158483862877, -0.34085792303085327, 0.2612367570400238, -0.40567389130592346, -0.3028445243835449, -0.47090983390808105, -0.13786019384860992, -1.3998081684112549, 0.5211033821105957, 1.7008695602416992, -0.256757915019989, 0.9166408777236938, 0.7935410737991333, -0.7250259518623352, 0.8354450464248657, 0.25734710693359375, 1.2639740705490112, -0.23328401148319244, -0.8438494205474854, -0.07109194993972778, 0.9129477739334106, -0.2772623300552368, -0.1381681263446808, -0.5617698431015015, -1.091810703277588, 0.19341284036636353, -0.39859074354171753, 0.09406248480081558, -0.4195985794067383, 0.4052669405937195, 0.3724098801612854, 1.1095365285873413, -0.10664771497249603, -1.5165488719940186, -0.15043500065803528, -1.1067982912063599, 0.023451894521713257, 1.0008541345596313, 0.18973012268543243, 0.6903443336486816, 0.49215176701545715, -0.2122020572423935, 0.7013750076293945, -0.7311211228370667, 0.17422214150428772, -0.03429955244064331, 0.5826194286346436, 1.2263648509979248, 0.5114340782165527, 1.2294622659683228, 0.27176550030708313, -0.5172064900398254, 0.4666706621646881, 0.3368139863014221, 0.14015325903892517, 0.43075031042099, 0.49319446086883545, -0.6407577991485596, -0.5255928635597229, -0.46789586544036865, 0.568702220916748, -0.5934014320373535, 0.6470360159873962, -0.025741763412952423, -0.6412515640258789, -0.29394641518592834, -0.6923147439956665, 0.2157486081123352, 0.7703978419303894, -0.23292768001556396, -0.7168403267860413, -0.5646069645881653, 0.5794582962989807, 0.05271293595433235, 0.32288724184036255, -0.8144729733467102, 0.4101048707962036, -1.1303415298461914, 0.4106874465942383, -0.583274245262146, -0.22088032960891724, -0.016072165220975876, 0.24532955884933472, -0.347663551568985, 0.8297421932220459, -0.4201819896697998, -1.2810293436050415, -0.6659220457077026, 0.09250342845916748, -0.732520341873169, 0.5147016048431396, 0.20909294486045837, 0.02042313665151596, -1.6202715635299683, 0.9811269044876099, 0.8009371757507324, -0.6788210272789001, -0.9295886158943176, -0.16696515679359436, 0.14659103751182556, -0.5062130093574524, 1.1758989095687866]} +{"paper_id": "medal", "embedding": [-0.13477608561515808, 1.289603590965271, -0.4771941304206848, -0.13179436326026917, 0.22405436635017395, 0.2116537243127823, -0.06349926441907883, 1.2213901281356812, 0.923486590385437, 0.9228463768959045, 0.033942811191082, 0.06587811559438705, -1.0305101871490479, -0.5119163393974304, -0.46901264786720276, -0.5407200455665588, -0.9785178899765015, -0.8474193215370178, -2.0832910537719727, -0.876771867275238, -1.1787972450256348, -0.7184624075889587, 0.08257701992988586, 1.4541823863983154, -0.2605586349964142, -0.6712411046028137, 0.836147129535675, -1.243706226348877, 0.2541605234146118, -0.05932296812534332, 0.06644542515277863, 0.26202869415283203, -1.952850580215454, 0.3732127547264099, -0.47732535004615784, -0.15897594392299652, 0.19172127544879913, 0.3833344876766205, -0.20089684426784515, 0.005768321454524994, -1.0669664144515991, 0.24210217595100403, 0.4321923553943634, -0.03293289989233017, 0.6544451713562012, -0.5992856621742249, 0.2727852761745453, 0.243107870221138, 0.2646610140800476, 0.232777938246727, -0.16893379390239716, -0.4149858355522156, 0.5573391914367676, 0.8484033346176147, -0.3225979804992676, 1.6761740446090698, 0.31350618600845337, -0.6859387159347534, 0.8768154978752136, -1.2705360651016235, 1.400027871131897, 1.9564037322998047, -0.8196923136711121, 0.4562051594257355, 0.44170212745666504, 0.7659528255462646, 1.278579831123352, 0.3694181442260742, 0.953665554523468, 0.6528704166412354, -0.13893061876296997, -0.9419628381729126, 0.8466386795043945, -0.8531159162521362, 0.13126149773597717, 1.0998660326004028, 0.32620084285736084, 0.13157209753990173, 0.011575480923056602, -0.896006166934967, -0.6493664383888245, 0.5084803104400635, 0.8397327661514282, -0.7730910181999207, -0.4838642179965973, 0.423920601606369, -0.6129245758056641, -0.81912761926651, 0.133849635720253, -2.175194501876831, -0.07021966576576233, 0.4399542510509491, -0.7272511720657349, -0.5570237636566162, 0.008721597492694855, 0.3361560106277466, -0.30643975734710693, -0.7674589157104492, -0.19846342504024506, 0.4180257320404053, 0.484066367149353, -0.802570104598999, 0.39153847098350525, -0.40466007590293884, 0.8260249495506287, 1.3489559888839722, -0.41149505972862244, 0.1729329228401184, -0.7157114148139954, -0.34378740191459656, 0.9249710440635681, 0.8174814581871033, 0.1316235065460205, 0.10709217190742493, -0.36703866720199585, 0.19107675552368164, 0.5986315608024597, -0.5064116716384888, -0.14447703957557678, -0.03187153488397598, -0.18753895163536072, -1.0841541290283203, -0.09421335905790329, -0.4220106601715088, 0.4227394461631775, -1.0345402956008911, 0.477202445268631, 0.07364455610513687, 0.7268113493919373, 0.39420193433761597, 0.3200894892215729, 0.3134482204914093, -1.1892504692077637, 0.1983557939529419, 3.2448554039001465, -1.0258984565734863, 1.2732383012771606, -0.6011611223220825, 0.8668976426124573, -1.1469703912734985, -0.09494340419769287, 0.780049204826355, 0.08533685654401779, -0.7989347577095032, -0.9553300738334656, 0.41626080870628357, -0.6557319164276123, 0.8360853791236877, -1.2313673496246338, 0.24376709759235382, -0.0164627768099308, 0.020390279591083527, -1.017482042312622, -0.750248908996582, -0.3237614035606384, 0.5565757155418396, -0.1337018460035324, 0.8199654817581177, -0.8024062514305115, 1.2433476448059082, 0.9449115991592407, -0.5488207936286926, -0.12212752550840378, 0.30181849002838135, -1.1079862117767334, -0.24050040543079376, 0.7305096387863159, 0.3407136797904968, -0.917851984500885, -0.8264067769050598, 0.7921258211135864, 0.3762957751750946, -0.020857401192188263, 0.43456992506980896, 0.3307752013206482, 0.5662128329277039, 0.31148985028266907, 0.4474681615829468, 0.0972103476524353, -0.35462337732315063, -0.9108864665031433, -0.7090282440185547, 0.217494934797287, 0.44921377301216125, 0.6686503291130066, 1.3021126985549927, -1.7554595470428467, -0.6105135083198547, -0.7415598630905151, 1.1781305074691772, -0.25316739082336426, -0.7147102952003479, -0.10045626014471054, 0.5088393092155457, 0.702019453048706, -0.8342464566230774, 0.1298646479845047, -1.0954418182373047, -0.27126941084861755, 1.1733086109161377, -0.17799918353557587, 0.05243618041276932, 0.11310452967882156, 1.01115083694458, 0.9865098595619202, -1.591812252998352, -0.32288408279418945, -1.193376898765564, 0.00900242105126381, 2.7106070518493652, -0.01212366670370102, -0.6170530319213867, -1.1467019319534302, -0.7442115545272827, -0.18414470553398132, 0.16804707050323486, -0.7411576509475708, -0.6217898726463318, 0.11734975874423981, -0.585049569606781, 0.6348685026168823, -0.972209095954895, 0.7067564725875854, 1.0706573724746704, 1.4237847328186035, -0.7049718499183655, 0.08735300600528717, -0.2960382103919983, -0.20799629390239716, 0.8136016726493835, 0.6223472356796265, -0.12922395765781403, -0.4837315082550049, 0.7879936099052429, 0.2105960249900818, 0.578144371509552, 0.4506988823413849, 0.3633267283439636, -0.3323133587837219, 0.5348206758499146, -0.012098840437829494, 1.1908069849014282, -0.7864048480987549, 0.3848153352737427, -0.29075485467910767, 0.1088443398475647, -0.8861488699913025, -0.5107008218765259, 0.5605557560920715, -0.21902796626091003, 1.290405035018921, 0.4006093442440033, 0.11043421924114227, 0.8275488615036011, -1.131736159324646, -0.03472653776407242, -0.26748886704444885, -0.6146543025970459, -0.6114621162414551, -0.24009041488170624, 0.015162680298089981, 0.04151321202516556, 0.27666768431663513, -0.5071489810943604, 0.1522659957408905, -1.712376356124878, -0.41619813442230225, -0.4094536006450653, -0.6424930691719055, -2.062657117843628, -0.2530357241630554, 0.39450007677078247, -0.9935867190361023, -0.45718497037887573, 0.44695812463760376, 0.2425634115934372, 0.24764063954353333, 0.8123153448104858, 1.5597426891326904, -0.3539855480194092, 0.793984055519104, 0.40007567405700684, 1.1926467418670654, -1.5760729312896729, 1.0235060453414917, 0.14346590638160706, 0.49404677748680115, -0.933025598526001, 0.5464788675308228, -0.25159674882888794, 0.8100993037223816, 0.21437305212020874, -0.5284894108772278, 0.42669185996055603, -0.19701719284057617, -0.8134380578994751, 0.23408585786819458, -0.09582880139350891, -0.22289425134658813, -1.3332643508911133, 2.1325783729553223, 0.4629018306732178, -0.08104048669338226, 1.3559399843215942, -0.3507818281650543, 0.502178430557251, 0.6317288279533386, 0.1827358901500702, 1.0851651430130005, 0.8124154210090637, -0.06216380000114441, 0.863754153251648, 0.5051846504211426, -2.2154810428619385, 0.16342821717262268, 0.6618648171424866, 0.054653819650411606, -0.6990752816200256, -1.1229536533355713, -0.8452951908111572, -0.6198036074638367, -0.2981645166873932, 0.9238120913505554, -0.5107516050338745, 0.3142422139644623, 0.35965174436569214, -0.614000678062439, 0.8300468921661377, -1.0320616960525513, 0.6286821365356445, 1.5836844444274902, -0.13828161358833313, -1.2153812646865845, 0.08465077728033066, 0.4655367434024811, -0.22113068401813507, 0.34155380725860596, 0.14236393570899963, 1.1458505392074585, 1.413587212562561, -0.4137513339519501, -0.17936167120933533, 0.9368645548820496, 0.31639915704727173, 0.5258522629737854, 0.19128456711769104, -0.6817315816879272, 0.30660587549209595, 0.6238294243812561, 0.9444817304611206, 0.6530892848968506, -0.33640778064727783, -0.9850147366523743, -0.3487972021102905, 0.3155277967453003, -1.1501349210739136, 2.499180555343628, 0.8626977205276489, 1.034603476524353, 0.4252783954143524, 0.5035620331764221, -0.6246606707572937, 0.3123501241207123, 1.088323950767517, 0.8988021016120911, -0.10713145136833191, -0.5470786094665527, -1.0084377527236938, -0.26821446418762207, -0.8860883116722107, -0.4916532039642334, 0.3391445577144623, 0.21029162406921387, 0.2034405916929245, -1.3971037864685059, -0.2377714365720749, 0.9893697500228882, 0.8121969699859619, 1.6755802631378174, -1.5752454996109009, -0.543492317199707, 0.4911959171295166, 0.48316100239753723, 0.7000943422317505, -0.06800343096256256, -0.49401211738586426, 0.5019999146461487, 0.351749986410141, 0.003936115652322769, -0.29236477613449097, 0.49403175711631775, 1.0129096508026123, -0.47033360600471497, -0.9357901811599731, -0.6138492822647095, -0.44722145795822144, -0.4762433171272278, -0.038530074059963226, -0.11982014775276184, -1.421480655670166, 0.4860093593597412, -0.4546028971672058, -0.60577392578125, 0.4664630591869354, -0.30892276763916016, -1.4897170066833496, 1.4323636293411255, 0.6075505018234253, -1.5004668235778809, 0.06526345759630203, 0.30707573890686035, -1.1364611387252808, -1.0568077564239502, 0.327936053276062, -0.5511535406112671, 0.1669500321149826, 0.03100859373807907, 1.6515477895736694, 0.07424098998308182, -0.4883294105529785, -1.0191478729248047, 0.6220504641532898, 1.2358729839324951, -0.8742014169692993, 0.04346182569861412, -0.6523253321647644, 0.10354943573474884, -0.17532826960086823, -1.2202574014663696, -1.253889560699463, 0.12320526689291, -0.2646635174751282, -0.861666202545166, -1.2684906721115112, -1.1792635917663574, 0.09427102655172348, -0.20903822779655457, 0.8370447158813477, -0.4314339756965637, -0.7564753890037537, 0.3292596638202667, -0.11756095290184021, 0.9478697776794434, 0.005830705165863037, -0.81028151512146, 1.3954756259918213, -0.6487557291984558, 1.1901602745056152, 0.5100877285003662, 0.9256373047828674, 1.6770501136779785, -0.5353971123695374, -0.005968071520328522, -0.8587427735328674, -9.412698745727539, 0.5149041414260864, 0.05815999209880829, 0.08717751502990723, 0.1530417501926422, -0.6677789688110352, 0.9433721303939819, -1.4989020824432373, 0.1602972447872162, -0.4740324914455414, 0.6574442982673645, 2.0547945499420166, 0.6543908715248108, -0.42632102966308594, -0.4671224057674408, -1.005322813987732, -0.6674185991287231, -0.5982844829559326, 0.4172250032424927, 1.2493449449539185, -0.09559483826160431, -0.9714650511741638, -0.2400123029947281, 0.32555750012397766, 0.8765755295753479, 0.4699343144893646, -0.44797417521476746, 0.5847611427307129, -0.7569069266319275, 0.30604663491249084, 0.18126334249973297, 0.007025034166872501, -0.9014235138893127, -0.4870336651802063, 0.25009918212890625, -0.45965051651000977, -0.9263266921043396, -0.13708911836147308, 1.1967511177062988, 0.07599800080060959, -0.7991561889648438, -0.2928803265094757, 0.9343098402023315, -0.4613628089427948, -0.748984158039093, 0.7415794730186462, 0.6606062054634094, -1.2881156206130981, 0.019189249724149704, -1.1893339157104492, -0.15001925826072693, -0.7468593716621399, -1.1577775478363037, -0.7156471014022827, 0.49847182631492615, 0.7299739122390747, -0.7494734525680542, 0.4005841016769409, -0.44266772270202637, -0.4348527193069458, -0.05242279917001724, 0.00513114221394062, -0.698258101940155, 0.36987751722335815, -0.2754424512386322, -0.603032112121582, 0.18415452539920807, 0.28932297229766846, -0.03471752256155014, 0.1407897174358368, -0.4060762822628021, 1.0607141256332397, 0.3393808901309967, -0.08523759245872498, -0.33917632699012756, 0.08360917121171951, -0.11266614496707916, -0.5783898234367371, 0.4641488194465637, 0.052386000752449036, -1.2413356304168701, 0.17409498989582062, 0.2161630094051361, -0.4824104607105255, -1.1602457761764526, 0.09107886254787445, -0.8501626253128052, 0.3779255449771881, 0.9883522987365723, -0.8442620635032654, 1.376217246055603, -0.20169782638549805, -0.28872591257095337, 0.48927512764930725, -0.47597751021385193, 0.7067466974258423, -0.5198448300361633, 0.7768933773040771, 0.3750644326210022, -0.6859641075134277, 0.9773552417755127, -0.32763969898223877, -0.4331183135509491, 0.1987229734659195, 0.6148619055747986, 0.44036728143692017, -0.040258653461933136, 0.4583755433559418, -0.03316598758101463, -0.6422014832496643, 1.2640786170959473, 0.10316134989261627, -0.18958166241645813, 0.33596062660217285, -0.5107614994049072, 0.8186399340629578, 1.1956658363342285, 0.8625066876411438, 0.5034460425376892, -0.2715584337711334, -0.1986617147922516, 1.1876481771469116, 0.15085676312446594, 0.989676296710968, 0.4543902575969696, -0.018370144069194794, 0.7382778525352478, 0.6229533553123474, -0.6686046123504639, -1.4018827676773071, 0.5229284167289734, -0.5802686810493469, -0.7070321440696716, -0.37672513723373413, 0.32102644443511963, 0.13036713004112244, -0.7987929582595825, 1.6389080286026, -0.26449769735336304, -0.05229189246892929, 0.02051672339439392, -0.020795196294784546, 0.2086193561553955, -0.5558379292488098, -1.2113276720046997, 0.5166581869125366, -1.6151926517486572, -0.13971959054470062, 0.14359170198440552, -0.6183372735977173, 0.29513150453567505, 0.2486565113067627, 1.239702582359314, -1.0508668422698975, -0.36104732751846313, -0.8662474155426025, 0.9729983806610107, 0.22027400135993958, -0.8497458696365356, 0.1461641490459442, -0.4915419816970825, 0.6634913086891174, -1.0893974304199219, 0.8555995225906372, 0.6979721784591675, -0.19341455399990082, -0.2840516269207001, 0.5901225805282593, -0.6910787224769592, 0.28746122121810913, 0.47135719656944275, -1.3522189855575562, -0.24476362764835358, -0.6194333434104919, 0.31515979766845703, -0.45716822147369385, 0.5589640736579895, 1.712673544883728, -1.049384593963623, -0.13831184804439545, 0.14636851847171783, 1.0789592266082764, 0.5245553851127625, -0.574169933795929, -0.723084568977356, -0.3429318368434906, -0.18373975157737732, 0.6568069458007812, 0.1655878722667694, 0.4737204909324646, -1.7735434770584106, -0.6628744602203369, -0.0008943206630647182, 0.42485854029655457, 0.827519416809082, 0.12145957350730896, 0.7670577168464661, 0.5096207857131958, 0.5805165767669678, 0.4458257555961609, 0.36262089014053345, 0.754274845123291, 0.8938672542572021, 0.7648575305938721, -0.0049291979521512985, 0.18724344670772552, -0.740966260433197, 0.388421893119812, 0.3793914020061493, 0.7224186658859253, -1.009724736213684, 0.44002407789230347, 0.2787413001060486, -0.35659873485565186, 0.8856900334358215, -1.2448041439056396, 0.7395816445350647, -0.6722614765167236, -0.9859720468521118, -1.1341923475265503, 0.7048609852790833, 0.9384276270866394, -0.24915385246276855, 0.4927053451538086, 0.2305554896593094, 0.30048343539237976, 0.6501559019088745, -0.23018135130405426, 2.0409886837005615, -0.7340149283409119, -0.4758509397506714, 0.1478617638349533, 1.0226207971572876, -0.27168580889701843, -0.5399838089942932, 0.18266378343105316, -0.6354438066482544, 0.18168246746063232, -1.2038722038269043, 1.1992084980010986, -0.891883134841919, -0.4111519455909729, 0.8580461740493774, 1.635848045349121, -0.44210654497146606, -1.2191535234451294, -0.24102847278118134, -1.2541359663009644, -0.6412123441696167, 0.8686917424201965, 0.29817384481430054, 0.5438504815101624, 0.6436545252799988, 0.18462945520877838, 1.1573762893676758, 0.27376729249954224, -0.00981779396533966, -0.5381215214729309, -0.23215655982494354, 1.257105827331543, 0.4797016978263855, 0.7806873321533203, -0.5530236959457397, -1.0773367881774902, -0.32522857189178467, -0.47379225492477417, -0.7756141424179077, 0.2389744371175766, 0.8037822842597961, 0.26626473665237427, 0.19189836084842682, -0.8277785778045654, 0.08990347385406494, -0.38620656728744507, 0.6704714894294739, 0.478962779045105, -0.42264658212661743, -1.4446591138839722, -1.152603268623352, -0.5104237198829651, 1.009553074836731, -0.2941771447658539, -0.2679426968097687, 0.6888081431388855, 0.9775693416595459, -0.5678783655166626, 0.09991618245840073, -0.9128269553184509, -0.1865779012441635, -0.5091085433959961, 0.5228177309036255, 0.3846820294857025, -0.5374911427497864, -0.6331422924995422, -0.5114466547966003, -1.5534915924072266, 0.6873802542686462, -0.24650005996227264, -0.5377515554428101, -0.32587531208992004, 0.8835443258285522, -0.7083616256713867, -0.24142098426818848, 1.2053271532058716, -0.3968619108200073, -1.8642593622207642, 0.9896754026412964, 1.578442096710205, -0.46034058928489685, -1.1282458305358887, -0.012065766379237175, 0.19482631981372833, 0.09489304572343826, 0.8607637286186218]} +{"paper_id": "tatoeba", "embedding": [-0.012617182917892933, 1.1378495693206787, 0.991382360458374, 0.16198603808879852, 0.5975440740585327, -0.7551506757736206, -0.022223755717277527, 0.5550163984298706, 0.5806335806846619, -0.07102766633033752, -0.04516013711690903, -0.6938682794570923, 0.3707624673843384, 0.08943427354097366, 0.2212001383304596, 0.0222796481102705, -0.9486862421035767, -1.34134840965271, -1.328035593032837, -0.3657217025756836, 0.031520504504442215, -0.6590516567230225, 0.17706121504306793, 0.5672142505645752, -0.04407837614417076, -0.9904208779335022, 0.07201390713453293, -0.9320667386054993, 0.3278108835220337, 0.6475965976715088, -0.2588042616844177, 1.506592035293579, -1.482245922088623, 0.1554432213306427, -0.21032825112342834, -0.08246415853500366, 0.5377179980278015, 1.3046833276748657, -0.3347238302230835, -0.2846360504627228, -0.3985331952571869, -0.4430938959121704, 0.29149290919303894, 0.38477566838264465, 1.2239567041397095, 0.21102192997932434, -0.36337748169898987, 0.02809390053153038, 0.35853368043899536, -0.6530061960220337, 0.4982925355434418, -0.008542865514755249, -0.1465558409690857, 0.6360013484954834, -0.7618660926818848, 1.2579139471054077, -0.018298286944627762, -1.509090781211853, 0.4810260534286499, -0.8751537799835205, 0.9552703499794006, 1.6636788845062256, -0.7713627219200134, 0.10474339127540588, 1.434371829032898, -0.13614188134670258, 1.5924545526504517, 0.23379550874233246, 0.6864128112792969, 0.778692364692688, 0.12965978682041168, -1.535203456878662, 0.8068138360977173, -0.5209119319915771, 0.4935452938079834, 0.9045391082763672, 0.8946825861930847, 0.5965802073478699, -0.2826407253742218, 0.33917880058288574, -0.5141829252243042, 0.7691721320152283, 0.598077654838562, -0.35250428318977356, -0.048616211861371994, 0.20164665579795837, 0.48346009850502014, -0.6327376365661621, 0.7638742327690125, -1.9960980415344238, 0.258754163980484, -0.26759472489356995, -0.18257777392864227, -0.007454484701156616, -0.02686978131532669, 0.24929702281951904, 0.1361907720565796, 0.030090266838669777, -0.5072023868560791, 0.00016530603170394897, 0.5658529996871948, -0.309296578168869, 0.21270690858364105, -0.24439600110054016, -0.1365300714969635, 1.6268481016159058, 0.08968162536621094, -0.9848572611808777, -1.6226637363433838, 0.011066983453929424, 0.18947337567806244, 0.9138485193252563, -0.8585414886474609, 0.5589560270309448, 0.09716174751520157, -0.7917576432228088, 0.3735916316509247, -0.09235590696334839, -0.5784605741500854, 0.19332817196846008, -0.785352885723114, -1.0804743766784668, -0.477003812789917, 0.1181769073009491, 0.7585055828094482, -1.0811048746109009, 0.256624311208725, -0.4607674777507782, 0.1884148269891739, -0.870505154132843, 0.8014132976531982, 0.17864163219928741, -0.34425246715545654, -0.3416297137737274, 3.1492342948913574, -0.8278879523277283, 1.4458011388778687, -0.6519699692726135, 0.20133699476718903, -0.28366148471832275, -0.3718600273132324, 1.518662452697754, -0.28398600220680237, -0.6332314014434814, -0.30670320987701416, 0.27884772419929504, -1.0059294700622559, 0.20330382883548737, -0.21641753613948822, -0.9671063423156738, -0.01389743760228157, 0.2813650071620941, -0.6283646821975708, -0.38999202847480774, -0.07426134496927261, 0.054140932857990265, 0.8502953052520752, 1.328018069267273, -0.9190199971199036, 1.2020244598388672, 0.4992407560348511, 0.4106605648994446, -0.2552366852760315, 0.4844872057437897, -1.0936996936798096, 0.36832794547080994, 0.9676562547683716, -0.19306522607803345, -0.4028775990009308, -1.11423921585083, 1.1279641389846802, -0.0017644371837377548, -0.31070107221603394, -0.05722052603960037, 0.050039611756801605, 0.634755551815033, 0.3030768930912018, 1.1063121557235718, 0.09742479026317596, -0.2835686206817627, -0.18989357352256775, -0.3506816327571869, 0.35888752341270447, 0.6050477623939514, 0.6277044415473938, 0.6605618596076965, -1.9979822635650635, -0.847502589225769, 0.017432689666748047, -0.1594335287809372, 0.06900447607040405, -1.2730720043182373, -0.11007217317819595, -0.10379312932491302, 0.6009698510169983, -0.1961732655763626, 0.3641548454761505, -0.58614182472229, -0.49117085337638855, 0.4868013858795166, 0.25860095024108887, -0.3725748360157013, 0.659794807434082, 0.5742421746253967, -0.23234306275844574, -0.3491901457309723, -0.24587810039520264, -1.1321066617965698, -0.20170405507087708, 2.5369300842285156, -0.14738181233406067, -0.31120145320892334, -1.6867791414260864, -0.3599327802658081, 0.16824349761009216, -0.8529557585716248, 0.15211622416973114, -1.155808687210083, 0.05105464160442352, -0.8513492345809937, 0.6427563428878784, -0.32100147008895874, -0.012754052877426147, 0.07422205805778503, 0.4673105776309967, -0.5320984721183777, -0.00019663572311401367, -0.5341362953186035, -0.8764214515686035, 0.44866856932640076, 0.5596792697906494, 0.10525812953710556, -0.9665950536727905, 1.211723804473877, 0.4445989727973938, 0.5505235195159912, 0.3195909559726715, 0.5108550190925598, -0.13190129399299622, -0.12624725699424744, 0.021336151286959648, 0.8802403211593628, -0.19711489975452423, 0.10447228699922562, 0.13900087773799896, 0.9765881299972534, -0.3201383352279663, -0.8777250647544861, 0.049997247755527496, -0.06521739810705185, 1.6230370998382568, 1.0679031610488892, -0.5229640603065491, 1.8523454666137695, -1.302214503288269, 0.06481267511844635, -0.3627880811691284, -1.29376220703125, 0.2067578285932541, -0.0026931874454021454, 0.7779658436775208, -0.7703951001167297, 0.5838831663131714, -0.08951444923877716, -0.4972744584083557, -1.451537847518921, -1.1960420608520508, -0.6429641246795654, -0.809639573097229, -1.3468546867370605, -0.16066965460777283, 0.0011153966188430786, -0.6861873269081116, -1.1287287473678589, 0.08445660769939423, 0.9727354049682617, -0.0958729162812233, 0.8669935464859009, 2.345477819442749, -0.17949342727661133, 0.7789504528045654, 0.18136920034885406, 0.0567641407251358, -0.4297023415565491, 1.5435590744018555, 0.31504666805267334, 0.3837958872318268, -1.0329005718231201, -0.3780391812324524, -0.02065824344754219, -0.18821395933628082, 0.36775830388069153, -0.33283618092536926, 0.40189751982688904, -0.256881982088089, -1.0218719244003296, 1.1222565174102783, -0.8378681540489197, -0.15570473670959473, -1.0751307010650635, 1.9671916961669922, 0.42111390829086304, 0.15005983412265778, 0.5191646218299866, -0.652644157409668, -0.003272291272878647, 1.575214147567749, -0.44232210516929626, 0.6229621171951294, 1.323583960533142, 0.09971768409013748, -0.01728585734963417, 0.26962077617645264, -1.9528435468673706, -0.2943485975265503, 0.8430566787719727, -0.14999881386756897, -0.3474561274051666, -1.363527536392212, 0.7767215371131897, -0.22865551710128784, -0.8521899580955505, 0.27334529161453247, -0.29668882489204407, 0.6116559505462646, -0.14067509770393372, 0.12267741560935974, 1.3376014232635498, -0.9063661694526672, 0.7762703895568848, 1.587736964225769, 0.44546961784362793, -0.014207813888788223, -0.24076935648918152, 0.9798473715782166, -0.7558831572532654, 0.8347345590591431, 0.2660941779613495, 0.7244905233383179, 1.2688319683074951, -0.6429624557495117, 0.15251323580741882, 0.47656065225601196, 1.611774206161499, 0.5117559432983398, 0.04953750967979431, -0.24135582149028778, 0.5214645862579346, 0.08005835860967636, 1.3775795698165894, 0.42824870347976685, -1.4372687339782715, -1.1868122816085815, -0.1119735985994339, 0.1350725293159485, -0.6349945664405823, 1.5689842700958252, 0.6474948525428772, 1.4196823835372925, -0.14431728422641754, 0.014113725163042545, -0.3297739326953888, 0.44759348034858704, 1.0693284273147583, 0.8731927871704102, -0.4661834239959717, -0.2711341977119446, -0.44624099135398865, 1.5484734773635864, -0.5749328136444092, -0.7378876209259033, -0.08621343225240707, 1.0576064586639404, -1.0021663904190063, -0.8063883185386658, 0.013857021927833557, 0.6804168224334717, 0.39198803901672363, 1.3375738859176636, -1.017324686050415, -0.773410975933075, -0.2067980319261551, 0.8429573178291321, -0.3529898226261139, 0.0007920637726783752, -0.9204776287078857, 0.25639230012893677, 0.6566155552864075, 1.300430417060852, -0.006028942763805389, 0.9600244760513306, 0.6397096514701843, -0.667081356048584, -1.157105565071106, -0.07515605539083481, -0.2861632704734802, -0.24109159409999847, -0.39876028895378113, -0.32174304127693176, -1.3215389251708984, 0.9505281448364258, -0.5662339329719543, -0.0207095704972744, 0.7208294868469238, -0.2350122630596161, -1.3714829683303833, 0.7544723749160767, 0.817655086517334, -1.362154245376587, -0.6625382304191589, -0.21326607465744019, -0.8124809265136719, -1.205194354057312, 0.1368083506822586, -0.45077580213546753, -0.21880075335502625, 0.2431054711341858, 0.02802235260605812, -0.4504140615463257, -0.4038829803466797, -1.1589549779891968, 0.34643852710723877, 1.5352543592453003, -0.8423799276351929, -0.09634935110807419, 0.1206555962562561, -0.029271788895130157, -0.009441249072551727, -1.1043727397918701, -0.7782989740371704, 0.32394036650657654, 0.6285516023635864, 0.48027825355529785, -0.48474517464637756, -0.3731527328491211, 0.24898669123649597, -0.18188264966011047, 1.0467214584350586, -1.1657854318618774, 0.5257331132888794, -0.6788346767425537, 0.9885582327842712, 0.271833211183548, -0.5071344375610352, 0.013737359084188938, 1.1594078540802002, -0.5726596117019653, 0.7805460691452026, 0.6356627941131592, 0.16819480061531067, 0.606712818145752, 0.4563446640968323, 0.642268717288971, -0.5656967759132385, -10.176740646362305, 0.0771917849779129, -0.131520614027977, 0.06711006164550781, 0.7577189803123474, -0.4293399751186371, 1.2749253511428833, 0.33881333470344543, 0.014239071868360043, -0.5207692384719849, 0.42231953144073486, 0.9308879375457764, 0.49315834045410156, -0.9957695007324219, -0.43717360496520996, -0.8013610243797302, -0.3667808473110199, -0.3983492851257324, 0.4667186737060547, 0.32923299074172974, -0.5883716344833374, -1.3753911256790161, -0.009961649775505066, 0.47853007912635803, -0.285116583108902, -0.04228903353214264, -0.14622217416763306, -0.06490572541952133, -0.6927816271781921, -0.5796496868133545, 0.0299236960709095, -1.2893813848495483, -0.9501078128814697, 0.06804904341697693, 0.7421923875808716, 0.5588385462760925, -0.4628833532333374, -0.011743021197617054, 0.7921804785728455, -0.03673749417066574, 0.06318385899066925, 0.5471684336662292, 0.2205437868833542, 0.5858048796653748, 0.017643442377448082, -0.03156004101037979, 0.004967333748936653, -0.26624152064323425, 0.8208984732627869, -0.7975959777832031, -0.639945924282074, -1.1586182117462158, -1.3419362306594849, -0.4087594151496887, 0.65482097864151, 0.5352378487586975, -0.39605191349983215, 0.5178570747375488, -0.3994870185852051, -1.2804811000823975, 0.7473584413528442, 0.2953280806541443, 0.005069546401500702, 0.2751803994178772, -0.2477971613407135, -0.42015981674194336, 0.852350115776062, 0.04535986855626106, -0.23548924922943115, 0.5128583312034607, -1.1023619174957275, -0.2603769302368164, -0.3060370981693268, 0.44515225291252136, -0.0814814493060112, -0.2709454894065857, -0.1725727617740631, 0.09211013466119766, 0.5364846587181091, 0.392543226480484, -0.9589157104492188, 0.3386455476284027, 0.18874725699424744, -0.4794308841228485, -0.008592534810304642, 0.07574732601642609, -0.476144939661026, 0.17445769906044006, 0.5589383840560913, 0.0634584054350853, 1.1670546531677246, -0.03962155804038048, 0.24222524464130402, -0.5718082785606384, 0.20517688989639282, 1.146964192390442, -1.2035822868347168, 1.23606538772583, -0.042867787182331085, -0.7077149748802185, 0.4364597499370575, 0.05290327966213226, -0.48643070459365845, 0.11220329999923706, 1.0180939435958862, 0.5797711610794067, 0.6629807353019714, 0.3401316702365875, -0.06096767261624336, -0.2207680642604828, 1.0901753902435303, 0.07062335312366486, -0.15628747642040253, 0.6489841341972351, 0.21598714590072632, 1.3417158126831055, 0.6176857948303223, 0.3390443027019501, 0.33648860454559326, 1.170314908027649, -0.34778892993927, 0.6299229860305786, -0.1736152321100235, 1.5958702564239502, -0.23803429305553436, 0.3975910246372223, 0.11123277246952057, 0.7500013113021851, -0.08164086192846298, -1.3351720571517944, -0.08567120134830475, 0.017212960869073868, -0.005426039919257164, -0.838385283946991, -0.3821759521961212, -0.6042439937591553, -0.792149007320404, 1.4546946287155151, 0.0667622983455658, 0.5145760774612427, 0.13263772428035736, -1.4346061944961548, 0.38905206322669983, -0.5648267269134521, -0.17815259099006653, 0.0880281925201416, -0.8566526770591736, -0.5891095995903015, -0.3782350420951843, -0.4924529194831848, 0.44173330068588257, -0.2058107554912567, 0.5903429985046387, -0.7487345933914185, -0.33600297570228577, -0.07063768804073334, 0.04248170927166939, -0.8261778354644775, -1.1522496938705444, 0.03339815139770508, -0.05306459218263626, 2.050630569458008, -1.1991386413574219, 0.9887113571166992, -0.10409986972808838, -0.25408899784088135, -1.3794766664505005, -0.46296945214271545, -0.9550862312316895, 0.43390417098999023, 1.6563761234283447, -0.5255275368690491, -0.5722026228904724, -0.10802020132541656, -0.9100791215896606, -0.9793901443481445, 0.22358879446983337, 1.2061690092086792, -0.5256689786911011, 0.5016071200370789, -0.3528965413570404, 0.2547460198402405, 0.2505909502506256, -0.7721543908119202, -1.1821264028549194, 0.2888484597206116, -0.8342300653457642, 1.1247239112854004, -0.3758452236652374, 0.4866092801094055, -1.849135398864746, -1.203416109085083, -0.024967525154352188, -0.43607673048973083, 0.8359892964363098, -0.0587858222424984, 1.0594432353973389, -0.4485260248184204, 0.35722771286964417, 0.2019207775592804, -0.41859540343284607, 0.19040125608444214, 0.2161397784948349, 0.39461976289749146, -0.19394606351852417, 0.3124733865261078, -0.6428809762001038, 0.1731877475976944, 0.5509658455848694, 0.24459923803806305, -1.5153719186782837, -0.20871612429618835, -0.08472588658332825, -0.0016011297702789307, 0.16906873881816864, -0.8785370588302612, 1.0606348514556885, -0.3442256450653076, 0.010370887815952301, -1.2255687713623047, -0.4413772225379944, 1.0619781017303467, -0.5562437772750854, 0.8399731516838074, 0.6577838063240051, 0.4448794424533844, 0.06821586936712265, 0.3620719015598297, 1.5057021379470825, -0.9829280376434326, -1.1138228178024292, -0.19067342579364777, 0.5699944496154785, -0.25535231828689575, -0.3976646661758423, 0.40462368726730347, -1.0084586143493652, -0.26846274733543396, -1.8730376958847046, 0.7818152904510498, -0.2779598832130432, 0.1475653499364853, -0.07594585418701172, 0.8211120367050171, 0.20076026022434235, -0.869006872177124, 0.39429786801338196, -0.5886019468307495, 0.5613371133804321, 0.17581671476364136, 0.25531524419784546, 0.2617983818054199, 0.5837889909744263, 0.27101388573646545, 1.148888349533081, -0.2483585923910141, -0.45251327753067017, 0.13666024804115295, -0.04094819724559784, 1.2319421768188477, 0.03658650815486908, 0.2773508131504059, -0.40313416719436646, -0.42053791880607605, -0.9258390069007874, -0.8197290301322937, -0.24006304144859314, 0.9209709167480469, 1.2362240552902222, 0.08880133926868439, 0.6043481230735779, -0.9913910627365112, 0.06680002808570862, -0.8762972354888916, 1.1864506006240845, 0.5221945643424988, -0.31554320454597473, -1.3216866254806519, -1.4647585153579712, -0.13534092903137207, 0.8709297180175781, -1.1514158248901367, 0.3309609293937683, -0.32168418169021606, 0.4217638075351715, 0.6495506763458252, -0.5684369206428528, -1.1344060897827148, 0.10018199682235718, -0.39072278141975403, 0.3190232515335083, 0.47789397835731506, -1.095100998878479, -0.5675845146179199, -0.02432822808623314, -1.1355208158493042, 0.6575877666473389, 0.013432137668132782, -0.7592851519584656, -0.5797845125198364, 0.44687920808792114, -0.22902576625347137, -0.9446399807929993, 0.746877908706665, -0.21056297421455383, -1.7595481872558594, 1.5113933086395264, 1.6841201782226562, -0.636320948600769, -0.8950578570365906, 0.7376025915145874, -0.054314304143190384, 0.44350236654281616, 1.5451730489730835]} +{"paper_id": "clue", "embedding": [0.2636052370071411, 1.5344666242599487, 0.08392895758152008, -0.20087864995002747, 0.4331871569156647, -0.06648832559585571, 0.44088461995124817, 0.6517553329467773, 1.1299715042114258, 0.5954408645629883, 0.717306911945343, -0.7767480611801147, 0.0032059866935014725, -0.23105956614017487, -0.3012259602546692, -0.6893112063407898, -1.1953294277191162, -1.1246917247772217, -1.6751559972763062, -0.16577328741550446, -1.1149113178253174, -0.3581984043121338, -0.03261742740869522, 0.9536458253860474, -0.2399066984653473, -0.8265454173088074, 0.9407076835632324, -1.295793056488037, 0.16188420355319977, 0.38425958156585693, -0.45747512578964233, 0.905193030834198, -1.2256295680999756, 0.4855528175830841, -0.2299698293209076, -0.7265424132347107, 0.45970702171325684, 0.5285186767578125, -0.1991891860961914, -0.20842993259429932, -0.9530929327011108, -0.1830739676952362, 0.7875264286994934, -0.22019796073436737, 0.8960992097854614, -0.6372480988502502, -0.49932190775871277, 0.014524377882480621, -0.3996390700340271, -0.17795391380786896, -0.43110841512680054, -0.139964759349823, -0.12832827866077423, 0.5298969745635986, -0.4155785143375397, 1.0179847478866577, 0.5141683220863342, -1.0385503768920898, 0.7716268301010132, -0.7305209636688232, 1.1336344480514526, 1.9859330654144287, -0.7484721541404724, 0.5204973816871643, 1.1618455648422241, 0.22092761099338531, 1.7597317695617676, 0.37583738565444946, -0.15749768912792206, 0.892133891582489, -0.10909650474786758, -0.4903414249420166, 0.49094128608703613, 0.1373998522758484, 0.5410568118095398, 1.0514421463012695, 0.005822515115141869, 0.10708966851234436, 0.1484241485595703, -0.2555256187915802, -0.8478044271469116, 0.6414874792098999, 0.8984463810920715, -0.6810687184333801, 0.16556407511234283, 0.640219509601593, 0.3569278419017792, -0.8141642808914185, 0.7711649537086487, -1.7928390502929688, 0.00047288089990615845, 0.4722229540348053, -0.0217372365295887, 0.3521527349948883, -0.26326730847358704, 0.37989944219589233, 0.043387312442064285, -0.1526874601840973, -0.39021584391593933, 0.1394495666027069, 0.5464745759963989, -0.3201516270637512, 0.5625623464584351, -0.14719972014427185, 0.5450118780136108, 1.0531140565872192, -0.005435332655906677, -0.4875715374946594, -1.0826793909072876, -0.8826737403869629, 0.7940559387207031, 1.025246024131775, -0.33284541964530945, 0.6090351343154907, 0.5000046491622925, 0.013248015195131302, 0.4618833065032959, -0.7301762104034424, -0.7822186946868896, 0.16907088458538055, -0.3656754493713379, -0.9674928784370422, -0.36162152886390686, -0.6101832985877991, 0.5749344229698181, -0.7789363861083984, 0.29885026812553406, -1.174430012702942, 0.7611066699028015, 0.21604113280773163, 0.6300760507583618, 0.21081654727458954, -0.5533258318901062, 0.06916220486164093, 3.0029640197753906, -0.9505977630615234, 1.3350342512130737, -0.6036824584007263, -0.14049570262432098, -0.3236308693885803, -0.15035480260849, 1.7611923217773438, -0.10867557674646378, -0.9065061807632446, -0.3192635476589203, 0.38709840178489685, -0.9806670546531677, 0.49670594930648804, -1.1579735279083252, -0.6852642297744751, -0.026528868824243546, 0.08916853368282318, -1.4061851501464844, -0.7237337231636047, 0.3396369218826294, 0.030739396810531616, 0.04584945738315582, 0.8845807909965515, -0.3571610748767853, 1.2346279621124268, 0.4545740485191345, -0.30769872665405273, -0.3460812568664551, 0.6256159543991089, -1.4285894632339478, -0.31862887740135193, 0.9792840480804443, -0.3928542733192444, -0.30809828639030457, -0.41603460907936096, 0.8835158348083496, -0.28494322299957275, -0.11049595475196838, -0.3855528235435486, 0.1735372394323349, 0.5536194443702698, 0.6658670902252197, 0.6514590978622437, 0.03936094790697098, -0.6669375896453857, -0.10151010751724243, -0.9342045783996582, 0.09926221519708633, 0.6966925263404846, -0.3515453040599823, 1.0227251052856445, -2.55704927444458, -0.16285721957683563, 0.05607949197292328, 0.7874250411987305, -0.30320093035697937, -0.6051397323608398, 0.1629001498222351, 0.1406857818365097, 0.3468390703201294, -0.3017803728580475, 0.8794583082199097, -1.0552581548690796, 0.015466064214706421, 0.5915825366973877, 0.14862829446792603, -0.5016101002693176, -0.18530838191509247, 1.500932216644287, 0.4540504813194275, -0.3791194260120392, -1.0402735471725464, -1.7002254724502563, -0.08059833198785782, 2.722306728363037, 0.30518996715545654, -0.8232651352882385, -0.7463886737823486, -0.716983437538147, -0.12833444774150848, -0.6348390579223633, 0.21827590465545654, -0.8209218382835388, -0.24627983570098877, -0.7009081244468689, 0.36534807085990906, -1.0341310501098633, 0.030325956642627716, 0.8833563923835754, 0.8551393747329712, -0.026293087750673294, -0.49462029337882996, -0.10264331102371216, -0.22879894077777863, 0.17636264860630035, 0.7462000846862793, 0.03532738238573074, -0.6668118238449097, 0.6240779757499695, 0.06718020141124725, 0.8109082579612732, 1.249157190322876, 0.450374573469162, -0.4354378581047058, 0.2899916172027588, 0.00816338136792183, 1.1167454719543457, -0.2735726237297058, -0.5633974075317383, 0.08384989202022552, 0.3282321095466614, -0.35233017802238464, -0.42050647735595703, -0.3762403726577759, 0.002581752836704254, 1.328234314918518, 1.1062290668487549, -0.7522680759429932, 0.7466748952865601, -1.0619438886642456, 0.2226065993309021, -0.5522883534431458, -0.20962636172771454, -0.16934135556221008, -0.2676068842411041, -0.07520443201065063, -0.8133748769760132, 0.05697816610336304, -0.5858553647994995, -0.01444193348288536, -1.4683419466018677, -1.0836799144744873, -0.12070034444332123, -0.6914292573928833, -1.5842405557632446, -0.29414287209510803, 0.263378381729126, -1.3331884145736694, -0.05862956866621971, 0.16722190380096436, 0.4697844684123993, 0.6827307939529419, 0.9292263984680176, 2.080495834350586, 0.10411596298217773, 0.6338438391685486, 0.14700011909008026, 0.8127588629722595, -0.7689670324325562, 0.772655725479126, -0.09366314113140106, 0.20575493574142456, -0.6506074666976929, 0.29680389165878296, -1.0616681575775146, 0.32378238439559937, 1.249657392501831, -0.1396791636943817, 0.42623385787010193, -0.2257392704486847, -1.5320121049880981, 0.5602339506149292, -0.9394572973251343, 0.7521374225616455, -0.9485397338867188, 1.8295416831970215, 0.3940894603729248, -0.6627947092056274, 0.9037973284721375, -0.682614266872406, -0.46244505047798157, 0.9432736039161682, -0.6596736907958984, 0.4642448425292969, 0.01974465698003769, -0.5326859354972839, 0.2725949287414551, 0.18488168716430664, -2.1806769371032715, 0.4977988004684448, 1.2123351097106934, -0.015755053609609604, -0.28704896569252014, -0.7330262064933777, 0.4627789258956909, -0.6714097857475281, 0.08638802915811539, 0.9111247658729553, -1.2188847064971924, 0.616524875164032, 0.2257012128829956, 0.0978294163942337, 0.2531614899635315, -0.17535074055194855, 0.9210088849067688, 0.9557016491889954, 0.7364702224731445, -0.8118283152580261, -0.24230435490608215, 1.022396445274353, -1.1137596368789673, 0.3356339633464813, 0.5312383770942688, 0.7904374003410339, 1.2905420064926147, -0.15944036841392517, -0.1237139031291008, 0.7214779853820801, 0.6745913028717041, 0.10342903435230255, 0.30462881922721863, -0.19722209870815277, 0.25853052735328674, 0.4047030806541443, 1.107027530670166, 0.12262143194675446, -0.7861776351928711, -0.9347856640815735, -0.48535430431365967, -0.057199034839868546, -0.50873202085495, 1.787031888961792, 0.6102481484413147, 1.4952343702316284, 0.1569068878889084, -0.048013415187597275, -0.24189689755439758, 0.0349225215613842, 1.069226861000061, 0.5138821601867676, -0.23645581305027008, -0.24221432209014893, 0.2855460047721863, 0.9662936329841614, -0.0014579426497220993, -0.5135971307754517, 0.10887682437896729, 0.6495758295059204, -0.39605242013931274, -1.4484840631484985, 0.46769702434539795, 0.706026017665863, 0.8027901649475098, 1.8326572179794312, -0.8904168009757996, 0.12407085299491882, 0.48589399456977844, 0.6284505724906921, -0.018229804933071136, 0.09307131916284561, 0.021888673305511475, 0.6328399181365967, 0.749434232711792, 1.4338788986206055, -0.14647217094898224, 1.2006571292877197, 1.241733431816101, -0.5764565467834473, -1.330848217010498, -0.5903366208076477, -1.338924527168274, -0.40450185537338257, -0.11150901019573212, -0.11508646607398987, -0.7581768035888672, 0.4768029451370239, -0.3478660583496094, -0.7933719158172607, 0.6959476470947266, -0.7048078179359436, -1.5778826475143433, 1.0897318124771118, 1.2511823177337646, -0.6936700940132141, -0.4492954909801483, -0.2782604694366455, -0.6697441339492798, -0.9322196245193481, -0.1303091049194336, -1.4119991064071655, 0.2977883815765381, 0.1469915360212326, 1.4389206171035767, 0.7567546963691711, -0.30642837285995483, -1.054499626159668, 0.6016913652420044, 1.5741052627563477, -1.3119215965270996, 0.1302720457315445, -0.21286475658416748, 0.6468385457992554, -0.41747087240219116, -1.261913776397705, -0.643669605255127, 1.0446557998657227, 0.1614479124546051, -0.16281048953533173, -0.98514324426651, -0.4829142391681671, 0.31153279542922974, 0.37775328755378723, 0.888694703578949, -0.925769031047821, 0.07520411908626556, -0.5357058048248291, 0.6163622140884399, 0.8184930086135864, -1.2697770595550537, -0.37515348196029663, 1.137967586517334, -0.2615916132926941, 0.6355752944946289, 0.7249326705932617, 0.9116806983947754, 1.1291629076004028, 0.24317064881324768, 0.08340121805667877, -0.4212035834789276, -10.162793159484863, -0.007745993789285421, -0.06532896310091019, -0.4167194962501526, 0.06645606458187103, -0.30568137764930725, 0.5290915966033936, 0.041189566254615784, 0.1117987334728241, -0.6548721790313721, 0.7218104600906372, 1.3207341432571411, 0.4169253706932068, -0.6300619840621948, -0.47375810146331787, -1.156274437904358, -0.8737395405769348, -0.6140589118003845, 0.4979727864265442, 0.7723530530929565, -0.7733842134475708, -1.1378414630889893, 0.30432629585266113, 0.39536553621292114, 0.42440664768218994, -0.04967080056667328, -0.14481183886528015, 0.21513718366622925, -0.3408558666706085, 0.14949268102645874, 0.23814092576503754, -0.15836037695407867, -1.2174131870269775, -0.2314404547214508, 0.6640570759773254, -0.33159902691841125, -1.1060426235198975, -0.15007010102272034, 0.8511599898338318, -0.1472184956073761, -0.6890689730644226, 0.12006260454654694, 0.3820761740207672, -0.558583676815033, -0.3251432180404663, 0.33436453342437744, 0.4292342960834503, -1.1348350048065186, 0.16616711020469666, -0.9551324844360352, -0.6618635654449463, -0.5678812861442566, -1.503495216369629, -0.9302606582641602, 0.6388413310050964, -0.13800407946109772, -0.3910400867462158, -0.3030547499656677, -0.03797628730535507, -0.8199267387390137, 0.6433919072151184, 0.3293546438217163, -0.606444776058197, 0.3185432255268097, 0.42127376794815063, -0.9801770448684692, 0.8863576650619507, 0.29014796018600464, 0.328849732875824, 1.0063903331756592, -1.210793137550354, 0.877661406993866, 0.001660892739892006, 0.34793275594711304, -0.44458699226379395, 0.08072138577699661, -0.5165196061134338, -0.26879507303237915, 0.4658658802509308, -0.07750773429870605, -0.9872155785560608, 0.514715313911438, 0.26604965329170227, -0.348286896944046, -0.9639745354652405, 0.04473723843693733, -0.15689098834991455, 0.5072128772735596, 0.8705700635910034, -0.48234090209007263, 1.2932754755020142, -0.08267566561698914, -0.2553521394729614, 0.0985216423869133, -0.4459735155105591, 0.5838351249694824, -0.969130277633667, 1.1666550636291504, 0.5644568204879761, -0.5733988881111145, 0.22094577550888062, -0.4846075475215912, -0.5575454235076904, -0.1416797786951065, 0.4601897597312927, 0.03379245847463608, 0.13003265857696533, 0.22693708539009094, 0.03150506317615509, -0.7247076034545898, 1.119692087173462, 0.02617967128753662, -0.43667685985565186, 0.811911404132843, 0.09465603530406952, 1.4016495943069458, 0.3934406042098999, 0.1470392644405365, 0.3141852617263794, 0.8671229481697083, -0.5940290689468384, 1.2412739992141724, 0.5515382885932922, 1.7815393209457397, -0.014618473127484322, 0.23872707784175873, 0.8702409267425537, 0.35273703932762146, 0.16797490417957306, -1.7717653512954712, 0.38740313053131104, -0.1931762546300888, -0.12904612720012665, -0.5158308148384094, 0.014816079288721085, -0.10419246554374695, -1.604870080947876, 1.6810227632522583, -0.8873621821403503, 0.039215877652168274, -0.12388106435537338, -0.7908457517623901, -0.3903846740722656, -0.5401195287704468, -0.7875394821166992, 0.1894918978214264, -2.7214200496673584, -0.4013163149356842, -0.17330071330070496, -0.8199644088745117, -0.20613275468349457, -0.19725623726844788, 0.8550812602043152, -0.6773680448532104, -0.15664876997470856, -0.37176570296287537, 0.8484542369842529, -0.5787425637245178, -0.6816950440406799, -0.4592128098011017, 0.36499062180519104, 1.317030668258667, -0.682330310344696, 0.8331645131111145, 0.37954071164131165, 0.05737801641225815, -0.6681146025657654, 0.29962530732154846, -0.22194036841392517, 0.7557517886161804, 1.4327049255371094, -1.1933467388153076, -0.23480702936649323, -0.48760107159614563, -0.28935506939888, -0.8115663528442383, -0.5011978149414062, 1.6063357591629028, -1.0424695014953613, 0.24916720390319824, -0.5014036297798157, 0.7632908225059509, 0.6956945061683655, -0.792877733707428, -0.40516820549964905, 0.1505299210548401, -0.29245662689208984, 0.6901183724403381, 0.0021696053445339203, 0.3697288930416107, -1.4851210117340088, -1.3212885856628418, -0.321717232465744, -0.15250755846500397, 0.09365299344062805, 0.0913131833076477, 0.712038516998291, 0.07021348923444748, 0.04481004178524017, 0.10619606822729111, -0.3508205711841583, 0.36877110600471497, 0.17489689588546753, 0.4376250207424164, -0.024753883481025696, -0.024541812017560005, -0.1923622488975525, 0.46451330184936523, 0.4044269323348999, 0.9535317420959473, -1.3571507930755615, -0.24173572659492493, 0.03184795379638672, -0.23955754935741425, 0.03192548081278801, -1.1611278057098389, -0.16616758704185486, 0.18806573748588562, -0.308307409286499, -1.589903473854065, -0.13269326090812683, 1.215918779373169, -0.2579047977924347, 0.4258149564266205, 0.6118096113204956, 0.056805986911058426, 0.3383457362651825, 0.507361888885498, 1.5981789827346802, -0.34467998147010803, -0.15723609924316406, -0.5648665428161621, 0.621896505355835, -0.11826784908771515, -0.3174394369125366, 0.007433467544615269, -1.395002841949463, -0.019708529114723206, -0.8857312202453613, 0.8910161852836609, -0.3920068144798279, 0.10841240733861923, 0.5014302730560303, 1.1415066719055176, 0.0725238174200058, -1.0875493288040161, -0.01316144596785307, -1.2343214750289917, -0.08119724690914154, 0.21439224481582642, 0.1519494652748108, 0.625954806804657, 0.6341267228126526, -0.16667531430721283, 1.7939162254333496, -0.052414294332265854, -0.11642788350582123, -0.6743468046188354, -0.10873669385910034, 1.0961706638336182, 0.6284793019294739, 0.4128888249397278, 0.028862884268164635, -0.9111510515213013, -0.8675404787063599, -0.08509162068367004, -1.0696227550506592, 1.3348757028579712, 0.8017725944519043, 0.012993726879358292, 0.03304444998502731, -0.7834367156028748, 0.44025713205337524, -0.23115937411785126, 0.6957407593727112, 0.5948428511619568, -0.053521666675806046, -0.8222954273223877, -1.2218390703201294, -0.5048664212226868, 1.0539606809616089, -0.5966638922691345, 0.1616075485944748, -0.7442229390144348, 0.43901801109313965, -0.25730764865875244, -0.14324098825454712, -0.6695135831832886, -0.333066463470459, -0.5042756199836731, 0.4856621026992798, 1.3966763019561768, -0.7775390148162842, -0.6631984114646912, 0.28678232431411743, -0.7570222020149231, 0.5779418349266052, 0.1529517024755478, -0.6830762624740601, -0.5167347192764282, 0.7296863198280334, -0.1599607765674591, -0.6973429918289185, 1.1009072065353394, 0.23894095420837402, -1.4751408100128174, 0.9315736293792725, 1.367997169494629, -0.9264223575592041, -0.09528254717588425, 0.06237316504120827, 0.5983719825744629, 0.4515627324581146, 1.6729300022125244]} +{"paper_id": "gsm8k", "embedding": [-0.30247798562049866, 1.4240690469741821, -0.5508726835250854, -0.4136165678501129, 0.37997516989707947, -0.6762356162071228, 0.18915200233459473, 0.7610101699829102, 0.26070016622543335, 0.9135556221008301, 0.1589829921722412, 0.44645822048187256, -0.3665247857570648, 0.03890906274318695, -0.11187915503978729, -1.0452543497085571, -1.473828673362732, 0.17139874398708344, -2.475193738937378, -0.828757643699646, -0.9895841479301453, -0.19626601040363312, 0.8681316375732422, 0.5321730375289917, -0.12032317370176315, -1.2314724922180176, 1.206463098526001, -1.3905531167984009, 0.18622735142707825, 0.5342586636543274, -0.5939148664474487, 1.0036189556121826, -1.6995878219604492, 0.3381260633468628, -0.7477405667304993, -0.4388806223869324, -0.06804018467664719, 0.8067445755004883, -0.20403411984443665, 0.43700313568115234, -0.5833470225334167, 0.022248446941375732, -0.06514102220535278, -0.04707413539290428, 0.5495086908340454, -0.1940774917602539, 0.27415162324905396, 0.5792959928512573, 0.16003258526325226, 0.006026063114404678, -1.0194627046585083, 0.5894721746444702, 0.1787857711315155, 0.0019681788980960846, 0.11987586319446564, 1.1187372207641602, 1.261315941810608, -0.06366245448589325, 0.7451081871986389, -1.299556851387024, 1.102985143661499, 1.0987111330032349, -0.19426855444908142, 0.0037126578390598297, 0.7249033451080322, 0.5065910816192627, 1.2638518810272217, 0.2139533907175064, 0.11078840494155884, 0.34066450595855713, 0.013686597347259521, -0.746752917766571, 0.3637520968914032, 0.5449089407920837, 1.1145979166030884, 0.6122992038726807, 0.32179322838783264, -0.19356244802474976, 0.546320915222168, -0.5716270208358765, -1.0448647737503052, 0.057473063468933105, 0.9698923826217651, -0.30475926399230957, -0.18356342613697052, 0.0986345186829567, 0.24183407425880432, -0.4378208816051483, 0.7602992653846741, -0.9566487073898315, 1.0982091426849365, 0.13998933136463165, 1.1055521965026855, -0.04928229749202728, -0.40618184208869934, 0.4478221833705902, -0.6120468378067017, -0.33684301376342773, -0.3271831274032593, 0.09766016900539398, 1.0634539127349854, -0.012499740347266197, 0.3583955466747284, 0.35439327359199524, 0.17300188541412354, 1.1450821161270142, 0.19253814220428467, -0.23867201805114746, -1.1101877689361572, -0.6311616897583008, 0.3732306957244873, 0.3556830883026123, 0.28297871351242065, 0.27734389901161194, -0.186528742313385, 0.23024877905845642, 0.36646586656570435, -0.7125588655471802, -0.4727964997291565, -0.6492798328399658, 0.16608770191669464, -0.5123865604400635, -0.4087682068347931, -0.3189801573753357, 0.5760370492935181, -0.6283435225486755, 0.20257359743118286, 0.16547632217407227, -0.1270613670349121, 0.5315621495246887, 1.563377857208252, 0.09809423983097076, -0.1929929256439209, 0.03658543899655342, 2.9365947246551514, -0.35382476449012756, 0.9017585515975952, -0.2915506958961487, 0.29195210337638855, -0.3196772038936615, -0.031368426978588104, 0.40680041909217834, 0.035972222685813904, -0.4227972626686096, -0.3629763722419739, 0.3801490068435669, -0.3076671361923218, 0.2102389931678772, -1.6263728141784668, 0.34971052408218384, -0.6294087171554565, 1.0245838165283203, -1.1947171688079834, -0.7309421896934509, 0.7196812629699707, 0.1101125106215477, 0.007386266253888607, 0.6254173517227173, -0.884646475315094, -0.10872860997915268, 0.2021801471710205, -0.438122034072876, -1.2344987392425537, 0.40860676765441895, 0.08909182995557785, -0.30912744998931885, 1.3280727863311768, -0.6939716935157776, -1.5819945335388184, -0.5797590017318726, 0.5048128366470337, -0.0454668253660202, -0.5157420039176941, 0.2398272603750229, 0.3561813533306122, 0.6583326458930969, 0.07333254814147949, 0.3834322392940521, -0.40189996361732483, -0.8246842622756958, 0.47953832149505615, -0.4834078252315521, -0.4782712161540985, 0.22776594758033752, -0.563358724117279, 0.967829167842865, -2.1148533821105957, -0.21915744245052338, -0.47499704360961914, 0.31257617473602295, 0.008188843727111816, 0.14110414683818817, 0.7142526507377625, 0.31313374638557434, 0.33360570669174194, -0.8510931730270386, 0.11610162258148193, -1.4810552597045898, 0.14912259578704834, 0.5246450304985046, -0.18120351433753967, 0.566674530506134, 0.24743346869945526, 1.1547510623931885, 0.15903986990451813, -1.0106172561645508, -0.20594167709350586, -1.9130258560180664, -0.39142292737960815, 1.8811815977096558, -0.35418426990509033, 0.630682110786438, -0.3514454662799835, -0.6048116087913513, -0.04558068513870239, -0.5429680347442627, 0.23306599259376526, -0.3767780065536499, -0.4500594735145569, -1.2268962860107422, 0.0473809577524662, -1.1637609004974365, 0.26203683018684387, 0.8753381967544556, 1.747233271598816, -0.5078818798065186, -0.1754969358444214, 0.31917837262153625, -0.9850695133209229, 0.2328348308801651, 0.8492748141288757, -0.008778311312198639, 0.11798057705163956, 0.5323817133903503, 0.1975986361503601, 0.8322902917861938, 0.5013206601142883, 1.0700958967208862, -0.5251071453094482, 0.04035703092813492, 0.1314777433872223, 1.0845520496368408, -0.34757912158966064, 0.10977401584386826, -0.03700200840830803, 0.5422967672348022, -0.5280243158340454, -0.5281030535697937, -0.16291162371635437, -0.10640280693769455, 1.386654257774353, 0.021723538637161255, -0.422162264585495, 1.0990445613861084, -0.7905819416046143, 0.15251275897026062, -0.2046729326248169, -0.5087403059005737, -0.6371946930885315, 0.12974223494529724, 0.1362936794757843, 0.6606650352478027, -0.18697357177734375, -0.5249413251876831, -0.5339276790618896, -2.1273458003997803, 0.1195954829454422, -0.9741136431694031, -0.5359331369400024, -0.9914196729660034, -0.6058205962181091, -0.007948622107505798, -1.360817313194275, -0.5160740613937378, 0.20135395228862762, 0.44912245869636536, -0.18306085467338562, 1.638926386833191, 1.305572748184204, -0.15463589131832123, 0.42593133449554443, 0.8363139629364014, 1.1705297231674194, -0.2972721457481384, 0.8581423163414001, 0.566510021686554, 0.1423007845878601, -1.3382000923156738, 0.26392823457717896, -1.1784788370132446, -0.08258619159460068, 0.629210889339447, -0.12598904967308044, 0.052583083510398865, -0.07832930237054825, -1.337205410003662, 1.130136489868164, 0.17416039109230042, 0.5923069715499878, -0.4096960425376892, 1.9385652542114258, 0.9056713581085205, -0.20723631978034973, 0.8668947815895081, -0.5267835855484009, -0.08538750559091568, 0.9201140403747559, -0.9503883123397827, 0.21273496747016907, -0.8117187023162842, -0.40267154574394226, 1.0178717374801636, 0.6213863492012024, -1.8678679466247559, 1.3013023138046265, 1.169316291809082, 0.12568418681621552, -0.2993983030319214, -0.13015873730182648, -0.4464282989501953, -1.0293879508972168, 0.6942127346992493, 0.5633327960968018, -0.8942211270332336, 0.3120933771133423, -0.2989194393157959, -0.02067014016211033, 0.9858912229537964, -1.1411374807357788, 0.5998797416687012, 0.995658814907074, 0.49943503737449646, -0.970576286315918, -0.7212572693824768, 0.15827271342277527, -0.24079592525959015, 0.12438976764678955, -0.07030200958251953, 0.7639948725700378, 1.5123686790466309, -0.14914757013320923, -0.33475515246391296, 0.8219777345657349, 1.3340363502502441, 0.3138793408870697, 0.367449015378952, -1.5494019985198975, -0.4330842196941376, -0.48105329275131226, 1.2066267728805542, -0.19136975705623627, -0.900582492351532, -0.7178162336349487, -0.82573002576828, -0.7935885190963745, -0.8489417433738708, 0.8882226943969727, 0.263301283121109, 1.1369214057922363, -0.17181284725666046, 0.9567787647247314, -0.30252590775489807, -0.37223824858665466, 0.13899807631969452, 0.3692736327648163, 0.4462968111038208, -0.7707005739212036, 0.46275898814201355, -0.12663692235946655, 0.18381570279598236, -0.2781529724597931, 0.34997066855430603, 0.6743648648262024, -0.4401431679725647, -1.1899218559265137, 1.2139472961425781, 0.8772637844085693, 1.1823650598526, 1.358290433883667, -0.5340815782546997, -0.16846442222595215, 0.17070335149765015, -0.13052186369895935, -0.40814483165740967, 0.28642579913139343, -0.4317379891872406, 0.2881036102771759, 0.32087242603302, 0.4942559003829956, 0.09428432583808899, 0.6504265666007996, 1.287188172340393, -1.1920186281204224, -1.9437237977981567, -0.15573078393936157, -0.6115756034851074, -0.33225688338279724, -0.4886460602283478, -0.3573552966117859, -0.7031292915344238, 0.5029367208480835, 0.002725614234805107, -1.3361207246780396, -0.02025025337934494, -0.09864690154790878, -1.0951662063598633, 1.1131141185760498, 0.624354362487793, -0.6506690382957458, 0.1432896852493286, 0.1688053160905838, -1.0857336521148682, -0.15364108979701996, -0.37912946939468384, -0.16050079464912415, 0.3922669291496277, 0.6177354454994202, 0.9629349112510681, -0.20919828116893768, 0.13517993688583374, -1.1139928102493286, 0.8180968165397644, 1.318985104560852, -1.2743765115737915, 0.6464091539382935, -0.22382128238677979, 0.4857499599456787, 0.13167957961559296, -1.1057711839675903, -0.5232911705970764, 1.5699028968811035, -0.376440167427063, 0.04269528016448021, -1.281951665878296, -0.6889293789863586, 0.4593292474746704, 0.36767205595970154, 0.32319048047065735, -0.8469074368476868, -0.07042215764522552, 0.11692869663238525, 0.16504362225532532, 1.1806162595748901, -0.8416925668716431, 0.016884256154298782, 1.0022826194763184, -0.5651178956031799, 0.25550219416618347, 0.3499228358268738, 0.3184323012828827, 0.9594717621803284, 0.012508854269981384, -0.4290769100189209, -0.33130040764808655, -10.985992431640625, 0.4838416874408722, -0.1408117711544037, 0.2904213070869446, 0.5124590396881104, -0.41922593116760254, 0.09829552471637726, 0.09580196440219879, -0.09279224276542664, -0.899185299873352, -0.04352578893303871, 1.6425505876541138, 0.6171501278877258, 0.12941771745681763, -0.5624304413795471, -0.8047070503234863, 0.1574196219444275, -0.743503212928772, 0.547139048576355, 0.3748975396156311, -0.34071844816207886, -1.3129851818084717, 0.01669468730688095, -0.34144237637519836, 0.5313616991043091, -0.5334352850914001, -0.26031458377838135, -0.02877495065331459, -0.3116850256919861, 0.6211409568786621, 0.44525790214538574, 0.3784114122390747, -0.6425565481185913, -0.860447108745575, -0.10348517447710037, -0.5153678059577942, -0.6678763628005981, 0.38161760568618774, 0.8065521717071533, -0.47670701146125793, -1.140485167503357, 1.1564351320266724, -0.2970328629016876, -0.5906028151512146, -0.8640943169593811, 0.17753838002681732, 0.5991340279579163, -1.3856689929962158, 0.193441241979599, -0.3422222435474396, -0.04241350293159485, -0.8576562404632568, -0.36938583850860596, -0.7025933861732483, 0.7829788327217102, 0.5657566785812378, -0.38648831844329834, -0.48209497332572937, -0.9520208239555359, -0.7699837684631348, -0.1466372311115265, 0.511532187461853, -0.8695782423019409, 0.4791567623615265, 0.35333767533302307, -0.6960322260856628, 0.08118854463100433, 0.7910289168357849, -0.5019885897636414, 0.1218707263469696, -1.3048263788223267, 1.2964118719100952, 0.02138058841228485, 0.22411110997200012, -0.5760485529899597, -0.3004107177257538, 0.11272606998682022, -0.24392443895339966, -0.2314157783985138, -0.015182796865701675, -1.6624197959899902, 0.3798338770866394, 0.39431875944137573, -0.4677041471004486, -1.248105525970459, 0.6695687770843506, -0.10121036320924759, 0.49569785594940186, 0.9046493768692017, -0.04378398880362511, 1.6170250177383423, 0.2750096321105957, -0.2797026038169861, -0.8591766953468323, 0.10521896928548813, 0.5596720576286316, -0.26341143250465393, 0.5244088172912598, 0.19321656227111816, -1.5504666566848755, 0.6112497448921204, -0.8720982670783997, -0.43830975890159607, 0.16173769533634186, 0.26096785068511963, 0.49089980125427246, 0.32369163632392883, 0.17337343096733093, 0.21645236015319824, -0.7073041796684265, 0.16493359208106995, -0.35248807072639465, -0.01410670205950737, 1.1953006982803345, -0.8885184526443481, 1.105262041091919, 1.0877341032028198, 0.6079833507537842, 0.18137800693511963, 0.671776533126831, 0.016601944342255592, 0.8132978677749634, 0.3022531270980835, 1.9676140546798706, -0.053961433470249176, 0.2747821509838104, 0.7515274286270142, 0.399978369474411, -0.07246111333370209, -0.8761913180351257, 0.8019375205039978, -0.20291562378406525, -0.028496434912085533, -0.44335708022117615, -0.06962054967880249, -0.4229928255081177, -1.0358535051345825, 1.434061884880066, -0.24088561534881592, 0.06629122793674469, 0.032848015427589417, -0.1531432569026947, 0.04546250402927399, -0.9446218609809875, -1.3436800241470337, 0.6835850477218628, -1.9816862344741821, 0.05435786023736, -0.5363582968711853, -0.7560601234436035, 0.018016502261161804, -0.7119035124778748, 0.8037717342376709, -0.6524073481559753, 0.04054318368434906, -0.4262825548648834, 1.0074126720428467, -0.26782387495040894, -0.35774916410446167, -0.024126850068569183, -0.03165307641029358, 0.44739189743995667, 0.08798813819885254, 1.2154380083084106, -0.06979908049106598, -0.2518155574798584, -0.004997998476028442, -0.3640318512916565, -0.48081448674201965, 0.08777856081724167, 0.8981186151504517, -0.715476930141449, -0.2307875156402588, -0.511780858039856, 0.974307119846344, -0.6277297139167786, 0.06507332623004913, 1.2290534973144531, -0.36011525988578796, 0.23243728280067444, 0.2732035219669342, 1.109838604927063, 0.9613462090492249, -1.7359230518341064, -0.6867285966873169, -0.15759408473968506, 0.5034576654434204, 0.4609225392341614, 0.11549768596887589, 0.6610193848609924, -1.0723967552185059, -1.4950528144836426, -0.4389895796775818, -0.15576587617397308, 0.28453564643859863, -0.24264496564865112, 1.3565093278884888, 0.9375251531600952, 0.26524844765663147, 0.16147130727767944, 0.45471757650375366, 1.0676583051681519, -0.1926887333393097, -0.6745418906211853, 0.14795933663845062, 0.8892484903335571, -0.7331171631813049, 0.0058616288006305695, 0.5733355283737183, 1.369443416595459, -0.20877939462661743, 0.5029152035713196, 0.13136044144630432, -0.17794178426265717, 0.12469214200973511, -1.2774853706359863, -0.7173492312431335, -1.1119961738586426, -0.4027155041694641, -1.196275234222412, 0.4395439326763153, 0.4630953371524811, -0.0008944720029830933, 0.7815980315208435, 0.6501175761222839, 0.35835030674934387, 0.7179787158966064, 0.8874322772026062, 1.273181676864624, -0.15011854469776154, -0.258516401052475, 0.13583475351333618, 0.5878598690032959, -0.43079617619514465, 0.09600609540939331, -0.4133119583129883, -0.9316964745521545, -0.04591067135334015, -0.029016979038715363, 1.4885276556015015, -0.6656204462051392, 0.45708897709846497, 0.35990387201309204, 0.8727489113807678, 0.14587941765785217, -1.6049416065216064, 0.6133173108100891, -0.8864182829856873, -0.4902957081794739, -0.2895759046077728, 0.13261187076568604, 0.18619082868099213, 0.727809727191925, -0.014253363013267517, 0.8025381565093994, 0.13311034440994263, 0.2633458077907562, -0.3930588662624359, -0.02242964506149292, 1.4462077617645264, 0.6041814684867859, 0.3249751329421997, 0.4779985547065735, 0.015237919986248016, -0.7295907735824585, -0.3949723243713379, -0.9686670303344727, 1.1437333822250366, 0.6225690841674805, 0.024174515157938004, -0.39188992977142334, -0.13201318681240082, 0.4518568515777588, -0.7171727418899536, 0.15271875262260437, 0.05472390726208687, -0.3984726667404175, -0.8474621772766113, -0.6863765716552734, 0.3021280765533447, 1.0104386806488037, -0.09090754389762878, 0.1857842206954956, 0.23244044184684753, 0.23796001076698303, -0.4727744460105896, -0.20593324303627014, -0.6220277547836304, 0.3903554379940033, -0.6568097472190857, 0.0581175833940506, 0.29355642199516296, -0.41677507758140564, -0.7094374895095825, 0.4260375201702118, -1.420711636543274, 0.3747154772281647, -0.4850565791130066, -0.6975992321968079, -0.0365840382874012, 0.48273351788520813, 0.2932300269603729, 0.0037861913442611694, 0.3676341772079468, -0.280429869890213, -1.3652068376541138, 0.7368837594985962, 0.47622358798980713, -1.2078735828399658, -0.205719456076622, -0.2221643626689911, 0.7014374136924744, -0.22840094566345215, 1.3355798721313477]} +{"paper_id": "squad_kor_v1", "embedding": [-0.5510421395301819, 0.9849940538406372, -0.021048052236437798, -0.18628662824630737, 0.612421989440918, -0.2291850447654724, 0.19813385605812073, 0.6096224784851074, 0.9477869868278503, 0.37890446186065674, 0.6123555898666382, -0.3023713529109955, 0.17359524965286255, 0.4219852089881897, -0.2161400318145752, -0.3939577043056488, -0.8255707621574402, -0.9098040461540222, -1.6677066087722778, -0.35652977228164673, -1.0834262371063232, -0.9532249569892883, 0.15988463163375854, 1.5299631357192993, -0.8234578371047974, -1.0752229690551758, 0.7218146920204163, -1.2455065250396729, 0.4936780631542206, -0.02539292722940445, 0.031121917068958282, 0.9079288840293884, -1.2302327156066895, 0.6722590923309326, 0.11342643946409225, -0.42157629132270813, 0.5258039236068726, 1.0297192335128784, -0.18791064620018005, -0.39736947417259216, -0.6804283261299133, 0.37489816546440125, 0.7615169286727905, -0.02709684520959854, 0.8699660301208496, -0.5656417012214661, 0.25119102001190186, -0.3906719982624054, -0.5618532299995422, -0.437603622674942, -0.5539082288742065, 0.31258946657180786, -0.14670990407466888, 0.6382578611373901, -0.2687261998653412, 0.8769925236701965, -0.14378492534160614, -0.5037931799888611, 0.5409757494926453, -0.7887401580810547, 1.5862202644348145, 1.633671522140503, 0.3782012164592743, 0.5986093878746033, 1.6265389919281006, -0.17442797124385834, 1.571582317352295, -0.09442885220050812, -0.08902855962514877, 0.8696915507316589, -0.411138117313385, -0.3842591643333435, 0.597313642501831, -0.38190191984176636, 0.14621001482009888, 1.1723735332489014, 0.5426025986671448, 0.17366980016231537, -0.24263665080070496, -0.11873386055231094, -0.410078227519989, 0.14154918491840363, 1.3527934551239014, -0.30651816725730896, 0.14433206617832184, 0.9293867945671082, 0.4376726746559143, -0.758185625076294, 0.7397471070289612, -2.0904130935668945, 0.4208451509475708, 0.6575783491134644, -0.07455229759216309, 0.0001898258924484253, 0.0888795405626297, 0.5895668864250183, -0.8789011240005493, 0.050436750054359436, -0.08481981605291367, -0.04307063668966293, 0.7495086789131165, -0.141134113073349, 0.3164081871509552, -0.37427544593811035, 0.1821950078010559, 0.2192026823759079, 0.5403724312782288, 0.3514702022075653, -0.636737585067749, -0.899226725101471, 0.47506827116012573, 0.6659305691719055, 0.10781119763851166, 0.6574841737747192, 0.012196114286780357, 0.5096559524536133, 0.24850720167160034, -1.11817467212677, -0.08460250496864319, 0.5160181522369385, -0.2618391513824463, -1.047280192375183, -0.3636627793312073, -0.43740642070770264, 0.5200731158256531, -0.3800608813762665, -0.3923613727092743, -0.7759676575660706, -0.19689485430717468, 0.20858408510684967, 0.7379617691040039, -0.19950486719608307, -0.8372958302497864, -0.1795455813407898, 3.0760159492492676, -1.400441288948059, 1.4406952857971191, -0.603498637676239, -0.47796162962913513, -0.2766231298446655, -0.7277059555053711, 1.350772500038147, -0.3018292784690857, -0.8020440340042114, -0.49752920866012573, 0.3200916647911072, -0.5420771241188049, 0.17073720693588257, -0.761256754398346, -0.706882655620575, 0.12074823677539825, -0.03081805258989334, -1.951840877532959, -0.5957334637641907, 0.03607865050435066, 0.030952461063861847, -0.1265442967414856, 0.31669485569000244, -0.27102020382881165, 1.1078037023544312, 0.07397505640983582, -0.07932546734809875, -0.08790797740221024, 0.882558286190033, -0.9924079775810242, -0.3420443832874298, 0.5527132749557495, -0.21982434391975403, -0.5237941741943359, 0.3232365846633911, 0.2350257933139801, -0.2244066298007965, -0.16075383126735687, -0.23358552157878876, -0.1863243728876114, 0.25789380073547363, 0.7526968121528625, 0.6938160061836243, 0.20180103182792664, -0.8501678705215454, -0.2013930380344391, -0.5467746257781982, 0.00036647915840148926, 0.9508435726165771, -0.07982692122459412, 0.9401232004165649, -2.8116350173950195, 0.036412518471479416, -0.6914810538291931, 1.2590019702911377, 0.026669606566429138, 0.3055349886417389, 0.005754835903644562, -0.07671694457530975, 0.18351618945598602, -0.7573913335800171, 0.5287510752677917, -1.2300537824630737, 0.5668812394142151, 0.2456582635641098, -0.24293936789035797, -0.0795566514134407, 0.07789670675992966, 0.8537106513977051, 0.5986311435699463, -0.4755641520023346, -1.1672855615615845, -2.2137503623962402, -0.2380790412425995, 2.02549147605896, 0.1588035523891449, -0.3838168680667877, -0.6342135071754456, -0.3272421360015869, -0.03643166273832321, -0.10077226161956787, 0.019680961966514587, -0.2739928662776947, 0.35792291164398193, -0.32661172747612, 0.4084204137325287, -0.46571826934814453, 0.17554503679275513, 1.009095311164856, 1.2511897087097168, -0.2382884919643402, -0.4391024112701416, -0.5578470826148987, -0.6125086545944214, 0.3974233567714691, 0.4913508892059326, 0.16513974964618683, -0.3035789728164673, 0.6454102993011475, 0.4169463515281677, 1.4343740940093994, 0.9737500548362732, 0.35581544041633606, -0.5586714744567871, -0.030211586505174637, -0.5431268215179443, 2.043623924255371, -0.12625421583652496, -0.2526981234550476, 0.12284143269062042, -0.15400826930999756, -0.17609107494354248, -0.12390783429145813, -0.3886159658432007, -0.3575021028518677, 1.1646932363510132, 0.5489606261253357, -0.5548756122589111, 0.7718438506126404, -0.608704686164856, -0.35785365104675293, -0.23189488053321838, -0.3792364299297333, -0.25672370195388794, -0.25954678654670715, 0.6214416027069092, -0.726989209651947, -0.09010757505893707, -0.055775947868824005, -0.01626894250512123, -1.4052375555038452, -0.5247665047645569, 0.23884591460227966, -0.5847728848457336, -1.1252059936523438, -0.16365668177604675, -0.17433170974254608, -1.3698909282684326, -0.13963469862937927, 0.5229763984680176, 0.06905119121074677, 0.25029438734054565, 0.7352597713470459, 1.5164583921432495, 0.017647303640842438, 0.6254627108573914, 0.20318491756916046, 0.9667516350746155, -0.9676260948181152, 0.8119027018547058, -0.17408445477485657, 0.08041660487651825, -0.9293695688247681, 0.3995455801486969, -0.6084173321723938, 0.14187899231910706, 1.0762066841125488, -0.42242035269737244, 1.0066680908203125, -0.2908945679664612, -1.1965667009353638, 0.628226637840271, -0.3602415919303894, -0.18173450231552124, -0.5355141758918762, 2.0498597621917725, -0.3602685332298279, -0.6472758650779724, 0.7474827766418457, -0.412514328956604, -0.5706943869590759, 0.8285073041915894, 0.16865751147270203, 0.08600328862667084, 0.19564996659755707, -0.372948557138443, -0.11243124306201935, 0.45570459961891174, -1.8405756950378418, 1.1626858711242676, 1.0834273099899292, -0.6152198910713196, -0.11189283430576324, -1.130440592765808, 0.5359684824943542, -0.6459183096885681, 0.11988303065299988, 1.2506593465805054, -0.5300952196121216, 0.4575595557689667, -0.29446810483932495, -0.17585265636444092, 0.9912896156311035, -0.22005873918533325, 0.46722516417503357, 0.400546669960022, 0.16744041442871094, -0.740809977054596, -0.5802553296089172, 1.5039762258529663, -0.6275067329406738, -0.037991128861904144, 0.19066527485847473, 0.46973666548728943, 1.0226223468780518, -0.07438787072896957, -0.24520716071128845, 0.5034856796264648, 0.554879903793335, 0.14670205116271973, 0.017298873513936996, -0.2809215784072876, 0.3604818880558014, -0.36134907603263855, 1.2776130437850952, -0.4177374541759491, -0.46577489376068115, -0.969128429889679, -0.23821187019348145, 0.09287531673908234, -0.10059008747339249, 2.0428736209869385, 0.4336014986038208, 1.325156331062317, 0.22793881595134735, -0.06228964775800705, -0.34437891840934753, -0.580190896987915, 1.1501617431640625, 0.4315849840641022, -0.13370251655578613, -0.8924243450164795, 0.1243826299905777, 0.6003875732421875, 0.43518999218940735, -0.578758180141449, 0.3978103995323181, 0.9367191791534424, -0.12348997592926025, -1.2401655912399292, 0.8658624291419983, 0.8865220546722412, 0.08961736410856247, 1.50839364528656, -0.47823190689086914, 0.3745202124118805, 0.13319329917430878, -0.37942713499069214, 0.07945629954338074, 0.24265888333320618, 0.10467758774757385, 1.2763919830322266, 0.6921452283859253, 0.7238908410072327, 0.12900476157665253, 0.9514394998550415, 1.720159649848938, -0.4408503472805023, -1.4091674089431763, -0.15588536858558655, -1.010341763496399, -0.0945994183421135, 0.33238840103149414, 0.28354886174201965, -0.7762360572814941, 0.1822614222764969, 0.29827824234962463, -0.8785192370414734, 0.6650166511535645, -0.6033592224121094, -1.5211572647094727, 0.8061684370040894, 0.7298425436019897, -0.7408379316329956, -0.38040366768836975, -0.5541656017303467, -1.1493686437606812, 0.02457447722554207, -0.03642886504530907, -1.3392144441604614, 0.6345904469490051, 0.25014933943748474, 1.092707872390747, 0.5921654105186462, 0.12034064531326294, -1.3056037425994873, 1.108545184135437, 1.0684136152267456, -1.2169108390808105, 0.4873540699481964, 0.16711221635341644, 0.8271249532699585, -0.2516242265701294, -1.362489104270935, -0.6928393840789795, 1.107314944267273, 0.1164044737815857, 0.23156073689460754, -1.2846839427947998, -0.5241556167602539, 1.0460602045059204, 0.8507580161094666, 0.6198964715003967, -0.5305514335632324, -0.0989525243639946, -1.0894465446472168, 0.2537675201892853, 0.7828396558761597, -1.2733545303344727, -0.7670562267303467, 0.8540421724319458, -0.2639409601688385, 0.8830673694610596, -0.49671581387519836, 0.1895666867494583, 1.5695081949234009, -0.3485746681690216, -0.21742188930511475, -0.38445791602134705, -10.938767433166504, 0.991439938545227, -0.2662580907344818, 0.1454419195652008, 0.3516416549682617, 0.0390089675784111, 0.7455269694328308, -0.36485055088996887, 0.7514509558677673, -0.834442675113678, 0.1924811750650406, 1.5859445333480835, 0.364304780960083, -0.0811554491519928, -0.8710588812828064, -1.1994109153747559, -0.7911960482597351, -0.8685119152069092, 0.1736830621957779, 0.1436304748058319, -0.7102906107902527, -0.5639504194259644, -0.01596597582101822, 0.35041436553001404, 0.20628514885902405, 0.25305837392807007, -0.7110344171524048, 0.023031022399663925, -0.3206914961338043, 0.012895271182060242, 0.38791078329086304, -0.35528460144996643, -0.40004512667655945, -0.1491941213607788, -0.018407471477985382, -0.4428184926509857, -0.8765525817871094, -0.1196187362074852, 0.9008598327636719, -0.9449762105941772, -0.4776304364204407, 0.2146199345588684, 1.0123331546783447, -0.02911723405122757, -0.28056401014328003, 0.6021246314048767, 0.45051637291908264, -1.0699403285980225, 0.23040622472763062, -0.3292664587497711, -1.083126425743103, -0.32116031646728516, -0.8752248287200928, -0.38159242272377014, 0.11607273668050766, 0.23460599780082703, -0.908865213394165, -0.6167146563529968, -0.38687121868133545, -1.0865813493728638, 0.9255369901657104, -0.22779302299022675, -0.2635824680328369, 0.5180630087852478, 0.2657698094844818, -0.3816692531108856, 0.12103152275085449, -0.0714937150478363, -0.1317019760608673, 0.519049346446991, -0.6256223320960999, 1.1697665452957153, -0.16884514689445496, 0.5639611482620239, -0.9487302899360657, -0.13600188493728638, -1.0416538715362549, -0.08040334284305573, 0.5539212226867676, -0.16153961420059204, -1.3948264122009277, 1.0344125032424927, 0.6425791382789612, -0.3117200434207916, -0.7229315042495728, 0.43798157572746277, 0.02220606803894043, 0.3359890878200531, 0.5359741449356079, -1.2979995012283325, 1.805724859237671, 0.17320188879966736, -0.6438412070274353, 0.001232694834470749, -0.665631115436554, 0.7001990079879761, -0.11759012937545776, 0.9775949120521545, 0.40280357003211975, -0.6873565316200256, -0.11152683943510056, -0.07090774178504944, -0.8386505842208862, 0.015331093221902847, 0.7899340391159058, 0.11779674142599106, 0.4718310832977295, 0.3373204469680786, -0.11403709650039673, -0.5567429065704346, 1.1151584386825562, 0.6704506874084473, -0.1793646216392517, 1.1430578231811523, -0.2388562113046646, 1.2340304851531982, 0.44918185472488403, 0.26793527603149414, 0.01591045968234539, 0.873193621635437, -0.7185046076774597, 0.9937537312507629, 0.4735319912433624, 1.7628737688064575, -0.3338623046875, 0.14377892017364502, 0.6623358726501465, 0.16406786441802979, -0.036967962980270386, -1.1378815174102783, 0.19770334661006927, -0.19800719618797302, 0.17786966264247894, -0.860051155090332, -0.5005154609680176, 0.12640206515789032, -0.6204103827476501, 1.6950509548187256, -0.9697158932685852, -0.13782444596290588, -0.4114183187484741, -0.501823902130127, -0.765162467956543, -1.2252187728881836, -0.9589260816574097, 0.2824881970882416, -1.1828604936599731, 0.11171422898769379, -0.1708884984254837, -0.8647836446762085, -0.4805378019809723, -0.4478210210800171, 0.7357228994369507, -0.21432049572467804, -0.5970680713653564, -0.8374050259590149, 0.3377082645893097, -0.5760101079940796, -1.0661802291870117, -0.12002497166395187, 0.15412208437919617, 0.7941612005233765, -1.2168619632720947, 1.1887853145599365, 0.5194176435470581, -0.5853496789932251, -0.7473081946372986, 0.5897330045700073, -0.8868536353111267, 0.9364979267120361, 0.670845627784729, -0.9275125861167908, -0.45437732338905334, -0.5633996725082397, -0.3195224404335022, -0.7454438209533691, 0.343984454870224, 1.2476520538330078, -1.4378851652145386, -0.18702028691768646, -0.4487386643886566, 0.905863881111145, 0.14031222462654114, -0.49134257435798645, -0.09524950385093689, 0.6199886798858643, -0.47136855125427246, 0.733311116695404, 0.2608858346939087, 0.7729482650756836, -1.1892894506454468, -1.5147912502288818, -0.37705206871032715, -0.21965621411800385, 0.5166318416595459, 0.3739955723285675, 0.7827175259590149, 0.5874300003051758, -0.8377594947814941, -0.29639124870300293, -0.18168824911117554, 0.27671024203300476, 0.28888678550720215, 0.5681820511817932, -0.3998706042766571, 0.33555471897125244, -0.2921966016292572, -0.10313636809587479, 0.6035915017127991, 1.0122475624084473, -0.9392263293266296, -0.20113864541053772, 0.06398351490497589, -0.12713973224163055, 0.12861543893814087, -1.315155029296875, -0.04226011782884598, -0.19110441207885742, -0.5229390263557434, -1.5279380083084106, -0.17118039727210999, 1.2669931650161743, -0.31441348791122437, 0.4994478225708008, 0.3757607638835907, 0.3234136402606964, 0.8580723404884338, 0.48758238554000854, 0.8345347046852112, 0.2252759337425232, 0.09016287326812744, 0.23421284556388855, 0.5924763679504395, 0.025913245975971222, -0.02603694051504135, -1.1094422340393066, -0.33512330055236816, 0.2645532190799713, -0.2140197902917862, 1.2004510164260864, -0.3256349563598633, 0.28712818026542664, 0.7585371732711792, 0.8451888561248779, 0.37082117795944214, -1.8227729797363281, -0.1706077605485916, -1.422053337097168, 0.22423286736011505, 0.8441113829612732, 0.16096460819244385, 0.059750549495220184, 0.696865975856781, -0.644237756729126, 1.6033935546875, -0.8803104162216187, 0.024057842791080475, -0.03435133397579193, -0.26886415481567383, 0.2899717092514038, 0.7324899435043335, 0.647793173789978, 0.2175636738538742, -0.4052182137966156, -0.6194203495979309, -0.04744555056095123, -0.8498150706291199, 1.0660498142242432, 0.4056963324546814, -0.30147427320480347, -0.05046503245830536, -0.6033197045326233, 1.4373202323913574, -0.48816850781440735, 1.2108466625213623, -0.04112992435693741, -0.11774180829524994, -0.06088494136929512, -0.814727783203125, -0.10186371952295303, 0.6877026557922363, -0.05307093635201454, -0.2691987156867981, 0.08969040960073471, 0.5973132252693176, 0.4390464127063751, -0.29158830642700195, -0.7962895631790161, -0.27406641840934753, -0.8757570385932922, 0.17022879421710968, 0.6213749647140503, -0.7230597138404846, -1.026334524154663, 0.11174897849559784, -0.6480059623718262, 0.060350216925144196, 0.5945391058921814, -0.19641411304473877, -0.4691615402698517, 0.5308641195297241, -0.8150410652160645, 0.3564954102039337, 0.4759713411331177, -0.10549638420343399, -1.7298680543899536, 0.5952695608139038, 1.0325813293457031, -0.6120932698249817, -0.32440200448036194, -0.035598766058683395, 0.6034023761749268, 0.12258218973875046, 0.8989208340644836]} +{"paper_id": "cifar10", "embedding": [-0.38227707147598267, 0.6898987889289856, -0.2501905858516693, -0.2128133922815323, 0.23197820782661438, 0.06272254884243011, 0.47334200143814087, 0.2241625189781189, 0.8241440653800964, 0.7677280306816101, 0.26035672426223755, -0.1822533905506134, -0.26734018325805664, -0.9767019748687744, -0.45570746064186096, -0.15593749284744263, -0.1761980950832367, -0.5658234357833862, -0.9724087715148926, 0.5575367212295532, -1.2854702472686768, -0.5137978792190552, 0.06522420048713684, -0.19267892837524414, -0.39604637026786804, -0.07131116837263107, 0.5277180075645447, 0.0717606246471405, 0.7772107124328613, 0.644282341003418, -0.2385368049144745, 1.014662504196167, -1.4413505792617798, 0.7473174929618835, -1.214497685432434, -0.3125343918800354, 0.9338428378105164, 0.839302659034729, -0.20024965703487396, -0.46903693675994873, -0.49292439222335815, -0.09552696347236633, 0.8814062476158142, 0.06752538681030273, 0.5906094312667847, -0.3734532594680786, 0.18435019254684448, 0.5199156999588013, -1.0228288173675537, -0.009430307894945145, -0.15270644426345825, 1.0065569877624512, 0.294935941696167, 0.470243901014328, -0.7802232503890991, -0.2149423360824585, 0.07237834483385086, 0.1293908804655075, 0.16028685867786407, -0.6592369079589844, 0.15073122084140778, 0.6704177260398865, -0.3813369870185852, 0.11649914085865021, 0.8567752242088318, -0.05797358602285385, 0.47625601291656494, 0.12794014811515808, 0.4465272128582001, 0.6534662246704102, -0.36673325300216675, -1.306596279144287, 0.2656785547733307, 0.4692484140396118, 0.5096768140792847, 0.43161138892173767, -0.595879077911377, -0.20510847866535187, 0.624663233757019, 0.3199414610862732, -0.4048193693161011, 0.20013631880283356, -0.47127053141593933, -0.23735812306404114, 0.04125745967030525, -0.2803551256656647, 0.4228071868419647, -0.6112381219863892, 0.07213926315307617, -1.1452605724334717, 0.7770563960075378, 0.2967284619808197, -0.12646256387233734, -0.39519426226615906, 0.3320416808128357, 0.03597581759095192, -0.7114290595054626, -0.3997081518173218, -0.6669108867645264, 0.775890052318573, 0.6089462041854858, -0.42525482177734375, 0.8657992482185364, 0.2004132866859436, 0.03246058151125908, 0.6248522400856018, -0.41544869542121887, 0.41704583168029785, -0.8387938141822815, 0.04772084206342697, -0.2513856589794159, 1.3552258014678955, 0.3070918917655945, -0.39625096321105957, -0.2685334086418152, 0.3287299573421478, 0.48867231607437134, -0.0830300897359848, -0.5481396913528442, -0.36813491582870483, 0.016071831807494164, -1.6595560312271118, -0.7255120873451233, -0.5730808973312378, 0.2937068045139313, -0.1605115681886673, 0.9107317924499512, 0.19672420620918274, -0.4030469059944153, -0.47271761298179626, 0.4790075123310089, 0.19992540776729584, -0.14663274586200714, 0.2324986755847931, 2.972766637802124, -0.7626956701278687, 1.043808937072754, 0.41730064153671265, -0.4891930818557739, -0.17175054550170898, -0.11655410379171371, 0.6541668176651001, 0.5495256781578064, -0.4213379919528961, -1.0796974897384644, -0.6024104356765747, -0.08413854986429214, -0.3383972942829132, -1.1788301467895508, 0.09377369284629822, 0.0953519195318222, 1.245371699333191, -0.8154619932174683, -1.6382790803909302, 0.5849052667617798, 0.9455400705337524, 0.09241971373558044, -0.3583561182022095, -0.8855993747711182, 0.19466114044189453, 0.016628727316856384, 0.4086868166923523, -0.5125790238380432, 1.0923707485198975, -0.14587506651878357, 0.6535263061523438, 0.9511181712150574, 0.3099132180213928, -0.1048857718706131, 0.035558439791202545, 0.4414023756980896, -0.6974374055862427, 0.4021403193473816, 0.07988150417804718, -0.15620945394039154, 0.2733197808265686, -0.1685040295124054, 0.3344404697418213, -0.16232286393642426, -0.959057629108429, -0.3006838262081146, 0.08184722065925598, 0.23495283722877502, -0.1789267510175705, 0.6162568926811218, -0.8309316039085388, -2.007728099822998, 0.4667924642562866, 0.06786316633224487, 0.41195201873779297, 0.2253253161907196, -0.5174278616905212, -0.09466927498579025, 0.6285206079483032, -0.647100567817688, 0.3034360408782959, 0.6578199863433838, -1.0683282613754272, -1.010438084602356, 1.4248738288879395, -0.28773829340934753, 0.42795711755752563, -0.9175729751586914, 0.2052217423915863, 0.7292458415031433, 0.04884357005357742, -0.1868893951177597, -1.2954516410827637, 0.4567604064941406, 0.4183630049228668, 0.265239417552948, -0.894118070602417, -0.4223671853542328, -0.48562413454055786, 0.2807294726371765, -1.0827996730804443, 0.9367330074310303, -0.9871171116828918, 0.15033939480781555, -1.5210837125778198, 0.0027033546939492226, -0.6231693029403687, 0.18256241083145142, -0.09144224226474762, 1.4633700847625732, -1.128790259361267, -0.25231456756591797, 0.05896777659654617, -0.9283520579338074, 0.5933700203895569, 0.6032203435897827, 0.37572547793388367, -0.05580621212720871, 0.7197327017784119, -0.3033374547958374, 0.19148597121238708, -0.07299070805311203, 0.25301527976989746, -0.6826674938201904, 0.5482581257820129, -0.17516924440860748, 0.4217546582221985, -0.3652331233024597, -0.07353059202432632, 0.4779006242752075, -0.04709739238023758, -0.25341796875, -1.3187658786773682, -0.5066134929656982, -0.14923736453056335, 1.563559651374817, 0.2444818913936615, -0.16684408485889435, -0.10290539264678955, 0.20905610918998718, -0.11234933882951736, 0.805709183216095, -0.03935468569397926, 0.5676136016845703, -0.6425949931144714, 0.8975650668144226, 0.10230211168527603, -0.18502667546272278, -0.2684759795665741, 0.07826957106590271, 0.23954734206199646, -0.4513940215110779, -0.1095912829041481, -0.7866101861000061, -0.05011213570833206, -0.5831493139266968, -0.12038034200668335, 0.10200483351945877, -0.9295130968093872, 0.1314222812652588, 0.5035103559494019, -0.11935807764530182, 0.7745083570480347, 0.4561980664730072, 0.5835742354393005, 0.2083835005760193, -0.25677719712257385, 0.5150315761566162, 0.23477831482887268, 0.0713222473859787, -0.36316683888435364, 0.30222341418266296, -0.8119060397148132, -1.1934460401535034, -0.6540679931640625, 0.6112461686134338, -0.6452530026435852, -0.08255720138549805, 0.7844619154930115, -0.5453280210494995, -0.8772822618484497, 2.3614566326141357, -0.08876059949398041, 0.24489152431488037, -0.19775263965129852, 1.1783472299575806, 0.626956045627594, -0.14781136810779572, -0.23202210664749146, 0.010110849514603615, 0.30150941014289856, 1.1894943714141846, -0.296671986579895, -0.20987051725387573, 0.6670306324958801, 0.21142692863941193, 0.42246824502944946, 0.08888716250658035, -2.169210433959961, 0.029127972200512886, 0.018782198429107666, 0.1538839042186737, 0.08556044101715088, -0.8048779368400574, -0.4720129370689392, -0.6397212743759155, 0.3857637047767639, 0.28192079067230225, -1.0997658967971802, 0.2637508511543274, -0.03838304057717323, 0.4920559525489807, 1.2798328399658203, -0.9177362322807312, 0.062204014509916306, 0.32033422589302063, 0.39245057106018066, -0.7734798789024353, 0.3513850271701813, 0.8393268585205078, -0.524333119392395, -0.11958876252174377, 0.7258068919181824, 0.6439616084098816, 0.394025593996048, -0.037020303308963776, 0.1680886298418045, 0.3386627435684204, -0.24759557843208313, -0.14750133454799652, 0.495631605386734, 0.40057438611984253, 0.41042810678482056, 0.9365399479866028, 0.8221731781959534, -0.012489475309848785, -0.5199440717697144, -0.23664918541908264, 0.4226875603199005, -0.2428814172744751, 0.35849592089653015, 0.9060590863227844, 0.06484773010015488, 0.3962646424770355, 0.13367381691932678, 1.127480149269104, -0.44333142042160034, 0.36387136578559875, 0.1981039047241211, 0.5587753653526306, 0.028842657804489136, -0.09418647736310959, 0.5222355127334595, -0.4820009171962738, 0.3061221241950989, -0.15837235748767853, -0.0481780469417572, 0.8631736636161804, 0.2715338468551636, -0.4145658612251282, 0.26954910159111023, 0.14996737241744995, 0.8081371188163757, 1.1111838817596436, 0.009199913591146469, -0.9321402311325073, -0.637834370136261, 0.23659539222717285, 0.5973941683769226, -0.325264036655426, -0.16152480244636536, 0.5740947723388672, -0.2518203854560852, 1.426910161972046, 0.3317985534667969, 0.6467732787132263, 0.817619800567627, -0.5263468623161316, -0.6806590557098389, 0.2704150080680847, -0.720364511013031, -0.6556631326675415, -0.1413087546825409, 0.24424272775650024, -0.6156606078147888, 0.3869757652282715, -0.1653481423854828, -1.0146743059158325, 0.13455376029014587, 0.09195724129676819, -0.34849029779434204, 0.22235222160816193, 0.9829114675521851, -0.38618654012680054, -0.2651093900203705, -0.0875987857580185, -0.5093675851821899, -0.5906716585159302, 0.5545111298561096, 0.36699751019477844, 0.6091005802154541, -0.49596384167671204, 0.9041242003440857, -0.4914467930793762, -0.016801171004772186, -0.441677063703537, 1.0632550716400146, 0.4382098913192749, -0.38875770568847656, 0.16920864582061768, -0.7393475770950317, 0.2506101727485657, -0.3465788662433624, -1.1439334154129028, 0.0727650448679924, 1.5098073482513428, 0.9343924522399902, -0.04654749482870102, -0.4260357916355133, -0.03929726034402847, -0.35733842849731445, 0.6851656436920166, 0.7665970921516418, -0.8310471177101135, -0.07666625827550888, -0.07609604299068451, 1.0103839635849, 0.9362560510635376, -0.24315951764583588, -0.19109894335269928, 1.5588862895965576, -0.182643860578537, 0.898246169090271, -0.3601646423339844, -0.3535672128200531, 0.3295787572860718, 0.06375303119421005, -0.1178385317325592, 0.3752099573612213, -13.583338737487793, 0.45480260252952576, -0.2735343277454376, 0.3125426173210144, 0.4251495599746704, -0.3575080335140228, 0.6822271347045898, 0.5041170120239258, 0.19598938524723053, -0.6485335230827332, 0.3842441737651825, 0.7049039602279663, 0.11466187983751297, 0.009634935297071934, -0.22391265630722046, -0.6082703471183777, -1.070580005645752, -0.5213801860809326, 0.5883476734161377, 0.9045667052268982, 0.5361959934234619, -0.17183513939380646, -0.3676895499229431, -0.46834802627563477, -0.2843129336833954, -0.9672035574913025, 0.47536778450012207, -0.1839524805545807, -0.7455815672874451, -0.2613980174064636, 0.18856245279312134, 0.3780023157596588, -0.687478244304657, -0.44919487833976746, 0.019400395452976227, -0.14873558282852173, -0.2981793284416199, -0.4887334108352661, 1.614614486694336, 0.19064296782016754, -0.17782123386859894, 0.6880459785461426, -0.07534293830394745, -0.18265566229820251, -0.5645016431808472, 0.40914905071258545, -0.04790140688419342, -0.23025506734848022, 0.37741950154304504, -0.44236376881599426, 3.883242607116699e-05, -0.7751654386520386, 0.04978569969534874, -1.097330093383789, 1.2761234045028687, -0.01395652536302805, -0.6189603805541992, -0.24170741438865662, -0.5286908149719238, -1.0229581594467163, -0.05533818155527115, 0.42129725217819214, -0.3416128158569336, 0.9316546320915222, 0.3892979919910431, -1.025965690612793, 0.660568118095398, 1.089312195777893, -0.22322633862495422, 0.009057097136974335, -0.6286324858665466, 0.8203507661819458, 0.8764973282814026, -0.028106018900871277, -0.3118434548377991, -0.062301672995090485, 0.12031853944063187, 0.43339070677757263, -0.21849048137664795, 0.12766346335411072, -1.0045496225357056, 0.5165762901306152, -0.511615514755249, -0.09975399821996689, -0.2943103313446045, -0.08861519396305084, 0.46806246042251587, 0.09025788307189941, -0.13530278205871582, 0.5124222040176392, 0.7552457451820374, 0.14387625455856323, -0.29421406984329224, -0.5323090553283691, -0.38548752665519714, 0.7125654220581055, -0.3927118182182312, -0.3886895775794983, -0.5761225819587708, -0.7384071946144104, 0.693561315536499, 0.28114473819732666, -0.21593508124351501, 0.5942795872688293, 0.9824437499046326, -0.3537274897098541, 0.2310105860233307, 0.3983224332332611, 0.709213376045227, 0.9592780470848083, 0.036517877131700516, -1.226097822189331, -0.22419269382953644, 1.1931006908416748, 0.653186559677124, 0.1724846065044403, 0.93284672498703, -0.4226450026035309, 0.6823874115943909, -0.3546292781829834, -0.008826999925076962, -0.31726813316345215, 0.5181567668914795, 1.1683282852172852, 0.10028526186943054, -0.01967480033636093, -0.24250192940235138, 0.279001384973526, 0.020024074241518974, -1.0373525619506836, 1.0138529539108276, -0.1785459965467453, -0.4624859392642975, 0.053545840084552765, 0.008104648441076279, -1.1069014072418213, -0.5129142999649048, 1.3333964347839355, -0.48995208740234375, 0.1462390124797821, 0.25936275720596313, -0.07645563781261444, -0.8593336939811707, -0.6486284136772156, -0.6133634448051453, -0.26421475410461426, -1.0888054370880127, 0.07231398671865463, -0.5016799569129944, -0.7239326238632202, 0.6009991765022278, -0.2201060950756073, 1.035429835319519, -0.4207446575164795, -0.02931148372590542, -0.20042908191680908, 0.3125547468662262, -0.6696617007255554, -0.05675322934985161, 0.18023887276649475, 1.1281397342681885, 0.1930549442768097, -0.4545918405056, 0.9944625496864319, 0.8188601732254028, -0.19500558078289032, -0.2951827049255371, -0.6999088525772095, 1.0127824544906616, -0.0661625862121582, 0.808388352394104, -1.1418180465698242, -0.07086770981550217, -0.003931475803256035, -0.06405118852853775, -0.9095724821090698, -0.40753141045570374, 0.8477836847305298, -1.0483779907226562, 0.6572605967521667, 0.3978053033351898, 0.8624204397201538, 0.44553080201148987, -1.514336109161377, -0.32402580976486206, -0.22410574555397034, 0.40529346466064453, 0.7900402545928955, -0.0558762401342392, 0.7952834367752075, -1.3626385927200317, -0.6669371128082275, -0.16296876966953278, 0.1639038771390915, 0.3071812689304352, 0.45090681314468384, 0.4098455309867859, 0.41078057885169983, -0.49695277214050293, 0.3343542218208313, -0.6249022483825684, 0.1950666308403015, -0.04207736626267433, -0.5526396036148071, -0.4415430724620819, -0.034837983548641205, 0.2175891101360321, -0.682007908821106, -0.49044549465179443, 0.8687602877616882, -0.7909964323043823, 0.3173280358314514, 0.2655088007450104, -0.4124915897846222, -0.13553018867969513, -0.8120605945587158, -0.35140493512153625, -0.4231913387775421, -0.3156677484512329, -0.5965040922164917, 0.05057235062122345, 0.4653494656085968, 0.07594706118106842, 1.133234977722168, -0.17587555944919586, 0.6488028168678284, 0.3350866734981537, 0.38420814275741577, 1.3609182834625244, 0.30800512433052063, 0.34893563389778137, 0.0100967176258564, -0.021260641515254974, -0.42692267894744873, -0.2854125499725342, 0.1712341457605362, -1.4709925651550293, -0.0683092549443245, -0.6031399369239807, 0.0013792738318443298, -0.6342856884002686, -0.25304505228996277, -0.003207080066204071, 0.18638743460178375, -0.20153871178627014, -0.987393856048584, -0.21963249146938324, -0.38175585865974426, -0.21491733193397522, -0.435031920671463, 0.2265949845314026, 1.0891642570495605, 0.9447394609451294, 0.015707634389400482, 0.5290786027908325, 0.6812466979026794, -0.0861680656671524, 0.3091089725494385, -0.19361166656017303, 1.3818918466567993, 0.3329384922981262, -0.3626379370689392, 0.8314136862754822, 0.15347972512245178, -0.2338293492794037, -0.11797268688678741, -0.16448958218097687, 0.3858999013900757, 0.4567297697067261, -0.7402505874633789, -0.45966005325317383, -0.26932257413864136, -0.6866364479064941, -0.6110643148422241, -0.15592437982559204, 0.2259873002767563, -0.008990414440631866, -0.4546820819377899, 0.3008188009262085, 0.03719722852110863, 0.05652677267789841, 0.26792338490486145, -0.6549565196037292, -0.27392828464508057, 0.862215518951416, 0.5696359872817993, -0.3896491229534149, -0.251997709274292, -0.026168592274188995, -0.009531956166028976, 0.3496946692466736, -0.09611643105745316, -0.5536932349205017, -0.5563424229621887, 0.266837477684021, -0.4086785316467285, -0.30878743529319763, -0.95235675573349, -0.43755272030830383, -0.41391927003860474, 0.16982512176036835, 0.10950912535190582, -0.15608277916908264, -0.5805886387825012, 0.1296500712633133, -0.15113301575183868, 0.08403386175632477, 0.6044528484344482, -0.6223150491714478, -0.3897959887981415, 0.5109925270080566, -0.39518341422080994, -0.2517043650150299, 0.49654534459114075]} +{"paper_id": "multi_woz_v22", "embedding": [-0.670834481716156, 0.656377375125885, -0.14676177501678467, -0.28605955839157104, 0.9297103881835938, 0.4633379876613617, 0.8495482206344604, 0.4709587097167969, 0.5904209017753601, 0.7735610008239746, -0.0053068771958351135, -0.30897191166877747, -0.18080303072929382, -0.5644847750663757, -0.38311395049095154, -0.40042003989219666, -1.0102133750915527, -0.6965917944908142, -0.8264675140380859, -0.0920155718922615, -0.9150121212005615, -0.22101615369319916, -0.07595199346542358, 1.0441266298294067, -0.6754820346832275, -0.6005268096923828, 0.9372110366821289, -0.8988462686538696, 0.40550777316093445, -0.018813710659742355, -0.1427956521511078, 1.968770146369934, -1.1291155815124512, 0.02941836416721344, -0.39201703667640686, -0.16503597795963287, 0.14222504198551178, 0.9053654670715332, -0.43666088581085205, 0.12277336418628693, -0.9341456890106201, 0.41528788208961487, -0.23959790170192719, 0.986610472202301, 0.7371319532394409, 0.02630080282688141, 0.12112139910459518, 0.3072030544281006, -0.611092746257782, -0.2585028409957886, -0.7348910570144653, 0.7006891965866089, 0.06386667490005493, 0.5418192148208618, -0.5268001556396484, 0.7149496078491211, 0.0031105950474739075, -0.5305173397064209, 0.21933868527412415, -1.2427048683166504, 1.317901372909546, 0.9066783785820007, -0.034766025841236115, 0.29641008377075195, 1.2443852424621582, 0.00893034040927887, 1.3497893810272217, -0.16191688179969788, 0.4779253900051117, 0.5643125176429749, -0.06074707955121994, -1.1278088092803955, 0.6369767785072327, -0.17965996265411377, -0.06801912188529968, 1.0437566041946411, 0.867441713809967, 0.6030161380767822, -0.12309703230857849, 0.09237335622310638, 0.8411365747451782, 0.7950769662857056, 0.5362682342529297, -0.18018917739391327, 0.4974409341812134, 0.21355026960372925, 0.49885937571525574, -0.7477502822875977, 0.4034053683280945, -2.101794958114624, 0.6775437593460083, -0.07208848744630814, 0.25211000442504883, 0.004998326301574707, -0.38294073939323425, 0.4234985411167145, -0.6302393078804016, -0.0817420706152916, -0.38308730721473694, 0.4495278596878052, 1.0411638021469116, -0.5518134832382202, 0.20560428500175476, -0.4492916762828827, -0.27824583649635315, 0.6361117959022522, 0.461098313331604, 0.13036465644836426, -0.37372785806655884, -0.3329472541809082, -0.17720484733581543, 1.2842906713485718, 0.09007138758897781, 1.0982521772384644, 0.15734967589378357, 0.6772964000701904, 0.2864118218421936, -0.8610550165176392, -0.34354570508003235, 0.2014949917793274, 0.004157455638051033, -0.23601369559764862, -0.061841629445552826, -0.1931583732366562, 1.2175809144973755, -0.7920300960540771, 0.4079042673110962, -0.19016799330711365, -0.0633208155632019, -0.3320564925670624, 0.4662667214870453, -0.2166178673505783, -0.4035646319389343, -0.045894332230091095, 2.5143344402313232, -1.3760437965393066, 1.9980424642562866, -1.0712517499923706, -0.45072299242019653, -0.4644739627838135, 0.4357282221317291, 1.4055907726287842, -0.11960504949092865, -0.2566024363040924, -0.6147747039794922, -0.4628590941429138, -0.4830060601234436, 0.5431810617446899, -0.33662790060043335, -0.7915565371513367, -0.48856115341186523, 0.3423139154911041, -1.530215859413147, -0.39503657817840576, -0.16233710944652557, -0.08882521092891693, 0.07506036758422852, 0.8687241673469543, -0.1316133588552475, 0.5926048755645752, 0.3344522714614868, 0.10517753660678864, 0.03682950139045715, 0.5772559642791748, -1.0081597566604614, -0.05502862483263016, 0.8188723921775818, -0.2526703178882599, -1.1131452322006226, -0.4933590590953827, 0.4527263939380646, -0.04763012379407883, 0.21900741755962372, 0.53899747133255, -0.7346265912055969, -0.21886178851127625, 0.7388667464256287, 1.0822676420211792, -0.2299763709306717, -0.8384705781936646, -0.5667754411697388, -0.5019450783729553, -0.5848503708839417, 0.5585663318634033, -0.28735655546188354, 0.002557113766670227, -2.1161742210388184, 0.5159933567047119, -0.1844446212053299, 1.0179945230484009, 0.1836780607700348, -0.5744028687477112, 0.17806276679039001, -0.49220922589302063, 0.4101691246032715, -0.5564636588096619, 1.1203124523162842, -1.3712184429168701, -0.06613818556070328, -0.2127055674791336, -0.10796105861663818, -0.04023748263716698, 0.08482375741004944, 1.2458242177963257, 0.8357954621315002, -0.7845768928527832, -0.4923537075519562, -1.5504772663116455, -0.3346494138240814, 2.317023754119873, 0.4978841245174408, -0.6367620229721069, -0.7171218395233154, -0.1726781278848648, -0.028680142015218735, -0.09554888308048248, 0.5465259552001953, -0.8179531097412109, -0.20457309484481812, -1.1859967708587646, 0.23875674605369568, -0.79833984375, 0.39331403374671936, 1.0372788906097412, 1.2699867486953735, -0.7833217978477478, 0.08027197420597076, -0.30098938941955566, -0.5082080364227295, 0.07981036603450775, 0.49349838495254517, 0.050296809524297714, 0.10551246255636215, 0.5601986646652222, 0.21610721945762634, 0.42564886808395386, 0.08914277702569962, -0.08361257612705231, -0.45019787549972534, 0.1830890029668808, 0.060360752046108246, 1.4456610679626465, -0.03564916551113129, 0.08245639503002167, 0.5111655592918396, 0.44059038162231445, -0.17458219826221466, -0.7667252421379089, -0.013317069970071316, -0.14150792360305786, 1.2119733095169067, 1.2803845405578613, -0.37210583686828613, 0.6077543497085571, -0.2793891429901123, 0.17208801209926605, -0.18107585608959198, -0.700330376625061, -0.37538647651672363, -0.4720976948738098, 1.2598201036453247, 0.07968714833259583, 0.0037194378674030304, -0.2801774740219116, 0.18813565373420715, -0.8344224691390991, 0.1845472902059555, 0.5620595216751099, -0.2994069755077362, -1.1496833562850952, -0.0834750309586525, -0.33784282207489014, -0.7562935948371887, -0.5683526396751404, -0.1621369868516922, 0.5450498461723328, 0.048203833401203156, 1.0454623699188232, 1.3544576168060303, 0.5045625567436218, -0.3959738314151764, -0.16649575531482697, 0.8175506591796875, -0.6555690765380859, 0.829944908618927, -0.7681117653846741, 0.1703566312789917, -0.5195863246917725, 0.21484985947608948, -0.13977722823619843, 0.15143734216690063, 0.5490065217018127, -0.3599708080291748, 0.7245422601699829, -0.34536588191986084, -0.8047537207603455, 0.9612307548522949, -0.5619895458221436, 0.09634985029697418, -0.32593727111816406, 1.7162933349609375, 0.26704999804496765, -0.5163992643356323, 0.5295237302780151, -0.25875428318977356, 0.12893231213092804, 0.9884024262428284, -0.1175442487001419, 0.3494654893875122, 0.9007585048675537, -0.8161177039146423, -0.17212486267089844, 0.5704730153083801, -2.0001072883605957, -0.12509115040302277, 0.7573032975196838, -0.19233940541744232, -0.19082315266132355, -1.141053318977356, 0.3995947241783142, -0.13982386887073517, -0.38513052463531494, -0.14599952101707458, -0.49160483479499817, 0.48975661396980286, -0.5685126185417175, 0.15280292928218842, 1.2247051000595093, -0.7121725678443909, -0.20012551546096802, 0.5709173679351807, -0.2058115303516388, -0.8575401902198792, -0.5944304466247559, 0.5953401327133179, -0.4007852375507355, 0.06880572438240051, 0.5257167816162109, 0.6320812702178955, 1.2077162265777588, -0.3244003355503082, -0.33782386779785156, 0.8987947106361389, 0.6146332025527954, -0.012949417345225811, 0.18017131090164185, 0.1496751606464386, 1.2942967414855957, -0.6904022097587585, 0.8791694045066833, 0.049209315329790115, -0.48268792033195496, -1.3739550113677979, 0.15364421904087067, -0.6355428695678711, -0.7816885113716125, 1.9042290449142456, 0.2709813714027405, 1.1416258811950684, -0.10024239867925644, 0.5061718225479126, -1.0083320140838623, 0.2800014615058899, 0.8723670840263367, 0.2527208626270294, -0.32510513067245483, -0.3841078281402588, 0.02065654844045639, 0.33438947796821594, 0.24313421547412872, -0.7421457171440125, -0.35150694847106934, 1.2672981023788452, -0.04961699619889259, -0.45544663071632385, -0.5688479542732239, 0.9849143624305725, 0.07848446816205978, 1.144856333732605, -0.69725102186203, -0.6336430907249451, -0.05116943269968033, 0.6798647046089172, 0.29719671607017517, 0.7825088500976562, -0.803823709487915, 0.8086353540420532, 0.4279143810272217, -0.02424144372344017, -0.41240912675857544, 1.0021862983703613, -0.16571581363677979, -0.7949367761611938, -1.3514165878295898, -0.21984827518463135, -0.7162538170814514, -0.3806305527687073, -0.1018005758523941, -0.2596712112426758, -0.7928394079208374, 1.2242441177368164, -0.22016918659210205, -0.6949697136878967, 0.6012344360351562, -0.27685546875, -1.275547981262207, 0.7975595593452454, 0.5416973829269409, -1.6183229684829712, 0.11612296849489212, -0.2528529763221741, -1.0122629404067993, -0.2858944833278656, 0.03666294366121292, -0.5486671328544617, 0.662983238697052, -0.02929118275642395, 0.7183376550674438, 0.039665184915065765, 0.24515263736248016, -0.5551918745040894, 0.8396081924438477, 0.6881459355354309, -0.92625492811203, 0.475530207157135, 0.6052438616752625, 0.6319864392280579, -0.3647303879261017, -0.8799266219139099, -1.0163483619689941, 0.847238302230835, -0.011522926390171051, 0.07997304946184158, -0.647548258304596, -0.39263811707496643, 0.1526767909526825, -0.5207680463790894, 0.10929466784000397, -0.7113256454467773, 0.27268368005752563, -0.2765790820121765, -0.2924317419528961, 0.5826828479766846, -1.2258254289627075, -1.4941118955612183, 0.2501552104949951, -1.0029536485671997, 0.5592995882034302, -0.6098482608795166, 0.16686922311782837, 1.4516392946243286, 0.7241359949111938, 1.0780678987503052, 0.1435987651348114, -12.169013977050781, 0.9288583397865295, -0.47019869089126587, -0.14848016202449799, 0.5678943991661072, -0.6053491830825806, 0.754505455493927, 0.1460554450750351, 0.8103271126747131, -0.8858430981636047, 0.6905039548873901, 1.1305058002471924, -0.3444500267505646, -0.8173447847366333, -0.798261284828186, -1.048922061920166, -0.590063750743866, -0.7725194692611694, -0.021903730928897858, -0.02142636477947235, -0.09352533519268036, -0.8283971548080444, -0.43262946605682373, -0.05430934205651283, -0.2471439689397812, 0.2474035918712616, -0.32349616289138794, -0.5847039222717285, -0.22396254539489746, 0.3218449354171753, 0.6185622215270996, -0.012713788077235222, -0.1673385500907898, -0.6748864054679871, 0.1397324949502945, 0.18395768105983734, -0.5160248279571533, -0.39428433775901794, 0.4856160581111908, 0.06393171846866608, -0.10665339231491089, 0.4029998481273651, 0.6166283488273621, -0.297418475151062, -0.30329078435897827, 0.37857913970947266, -0.1973377913236618, -0.2689491808414459, 0.2217828631401062, -0.49844902753829956, -0.554751992225647, -0.3685796856880188, -0.956109344959259, -0.03355724364519119, 0.012804049998521805, -0.8745291233062744, -0.5832236409187317, 0.6194757223129272, -0.5701075196266174, -1.0375697612762451, 0.5162076354026794, -0.34115540981292725, -0.5417259335517883, 0.6547732949256897, 0.7865598797798157, -0.7280450463294983, 0.514051616191864, 0.4297851026058197, -0.4153762757778168, 0.4577189087867737, -0.6486138701438904, 0.4581925868988037, -0.4421515464782715, 0.22238430380821228, -0.7887176275253296, -0.32338404655456543, -0.22032588720321655, 0.09994872659444809, 0.5858134627342224, 0.1580706536769867, -0.5556471347808838, 0.5683829188346863, 0.4526350200176239, -0.8707644939422607, -0.9346180558204651, 0.3822482228279114, -0.1346164047718048, 0.02891402319073677, 1.4002190828323364, -0.38038170337677, 0.9687436819076538, 0.664297878742218, -0.7521736025810242, 0.10803002864122391, -0.30909445881843567, 0.5213475227355957, 0.9104682207107544, 0.8411442637443542, 0.15754330158233643, -0.30885154008865356, 0.284599244594574, -0.12259583920240402, -0.24321547150611877, 0.6094785332679749, 0.6092501878738403, 0.15224134922027588, 0.0015142560005187988, 0.5298207998275757, 0.3067699074745178, 0.05267508700489998, 1.0617998838424683, -0.0394832044839859, -0.5226488709449768, 0.7421079874038696, 0.5390193462371826, 0.3911362886428833, 0.8475087285041809, 0.4865823984146118, 1.0892179012298584, 0.4722956418991089, -0.14581556618213654, 1.0883889198303223, -0.05091766268014908, 1.145588755607605, 0.10245932638645172, -0.37217530608177185, 0.6352055668830872, 0.5493917465209961, -0.5286093950271606, -1.689116358757019, 0.134916290640831, -0.11756394803524017, 0.6479920148849487, -0.49407362937927246, -0.4068828225135803, -0.08857017755508423, -0.5683481693267822, 1.2511107921600342, -0.5429619550704956, 0.17662516236305237, 0.09270203113555908, -0.7615612149238586, -0.14813973009586334, -1.155277132987976, -0.5396517515182495, -0.15251392126083374, -1.1233850717544556, 0.09367115050554276, -0.27639052271842957, 0.1483941525220871, 0.8697075843811035, -0.09823129326105118, 1.1977914571762085, -0.7553334832191467, -0.2566938102245331, 0.1699398159980774, 0.5823132991790771, -0.30129265785217285, -1.091755747795105, 0.04557684063911438, 0.13052594661712646, 0.8614619374275208, -1.2542016506195068, 1.0460803508758545, 0.6803051233291626, -0.07973635196685791, -0.4063791334629059, -0.11315147578716278, -0.7494261264801025, 0.2472350001335144, 1.2345637083053589, -1.1876749992370605, -0.5534968972206116, -0.6580950021743774, -0.18335457146167755, -0.14548803865909576, 0.8721887469291687, 1.0614728927612305, -1.0750000476837158, -0.08745536208152771, -0.628289520740509, 0.23676344752311707, -0.4002479612827301, -0.7194187045097351, -0.0334196612238884, 0.3239127993583679, 0.06786617636680603, 0.9672471880912781, 0.20000232756137848, 0.3270745277404785, -1.8298397064208984, -0.82298743724823, -0.29172080755233765, -0.4306779205799103, -0.023208260536193848, -0.14405366778373718, 1.3582936525344849, 0.39507848024368286, -0.06829451024532318, 0.30112984776496887, 0.4351959824562073, 0.6444905400276184, -0.015947725623846054, 0.11978049576282501, -0.4034968912601471, -0.06798698008060455, -0.6302012205123901, 0.19896507263183594, 0.2734116017818451, 0.1710391789674759, -1.016619324684143, -0.35574525594711304, 0.38628190755844116, -0.26109057664871216, 0.7801811099052429, -0.5602357387542725, -0.17605358362197876, -0.07781876623630524, -0.3871504068374634, -1.315285563468933, 0.14868834614753723, 1.124756097793579, -0.04765303432941437, 1.1217098236083984, 0.3535376787185669, 0.4444313645362854, 0.8852071166038513, -0.048059627413749695, 0.6773313879966736, 0.034430377185344696, -0.10772011429071426, 0.15896187722682953, -0.06104955077171326, 0.3574009835720062, 0.17164713144302368, -0.7394920587539673, -0.9000528454780579, 0.26077666878700256, -1.146411657333374, 0.1485113799571991, -0.34537070989608765, 0.5918026566505432, 0.7233092784881592, 1.4428431987762451, -1.095496654510498, -0.87825608253479, -0.7597914934158325, -0.797612726688385, 0.052041295915842056, 0.3461472988128662, 0.6952093243598938, 1.0120831727981567, 0.8830356597900391, 0.22228172421455383, 0.9620840549468994, -0.7093766927719116, -0.15475140511989594, 0.31659194827079773, 0.35902535915374756, 0.4639919400215149, 0.662574291229248, 0.4696633815765381, 0.24675969779491425, 0.20753087103366852, -0.5117316246032715, 0.20964008569717407, -0.1265130639076233, 0.7330312728881836, 0.6883502006530762, -0.5295014381408691, -0.17207564413547516, -0.8033186793327332, 0.18919382989406586, -0.3600046932697296, 0.8406772613525391, 0.5805203914642334, -0.841839611530304, -0.600166380405426, -0.9397819638252258, -0.4890752136707306, 0.8186513185501099, 0.025298921391367912, -0.718172013759613, -0.6266084909439087, 0.5371783971786499, 0.3128332197666168, -0.5879469513893127, -1.118055820465088, 0.36174967885017395, -0.8465790748596191, 0.4778754711151123, -0.5297069549560547, -0.59822678565979, -0.5363162159919739, 0.2661370635032654, -0.8675623536109924, 0.5507432222366333, -0.6051192283630371, -0.8052086234092712, -1.1757557392120361, 0.22550326585769653, -0.011096950620412827, 0.1363484114408493, 0.3827393651008606, -0.13001497089862823, -1.8083430528640747, 0.6664833426475525, 1.2021938562393188, 0.061348289251327515, -0.7880885004997253, 0.6766275763511658, -0.033700279891490936, -0.07645208388566971, 1.2324026823043823]} +{"paper_id": "nsmc", "embedding": [-0.9500648975372314, 1.7800838947296143, 0.37466129660606384, -0.13395914435386658, 0.27735593914985657, -0.581906795501709, 0.5556315183639526, 0.4401102066040039, 0.5066179633140564, -0.17415979504585266, 1.2723066806793213, -0.6301127672195435, -0.20774276554584503, 0.2291886806488037, -0.13704070448875427, 0.6058894395828247, 0.4126131236553192, -0.33344224095344543, 0.10024988651275635, -0.23035180568695068, -0.6954167485237122, -0.7741691470146179, 0.03261430934071541, 0.6877811551094055, -1.2764043807983398, -0.93583744764328, 0.41493165493011475, -0.3823968768119812, 0.04747331887483597, -0.4505253732204437, 0.09279398620128632, 0.671977698802948, -1.3634016513824463, 0.012896627187728882, -0.6128713488578796, 0.09350857138633728, 0.4338977336883545, 0.8781072497367859, -0.15225180983543396, -0.4113198518753052, -0.4177561402320862, -0.03033868409693241, 1.0709348917007446, 0.11354540288448334, 1.6865308284759521, -0.017140496522188187, 0.18793822824954987, -0.03933947905898094, 0.3769851326942444, 0.009588722139596939, -0.483071893453598, 0.03180699050426483, -0.58546382188797, -0.17150819301605225, -1.454603910446167, 1.4681174755096436, -0.35571786761283875, -0.1815510094165802, -0.008327476680278778, -1.4497770071029663, 1.5952625274658203, 1.6663039922714233, 0.340244323015213, -0.6865954995155334, 1.1886144876480103, 0.2997879981994629, 1.4858533143997192, -0.050728559494018555, 0.6873629093170166, 0.0543242022395134, -0.7634425759315491, -1.185072660446167, -0.025743067264556885, -0.5387992262840271, -0.3553038537502289, 0.36941125988960266, 0.7049512267112732, 0.12930966913700104, 0.6467750668525696, 0.7441123127937317, -0.5158853530883789, 1.0565606355667114, -0.4033358693122864, 0.10916436463594437, -0.12888914346694946, -0.16992607712745667, 0.0017137527465820312, 0.1796262413263321, 0.6423696279525757, -1.4588279724121094, -0.05249418318271637, -0.11622056365013123, -0.1176242083311081, 0.35428524017333984, -0.6775708198547363, -0.4631056785583496, 0.4657894968986511, -0.09825162589550018, -0.6151591539382935, 0.4721846878528595, 0.44905656576156616, -0.5294514894485474, 0.3629938066005707, -0.41170254349708557, 0.06397435069084167, 1.3404264450073242, 0.060985758900642395, -0.22826451063156128, -0.5827233195304871, -0.19056172668933868, -0.10452423989772797, 1.1704609394073486, 0.39975327253341675, 0.7149181365966797, 0.5353012681007385, -0.8734650015830994, -0.32553860545158386, 0.25467437505722046, -0.9950050711631775, 0.5980242490768433, -0.42439258098602295, -2.073396682739258, -0.21996158361434937, 0.6572620272636414, 1.020809292793274, -0.23373523354530334, 0.5319531559944153, -0.5848871469497681, -0.19252608716487885, 0.021619124338030815, 1.0345929861068726, 0.13430020213127136, -0.9178974628448486, -0.765367865562439, 1.8137257099151611, -0.5489355325698853, 0.5827793478965759, 0.35177579522132874, -0.25988146662712097, -0.3182153105735779, -0.4666019678115845, 1.2974416017532349, 0.4568193256855011, -0.9671154022216797, -0.7302975058555603, -0.030950212851166725, -0.5762577652931213, 0.10515425354242325, -0.6416133046150208, -0.7703644037246704, -0.3099258542060852, 0.596361517906189, -1.0230928659439087, -0.901871919631958, 0.11942274868488312, 0.22113916277885437, 0.4951472580432892, 0.5883801579475403, -0.39052435755729675, 1.8741276264190674, 0.8910452723503113, 0.4843222498893738, -0.7114110589027405, 0.44243109226226807, -0.6012117266654968, -0.4332796633243561, 0.2968344986438751, 0.6081852912902832, -0.3123507797718048, -1.5198442935943604, 1.1248769760131836, -0.4637254476547241, 0.4263201355934143, -0.6743427515029907, -0.8930752277374268, -0.21210038661956787, 0.3108445405960083, 0.3765464723110199, 0.508272647857666, -0.23539888858795166, -0.3064703047275543, -0.27910497784614563, 0.04621393233537674, 0.11901407688856125, 0.6018526554107666, 0.04687770828604698, -1.4925527572631836, 0.03175237029790878, -0.458052396774292, 0.22205597162246704, 0.802100658416748, -0.4621182978153229, 0.11776044964790344, 0.5088976621627808, -0.5292147994041443, 0.1968183070421219, 0.6516848206520081, -1.6506733894348145, -0.01720298081636429, 1.0995601415634155, 0.5361388921737671, -0.04449041932821274, -0.22528979182243347, 0.7508430480957031, 0.5939326286315918, 0.29437491297721863, 0.013659967109560966, -1.2497849464416504, 0.6358880400657654, 1.5196171998977661, -0.21652910113334656, -1.1715400218963623, -1.208339810371399, -0.0415356308221817, 0.7573735117912292, -0.00855490006506443, 0.7183284759521484, -0.17149797081947327, -0.005711473524570465, -0.6549054384231567, 0.5257271528244019, -0.6291301250457764, 0.1818314492702484, -0.023799492046236992, 1.2429803609848022, -0.6951034069061279, -1.0116273164749146, 0.6355075836181641, -1.7882235050201416, 0.27257487177848816, 0.8877098560333252, 0.3612610101699829, -0.05540949106216431, 1.0659483671188354, 0.6590878367424011, 0.2226274162530899, 0.08709835261106491, 0.5477211475372314, 0.18602553009986877, -0.23398907482624054, 0.22702044248580933, -0.36105865240097046, 0.09701274335384369, -0.9486210346221924, 0.939015805721283, 0.6250919699668884, 0.22719591856002808, -0.9640347957611084, -0.5987003445625305, -0.2727305293083191, 0.6381123661994934, 1.1175073385238647, -0.39581406116485596, 0.9331623315811157, -0.0506269596517086, -0.2459772825241089, 0.8775409460067749, -0.342909038066864, -0.059980712831020355, -0.4663544297218323, 0.09254038333892822, -0.30046546459198, 0.7711944580078125, 0.16523225605487823, 0.10964125394821167, -0.006262499839067459, -0.36569908261299133, 0.09783335775136948, -1.2970715761184692, -0.1553342193365097, 0.13013537228107452, 0.917847752571106, -1.3103797435760498, -0.6051931977272034, -0.0642981231212616, 0.48438742756843567, -0.4424484074115753, 0.6758177280426025, 0.8901030421257019, -0.4828615188598633, 0.3882453441619873, -0.9628944396972656, 0.7713674306869507, 0.07230092585086823, 1.253556728363037, -0.6253239512443542, 0.7420386672019958, -0.7064800262451172, 0.015529468655586243, -0.35608619451522827, 0.24677816033363342, 0.467421293258667, 0.04537852108478546, 0.955742597579956, -0.43876442313194275, -1.5760819911956787, 1.2285668849945068, -0.01682424172759056, -0.21118739247322083, -0.7545267343521118, 0.573513925075531, 0.39976856112480164, -0.35263535380363464, 0.3449280261993408, -0.3544922173023224, -0.14435064792633057, 1.4533886909484863, -0.7051029205322266, 0.9609538316726685, 0.5095773339271545, -0.1387690156698227, 0.2127247452735901, -0.2363935112953186, -1.5323762893676758, -0.2731780409812927, 1.029510259628296, -0.532739520072937, 0.5498163104057312, -0.2628178000450134, 0.15161685645580292, -0.6318517327308655, 0.2345954179763794, -0.01710379868745804, -1.3810992240905762, 0.3082721531391144, -0.1826465129852295, 0.5539835095405579, 0.739088773727417, -0.6549820899963379, 0.1636107861995697, 0.5864788293838501, 0.23553466796875, -0.5078603029251099, -0.5743451714515686, 0.6811858415603638, -0.6944926977157593, 0.33680638670921326, -0.2901972234249115, 0.7124789357185364, 0.2639550268650055, -0.8608815670013428, -0.17822745442390442, -0.39582109451293945, -0.0326971635222435, -0.1362968385219574, -0.31544867157936096, 0.649878978729248, 1.2946792840957642, -0.5557895302772522, 1.4782923460006714, 0.13134320080280304, -0.05062304064631462, -1.0395885705947876, 0.33992189168930054, -0.7140685319900513, 0.07062982022762299, 1.8245482444763184, 0.29951950907707214, 1.2523953914642334, -0.37723249197006226, 0.0005738958716392517, 0.37168240547180176, 0.37505990266799927, 0.3476230800151825, 1.421600103378296, -0.4023289084434509, -0.3510687053203583, 0.9198093414306641, 0.1031123548746109, 0.6106063723564148, -0.39367547631263733, 0.19347891211509705, 0.4247603714466095, -1.0091887712478638, -0.568112313747406, 0.3861187696456909, 0.9434131383895874, 1.3178550004959106, 1.6513551473617554, 0.40415483713150024, -0.7696524858474731, -0.4825950562953949, 0.09409360587596893, 1.0522310733795166, -0.1624467968940735, -0.16940084099769592, 0.3332172930240631, 0.29522573947906494, 0.7374742031097412, 0.09397976100444794, 1.046891450881958, 0.35658755898475647, -0.36228060722351074, -1.2002149820327759, 0.07572174072265625, -1.1881513595581055, -0.392977774143219, -0.9887733459472656, 0.701580286026001, -0.8060815930366516, 0.028152164071798325, -0.33940932154655457, -1.3534318208694458, 0.1396273970603943, -0.2245059311389923, -0.8696337938308716, 1.046433687210083, 1.7681180238723755, -0.6128569841384888, -0.4993759095668793, -0.19615155458450317, -0.8459688425064087, -0.6218003630638123, -0.28665289282798767, -0.6245425939559937, 0.8540459275245667, -0.15487129986286163, -0.03550749272108078, 0.45650941133499146, -0.6038191318511963, -0.6037302017211914, 0.45795029401779175, 1.2079362869262695, -0.9662445187568665, 0.8635190725326538, -0.5400943756103516, -0.8310348987579346, 0.07877813279628754, -1.315619707107544, -0.4305908977985382, 0.3827109932899475, 0.40446189045906067, -0.38316836953163147, -0.47992751002311707, -0.5317216515541077, 0.1698226034641266, -0.07608620822429657, 0.6944538354873657, -0.32605916261672974, 0.2129584401845932, -0.46575772762298584, -0.12564092874526978, -0.2877320647239685, -0.6367583274841309, -0.5154046416282654, 0.671142578125, -0.3969394564628601, 0.6609876155853271, -0.0670609325170517, -0.06782613694667816, 0.864255428314209, 0.001841709017753601, 0.09548772871494293, 0.17912182211875916, -12.050581932067871, 0.432018518447876, -0.7067395448684692, 0.7248327136039734, 0.7377989888191223, 0.14366480708122253, 0.2539988160133362, 0.04319966956973076, 1.3593635559082031, -0.8294222354888916, 0.3035760223865509, 0.9789048433303833, -0.13675162196159363, -0.29644131660461426, -0.32920873165130615, -0.4669361710548401, -0.47895586490631104, -0.7514458894729614, 0.20001022517681122, 0.04363758862018585, 0.6472487449645996, -0.6276340484619141, -1.018432378768921, -0.28136733174324036, -0.10769105702638626, -0.6548593640327454, -0.14287298917770386, -0.7554081678390503, -0.7509993314743042, 0.8990113735198975, 0.7876745462417603, -0.7655091881752014, -0.35769087076187134, -0.5599479675292969, 0.22198204696178436, 0.42085060477256775, -0.9307343363761902, 0.1962110549211502, 0.5507116913795471, -0.5733029246330261, 0.4255902171134949, 0.3552896976470947, 0.2544386088848114, 0.2628006041049957, -0.24417553842067719, -0.08118772506713867, -0.4020007848739624, -0.6569113731384277, -0.27770569920539856, -0.07338827848434448, -0.5679508447647095, -0.6029235124588013, -1.2529860734939575, 0.2835044264793396, 0.447426438331604, 0.3654744625091553, -1.26771879196167, 0.447614848613739, -0.9367011785507202, -0.26619261503219604, 1.510143756866455, -0.05337546020746231, -0.03756898269057274, -0.2613200843334198, 0.7653833627700806, -0.668846845626831, 1.075871467590332, 0.2572329044342041, -0.4674101769924164, 0.5257581472396851, -0.30208149552345276, 1.0190863609313965, 0.44650983810424805, 0.18378478288650513, -0.23627105355262756, 0.6496207118034363, -0.6686345934867859, 0.3866279721260071, 0.357486754655838, 0.4547622501850128, -1.2740448713302612, 0.780019223690033, -0.2515583634376526, -0.9470597505569458, -0.6107951402664185, 0.3832312524318695, -0.6589849591255188, -0.6238616704940796, -0.07206603139638901, -0.1015324592590332, 0.7143056392669678, 0.15763580799102783, -0.49102646112442017, -0.40132707357406616, -0.44695064425468445, 0.25973162055015564, -0.9265187978744507, 0.3664477467536926, -0.17531198263168335, -0.15440216660499573, 0.5276765823364258, 0.25878122448921204, -0.6098983287811279, 0.004396945238113403, -0.11959528923034668, -0.7384392023086548, 0.3065533936023712, 0.45376673340797424, 0.07561030983924866, 0.25082647800445557, 0.5032597780227661, -0.37254106998443604, 0.42637479305267334, 1.2668919563293457, -0.07275345176458359, 1.1684917211532593, 0.6171491146087646, -1.4230279922485352, 0.03825249522924423, 0.9577733874320984, -0.11978968232870102, 0.31576603651046753, 0.9123353958129883, 1.0962129831314087, 0.41005831956863403, 0.09134404361248016, -0.08363285660743713, 0.15440040826797485, 0.00600338913500309, -0.987111508846283, 1.0211880207061768, -0.5903510451316833, -0.4384356737136841, -0.38061606884002686, -1.2631925344467163, -0.11788340657949448, -0.14985539019107819, 1.675864338874817, -0.6875274181365967, 0.2990833818912506, -0.4682621955871582, -0.8200653195381165, -0.26157504320144653, 0.27101099491119385, -0.5739426612854004, -0.5589128732681274, -0.883918821811676, -0.24165770411491394, -0.734241247177124, -0.5641022324562073, 0.1599998027086258, 0.21592995524406433, 0.4148787260055542, -0.7353796362876892, -0.6157037019729614, -0.20780396461486816, 0.09684185683727264, -0.5799187421798706, -0.6976262331008911, -0.181674063205719, 1.461242437362671, 0.18079635500907898, -0.058364346623420715, 0.6060079336166382, 0.39897677302360535, 0.11612588167190552, 0.26527339220046997, 0.365364670753479, -1.2850310802459717, 0.5280755758285522, 1.1605948209762573, -0.7841101288795471, -0.2788534462451935, 0.24164201319217682, -0.404832661151886, -0.3943920135498047, 0.41149187088012695, 1.4133875370025635, -0.8948574066162109, 0.6108290553092957, -0.3493006229400635, 0.4052828550338745, 0.8142134547233582, -0.7232503294944763, -0.05699712038040161, 0.18666869401931763, -0.22618594765663147, 1.096275806427002, -0.3624575138092041, -0.6476558446884155, -1.5372183322906494, -1.3472380638122559, -0.41948384046554565, -0.1513446420431137, 0.9347022175788879, 0.20712117850780487, 0.08947963267564774, 0.29225602746009827, -0.3585491180419922, 0.35115355253219604, -0.2273070365190506, 0.5764808654785156, 0.2545562982559204, 0.25211790204048157, 0.3659869432449341, -0.5226278305053711, -0.4415072798728943, -0.18303146958351135, 0.7961065173149109, 0.7339176535606384, -1.063273310661316, 0.21121807396411896, 0.9350053668022156, 0.7869755029678345, 0.9434880018234253, -0.8248316049575806, 0.6747626066207886, 0.2748955488204956, -0.6062226891517639, -0.9958560466766357, -0.6119391918182373, 0.4346800446510315, -0.9818361401557922, 1.023540735244751, 0.3091675639152527, 0.5526306629180908, 0.42650288343429565, 0.3776546120643616, 0.907515287399292, -0.2777166962623596, -0.6267395615577698, 0.4741295576095581, -0.34387314319610596, -0.26238247752189636, -0.6025310754776001, -0.13099674880504608, -1.2868428230285645, 0.5979878306388855, -1.2694246768951416, 0.45736265182495117, -0.5753745436668396, -0.3771468997001648, -0.6533651351928711, 1.0278760194778442, 0.36513572931289673, -1.009708046913147, -0.8156940340995789, -0.6708216667175293, -0.33909210562705994, 0.2534753084182739, -1.179073452949524, 1.7035146951675415, 0.592796266078949, 0.009137436747550964, 1.4164650440216064, 0.053603045642375946, -0.40996628999710083, 0.25490427017211914, -0.5856257677078247, 1.0661916732788086, 0.5438750982284546, -0.10360758006572723, 0.7592801451683044, 0.06055882200598717, -1.2560147047042847, -0.13328656554222107, -0.4708824157714844, 0.1062423437833786, 0.5967963337898254, -0.9486674070358276, -0.44761836528778076, -0.2148505300283432, -0.02616673707962036, -0.4726957082748413, 0.7353204488754272, 1.1139569282531738, -0.3435213565826416, -0.03528579697012901, -0.9922705888748169, -0.6752640604972839, 0.7575374245643616, -0.5042397975921631, 0.2170705944299698, -0.14377619326114655, 0.4243188202381134, 0.2744136452674866, -0.23964188992977142, -0.30625128746032715, 0.14953036606311798, -0.35698777437210083, 0.5942886471748352, 0.39875873923301697, -0.5780501365661621, -0.4797305464744568, -0.21266157925128937, -0.46518662571907043, 0.814729630947113, 0.6566798090934753, -0.9276238679885864, 0.31327417492866516, 0.31161850690841675, -0.16142702102661133, 0.030308248475193977, 0.012922577559947968, 0.30423831939697266, -1.1124625205993652, 0.40291255712509155, 0.15146708488464355, 0.8370065689086914, -0.04939451813697815, 0.08711836487054825, 0.8412732481956482, -0.13742738962173462, 0.9022908210754395]} +{"paper_id": "conllpp", "embedding": [-0.7574695348739624, 1.2265403270721436, -0.12499451637268066, -0.4025661051273346, 0.17033568024635315, -0.1948280781507492, 0.04005942493677139, 0.46491900086402893, 1.1925396919250488, 0.9820558428764343, 0.2272000014781952, -0.24272775650024414, -0.4686151444911957, -1.0523884296417236, -0.6053879261016846, 0.020844291895627975, -0.43601131439208984, -0.344590425491333, -0.9073108434677124, -0.2986832559108734, -1.237504005432129, -0.9495006799697876, -0.17837515473365784, 0.6510004997253418, -1.0855578184127808, -1.2656813859939575, -0.027391493320465088, -0.8714788556098938, 0.026850417256355286, 0.3922653794288635, -0.5175904631614685, 1.3678432703018188, -1.6255147457122803, 0.46891161799430847, -0.2166871726512909, -0.241499125957489, 0.800657331943512, 0.2683476209640503, 0.11218307167291641, -0.24089115858078003, -0.6832915544509888, -0.7496662735939026, 0.5960317850112915, 0.7177696824073792, 1.433763861656189, -0.573419451713562, 0.7209265232086182, -0.22215475142002106, 0.36328375339508057, -0.2868143320083618, -0.24837109446525574, -0.05553353577852249, 0.13849791884422302, 0.8558759689331055, -0.7810288667678833, 1.2744553089141846, 0.24199536442756653, -0.5353776216506958, 0.404953271150589, -0.21061639487743378, 1.1275006532669067, 1.3017781972885132, -0.4268512427806854, -0.627326250076294, 1.1130547523498535, 0.5432202219963074, 1.8588522672653198, -0.028458360582590103, 0.7513168454170227, 0.7011289596557617, 0.04557499289512634, -1.8644437789916992, -0.24679991602897644, -0.9766399264335632, 0.7458888292312622, 0.6483532190322876, 0.5443118810653687, -0.1283283233642578, 0.42640921473503113, -0.584172785282135, -0.7446519136428833, 1.2587404251098633, 0.8216795325279236, 0.035477325320243835, -0.4928835928440094, -0.02940453588962555, 0.48051753640174866, -0.7569811344146729, 0.5702296495437622, -1.4999338388442993, 1.0173205137252808, 0.12043330818414688, -0.813255250453949, 0.36326664686203003, 0.32732677459716797, 0.4619006812572479, -0.42716604471206665, -0.3071960210800171, -0.5512514114379883, -0.07275357842445374, 0.9719038605690002, -0.49891480803489685, -0.015318321995437145, -0.8658470511436462, -0.34660056233406067, 1.9826083183288574, -1.0301661491394043, 0.021319348365068436, -1.5100842714309692, 0.12234549969434738, 0.8896522521972656, 1.5058897733688354, -0.2685913145542145, 0.853005051612854, -0.04667608439922333, 0.5402474403381348, 0.5685591697692871, -0.48147156834602356, -0.5780816674232483, 0.23730824887752533, 0.04053427278995514, -0.7917344570159912, -0.5442244410514832, -0.41847217082977295, 1.7131422758102417, -0.8749744892120361, 0.9296442866325378, -0.22184991836547852, 0.24177147448062897, -0.20635543763637543, 0.6107858419418335, 0.03841995447874069, -1.1718668937683105, -0.4363730549812317, 3.075028657913208, -1.3615843057632446, 1.0328830480575562, -1.028163194656372, 0.1511438488960266, -0.0867241770029068, 0.3514103591442108, 1.3049372434616089, 0.5543233752250671, 0.06032969430088997, -0.6351265907287598, 0.8226131796836853, -1.1588847637176514, 0.7298499345779419, -0.9022388458251953, -0.6466066241264343, 0.17541976273059845, 0.4383735954761505, -1.3109488487243652, -0.30343079566955566, 0.19246390461921692, 0.3700086772441864, -0.09859524667263031, 1.0206516981124878, -0.6941261291503906, 1.315542459487915, 0.3884589374065399, -0.2812501788139343, -0.28922998905181885, 0.8692855834960938, -1.2638977766036987, -0.2737806737422943, 1.4616996049880981, 0.36604705452919006, -1.5257285833358765, -0.384661465883255, 1.1749274730682373, -0.1518184244632721, -0.5529831647872925, -0.1824604719877243, -0.4120387136936188, -0.23589783906936646, 0.3815518617630005, 0.3870890736579895, -0.06999111920595169, -0.34317803382873535, -0.09807248413562775, 0.24676132202148438, -0.402560830116272, 0.6087960004806519, -0.3374355733394623, 0.6067878603935242, -2.010521650314331, -0.8704569339752197, -0.09493225067853928, 1.3314841985702515, -0.39827004075050354, -0.6427285075187683, -0.15690183639526367, 0.940291702747345, 0.5623201727867126, -0.670536458492279, 0.844825029373169, -1.578480839729309, -0.5086404085159302, -0.023165136575698853, 0.24576187133789062, -1.2101858854293823, 0.0981028601527214, 0.9919441938400269, 0.16029691696166992, -0.7915667295455933, -0.7770271301269531, -1.784006953239441, -0.6619428992271423, 2.6417508125305176, -0.02768751233816147, -1.0188853740692139, -1.463300347328186, -0.6753953695297241, 0.0972093865275383, -0.6507161855697632, 1.0129525661468506, -1.127571940422058, 0.11510483175516129, -1.252777099609375, 0.7271217703819275, -0.7680192589759827, -0.1629302203655243, 0.8601973056793213, 0.8088631629943848, -0.08463339507579803, -0.417839914560318, 0.18411138653755188, -0.5166516304016113, 0.8375244736671448, 0.3525623381137848, 0.11572011560201645, -0.07881826907396317, 1.192518711090088, 0.7501397728919983, 0.6898168921470642, 0.15017583966255188, 0.3422726094722748, -0.7299673557281494, 0.6305961012840271, -0.28692570328712463, 0.3288467824459076, -0.5202953815460205, -0.0637006163597107, 1.3138246536254883, 0.036584265530109406, -0.553143322467804, -0.6542686820030212, 0.013421133160591125, 0.17781361937522888, 0.943596363067627, 0.2417258322238922, 0.11200784146785736, 0.7050138115882874, -1.1927393674850464, 0.08495504409074783, -0.7593669891357422, -0.7866284251213074, -0.031024061143398285, -0.5510885119438171, 0.7992366552352905, -0.6807900071144104, 0.09947308897972107, -0.7990167140960693, 0.21689605712890625, -1.4308786392211914, -0.03575694561004639, 0.03499555587768555, -1.0610872507095337, -1.4029169082641602, 0.5665901899337769, 0.5723091959953308, -0.725047767162323, -0.3006941080093384, 0.28997552394866943, 0.7604305148124695, 0.18203991651535034, 1.047821044921875, 1.5225064754486084, -0.6640931367874146, 0.015479706227779388, 0.20874445140361786, 0.6360729932785034, -0.636005699634552, 0.738787829875946, 0.1447899341583252, 1.0751107931137085, -0.358258992433548, -0.17269843816757202, 0.1679496318101883, 0.3468245565891266, 0.8579487800598145, 0.24828854203224182, 0.7635415196418762, -0.18740218877792358, -1.122422695159912, 1.9226324558258057, -0.08446480333805084, 0.12583574652671814, -1.3946069478988647, 1.2336097955703735, 0.815985381603241, 0.03129822388291359, 0.5122057199478149, 0.026423973962664604, -0.11514785885810852, 1.1075115203857422, -0.3552599549293518, 0.4778429865837097, 0.005628138780593872, -0.15319466590881348, 0.1983945518732071, 1.1526495218276978, -1.6732338666915894, 0.11163552105426788, 0.39617079496383667, -0.29385313391685486, 0.22575967013835907, -0.44203001260757446, 0.42484915256500244, -0.9620148539543152, -0.10611359775066376, 0.3934764862060547, -0.5712465643882751, 0.09052921831607819, -0.4592583179473877, 0.07968863844871521, 0.39688751101493835, -1.0499507188796997, 1.0007505416870117, 0.6033604145050049, -0.11427543312311172, -1.3483734130859375, 0.0851970836520195, 1.3912464380264282, -0.7510111927986145, -0.031882062554359436, 0.3442378640174866, 0.49710363149642944, 1.6725051403045654, -0.522533118724823, 0.4558660387992859, 0.24315907061100006, 0.5951108932495117, -0.22112339735031128, -0.14854593575000763, -0.3264061212539673, 0.9431576132774353, 0.3055591285228729, 1.0808207988739014, 0.10453237593173981, -0.7066606283187866, -1.5259286165237427, -0.07866503298282623, -0.112606480717659, -0.2829047739505768, 2.516403913497925, 0.7035433650016785, 1.6386146545410156, 0.19246910512447357, 0.5742594599723816, -0.6980767846107483, -0.10310442745685577, 0.6482068300247192, 0.7225096821784973, -0.4928634762763977, -0.5411502122879028, 0.8747308254241943, 0.026550643146038055, -0.3759811818599701, -0.8835258483886719, 0.5801881551742554, 1.1595114469528198, -0.28432613611221313, -1.698872447013855, -0.3829452395439148, -0.14959317445755005, 0.6457386612892151, 1.5507556200027466, -0.2029053270816803, -0.6015112996101379, 0.10239366441965103, 0.9831424951553345, 0.8194770812988281, 0.7272875308990479, -0.5145772695541382, 0.174427330493927, 0.92227703332901, 0.011311374604701996, 0.07385364174842834, 0.8951738476753235, 0.9953492283821106, -0.5888104438781738, -1.3153895139694214, -0.35641419887542725, -1.2110735177993774, -0.4841609001159668, -0.24066013097763062, 0.12018021941184998, -0.8871289491653442, 0.2884233295917511, -0.2986069917678833, -0.589314341545105, 0.9162187576293945, -0.9147089123725891, -1.7295598983764648, 1.5043792724609375, 1.5235828161239624, -1.6313632726669312, -0.7189643383026123, -0.33479735255241394, -0.2635943293571472, -0.5109502077102661, 0.21958845853805542, -1.5126670598983765, 0.1036796122789383, 0.31909722089767456, 0.49540644884109497, 0.17719899117946625, -0.22822034358978271, -0.8780491948127747, 0.134996697306633, 1.2943994998931885, -0.9867354035377502, 1.1245653629302979, 0.6572296023368835, -0.43613201379776, -0.05818536877632141, -1.5297616720199585, -0.8501909375190735, 0.6536946296691895, -0.34204810857772827, 0.03918737545609474, -0.8192392587661743, -0.28214022517204285, 0.87445467710495, -0.7825458645820618, 0.9497642517089844, -0.4609992802143097, 0.3403046131134033, -1.0631365776062012, 0.4770101308822632, 0.11047442257404327, -0.8960288166999817, -1.5863723754882812, 1.0409674644470215, 0.2414945662021637, 0.8353216648101807, 0.23214411735534668, 0.9927250146865845, 1.9425567388534546, 0.09404297918081284, -0.10804001241922379, -0.7305626273155212, -9.494169235229492, 0.2458479106426239, 0.5559369921684265, -0.044222839176654816, -0.009634509682655334, -0.5175177454948425, 1.0067248344421387, -0.6366803646087646, 0.5476312637329102, -0.47661739587783813, 0.8219940066337585, 2.316338062286377, -0.03836285322904587, -0.5974538326263428, -0.37650665640830994, -1.0913565158843994, -0.6034878492355347, -0.42284244298934937, 0.2753242254257202, 0.560372531414032, -0.9801604747772217, -1.5548529624938965, -0.1885705441236496, -0.2328319400548935, 0.4042842984199524, 0.18989133834838867, -0.2964075803756714, 0.17208383977413177, -0.3404986262321472, 0.6441222429275513, 0.06314465403556824, -0.032722316682338715, -1.1222366094589233, -0.014657292515039444, -0.29436349868774414, -0.13148196041584015, -1.2190372943878174, -0.1333288550376892, 1.2939996719360352, -0.24159374833106995, -0.20805422961711884, 0.4898480474948883, 0.048285700380802155, -0.04512578994035721, -0.904788076877594, -0.26513761281967163, 0.7181366086006165, -1.2799290418624878, -0.3012376129627228, -0.1963285654783249, -0.05391142517328262, -0.693930983543396, -1.325418472290039, 0.034204524010419846, 0.8535473346710205, 0.18268325924873352, -1.0166056156158447, 0.16771063208580017, -1.201180338859558, -0.9760935306549072, 1.5430152416229248, -0.33697736263275146, -0.8722881078720093, 0.4197315573692322, 1.1778544187545776, -0.5483280420303345, 0.3438931703567505, 0.08884283155202866, 0.14873594045639038, 0.507622480392456, -0.5076844692230225, 0.7049843072891235, 0.43073830008506775, -0.11855971813201904, -0.7526192665100098, -0.5103747248649597, -0.41582733392715454, 0.28705158829689026, 0.26925501227378845, 0.44184577465057373, -1.4379003047943115, 0.9914398193359375, -0.16452284157276154, -0.2696457505226135, -0.8985347747802734, -0.10787760466337204, -0.8352819085121155, -0.461577445268631, 0.18351736664772034, 0.22166836261749268, 1.0943220853805542, -0.10352568328380585, -1.0041918754577637, -0.16297300159931183, -0.8172800540924072, 1.1992584466934204, -1.4716321229934692, 0.8169569373130798, 0.5033035278320312, -0.7968918085098267, 0.975024402141571, -0.38106128573417664, -0.49289390444755554, 0.3808663487434387, 0.47985130548477173, 0.460071325302124, -0.35849177837371826, 0.015748456120491028, 0.7312456965446472, -0.37101027369499207, 1.2710355520248413, -0.4374515116214752, 0.04244295507669449, 0.6246099472045898, 0.04548107087612152, 1.0483793020248413, 0.6436976194381714, 0.46673154830932617, 0.43233758211135864, 0.6973419189453125, 0.06695634126663208, 1.0305145978927612, -0.06089722365140915, 1.3280742168426514, 0.7326183915138245, -0.402261346578598, 1.0162986516952515, 0.08160290867090225, 0.9351426362991333, -2.6112749576568604, 0.44137853384017944, -0.11034651100635529, 0.08362708240747452, -0.8403842449188232, -0.20567233860492706, -0.4920952618122101, -1.0326437950134277, 1.4877945184707642, -0.1519518941640854, 0.34464219212532043, -0.07316404581069946, -0.7070996761322021, 1.0430891513824463, 0.10209740698337555, -1.0961741209030151, 0.21569964289665222, -0.7510480880737305, -0.2225479781627655, -0.7343098521232605, -0.39986085891723633, 0.013071002438664436, -0.08655636012554169, 0.756817638874054, -0.7196807861328125, -0.08632947504520416, 0.2012358009815216, 0.547510027885437, -0.9150789380073547, -0.5432057976722717, 0.018974393606185913, -0.0005615204572677612, 1.2862272262573242, -0.8093335628509521, 1.2745870351791382, 0.5179015398025513, -0.7412359118461609, -0.31335893273353577, -0.027618903666734695, -0.31729790568351746, -0.2467288374900818, 1.3388264179229736, -1.171783685684204, 0.3162599503993988, -0.554275393486023, -0.4753493666648865, -0.6090145707130432, 0.5569660663604736, 1.2396820783615112, -0.39254266023635864, -0.4483323097229004, 0.2767986059188843, 1.1403648853302002, 0.8568111658096313, 0.22346088290214539, -0.3089843690395355, -0.3107951879501343, -0.15401634573936462, 0.6689081192016602, 0.15328451991081238, 0.22694900631904602, -1.4507381916046143, -0.3751972019672394, 0.027045683935284615, -0.14607861638069153, 0.5659339427947998, 0.5650234222412109, 0.8421990275382996, 0.4043131172657013, 0.3607882559299469, 0.1851494014263153, 0.6217414736747742, 0.8533778190612793, -0.06736092269420624, 0.627556324005127, -0.36370348930358887, 0.1910795271396637, -0.5477578043937683, 0.3997781574726105, 0.7799361944198608, 0.33919039368629456, -1.6041388511657715, 0.17653818428516388, 0.3010213077068329, -0.5284439921379089, 0.7201004028320312, -0.4477456212043762, 0.48902633786201477, -0.5470637679100037, -0.6874433159828186, -1.7038283348083496, 0.42154616117477417, 0.3793061077594757, -0.9857354760169983, 0.4011901021003723, -0.043295543640851974, 0.408735454082489, 0.9890590310096741, 0.16565904021263123, 1.7139066457748413, -0.679365336894989, -0.3809226453304291, 0.7913336753845215, -0.0008531995117664337, -0.5698715448379517, -0.2984004616737366, -0.09008318185806274, -0.8047310709953308, 0.31194597482681274, -0.9330487847328186, 0.3374568521976471, -0.6901825666427612, 0.547037661075592, 0.34659576416015625, 0.4336646497249603, -0.4198330044746399, -0.7698661684989929, -0.13624994456768036, -0.5307803750038147, -0.4184180796146393, -0.16226041316986084, -0.11018072068691254, 1.0247280597686768, 0.9458081722259521, 0.38720017671585083, 1.0280828475952148, -0.2225388139486313, -0.3247448205947876, -0.28939351439476013, 0.24400803446769714, 0.9174521565437317, 0.3878602385520935, 0.0038600917905569077, 0.004281278699636459, -0.3114641010761261, -1.2596485614776611, -1.135154366493225, -0.8948409557342529, 0.4996490478515625, 1.4484630823135376, -0.7316005825996399, 0.2630035877227783, -0.4454832673072815, 0.2957572340965271, -0.494166761636734, 0.5060740113258362, 0.30465155839920044, -0.034959129989147186, -0.7526385188102722, -0.675029993057251, -0.12567539513111115, 1.1409740447998047, -0.4439395070075989, 0.16075499355793, -0.9534743428230286, 0.9789574146270752, -0.3575340211391449, -0.8084326386451721, -0.6944283843040466, -0.2174949198961258, -0.09829067438840866, 0.16758430004119873, 0.4626634418964386, -1.31345796585083, -0.8597361445426941, -0.26037660241127014, -1.0883105993270874, 0.8427664041519165, -0.09100960195064545, -0.6894924640655518, -0.17450129985809326, 0.12720976769924164, 0.37174221873283386, 0.2001134604215622, 0.46656447649002075, -0.6904355883598328, -1.0254720449447632, 0.3918007016181946, 0.9349327087402344, -0.37652885913848877, -0.5834450721740723, -0.011581311002373695, 0.8409224152565002, -0.27969974279403687, 1.7457619905471802]} +{"paper_id": "wikisql", "embedding": [-0.5132113695144653, 1.0102180242538452, -0.06391865015029907, 0.6420406103134155, 0.08557997643947601, 0.2110937535762787, 1.3022844791412354, 1.066841959953308, 0.6017754077911377, 0.6006747484207153, 0.2138945460319519, 0.6056801080703735, 0.009511575102806091, 0.034168392419815063, -0.7740845084190369, 0.6267655491828918, -0.6208393573760986, -0.49406591057777405, -2.0245721340179443, -0.9424712657928467, -0.5370950698852539, -0.8615797758102417, 0.2394023835659027, 1.0976283550262451, -1.045090675354004, -0.7876297831535339, 1.2683182954788208, -1.5775113105773926, 0.6498202681541443, 0.3149948716163635, -0.15518152713775635, 1.4725641012191772, -1.194164514541626, 0.8160196542739868, -0.09015367925167084, -0.13727204501628876, -0.1805204153060913, 1.3581327199935913, 0.16587340831756592, -0.2957397699356079, 0.20646564662456512, 0.645073652267456, 0.46883058547973633, 0.27744752168655396, 1.4354358911514282, -0.7563998103141785, 0.15721797943115234, 0.3321917951107025, -0.566100537776947, -0.4450472593307495, -1.2904826402664185, -0.1849905252456665, 0.011769738048315048, 0.8701268434524536, -0.3870984613895416, 1.2961443662643433, -0.18818357586860657, 0.09184017777442932, 1.1817166805267334, -0.2631807327270508, 1.322816014289856, 1.1794949769973755, -0.019384687766432762, 0.2558024823665619, 1.5915802717208862, -0.08669905364513397, 0.9149177670478821, 0.7178453803062439, 0.19162599742412567, 0.8320899605751038, 0.03574420511722565, -0.45698416233062744, 0.1006539985537529, 0.04119311273097992, -0.517706036567688, 0.8185228109359741, 0.8609905242919922, -0.4667744040489197, 0.18549767136573792, -0.5616063475608826, -0.787040650844574, 0.19313694536685944, 0.8472235202789307, -0.822233259677887, 0.11656467616558075, 0.3686727285385132, 0.4695213735103607, -0.5739407539367676, 0.38563430309295654, -1.761807918548584, 0.4811773896217346, 0.027111856266856194, 0.16855032742023468, -0.8809981942176819, -0.3923178017139435, -0.0894448310136795, -0.04805312305688858, 0.05809282511472702, -0.8409320116043091, 1.1743159294128418, 0.4454657733440399, -0.3280056118965149, 0.08420059829950333, 0.19770076870918274, 0.6417298913002014, 0.43826764822006226, -0.13045033812522888, -0.2303597331047058, -0.712327778339386, -0.2485610693693161, 0.16795285046100616, -0.06714087724685669, 0.5263949632644653, 0.9326321482658386, -0.19498927891254425, 0.13020819425582886, 0.18789196014404297, -0.05148383229970932, -0.14835906028747559, 0.16024133563041687, -0.5166614651679993, -1.7060816287994385, 0.4384683668613434, -0.09142050892114639, 0.7762060165405273, -0.7757859826087952, -0.8651887774467468, -0.3702254593372345, -0.4478052854537964, 0.32299092411994934, 0.5975520610809326, -0.11681097745895386, -1.1886866092681885, -0.5418959259986877, 4.137198448181152, -1.4739574193954468, 1.3933202028274536, -0.5888514518737793, -0.0559377446770668, -0.7080520987510681, 0.138138085603714, 0.48573172092437744, -0.18448761105537415, -0.17869648337364197, -0.21183238923549652, 0.4640395939350128, -0.08032186329364777, 0.5356082320213318, -1.372368335723877, 0.2108723670244217, -0.15702179074287415, -0.4089107811450958, -1.479018211364746, -0.888334333896637, -0.00991395115852356, 0.7048580646514893, 0.2428247332572937, 0.5276671648025513, -0.6592779755592346, 0.3155142366886139, 0.49229133129119873, -0.19104339182376862, -0.418093204498291, 0.04209817200899124, -0.4734269380569458, -0.6083206534385681, 0.885170578956604, -0.450687438249588, -1.3161953687667847, -0.71503084897995, 0.40087759494781494, -0.24154075980186462, 0.04064223915338516, -0.11285621672868729, -0.5428426265716553, 0.821002721786499, 0.07453080266714096, 0.3025059700012207, 0.7684277296066284, -0.6594678163528442, -0.7188107371330261, -0.1413949429988861, 0.02145399898290634, 0.14202727377414703, 0.10179521888494492, 0.6817816495895386, -2.2209906578063965, -0.2803908586502075, 0.2905055284500122, 0.6720451712608337, 1.004364013671875, 0.4400230646133423, 0.7077878713607788, -0.015585867688059807, -0.04987598955631256, -0.4017013907432556, 0.22893650829792023, -0.9916328191757202, 0.05868992209434509, 0.5114411115646362, -0.9919776916503906, 0.2524271607398987, 0.020171936601400375, 1.2517056465148926, 0.875187337398529, -0.3597869575023651, -0.001846378669142723, -2.3277108669281006, 0.6687046885490417, 2.112403154373169, 0.42529749870300293, -0.2588375508785248, -0.8795328736305237, -0.4382277727127075, 0.4078419804573059, 0.22721107304096222, 0.17021189630031586, -0.19423362612724304, 0.7189737558364868, -0.3814936876296997, 0.45259466767311096, -0.2584170401096344, 0.5864436030387878, 0.3295785188674927, 1.186963677406311, -0.9632991552352905, 0.15062204003334045, -0.7114984393119812, -1.4350056648254395, 0.9838065505027771, 0.6332826614379883, 0.37640872597694397, 0.3021908700466156, 1.3912822008132935, -0.05350252613425255, 0.39038795232772827, 0.3248571753501892, 0.9767864346504211, -1.0018703937530518, 0.08293662965297699, -0.2194346785545349, 0.28481388092041016, 0.05168875306844711, 0.73127681016922, -0.17197537422180176, -0.05418273061513901, -0.515749454498291, -0.9972490072250366, 0.600645899772644, 0.25218358635902405, 1.3118284940719604, -0.28474634885787964, -0.2848955988883972, 0.7549710273742676, -0.2942982017993927, -0.7237494587898254, -0.8863561749458313, -0.4820575416088104, -0.23324333131313324, -0.058698851615190506, 0.7512616515159607, -0.2744356095790863, 0.6702983379364014, -0.45521676540374756, 0.1745101511478424, -1.0499273538589478, -0.6520106196403503, -0.3391369879245758, -0.054215654730796814, -0.7881190776824951, 0.08853311836719513, -0.18774966895580292, -0.44924020767211914, -0.6211975812911987, 0.15037976205348969, -0.224069282412529, 0.3266044855117798, 1.554500699043274, 1.6957374811172485, -0.7754972577095032, 0.16426706314086914, 0.34942519664764404, 1.0906667709350586, -0.5441181063652039, 0.5548983216285706, -0.6723335385322571, -0.11210856586694717, -0.7775476574897766, 1.1920078992843628, -0.508637011051178, 1.193427324295044, 0.4369320869445801, -0.4443628191947937, -0.08569217473268509, -0.0292256698012352, -0.136724591255188, 1.1390422582626343, -0.27843034267425537, -0.025472991168498993, 0.25751233100891113, 1.8014686107635498, 0.09470199793577194, -0.9666104912757874, 0.08547219634056091, 0.2751366198062897, -0.46628525853157043, 0.7375463247299194, -0.062239162623882294, 0.8413912057876587, 0.4976121783256531, 0.3270033597946167, 0.2823766767978668, 0.4867958128452301, -2.5633411407470703, 1.0990936756134033, 0.6433908939361572, -0.22027499973773956, -0.5405952334403992, -1.0569180250167847, -0.5738494396209717, -0.4126356244087219, -0.034838832914829254, 0.15187934041023254, -0.3585142195224762, 0.3292693793773651, -0.1581708788871765, 0.5566204190254211, 1.682335615158081, -0.3946077823638916, 0.25699421763420105, 1.1965807676315308, -0.2911517918109894, -0.5918139219284058, -0.7065688967704773, 0.685346245765686, 0.3445339798927307, -0.6106889247894287, -0.27921512722969055, 1.6549217700958252, 0.6846764087677002, 0.45635029673576355, 0.05104830488562584, 0.9874761700630188, 0.793073832988739, 0.2981763780117035, 0.1024433895945549, -0.9843817949295044, -0.17902405560016632, -0.3024515211582184, 0.48357436060905457, -0.8447327613830566, -0.47769132256507874, -1.2416200637817383, -0.19629131257534027, -0.42614275217056274, -0.24424481391906738, 1.3441839218139648, 0.09950049221515656, 2.0191454887390137, -1.0928932428359985, 0.37548163533210754, -0.7853589057922363, -0.23679828643798828, -0.14516684412956238, 0.8285812735557556, 0.5495865941047668, -1.059960126876831, -0.7914167642593384, 0.5699253678321838, -0.07517043501138687, -0.4158533215522766, -0.03748695179820061, 0.9243026971817017, 0.08767326176166534, -0.44350388646125793, 0.3364066779613495, 1.0295408964157104, 0.3612939715385437, 0.9838389158248901, -0.7907958030700684, -0.2375519573688507, 0.4481314420700073, -0.12700767815113068, 0.10968109965324402, 0.33341890573501587, -1.1648635864257812, 0.6434453129768372, 0.12357550859451294, 0.3176792562007904, 0.6720401644706726, 1.2550207376480103, 1.0112015008926392, -0.3981498181819916, -0.5546128153800964, -0.08671006560325623, 0.011677630245685577, -0.20536741614341736, 0.3663696348667145, 0.3138781487941742, -0.5951066613197327, 0.5980831980705261, -0.0818486213684082, -0.6599217653274536, 1.137139916419983, -1.1911920309066772, -1.4545992612838745, 0.5295308232307434, 1.3331431150436401, -0.8546274304389954, -0.5053861141204834, -0.041549570858478546, -1.863269567489624, -0.8190016150474548, 0.2904222309589386, -0.28898853063583374, 0.1274571418762207, 0.29490402340888977, 0.8439681529998779, -0.2757214307785034, 0.03640718758106232, -1.197859287261963, 0.10621073842048645, 0.5619304776191711, -0.3145762085914612, 1.0281578302383423, -0.3468741476535797, 0.07606890797615051, -0.15666669607162476, -1.304012417793274, -0.8463632464408875, 0.5472359657287598, -0.020450718700885773, 0.25184935331344604, -0.9336851239204407, -0.6283715963363647, -0.03068564087152481, -0.9499112963676453, 0.9139893651008606, -0.7695342302322388, -0.09884004294872284, -0.6103793978691101, 0.22461925446987152, 0.750701904296875, 0.572801947593689, -0.5708821415901184, 0.521738588809967, -0.5107314586639404, 1.0221357345581055, -0.7421494722366333, 0.06978119909763336, 2.302143096923828, 0.012446865439414978, -0.8028082847595215, -0.5335901975631714, -10.110526084899902, 0.6513316035270691, 0.49790287017822266, -0.04019952565431595, 0.13448697328567505, -0.15117216110229492, 0.7597637176513672, -0.7628373503684998, 1.4857805967330933, -0.3622431755065918, -0.021170303225517273, 1.2849318981170654, 0.49452173709869385, 0.21192426979541779, 0.03841149061918259, -2.018388509750366, 0.21095222234725952, 0.5520007014274597, 0.381990909576416, -0.46296581625938416, 0.377613365650177, -0.857405424118042, -0.7097286581993103, 0.6051604151725769, -0.020716167986392975, -0.14856359362602234, -0.6428728103637695, -0.2767096757888794, -0.8182743191719055, -0.5347099900245667, 0.3687592148780823, -0.33781197667121887, 0.15595294535160065, -0.565991997718811, -0.13918061554431915, 0.13128337264060974, -0.5621975064277649, 0.5127623081207275, 0.028852228075265884, -0.31836608052253723, -1.027329444885254, 0.5281450152397156, 0.7640735507011414, -0.19161930680274963, -0.3315562307834625, 0.2395486682653427, 1.0843791961669922, -0.7956240773200989, 0.7597615122795105, 0.6118528842926025, -0.9881901741027832, -0.8936174511909485, -0.49444180727005005, -0.4660671055316925, -0.27392634749412537, 0.8215817809104919, -0.7502698302268982, -0.39247119426727295, -0.5290051102638245, -0.8694953918457031, 0.6117835640907288, 1.025084376335144, -0.010855671018362045, 0.07147984951734543, 0.05098641663789749, 0.2345656305551529, -0.5117717981338501, 0.0540664866566658, -0.9822912812232971, 0.4453687071800232, -1.0864976644515991, 0.11909505724906921, -0.3784649074077606, 0.6962916851043701, -0.8808815479278564, 0.08818063884973526, -0.8506925106048584, -0.8745812773704529, -0.124598428606987, 0.8268557190895081, -1.4908612966537476, 0.9319019913673401, 0.04061821848154068, -0.8610368967056274, -0.835907518863678, 0.34172219038009644, -0.18265381455421448, 0.5927772521972656, 1.1447087526321411, -0.9692168235778809, 2.102296829223633, 0.1663239300251007, 0.249631866812706, -0.08591966331005096, -0.40206366777420044, 1.4698548316955566, -0.17258679866790771, 0.7552424669265747, -0.49162906408309937, -1.2426377534866333, 0.5578625202178955, -0.13655871152877808, -0.8471815586090088, -0.4930862486362457, 0.5541546940803528, 0.13105767965316772, 0.1372833251953125, -0.06962566822767258, -0.1432136595249176, -0.21994543075561523, 1.3070597648620605, 0.45288509130477905, -0.8211268186569214, 0.40795373916625977, -0.19599269330501556, 0.522945761680603, 0.3290582299232483, 0.5191064476966858, -0.2119700163602829, 1.2411075830459595, -0.11977826803922653, 0.9743908643722534, -0.009517902508378029, 0.5989060997962952, -0.555138349533081, -0.15947774052619934, 0.02467675879597664, 0.6413248777389526, -0.5960958003997803, -0.7902792692184448, -0.33126339316368103, 0.18978509306907654, 0.2235252857208252, -0.9613924026489258, -0.8214655518531799, 0.6025015115737915, -0.07274478673934937, 1.173950433731079, -0.3234308362007141, -0.7431192398071289, 0.24050550162792206, -0.7721651792526245, -0.12168218940496445, -1.2993601560592651, -1.1075907945632935, 0.6405268311500549, -0.5434144735336304, -0.3447449207305908, -1.01396644115448, -0.16211380064487457, -0.18056805431842804, 0.03428306430578232, 0.9536082148551941, -1.3416963815689087, -1.1546179056167603, -0.46800610423088074, 0.10973294079303741, -0.15254896879196167, -0.8373658657073975, 0.13336271047592163, 0.1626814901828766, 0.5820663571357727, -0.8561604619026184, 1.1633625030517578, -0.23402608931064606, -0.25216007232666016, -0.1110529750585556, 0.2189774215221405, -0.6030198335647583, -0.1625547558069229, 0.6591423153877258, -0.3073064088821411, 0.13719122111797333, -0.8533883690834045, -0.2788589596748352, -1.0243629217147827, 0.8336910009384155, 1.13166344165802, -1.0889363288879395, -0.5526658892631531, 0.8191065788269043, 1.0619474649429321, 1.0149306058883667, 0.30963489413261414, -0.0648273229598999, -0.28646329045295715, 0.3461024761199951, 0.566931426525116, -0.16766522824764252, 1.0426934957504272, -2.084102153778076, -1.4341554641723633, -0.8706076145172119, -0.22059516608715057, 0.9466633200645447, -0.16506221890449524, 1.0322619676589966, 0.2673394978046417, -0.051762260496616364, 0.718860387802124, 0.26714134216308594, 1.051294207572937, 0.15347367525100708, 0.4988389015197754, 0.021649133414030075, 0.13592688739299774, -0.35316652059555054, -0.048588741570711136, 0.46109116077423096, 0.5868468284606934, -1.230125069618225, -0.017049890011548996, 0.6550911664962769, -0.08206896483898163, -0.03661632537841797, -1.4604923725128174, 0.6372715830802917, -0.9633420705795288, -1.0352532863616943, -1.302383542060852, -0.22358384728431702, 0.29633164405822754, -0.17152802646160126, 0.8407204151153564, 0.8796802163124084, 1.1240050792694092, 0.21732625365257263, 0.09176813066005707, 1.372248888015747, -0.37432804703712463, -0.6235132217407227, 0.7751371264457703, 0.6523033380508423, -0.07667305320501328, -0.6551662683486938, -1.8859955072402954, -0.10405972599983215, 0.8031859993934631, -0.9464996457099915, 0.631463348865509, -0.7156387567520142, 0.34996727108955383, 0.7628618478775024, 1.017087459564209, -0.6501403450965881, -2.1599714756011963, -0.26682713627815247, -1.2003073692321777, 0.5888412594795227, 1.5795681476593018, 0.3393433392047882, 0.14263617992401123, 0.5619994401931763, 0.291290283203125, 0.650572657585144, -0.2423863708972931, -0.21213342249393463, 0.30540066957473755, -0.4666391611099243, 1.3144524097442627, 0.7919883131980896, -0.14627006649971008, -0.055150531232357025, -0.10736864060163498, 0.22956162691116333, 0.25556960701942444, -0.6855579018592834, 0.5340942740440369, 0.8798936605453491, 0.010523589327931404, -0.7745381593704224, -0.45562976598739624, 1.8024044036865234, -1.8107295036315918, 0.4567191004753113, -0.5327250957489014, -0.5921623110771179, -0.7259265780448914, -0.8056849241256714, -0.5416181683540344, 0.36240124702453613, -0.3254891335964203, 0.6119184494018555, 0.9997810125350952, 0.6785017251968384, 0.7214001417160034, 0.5016696453094482, -1.2681667804718018, -0.22406205534934998, -1.1442986726760864, 0.2967830300331116, -0.5931659936904907, -0.8109857439994812, 0.45830944180488586, -0.21502305567264557, -0.8554667830467224, 0.6133959889411926, 0.2700473666191101, -0.671726405620575, -0.9376997947692871, 0.04823102056980133, -0.5892198085784912, 0.03292078897356987, -0.1645285189151764, 0.025524228811264038, -1.7339977025985718, 0.705704927444458, 1.0804468393325806, -0.5260520577430725, -0.8226174116134644, -0.09613993018865585, 0.6047984957695007, 0.25689253211021423, 0.6017131209373474]} +{"paper_id": "big_patent", "embedding": [-0.2912050783634186, 0.9427478313446045, -0.9344204068183899, 0.273051917552948, -0.1440654695034027, -0.16297192871570587, 0.8472388386726379, 1.095989465713501, 0.9785605072975159, 0.2226523905992508, 0.7511985898017883, 0.23576001822948456, 0.08001317083835602, 0.677316427230835, -0.3890935480594635, -0.30442291498184204, 0.044723644852638245, -0.5020321011543274, -0.33119913935661316, -0.7457836866378784, -0.6121198534965515, -0.38583534955978394, -0.25767984986305237, 0.20425191521644592, -0.758121907711029, 0.10403019189834595, 1.2060354948043823, -1.5957214832305908, 0.49925464391708374, 0.5016582012176514, 0.4257946014404297, 0.8348820209503174, -1.5744824409484863, 0.285216748714447, -0.9206390380859375, -0.09066007286310196, -0.16988785564899445, 0.4997536540031433, -0.5883349776268005, 0.10516682267189026, -0.7954381704330444, 0.14650604128837585, 1.1176396608352661, -0.09138357639312744, -0.1695536971092224, -0.3837816119194031, 0.4858418405056, -0.3571310043334961, 0.2118116170167923, 0.011553119868040085, 0.5487892627716064, 0.578001856803894, -0.0988863855600357, 0.9340255260467529, -0.2885687053203583, 1.7265819311141968, -0.15479087829589844, -0.8801056742668152, 0.17390599846839905, -0.6396820545196533, 1.362532615661621, 1.2911810874938965, -0.33845895528793335, -0.30697453022003174, 1.3645009994506836, -0.15350618958473206, 0.9909111261367798, 0.5496976375579834, 0.7982326745986938, 1.4884326457977295, -0.6585572957992554, -1.1767510175704956, -0.04262031614780426, -0.7337192893028259, -0.6341825723648071, 0.719254732131958, 0.3108230531215668, -0.743171215057373, 0.34327223896980286, -0.18923291563987732, -0.5543760061264038, 0.3507136106491089, 0.48832109570503235, -0.21051931381225586, -0.7649655938148499, -0.23615610599517822, 0.15828746557235718, -0.21201156079769135, -0.015959950163960457, -1.3356074094772339, -0.2581285834312439, -0.2593564987182617, -0.9181902408599854, -0.42955273389816284, -0.092256098985672, 0.06556656211614609, 0.2054210901260376, -0.2796095907688141, -0.8973401784896851, 0.4002579152584076, 0.1355879008769989, -0.5563346147537231, 0.3879709541797638, -0.3125864267349243, 1.1066019535064697, 1.155604600906372, -0.4723494052886963, -0.6408370733261108, -0.5880379676818848, -0.39218276739120483, -0.13992518186569214, 0.5333996415138245, 0.29989707469940186, 0.44453635811805725, -0.3597390055656433, -0.505733072757721, 0.11991914361715317, 0.30476027727127075, -0.7937483787536621, -0.03035498410463333, -0.7098153233528137, -1.7939335107803345, -0.3934997320175171, 0.4284138083457947, 0.6092508435249329, -0.30618494749069214, -0.3749662935733795, -0.595669150352478, -0.14527560770511627, 0.03465568274259567, 0.798598051071167, 0.2642023265361786, -0.5735703110694885, -0.1903199702501297, 2.5035922527313232, -0.5213446021080017, 1.5971335172653198, 0.8728623986244202, -0.19334663450717926, -0.12589329481124878, -0.016897816210985184, 1.5185916423797607, 0.09757747501134872, -1.2900149822235107, -0.7996366620063782, 0.09468085318803787, -0.8990804553031921, 0.517471194267273, -0.5531595349311829, -0.3630701005458832, -0.13345396518707275, 0.2219243049621582, -0.8962187767028809, -1.0741512775421143, -0.0726168230175972, 0.4001811444759369, 0.5290886759757996, 0.3735569715499878, -0.9483039379119873, 1.075376033782959, 1.6889539957046509, 0.5611844658851624, -0.23111437261104584, 0.6995687484741211, -0.5811572670936584, 0.25808051228523254, 0.9683603644371033, -0.26966238021850586, -0.36099156737327576, -0.30006662011146545, 0.5610869526863098, -0.49716857075691223, 0.19872748851776123, -0.4168405830860138, -0.5183334350585938, 0.1931973099708557, 0.5796494483947754, 0.04931749776005745, 0.3090967833995819, -0.3999505937099457, -0.7680664658546448, -0.22202801704406738, 0.4085078835487366, 0.23610076308250427, -0.07743752002716064, 0.4670061469078064, -1.8636808395385742, -0.5048768520355225, -0.9854111671447754, 1.1126664876937866, 0.20792511105537415, -0.12483284622430801, 0.23352158069610596, 0.47937968373298645, -0.04859144240617752, -0.502235472202301, -0.23681020736694336, -1.0311570167541504, 0.8314985036849976, 0.423212468624115, 0.2547658383846283, 0.1993202567100525, 0.16960509121418, 0.27291378378868103, 1.6174966096878052, -1.320398211479187, -0.44071725010871887, -1.740634799003601, 0.5671656131744385, 0.9213757514953613, -0.7538443803787231, -0.15543651580810547, -1.657991886138916, -0.08770337700843811, 0.9108888506889343, 0.11640078574419022, -0.432061105966568, -0.2603509724140167, 0.5564240217208862, -0.7512199878692627, 0.4088601768016815, -0.7836292386054993, -0.14681465923786163, -0.07239268720149994, 0.616801381111145, -0.6424199938774109, -0.5160388350486755, -0.05844752863049507, -1.393326997756958, 0.7957904934883118, 0.9027894735336304, -0.12754876911640167, -0.14127638936042786, 0.9605764150619507, 0.3969949185848236, 0.616146445274353, 0.21554750204086304, 0.4582744538784027, -0.0008464604616165161, -0.5590726137161255, -0.30267247557640076, 0.6147691607475281, -0.2895604968070984, -0.40687689185142517, -0.19311442971229553, -0.18236778676509857, -0.24552428722381592, -0.4401654601097107, -0.12473241984844208, -0.09779956191778183, 0.7416624426841736, 1.3594719171524048, -0.1958765685558319, 1.5628153085708618, -1.28066885471344, 0.028902847319841385, 0.23021098971366882, -1.3622270822525024, -0.6142247319221497, 0.192967489361763, 0.8796489834785461, 0.7197899222373962, 0.6472504734992981, -0.38582777976989746, -0.5963019132614136, -0.727014422416687, -0.4936129152774811, -0.7238038778305054, -0.17688417434692383, -1.2377665042877197, -0.4250440001487732, -0.28098535537719727, -1.5372096300125122, -0.34256643056869507, -0.03100360557436943, 0.004298744723200798, -0.34386637806892395, 0.2079332172870636, 1.3099207878112793, -0.010762706398963928, 0.7821491360664368, -0.4607800245285034, 1.3331681489944458, 0.20071005821228027, 1.1638405323028564, -0.22575069963932037, -0.3986110985279083, -1.4532504081726074, -0.11492471396923065, -0.9617671966552734, 0.09482074528932571, -0.1317712366580963, -0.36953204870224, 0.8276681900024414, -0.2691400647163391, -0.8165498375892639, 0.8648182153701782, -0.2090703845024109, -0.32369524240493774, -0.9826266765594482, 1.0350978374481201, 0.14783281087875366, -0.5817190408706665, 0.4971781373023987, 0.6825652718544006, 0.15268169343471527, 1.4523406028747559, -0.28785616159439087, 1.6014795303344727, -0.14851827919483185, 0.0392289012670517, 0.740443229675293, -0.22571945190429688, -1.749556064605713, 0.17934508621692657, 1.0084198713302612, -1.0004603862762451, -0.5365510582923889, -0.215891495347023, -0.06711211800575256, -0.39837685227394104, -0.7690111994743347, 0.2652537524700165, -1.1195889711380005, 0.005704360082745552, -0.348336398601532, 0.18405571579933167, 1.0966274738311768, -0.525066077709198, 1.1031821966171265, 0.1483881175518036, 0.46444761753082275, -0.2207665592432022, -0.37244635820388794, 1.2306034564971924, -0.032121386379003525, 0.7784742116928101, -0.09842964261770248, 1.0190761089324951, 0.9915581941604614, -0.4197305142879486, 0.49021294713020325, 0.9721452593803406, 0.761515736579895, 0.08928439766168594, -0.2106843739748001, -0.17516647279262543, 0.3588870167732239, -0.5712841749191284, 1.2569386959075928, 0.4296804368495941, -1.065988302230835, -1.0039952993392944, -0.3021540641784668, -0.9652025699615479, -1.1282713413238525, 1.0857704877853394, 0.6206647753715515, 1.335382342338562, 0.09669172018766403, 0.5819565057754517, -0.11933332681655884, -0.24700811505317688, 0.23491184413433075, -0.012075183913111687, 0.04077304154634476, -0.2883068919181824, -0.181979238986969, 1.3592687845230103, -0.29111528396606445, -0.08860829472541809, -0.1590862274169922, 0.6661124229431152, -0.7423574328422546, -0.27002689242362976, 0.2694343030452728, 0.7517938017845154, 1.460335373878479, 1.9674080610275269, -1.150544285774231, -0.43044978380203247, -0.21978053450584412, -0.15165181457996368, 0.2567603886127472, 0.25453320145606995, -1.5394272804260254, -0.25143805146217346, 0.31697675585746765, 0.4438205659389496, -0.11935023963451385, 0.8279486894607544, 0.793665885925293, 0.20591001212596893, -0.549767792224884, -0.11602090299129486, -0.9398196339607239, -0.5513457655906677, -0.48366838693618774, 0.23368635773658752, -0.7975175976753235, 0.2989208400249481, 0.20963796973228455, -1.0657180547714233, 0.2768643796443939, -0.5837152004241943, -0.6781412363052368, 0.09373609721660614, 1.0932732820510864, -1.9264249801635742, -0.9061091542243958, -0.2052479386329651, -0.9883736371994019, -0.34110724925994873, -0.10644281655550003, -0.45062050223350525, 0.7645188570022583, 0.17692160606384277, 0.3480546474456787, 0.5043303370475769, -0.28904056549072266, -0.7246161699295044, 0.8958138823509216, 1.0770364999771118, -0.7111858129501343, 0.5972514152526855, -0.6041224598884583, 0.6149631142616272, 0.5511536598205566, -1.3327234983444214, -0.24315212666988373, 0.5123851895332336, 0.019791312515735626, -0.17165736854076385, -0.8351359963417053, -0.5700145959854126, 0.06158790737390518, 0.6785727739334106, 0.3422105312347412, -0.6274075508117676, -0.37828999757766724, -0.48911821842193604, 0.8618943691253662, 0.5548115968704224, -0.3076872229576111, -0.6113287210464478, 1.1326148509979248, 0.07064872235059738, 0.22426195442676544, 0.38614654541015625, 0.10945367813110352, 0.42016535997390747, 0.3293100595474243, -0.7360900044441223, -0.8092132806777954, -11.632782936096191, 0.49189239740371704, 0.195112407207489, 0.2650826573371887, 0.5844740867614746, 0.5625519156455994, 0.293990820646286, -0.6477180123329163, 0.736758291721344, -0.2377399504184723, 0.3558487296104431, 1.290981411933899, 0.09612706303596497, -0.5952127575874329, -0.44623586535453796, -0.8675597310066223, -0.42151257395744324, -0.18643930554389954, 0.5980874300003052, -0.8923091292381287, -0.03226298838853836, -0.6617301106452942, 0.3007887005805969, -0.05410532280802727, 0.32473862171173096, -0.11284734308719635, -0.07371973991394043, 0.3293949365615845, -1.0081138610839844, 0.540696382522583, 1.017665147781372, 0.008238484151661396, -0.6661462187767029, -0.8067560791969299, 0.7809262871742249, -0.06138947233557701, -1.5705392360687256, 0.24913334846496582, 0.19574883580207825, -1.1187278032302856, -0.007091999053955078, 0.3090634047985077, 0.2366725653409958, -0.6147887110710144, -0.6548428535461426, 0.23995555937290192, 0.2498376965522766, -0.5921356678009033, 1.214665174484253, -0.08696316182613373, -0.4605293869972229, -0.8247329592704773, -1.1238211393356323, -0.1954813301563263, 0.3024359941482544, -0.04175916314125061, -1.3887873888015747, 0.8651686906814575, -0.3311930000782013, -0.5451427698135376, 0.3661653399467468, -0.5056251883506775, 0.3139507472515106, -0.12808166444301605, 0.09748905897140503, -0.2162582278251648, 0.7860848903656006, 0.4120687246322632, 0.4576396048069, 0.2633407413959503, -0.5062010884284973, 1.021748661994934, 0.2069430947303772, -0.7680018544197083, 0.23876240849494934, 0.30027151107788086, 0.01003703847527504, -1.3848531246185303, 0.93882817029953, 0.49881666898727417, -1.2223950624465942, 0.8814519047737122, -0.20306260883808136, -0.39275214076042175, -0.6042612791061401, -0.04591664671897888, 0.15485131740570068, -0.616015613079071, 0.3968934416770935, -0.492740273475647, 1.1383577585220337, -0.4370405972003937, 0.08340924233198166, -0.5748482346534729, 0.14564329385757446, 0.5530071258544922, -1.2577656507492065, 0.7105463147163391, 0.33039984107017517, -0.8919939994812012, 0.11694203317165375, 0.1530689299106598, -0.8587455749511719, -0.7699301242828369, 0.4136059582233429, -0.2948925495147705, -0.2941175699234009, 0.4181687533855438, -0.6821463704109192, -0.045056797564029694, 0.4911217987537384, 0.20672881603240967, 0.0012813322246074677, 0.7768239974975586, -0.23558850586414337, 1.5743966102600098, 1.0201250314712524, -0.06875462085008621, 0.25005054473876953, 1.0066354274749756, -0.24345819652080536, 0.6246355772018433, 0.8705496788024902, 0.953651487827301, -0.09861847758293152, 0.3131982684135437, -0.5226850509643555, 0.670164942741394, -1.0006091594696045, -0.47489824891090393, 0.11748315393924713, -0.3898203670978546, 0.4081481099128723, -0.5860373973846436, -0.6454874873161316, -0.17818215489387512, -0.34247830510139465, 1.2629849910736084, -0.649359405040741, 0.08990167081356049, -0.8748322129249573, -0.4195326268672943, -0.046213336288928986, -0.33217141032218933, -0.7787831425666809, 0.40703460574150085, -1.6862695217132568, -0.16677038371562958, -0.7113519906997681, -0.29958587884902954, 0.12846805155277252, 0.20989322662353516, 0.3555912375450134, -0.7615535259246826, -0.8536830544471741, -0.16036608815193176, 0.6335024237632751, 0.12002269178628922, -0.7692347764968872, -0.2307705134153366, 0.47735685110092163, 1.0583364963531494, -0.39325591921806335, 0.7834743857383728, -0.10646016895771027, 0.3385174572467804, -0.2540889382362366, -0.183900386095047, -1.1050018072128296, 0.599999725818634, 1.2966245412826538, -1.110169768333435, 0.09114208817481995, -0.10833028703927994, -0.02475617453455925, -0.4645959734916687, 0.6264181137084961, 0.8922722339630127, -1.0942027568817139, 0.5406455397605896, -0.41394272446632385, 0.37005653977394104, 0.7860681414604187, -0.368896484375, -0.1805924028158188, 0.500157356262207, -0.20313021540641785, 0.5651488304138184, -0.0982728824019432, 0.37434276938438416, -0.8634223341941833, -2.1978743076324463, -0.578544557094574, -0.9848267436027527, 0.9674543738365173, -0.576551079750061, 1.215938687324524, 0.6415880918502808, 0.2601318359375, -0.047919198870658875, -0.005814963020384312, 0.9094513058662415, 0.466728150844574, 0.8324654698371887, 0.12548421323299408, -0.169175386428833, -0.7389440536499023, 0.5505229234695435, -0.031136294826865196, 0.2581702470779419, -0.8624858856201172, 0.5136464238166809, 1.3407948017120361, 0.5732506513595581, -0.17365770041942596, -1.249588966369629, 0.45536646246910095, 0.011164426803588867, -0.2616492807865143, -1.115207552909851, 0.38607898354530334, 0.29985758662223816, -0.2962372303009033, 0.7184571027755737, 0.11534076929092407, -0.06125597655773163, 0.8684707283973694, 0.7812598943710327, 1.7295081615447998, 0.020278457552194595, -0.5429572463035583, 0.03707356005907059, -0.20149755477905273, -0.013416014611721039, 0.8382003307342529, 0.4787101149559021, -0.7143873572349548, 0.22693169116973877, -0.9085239171981812, 0.102591872215271, -0.033644646406173706, 0.28984335064888, -0.32737356424331665, 1.768194556236267, 0.7469520568847656, -1.3960270881652832, -0.25793343782424927, -1.0719692707061768, -0.5133299827575684, 1.2740964889526367, 0.5619317889213562, 0.26014387607574463, 0.699165403842926, -0.9874868988990784, 0.8543466925621033, -0.13656267523765564, 0.3792436122894287, 0.11814619600772858, -0.3749738931655884, 0.9057586193084717, 0.45181480050086975, 0.4013614356517792, 0.17991985380649567, 0.21975111961364746, -0.07671317458152771, -0.7350818514823914, -0.6647965908050537, 0.7102363705635071, 0.902521550655365, 0.16541101038455963, -0.2621957063674927, -0.7546495199203491, 0.44826310873031616, -0.5438161492347717, 0.3485924303531647, 0.5412376523017883, -1.1262410879135132, -1.4663132429122925, -0.8147445917129517, 0.0006021787412464619, 0.8078622817993164, 0.12378527224063873, -0.46931374073028564, 0.42704707384109497, 0.9876133799552917, 0.245557501912117, -0.08178531378507614, -0.40018582344055176, 0.6837785243988037, 0.3577662706375122, -0.02930765599012375, 0.8522262573242188, -0.056635402143001556, -0.8103582859039307, 0.19346143305301666, -0.2084001898765564, 0.656063973903656, 0.4137725830078125, -0.4564462900161743, 0.4521917998790741, 0.6044573187828064, 0.6650856733322144, 0.31987202167510986, 0.7283025979995728, -0.10017431527376175, -1.3297812938690186, 1.5275977849960327, 0.2032303363084793, -0.14939986169338226, 0.1314525604248047, 0.3433668911457062, 0.4471642076969147, 0.2152707576751709, 0.777487576007843]} +{"paper_id": "md_gender_bias", "embedding": [-0.6781147122383118, 1.07077157497406, -0.855489194393158, -0.7557481527328491, 0.2720104455947876, 0.38262805342674255, 1.3060386180877686, -0.25704219937324524, 0.8646687269210815, -0.009663522243499756, 0.773279070854187, 0.16992224752902985, -0.2922278046607971, -0.24958331882953644, -0.2456967830657959, -0.4773308038711548, -1.4325368404388428, -0.8660439252853394, -0.9430903196334839, -0.5100102424621582, -1.2159833908081055, -0.48326677083969116, -0.1226004958152771, 0.607411801815033, -0.16812601685523987, -1.135259747505188, 0.7700700163841248, -0.5887627601623535, 0.20992138981819153, 0.31161975860595703, -0.05527140945196152, 1.0818006992340088, -1.4406148195266724, 0.4726754128932953, -0.5840467214584351, -0.3326248228549957, -0.49238768219947815, 0.2034500539302826, -0.5389829277992249, -0.45795732736587524, -1.1738914251327515, 0.14080539345741272, 0.6581154465675354, 0.4300926923751831, -0.07247147709131241, 0.6304318904876709, -0.10084359347820282, 0.026867203414440155, -0.07398958504199982, -0.41405603289604187, -0.2862015962600708, 0.14242953062057495, 0.06959637254476547, 0.1339712142944336, -0.05199729651212692, 0.7943268418312073, -0.09637874364852905, -0.6510205864906311, 1.0043765306472778, -1.2631293535232544, 0.9452711939811707, 1.1614998579025269, -0.28027892112731934, 0.603644609451294, 0.7471913695335388, -0.4822491407394409, 1.0512744188308716, 0.09793275594711304, 0.2561018168926239, 0.7550640106201172, -0.3769404888153076, -0.5574647784233093, 0.1349574327468872, 0.16218045353889465, -0.09430785477161407, 0.47381019592285156, -0.56500244140625, 0.014143303036689758, -0.564079225063324, -0.4006187319755554, -0.8130942583084106, 0.562611997127533, 0.7969421744346619, -0.6094601154327393, -0.0978434681892395, 0.4097256064414978, 0.2714245915412903, -0.2568349540233612, 0.20697085559368134, -1.2862977981567383, 0.866940975189209, -0.375346839427948, 0.5961463451385498, 0.017707958817481995, 0.2473934292793274, 0.06934608519077301, 0.17880672216415405, 0.5466495752334595, -0.843428373336792, 0.501773476600647, -0.27158084511756897, -0.504940390586853, 0.8790611028671265, 0.25930455327033997, -0.21359384059906006, 0.21914470195770264, 0.1194142997264862, -0.7329787611961365, -0.1645580530166626, -0.5914905071258545, -0.11327797174453735, 1.3206232786178589, -0.278781920671463, 1.3040798902511597, 0.505040168762207, 1.0377302169799805, 0.11869357526302338, -0.7595889568328857, 0.2366379201412201, 0.23687651753425598, -0.28679031133651733, -0.784583568572998, 0.12955769896507263, 0.47073274850845337, 1.1436718702316284, -0.22060421109199524, -0.034458380192518234, -0.13611504435539246, 0.2518569231033325, 0.04661589860916138, 0.15437248349189758, -0.2054155170917511, -0.9746350646018982, 0.6555591821670532, 3.1781225204467773, -0.859041154384613, 1.5115587711334229, -0.9114965200424194, -0.34639644622802734, 0.3589135408401489, 0.34835076332092285, 1.038665771484375, 0.3596910238265991, -1.1066241264343262, -1.0056122541427612, 0.39311739802360535, -0.5284528732299805, -0.1971207708120346, -1.2942163944244385, 0.08756594359874725, 0.05321561545133591, -0.10174516588449478, -0.8648437261581421, 0.14897599816322327, 0.18435978889465332, -0.018661681562662125, -0.08082377910614014, 0.4931434392929077, -0.712670624256134, 0.4125525951385498, -0.1562609076499939, 0.9266567230224609, -0.3953057527542114, 0.44777005910873413, -0.6834079027175903, -1.1939215660095215, 1.1704024076461792, -0.4870176911354065, -0.6296027898788452, -0.5088023543357849, 0.9470471739768982, -0.7799803018569946, -0.4613577723503113, -0.12576110661029816, -0.17796792089939117, 0.1465822160243988, -0.15072543919086456, 0.47613728046417236, 0.31184908747673035, -1.0362954139709473, -0.37071576714515686, -0.6971583366394043, 0.030608735978603363, 0.5905157327651978, -0.5809963345527649, 0.26422393321990967, -1.5581005811691284, 0.03074369579553604, -0.8673639297485352, 1.1748414039611816, -0.7073008418083191, -0.12191695719957352, 0.3373826742172241, 0.37441712617874146, 0.1874879002571106, 0.06942081451416016, 0.8090441823005676, -1.0885049104690552, 0.3165625333786011, 0.06571313738822937, -0.6662477850914001, -0.6513321995735168, 0.1761322170495987, 0.6126230955123901, 0.9216572046279907, -0.8769782781600952, -0.43465909361839294, -1.7368370294570923, 0.2348904311656952, 2.1829018592834473, -0.08899278938770294, -0.4294407069683075, 0.19070029258728027, -0.20242606103420258, -0.3277585208415985, 0.29224586486816406, 0.25653785467147827, -0.9340937733650208, -0.04430263489484787, -1.2059953212738037, -0.22707195580005646, -0.33457690477371216, 0.1702136993408203, 1.2288219928741455, 2.05936336517334, -0.8383536338806152, 0.13917206227779388, -0.30314040184020996, -1.07627534866333, 0.5398706793785095, 0.9112850427627563, 0.18921810388565063, 0.5900062918663025, 0.9493913054466248, 0.014688469469547272, 1.0364166498184204, 0.391792893409729, 0.3320859372615814, -0.7949776649475098, -0.3032778203487396, -0.07293932139873505, 0.3954613208770752, 0.21805724501609802, -0.27520838379859924, 0.6822091937065125, 0.08464869856834412, -0.7203627228736877, -0.3897835612297058, 0.26606953144073486, -0.5706958770751953, 1.279343605041504, 0.6533821225166321, -0.5270880460739136, 0.8340325355529785, -0.1400536745786667, 0.4052131474018097, -0.7051054239273071, -0.03853495791554451, -0.43136686086654663, 0.11990267038345337, 0.7779595851898193, 0.023480357602238655, -0.2297101616859436, -0.4542503356933594, 0.22266891598701477, -0.7244126796722412, -0.12288670986890793, -0.2549436390399933, -0.616737961769104, -0.9336212873458862, -0.5035874843597412, -0.19105638563632965, -0.6447648406028748, -0.4804733395576477, 0.31042781472206116, 0.28261229395866394, -0.7807106971740723, 0.5294318199157715, 1.304915428161621, -0.3203924298286438, -0.5417095422744751, 0.4611009359359741, 1.461423635482788, -0.4159899950027466, 0.1233491376042366, -0.38152340054512024, 0.056942909955978394, -0.3223983347415924, -0.5251890420913696, -0.638065755367279, 0.7592032551765442, 0.5394534468650818, -0.6392501592636108, 0.2605449855327606, 0.037547603249549866, -0.33187541365623474, 0.5352879166603088, -0.24270573258399963, 0.4996054172515869, -0.6283361315727234, 0.8743682503700256, 0.5262603759765625, -0.6172456741333008, 0.20490603148937225, -0.3674366772174835, 0.11262746155261993, 0.7674475908279419, -0.5805128812789917, 0.11415228247642517, 0.01066318154335022, -0.5939993262290955, -0.15735718607902527, 0.33652472496032715, -2.1725454330444336, 0.5846036076545715, 1.130171537399292, -0.6735906004905701, -0.1629677563905716, -1.2352733612060547, -0.07288415729999542, -0.37496259808540344, -0.12161438167095184, -0.05191729962825775, -0.2004430592060089, 0.3897007405757904, -0.7311179637908936, -0.23690779507160187, 0.28327104449272156, -1.2119770050048828, -0.8129298090934753, 0.5454109907150269, 0.9583616852760315, -0.97517991065979, 0.48851948976516724, -0.020312199369072914, -0.9410675764083862, 0.7054774761199951, 0.44890451431274414, 0.8097761869430542, 1.5785154104232788, -0.4985370635986328, -0.40968066453933716, 0.5173171162605286, 0.2757941484451294, 0.6055271625518799, 0.38945332169532776, 0.01877463422715664, 0.321784108877182, -0.6038459539413452, 1.1404688358306885, -0.14980579912662506, -1.5912725925445557, -0.9186546802520752, -0.8932685852050781, -0.020501457154750824, -1.3351444005966187, 0.2551386058330536, 0.7731767892837524, 0.6861860156059265, 0.255143404006958, 0.7544440627098083, -0.38151413202285767, 0.11458219587802887, 0.7117510437965393, 0.20066842436790466, 0.9142612814903259, 0.07381020486354828, 0.6112563610076904, 0.41705983877182007, 0.2779485881328583, -0.6630046963691711, -0.21524633467197418, 1.5450084209442139, 0.47446972131729126, -0.3765173554420471, 0.1334979087114334, 0.5843242406845093, -0.20750635862350464, 1.284821629524231, -0.6815347671508789, -0.16126717627048492, -0.43781396746635437, 0.905254602432251, 0.41673851013183594, 0.3522970974445343, -0.7159417867660522, 0.8480890989303589, 0.07746346294879913, 1.1512119770050049, 0.3314797878265381, 0.09593465179204941, 0.6499192714691162, -0.7853997945785522, -1.3640657663345337, -0.42580509185791016, -1.1521388292312622, -0.2562423646450043, -0.2779044210910797, -0.14085030555725098, 0.11911589652299881, 0.3261593282222748, -0.4039389193058014, -0.8240232467651367, 0.8763163089752197, -0.09812375158071518, -0.5232989192008972, 0.22005824744701385, 0.9307104349136353, -1.38711416721344, -0.05535928159952164, -0.5071619153022766, -0.9407738447189331, -0.8571192026138306, 0.4737143814563751, -0.6113109588623047, 0.8426877856254578, -0.6209993958473206, 0.8891900181770325, -0.1606711447238922, 0.592189610004425, -0.4505225419998169, 0.503218412399292, 1.7343822717666626, -0.6283433437347412, 0.8242197036743164, 0.41669759154319763, 0.3014090061187744, 0.30354344844818115, -0.18905559182167053, 0.6186367869377136, 0.2580304443836212, 0.6017409563064575, 0.177175834774971, -0.34238213300704956, -0.6036774516105652, 0.6865212917327881, -0.36613112688064575, 0.16891491413116455, -1.4971548318862915, 0.09762295335531235, -0.10175393521785736, 0.6090458631515503, 0.5166881680488586, -0.3400021195411682, -1.1689225435256958, 1.1451048851013184, -0.2392372190952301, 0.3837175667285919, -0.4455520510673523, 0.42961931228637695, 1.1952390670776367, 0.15093904733657837, 0.15441910922527313, -0.2835701107978821, -11.882390022277832, 1.1974530220031738, -0.5172410011291504, 0.6793677806854248, 0.14161603152751923, 0.05872410535812378, 0.598107099533081, -0.2792963981628418, 1.0300657749176025, -0.7308451533317566, -0.02691502869129181, 1.1587791442871094, 0.33080822229385376, -0.07024316489696503, -0.48351648449897766, -0.9637390971183777, -0.9268530607223511, -0.7879248857498169, 0.25141119956970215, 0.39106887578964233, -0.5669603943824768, -1.223499059677124, 0.22942878305912018, -0.4142610430717468, 0.21306975185871124, -0.4980473816394806, -0.3006060719490051, -1.5552544593811035, 0.12651844322681427, 1.0898853540420532, 0.5062346458435059, 0.7090718150138855, -0.7034701704978943, -0.3092336356639862, -0.7004604339599609, -0.38381820917129517, -1.0508390665054321, 0.04093753546476364, 0.7663069367408752, 0.4001207649707794, 0.14753489196300507, 0.3210841417312622, 1.009019374847412, -0.21972975134849548, -0.24137599766254425, 0.14615146815776825, 0.05593687295913696, -0.04634416475892067, -0.11931057274341583, -0.5676102638244629, 0.039220452308654785, -0.6006966829299927, -0.8614081740379333, -0.3493131697177887, 0.14996439218521118, -0.4331612288951874, -0.9482162594795227, 0.4993482828140259, -0.7950521111488342, -1.507462501525879, 0.8780431151390076, 0.7315479516983032, -0.8804352879524231, 0.3089776337146759, 0.723172664642334, -0.47101131081581116, -0.6819619536399841, 0.05094899609684944, 0.5591506958007812, 0.3987133204936981, -0.2595866918563843, 0.9241496324539185, -0.33115434646606445, 0.2729532718658447, 0.1517198085784912, -0.3012518882751465, -0.5009623169898987, -0.3767527937889099, 1.0605047941207886, -0.019276004284620285, -1.3468564748764038, 0.36677849292755127, -0.24396389722824097, -0.5736355781555176, -1.0268975496292114, 0.8686760067939758, -0.4946903884410858, -0.23163461685180664, 0.9789818525314331, -0.2547692656517029, 0.6527343988418579, -0.07325611263513565, 0.018054088577628136, 0.6458970904350281, -0.2774830758571625, 1.4166589975357056, -0.6082864999771118, 1.0764317512512207, -0.523446798324585, -0.19859576225280762, 0.4234851896762848, 0.44053104519844055, -0.3587508797645569, 0.19084195792675018, -0.19877956807613373, -0.010740373283624649, 0.04535377025604248, -0.028302490711212158, 0.09022445976734161, -0.31065160036087036, 0.3371000289916992, 0.15262532234191895, 0.43499189615249634, 0.6528703570365906, -0.23757125437259674, 0.7802790999412537, 1.3625595569610596, 1.1139893531799316, 0.7057160139083862, -0.08949525654315948, -0.6166144609451294, 0.17882467806339264, -0.10739140957593918, 1.2595947980880737, 0.2147449254989624, 0.10107864439487457, 1.1677212715148926, -0.5925389528274536, 0.4241650700569153, -1.6621832847595215, 0.2513618767261505, -0.852904200553894, 0.02461634948849678, -0.5518338084220886, 0.7238714694976807, -0.5193724036216736, -1.2725780010223389, 0.5218169689178467, -0.09345076978206635, 0.4417710304260254, -0.2642795443534851, -0.22206343710422516, 0.11770270764827728, -0.9847983717918396, -0.8308094143867493, 0.8890791535377502, -1.6385873556137085, 0.29463502764701843, -0.34778594970703125, -0.0642220675945282, 0.3411887288093567, -0.14520716667175293, 0.7985272407531738, -0.902976930141449, 0.058909542858600616, 0.5661914944648743, 1.0199863910675049, -0.16654226183891296, -0.9187338352203369, -0.3069417476654053, 0.5555666089057922, 1.3404513597488403, -0.6567432880401611, 1.1377861499786377, 0.6042251586914062, -0.6077632308006287, -0.3042311370372772, 0.03859475255012512, -0.18630178272724152, 0.47532427310943604, 0.0943308174610138, -0.5649012923240662, -0.4211524426937103, -0.6968721151351929, -0.6308931708335876, -0.8174507021903992, 0.6822195649147034, 1.0224264860153198, -0.5698534846305847, -0.31151509284973145, -0.16903479397296906, 0.29349493980407715, -0.2881290912628174, 0.17983412742614746, -0.6917650699615479, -0.17855313420295715, 0.17859816551208496, 1.141266107559204, 0.3612442910671234, 0.7482985258102417, -1.4016135931015015, -1.0985827445983887, -0.28633812069892883, 0.25971701741218567, 0.5033237934112549, -0.01633458212018013, 1.0905333757400513, 0.6705912947654724, -0.0782921239733696, -0.02923547849059105, 0.07245691120624542, 0.9584798216819763, -0.21636049449443817, -0.34338250756263733, -0.6903997659683228, 0.06633168458938599, -0.7771057486534119, 0.7078412771224976, 0.30013927817344666, 0.3807327151298523, -1.2865350246429443, -0.7326143383979797, -0.6371259093284607, -0.22953827679157257, -0.5301579236984253, 0.044057734310626984, -0.14332765340805054, 0.28779855370521545, -0.4627831280231476, -0.7178901433944702, 0.9066391587257385, 1.1651709079742432, 0.20013968646526337, 0.4269009828567505, 0.7905582785606384, 0.26782476902008057, 0.31420812010765076, 0.6050581932067871, 1.3521255254745483, 0.49951162934303284, -0.8347267508506775, -0.2646390199661255, 0.0434737429022789, 0.047147445380687714, -0.22107209265232086, 0.7941074371337891, -0.377541184425354, 1.2756097316741943, -0.9195483326911926, -0.20986327528953552, 0.12370628863573074, 0.8774114847183228, 1.0079190731048584, 0.8563959002494812, -0.27118897438049316, -1.272882103919983, 0.10016597807407379, -0.434966504573822, -0.21374119818210602, -0.11895191669464111, 0.9828457236289978, 0.8320101499557495, 1.0440900325775146, 0.045757025480270386, 0.8402968645095825, 0.5814902782440186, 0.17656555771827698, -0.09938079863786697, 0.4203096032142639, 0.8393400311470032, 0.5869842171669006, 0.4866771101951599, 0.6050078272819519, -0.4158102571964264, -0.4593110680580139, -0.46672987937927246, -0.4559994041919708, 1.2682839632034302, 0.19665811955928802, 0.5209566950798035, -0.30270177125930786, -0.6008647680282593, 0.7452222108840942, 0.16589263081550598, 0.3549886643886566, 0.3226861357688904, -0.3654816150665283, -1.1332558393478394, -0.7730326056480408, 0.7963669896125793, 0.6833927631378174, 0.22760345041751862, -0.2709699273109436, -1.1283968687057495, 0.5427768230438232, 0.7368830442428589, -0.24926762282848358, -1.1263062953948975, 0.7584661245346069, -0.6705568432807922, 0.6874054670333862, 0.04086529463529587, -0.9051458239555359, -0.5934432744979858, -0.5655445456504822, -0.4664783477783203, 1.2472902536392212, -0.49911314249038696, -1.5601483583450317, -0.8717418313026428, 0.2505587041378021, -0.11152252554893494, 0.5211084485054016, 0.023922428488731384, -0.3362393379211426, -1.8970762491226196, 1.634920597076416, 1.1034793853759766, -0.6209716796875, -0.05039358511567116, 0.27726876735687256, -0.22547709941864014, -0.03580167889595032, 1.115403175354004]} +{"paper_id": "polyglot_ner", "embedding": [-0.7301223278045654, 1.01641845703125, 0.26923736929893494, -0.436723530292511, 0.07167676091194153, -0.5983932018280029, -0.23454442620277405, 0.6156379580497742, 0.6115931868553162, 0.7723061442375183, 0.5717599391937256, -0.2568991780281067, 0.16085557639598846, 0.024048080667853355, -0.42518094182014465, -0.08128955960273743, -0.5328518152236938, -0.9362137317657471, -0.9231877326965332, -0.3213294744491577, -1.0064375400543213, -0.3055412769317627, 0.42220625281333923, 0.18657904863357544, -0.6795825958251953, -0.9110182523727417, 0.17629888653755188, -0.8565247654914856, 0.3017025291919708, 0.027030490338802338, -0.5082869529724121, 0.9151579737663269, -1.1747922897338867, 0.15358027815818787, 0.11972787231206894, 0.3442944586277008, 0.34105879068374634, 1.16964852809906, -0.8809871077537537, -0.3355291485786438, -0.7543658018112183, -0.15113770961761475, 0.7882256507873535, 0.028095651417970657, 1.1486835479736328, -0.2132721245288849, 0.23295529186725616, 0.0853368267416954, 0.6781903505325317, -0.269803524017334, -0.10444644838571548, -0.04352402687072754, -0.06668344885110855, 0.4186948537826538, -0.5289474725723267, 0.9538212418556213, 0.23850932717323303, -1.1253423690795898, 0.6389783620834351, -0.8548597097396851, 0.633080244064331, 1.1853188276290894, -0.1866193264722824, 0.0027444399893283844, 0.8107174634933472, 0.1702924370765686, 1.178697943687439, 0.03256174921989441, 0.7709770798683167, 0.5371651649475098, -0.16830581426620483, -1.5063613653182983, 0.3698989450931549, -0.0251009464263916, 0.5616598725318909, 1.033362627029419, 0.8431386351585388, 0.058182068169116974, 0.2535337507724762, 0.04314218461513519, -0.4717669188976288, 0.7653571963310242, 0.7795390486717224, -0.3962606191635132, -0.4914446175098419, -0.0750424861907959, 0.2761473059654236, -0.6139488816261292, 0.9363301992416382, -1.5600523948669434, 0.5055798292160034, -0.00019240938127040863, -0.3681185841560364, -0.11512366682291031, -0.28358227014541626, 0.12956419587135315, -0.14810559153556824, -0.13484130799770355, -0.6173824071884155, 0.5421082377433777, 0.851899266242981, -0.3095184564590454, 0.16764523088932037, -0.3895658850669861, -0.2034408152103424, 0.8937913775444031, -0.6369932293891907, -0.28273192048072815, -1.2520228624343872, -0.17536567151546478, 0.13889499008655548, 1.1652005910873413, 0.29252249002456665, 0.2292543649673462, -0.15798966586589813, -0.0861298218369484, 0.4854709506034851, -0.8710161447525024, -0.1771581619977951, 0.4122818112373352, -0.25222864747047424, -1.0052821636199951, -0.35976898670196533, 0.5094298720359802, 0.8304881453514099, -0.7519450783729553, 0.36110371351242065, -0.06306829303503036, -0.1321275681257248, -0.046527184545993805, 0.6213779449462891, 0.31254175305366516, -0.5498734712600708, -0.3620540201663971, 3.031000852584839, -1.034175992012024, 1.0265893936157227, 0.03464125096797943, 0.19102276861667633, -0.0797429010272026, -0.07630402594804764, 0.9835599064826965, 0.7023875713348389, -0.32093483209609985, -0.21666893362998962, 0.21288526058197021, -0.2831667959690094, 0.44103774428367615, -0.6398507952690125, -0.26325827836990356, 0.1150532066822052, 0.3106508255004883, -1.3469946384429932, -0.00021363794803619385, 0.05604036524891853, 0.5522825121879578, 0.07987920939922333, 0.5336618423461914, -0.34559139609336853, 1.2651004791259766, 0.4884183704853058, 0.17710840702056885, -0.7394593358039856, 0.5038143992424011, -0.6893934011459351, -0.10524769872426987, 1.5100423097610474, -0.1702834665775299, -1.124342679977417, -0.1440662145614624, 0.5136834979057312, -0.4843384325504303, -0.20804175734519958, -0.07698588818311691, -0.6123316287994385, -0.14917665719985962, 0.8366374373435974, 0.5143367648124695, -0.20131343603134155, -0.028795648366212845, 0.08484745025634766, 0.0206835325807333, -0.051060501486063004, 0.9973453879356384, -0.325875848531723, 0.9106053709983826, -2.2852678298950195, -0.5048146843910217, 0.1555814892053604, 0.13273794949054718, -0.3082595467567444, -0.2241533100605011, -0.11305523663759232, 0.06202463433146477, 0.4091290831565857, -0.035052187740802765, 0.18599914014339447, -1.7245911359786987, -0.5505012273788452, 0.06100556254386902, 0.17768119275569916, 0.22692017257213593, 0.2050606608390808, 1.0248960256576538, 0.11035601049661636, -0.34513768553733826, -0.5987611413002014, -1.8970474004745483, 0.07407014816999435, 2.640005350112915, -0.806007981300354, -0.7666933536529541, -1.7862682342529297, -0.10680664330720901, -0.16984304785728455, -0.7048344612121582, 0.4909280836582184, -0.4339577257633209, 0.25630590319633484, -1.1071112155914307, 0.5788943767547607, -0.524922251701355, -0.020138874650001526, 0.13252738118171692, 1.0486037731170654, -0.4231821596622467, -0.48375293612480164, -0.5625235438346863, -0.9703811407089233, 0.7305698990821838, 0.40852028131484985, 0.15105214715003967, -0.23793795704841614, 0.8843908905982971, 0.5571380257606506, 0.566659688949585, 0.007657654583454132, 0.4862702190876007, -0.7276221513748169, 0.4490993618965149, -0.3980470299720764, 1.0050290822982788, -0.2252405434846878, -0.1250782161951065, 0.13920532166957855, 0.20031318068504333, -0.3487330377101898, -0.44717198610305786, 0.3905232548713684, 0.22217358648777008, 1.0654187202453613, 1.2743600606918335, -0.9388981461524963, 1.361767292022705, -1.2790420055389404, 0.19987186789512634, -0.8195433020591736, -0.8374170064926147, -0.5169026255607605, 0.07690858840942383, 0.9844908714294434, -0.32929131388664246, 0.16075970232486725, -0.2116197943687439, -0.08778940141201019, -1.7450271844863892, 0.06356678903102875, -0.22762784361839294, -0.5866904258728027, -0.8054959774017334, -0.10444031655788422, -0.21917985379695892, -1.2275974750518799, -0.8335737586021423, 0.2612805664539337, 0.6006840467453003, 0.0018228664994239807, 1.0299334526062012, 1.4434202909469604, -0.5593275427818298, 0.33256062865257263, 0.310047447681427, 1.01378333568573, -0.7590641975402832, 0.7535133957862854, 0.6783173680305481, 0.3745989203453064, -1.102265477180481, -0.0035669803619384766, 0.09035837650299072, 0.07187920063734055, 0.4814891219139099, 0.137251079082489, 0.0584510937333107, -0.48137688636779785, -1.0123506784439087, 0.8178035616874695, -0.1326185017824173, -0.4069378674030304, -1.087462067604065, 1.7837718725204468, 0.2435997575521469, -0.0990041196346283, 0.9336426258087158, 0.3740849196910858, -0.22295263409614563, 1.2692941427230835, -0.0397307425737381, 0.3458288908004761, 0.022014111280441284, -0.003648746758699417, -0.15942436456680298, 0.6997280716896057, -1.9962844848632812, 0.29343849420547485, 0.47293931245803833, -0.0952068567276001, 0.1694013923406601, -0.1309795081615448, 0.5407419204711914, -0.8454176187515259, -0.2062692642211914, 0.6366059184074402, -0.4860387146472931, 0.5804859399795532, -0.5880440473556519, -0.06588546186685562, 0.6978185176849365, -0.8218423128128052, 0.5118046402931213, 0.784925103187561, 0.473821759223938, -1.0458753108978271, -0.04438226670026779, 1.3333114385604858, -0.22289681434631348, 0.8762679100036621, 0.11666541546583176, 0.4592898488044739, 0.7653911113739014, -1.329552173614502, -0.15058572590351105, -0.048864856362342834, 0.6316544413566589, 0.050004150718450546, 0.16831356287002563, 0.17365220189094543, 0.8604547381401062, -0.11153429746627808, 1.3635863065719604, 0.45361611247062683, -1.022788166999817, -1.3053691387176514, -0.4892745018005371, -0.4042714238166809, -0.1856267750263214, 2.163954734802246, 1.2109203338623047, 1.7865138053894043, 0.2581206262111664, -0.34934762120246887, -0.6954535245895386, -0.22554433345794678, 1.039095163345337, 0.8092283606529236, -0.020874492824077606, -0.4093121290206909, 0.16463923454284668, 0.4710538387298584, -0.011034795083105564, -0.3584883511066437, 0.5100767612457275, 0.5968862771987915, 0.054439932107925415, -1.1520278453826904, 0.447206974029541, 0.19578544795513153, 0.5699100494384766, 1.2486895322799683, -0.4191151559352875, -0.27026787400245667, -0.535286009311676, 0.5892471075057983, -0.26284128427505493, 0.2789921760559082, -0.6176292896270752, 0.39982733130455017, 0.4978298544883728, -0.1494901478290558, -0.09529148042201996, 1.0211269855499268, 1.4886960983276367, -0.10953425616025925, -1.4457321166992188, 0.028156448155641556, -1.1170804500579834, -0.23790617287158966, 0.07029760628938675, -0.03151458129286766, -0.6052297353744507, 0.04032924771308899, -0.2631603479385376, -0.621741533279419, 0.9196593761444092, -1.0005040168762207, -1.6247503757476807, 0.9270704388618469, 1.2994886636734009, -0.9540711641311646, -0.6163389086723328, 0.20845727622509003, -0.5617637634277344, -0.6594375967979431, -0.0473809577524662, -1.0073379278182983, 0.1643158495426178, 0.20357298851013184, 0.6600034832954407, -0.055351004004478455, -0.07706506550312042, -1.0089730024337769, 0.7325141429901123, 1.2389968633651733, 0.0266142338514328, 0.5138428211212158, -0.004333593882620335, 0.32473456859588623, -0.49361738562583923, -1.457619309425354, -1.1851720809936523, 0.6268189549446106, -0.1247180625796318, 0.049909111112356186, -0.9503534436225891, -1.0690830945968628, 0.5210110545158386, -0.19844341278076172, 1.1427544355392456, -0.6052737236022949, 0.446472704410553, -1.0780868530273438, 0.16493213176727295, 0.2021770030260086, -0.6364002227783203, -1.2331829071044922, 1.232759714126587, -0.24662655591964722, 0.31124040484428406, -0.28900206089019775, 0.7587082982063293, 1.2919178009033203, 0.05652023106813431, -0.05679863691329956, -0.705556333065033, -11.932674407958984, 0.4023590683937073, -0.03178495168685913, 0.2776082754135132, 1.0121008157730103, -0.29970067739486694, 1.0866237878799438, -0.011908844113349915, 0.6726319789886475, -0.5213768482208252, 0.22030510008335114, 1.5439529418945312, 0.15952381491661072, 0.09565861523151398, -0.9430145621299744, -1.546667218208313, -0.6180051565170288, -0.36387813091278076, 0.6045549511909485, 0.20462465286254883, -1.0704262256622314, -1.1369186639785767, -0.49752873182296753, 0.13891220092773438, 0.5783476829528809, -0.0806833952665329, -0.0500493161380291, 0.02302255481481552, -0.06983064115047455, -0.24889454245567322, 0.26509594917297363, -0.21522901952266693, -1.0346465110778809, 0.07289230823516846, 0.02990814298391342, 0.38366419076919556, -0.8253455758094788, 0.29232126474380493, 1.2175641059875488, 0.339997798204422, -0.38613688945770264, 0.7556679248809814, 0.31323909759521484, 0.292725145816803, -0.8466874361038208, 0.24893657863140106, 0.7651604413986206, -1.2090014219284058, 0.164033904671669, -0.574224591255188, -0.5316774845123291, -0.6534793972969055, -1.1490232944488525, -0.17722943425178528, 0.9969311952590942, 0.40041831135749817, -0.49903199076652527, -0.4756476879119873, -0.7896417379379272, -1.3014079332351685, 1.2347041368484497, 0.16711239516735077, -0.5331872701644897, 0.2718866169452667, 0.306858092546463, -0.04291848838329315, 0.48339539766311646, 0.23733679950237274, -0.17768916487693787, 0.2001309096813202, -0.23923587799072266, 0.5278497338294983, 0.43448036909103394, 0.3224785029888153, -0.23317795991897583, -0.28464287519454956, -0.21824879944324493, -0.01710074208676815, 0.2402099072933197, 0.16227519512176514, -1.1060582399368286, 1.0021299123764038, -0.12880462408065796, -0.027146711945533752, -0.26538559794425964, -0.19856590032577515, -0.8523942232131958, -0.10796862840652466, 0.24934712052345276, -0.014366328716278076, 0.8018156886100769, -0.22688403725624084, -0.5353348255157471, -0.24662747979164124, -0.34435397386550903, 0.7533299326896667, -0.9539511203765869, 0.7233152389526367, 0.3506959080696106, -0.5367121696472168, 0.44697684049606323, -0.4739976227283478, -0.7497968673706055, -0.42398127913475037, 0.7864000797271729, 0.039446473121643066, 0.029344171285629272, -0.031004853546619415, 0.27252399921417236, -0.9679510593414307, 1.1146020889282227, -0.08081915974617004, 0.3169649839401245, 1.2720521688461304, -0.30156728625297546, 0.7751714587211609, 0.8816214799880981, -0.07974710315465927, 0.7220141291618347, 1.3604657649993896, 0.18704769015312195, 0.6304807662963867, 0.3681907653808594, 1.0868911743164062, -0.34656351804733276, 0.07712658494710922, 0.7569929957389832, 0.5599246025085449, 0.1960916370153427, -1.4828170537948608, -0.0282437764108181, 0.035806480795145035, -0.20458629727363586, -1.0855991840362549, -0.6043468117713928, -0.41861405968666077, -0.6528114080429077, 1.2201653718948364, -0.17058247327804565, 0.26592835783958435, -0.035589396953582764, -0.7585907578468323, -0.1302197277545929, -0.2939140796661377, -0.4648716151714325, -0.12346523255109787, -0.7247191667556763, 0.14389677345752716, -0.4564231336116791, -0.542589545249939, 0.28125274181365967, -0.4814383089542389, 0.8823672533035278, -0.6181303858757019, 0.04054688662290573, -0.17742323875427246, 0.0968705266714096, -0.4126744270324707, -0.6719551682472229, -0.2553715407848358, -0.025058135390281677, 1.0394657850265503, -0.8405351042747498, 1.5375423431396484, 1.1279369592666626, 0.0007182471454143524, -0.5791547894477844, -0.13884222507476807, -0.7519099116325378, 0.1356011927127838, 0.8264605402946472, -0.6129081845283508, -0.04576098173856735, -0.3338676393032074, -0.08228021115064621, -1.0438449382781982, 0.7296292185783386, 1.399283766746521, -0.9280974268913269, 0.0766727402806282, 0.41218116879463196, 0.8898652791976929, 0.34639036655426025, -0.034809596836566925, -0.7935765981674194, -0.32641857862472534, 0.29474779963493347, 0.7837294936180115, 0.11734142154455185, 0.8373168706893921, -1.2771055698394775, -0.8562937378883362, -0.4566901624202728, -0.07524238526821136, 0.5824493765830994, 0.05057096108794212, 1.110781192779541, 0.44374558329582214, 0.20572185516357422, 0.3538486957550049, 0.20275996625423431, 1.0685179233551025, 0.2756616473197937, 1.090382695198059, -0.25528696179389954, -0.1364484429359436, -1.0312761068344116, 0.27892038226127625, 0.45241206884384155, 0.7848038673400879, -1.0139158964157104, -0.18085366487503052, 0.3159230947494507, -0.24068503081798553, 0.3544456660747528, -0.8106037378311157, 0.24549126625061035, -0.24600042402744293, -0.48242810368537903, -1.0583633184432983, 0.2988376319408417, 1.110451340675354, -0.8813509941101074, 0.5683632493019104, -0.1624763458967209, 0.37405773997306824, 0.5817931294441223, 0.44914573431015015, 1.2792980670928955, -0.6325921416282654, -0.7736495137214661, 0.6478019952774048, -0.18661504983901978, -0.23899081349372864, -0.36124128103256226, -0.07044903934001923, -0.6268212795257568, -0.03715638816356659, -0.8328291773796082, 0.5234223008155823, -0.05032774806022644, 0.47846299409866333, 0.5817320346832275, 0.7011526226997375, -0.4892846941947937, -1.0753412246704102, -0.18305090069770813, -1.1095503568649292, 0.11690950393676758, 0.11685225367546082, 0.4398752748966217, 0.4313230514526367, 0.8642347455024719, 0.26230281591415405, 0.7870091199874878, -0.06461939215660095, 0.10795439779758453, -0.25536251068115234, 0.016139358282089233, 1.0359394550323486, 0.5911512970924377, 0.3876231610774994, -0.15541204810142517, -0.21040242910385132, -1.1012438535690308, -1.1033188104629517, -0.4559912085533142, 0.49991339445114136, 1.174503207206726, -0.4005175232887268, 0.2002844661474228, -1.0744444131851196, 0.6628458499908447, -0.7735884785652161, 0.3238864839076996, 0.3766290545463562, -0.23200184106826782, -0.6900187730789185, -1.0119856595993042, 0.40334782004356384, 1.257062554359436, -0.430765300989151, 0.3305339813232422, -0.6040253639221191, 0.4741879105567932, -0.6390289068222046, -0.33023601770401, -0.8252702355384827, 0.6282432079315186, -0.20679445564746857, 0.1518755555152893, -0.12706878781318665, -0.7156040668487549, -0.7887960076332092, 0.14618660509586334, -0.7441219091415405, 0.26116520166397095, 0.3728755712509155, -0.4846021234989166, -0.2834324836730957, 0.5457808375358582, -0.6322520971298218, 0.4551812410354614, 0.2861481308937073, -0.5854399800300598, -1.5410676002502441, 0.3344125747680664, 0.7013111114501953, 0.28301361203193665, -0.8025250434875488, 0.22400027513504028, 0.39766398072242737, 0.07451394200325012, 0.8203606009483337]} +{"paper_id": "imppres", "embedding": [-0.7794734835624695, 0.8715660572052002, -0.7233287692070007, 0.039781369268894196, 0.36006084084510803, 0.5210455656051636, 0.2556169033050537, 0.3164626657962799, 0.5663760304450989, 1.0156464576721191, 0.7929888963699341, -0.5895609259605408, -0.19320440292358398, -0.3967023193836212, 0.04868413880467415, -0.015254221856594086, -1.5785396099090576, -0.21528172492980957, -2.0303659439086914, -0.7019947171211243, -0.43009495735168457, -0.544946551322937, 0.36038443446159363, 0.6731846332550049, -0.9561575651168823, -0.9100662469863892, 1.0212676525115967, -0.9007859230041504, 0.42946603894233704, 0.03721759468317032, -0.3431815207004547, 1.0403367280960083, -1.1132314205169678, 1.0260543823242188, 0.03743920475244522, -0.3890163004398346, -0.5526725649833679, 1.1594616174697876, -0.4275597929954529, 0.6953334808349609, -0.2225409299135208, 0.12446024268865585, 0.5057796835899353, 0.6246516108512878, 0.42253074049949646, -0.6346262693405151, -0.04735419899225235, 0.420072078704834, -0.7302252054214478, -0.23849770426750183, -0.18097102642059326, -0.17505589127540588, -0.23336294293403625, 1.1424328088760376, -0.3590014576911926, 1.7754864692687988, 0.5083494186401367, -0.8110711574554443, 1.041226863861084, -0.4956904351711273, 1.4001227617263794, 2.3918817043304443, -0.551989734172821, 0.05213918536901474, 0.587598979473114, 0.063072070479393, 1.5428917407989502, -0.4044608473777771, 0.39257416129112244, 0.7627770900726318, 0.030469045042991638, -0.3233403265476227, 0.3521120250225067, -0.04129023104906082, 0.3187677264213562, 0.04089098796248436, 1.0807911157608032, 1.3323419094085693, -0.2714459300041199, 0.29166892170906067, 0.07284921407699585, 0.4765826463699341, 0.5253885984420776, -0.5247240662574768, -0.8387517929077148, 0.8669543266296387, 0.39999327063560486, -1.150713324546814, 0.12565191090106964, -2.2228269577026367, 0.5327903628349304, 0.16452375054359436, -0.6378573775291443, -0.19989293813705444, 0.15814509987831116, 0.6665558815002441, -0.370391309261322, -0.30118268728256226, 0.0135498046875, 0.05112329125404358, 0.20343202352523804, -0.9624781608581543, -0.15954263508319855, -0.5015783905982971, 0.12808001041412354, 1.2157648801803589, 0.14416396617889404, 0.11587636172771454, -0.7135061621665955, -0.18446774780750275, -0.016483398154377937, 1.4170470237731934, -0.45802733302116394, 0.6439887285232544, 0.5930120348930359, 0.3094162344932556, 0.035387881100177765, -0.9037609100341797, -0.020766858011484146, 0.7911038994789124, -0.07370427995920181, -0.9808236956596375, -0.39545124769210815, 0.3579599857330322, 1.4971237182617188, -0.7000657916069031, -0.15729346871376038, -0.19213050603866577, 0.5244144201278687, -0.0592573881149292, 0.16560372710227966, -0.2461802065372467, -0.8985004425048828, -0.1050286516547203, 3.2829861640930176, -0.6019739508628845, 1.7696890830993652, -1.0198230743408203, -0.15091735124588013, -0.4949200749397278, 0.10056567937135696, 0.9499717354774475, -0.06477262079715729, -0.8150628209114075, -1.1001731157302856, 0.3174225986003876, -0.18695901334285736, 0.04259174317121506, -0.853407621383667, 0.1383141726255417, -0.026827778667211533, -0.08921322971582413, -1.9990557432174683, 0.11526720970869064, 0.2156163901090622, 0.04037679731845856, -0.2027357667684555, 0.7220125198364258, -0.3190726339817047, 0.9284700751304626, 0.1624259650707245, -0.6001254916191101, -0.08936294913291931, 0.43153730034828186, -0.6594399809837341, -0.3717825412750244, 1.3283787965774536, -0.18149346113204956, -1.2194015979766846, -0.6013826727867126, 0.4912719428539276, -0.00644027441740036, -0.5374533534049988, -0.4188616871833801, 0.05876869708299637, 0.062235988676548004, 0.41742345690727234, 0.9959568381309509, -0.030935360118746758, -0.1961648017168045, -0.9411771297454834, -0.9522275924682617, -0.36003777384757996, 0.7115136384963989, -0.3904317617416382, 0.4601965546607971, -2.0749170780181885, -0.799823522567749, -0.27503499388694763, 1.1346617937088013, -0.46635058522224426, -0.14889110624790192, 0.23622316122055054, 0.5555699467658997, 0.41016536951065063, 0.09367930889129639, 1.289097785949707, -1.2306257486343384, -0.23008735477924347, -0.01883886754512787, -0.5202702283859253, -0.712458610534668, -0.4194439649581909, 1.1851798295974731, 0.6080166697502136, -1.5548458099365234, -0.465335488319397, -1.972119927406311, 0.37432578206062317, 3.5844461917877197, 0.5302151441574097, -0.26441484689712524, -1.2828874588012695, -0.25883397459983826, -0.5797647833824158, 0.3021742105484009, 0.17500339448451996, -0.959004282951355, 0.4521479904651642, -0.8804616332054138, 0.3832946717739105, 0.0063191428780555725, 0.40170609951019287, 0.8159493803977966, 0.9929172992706299, -0.7471008896827698, -0.5840492844581604, -0.8314130306243896, -0.10268015414476395, 0.5524642467498779, 0.17414063215255737, 0.39537328481674194, -0.27706050872802734, 0.31557750701904297, 0.7092974185943604, 1.1865109205245972, 0.2251920998096466, 0.3750172257423401, -1.0056008100509644, 0.6265086531639099, 0.1646912395954132, 0.6052826642990112, -0.10515742003917694, 0.6012405157089233, 0.4462485909461975, 0.5056147575378418, -0.46872687339782715, -0.4161865711212158, -0.2198801189661026, -0.20615506172180176, 1.298414707183838, 0.5108864903450012, -0.5214343667030334, 0.5314663052558899, -0.9056984186172485, 0.059692613780498505, -0.5045434832572937, -1.1948853731155396, -0.3935473561286926, -0.27822357416152954, 0.669680655002594, 0.5066028237342834, -0.23888355493545532, -0.15059572458267212, 0.1774550974369049, -1.66965651512146, 0.25263357162475586, -0.7429786920547485, -0.41853266954421997, -2.227419853210449, 0.7839285731315613, 0.6713511943817139, -0.47614941000938416, -0.31921514868736267, -0.6393136382102966, 0.3103635311126709, 0.39036136865615845, 0.663725733757019, 1.5448172092437744, -0.20281918346881866, -0.4999855160713196, 0.5123432874679565, 1.1906019449234009, -1.1463567018508911, 1.005082130432129, -0.32071083784103394, 0.4504965841770172, -0.16816410422325134, 0.40915998816490173, -1.2277930974960327, 0.6685453653335571, 0.5730213522911072, -0.13661246001720428, -0.096579410135746, -0.3279902935028076, -0.24972575902938843, 1.1552581787109375, -0.6454748511314392, -0.18937692046165466, -1.0493957996368408, 2.119476795196533, 0.36202552914619446, -0.21090559661388397, 1.1438944339752197, -0.11592843383550644, 0.7742006182670593, 0.7402982711791992, -0.003902032971382141, -0.014355985447764397, 0.21422608196735382, 0.2697625458240509, 0.7645431756973267, 0.11324777454137802, -1.8583217859268188, 0.1062670350074768, 0.9844834804534912, -0.01192411407828331, -0.21804101765155792, -1.6327217817306519, 0.3988586664199829, -1.1664000749588013, -0.3732489347457886, 0.5519548058509827, -0.7326116561889648, -0.2320629060268402, -0.17178639769554138, 0.07474403083324432, 0.6167240142822266, -1.293932318687439, 0.5591375827789307, 1.209204077720642, 0.015998676419258118, -1.1746783256530762, 0.6499546766281128, 0.7442701458930969, -0.1985594928264618, 0.17152293026447296, -0.3211955428123474, 1.1187372207641602, 0.7897738218307495, 0.14963746070861816, -0.1262708604335785, 0.7684481739997864, 0.6270186305046082, 0.8873476386070251, -0.40271469950675964, -0.7386427521705627, 0.19145812094211578, -0.2710363268852234, 1.2212525606155396, 0.03395255282521248, -1.1510838270187378, -0.9404255747795105, -0.5080476999282837, 0.09177395701408386, -1.6059250831604004, 1.7061376571655273, 1.066637635231018, 1.4385102987289429, -1.0320700407028198, 1.4337716102600098, -0.16837739944458008, -0.20769938826560974, 0.8758576512336731, 0.15564216673374176, -0.17663471400737762, -1.1941834688186646, -0.22661054134368896, 0.751898467540741, -0.33383017778396606, 0.05971696227788925, -0.25183096528053284, 0.9352678060531616, 0.2504252791404724, -0.5127575397491455, -0.24194203317165375, 0.40419188141822815, 0.5534713864326477, 1.0969042778015137, -0.5301447510719299, -1.3600845336914062, 0.8562543392181396, 0.5442512631416321, 0.6493602991104126, 0.21289357542991638, -1.3039718866348267, 0.7490233182907104, -0.39714545011520386, 0.6321161389350891, 0.2778093218803406, 0.6454752683639526, 1.0029804706573486, -1.1301140785217285, -1.5390658378601074, -0.22104573249816895, -0.756227970123291, -0.1587895154953003, -0.03898201882839203, -0.16419900953769684, -0.42288196086883545, 0.9465888738632202, 0.30277392268180847, -0.3651025593280792, 0.670966625213623, -0.6023604869842529, -1.1175212860107422, 1.0506958961486816, 0.3634742796421051, -1.537645936012268, -0.03608354926109314, 0.1897623986005783, -0.135830357670784, -1.1006479263305664, 0.47516828775405884, -0.21041607856750488, 1.0285671949386597, 0.5679370164871216, 0.9713411331176758, -0.17527733743190765, -0.4129369258880615, -0.9474941492080688, 0.7248530983924866, 0.8234540820121765, -0.3604312241077423, 1.0584090948104858, 0.4292895793914795, 0.17847807705402374, 0.5936375856399536, -0.9126245379447937, -0.553687572479248, 1.2477798461914062, 0.03876936435699463, 0.3392326533794403, -0.9532440304756165, -1.1558475494384766, 0.6798304915428162, -0.2336341291666031, 0.5037331581115723, -1.3789470195770264, -0.20717103779315948, -0.6600317358970642, 0.626620352268219, 0.3922642767429352, -1.12492036819458, -1.1620073318481445, 0.8609302639961243, -1.0551069974899292, 0.38934433460235596, 0.3431396484375, 0.10419490933418274, 2.3103437423706055, -0.3947124779224396, -0.10418025404214859, -0.5981644988059998, -9.305377006530762, 0.446546733379364, -0.04742442071437836, 0.46428555250167847, -0.048057783395051956, -1.285963535308838, -0.05035446584224701, -0.5811159014701843, 0.44808539748191833, -0.4720694422721863, 0.43968698382377625, 1.8100923299789429, 0.667091965675354, -0.39787283539772034, -0.25624215602874756, -1.5628364086151123, -0.8230540752410889, -0.7910696864128113, -0.38472747802734375, 0.5189148187637329, -0.550809383392334, -1.5569415092468262, 0.7973353862762451, 0.20266088843345642, 0.4044156074523926, 0.3214857280254364, -0.6728247404098511, -0.22077152132987976, -0.2828875184059143, 0.7272219657897949, 0.620115339756012, -0.440464586019516, -0.4776862859725952, -0.18714170157909393, 0.15718668699264526, -0.12814247608184814, -0.5827078819274902, 0.5791563391685486, 0.28858935832977295, -0.03751324862241745, -0.30910730361938477, -0.02080090157687664, 0.9784061312675476, -0.8804798722267151, -1.1256451606750488, -0.1451178789138794, 0.45457878708839417, -0.7500759363174438, -0.3915185034275055, -0.3208059072494507, -0.6740180850028992, -0.17511339485645294, -0.5528005361557007, -0.756824791431427, -0.1660548895597458, -0.14329756796360016, -0.5900842547416687, 0.5777624845504761, -0.7012950778007507, -1.0882800817489624, 0.3250916004180908, -0.0547727569937706, -0.5348449349403381, -0.1598985344171524, -0.1589425504207611, -0.6849435567855835, -0.07644440978765488, 0.5381497144699097, -0.46031737327575684, 0.2772633135318756, -1.0494955778121948, 0.31385859847068787, -0.41817089915275574, -0.11934196949005127, -1.2213566303253174, 0.23978719115257263, -0.5446333885192871, -0.6231468319892883, 0.8637275099754333, -0.10687704384326935, -1.275141954421997, 0.7578346729278564, 0.3776244521141052, 0.16703632473945618, -1.3107492923736572, 0.4661487638950348, -0.04134649038314819, -0.15443021059036255, 1.07857084274292, -0.785210371017456, 1.2525871992111206, -0.03274259716272354, -0.5821114778518677, 0.21349826455116272, -0.26520106196403503, 1.355454444885254, 0.3183894157409668, 0.830626904964447, 0.1655060350894928, -0.7724905610084534, 0.3591536283493042, 0.0664723813533783, -0.4049115478992462, 0.15126244723796844, 0.17819078266620636, 0.8983472585678101, -0.20348551869392395, 0.035487785935401917, 0.08939757943153381, -1.057619571685791, 0.8526139259338379, 0.33520978689193726, -0.6753842234611511, 0.9913164973258972, -0.6147637367248535, 0.301225483417511, 0.9548095464706421, 1.0383622646331787, 0.26752009987831116, 0.7254319787025452, -0.04993226379156113, 1.302401065826416, 0.33993691205978394, 1.1553720235824585, 0.19138719141483307, -0.17292580008506775, 1.026475429534912, -0.03744120895862579, 0.481757789850235, -2.493893623352051, 0.5794325470924377, -0.060893427580595016, -0.17728585004806519, 0.09389766305685043, -0.45514562726020813, -0.4331235885620117, -0.7229208946228027, 1.21908438205719, -0.9054824709892273, -0.26520952582359314, -0.19761796295642853, -0.1717493236064911, 0.6470433473587036, -0.3878152370452881, -0.5944372415542603, 0.033864397555589676, -2.0389809608459473, 0.5366197228431702, -0.5205999612808228, -0.8838649988174438, -0.7930774092674255, -0.06019055098295212, 0.7740877270698547, -1.0489634275436401, -0.1474112570285797, 0.2727676331996918, 0.681075394153595, -0.4895443618297577, -0.20235039293766022, 0.7015471458435059, -0.5536490678787231, 1.8616201877593994, -0.7890235185623169, 0.3952222168445587, 0.18914729356765747, -0.36459192633628845, 0.26375699043273926, 0.03592953085899353, -0.7661762833595276, -0.23091894388198853, 0.864493727684021, -1.3207157850265503, -0.40579983592033386, -0.9788166880607605, -0.5485199689865112, -0.6606692671775818, 0.8027147650718689, 0.8674249649047852, -0.8386637568473816, -0.6433581113815308, -0.08117231726646423, 0.5764925479888916, -0.3436100482940674, 0.1457427442073822, -0.12740211188793182, -0.341325581073761, -0.27899348735809326, 1.2276840209960938, 0.2679018974304199, 1.5127334594726562, -1.8466007709503174, -1.2870166301727295, 0.08750373125076294, 1.2893575429916382, 0.8122146725654602, -0.16965067386627197, 1.1048336029052734, 0.25697702169418335, -0.06042344868183136, 0.2521888017654419, 0.08897505700588226, 0.8804185390472412, -0.566085159778595, 0.8404564261436462, -0.40131476521492004, 0.7696547508239746, -0.7281366586685181, -0.33285775780677795, -0.3462570905685425, 0.3015994727611542, -1.3466893434524536, -0.14286786317825317, 0.07181418687105179, -0.23336561024188995, 0.746950089931488, -0.5210538506507874, 0.3477967381477356, -0.7419230937957764, -0.4926302134990692, -1.038718342781067, 0.6041246652603149, 0.3206929862499237, 0.05323943495750427, 0.9265822768211365, 0.6869540214538574, 0.6363542675971985, 0.9115605354309082, 0.3892673850059509, 1.2132686376571655, 0.10266353189945221, 0.015106688253581524, 0.04401981085538864, 1.226921796798706, 0.33313968777656555, -0.36119750142097473, -0.8790854811668396, -0.3892666697502136, 0.6162217259407043, -0.30574536323547363, 0.9813278317451477, -0.7446556091308594, 0.5056897401809692, 1.1527326107025146, 1.7632129192352295, -1.0723901987075806, -1.2469675540924072, -0.07053256779909134, -1.3719255924224854, 0.6891139149665833, 0.4999842941761017, 1.411517858505249, 0.9308104515075684, 0.7876102328300476, 0.38545042276382446, 1.2564598321914673, -0.015053980052471161, -0.03608379513025284, -0.06943099945783615, 0.017149705439805984, 1.161881685256958, 1.4379467964172363, 0.7417938113212585, 0.24243980646133423, -0.05552182346582413, -1.3298090696334839, 0.1909659206867218, -0.24990177154541016, 0.9254709482192993, 0.5071765780448914, -0.3987821340560913, 0.102889284491539, -0.8572624921798706, 1.1315321922302246, -0.58417809009552, 0.1629222184419632, 0.31482207775115967, -0.7717864513397217, -1.3344391584396362, -0.7310530543327332, -0.4654783308506012, 0.8337368965148926, -0.218970388174057, -0.16602732241153717, -0.004272922873497009, 1.2847259044647217, 0.026683393865823746, -0.38079729676246643, -1.5359058380126953, 0.1924966275691986, -0.8539753556251526, -0.012932009994983673, -0.1483054906129837, -1.066920518875122, -0.7440376877784729, -0.32778674364089966, -0.8261529207229614, 0.614437460899353, -0.32025760412216187, -0.8414201140403748, -0.8874173760414124, -0.24324734508991241, -0.18781690299510956, 0.322753369808197, 0.7800134420394897, -0.3776167929172516, -1.7517502307891846, 1.0720230340957642, 1.6117939949035645, -0.14094410836696625, -0.6679397821426392, -0.1341414749622345, -0.19465242326259613, -0.6366388201713562, 0.7321887612342834]} +{"paper_id": "indonlu", "embedding": [-0.1900676190853119, 1.343453049659729, -0.21602168679237366, -0.3216000497341156, 0.6653910279273987, -0.19631436467170715, 0.3406248688697815, 0.8819236159324646, 1.0601567029953003, 0.9592279195785522, 0.44026878476142883, -0.3613012433052063, -0.29258856177330017, -0.3433436155319214, -0.38013342022895813, -0.530107855796814, -1.413983702659607, -1.2114988565444946, -1.7136908769607544, -0.22968202829360962, -0.9651607871055603, -0.39213067293167114, 0.30701300501823425, 0.6266475319862366, -0.527679443359375, -0.8151589035987854, 1.1493444442749023, -1.0072557926177979, 0.2172502875328064, 0.475726455450058, -0.5043255090713501, 0.9575931429862976, -1.2953213453292847, 0.1202230229973793, -0.4384041130542755, -0.21462634205818176, 0.4532487988471985, 0.8612945675849915, -0.3274995684623718, -0.08543755114078522, -1.0199534893035889, -0.23697251081466675, 0.5236068367958069, 0.18112008273601532, 0.906915545463562, -0.5301551222801208, -0.31552839279174805, 0.6208390593528748, -0.3739094138145447, -0.1353115737438202, -0.17118288576602936, -0.14723482728004456, -0.004708161577582359, 0.5470151901245117, -0.637719988822937, 1.272813320159912, 0.5557737946510315, -0.884100615978241, 0.9124442338943481, -1.1104391813278198, 0.8847727179527283, 1.962658405303955, -0.890525221824646, 0.42434465885162354, 1.008412480354309, 0.11244633793830872, 1.590274691581726, 0.17194153368473053, 0.6316948533058167, 0.6516841650009155, 0.09301863610744476, -0.7468909621238708, 0.5365111827850342, 0.21128255128860474, 0.5408208966255188, 1.139880657196045, 0.2308426797389984, 0.5371743440628052, -0.23280540108680725, -0.22833466529846191, -0.7039090394973755, 0.9377126693725586, 0.6164331436157227, -0.7588003277778625, 0.24465830624103546, 0.7475628852844238, 0.27305299043655396, -0.568082869052887, 0.6855602860450745, -1.6838895082473755, 0.22415195405483246, -0.011812233366072178, -0.30603256821632385, -0.06547172367572784, -0.04387301951646805, 0.29370683431625366, -0.032166436314582825, -0.14761605858802795, -0.10957592725753784, 0.37752246856689453, 0.7098865509033203, -0.4148475229740143, 0.6186923384666443, 0.055406928062438965, 0.39014339447021484, 1.4453785419464111, -0.10082229226827621, 0.1463245153427124, -1.048178791999817, -0.3376064598560333, 0.42181921005249023, 1.5341483354568481, -0.050278518348932266, 0.3762971758842468, 0.2345014065504074, 0.0736817941069603, 0.18170256912708282, -1.1272246837615967, -0.7048041224479675, 0.1621384173631668, -0.49295079708099365, -0.8026840090751648, -0.32977229356765747, 0.004717528820037842, 0.7488602995872498, -0.8101491332054138, 0.7623818516731262, -0.28290221095085144, 0.7774523496627808, 0.06538286060094833, 0.5965657234191895, -0.13585162162780762, -0.6905474662780762, -0.06636513769626617, 2.7747175693511963, -0.8355497121810913, 1.6308656930923462, -0.6216909289360046, 0.03640682250261307, -0.3359335660934448, 0.14870086312294006, 1.2911936044692993, -0.30985623598098755, -0.8952071070671082, -0.5720988512039185, -0.08280124515295029, -1.1453187465667725, 0.7389782071113586, -1.1374938488006592, -0.615912914276123, -0.16489411890506744, -0.04149811714887619, -1.558059573173523, -0.6146441102027893, 0.48732149600982666, 0.22655054926872253, 0.05447385460138321, 0.7438074350357056, -0.32425862550735474, 1.3574144840240479, 0.5780318975448608, -0.2506231665611267, -0.20432491600513458, 0.3306486904621124, -1.4912346601486206, -0.21300294995307922, 0.8022095561027527, -0.3038393557071686, -0.4880097806453705, -0.7737770676612854, 1.3818076848983765, -0.3280394971370697, -0.13878077268600464, -0.18654410541057587, -0.015341317281126976, 0.3019293248653412, 0.8234207034111023, 0.5490984916687012, -0.10121598094701767, -0.8234290480613708, -0.04573196545243263, -0.7910305857658386, -0.08617047965526581, 0.5792274475097656, -0.20908713340759277, 0.7644226551055908, -2.2881863117218018, -0.03297906368970871, 0.2214214950799942, 0.7859562635421753, -0.14932650327682495, -0.4357978105545044, 0.064356729388237, 0.29893988370895386, 0.5744873881340027, -0.17687536776065826, 0.8524089455604553, -1.0896555185317993, -0.6724808216094971, 0.4568912386894226, -0.19985242187976837, -0.430802583694458, -0.10114767402410507, 1.4150463342666626, 0.6470534205436707, -0.7220107316970825, -0.639349639415741, -1.7964726686477661, -0.09652403742074966, 2.6479127407073975, 0.5211141109466553, -1.107181191444397, -0.8688688278198242, -0.1937708556652069, 0.1679249405860901, -0.703106701374054, 0.33749690651893616, -0.6559615135192871, 0.000927068293094635, -1.1179693937301636, 0.47068747878074646, -0.9826733469963074, 0.34431472420692444, 0.7623106837272644, 0.99897301197052, -0.24225232005119324, -0.5497748851776123, -0.17506828904151917, -0.5493139624595642, 0.3182327151298523, 0.8553248643875122, 0.17506973445415497, -0.7450942993164062, 0.5628557801246643, -0.09679730981588364, 0.40308594703674316, 0.4521840512752533, 0.22796061635017395, -0.28368473052978516, -0.024332094937562943, -0.031006040051579475, 0.9560831189155579, -0.13929013907909393, -0.2623750865459442, 0.24807776510715485, 0.41675952076911926, -0.20286990702152252, -0.4318240284919739, -0.142284095287323, 0.13492313027381897, 1.6152700185775757, 1.3944933414459229, -0.615142822265625, 0.8606256246566772, -1.3024085760116577, 0.2641320526599884, -0.510354220867157, -0.21983055770397186, -0.1265069991350174, -0.22196078300476074, 0.46371403336524963, -0.45775359869003296, -0.11420904844999313, -0.597637414932251, 0.08132964372634888, -1.5617667436599731, -0.3302287757396698, -0.3217872381210327, -0.9657048583030701, -1.693373680114746, -0.21347878873348236, -0.08324100077152252, -0.8723146319389343, -0.41604769229888916, -0.014740105718374252, 0.8073943257331848, 0.840316653251648, 1.160759449005127, 1.7989935874938965, 0.08605211973190308, 0.3870542347431183, 0.552756667137146, 0.773097574710846, -1.0901694297790527, 0.9196228981018066, -0.4090989828109741, 0.18594995141029358, -0.3366803526878357, 0.30222082138061523, -0.636236846446991, 0.5327903032302856, 0.6759358048439026, -0.44439974427223206, 0.3535240888595581, -0.4099186062812805, -1.691917061805725, 0.7873181104660034, -0.8316901326179504, 0.45911774039268494, -0.8223041296005249, 2.215416431427002, 0.3805977404117584, -0.6234424710273743, 0.5526255965232849, -0.4195343554019928, -0.21411076188087463, 0.8361742496490479, -0.7476017475128174, 0.5180321335792542, 0.11890675127506256, -0.2467975914478302, 0.08943971246480942, 0.4046320617198944, -2.188650608062744, 0.2502899169921875, 1.7286732196807861, -0.33328431844711304, -0.5221772789955139, -0.812084436416626, 0.32416146993637085, -0.7982407212257385, -0.14374542236328125, 0.6084550023078918, -1.263441801071167, 0.4066884517669678, 0.06832804530858994, 0.21522404253482819, 1.1305097341537476, -0.55074542760849, 0.5178408026695251, 1.0817418098449707, 0.6407104730606079, -1.220412015914917, -0.12383517622947693, 0.7367648482322693, -0.9240455627441406, 0.3316376209259033, 0.29780906438827515, 0.930566668510437, 1.5881764888763428, -0.1852315068244934, -0.19447217881679535, 1.13968825340271, 0.7523453831672668, 0.6656844019889832, 0.6296517848968506, -0.36375224590301514, 0.5149391889572144, 0.11204516887664795, 1.150314450263977, 0.40225639939308167, -0.7940943837165833, -1.2445968389511108, -0.29686906933784485, 0.1442244052886963, -0.8585732579231262, 1.9036648273468018, 0.7818726897239685, 1.4177535772323608, 0.14386412501335144, 0.40201815962791443, -0.7003885507583618, 0.06442418694496155, 1.1509325504302979, 0.45310840010643005, -0.20823316276073456, -0.38087257742881775, 0.048820894211530685, 0.6368640065193176, -0.46545273065567017, -0.4931860566139221, -0.05188888683915138, 0.8272645473480225, -0.10678188502788544, -1.1077169179916382, 0.09796373546123505, 0.8492915630340576, 0.36477455496788025, 1.5509858131408691, -0.9582462906837463, -0.28048253059387207, 0.6669278740882874, 0.6397405862808228, 0.2701447308063507, 0.2673618197441101, -0.49325233697891235, 0.8978992104530334, 0.5094636082649231, 1.1105713844299316, -0.5072200298309326, 0.9389976859092712, 0.9090595841407776, -0.7741362452507019, -0.7563444972038269, -0.8253118991851807, -1.1710153818130493, -0.3985399007797241, -0.24726125597953796, -0.12651567161083221, -1.0610930919647217, 0.8672361373901367, -0.44748249650001526, -0.7157083749771118, 0.849479079246521, -0.6911191344261169, -1.4062590599060059, 1.4413292407989502, 0.8042352199554443, -1.1619690656661987, -0.3257889747619629, -0.4511922001838684, -0.814527153968811, -1.0458266735076904, 0.43579500913619995, -1.1826980113983154, 0.2566261887550354, -0.026094432920217514, 1.388567566871643, 0.10351435840129852, -0.4432164430618286, -1.1113890409469604, -0.027913473546504974, 1.3959934711456299, -1.0007431507110596, 0.18324147164821625, 0.10227963328361511, 0.11033238470554352, -0.5064170360565186, -1.2385674715042114, -0.8077921271324158, 1.1306992769241333, 0.43983224034309387, -0.02879362925887108, -0.8504816889762878, -0.8515308499336243, 0.1056261956691742, -0.06439363956451416, 0.8809206485748291, -1.1807794570922852, 0.43959128856658936, -0.42390912771224976, 0.33000144362449646, 0.40852800011634827, -0.9050266742706299, -0.41399627923965454, 1.0019716024398804, -0.5652360320091248, 0.6357982158660889, 0.2267742156982422, 0.9890749454498291, 1.005431056022644, 0.17637112736701965, 0.2581489086151123, -0.4449915289878845, -10.367277145385742, -0.019380124285817146, -0.5086292028427124, -0.1732121706008911, 0.05412779375910759, -0.5232440829277039, 0.7190859317779541, -0.05770626291632652, 0.7564375996589661, -0.6715004444122314, 0.4936479926109314, 1.5700409412384033, 0.30827823281288147, -0.5605356097221375, -0.5568321347236633, -1.1289924383163452, -0.9666845202445984, -0.5365856885910034, 0.22121037542819977, 0.3567458987236023, -0.5751280784606934, -1.1989027261734009, 0.25031203031539917, 0.4701397716999054, 0.31346917152404785, 0.30924221873283386, -0.04479288309812546, -0.02940683811903, -0.7023971676826477, 0.16749219596385956, 0.22265924513339996, -0.14729779958724976, -0.9160115122795105, -0.11656638234853745, 0.7670577168464661, -0.27178987860679626, -0.6094455122947693, -0.24740758538246155, 0.9103521704673767, 0.13677702844142914, -0.663841962814331, 0.19629184901714325, 0.39449232816696167, -0.7168753147125244, -0.38073816895484924, 0.5043573975563049, 0.37517106533050537, -1.0828574895858765, -0.16364970803260803, -1.1203196048736572, -0.604076623916626, -0.43572914600372314, -1.474331259727478, -0.9604707956314087, 0.7494525909423828, -0.1267932504415512, -0.19726714491844177, -0.14573192596435547, -0.29183074831962585, -1.1149451732635498, 0.4488637149333954, 0.30463725328445435, -0.5672817826271057, 0.22650839388370514, 0.20217552781105042, -0.8159394860267639, 0.6365472674369812, 0.2854054570198059, 0.320599228143692, 0.45521217584609985, -1.2952128648757935, 0.42400720715522766, 0.032717593014240265, 0.07068423926830292, -0.6763321757316589, -0.4013141095638275, -0.3729507327079773, -0.442219614982605, 0.34114208817481995, -0.11627022922039032, -0.7454639673233032, 0.3450169265270233, 0.180169016122818, -0.3713650405406952, -1.1334151029586792, 0.07488709688186646, -0.1336556077003479, 0.43175676465034485, 0.8748050928115845, -0.4915251135826111, 1.3559118509292603, 0.052221305668354034, 0.12873199582099915, 0.5330775380134583, -0.5784135460853577, 0.643096387386322, -0.23941433429718018, 1.3768436908721924, 0.4474915564060211, -0.2743050754070282, 0.49539855122566223, -0.40274348855018616, -0.088624507188797, 0.0717846155166626, 0.28316888213157654, 0.2139885425567627, 0.0688726156949997, 0.3771229684352875, 0.5961413979530334, -0.33554694056510925, 1.1176555156707764, 0.06928372383117676, -0.5310956835746765, 0.8358091711997986, 0.31726163625717163, 1.0140550136566162, 0.46530985832214355, 0.538678765296936, 0.7047790288925171, 0.9703608751296997, -0.3912968337535858, 1.061249017715454, 0.37094846367836, 1.435492992401123, 0.4333469271659851, -0.19214420020580292, 0.8730499148368835, 0.3779147267341614, 0.1334962397813797, -1.7920894622802734, 0.15135423839092255, -0.3889341354370117, 0.12302159518003464, -0.8091610670089722, 0.1000986397266388, -0.5309563875198364, -1.5146644115447998, 1.3881399631500244, -1.0534943342208862, -0.10237545520067215, -0.08345277607440948, -0.8185632824897766, -0.11563453078269958, -0.688696563243866, -0.5484284162521362, -0.09713142365217209, -2.270535945892334, -0.32720956206321716, -0.2630755603313446, -0.7253572344779968, 0.00520562008023262, -0.0019263923168182373, 0.9918429255485535, -0.738233745098114, -0.18092812597751617, 0.0053390078246593475, 0.7019971609115601, -0.33997777104377747, -0.8834862112998962, 0.0013082921504974365, 0.09331883490085602, 0.7451413869857788, -0.7827109694480896, 0.9605863690376282, 0.7412083148956299, 0.017270881682634354, -0.5878560543060303, 0.3806171417236328, -0.3985733389854431, 0.5698089599609375, 1.3748321533203125, -1.447719931602478, -0.32964086532592773, -0.7478069067001343, -0.6141784191131592, -0.9947313666343689, -0.10304603725671768, 1.7745187282562256, -0.9496458172798157, 0.2218697965145111, -0.09770102798938751, 0.547695517539978, 0.2561044991016388, -0.517804741859436, -0.4015883207321167, 0.15911903977394104, 0.04084974154829979, 0.8414615392684937, 0.28533735871315, 0.7156644463539124, -1.9274224042892456, -1.2279322147369385, -0.13063442707061768, -0.10004477202892303, 0.06663332879543304, -0.18644331395626068, 0.9055275321006775, 0.390301376581192, 0.3541361093521118, 0.21606191992759705, -0.11287367343902588, 0.5900034308433533, 0.46349164843559265, 0.31667762994766235, -0.0006844513118267059, -0.10281673073768616, -0.5100970268249512, 0.34615495800971985, 0.17185135185718536, 0.7362134456634521, -1.1841000318527222, -0.07080098241567612, 0.1097644791007042, -0.26318255066871643, 0.3945259153842926, -0.8975019454956055, 0.07904627919197083, 0.13728578388690948, -0.36662694811820984, -1.5185362100601196, -0.09682201594114304, 1.1199511289596558, -0.34052109718322754, 0.6998472809791565, 0.6869908571243286, 0.06371328234672546, 0.2715066373348236, 0.49715089797973633, 1.785064935684204, -0.3513649106025696, -0.35298314690589905, -0.37316492199897766, 0.8791959285736084, -0.5678272843360901, -0.4352869689464569, -0.15701335668563843, -1.2084286212921143, 0.2671715021133423, -0.7219412326812744, 0.9605497121810913, -0.4782733917236328, 0.15916958451271057, 0.5962962508201599, 0.9763314723968506, -0.3377748727798462, -1.4486531019210815, -0.014110752381384373, -1.146514654159546, 0.013540118932723999, -0.03934772312641144, 0.5470281839370728, 0.9958676695823669, 0.7548539042472839, 0.2967631220817566, 1.7085002660751343, -0.08261214196681976, 0.057698700577020645, -0.3435503840446472, 0.009118661284446716, 1.2864524126052856, 0.7241535186767578, 0.5724106431007385, 0.009809432551264763, -0.8294897675514221, -0.8929084539413452, -0.29262882471084595, -0.8639029264450073, 1.2808691263198853, 1.173472285270691, -0.185689777135849, -0.010148130357265472, -0.808280348777771, 0.6771317720413208, -0.3509614169597626, 0.23345276713371277, 0.40216922760009766, -0.04229525104165077, -0.6567566990852356, -0.9148620963096619, -0.297218918800354, 1.2540032863616943, -0.711528480052948, -0.09925477206707001, -0.8781793713569641, 0.37189584970474243, -0.126015305519104, -0.40243497490882874, -0.9485710859298706, -0.15110640227794647, -0.8190829157829285, 0.3452213406562805, 0.8417123556137085, -0.5187723636627197, -0.5331812500953674, 0.22343820333480835, -0.9857017993927002, 0.5833013653755188, -0.0417480394244194, -0.6162430644035339, -0.8353743553161621, 0.5777109861373901, -0.11109043657779694, -0.4018835127353668, 0.6688091158866882, -0.312462717294693, -1.6347718238830566, 0.9338377714157104, 1.7436524629592896, -0.6158470511436462, -0.43956923484802246, 0.15740564465522766, 0.2239130586385727, 0.005304422229528427, 1.413009524345398]} +{"paper_id": "wmt18", "embedding": [0.03917117044329643, 0.9945770502090454, 0.30126944184303284, 0.12570622563362122, 0.6284460425376892, -0.17273510992527008, 1.1795328855514526, 0.8315322399139404, 0.5005216598510742, 0.35806524753570557, 0.724733293056488, 0.5106068253517151, 0.1585276573896408, 0.24925212562084198, -0.4469392001628876, -0.6885637640953064, -1.4543352127075195, -0.3038474917411804, -1.0945883989334106, -0.5881419777870178, -0.8510635495185852, 0.24293573200702667, 0.006823506206274033, 0.32555854320526123, -0.5880793333053589, -0.7688071131706238, 0.6159135103225708, -0.9733127951622009, -0.07642117887735367, 0.3933410942554474, -0.3150531053543091, 1.357734203338623, -0.5810939073562622, 0.3561902344226837, -0.3420870900154114, -0.09442616254091263, -0.32448074221611023, 0.9678641557693481, -0.1545644998550415, 0.540803849697113, -0.842011034488678, -0.09914663434028625, 0.2571936547756195, 0.07877190411090851, 1.162841558456421, 0.17165324091911316, -0.7218472957611084, 0.18103016912937164, -0.3222043216228485, 0.3681906461715698, -0.28976762294769287, 0.3354294002056122, 0.464396595954895, 0.07347773015499115, -0.7108865976333618, 1.230393886566162, 0.7652943134307861, -0.6662166714668274, 0.8898022174835205, -1.4333359003067017, 0.9904270172119141, 1.2929608821868896, -0.6393899321556091, 0.02187134511768818, 0.6958687901496887, -0.11079684644937515, 1.3956594467163086, 0.5625953078269958, 0.6541796326637268, 0.6091063618659973, -0.16084852814674377, -1.298166275024414, 0.45286765694618225, 0.2637563645839691, 0.5426133871078491, 0.4922488033771515, 0.08729220926761627, 0.21356676518917084, -0.1779310703277588, -0.13528567552566528, -0.4034503996372223, 0.7035515904426575, 0.25303053855895996, -1.3554425239562988, -0.06324867904186249, 0.6427299380302429, 0.16184528172016144, -0.6045637130737305, 0.6415488123893738, -1.416550636291504, -0.1826450675725937, 0.06284423917531967, 0.6177059412002563, 0.1586695909500122, -0.5821170210838318, 0.2175254225730896, 0.02627910114824772, 0.16401149332523346, -0.37100911140441895, 0.12076360732316971, 1.1036030054092407, -0.5298799276351929, 0.4512929618358612, -0.27062174677848816, 0.5172608494758606, 0.7897182106971741, -0.5160199403762817, -0.8442137241363525, -0.959003746509552, -0.44557151198387146, 0.12668269872665405, 0.9424390196800232, -0.09162905067205429, 0.5655876994132996, -0.02423740178346634, -0.3809349238872528, -0.026298493146896362, -0.45696917176246643, -0.9759247303009033, -0.2333609014749527, -0.7978295683860779, -0.9542238116264343, -0.5221134424209595, -0.5680768489837646, 0.732137143611908, -0.457006573677063, 0.31750962138175964, -0.3978394567966461, -0.047407813370227814, -0.25769203901290894, 0.46043846011161804, 0.21711771190166473, -0.28856536746025085, -0.15540364384651184, 2.582584857940674, -0.39100033044815063, 1.0888192653656006, -0.680909276008606, 0.3313762843608856, -0.047343477606773376, 0.10283995419740677, 1.4322865009307861, -0.31931182742118835, -0.2882436215877533, -0.18492290377616882, -0.49044910073280334, -1.071894645690918, 0.5152385830879211, -0.7942577600479126, -0.48063424229621887, -0.40957584977149963, 0.11276061832904816, -1.281542420387268, -0.6883623003959656, -0.07646523416042328, 0.3638421893119812, 0.35377198457717896, 1.0990173816680908, -0.8052374720573425, 0.5425388216972351, 0.4887509346008301, 0.5583876967430115, -0.4063282907009125, 0.44932425022125244, -1.2001581192016602, -0.15086157619953156, 0.973956286907196, -0.1668497920036316, -0.4822404384613037, -0.5927202701568604, 0.6109465956687927, -0.6745404601097107, 0.17290693521499634, 0.2524379789829254, -0.35464727878570557, 0.3856290280818939, 0.7741275429725647, 0.38161253929138184, 0.09726111590862274, -0.4287087917327881, -0.5179871320724487, 0.18866457045078278, -0.24202120304107666, 0.4870806336402893, 0.3438613712787628, 0.4119056761264801, -1.6831214427947998, -0.16507388651371002, -0.14220499992370605, 0.1664663702249527, -0.46533626317977905, 0.13847790658473969, 0.2533338963985443, -0.32167646288871765, 0.6960446238517761, 0.10544583201408386, 0.26182088255882263, -0.9426984190940857, -0.1451684683561325, 0.69080650806427, -0.009201502427458763, 0.03241922706365585, 0.29171377420425415, 0.7744084000587463, 0.38647156953811646, 0.034075990319252014, -0.5550863146781921, -1.1082130670547485, -0.2095893919467926, 2.6428937911987305, -0.2794397175312042, -0.38466066122055054, -0.8842436671257019, -0.8530218005180359, 0.666083574295044, -0.5472496747970581, 0.07794027030467987, -0.7221580147743225, -0.9112674593925476, -2.026174545288086, 0.14729133248329163, -0.4737340807914734, -0.10571497678756714, 0.47906020283699036, 0.887604296207428, -0.4430292844772339, -0.19653496146202087, -0.19666628539562225, -0.7664128541946411, 0.329324871301651, 0.5475674271583557, 0.04055759310722351, -0.6879722476005554, 0.1803646683692932, 0.14999577403068542, 0.266518771648407, 0.5635148286819458, 0.34561794996261597, -0.447738379240036, -0.7230963706970215, 0.25803595781326294, 0.698505699634552, -0.31218087673187256, -0.30402040481567383, 0.6304928660392761, 0.4869542121887207, -0.4512081444263458, -0.6171392202377319, -0.06979355216026306, 0.2643914520740509, 0.7405545711517334, 1.2600982189178467, -0.6880620121955872, 1.6103885173797607, -1.045161485671997, 0.2177269458770752, 0.1796954721212387, -0.7558558583259583, 0.15138110518455505, -0.7875919342041016, 0.32751384377479553, -0.3133079409599304, 0.14312514662742615, -0.5517584681510925, -0.02142086625099182, -1.4069281816482544, -0.19748765230178833, -0.24410930275917053, -0.5419909358024597, -1.0669137239456177, -0.4620256721973419, 0.17440856993198395, -0.6382521986961365, -0.4422277808189392, -0.003941986709833145, 0.7685047388076782, 0.10768342763185501, 1.1227099895477295, 1.6323562860488892, 0.23193296790122986, 0.25439080595970154, -0.23484575748443604, 0.32927483320236206, -0.8487908840179443, 1.2032936811447144, -0.205962136387825, -0.012128076516091824, -0.9363373517990112, -0.07247728854417801, -0.7442014217376709, -0.03869976848363876, 0.6207067966461182, -0.419050931930542, 0.342623770236969, -0.2665245532989502, -1.1872897148132324, 0.2698623538017273, -0.752754807472229, 0.8282551765441895, -0.960792601108551, 1.7073626518249512, 0.42056989669799805, -0.11296898126602173, 0.8753451108932495, -0.4050407111644745, -0.02321499027311802, 1.0436112880706787, -0.92964768409729, 0.8309995532035828, 0.8699824810028076, -0.622133731842041, 0.14961788058280945, 0.553831160068512, -2.4127235412597656, -0.05245746299624443, 0.9090898036956787, -0.212443009018898, -0.7518693804740906, -0.45510584115982056, 0.4400551915168762, -0.34200629591941833, -0.30374568700790405, 0.5992105007171631, -0.8262718915939331, 0.6443871259689331, -0.42436301708221436, 0.44673067331314087, 0.16313065588474274, -0.6610523462295532, 0.5568045377731323, 1.3664525747299194, 0.4301823079586029, -0.22352814674377441, -0.9266703724861145, 0.682508111000061, -0.906785249710083, 0.585401177406311, 0.5364647507667542, 0.9799157977104187, 1.3700580596923828, -0.6038225889205933, -0.6047953367233276, 0.9060736298561096, 1.054400086402893, 0.41806015372276306, 0.2746294140815735, 0.023067044094204903, 0.1614941507577896, 0.3395686447620392, 0.7649284601211548, -0.0802675187587738, -0.7204495668411255, -0.9664461016654968, -0.15213905274868011, -0.6422213315963745, -0.44167646765708923, 1.8893961906433105, 0.9882298707962036, 0.806117594242096, 0.22927144169807434, 0.5175358653068542, 0.0821719616651535, 0.2682729661464691, 0.8488396406173706, 0.16128668189048767, 0.0013576298952102661, 0.2168779969215393, -0.17974448204040527, 1.1546728610992432, -0.18837951123714447, -0.6522755026817322, 0.052760250866413116, 0.5759176015853882, -0.5764710307121277, -1.0512282848358154, 0.10201054811477661, 0.7336968779563904, 0.5577239990234375, 1.4737869501113892, -0.6189100742340088, -0.6309458613395691, 0.14906203746795654, 0.5077704787254333, -0.19548697769641876, 0.7066107392311096, -0.3768274784088135, 0.257617712020874, 0.29422903060913086, 0.6418482065200806, -0.4768790602684021, 0.6886049509048462, 0.24415983259677887, -0.739425778388977, -0.6181442141532898, -0.016819795593619347, -1.3628498315811157, -0.6753484606742859, -0.6955224275588989, -0.41700366139411926, -0.32966408133506775, 0.8043155074119568, -0.4404081702232361, -0.9671745896339417, 0.31339895725250244, -0.07797253131866455, -1.2219964265823364, 0.7791300415992737, 1.3150490522384644, -1.1257418394088745, 0.08776642382144928, -0.2522387206554413, -0.8268808126449585, -0.7947747111320496, 0.21385090053081512, -0.7144854068756104, -0.13344112038612366, 0.057442806661129, 0.9154280424118042, 0.07508475333452225, 0.011571086943149567, -1.407865047454834, 0.6836892366409302, 1.1808828115463257, -0.9903176426887512, 0.41631653904914856, -0.038384728133678436, 0.6746700406074524, -0.03215629607439041, -0.9138935804367065, -0.22935229539871216, 0.36869457364082336, 0.18206477165222168, -0.3634667992591858, -0.058580201119184494, -0.9194058775901794, 0.2725974917411804, 0.17046450078487396, 1.022883415222168, -0.8009210228919983, 0.6202402710914612, -0.748780369758606, 0.20737411081790924, 0.7253381013870239, -0.5819618105888367, -0.49510160088539124, 0.5664462447166443, -0.5986621975898743, 0.4861561954021454, 0.09413330256938934, 0.1490074098110199, 0.5107293725013733, 0.5610611438751221, 0.7083113193511963, -0.11450795829296112, -12.192645072937012, 0.2717075049877167, -0.7491979598999023, 0.10218490660190582, 0.5105595588684082, -0.08710850030183792, 0.8888283967971802, 0.32950446009635925, -0.012793127447366714, -0.6005545854568481, 0.8796126246452332, 0.8574163913726807, -0.11926307529211044, -0.36859989166259766, -0.3863722085952759, -0.921940803527832, -0.6951953172683716, -0.623532772064209, 0.7881653308868408, -0.15502625703811646, -0.7002451419830322, -1.0543839931488037, -0.27166515588760376, -0.10433948040008545, 0.12629184126853943, 0.30098870396614075, -0.24942106008529663, -0.026291314512491226, -0.46171629428863525, 0.5396612882614136, 0.6988895535469055, -0.12540212273597717, -0.745723307132721, -0.318187415599823, 0.7089294791221619, 0.19739097356796265, -1.0475425720214844, -0.18834014236927032, 0.6526890993118286, 0.08003700524568558, 0.06983380019664764, 0.3184049725532532, -0.209916353225708, -0.2687849998474121, -0.4623555541038513, 0.2960013151168823, 0.014097066596150398, -0.5913361310958862, 0.36927568912506104, -0.9393883943557739, -1.1410715579986572, -0.5505844950675964, -1.2068006992340088, -0.9367492198944092, 0.35536882281303406, -0.2369978427886963, -0.6509355306625366, 0.23180224001407623, -0.11337855458259583, -0.7098228931427002, 0.7834723591804504, 0.30476951599121094, -0.32534241676330566, 0.25200504064559937, 0.3803417980670929, -0.18803007900714874, 0.8563605546951294, 0.5594859719276428, -0.4593949019908905, 0.3124668300151825, -1.0483832359313965, 0.7219094634056091, -0.0027216961607337, 0.25390249490737915, -0.2875712811946869, -0.07089246064424515, -0.47656694054603577, -0.45175546407699585, 0.5405069589614868, 0.2033221423625946, -0.8027681112289429, 0.10178735107183456, 0.14883556962013245, -0.24933838844299316, -0.7707095146179199, 0.31695717573165894, -0.3218018412590027, 0.08707624673843384, 1.4318844079971313, 0.5349935293197632, 1.0908170938491821, -0.11887422204017639, -0.45660096406936646, -0.023535247892141342, -0.6946612596511841, 0.9652086496353149, -0.8512961268424988, 0.4830631613731384, 0.2155805230140686, -0.8876270651817322, 0.8122572898864746, -0.16615760326385498, -0.582740068435669, 0.5252191424369812, 0.6271387934684753, -0.11829837411642075, 0.21186292171478271, 0.39027461409568787, -0.014255300164222717, -0.535532534122467, 0.8949674963951111, 0.24473172426223755, 0.05672183632850647, 0.8401228785514832, 0.2224452793598175, 0.7477865219116211, 0.9460781812667847, 0.3060047924518585, 1.252217411994934, 0.6070204973220825, -0.32528993487358093, 0.8308719396591187, 0.3104645013809204, 1.6228243112564087, -0.3451308012008667, 0.7438405752182007, 0.3763674199581146, 0.6934767365455627, -0.39327988028526306, -0.5302422046661377, 0.17973759770393372, -0.3605659306049347, 0.3963410258293152, -1.0490325689315796, 0.03302875533699989, -0.24496372044086456, -0.396425724029541, 1.4624978303909302, -0.043849945068359375, 0.005802959203720093, -0.2566688060760498, -0.8201463222503662, -0.26081252098083496, -0.6521158814430237, -0.5586023926734924, 0.2756846249103546, -1.47417414188385, -0.07403656840324402, -0.04580916464328766, -0.1721358746290207, 0.7711121439933777, 0.27740368247032166, 0.9070072174072266, -0.9859892129898071, -0.11841413378715515, -0.3725740611553192, 0.23076044023036957, -0.5242469906806946, -0.48308590054512024, -0.9048184752464294, 0.2282717525959015, 1.1047170162200928, -0.8143883943557739, 1.0836818218231201, 0.8189319372177124, 0.6157121658325195, -0.5859133005142212, -0.06755276769399643, -0.6754032373428345, 0.6805768013000488, 0.7986320853233337, -0.9755362868309021, -0.5070840716362, -0.7179321050643921, -0.14803007245063782, 0.18403352797031403, 0.5859335660934448, 1.2689597606658936, -0.6214261054992676, 0.6576613783836365, -0.8764708638191223, 0.762539267539978, 0.1165744960308075, -0.2851135730743408, -0.6009340882301331, 0.5434734225273132, -0.10242010653018951, 0.952262818813324, -0.24110934138298035, 0.6726507544517517, -1.8677778244018555, -1.3266689777374268, -0.39544475078582764, -0.3147967755794525, 0.12214081734418869, -0.06901344656944275, 0.6118112206459045, -0.3972322940826416, 0.4117744266986847, 0.07434607297182083, 0.16019698977470398, 0.3583930730819702, -0.05480221286416054, 0.2661672830581665, 0.430484414100647, 0.2807444632053375, -0.5731936097145081, 0.20811954140663147, 0.23649610579013824, 0.47086426615715027, -1.0701645612716675, -0.5644725561141968, 0.135911762714386, 0.15364262461662292, -0.22484000027179718, -0.6533445119857788, -0.09802130609750748, 0.2249925583600998, -0.1577356606721878, -1.0901669263839722, -0.2343813180923462, 1.544029712677002, -0.15640929341316223, 0.9459717869758606, 0.23773996531963348, 0.8344077467918396, 0.4940699338912964, 0.5663955807685852, 0.5079271197319031, -0.40939339995384216, -0.4983694851398468, -0.2822994291782379, 0.01386667788028717, -0.26976802945137024, 0.1698817014694214, 0.7386398911476135, -1.7622392177581787, 0.14582347869873047, -1.3226372003555298, 0.6079925894737244, -0.2967369556427002, -0.29107236862182617, 0.525316596031189, 0.9550647735595703, -0.3672080636024475, -1.5194988250732422, 0.1619083136320114, -0.5079377889633179, 0.023207128047943115, 0.2857325077056885, 0.279300719499588, 0.8256028294563293, 0.5796133279800415, 0.34416627883911133, 0.9566717743873596, -0.07392779737710953, 0.2123645842075348, 0.525678813457489, 0.009819887578487396, 1.2290621995925903, 0.6651855111122131, -0.46453791856765747, 0.04309460520744324, -0.5001537203788757, -0.8127132654190063, -0.4451982080936432, -0.16705217957496643, 0.8482174873352051, 1.7837976217269897, -0.3242505192756653, 0.21619270741939545, -1.0485507249832153, 0.3494807779788971, -0.6472752094268799, 0.7676176428794861, 0.8097163438796997, -0.5609394311904907, -1.3242149353027344, -1.0886386632919312, 0.05580178648233414, 1.1935168504714966, -0.15854063630104065, 0.2692733407020569, -0.7380911707878113, 0.31631821393966675, 0.09611630439758301, -0.516313374042511, -1.0185577869415283, 0.4166903793811798, -0.36561933159828186, -0.3433070182800293, 0.6200965642929077, -0.4110463559627533, -0.15397492051124573, 0.07415106147527695, -0.7871171832084656, 0.661727249622345, -0.0443631187081337, -0.5925072431564331, -0.3903910219669342, 0.830078661441803, -0.22372397780418396, -0.38011088967323303, 0.5332916378974915, -0.2541118860244751, -1.906537413597107, 1.226289987564087, 0.6197630763053894, 0.028902603313326836, -0.5488477349281311, 0.052036724984645844, 0.33731386065483093, 0.1970263421535492, 1.3623687028884888]} +{"paper_id": "wiki_lingua", "embedding": [-0.13235537707805634, 1.3845951557159424, 0.24929291009902954, -0.05901500582695007, 0.3601306676864624, -0.7470076680183411, 0.04080135375261307, 0.9516614675521851, 0.6197363138198853, 0.21192049980163574, 1.334346890449524, 0.2048676311969757, 0.1262090504169464, 0.4969162940979004, -0.5911579132080078, 0.005363399162888527, -0.7581501007080078, -1.0366227626800537, -0.5754047632217407, -0.09410034120082855, -0.9474815726280212, -0.12345103919506073, -0.19916142523288727, 0.19335100054740906, -0.9581497311592102, -0.5779906511306763, 1.1176998615264893, -1.3562474250793457, -0.22111964225769043, 0.5057075619697571, -0.33594444394111633, 0.6576631665229797, -1.1884307861328125, 0.9582682251930237, -0.47011280059814453, -0.5071261525154114, 0.35738450288772583, 0.9545927047729492, -0.2977316677570343, -0.47486412525177, -0.4380098283290863, 0.11557295173406601, 1.2768229246139526, -0.12731420993804932, 0.2737026512622833, -0.3784381151199341, -0.255441814661026, 0.26714950799942017, -0.2489989846944809, 0.24699454009532928, -0.008472228422760963, 0.15987184643745422, -0.37355098128318787, 0.572117805480957, -0.3864525854587555, 1.6768759489059448, 0.23009634017944336, -1.0913530588150024, 0.3544554114341736, -1.1327707767486572, 1.0556844472885132, 1.7043194770812988, -1.0301011800765991, -0.11948932707309723, 1.1989825963974, -0.1365148425102234, 1.4788708686828613, 0.6005622744560242, 0.7978558540344238, 0.9897669553756714, -0.6291926503181458, -1.887458324432373, 0.6535687446594238, 0.13643041253089905, 0.2170214205980301, 0.7531325817108154, 0.5103776454925537, -0.5498287677764893, 0.0044393390417099, 0.2104773223400116, -0.9745107889175415, 0.18957330286502838, 1.0078940391540527, -0.8049605488777161, -0.22832047939300537, 0.02015915885567665, 0.05018036812543869, -0.09585269540548325, 0.8274751305580139, -1.4124256372451782, 0.21947740018367767, -0.31436535716056824, -0.19302240014076233, -0.4421670138835907, -0.16322772204875946, 0.14477181434631348, 0.8742368817329407, -0.03684984892606735, -0.8508096933364868, 0.4331842362880707, 0.6307258009910583, -0.3072265088558197, 0.061645280569791794, 0.1578260064125061, 0.9077117443084717, 0.4910741150379181, -0.44214704632759094, -0.7405008673667908, -1.2748912572860718, -0.43083277344703674, 0.34089261293411255, 0.7056757807731628, 0.4719740152359009, 0.08854115754365921, -0.025608040392398834, -0.6083812117576599, -0.2758249342441559, -0.16509583592414856, -0.5726243257522583, -0.2751985192298889, -0.36060675978660583, -1.6851238012313843, -0.4555692672729492, 0.1924891322851181, 0.32819056510925293, -0.8844034075737, -0.480122447013855, -0.6837419867515564, -0.5886356234550476, -0.21728605031967163, 0.6128799915313721, 0.44608592987060547, -0.8352901935577393, 0.11029131710529327, 2.7795939445495605, -0.43202704191207886, 1.398922324180603, 0.5274940729141235, 0.01644335314631462, -0.5259902477264404, 0.23432591557502747, 1.6317875385284424, 0.10609816759824753, -1.0496177673339844, 0.16361688077449799, 0.09835367649793625, -0.9779027104377747, 0.6043192744255066, -0.6267967224121094, -0.6463077068328857, -0.09242241084575653, 0.435384601354599, -1.4331094026565552, -1.0027779340744019, -0.37070831656455994, 0.6020987629890442, 0.586150586605072, 0.676498532295227, -0.26019400358200073, 1.5316178798675537, 0.8453290462493896, 0.49538618326187134, -0.42094844579696655, 0.106116883456707, -0.7892299294471741, 0.22295956313610077, 0.8187499046325684, -0.12036196887493134, -0.12576305866241455, -0.9494919776916504, 0.7841211557388306, -0.7960629463195801, 0.3679237961769104, -0.220049649477005, -0.400435209274292, 0.43679651618003845, 0.4366600811481476, 0.4414199888706207, -0.12849754095077515, -0.007872218266129494, -0.30998238921165466, -0.28958454728126526, 0.6214523315429688, 0.23987597227096558, 0.13612045347690582, 0.4512648582458496, -2.2343947887420654, -0.7683394551277161, -0.8423296809196472, 0.3779194951057434, 0.20934924483299255, 0.40460023283958435, -0.11717001348733902, -0.281078040599823, -0.4524127244949341, -0.3068726658821106, 0.11130926012992859, -0.7712403535842896, 0.08773918449878693, 0.7781957387924194, 0.23613491654396057, 0.34921252727508545, 0.03377598896622658, 0.5988805890083313, 0.9874387979507446, -0.4667845368385315, -0.5508050322532654, -1.2867861986160278, 0.35832884907722473, 1.874263882637024, -0.6073123216629028, -0.8186197280883789, -2.000823497772217, -0.24973753094673157, 1.061493992805481, -0.38424545526504517, -0.283149391412735, -0.49507445096969604, -0.24419546127319336, -1.4974693059921265, 0.23429962992668152, -0.6485370397567749, 0.2676801085472107, 0.3548544943332672, 0.5797201991081238, -0.6327190399169922, -0.37422189116477966, -0.18813025951385498, -1.0266101360321045, 0.7747355103492737, 0.8126819133758545, 0.027073318138718605, -0.5082229375839233, 0.8312994241714478, -0.35598939657211304, 0.19878828525543213, 0.5886460542678833, 0.5344964861869812, -0.32632797956466675, -0.7431241869926453, -0.049240536987781525, 1.068818211555481, -0.495311439037323, 0.08732472360134125, -0.3793855309486389, 0.17287905514240265, 0.09745433926582336, -0.5336413979530334, 0.2592695951461792, -0.1305038332939148, 1.5370248556137085, 1.1807364225387573, -0.6935867667198181, 1.780267357826233, -1.3661046028137207, 0.1294189989566803, 0.160377636551857, -1.0624885559082031, 0.32262086868286133, -0.6687500476837158, 0.49841758608818054, 0.14454065263271332, 0.8329236507415771, -0.5623340606689453, -0.3149372339248657, -1.476542353630066, -0.06388039141893387, -0.8044229745864868, -0.6851956844329834, -1.3346545696258545, -0.3426819145679474, -0.582344651222229, -1.195539951324463, -0.5582327842712402, 0.34246626496315, 0.38818103075027466, 0.5868974924087524, 0.9018548727035522, 1.3676786422729492, -0.4911370277404785, 0.7123945951461792, -0.6755094528198242, 0.8463250994682312, -0.21763817965984344, 1.3885822296142578, -0.17412909865379333, -0.22018839418888092, -1.1315178871154785, 0.15970063209533691, -0.6598333716392517, -0.09900635480880737, 0.4729917049407959, -0.4382040500640869, 0.5166875123977661, 0.067222461104393, -1.6534720659255981, 0.6271228790283203, -0.5754895806312561, 0.007525857537984848, -0.7039250135421753, 1.2958592176437378, 0.21066458523273468, -0.8609504699707031, 0.4805920720100403, 0.3841702938079834, -0.05000367760658264, 1.4907492399215698, -0.2922207713127136, 1.3701027631759644, 0.46734488010406494, 0.13534437119960785, 0.07893886417150497, -0.3970765769481659, -1.8754825592041016, -0.13301679491996765, 1.328313946723938, -0.7187067270278931, -0.4128859341144562, -0.6570473909378052, -0.23468725383281708, -0.2753434479236603, -0.4322811961174011, 0.4309169352054596, -0.7809778451919556, 0.5680865049362183, -0.14409004151821136, 0.07645738124847412, 1.2805860042572021, -0.5173768401145935, 1.4385350942611694, 0.8200456500053406, 0.3836359679698944, -0.638141393661499, -0.5056926608085632, 1.1471936702728271, -0.49918705224990845, 0.6742715835571289, -0.0036290548741817474, 1.0010643005371094, 1.0810343027114868, -0.6699204444885254, -0.12666530907154083, 0.4459041357040405, 0.8784719109535217, 0.6074613332748413, 0.9430281519889832, -0.5688651204109192, 0.5702840089797974, 0.42059916257858276, 0.9558695554733276, 0.5558820366859436, -1.1171215772628784, -0.8426921367645264, 0.03974679484963417, -0.41691118478775024, -1.0235027074813843, 1.77993905544281, 0.36405813694000244, 1.8128845691680908, 0.403499573469162, 0.04030032828450203, -0.4010021984577179, -0.29158636927604675, 0.560555100440979, 0.3714055120944977, 0.03263896703720093, -0.47786909341812134, -0.19617170095443726, 1.4017999172210693, -0.4618763327598572, -0.47535887360572815, 0.020674660801887512, 0.658940315246582, -0.586291491985321, -0.7088576555252075, 1.1993051767349243, 1.0376116037368774, 0.735511064529419, 1.3983488082885742, -0.6544914841651917, 0.018464308232069016, -0.004433494061231613, 0.6443079710006714, -0.21591691672801971, 0.2505359947681427, -1.1317095756530762, 0.492215633392334, 0.7527997493743896, 0.6634605526924133, -0.2822606563568115, 0.6440922617912292, 1.206503987312317, 0.013325270265340805, -0.5451148152351379, -0.658660352230072, -1.0708529949188232, -0.670737087726593, -0.22961708903312683, 0.11705763638019562, -1.005023717880249, 0.3949755132198334, -0.3298227787017822, -0.6611604690551758, 0.6817728281021118, -0.6857619285583496, -0.9113446474075317, 0.35524338483810425, 1.2022955417633057, -1.3952733278274536, -0.19670534133911133, -0.05926663428544998, -0.9434694647789001, -0.6833662986755371, -0.018088072538375854, -0.3713785409927368, 0.016672881320118904, 0.06355328857898712, 0.27782687544822693, 0.18766120076179504, -0.27330124378204346, -1.0405163764953613, 0.4976860284805298, 1.4619511365890503, -0.7008873224258423, 0.4900144636631012, -0.4059271812438965, 0.6279038786888123, 0.33626821637153625, -0.9763140082359314, -0.6387743949890137, 0.5444811582565308, 0.38797298073768616, -0.12051519006490707, -1.0212618112564087, -0.8542750477790833, 0.29923731088638306, 0.35905134677886963, 1.0543057918548584, -1.1842930316925049, -0.303821325302124, -0.6873377561569214, 1.0403473377227783, 0.217504620552063, -0.603813886642456, 0.021411728113889694, 1.303084135055542, -0.19795119762420654, 0.23720130324363708, 0.26062291860580444, 0.00010159611701965332, 0.7540497779846191, 0.49668073654174805, -0.08933005481958389, -0.6248435974121094, -10.884536743164062, -0.0814223363995552, -0.14722126722335815, -0.3020172119140625, 0.8653607368469238, 0.024143781512975693, 1.3080507516860962, -0.2574792504310608, 0.33380696177482605, -0.47233036160469055, 0.5474443435668945, 1.3551853895187378, 0.393524706363678, -0.5925590395927429, -0.6247850656509399, -1.9794132709503174, -0.6867772936820984, 0.035440266132354736, 0.7919217944145203, -0.7974608540534973, -0.19628918170928955, -0.9205126762390137, 0.3117401599884033, 0.31465476751327515, 0.43570786714553833, -0.3596878945827484, 0.10339857637882233, 0.1750384271144867, -0.22018969058990479, 0.4230368733406067, 0.8049752116203308, -0.032535370439291, -1.1442248821258545, -0.9848818182945251, 0.8524481058120728, -0.14063328504562378, -1.2116389274597168, 0.1178506389260292, 1.1620337963104248, -0.15882092714309692, 0.08569580316543579, 0.3454306721687317, -0.14470887184143066, 0.15033666789531708, -0.513070821762085, 0.11327891051769257, 0.4630011022090912, -0.8834429979324341, 1.3598740100860596, -0.7063659429550171, -1.0543292760849, -0.8314206004142761, -0.9934572577476501, -0.4065363109111786, 0.6144643425941467, 0.5283457040786743, -0.878322184085846, 0.4084484279155731, -0.17987117171287537, -1.0439709424972534, 0.5536865592002869, -0.004455564543604851, 0.32441431283950806, -0.4370730519294739, 0.11506755650043488, -0.437433660030365, 0.6410623788833618, 0.002868879120796919, 0.11558303982019424, -0.1376747339963913, -0.8086428642272949, 0.4045597016811371, 0.14031603932380676, -0.3118865191936493, 0.16425788402557373, -0.23186513781547546, -0.4706709384918213, -0.6453292965888977, 0.569450318813324, 0.3458947241306305, -1.0729315280914307, 0.8613502383232117, 0.2937365472316742, -0.23620182275772095, -0.3700469732284546, -0.2806923985481262, 0.06543110311031342, -0.2679598927497864, 0.4150333106517792, -0.559405505657196, 0.8192474246025085, -0.2973233163356781, 0.2380712628364563, -0.12633873522281647, -0.0233794916421175, 1.261039137840271, -1.0402776002883911, 0.47214752435684204, 0.5413615703582764, -0.9353468418121338, 0.521837592124939, 0.16000258922576904, -0.7477855682373047, -0.5681229829788208, 0.4413923919200897, -0.295278936624527, -0.038333773612976074, 0.3982873857021332, -0.16741210222244263, -0.24939706921577454, 1.0473376512527466, -0.16791443526744843, -0.5830278992652893, 0.7151482105255127, -0.0955597311258316, 1.6927756071090698, 1.27701735496521, -0.39063963294029236, 0.38049009442329407, 1.64159095287323, -0.4466099143028259, 0.6886557340621948, 0.5841547846794128, 0.9817412495613098, -0.15178826451301575, 0.2943982183933258, -0.16130219399929047, 0.5474566221237183, -0.433960497379303, -1.1334251165390015, -0.11796514689922333, -0.24308465421199799, -0.1972191482782364, -0.6726078391075134, -0.688502311706543, -0.10723334550857544, -0.8105971813201904, 1.7882006168365479, -0.3307090997695923, 0.3008403182029724, -0.2684246301651001, -0.9932958483695984, 0.29080095887184143, -0.32080861926078796, -0.35450518131256104, -0.0473126545548439, -1.6130486726760864, 0.056310467422008514, -0.34843477606773376, -0.4019044041633606, 0.132832333445549, 0.06286925822496414, 0.5422276258468628, -0.5746801495552063, -0.42096754908561707, -0.29380884766578674, 0.2889987826347351, -0.4959818422794342, -0.7054112553596497, -0.4276094138622284, 0.25556981563568115, 1.137619137763977, -0.5328224897384644, 0.7953392267227173, 0.39831048250198364, 0.38504689931869507, -0.6011824011802673, -0.10591369867324829, -0.7798244953155518, 0.6135592460632324, 1.3049795627593994, -0.9902660250663757, -0.22128306329250336, -0.8277987837791443, -0.02279878780245781, -0.5316396355628967, 0.8652951121330261, 1.7347649335861206, -0.9329584836959839, 0.5482297539710999, 0.3179934024810791, 0.7620956897735596, 0.3383212983608246, -0.015129268169403076, -0.5295762419700623, 0.3328744173049927, -0.13573142886161804, 0.395393967628479, -0.10413535684347153, 0.6580576300621033, -1.6981991529464722, -0.8307623267173767, -0.37552863359451294, -0.464063823223114, 0.5875458121299744, -0.46584978699684143, 0.955003023147583, 0.258039653301239, 0.6631497144699097, 0.2329462468624115, -0.30140984058380127, 0.9523860812187195, 0.3678840100765228, 0.9568499326705933, 0.5777422785758972, -0.27090978622436523, -0.6699755787849426, 0.16884005069732666, -0.3489306569099426, 0.6903910636901855, -1.0384845733642578, 0.5996602773666382, 0.9179593324661255, 0.0554514080286026, -0.5414770841598511, -1.0300405025482178, 0.5518690347671509, 0.07524503767490387, -0.22207774221897125, -1.189512848854065, 0.09087881445884705, 1.112504243850708, -0.6718801259994507, 0.8933843374252319, 0.1140531599521637, 0.6168341040611267, 0.36334261298179626, 0.48508960008621216, 1.2972873449325562, -0.4131819009780884, -0.9004524946212769, 0.02669253759086132, 0.06376831978559494, -0.2853441834449768, 0.381275475025177, -0.09762279689311981, -1.1484736204147339, 0.010122735053300858, -1.5441817045211792, 0.49970543384552, -0.18098533153533936, -0.3470449447631836, 0.640737771987915, 1.0548523664474487, 0.6600646376609802, -1.61685049533844, 0.012097083032131195, -1.2830448150634766, -0.30127236247062683, 0.7441580295562744, 0.07322370260953903, 0.24878241121768951, 0.7631716132164001, -0.2872336506843567, 1.0639065504074097, -0.3712737262248993, -0.5069115161895752, -0.26701703667640686, -0.29038095474243164, 0.6650652289390564, 0.6445680260658264, 0.3770207464694977, -0.08102592080831528, -0.2063719928264618, -0.2235211730003357, -1.031363606452942, -0.592980682849884, 0.7094736099243164, 1.5456929206848145, 0.13157260417938232, -0.7746545076370239, -1.9481942653656006, 0.0673651173710823, -1.1134583950042725, 0.6914722323417664, 0.7237886190414429, -0.6882802248001099, -1.3502334356307983, -1.0059177875518799, 0.005878581665456295, 0.7035461664199829, -0.16785942018032074, 0.34502893686294556, -0.049694523215293884, 0.991502046585083, 0.37537699937820435, 0.41270408034324646, -0.6162524819374084, 0.3489498794078827, -0.14694844186306, -0.05389701575040817, 1.0201060771942139, -0.46106356382369995, -0.5879445672035217, -0.05156543478369713, -0.41437339782714844, 0.5495977997779846, 0.5113651156425476, -0.876575767993927, 0.08731091022491455, 0.6014365553855896, 0.23859378695487976, 0.10265780985355377, 0.8446248769760132, 0.07622358202934265, -1.9013917446136475, 0.9156787395477295, 1.2046620845794678, 0.10088825225830078, -0.25098472833633423, 0.10493017733097076, 0.26098471879959106, 0.024293750524520874, 1.3283393383026123]} +{"paper_id": "lince", "embedding": [-0.18822821974754333, 1.2842576503753662, 0.1855510026216507, -0.1104341447353363, 0.4283914566040039, -0.4024356007575989, 0.2750990390777588, 0.6188874244689941, 0.8776394724845886, 0.8071542382240295, 0.05512762814760208, -0.25924068689346313, -0.2596052289009094, -0.5690281987190247, -0.3704069256782532, -0.7632688879966736, -1.2974331378936768, -1.4593100547790527, -1.199535608291626, -0.6256057024002075, -1.0413872003555298, -0.5488083362579346, 0.32329362630844116, 0.5922257900238037, -0.36586445569992065, -0.6742567420005798, 0.42575839161872864, -1.2170714139938354, -0.0923379585146904, 0.23283985257148743, -0.47099679708480835, 0.9691982269287109, -1.2963814735412598, 0.2172417938709259, 0.007350340485572815, -0.3350503146648407, 0.11239887773990631, 1.1228042840957642, -0.5980055332183838, 0.1330244392156601, -0.522711455821991, -0.25418639183044434, 1.042662501335144, 0.055372025817632675, 0.9896765351295471, -0.38939449191093445, -0.9477798938751221, -0.3018186092376709, 0.1550573855638504, 0.009913060814142227, -0.15700016915798187, 0.26341453194618225, 0.05678410083055496, 0.012867189943790436, -0.3465525507926941, 1.6314442157745361, 0.8836870193481445, -0.8264883756637573, 0.2437046766281128, -0.500272274017334, 0.2986670732498169, 1.953905463218689, -0.8735095858573914, -0.049279581755399704, 0.7994813323020935, 0.1644912213087082, 1.556969165802002, 0.5841730833053589, 0.554058849811554, 0.5594555139541626, 0.12050609290599823, -1.0880159139633179, 0.550207257270813, 0.3405991196632385, 0.6090587377548218, 0.7694447040557861, 0.6095027923583984, -0.17626479268074036, -0.17253929376602173, -0.307253897190094, -0.32837533950805664, 0.4376773238182068, 0.2975207567214966, -1.1856340169906616, 0.3188532590866089, 0.7036259174346924, 0.5333825349807739, -0.6253129839897156, 1.1375095844268799, -1.671116828918457, 0.6145985126495361, 0.09024374186992645, 0.046284545212984085, -0.07181922346353531, -0.4286354184150696, 0.11173788458108902, -0.08388729393482208, 0.40220844745635986, -0.24490992724895477, 0.28731074929237366, 0.6906505823135376, -0.42215654253959656, 0.44434645771980286, -0.44773170351982117, 0.7377844452857971, 1.4327688217163086, -0.4431062638759613, -0.4165111184120178, -1.576395869255066, -0.06133490055799484, 0.23833763599395752, 0.9253788590431213, -0.02541813999414444, 0.565660297870636, 0.24941815435886383, -0.33219820261001587, 0.19389982521533966, -0.23899304866790771, -0.6775611042976379, -0.1173098236322403, -0.02620481327176094, -0.734830915927887, -0.22009962797164917, 0.23516346514225006, 1.4828747510910034, -0.5618607997894287, 0.448491632938385, -0.2627389132976532, 0.35247835516929626, -0.46301376819610596, 0.41125351190567017, 0.21480420231819153, -0.36394765973091125, 0.4366633892059326, 3.254483222961426, -1.09097421169281, 1.1666299104690552, -0.6899726986885071, -0.08113939315080643, 0.1676337569952011, 0.18416330218315125, 1.401915192604065, 0.15662771463394165, -0.9286089539527893, 0.0864754468202591, 0.6613051891326904, -1.2494175434112549, 0.6973409056663513, -1.160693645477295, -0.5058656334877014, -0.1951654553413391, 0.09529394656419754, -1.3542611598968506, -0.6653122901916504, 0.29975467920303345, 0.4105790853500366, 0.11017857491970062, 0.9548818469047546, -0.603485107421875, 1.3221403360366821, 0.49327337741851807, 0.16214290261268616, -0.4417353868484497, 0.4505407512187958, -1.2217200994491577, -0.12575797736644745, 1.6136952638626099, -0.8455708622932434, -0.6587684750556946, -0.6744787693023682, 1.3792762756347656, -0.2272794544696808, -0.16933917999267578, -0.552923321723938, 0.18377923965454102, 0.48798444867134094, 1.1816681623458862, 1.0043262243270874, -0.07911651581525803, -0.36886706948280334, -0.025749700143933296, -0.46740424633026123, -0.33591705560684204, 0.31454670429229736, -0.263767808675766, 0.7766026854515076, -2.3464887142181396, -0.5595936179161072, -0.006738647818565369, 0.4017215669155121, -0.39945587515830994, -0.4711022675037384, -0.17746195197105408, 0.23244954645633698, 1.1196067333221436, -0.43798911571502686, 0.5903092622756958, -1.4332102537155151, -0.24114598333835602, 0.26407814025878906, -0.2306218147277832, 0.10905852913856506, -0.3521912693977356, 1.0704338550567627, 0.3299144208431244, -0.536738932132721, -0.27568185329437256, -2.0263121128082275, -0.6781627535820007, 3.197136640548706, 0.21874450147151947, -0.6819441914558411, -1.2502294778823853, -0.13959206640720367, -0.06575924903154373, -0.5749483108520508, 0.5768864154815674, -0.8768882155418396, -0.29231637716293335, -1.0547484159469604, 0.1261419802904129, -0.5146263837814331, 0.1966860294342041, 0.36312100291252136, 0.38026508688926697, -0.7582159638404846, 0.05739907920360565, -0.0016534626483917236, -0.7422965168952942, 0.7678756713867188, 0.5098966360092163, 0.38433513045310974, -0.4085915982723236, 0.7461603879928589, 0.08137775957584381, 0.9949307441711426, 0.7288022041320801, -0.03671777620911598, -0.51505446434021, 0.35098177194595337, 0.20240424573421478, 0.4502887725830078, -0.6009225249290466, -0.27730804681777954, 0.3786637783050537, 0.6343117952346802, -0.4351203441619873, -0.7446207404136658, -0.31143879890441895, -0.002101331949234009, 1.000667691230774, 1.1245465278625488, -0.6317209005355835, 1.2096813917160034, -1.2078145742416382, 0.29732441902160645, -0.45495671033859253, -0.7465317845344543, 0.00994350016117096, 0.09390425682067871, 0.46610161662101746, -0.19636011123657227, 0.3594450056552887, -0.5946807265281677, -0.28016290068626404, -1.5612965822219849, -0.5893667936325073, -0.3563653230667114, -0.8145357370376587, -1.7252321243286133, 0.0035702362656593323, -0.07586519420146942, -1.2867703437805176, -0.4551714360713959, 0.3549785315990448, 1.12349534034729, 0.3814363181591034, 1.012940764427185, 1.812717318534851, -0.30788055062294006, 0.18011891841888428, -0.054452069103717804, 0.8455920815467834, -0.7849488854408264, 0.5346985459327698, -0.39452847838401794, 0.14069116115570068, -0.5798134803771973, 0.48859819769859314, -0.08121228963136673, 0.15092343091964722, 0.468855619430542, -0.4524517059326172, -0.07231514900922775, -0.19499200582504272, -1.2210521697998047, 0.81303471326828, -0.9518042206764221, 0.47189784049987793, -1.2173110246658325, 1.5036649703979492, 0.5982801914215088, -0.4044559597969055, 0.9116570949554443, -0.13673821091651917, -0.2507980167865753, 1.360532283782959, -0.29297906160354614, 1.0952134132385254, 0.48609459400177, -0.5713039040565491, 0.14738400280475616, 0.7011599540710449, -1.7836735248565674, 0.18711763620376587, 1.2238775491714478, 0.11477740108966827, -0.24327407777309418, -0.599890947341919, 0.021290943026542664, -0.7971022725105286, 0.08291401714086533, 0.46215566992759705, -0.15161076188087463, 0.6261692643165588, -0.22566619515419006, 0.06248310208320618, 0.5352205038070679, -0.8337101340293884, 0.7728954553604126, 1.3116745948791504, 0.05293366685509682, -0.7571043968200684, -0.011838646605610847, 1.1124851703643799, -0.7854886651039124, 0.3472960293292999, 0.49859416484832764, 0.2789452373981476, 1.5663014650344849, -0.46625930070877075, 0.2645866870880127, 0.9310774207115173, 0.5730962753295898, 0.5245118141174316, 0.814809262752533, -0.2100517302751541, 0.6657478213310242, 0.36195361614227295, 0.9842055439949036, 0.28474196791648865, -1.3532880544662476, -0.8967568874359131, -0.4525842070579529, -0.750891923904419, -0.41801655292510986, 1.7173494100570679, 1.1175646781921387, 1.62509024143219, -0.17194318771362305, -0.09990405291318893, -0.6429502964019775, -0.20407931506633759, 0.5669374465942383, 0.35569530725479126, -0.10088510811328888, -0.5979185104370117, 0.2030114233493805, 0.5930665135383606, -0.5345127582550049, -0.279062420129776, -0.09799789637327194, 0.6093854904174805, -0.22841186821460724, -1.1353223323822021, -0.13119308650493622, 0.55801922082901, 0.4408540725708008, 1.5450867414474487, -0.3627913296222687, -0.1249915063381195, 0.3081568777561188, 0.7969383597373962, -0.5063781142234802, 0.5068942308425903, -0.622797966003418, 0.4301048219203949, 1.0112574100494385, 0.7212256193161011, 0.20187030732631683, 0.7317529916763306, 0.7224301695823669, -0.35058093070983887, -1.5010886192321777, -0.9478605389595032, -1.176401138305664, -0.18222293257713318, -0.5445297360420227, -0.5631694793701172, -0.7461321353912354, 0.77144455909729, -0.3371894955635071, -0.5017374753952026, 0.9619567394256592, -0.6245114207267761, -1.1334855556488037, 1.0019776821136475, 1.2971607446670532, -1.0504693984985352, -0.8776326179504395, 0.2755633592605591, -0.7442799806594849, -1.0212695598602295, 0.39857226610183716, -1.2571475505828857, -0.0833728089928627, 0.6260578632354736, 0.8070325255393982, 0.29818278551101685, -0.3241516351699829, -0.5318599343299866, 0.7065346240997314, 1.6331685781478882, -0.5797937512397766, 0.4284377098083496, 0.3012693226337433, 0.5618898272514343, -0.42058414220809937, -1.1214284896850586, -1.0475293397903442, 0.47219032049179077, -0.22138825058937073, 0.6479891538619995, -0.5673303604125977, -1.374163269996643, 0.10020701587200165, -0.28239160776138306, 0.5261332988739014, -0.45696136355400085, 0.47074049711227417, -1.1372358798980713, 0.020735958591103554, 0.7838197946548462, -0.6971541047096252, -0.10148493945598602, 0.9308884739875793, -0.17700907588005066, 0.6222293376922607, 0.6750073432922363, 0.6942228674888611, 0.8996083736419678, 0.46187281608581543, 0.3492810130119324, -0.9095497131347656, -10.567030906677246, 0.2797890305519104, 0.032748229801654816, -0.14419342577457428, 0.17990319430828094, -0.3695983588695526, 1.088470458984375, -0.23756951093673706, 0.7019942998886108, -0.7003134489059448, 0.3265227973461151, 1.8576260805130005, 0.07193902879953384, -0.4869057536125183, -0.49507051706314087, -1.8811535835266113, -0.9306744933128357, 0.1146041750907898, 0.2802407741546631, 0.1047399714589119, -1.2624924182891846, -1.4672257900238037, 0.1011614203453064, 0.2113717943429947, 0.47728997468948364, 0.3071387708187103, -0.04797288402915001, -0.37041932344436646, -0.265170693397522, -0.0002023950219154358, 0.47165539860725403, 0.31219911575317383, -0.7222872972488403, -0.5933645367622375, 0.7988669276237488, -0.0541112907230854, -1.166907548904419, 0.05789037048816681, 1.0483207702636719, 0.09584923833608627, -0.019705943763256073, 0.39188557863235474, 0.22273436188697815, -0.2065718024969101, -1.0881527662277222, -0.16724559664726257, 0.43554094433784485, -1.0147446393966675, 0.8665199875831604, -0.30370786786079407, -0.24633851647377014, -0.7827851176261902, -1.0926387310028076, -0.4214125871658325, 0.4854065477848053, 0.12719160318374634, -0.5353022217750549, -0.20076580345630646, -0.13648980855941772, -1.4909229278564453, 1.1511294841766357, 0.9410523772239685, -0.20400384068489075, 0.37032610177993774, 0.46629393100738525, -0.380235880613327, 0.34486252069473267, 0.13235029578208923, -0.4573999047279358, 0.3454186022281647, -1.4156274795532227, 0.658839225769043, -0.09987613558769226, 0.30993032455444336, -0.5728394985198975, -0.5122806429862976, -0.5129926800727844, -0.6583166718482971, -0.06159680709242821, 0.4181278347969055, -1.1638133525848389, 0.8846061825752258, -0.035389408469200134, -0.5738138556480408, -0.5146791338920593, -0.21861734986305237, -0.7659940719604492, 0.2218562662601471, 1.0008500814437866, -0.3459806442260742, 0.9212628602981567, -0.46160995960235596, -0.19087080657482147, -0.24764639139175415, -0.5897687673568726, 0.8337559103965759, -0.25161415338516235, 1.1093473434448242, 0.03297390043735504, -1.0520950555801392, 0.28467312455177307, -0.23456260561943054, -0.19648557901382446, -0.7476133704185486, 0.134293794631958, 0.12835970520973206, -0.31567198038101196, -0.18608355522155762, 0.4297396242618561, -0.303716242313385, 1.2096199989318848, -0.05985947698354721, -0.3842170238494873, 0.6166320443153381, 0.19549328088760376, 0.6111008524894714, 0.33222368359565735, 0.07633128762245178, 0.7397204637527466, 0.9754393100738525, -0.11976215988397598, 1.140134334564209, 0.1141461431980133, 0.9380289912223816, -0.5798044204711914, -0.04830854386091232, 0.38928356766700745, 0.2379772812128067, -0.29801875352859497, -1.6081231832504272, 0.2771399915218353, -0.27047112584114075, -0.025580165907740593, -1.109148383140564, 0.27480489015579224, -0.4118099808692932, -1.034501314163208, 1.3712631464004517, -0.4077695608139038, 0.2342241108417511, 0.24044747650623322, -0.8190702199935913, 0.38624653220176697, -0.8490382432937622, -0.8397876024246216, 0.2307138442993164, -1.9424275159835815, -0.2524707615375519, -0.5289443135261536, -0.8452805876731873, 0.761679470539093, -0.23989173769950867, 1.0542598962783813, -0.5433581471443176, 0.0071055348962545395, 0.5712245106697083, 0.12177368998527527, -0.43759921193122864, -1.182913899421692, -0.27326226234436035, -0.04380013048648834, 1.2934911251068115, -0.5696581602096558, 1.3894866704940796, 0.9392814636230469, -0.0822182297706604, -0.1766122281551361, 0.11917926371097565, -0.8864299654960632, 0.2952362298965454, 1.422516107559204, -0.5114856362342834, 0.04039210081100464, -0.9236060380935669, 0.1443277895450592, -0.7393839955329895, 0.7654414176940918, 1.590248465538025, -0.7207716703414917, 0.739457905292511, -0.45649948716163635, 0.9250801801681519, 0.2669370174407959, -0.44164568185806274, -0.8561152219772339, 0.06880893558263779, -0.110811747610569, 0.1558489203453064, 0.2083868384361267, 0.71157306432724, -1.6152175664901733, -1.138559103012085, 0.03976462408900261, -0.04260163754224777, -0.4038460850715637, -0.5158500075340271, 1.3137997388839722, -0.24876238405704498, 0.9984650611877441, 0.4684998393058777, -0.13204102218151093, 0.38330715894699097, -0.312145859003067, 0.1396438181400299, -0.3276060223579407, -0.039434704929590225, -0.6848336458206177, 0.7803112268447876, 1.0954225063323975, 0.36851024627685547, -1.343516230583191, -0.3153703808784485, 0.649529755115509, -0.25915688276290894, 0.3655235171318054, -0.6640689373016357, 0.6604259014129639, -0.044128693640232086, -0.675914466381073, -1.5240352153778076, 0.29686957597732544, 1.2950924634933472, 0.12182420492172241, 0.8001499772071838, 0.6752941012382507, 0.4201565086841583, 0.36272290349006653, 0.08686824887990952, 1.9267117977142334, -0.590157151222229, -0.5413199663162231, -0.07553085684776306, 0.3566618263721466, -0.32043319940567017, -0.34493449330329895, -0.11569144576787949, -1.2672325372695923, 0.1483343541622162, -1.2263846397399902, 0.5273740887641907, -0.38949650526046753, 0.06097106635570526, 0.5328975915908813, 0.9775514602661133, -0.578210175037384, -0.9854445457458496, -0.3282272517681122, -0.3635108172893524, -0.18911288678646088, 0.4118534028530121, -0.015381292439997196, 0.8862807750701904, 0.7338123321533203, 0.7121865749359131, 0.789313793182373, 0.20307257771492004, -0.1259157359600067, -0.047960780560970306, 0.5028328895568848, 1.3877642154693604, 0.8966742157936096, 0.197201669216156, -0.4631284475326538, -0.6395558714866638, -0.25298550724983215, -0.34259679913520813, -0.7548621892929077, 0.42118918895721436, 1.1882472038269043, 0.1854514479637146, 0.04242284595966339, -0.9322875738143921, 0.6605299711227417, -1.2707993984222412, 0.24675756692886353, 0.45270246267318726, -0.6102081537246704, -0.14731770753860474, -0.7178009152412415, 0.15351170301437378, 1.1038492918014526, -0.5461928844451904, 0.21121665835380554, -0.25845521688461304, 0.61467045545578, -0.45418617129325867, -0.2056160420179367, -1.0225369930267334, 0.10637281090021133, -0.807245671749115, 0.43725913763046265, 0.33334338665008545, -0.3276880979537964, -0.4785279631614685, 0.12244102358818054, -0.721888542175293, 0.48941171169281006, 0.26779377460479736, -0.3788429796695709, -0.5605815052986145, 0.5293381214141846, -0.27478596568107605, -0.283296674489975, 0.7686070203781128, -0.34273800253868103, -1.671469807624817, 1.2200675010681152, 1.1190509796142578, -0.46276283264160156, -0.9996914267539978, -0.4673803150653839, 0.6603981852531433, 0.1491052508354187, 1.4665547609329224]} +{"paper_id": "spider", "embedding": [-0.868069589138031, 1.429787516593933, 0.011932909488677979, 0.10309816896915436, 0.39458131790161133, -0.1450602114200592, 0.5350708961486816, 0.8442229628562927, 0.5042558312416077, 1.2614161968231201, 0.3712124526500702, 0.14891965687274933, 0.24959728121757507, -0.576323926448822, -0.4685421288013458, -0.04784001410007477, -0.5502714514732361, -0.6674708127975464, -1.7202454805374146, -0.5234020948410034, -0.7438668012619019, -1.312996745109558, 0.3417283296585083, 0.309347003698349, -1.1710484027862549, -0.572041392326355, 1.3186572790145874, -1.1178958415985107, -0.11844427138566971, 0.37705692648887634, -0.08173085004091263, 1.2806936502456665, -1.5818836688995361, 0.7088742852210999, -0.2231428325176239, 0.04528053104877472, 0.49650317430496216, 0.9751842617988586, -0.5187164545059204, 0.3290434777736664, -0.47449609637260437, 0.0381229892373085, 0.4299900233745575, 0.41634589433670044, 0.9179793000221252, -0.7083767652511597, 0.28782203793525696, 0.20511053502559662, -0.6364982724189758, -0.3334842920303345, -0.5614637732505798, 0.46544745564460754, 0.15197695791721344, 0.7551342248916626, -0.300330251455307, 1.3740922212600708, -0.3987433910369873, -0.7081303596496582, 0.7592723965644836, -0.600614070892334, 0.7362218499183655, 1.5053237676620483, 0.02891148068010807, 0.5401068925857544, 0.9252631664276123, 0.09041975438594818, 0.958867073059082, 0.26579511165618896, 0.669927179813385, 0.6821316480636597, 0.2897244095802307, -1.2916661500930786, 1.0363200902938843, 0.29783692955970764, 0.2169770896434784, 1.177507996559143, 0.5804463624954224, -0.2562500536441803, 0.0882456973195076, -0.4070540964603424, -0.253537654876709, 0.17881523072719574, 1.0629279613494873, -0.4482601284980774, -0.13376791775226593, 0.46021872758865356, -0.003323182463645935, -0.4764832854270935, 0.1700051873922348, -1.6012901067733765, 0.3933085799217224, -0.25148776173591614, -0.13246206939220428, 0.05777832865715027, -0.294042706489563, 0.3610338270664215, -1.426971435546875, 0.03898658603429794, -0.07627548277378082, 0.7301939129829407, 0.7716565728187561, -0.8106995820999146, 0.4616074860095978, -0.13127219676971436, 0.28549689054489136, 0.07111620903015137, -0.12464890629053116, 0.2251913845539093, -0.4205073416233063, -0.30129823088645935, 0.05189313367009163, 0.6577112078666687, 0.3443116843700409, 0.0462648943066597, -0.4070174992084503, 0.07544687390327454, 0.15054677426815033, -0.7106283903121948, -0.030775994062423706, 0.22006790339946747, 0.4929463267326355, -1.3877553939819336, -0.2470203936100006, -0.01992238312959671, 0.9666571617126465, -0.7179967164993286, 0.2538662552833557, -0.504341721534729, 0.3649936318397522, 0.29445120692253113, 0.2636948227882385, -0.6102710366249084, -1.054240107536316, 0.18328332901000977, 3.1695499420166016, -0.5924224853515625, 1.74008047580719, -0.34791892766952515, -0.21832193434238434, -0.29930001497268677, -0.413937509059906, 0.3351609408855438, 0.3290606141090393, -0.5780562162399292, -0.044811852276325226, 0.3573034703731537, 0.22480566799640656, 1.0526803731918335, -1.4911751747131348, -0.3608230650424957, -0.4063853919506073, -0.28864753246307373, -1.3968868255615234, -0.7257488369941711, -0.057437628507614136, -0.026703353971242905, -0.1783030480146408, -0.2592354714870453, -1.07893967628479, 0.133780375123024, 0.28018006682395935, -0.3639953136444092, -0.8971378803253174, 0.3459717035293579, -0.8797386288642883, -0.4642924666404724, 1.5160566568374634, -0.7240470051765442, -1.5652480125427246, -0.44407686591148376, 0.8589301109313965, 0.06397829949855804, 0.29425176978111267, -0.6047229170799255, 0.011554382741451263, 0.20723411440849304, 0.7881470918655396, 0.2528495490550995, 0.0074648261070251465, -0.6802809834480286, -0.31512677669525146, -0.41963469982147217, -0.023514851927757263, 0.6920531988143921, -0.045773282647132874, 0.3840470612049103, -2.6226806640625, -0.026268772780895233, -0.007916495203971863, 0.5955908894538879, 0.4190295338630676, 0.08153754472732544, 0.482688844203949, 0.37849220633506775, 0.3657418489456177, -0.605515718460083, -0.11111709475517273, -0.8450747728347778, -0.18869276344776154, 0.1435503363609314, -0.5282720327377319, 0.3400164246559143, -0.3138545751571655, 1.4149335622787476, 0.6800702810287476, -0.3716425597667694, -0.8768724799156189, -2.185502290725708, 0.6096938848495483, 2.3663103580474854, -0.11922675371170044, -0.5073584914207458, -0.9158762693405151, -0.17453159391880035, 0.6793010830879211, -0.16748028993606567, 0.35683828592300415, -0.7576130032539368, 0.22095298767089844, -0.7356215119361877, 0.0800383985042572, -0.1834338903427124, 0.6936583518981934, 0.41498494148254395, 0.8930096626281738, -0.7444525957107544, 0.4323151409626007, -0.5395103096961975, -0.9069802761077881, 1.1139354705810547, 0.6626997590065002, -0.1603723019361496, -0.16405253112316132, 1.3123791217803955, 0.36945199966430664, 0.3720611333847046, 0.8329869508743286, 0.6314859390258789, -0.7560182809829712, 0.43457186222076416, 0.06549733132123947, 0.8894385099411011, 0.30637842416763306, -0.16316330432891846, 0.4363894462585449, -0.003611616790294647, -0.34948229789733887, -0.9297921657562256, 0.21027681231498718, 0.6376476883888245, 1.4892337322235107, 0.20710045099258423, -0.3773465156555176, 0.4618211090564728, -0.7819499969482422, -0.7320767641067505, -0.49251705408096313, -0.5953512191772461, -0.2706291079521179, -0.126395121216774, 0.9574004411697388, -0.1548738181591034, 0.17787949740886688, 0.017765171825885773, -0.29616227746009827, -1.6799004077911377, -0.3144243359565735, -0.15823706984519958, -0.08422261476516724, -1.2775238752365112, 0.11494077742099762, -0.3805322051048279, -0.5520690083503723, -1.232617735862732, 0.6753227710723877, -0.24344201385974884, 0.2699865996837616, 0.9335079193115234, 1.1082934141159058, 0.125152125954628, 0.7670628428459167, 0.3266805410385132, 1.442936897277832, -0.40934959053993225, 1.261279821395874, -0.37769126892089844, -0.4207172393798828, -1.1944688558578491, 0.5491678714752197, -0.8733523488044739, 0.20628482103347778, 0.6324793100357056, -0.332483172416687, -0.01699960231781006, -0.12020184099674225, -1.3087997436523438, 1.0429182052612305, 0.14845971763134003, -0.011935055255889893, -0.2976541519165039, 1.5645018815994263, -0.1224401593208313, -0.7261010408401489, 0.7931573390960693, -0.03600597754120827, -0.160673126578331, 0.9243518710136414, -0.23318049311637878, 0.21037587523460388, 0.6206415295600891, 0.1794584095478058, -0.10095801949501038, 0.8378319144248962, -2.2508840560913086, 1.0187841653823853, 0.9417945146560669, -0.04850901663303375, -0.5422685742378235, -1.0146392583847046, 0.3951725959777832, -0.3916984796524048, 0.10545046627521515, 0.6377926468849182, -0.654645562171936, 0.6034229397773743, 0.18802422285079956, 0.31314873695373535, 1.1065737009048462, -1.230302333831787, 6.556883454322815e-05, 0.7419763803482056, 0.1999938040971756, -0.7836318612098694, -0.20630031824111938, 0.5134205222129822, -0.048425476998090744, 0.48355284333229065, 0.06599791347980499, 1.577791452407837, 0.7520290613174438, -0.4578096866607666, -0.1959017664194107, 1.0955922603607178, 0.9786022901535034, 0.6089105010032654, -0.010627820156514645, -0.7597735524177551, 0.6450528502464294, -0.0012739971280097961, 1.3478480577468872, -0.47251105308532715, -0.4651521146297455, -0.9875707030296326, -0.5014468431472778, 0.06799320876598358, -0.523799479007721, 2.026150941848755, 0.11446569114923477, 1.7011713981628418, -0.4842548072338104, 0.04201342537999153, -1.0103226900100708, -0.5577815771102905, 1.1323072910308838, 1.0665991306304932, 0.24490401148796082, -1.0547513961791992, 0.08701969683170319, 0.4011474847793579, 0.0329846628010273, -0.16441944241523743, -0.3509918749332428, 0.7844732403755188, 0.6871562600135803, -1.1956493854522705, 0.04690273106098175, 0.5380110144615173, 0.13041523098945618, 0.7327074408531189, -0.6889172792434692, -0.5332791209220886, -0.15527884662151337, -0.08464273065328598, -0.14696958661079407, 0.24773797392845154, -1.0501447916030884, 0.845146656036377, 0.41912969946861267, 0.8357348442077637, 0.04635779559612274, 1.5354883670806885, 1.7460196018218994, -0.31362679600715637, -1.5740199089050293, 0.017480801790952682, -0.5082716941833496, -0.07143789529800415, 0.47567760944366455, -0.5440030097961426, -1.0387705564498901, 1.078441858291626, -0.3719611167907715, -0.47965583205223083, 1.2634611129760742, -0.39499592781066895, -1.426805019378662, 0.6085273623466492, 0.8555698394775391, -0.972912073135376, -0.13720297813415527, 0.18196295201778412, -1.0798684358596802, -0.8856737017631531, -0.22126831114292145, -0.8448371887207031, 0.883796751499176, 0.2608506381511688, 0.8246047496795654, -0.26629209518432617, -0.050454769283533096, -1.584942102432251, 0.9862836003303528, 0.7373707890510559, -1.0632954835891724, -0.2244299054145813, -0.2903480529785156, 0.5072149038314819, -0.2994796931743622, -1.6010804176330566, -0.3578939735889435, 1.1510827541351318, 0.4748569428920746, -0.07788515836000443, -1.3546757698059082, -0.9914149641990662, 0.01938702166080475, -0.1926926076412201, 1.0951223373413086, -0.3606550991535187, 0.23983247578144073, 0.13579927384853363, 0.10092993825674057, 1.0314445495605469, -0.10983861982822418, -0.7207132577896118, 1.509364128112793, -0.8897698521614075, 1.2236436605453491, -0.6497161388397217, 0.473341703414917, 1.8383138179779053, 0.13809800148010254, -0.1169978529214859, -0.2379308044910431, -10.517833709716797, 0.5740417838096619, 0.35387441515922546, 0.2526092529296875, 0.4304707944393158, -0.23290356993675232, 1.2085620164871216, -0.5097833275794983, 0.9570651054382324, -0.980855405330658, 0.31672000885009766, 2.108971118927002, 0.5849743485450745, -0.001430504024028778, -0.8185165524482727, -1.6188288927078247, -0.5065563917160034, -0.21980756521224976, -0.13510766625404358, -0.018323346972465515, -0.7783157229423523, -0.6247339248657227, -0.40012437105178833, 0.6839297413825989, 0.5047399401664734, -0.19989073276519775, -0.22685664892196655, -0.4603981375694275, -1.0215951204299927, -0.7265352010726929, 0.714548647403717, -0.1162387877702713, -0.5347890257835388, -0.09390011429786682, -0.5882396697998047, -0.42601194977760315, -0.4005059599876404, -0.42790693044662476, 0.26486459374427795, 0.04954320937395096, -1.2096028327941895, 0.6111248731613159, 0.8154264092445374, 0.014149269089102745, -0.563869297504425, 1.1930075883865356, 0.18880489468574524, -1.2227367162704468, 0.6101072430610657, -0.4374438226222992, -0.7632039189338684, -1.0808920860290527, -0.7375383377075195, -0.6228635311126709, 0.30556491017341614, 0.39703771471977234, -0.40796807408332825, -0.9632721543312073, -0.6349691152572632, -1.0996177196502686, 0.7044086456298828, 0.14113521575927734, -0.440670907497406, 0.6379203200340271, 0.14525717496871948, -0.8514536023139954, 0.0500224232673645, 0.4505346417427063, -0.5688623189926147, 0.26710575819015503, -0.4430292844772339, 0.540787398815155, 0.27184855937957764, -0.4257051944732666, -0.8818610906600952, -0.22556129097938538, -1.0952298641204834, 0.2214152216911316, 0.43840691447257996, 0.25022977590560913, -0.9512678980827332, 0.7195137739181519, 0.21459665894508362, -0.9328866600990295, -0.7129025459289551, 0.21945440769195557, -0.12297835201025009, 0.7480669617652893, 0.5587953329086304, -0.7842525839805603, 2.0538389682769775, 0.3962157368659973, -0.42890864610671997, -0.6704939007759094, -0.31457188725471497, 0.4355119466781616, -0.4218664765357971, 1.2852301597595215, 0.10799901187419891, -0.7704750299453735, 0.17624834179878235, -0.24233955144882202, -0.7606453895568848, -0.3043014407157898, 0.2869455814361572, 0.6294661164283752, 0.4644252061843872, 0.3211855888366699, -0.2730541229248047, -0.540259599685669, 0.5476065278053284, 0.21272900700569153, -0.7196875214576721, 0.8468223214149475, -0.40796762704849243, 0.41766300797462463, 0.6345353722572327, 0.2660123407840729, 0.4230322539806366, 1.0387732982635498, 0.022867823019623756, 0.7976667284965515, -0.2043658196926117, 1.0161097049713135, -0.15644049644470215, -0.17597411572933197, 0.4619334042072296, 0.6498392224311829, -0.23226724565029144, -1.1650946140289307, 0.40463846921920776, 0.1875406801700592, 0.21364697813987732, -0.8424986004829407, -0.5613176226615906, -0.24428953230381012, -0.7447800040245056, 1.6573752164840698, -0.729960024356842, -0.2371283769607544, 0.0018649660050868988, -0.9458962678909302, -0.07195843756198883, -0.7592361569404602, -0.4889793395996094, 0.6809510588645935, -1.3743033409118652, -0.09843623638153076, -0.7947551012039185, -0.4815382957458496, -0.09821166098117828, -0.6572770476341248, 1.4128749370574951, -0.9862502813339233, -0.744616687297821, -0.12978734076023102, 0.42622432112693787, -0.23494425415992737, -1.1372525691986084, -0.0871078297495842, -0.2966194152832031, 0.505631685256958, -1.1326748132705688, 0.9736374616622925, 0.14982321858406067, 0.03585996478796005, -0.8365690112113953, -0.16036155819892883, -0.3198317587375641, -0.11767207831144333, 0.7771924138069153, -0.7217598557472229, 0.3258553147315979, -0.08666684478521347, 0.12207150459289551, -0.7257164120674133, 0.7042650580406189, 0.9879298210144043, -1.334424376487732, -0.20878688991069794, 0.19037103652954102, 1.1603541374206543, 0.5628066658973694, -0.07257553189992905, -0.38934293389320374, -0.056397125124931335, -0.028870683163404465, 1.2554361820220947, -0.10122569650411606, 1.3190010786056519, -1.6898274421691895, -1.2895033359527588, -0.35787761211395264, 0.23330670595169067, 0.7628961205482483, -0.47375932335853577, 1.5464586019515991, 0.28989288210868835, 0.2310960292816162, 0.8339345455169678, 0.4640692472457886, 0.8542015552520752, 0.2907598316669464, 0.9108221530914307, -0.03456848859786987, 0.23901492357254028, -1.0308176279067993, -0.0668351873755455, 0.3725476562976837, 0.9262693524360657, -0.9403477907180786, 0.43209028244018555, 0.9778674244880676, -0.5092366337776184, -0.27750587463378906, -1.4115060567855835, 0.2265736162662506, -0.9792665839195251, -0.017043504863977432, -1.677751064300537, 0.38059601187705994, 1.1078262329101562, -0.002766050398349762, 1.125031590461731, 0.6256649494171143, 0.5099552869796753, 0.17557558417320251, 0.5873122215270996, 1.850757360458374, 0.2047545462846756, -0.462165504693985, 0.36458009481430054, 0.5885533094406128, -0.33098113536834717, -0.29799574613571167, -0.7094430327415466, -0.15490634739398956, 0.5367612838745117, -0.744217038154602, 0.5480861067771912, -0.37526601552963257, 0.2312137335538864, 1.1922672986984253, 1.047032117843628, -1.1318156719207764, -1.9814900159835815, -0.4190967381000519, -1.3492085933685303, 0.47965675592422485, 0.5689363479614258, 0.5256649255752563, 0.07587452232837677, 0.8461092114448547, 0.32725465297698975, 0.9569299221038818, -0.28461405634880066, 0.32543885707855225, -0.10001710802316666, -0.5642648339271545, 1.5002509355545044, 0.8398913145065308, -0.059681132435798645, -0.05762877315282822, -0.36569154262542725, -0.31772395968437195, -0.17237667739391327, -1.2143335342407227, 0.7870132923126221, 0.902061939239502, -0.12338779866695404, -0.038092050701379776, -0.11304691433906555, 1.1266028881072998, -1.3176153898239136, 0.4500701129436493, -0.3800276517868042, -0.6194462180137634, -0.6112714409828186, -0.5927596092224121, -0.2762949764728546, 0.42963722348213196, -0.19242221117019653, -0.07796408236026764, 0.25314608216285706, 0.6432243585586548, -0.0878944844007492, 0.4832722544670105, -0.5363516807556152, -0.17796751856803894, -0.6775030493736267, 0.6138187050819397, -0.11435757577419281, -0.6544489860534668, -0.2815573215484619, 0.27311936020851135, -0.6807536482810974, -0.2073267698287964, -0.44012904167175293, -0.056664206087589264, -0.30108240246772766, 0.5453059077262878, -0.2484067976474762, 0.04725680500268936, 0.06450659036636353, -0.3364901542663574, -1.5754472017288208, 0.35936275124549866, 0.9659326076507568, -0.25570347905158997, -0.7005051970481873, -0.17690345644950867, -0.18060080707073212, 0.6327528953552246, 0.42856794595718384]} +{"paper_id": "bookcorpusopen", "embedding": [-0.15691283345222473, 1.2798898220062256, 0.7745630741119385, 0.0493856742978096, 0.5041784644126892, -0.710073709487915, 0.11560744792222977, 0.6451358199119568, 0.7922263145446777, -0.7552251815795898, 0.8628213405609131, 0.13148686289787292, -0.3575654625892639, 0.13769127428531647, -0.5852688550949097, 0.37900200486183167, -0.19340673089027405, 0.08556915074586868, -0.9266711473464966, 0.3364534080028534, 0.040242768824100494, -0.9349324703216553, -0.40595439076423645, 0.7710444927215576, -0.4935690760612488, 0.21793586015701294, 0.5854294300079346, -1.2819775342941284, 0.35963204503059387, 0.3268635869026184, -0.22458809614181519, 1.249692678451538, -1.0207247734069824, 0.13795551657676697, -0.33190658688545227, -0.5580860376358032, 0.21709024906158447, 0.8898130059242249, -0.07143500447273254, -0.7359535694122314, -0.37876248359680176, 0.38873451948165894, 1.0947357416152954, -0.34187403321266174, 0.891951322555542, -0.054399438202381134, 0.23776079714298248, 0.3832680881023407, 0.13110977411270142, -0.08954615890979767, -0.9089043140411377, -0.371230810880661, -0.03310108929872513, -0.12055349349975586, -0.4107615351676941, 1.2965188026428223, -0.31021353602409363, -0.5014039278030396, -0.3248731195926666, -0.7100542783737183, 1.5121005773544312, 1.4588899612426758, -0.22030630707740784, 0.28133174777030945, 1.6437394618988037, 0.1491072028875351, 1.4422839879989624, 0.6432717442512512, -0.22296451032161713, 0.4347155690193176, -0.6653698682785034, -1.2773511409759521, 0.49100276827812195, -0.16417817771434784, -0.11294887959957123, 0.3177136182785034, 0.69570392370224, 0.1372910737991333, 0.3032093644142151, 1.1186399459838867, -0.18101610243320465, 0.3718128800392151, 0.3099088966846466, -0.27725479006767273, 0.38646626472473145, -0.1390373855829239, 0.5142554044723511, -0.18381498754024506, 0.4592156410217285, -1.5037857294082642, -0.07573844492435455, -0.06589677184820175, 0.6061701774597168, 0.03283180296421051, -0.6995953321456909, -0.1644478440284729, 1.0644665956497192, -0.7786134481430054, -0.4937903583049774, 0.5816202759742737, 0.11150737851858139, 0.5063623189926147, -0.17392529547214508, -0.5213717222213745, 0.9446830153465271, 0.03683687746524811, 0.5832590460777283, -0.7029564380645752, -0.4893772304058075, -0.7845133543014526, -0.07833725214004517, 1.058866024017334, 0.0033404240384697914, 0.6206450462341309, 0.16550080478191376, -0.9029797315597534, 0.18335193395614624, 0.31434693932533264, -1.0787146091461182, 0.7996628284454346, -0.4353315830230713, -1.5278394222259521, -0.13224944472312927, -0.1136585921049118, 0.4128379225730896, -0.511827826499939, -0.4037422835826874, -1.1009573936462402, -0.45556145906448364, -0.8588185906410217, -0.10293622314929962, 0.3614923655986786, -0.5487236380577087, -0.4452153742313385, 2.7704615592956543, -0.7307866811752319, 1.0124177932739258, -0.6073505282402039, -0.6396657228469849, -0.6876593232154846, -0.42176690697669983, 1.4083808660507202, 0.27663251757621765, -0.690218985080719, -0.245732381939888, -0.6912642121315002, -0.584084689617157, -0.02631484903395176, -0.36425548791885376, -0.42761510610580444, 0.07149454206228256, 0.2561263144016266, -1.238478183746338, -1.0215953588485718, -0.567996084690094, 0.04825121909379959, 0.2955060303211212, 0.3975910544395447, -0.15791988372802734, 1.1019765138626099, -0.01576247066259384, 0.7010052800178528, -0.6884254813194275, 0.10510062426328659, -0.39304012060165405, 0.6267513036727905, 0.8040298819541931, -0.16805586218833923, 0.6183317303657532, -1.1530553102493286, 0.6706463098526001, -0.4868275225162506, 0.024227723479270935, -0.5512151122093201, -0.05657158046960831, 0.4531891644001007, 0.7598746418952942, 0.9359661936759949, 0.255600243806839, -0.29537031054496765, -0.982174277305603, -0.5535898208618164, 0.30938565731048584, 0.27556896209716797, 0.4894401431083679, 0.14829044044017792, -2.90629506111145, -0.5055215358734131, -0.945334792137146, 0.18314671516418457, 0.9502471089363098, 0.14173488318920135, 0.019647277891635895, 0.3509208858013153, -1.4452743530273438, -0.21872638165950775, 0.1000652015209198, -0.8244362473487854, 0.0068521648645401, 0.7821997404098511, -0.30904585123062134, -0.2358582764863968, -0.5575199127197266, 0.7478337287902832, 0.6199703216552734, 0.6938520073890686, -0.27611395716667175, -1.3602849245071411, 0.9864197373390198, 1.2610398530960083, 0.31883835792541504, -0.3873412311077118, -1.6473217010498047, 0.20456703007221222, 0.8287135362625122, 0.02834470011293888, 0.9598658084869385, -0.23916658759117126, 0.4369707405567169, -0.6770839691162109, 0.6079317331314087, -0.022341296076774597, 0.9999257922172546, -0.364999383687973, 0.9420367479324341, -0.40731731057167053, -0.23662449419498444, -0.6972697973251343, -1.7417547702789307, 0.22918595373630524, 0.3068859875202179, 0.09570002555847168, 0.2428186684846878, 1.25400972366333, 1.0985298156738281, 0.35523951053619385, 1.2427128553390503, 1.0560688972473145, 0.0890032947063446, -0.1317426711320877, 0.7075753211975098, -0.032556936144828796, -0.4520469307899475, -0.24536649882793427, -0.44117289781570435, 0.43037980794906616, -0.20906901359558105, -0.5681633353233337, -0.31213998794555664, -0.36891263723373413, 1.6224020719528198, 1.0885775089263916, -0.869379460811615, 0.42379194498062134, -0.9492019414901733, -0.5306826233863831, 0.46695733070373535, -0.5628275871276855, 0.4612376093864441, -0.10764513909816742, 0.1258636862039566, -0.080644391477108, 0.5506615042686462, -0.2052823156118393, -0.26616179943084717, 0.09279590845108032, -1.5230326652526855, 0.06017037481069565, -0.05961722135543823, -0.44740691781044006, -0.5228610038757324, 0.4972635507583618, -1.331221342086792, -0.6033279895782471, -0.44814780354499817, 0.5094478726387024, 0.008259503170847893, 0.22775903344154358, 1.7212097644805908, -0.3954063951969147, 0.7469486594200134, -1.1909120082855225, 0.6909371018409729, 0.28097495436668396, 0.7162868976593018, -0.733143150806427, 0.07039234787225723, -1.1977108716964722, 0.21850177645683289, -1.0135537385940552, 0.1573115885257721, 0.4488450288772583, -0.5877230167388916, 0.8435688018798828, -0.11669471859931946, -1.0304818153381348, 1.340083122253418, 0.22633469104766846, -0.5475413799285889, -0.7883937358856201, 1.0697855949401855, 0.7344073057174683, -0.7030637860298157, 0.5675541758537292, -0.9834083914756775, -0.864990234375, 1.9840775728225708, -0.5161579847335815, 1.1604210138320923, 1.655748724937439, 0.7409355640411377, 0.06859073042869568, -0.9093794226646423, -1.9522472620010376, -0.4305746555328369, 1.1686495542526245, -0.14404039084911346, 0.08095615357160568, -1.3612233400344849, 1.4717344045639038, 0.004134410992264748, -0.4465453326702118, 0.6260020136833191, -0.9706321358680725, 0.21704624593257904, -0.4843888282775879, 0.9505923390388489, 1.1194250583648682, 0.06228189170360565, 0.3216492831707001, 0.7623732089996338, 0.20030242204666138, -0.7104597091674805, 0.2567142844200134, 1.4163405895233154, -0.8138791918754578, 0.0396033450961113, 0.7377566695213318, 1.0618560314178467, 0.44479551911354065, -1.0045558214187622, -0.0016974997706711292, 0.3521278500556946, 0.2324487864971161, 0.5956131815910339, 0.1728372424840927, -0.07321278005838394, 0.22753766179084778, -0.6715476512908936, 0.8488427996635437, 0.08513623476028442, -0.35230785608291626, -0.8671509027481079, 0.7171405553817749, -0.3562137484550476, -0.02062239870429039, 1.3406481742858887, 0.7015454769134521, 2.133171796798706, 0.037591464817523956, -0.6315692663192749, -0.7248257994651794, 0.20555000007152557, 0.3093830347061157, 0.7971216440200806, -0.0390138179063797, -0.1268019825220108, 0.20651748776435852, 0.796807050704956, 0.6890788078308105, -0.20894071459770203, 0.0028435196727514267, 0.7019590735435486, -0.5793929100036621, -0.1225503534078598, 1.2481436729431152, 0.5123097896575928, 1.5033032894134521, 1.9149610996246338, -0.026770779862999916, -0.07929226756095886, -0.2222064733505249, 0.35710594058036804, 0.761425793170929, -0.30243730545043945, -0.4945482313632965, 0.9798707962036133, 0.653473436832428, 1.6848106384277344, 0.6569420695304871, 1.190603256225586, 0.7481065392494202, 0.27244487404823303, -1.5718058347702026, -0.015854611992836, -0.47064492106437683, -0.3859564960002899, -0.22205662727355957, 0.13843555748462677, 0.15054728090763092, 0.5867130160331726, -0.1124347522854805, -0.5092564225196838, 1.0882896184921265, -0.17940355837345123, -0.7762030363082886, -0.07984703779220581, 1.395768404006958, -0.8460239171981812, -0.9885768890380859, 0.5780603289604187, -0.8942816257476807, -1.149741768836975, -0.7750481367111206, -0.05408427119255066, 1.2030483484268188, 0.24312043190002441, -0.1592557430267334, -0.23347744345664978, 0.1149519681930542, -0.6276429891586304, 0.7612223029136658, 0.6040859222412109, -1.0183160305023193, 0.2601943910121918, 0.4177332818508148, 0.05679692327976227, 0.40754613280296326, -0.7678775191307068, -0.22776086628437042, -0.0038698390126228333, 0.1997883915901184, -0.5246104598045349, -0.2531520426273346, 0.15631736814975739, -0.06776691228151321, 0.5885008573532104, 0.30144745111465454, -1.4475282430648804, -0.09493369609117508, -0.32270359992980957, 1.1105958223342896, 0.16690194606781006, -0.41169679164886475, -0.16838206350803375, 0.6088418960571289, -1.3226020336151123, 0.19853398203849792, -0.10700207948684692, -0.15822891891002655, 1.8164421319961548, 0.44353634119033813, 0.03924431651830673, -0.20392613112926483, -11.078398704528809, 0.528552770614624, -0.19284453988075256, 0.7315600514411926, 0.7885034084320068, -0.07271239906549454, 0.38526391983032227, 0.34146878123283386, 0.7444683313369751, -0.37667521834373474, 0.4711533784866333, 0.18023991584777832, 0.3189971446990967, -0.4184741675853729, -0.5795968174934387, -1.499759554862976, -0.44764864444732666, -0.860503077507019, 0.4616659879684448, 0.3732618987560272, 1.0338748693466187, -1.2331310510635376, -0.6660822629928589, 0.5588434934616089, -0.08451780676841736, -0.7633365988731384, -0.18347150087356567, -0.21767105162143707, -0.14940980076789856, 0.06315477192401886, 0.8795841336250305, -1.6403703689575195, -1.0061291456222534, -0.6304106116294861, 0.947105348110199, 0.4469802975654602, -0.8675500154495239, -0.3054457902908325, 0.29623180627822876, -0.02453562803566456, 0.09935379028320312, -0.15670453011989594, -0.40577322244644165, 0.23299293220043182, 0.03444833308458328, 0.3109120726585388, -0.4845065474510193, -0.8415986895561218, -0.12800177931785583, 0.1730806827545166, -0.674370527267456, -0.6103197932243347, -0.9760182499885559, -0.9107329845428467, 0.11404912918806076, 0.7325102090835571, -1.244040608406067, -0.0018224865198135376, -0.6771708726882935, -1.2557518482208252, 0.5252746939659119, 0.27454501390457153, 0.2836824655532837, 0.6547254920005798, 0.34973815083503723, 0.09794867038726807, 1.0141969919204712, -0.042603932321071625, 0.456327348947525, 0.8958873748779297, -0.75330650806427, 0.0009048287756741047, -0.07045747339725494, 0.6364171504974365, -0.30091091990470886, 0.4987758994102478, -0.20013487339019775, -0.22435374557971954, 0.9336674213409424, 0.07452421635389328, -0.9108378887176514, 0.581045389175415, -0.10168703645467758, -0.8308337330818176, 0.21890252828598022, 0.5345867276191711, 0.6655956506729126, 0.5432271361351013, 0.5703489780426025, -0.06766178458929062, 0.6756819486618042, -0.5763775110244751, -0.2990633249282837, -0.5034014582633972, -0.7259164452552795, 0.21703016757965088, -1.1177490949630737, 0.5690180063247681, 0.49575337767601013, -0.06652875989675522, -0.14535948634147644, 0.4276513457298279, -1.0102643966674805, 0.06302744150161743, 0.23874299228191376, -0.002391356974840164, 0.50221186876297, 0.0747169703245163, -0.2694726586341858, 0.1696825474500656, 0.8102373480796814, 0.5300068259239197, -0.22867174446582794, 0.6529570817947388, -0.32062941789627075, 0.4533213675022125, 0.3016393482685089, -0.6198300123214722, -0.5423389077186584, 0.8642047047615051, -0.057220157235860825, 0.5958804488182068, 0.14147089421749115, 1.3161669969558716, -0.1929536759853363, 0.17130659520626068, -0.2797946333885193, 0.6880598664283752, -1.0113048553466797, -0.9432999491691589, -0.12273824214935303, -0.35999685525894165, -0.29927897453308105, -0.7917708158493042, -1.149796485900879, -0.1725020855665207, -0.5468320250511169, 1.1452938318252563, -0.38652634620666504, -0.24275612831115723, -0.2945624589920044, -0.5027614235877991, -0.9486444592475891, 0.23114804923534393, -0.8020831346511841, -0.3144845962524414, -2.0028836727142334, -0.43255382776260376, -0.8715137839317322, -0.3932696580886841, -0.009729932993650436, -0.4726402461528778, 0.7970035672187805, -0.8985949158668518, -0.1560654640197754, -0.05201287567615509, 0.348457008600235, -0.7024089694023132, -0.7877942323684692, -0.47693610191345215, 0.6575178503990173, 1.2794522047042847, -1.1070914268493652, 0.7125678658485413, 0.06580662727355957, -0.32861337065696716, -1.3297945261001587, -0.11065969616174698, -0.6452960968017578, 0.4393538236618042, 0.6888161897659302, -0.522632360458374, -0.627055287361145, -0.765124499797821, -0.22106803953647614, -0.39915433526039124, 0.35309144854545593, 1.2289109230041504, -0.9240116477012634, -0.05405750870704651, 0.2782692313194275, 0.39170703291893005, 0.8686926364898682, -0.9650815725326538, 0.12100100517272949, -0.3827543258666992, -0.1899946928024292, 1.2295277118682861, -0.5679503083229065, 0.2000272572040558, -1.297377109527588, -1.0370261669158936, -1.1198619604110718, -0.9447687864303589, 0.9796163439750671, -0.1501748412847519, 0.7393500208854675, 0.22753168642520905, -0.2818366289138794, 0.2954084575176239, -0.6696844100952148, 0.6547535061836243, 0.621422290802002, 0.9422626495361328, 0.23768416047096252, -0.3193356394767761, -0.7461243867874146, -0.37350285053253174, -0.12106165289878845, 0.9498336315155029, -1.120200276374817, -0.11118479073047638, 0.013703163713216782, 0.09684338420629501, 0.8002461791038513, -1.525571346282959, 1.1594414710998535, -0.5119361281394958, -0.3354701101779938, -1.0987516641616821, -0.8019253611564636, 0.948682963848114, -0.5021791458129883, 1.1346949338912964, 1.1008847951889038, 0.588752269744873, 0.34551531076431274, 0.00915583223104477, 1.109858751296997, 0.3747490644454956, -0.8221129179000854, -0.03509494289755821, 0.25491899251937866, 0.3319243788719177, -0.5084481239318848, -0.3903999626636505, -0.6852544546127319, 0.12070517241954803, -0.9175446629524231, 0.7141427993774414, -0.5936386585235596, -0.23702548444271088, 0.3877919316291809, 0.562382161617279, 0.2383355051279068, -1.383954644203186, -1.1035405397415161, -1.3209565877914429, 0.4599638283252716, 0.5243228673934937, -0.3476300537586212, 0.7334519028663635, 0.06577058136463165, -0.12014923989772797, 0.5848173499107361, -0.3071349263191223, -0.5914115309715271, 0.7886373996734619, -0.276608943939209, 0.8608222007751465, 0.48791950941085815, -0.3656598925590515, 1.059327244758606, 0.5520704984664917, -1.127254843711853, 0.17013421654701233, -0.897085964679718, 0.09622722864151001, 0.6692749261856079, -0.40338078141212463, -0.29216858744621277, 0.013104302808642387, -0.02357320487499237, -0.7821838855743408, 0.9919231534004211, 0.7498918175697327, 0.339371919631958, -0.8818431496620178, -1.0156224966049194, -0.7998530864715576, -0.05560353398323059, -0.5734497308731079, -0.4390639662742615, -0.4758560061454773, 0.558183491230011, 0.8444030284881592, -0.06993141770362854, -0.05468834564089775, 0.22093157470226288, -0.27360910177230835, 0.8960748910903931, 0.1821521520614624, -1.0631966590881348, -0.1505706012248993, 0.09940719604492188, -0.8643217086791992, -0.03702723979949951, 0.2456001192331314, -1.1560472249984741, -0.8151423335075378, 0.4683806300163269, 0.42334404587745667, -0.5806223154067993, 0.471535325050354, 0.5122572779655457, -1.3980703353881836, 1.3840535879135132, 0.8265417814254761, 0.4351344108581543, -0.5160588622093201, 0.18045330047607422, 0.35382723808288574, 0.49338650703430176, 1.16725492477417]} +{"paper_id": "alt", "embedding": [-0.5282953977584839, 1.6652289628982544, -0.14916083216667175, 0.08810275793075562, 0.5739036798477173, 0.00495251826941967, 0.05952001363039017, 0.2090114951133728, 1.0475250482559204, 0.8994887471199036, 0.3781232237815857, -0.8594198822975159, 0.08840666711330414, -0.10087417811155319, 0.09650327265262604, -0.7204247713088989, -1.8156964778900146, -1.0704131126403809, -1.281384825706482, -0.5324689149856567, -0.7695486545562744, -0.14021754264831543, 0.216373473405838, 0.5138421654701233, -0.762569785118103, -1.0561611652374268, 0.23536144196987152, -0.9221645593643188, 0.20203879475593567, -0.07470216602087021, -0.33769145607948303, 0.6400071978569031, -1.5042924880981445, 0.5457069277763367, -0.19638073444366455, -0.8036821484565735, -0.20764821767807007, 0.1748022735118866, -0.36067429184913635, 0.39933687448501587, -0.5562881827354431, -0.44244059920310974, 0.4475741386413574, 0.203388974070549, 0.6841465830802917, -0.3567328155040741, 0.01775275357067585, 0.04169241338968277, -0.004766397178173065, 0.1917320042848587, 0.19094716012477875, 0.05106658861041069, -0.19304031133651733, 0.4052906632423401, -0.43738675117492676, 0.9714844822883606, 0.4121103882789612, -1.2310891151428223, 0.3507312834262848, -0.898859977722168, 0.5475034117698669, 2.238938093185425, -0.6823700666427612, 0.6249712705612183, 0.9650245308876038, -0.27826976776123047, 1.5233180522918701, -0.20686793327331543, 0.515915036201477, 0.6180815100669861, -0.32284265756607056, -0.9514604806900024, 0.5704880356788635, -0.3920939564704895, 0.2683022618293762, 0.8469628095626831, 0.7022619843482971, 0.6495252847671509, -0.0011316873133182526, 0.33615729212760925, -0.6118030548095703, 1.0783647298812866, 0.710576593875885, -0.8971714973449707, -0.1241423487663269, 0.9938967823982239, 0.5662487745285034, -0.7421723008155823, 0.2445048987865448, -1.9723494052886963, 0.22157394886016846, -0.12217335402965546, -0.4580218493938446, 0.4087529182434082, -0.09609247744083405, 0.2979636490345001, -0.11421102285385132, 0.22071054577827454, -0.2688445448875427, 0.3116284906864166, 0.4591759741306305, -0.6691645383834839, 0.03925378993153572, 0.23022517561912537, 0.1281663179397583, 1.2657430171966553, -0.003084436058998108, -0.21594932675361633, -1.1629060506820679, -0.4915222227573395, 0.01528577134013176, 1.7446424961090088, -0.33706358075141907, 0.6476625800132751, 0.5114448666572571, -0.3756403923034668, -0.06481700390577316, -1.194925308227539, -0.6933743357658386, -0.3106449246406555, -0.8680316209793091, -1.01046884059906, -0.6524479389190674, -0.15562689304351807, 1.2465587854385376, -0.5069195032119751, 0.5189235806465149, -0.5889436602592468, 0.9140600562095642, -0.5502467155456543, 0.5749161243438721, -0.5227180123329163, -0.4677082598209381, 0.22570601105690002, 2.8582217693328857, -0.9338064789772034, 1.412122368812561, -0.49311551451683044, 0.49859121441841125, -0.4664284586906433, -0.22986236214637756, 1.8032981157302856, -0.5308297872543335, -1.3160943984985352, -0.9148111939430237, 0.47501832246780396, -1.1228818893432617, 0.7940402626991272, -0.46132028102874756, -0.7604026198387146, 0.2878894507884979, 0.12187101691961288, -0.9184460639953613, -0.3940494954586029, 0.25745150446891785, 0.7127450108528137, 0.149283766746521, 0.9958547949790955, -0.3637644946575165, 0.9351335763931274, 0.8212440609931946, 0.0439881756901741, 0.142980694770813, 0.5842134356498718, -1.5489447116851807, -0.2247859388589859, 0.6971365809440613, -0.05717669427394867, -0.4783378541469574, -0.6756588220596313, 0.8439859747886658, -0.21352547407150269, -0.10459339618682861, -0.0998399406671524, -0.32312461733818054, 0.21455255150794983, 0.1376950740814209, 0.8400440216064453, 0.3173207938671112, -0.23198124766349792, -0.1267681121826172, -1.0167871713638306, 0.4419412612915039, 0.47553902864456177, 0.32570531964302063, 0.8969937562942505, -2.1905157566070557, -0.455888032913208, -0.3620862662792206, 1.0252101421356201, -0.5062345266342163, -0.25490838289260864, 0.05091118440032005, 0.34933948516845703, 0.5541073083877563, 0.10858455300331116, 0.9837002158164978, -0.8900014162063599, -0.6982749700546265, 0.34088271856307983, 0.23462170362472534, -0.5169501304626465, -0.23357361555099487, 1.4218624830245972, 0.48396095633506775, -1.141602635383606, -0.46663492918014526, -1.0968884229660034, 0.057806991040706635, 3.1128382682800293, 0.5819401144981384, -1.2262686491012573, -0.9762537479400635, -0.04642865061759949, -0.09617716073989868, -0.5742614269256592, 0.0847366601228714, -1.1972869634628296, -0.4560741186141968, -1.5392391681671143, 0.2792411744594574, -0.18188175559043884, 0.4699976146221161, 0.5865945816040039, 0.7712774872779846, -0.3087695837020874, -0.8028630018234253, -0.1328839659690857, -0.5016828179359436, 0.48193100094795227, 0.7384694814682007, 0.5133367776870728, -0.794974148273468, 0.07990673184394836, 0.06535759568214417, 0.48491281270980835, 0.7050982117652893, 0.1064392626285553, -0.4807209074497223, -0.4463452100753784, 0.38594383001327515, 0.9752564430236816, -0.17819146811962128, -0.35259631276130676, 0.7283715605735779, 0.3137911260128021, -0.055424828082323074, -0.2572651505470276, 0.001430535688996315, -0.3236086964607239, 1.598150610923767, 1.0182257890701294, -0.30919310450553894, 1.4822887182235718, -1.359217643737793, 0.4295102655887604, 0.12380211055278778, -0.21369679272174835, 0.027446791529655457, -0.23457755148410797, 0.6209262013435364, -0.47357502579689026, 0.07584187388420105, -0.278364360332489, -0.15680909156799316, -1.5948866605758667, -0.5675797462463379, -0.006276853382587433, -0.9088784456253052, -1.7361315488815308, 0.047944337129592896, 0.04922187700867653, -0.6679092049598694, -0.09157870709896088, -0.2832263708114624, 0.6610482931137085, 0.4322092533111572, 0.3132493793964386, 1.791298508644104, -0.2556523084640503, 0.3677315413951874, -0.26345497369766235, 0.7430223226547241, -0.6831044554710388, 0.985840916633606, -0.5785269141197205, 0.2555749714374542, 0.06738167256116867, -0.04897972568869591, -0.22368349134922028, 0.8184158205986023, 0.2509234547615051, 0.00662790983915329, 0.480342298746109, -0.5416309833526611, -1.1452192068099976, 0.3426464796066284, -0.8031663298606873, 0.3881838023662567, -1.0336802005767822, 1.610473394393921, 0.6148572564125061, 0.08787469565868378, 0.6218786835670471, -0.6187740564346313, 0.464854896068573, 0.8258813619613647, -0.40757817029953003, 0.482876181602478, 0.28335732221603394, 0.27980756759643555, -0.09121687710285187, 0.3761627972126007, -2.36312198638916, -0.07282563298940659, 1.4165118932724, -0.21864654123783112, -0.1892729550600052, -1.3211451768875122, 0.452068030834198, -1.113011121749878, -0.7327977418899536, 0.2391737401485443, -0.9151740670204163, 0.5351365208625793, -0.10598506033420563, -0.4804004430770874, 0.45779839158058167, -1.03631591796875, 0.3766847550868988, 1.0567946434020996, 0.5663752555847168, -1.355320692062378, 0.3967163860797882, 0.6819921731948853, -0.8997470140457153, 0.8208577632904053, 0.4101394712924957, 0.7156647443771362, 1.297275424003601, -0.40480852127075195, -0.055688753724098206, 0.8813185095787048, 1.0685169696807861, 0.7086122632026672, 0.5410601496696472, -0.03356014937162399, 0.2850836217403412, -0.1671922355890274, 1.0183992385864258, 0.8129835724830627, -0.7843338847160339, -1.0206022262573242, 0.009368699975311756, 0.14999490976333618, -1.1911609172821045, 1.8298214673995972, 1.0057601928710938, 1.3354023694992065, -0.06538805365562439, 0.1952006220817566, -0.6414381861686707, 0.6233291029930115, 1.5283161401748657, 0.24648427963256836, 0.012094534933567047, -0.23116245865821838, 0.12340061366558075, 0.48845475912094116, -0.26527324318885803, -0.6473865509033203, -0.4966886043548584, 0.8499950766563416, -0.11443793773651123, -1.2963249683380127, -0.2315444052219391, 0.690909206867218, -0.08364757150411606, 1.5563783645629883, -0.9057995080947876, -0.43779364228248596, 0.3654327094554901, 0.8283805251121521, 0.1773211508989334, 0.5396440625190735, -0.839444637298584, 0.7980712056159973, 0.5300401449203491, 1.3120543956756592, 0.0407424196600914, 0.736513078212738, 1.0411416292190552, -0.2700773775577545, -0.3168821334838867, -0.17729836702346802, -1.4967674016952515, 0.12632016837596893, -0.08569555729627609, -0.184986412525177, -0.9529674649238586, 0.8486944437026978, -0.2564654052257538, -0.4486089050769806, 0.5392268896102905, -0.4356269836425781, -1.3106623888015747, 1.1965714693069458, 0.9230573177337646, -0.9707247018814087, 0.01385687105357647, 0.13701702654361725, -0.4219202995300293, -1.2436912059783936, 0.4241214990615845, -1.0700509548187256, 0.41447535157203674, -0.1322735697031021, 0.9696301817893982, 0.032748155295848846, -0.2362268567085266, -0.574907124042511, 0.3074077367782593, 1.374858021736145, -0.3559912443161011, -0.09879603236913681, 0.09733591228723526, 0.3834206461906433, -0.7394843101501465, -1.3461979627609253, -0.09121691435575485, 0.34895059466362, 0.3652389645576477, -0.2795250713825226, -0.9811191558837891, -0.821777880191803, 0.26324933767318726, 0.3503939211368561, 0.5090370178222656, -1.718869686126709, 0.872544527053833, -0.28301680088043213, 0.748445451259613, 0.05883277952671051, -0.67540442943573, -0.5236790776252747, 0.7811087965965271, -0.7400076985359192, 0.8224271535873413, 0.7923543453216553, 0.7515527009963989, 0.9280059933662415, 0.19081071019172668, 0.24559451639652252, -0.2443036437034607, -10.711259841918945, 0.006200988776981831, -0.487141489982605, -0.030606921762228012, 0.0759250670671463, -0.4514695107936859, 0.49655681848526, -0.06175822392106056, 1.0257493257522583, -0.6137242317199707, 0.5846062302589417, 1.3594386577606201, 0.18765166401863098, -0.4861166775226593, -0.12240434437990189, -0.398277223110199, -0.9879845976829529, -0.6308422684669495, 0.05877596139907837, 0.21527686715126038, -0.9677243232727051, -1.5459413528442383, 0.4321342706680298, 0.2066495567560196, 0.3792521059513092, 0.11183261126279831, -0.08744136244058609, -0.30763760209083557, -0.6710199117660522, 0.018221110105514526, 0.5857604146003723, 0.13106408715248108, -1.0287457704544067, -0.08487754315137863, 0.8109264969825745, -0.41179969906806946, -1.2053667306900024, -0.3061012923717499, 1.0965232849121094, 0.0318705216050148, 0.3220548629760742, -0.33723416924476624, 0.12082649022340775, -0.6887699961662292, -0.6993821859359741, 0.2787398099899292, 0.1262480765581131, -0.45140644907951355, 0.41152021288871765, -0.8286271095275879, -0.6047753691673279, -0.7603356242179871, -1.0372662544250488, -0.839097797870636, 0.451547235250473, -0.06578720360994339, -0.6457526087760925, 0.4647214710712433, -0.42400118708610535, -1.0174235105514526, 0.8317177295684814, 0.3812100291252136, -0.7043057680130005, -0.10929790139198303, 0.13507187366485596, -0.5130072236061096, 0.49414515495300293, 0.2966453433036804, 0.4952341616153717, 0.0849340409040451, -1.3128225803375244, 0.5682371854782104, -0.08385220915079117, 0.223322793841362, -0.4579647481441498, -0.28086045384407043, -0.39486461877822876, -0.12323307991027832, 0.3974107801914215, 0.0757608637213707, -0.3487631678581238, 0.6217459440231323, -0.5796207785606384, 0.2322770357131958, -1.0769091844558716, 0.3939674198627472, 0.10535959899425507, -0.16309396922588348, 0.7805211544036865, -0.19253385066986084, 0.970904529094696, 0.10218477994203568, -0.08991123735904694, 0.7872155904769897, -0.5391755700111389, 0.9608998894691467, -0.11295533180236816, 1.4224941730499268, 0.25627610087394714, -0.24975553154945374, 0.16382956504821777, -0.6725956797599792, 0.2052459716796875, 0.22586368024349213, 0.3296433091163635, 0.42172372341156006, 0.12412858009338379, 0.5587228536605835, 0.12990401685237885, 0.003784610191360116, 0.9459120631217957, 0.21339371800422668, -0.35491442680358887, 0.5152424573898315, 0.8238613605499268, 0.941758394241333, 0.4253862798213959, 0.4690282344818115, 0.5133786797523499, 0.9505515098571777, -0.017580896615982056, 1.115119457244873, 0.18831035494804382, 1.21431303024292, 0.3927493989467621, 0.20532983541488647, 0.5341184139251709, 0.16360805928707123, 0.020020807161927223, -2.2995285987854004, 0.02172585390508175, -0.45985710620880127, -0.32110777497291565, -0.4326365888118744, 0.24273140728473663, -0.522139847278595, -1.1336469650268555, 1.6028966903686523, -0.8073747754096985, -0.01925009861588478, -0.19046685099601746, -0.5477910041809082, 0.49204736948013306, -0.7071278691291809, -0.2537647783756256, 0.09627014398574829, -1.899608850479126, -0.12131908535957336, -0.13452434539794922, -0.8110479712486267, 0.12267734110355377, 0.10142987221479416, 0.33906441926956177, -0.7923427224159241, -0.1485370248556137, 0.2990575432777405, 0.30441632866859436, -0.5139206647872925, -0.6967991590499878, -0.06735707819461823, 0.3826698660850525, 1.0633140802383423, -0.9753345847129822, 0.5104098320007324, 0.5420870780944824, -0.1443164199590683, -0.49751585721969604, -0.010580029338598251, -0.599759578704834, 0.7413674592971802, 0.8679500222206116, -0.9374095797538757, -0.15296202898025513, -0.31011322140693665, -0.5178238749504089, -0.9521235227584839, 0.46414247155189514, 1.6689467430114746, -0.782584547996521, -0.09108632802963257, -0.3129294514656067, 0.43331360816955566, 0.1278798133134842, -0.022711485624313354, -0.8653801679611206, 0.40111932158470154, -0.4133973717689514, 0.9487097859382629, 0.17682726681232452, 0.790399968624115, -2.254392385482788, -1.2686254978179932, 0.03835717588663101, 0.0929175317287445, 0.7824012041091919, 0.058988749980926514, 0.695807158946991, 0.5172083377838135, 0.45436492562294006, -0.27159684896469116, -0.09224563837051392, 0.21160125732421875, 0.7156713604927063, 0.09162554144859314, -0.4028705060482025, 0.02910618484020233, 0.000703960657119751, 0.0771283209323883, 0.4641875922679901, 0.10256581008434296, -1.8251523971557617, -0.2114008367061615, 0.1861182153224945, 0.11767664551734924, 0.4196307957172394, -0.43560540676116943, 0.009945183992385864, 0.1624789834022522, -0.5289300680160522, -0.75716632604599, 0.30919596552848816, 1.0178816318511963, -0.2366640269756317, 0.6718061566352844, 0.2584494650363922, 0.02685837261378765, 0.22842542827129364, 0.5643454194068909, 1.9732569456100464, -0.38753828406333923, -0.49155861139297485, -0.43818292021751404, 0.595441460609436, -0.43038955330848694, -0.4036697745323181, -0.18706701695919037, -1.0966380834579468, 0.25459814071655273, -0.9155302047729492, 0.38791292905807495, -0.39491891860961914, 0.11345868557691574, 0.07253089547157288, 0.8821412324905396, 0.03373011201620102, -1.7634974718093872, -0.09163638949394226, -0.5149790048599243, 0.14281542599201202, 0.3679838478565216, 0.03269560635089874, 1.1591150760650635, 0.7566898465156555, 0.12845562398433685, 1.5177781581878662, 0.06856022775173187, -0.2612038850784302, -0.25298723578453064, 0.2575259208679199, 0.8583376407623291, 0.7042528390884399, 0.8071140050888062, -0.27295640110969543, -0.725103497505188, -1.1413664817810059, -0.6763219237327576, -0.7679551243782043, 0.739281415939331, 1.133790373802185, -0.43669018149375916, -0.3066331744194031, -0.8306893110275269, 0.2633025646209717, 0.4272417426109314, 0.5093926191329956, 0.5199156999588013, -0.18743348121643066, -0.5739761590957642, -0.4611535966396332, -0.4117136001586914, 1.5841429233551025, -0.8074600100517273, -0.23397620022296906, -0.5410235524177551, 0.07372703403234482, 0.08306675404310226, -0.5358063578605652, -1.3956854343414307, 0.3095667064189911, -0.9088042378425598, 0.06159615516662598, 0.7583714723587036, -0.3754575252532959, -0.9572944641113281, -0.2734001576900482, -0.9570074677467346, 0.5315846800804138, 0.1994444578886032, -0.9048390984535217, -0.27521562576293945, 0.5020014643669128, -0.7812643051147461, -0.3641437888145447, 1.174755573272705, -0.2753656208515167, -1.7047951221466064, 1.3648085594177246, 1.5887242555618286, -0.39679262042045593, -0.7710155248641968, 0.5550727844238281, 0.08009198307991028, -0.013768183067440987, 1.2044148445129395]} +{"paper_id": "lener_br", "embedding": [-0.5269172787666321, 0.9392969608306885, -0.5371795892715454, 0.16548147797584534, 0.18690767884254456, -0.26533234119415283, -1.138202428817749, 0.6732761263847351, 1.255225419998169, 1.5594053268432617, 0.22173047065734863, -0.6096487641334534, -0.6590815186500549, -0.8226349949836731, -0.525707483291626, -0.007269013673067093, -0.04175981134176254, -0.5186949372291565, -0.7716023325920105, 0.18093594908714294, -1.2956597805023193, -1.537031650543213, -0.4764576256275177, 0.4644041657447815, -1.551674723625183, -0.2496662139892578, 0.3338461220264435, -0.886239767074585, 0.4340476989746094, 0.2902011275291443, -0.33338531851768494, 1.1506311893463135, -1.317432165145874, 0.0348002165555954, -0.42277634143829346, 0.5722641348838806, 0.5680529475212097, 0.4931483566761017, -0.6535035967826843, -0.17568297684192657, -1.4841078519821167, -0.43111497163772583, 0.4263501763343811, 0.20749790966510773, 1.2578407526016235, -0.1945914924144745, 0.7016875743865967, 0.32341328263282776, 0.6568329930305481, -0.23714925348758698, -0.6839157938957214, 0.8588007092475891, 0.0257418155670166, 0.3252711594104767, -0.035748258233070374, 0.8148312568664551, -0.17414307594299316, -0.655031144618988, 0.3832334280014038, -0.4416460394859314, 0.7155120968818665, 0.8507547974586487, -0.4267657995223999, -0.3688739538192749, 0.29181602597236633, 0.09122622013092041, 1.4661617279052734, -0.38419395685195923, 1.1156158447265625, 0.6037436127662659, 0.34421300888061523, -1.31441068649292, 0.38615158200263977, -0.6089260578155518, 0.11353086680173874, 1.3093302249908447, 0.5070153474807739, 0.16621184349060059, 0.6925754547119141, -0.4477441906929016, -0.15021724998950958, 0.9419766664505005, 0.757456362247467, -0.259305864572525, -0.5051921606063843, -0.640779972076416, 0.4875098764896393, -0.09793850034475327, 0.5758234262466431, -1.4450385570526123, 0.836950421333313, -0.6521362662315369, -1.1511629819869995, 0.2658168077468872, -0.5375161170959473, 0.709941029548645, -0.28111255168914795, -0.4597334861755371, -1.138868808746338, 0.09376686811447144, 0.5581885576248169, -0.5759670734405518, 0.32984304428100586, -0.010064937174320221, 0.07927636057138443, 1.7789467573165894, -0.9581032395362854, 0.4554712176322937, -1.1531188488006592, 0.017149068415164948, 0.046645570546388626, 1.0472393035888672, 0.281391978263855, 0.1951824426651001, 0.31079813838005066, 0.2238743007183075, 0.9429196119308472, -0.9750621318817139, -0.1277293860912323, 0.2581382393836975, -0.7179720401763916, -0.4289625287055969, -0.8579610586166382, 0.8912787437438965, 1.3969905376434326, -0.1405089944601059, 0.7218336462974548, 0.5004681348800659, 0.15815265476703644, -0.3045557737350464, 0.5382091999053955, -0.4950907528400421, -0.8057717680931091, 0.07811091840267181, 2.601330041885376, -1.846688151359558, 0.6917374134063721, -0.27179890871047974, 0.8881998062133789, -0.11562427878379822, 0.40068939328193665, 0.8376196622848511, 0.7145406603813171, -1.333728313446045, -0.8002585172653198, 0.8473324775695801, -0.9630396366119385, 0.7244272232055664, -0.6865271329879761, -0.6639180183410645, 0.11312025785446167, 0.8021538853645325, -0.6659648418426514, -0.22440603375434875, -0.03718053549528122, 0.4306209981441498, 0.2597143352031708, 0.08887338638305664, -0.30672499537467957, 1.1439952850341797, 1.3448125123977661, 0.09477703273296356, -0.14699450135231018, 0.6162394285202026, -1.0316921472549438, -0.0829547867178917, 1.4877336025238037, -0.01856856234371662, -1.2576062679290771, 0.24200454354286194, 0.5356225967407227, -0.22512120008468628, -0.37751123309135437, 0.04304724186658859, -0.961353600025177, -0.5569233894348145, 1.5466629266738892, 0.5493518710136414, -0.5995329022407532, -0.2419966459274292, 0.1351681351661682, 0.040199313312768936, -0.3365417718887329, 0.4402383267879486, -0.2793765068054199, 0.037635501474142075, -1.6965296268463135, -0.35903608798980713, -0.3321789503097534, 1.3747248649597168, -0.33828237652778625, -0.34960418939590454, -0.14766529202461243, 1.1963179111480713, 0.7284123301506042, -0.8301135301589966, -0.09674319624900818, -1.7259140014648438, -0.3857894539833069, 0.01906949281692505, 0.28599298000335693, -0.6832038164138794, -0.27063828706741333, 0.4090569019317627, 0.8199855089187622, -1.525685429573059, -0.29216375946998596, -1.9554128646850586, 0.37354251742362976, 2.460988759994507, -0.2663305997848511, -1.0303378105163574, -1.0511490106582642, -0.3011045455932617, -0.011727415025234222, -0.3173367381095886, 0.6167372465133667, -0.8413022756576538, 0.27012506127357483, -0.9508113861083984, 0.5064873695373535, -0.338570237159729, -0.0441197007894516, 0.1828162968158722, 0.7024528980255127, -0.3449343144893646, -0.38622745871543884, 0.014445612207055092, -0.439242959022522, 0.7079001665115356, 0.4631851613521576, 0.06944788992404938, 0.10439442098140717, 0.8561373353004456, 1.074122667312622, 0.5392367839813232, 0.08031148463487625, 0.43647146224975586, -0.8334004878997803, 0.712343156337738, -0.6432422399520874, 0.3236079812049866, 0.04384235292673111, -1.5318297147750854, 1.3137420415878296, 0.3216682970523834, -0.0496969111263752, -0.24917559325695038, -0.09882187843322754, -0.06053025275468826, 0.9145340323448181, 1.0422285795211792, -1.1433939933776855, 0.4076932370662689, -1.279571533203125, 0.27656033635139465, -0.2956245541572571, -0.07580558955669403, -0.5003167986869812, 0.06593888998031616, 0.5769730806350708, 0.2196607142686844, -0.07041341066360474, -0.038686465471982956, -0.7450274229049683, -1.2982960939407349, 0.12758222222328186, 0.1554529368877411, -0.37402164936065674, -1.2654091119766235, -0.009984880685806274, -0.2570574879646301, -1.410855770111084, -0.2915347218513489, 0.5548372268676758, 0.6557366847991943, -0.6004074811935425, 0.36331629753112793, 0.7322739958763123, -0.337906152009964, 0.2467454969882965, -0.3237439692020416, 0.7651118636131287, -0.34142494201660156, 0.773227870464325, 0.2397797405719757, 0.2713357210159302, -0.25668656826019287, 0.11447259783744812, 0.42876994609832764, 0.1923139989376068, 0.19412794709205627, -0.03341937065124512, 0.7660192251205444, -0.13897068798542023, -0.9890830516815186, 1.1505303382873535, 1.0062516927719116, -0.45835861563682556, -1.7402695417404175, 1.562679648399353, 0.7961030006408691, 0.14061766862869263, 0.523319661617279, 0.6378410458564758, -0.017544247210025787, 1.2802599668502808, -0.513114333152771, 0.3222152292728424, -0.11420387029647827, 0.00701840128749609, -0.1767473965883255, 0.970038890838623, -1.046007513999939, -0.39793407917022705, 0.4382190406322479, -0.45865485072135925, 0.45362651348114014, 0.09364345669746399, 0.24391742050647736, -0.21680834889411926, -0.7010207176208496, -0.40862154960632324, -0.4063026010990143, -0.04213004559278488, -0.5403003096580505, -0.6612979769706726, 0.7873494029045105, -0.6233853697776794, 0.4356159567832947, -0.1563999056816101, 0.12106528878211975, -1.5321860313415527, 0.07598957419395447, 1.1765340566635132, 0.5113912224769592, 0.7559775114059448, -0.21258240938186646, 0.6131297945976257, 1.3792743682861328, -0.8655025362968445, 0.056642986834049225, 0.8585447072982788, 0.3054090440273285, 0.03715432062745094, 0.5727246999740601, 0.034593380987644196, 0.9979327321052551, -0.7261376976966858, 1.0475735664367676, 0.39608150720596313, -0.5614485740661621, -1.566465139389038, 0.04644213989377022, -0.6486765742301941, -0.2500680983066559, 2.017266035079956, 0.6559751629829407, 1.7759400606155396, -0.27096354961395264, 0.6002885699272156, -0.17486639320850372, 0.40515974164009094, 1.0712348222732544, 0.9101845622062683, 0.009396687150001526, -0.2158750295639038, 0.3504736125469208, 0.03921286016702652, -0.7332266569137573, -0.5926540493965149, -0.08583778887987137, 0.8748254776000977, 0.019474096596240997, -0.8370813727378845, -0.07760914415121078, -0.917940616607666, 0.040575310587882996, 1.0422630310058594, -0.8634188175201416, -0.9945833086967468, -0.5372374653816223, 0.4823446571826935, 0.1855904757976532, 0.8883830904960632, -0.7874346971511841, -0.705980658531189, -0.2784940004348755, -0.5473349094390869, -0.14681148529052734, 0.7977455854415894, 1.148259162902832, 0.19759590923786163, -0.6227484345436096, 0.6331556439399719, -0.6325142979621887, -0.1714455932378769, 0.425654798746109, -0.18856479227542877, -1.2599998712539673, 0.5915865302085876, -0.022006358951330185, -1.0944050550460815, 0.563571572303772, -0.7289496660232544, -2.2591166496276855, 1.5808552503585815, 0.7162171602249146, -0.9503868818283081, -0.2061988264322281, 0.14204354584217072, -0.11322413384914398, -0.4957975447177887, 0.28574827313423157, -1.6925997734069824, 0.9482625126838684, 0.38129228353500366, 0.441285640001297, 0.1639101356267929, -0.23694562911987305, -0.6368751525878906, 0.17600630223751068, 0.5289146304130554, -0.12929672002792358, -0.20862898230552673, 0.11499205231666565, 0.039966583251953125, 0.10692290961742401, -2.3288514614105225, -1.239267349243164, 0.7399199604988098, 0.20817646384239197, 0.49770328402519226, -0.9619765281677246, -1.1347582340240479, 0.3503668010234833, 0.0331193245947361, 0.4860740900039673, -0.41643816232681274, 0.701386570930481, -0.5163655281066895, 0.5390064716339111, 0.2702171206474304, -0.3082849979400635, -1.3722420930862427, 1.6104943752288818, -0.06305299699306488, 0.03766760975122452, 0.15269845724105835, 1.0506162643432617, 1.5548834800720215, 0.12518471479415894, 0.05678889900445938, -0.8704298138618469, -10.594999313354492, 0.43424075841903687, 0.13687394559383392, 0.8172926306724548, 0.20026634633541107, 0.21645388007164001, 0.5968064069747925, -0.6727756857872009, 1.6365708112716675, -0.12538692355155945, 0.14925029873847961, 2.502945899963379, 0.17411422729492188, -0.468855082988739, -0.8247440457344055, -0.9580485224723816, -1.085992693901062, -0.08356910198926926, -0.008949719369411469, 0.5527595281600952, -0.5960025787353516, -1.2675029039382935, 0.3162447214126587, 0.23263391852378845, 1.185133457183838, -0.28142932057380676, 0.716794490814209, 0.3512783646583557, -1.1378698348999023, -0.2714841961860657, 0.6012738347053528, -0.16938306391239166, -0.9657158851623535, -0.08361382782459259, 0.31753218173980713, -0.22555486857891083, -1.1466295719146729, -0.25186124444007874, 1.3162190914154053, 0.5061323642730713, -0.2272096425294876, 0.21313779056072235, 0.5534642934799194, -0.9524794816970825, -0.3714352548122406, -0.44432783126831055, 0.45033755898475647, -0.8377699255943298, 0.07182802259922028, -0.08759130537509918, 0.021024614572525024, 0.07216161489486694, -0.9148658514022827, 0.09022492170333862, 1.1602247953414917, -0.4408593475818634, -0.09496256709098816, 0.02035926654934883, -0.9767106771469116, -1.2265042066574097, 1.5437730550765991, -0.007763665169477463, -0.44769734144210815, 0.663642942905426, -0.2940825819969177, -0.25344139337539673, 0.8020088076591492, -0.40717029571533203, 0.4145253896713257, -0.2947022020816803, -0.4989582896232605, 0.6125606894493103, 0.3403366208076477, -0.42154836654663086, -0.6037219166755676, -0.6176809072494507, -0.20948615670204163, -0.46898964047431946, 0.11996579170227051, -0.010219817981123924, -0.8887297511100769, 1.114561676979065, -0.5076956748962402, 0.27853357791900635, -0.6828944087028503, -0.21491467952728271, -0.3776634931564331, -1.0829825401306152, 0.14012117683887482, -0.1782045066356659, 0.37450891733169556, -0.11214850097894669, -0.15031588077545166, 0.23188698291778564, -0.5148020386695862, 0.05532972887158394, -0.7501503825187683, 1.5727872848510742, 0.5157486200332642, -0.6489155888557434, 0.2586238384246826, -0.18952497839927673, -0.1006317287683487, -0.22973036766052246, 0.8708977699279785, 0.15354758501052856, 0.15135836601257324, -0.23371848464012146, 0.06158344820141792, 0.4908539056777954, 1.1963862180709839, -0.5543659925460815, 0.3094211220741272, 0.538425624370575, 0.36809828877449036, 0.6313539743423462, 0.5977344512939453, 0.2917490601539612, 0.26731669902801514, 1.117510437965393, 0.7251263856887817, 0.485139936208725, -0.18750542402267456, 0.767425000667572, -0.25816109776496887, -0.8203946948051453, 0.5466654300689697, 0.857829213142395, 0.10350322723388672, -2.339127779006958, 0.26550206542015076, 0.8107618093490601, 0.3792986571788788, -0.9602094292640686, -0.22043351829051971, -1.248197078704834, -1.1580675840377808, 0.644118070602417, -0.38556742668151855, 0.24308213591575623, -0.5706528425216675, -0.30841660499572754, 0.5656334757804871, 0.1774832308292389, -0.537841260433197, 0.00428038090467453, -1.1924641132354736, -0.5961814522743225, -0.41542524099349976, -0.6442498564720154, 0.3594983220100403, -0.2670865058898926, 0.7960291504859924, -0.49367380142211914, 0.2164572924375534, 0.23890867829322815, 0.451378732919693, -0.7957592010498047, -0.30816781520843506, 0.6090271472930908, 0.3551764488220215, 0.7700421810150146, -0.7702618837356567, 0.7483079433441162, 0.517229437828064, -0.30105096101760864, -0.3502555191516876, -0.47837522625923157, -0.02379552647471428, 0.03304708003997803, 1.5518749952316284, -1.218456506729126, 0.41995927691459656, -0.0953429564833641, -0.12634387612342834, -0.9517492651939392, 0.5133399963378906, 1.150442123413086, -0.5845362544059753, 0.3006057143211365, -0.05178691819310188, 0.6821143627166748, 1.020308256149292, -0.6537957787513733, -0.7446743249893188, -0.22757381200790405, 0.03373042494058609, 1.1087265014648438, -0.0955304279923439, 0.41382646560668945, -1.4695191383361816, -0.9719058275222778, -0.2701510787010193, -0.9198762774467468, 0.6719984412193298, 0.4194295406341553, 0.7847495079040527, 0.6982169151306152, 0.8127619028091431, 0.37045907974243164, -0.0951070785522461, 1.2140536308288574, 0.7685419321060181, 0.7808545827865601, -1.42355477809906, -0.10788656771183014, -0.15522843599319458, 0.36364665627479553, 0.46700596809387207, 0.6813344955444336, -1.0825575590133667, -0.26341795921325684, 0.3863447904586792, -0.7807104587554932, 1.1578782796859741, -0.7649886608123779, 0.8183383345603943, -0.47143134474754333, -0.6457356214523315, -1.146479606628418, 0.2685691714286804, 0.6962399482727051, -0.5270413756370544, 0.3797665238380432, 0.02325925976037979, -0.0564471110701561, 1.3189514875411987, -0.013731077313423157, 2.2713918685913086, 0.2628346383571625, 0.5005298852920532, 0.722576916217804, -0.41041213274002075, -0.48095154762268066, -0.2958582043647766, 1.0635106563568115, -0.4178426265716553, 0.11492222547531128, -0.7372391819953918, 0.3932894170284271, -0.2505733370780945, -0.021561289206147194, -0.027940332889556885, 0.24759727716445923, -0.5436888933181763, -0.387088418006897, -0.555525541305542, -0.3381596803665161, -1.2640962600708008, 0.40400686860084534, 0.28157857060432434, 0.6820980310440063, 1.052400827407837, 0.5798346996307373, 1.7896409034729004, 0.3142230808734894, 0.22182588279247284, -0.14525094628334045, 0.19413450360298157, 1.418687105178833, 1.156239628791809, 0.14052090048789978, -0.2188950926065445, 0.05812402442097664, -0.9778135418891907, -1.2529537677764893, -1.1723796129226685, 0.4279940128326416, 0.6413715481758118, -0.11735524237155914, 1.0142821073532104, -0.22790852189064026, 0.32241886854171753, -0.17757494747638702, 0.09659014642238617, -0.4960918426513672, -0.1054946631193161, -0.6092349290847778, -0.6105557084083557, -0.2698971629142761, 1.228298544883728, -0.8872491121292114, -0.0464305505156517, -0.7329780459403992, 0.004718678072094917, -1.148158311843872, -0.04568973183631897, -0.7212028503417969, -0.03998783603310585, -0.019287388771772385, 0.2802993655204773, -0.19054915010929108, -0.8650999069213867, -1.029252529144287, -0.17343731224536896, -0.7301158308982849, 0.04639742523431778, 0.2884376645088196, -0.7728511095046997, 0.08561451733112335, 0.4508606195449829, -0.32439595460891724, 0.4497322738170624, 0.2413981854915619, -1.0492404699325562, -1.1541385650634766, 0.42854586243629456, 0.238549143075943, -0.2067241072654724, -0.6759184002876282, 0.6300515532493591, 0.33261990547180176, -0.8376850485801697, 0.7502089142799377]} +{"paper_id": "german_legal_entity_recognition", "embedding": [-0.17740526795387268, 1.4351526498794556, -1.0041424036026, -0.06171039491891861, -0.4091501832008362, 0.1765371561050415, -0.034564048051834106, 0.389609694480896, 1.3143688440322876, 1.858846664428711, 0.7917246222496033, -0.014980316162109375, -1.0567429065704346, -0.343564510345459, -0.41704434156417847, -0.03956744819879532, -0.10394246876239777, -0.15574882924556732, -0.17620782554149628, -0.2194366753101349, -1.2480095624923706, -1.2939426898956299, -0.41440194845199585, 0.17508411407470703, -1.6688216924667358, -0.20401082932949066, 0.8905011415481567, -1.162614107131958, 0.4201902151107788, 0.6691047549247742, 0.1525024026632309, 1.6511658430099487, -1.84751558303833, 0.4878685772418976, -0.2140592634677887, 1.4212332963943481, -0.2226196974515915, 0.05632580816745758, -0.7963792085647583, 0.0942976251244545, -1.4828475713729858, 0.38312429189682007, 0.3647896349430084, 0.402389794588089, 0.8442970514297485, -0.023425482213497162, 0.9878411293029785, 0.1275327354669571, 0.1813269704580307, -0.06868118047714233, -0.14988818764686584, 0.967683732509613, 0.5915395617485046, 0.863086462020874, -0.3475905656814575, 1.1072367429733276, -0.46316996216773987, -0.06475034356117249, 0.44835609197616577, -0.6802140474319458, 0.9919119477272034, 0.6558665633201599, 0.3787008225917816, -0.1862703263759613, -0.06682094186544418, -0.2606077790260315, 0.9355176091194153, -0.326574444770813, 0.8580543398857117, 1.091762900352478, 0.07792460918426514, -1.0762397050857544, -0.4778079390525818, -0.5090675354003906, -1.0626100301742554, 1.1124635934829712, -0.32079628109931946, -0.16263560950756073, 0.34312930703163147, -0.46316149830818176, -0.4508213996887207, 0.4328837990760803, 0.07160967588424683, 0.2205275297164917, -0.7297067642211914, -0.7923902869224548, 0.5540114641189575, 0.18965010344982147, 0.39061570167541504, -1.1254405975341797, -0.4874350428581238, -0.6126886010169983, -0.9220170974731445, -0.08207447081804276, -0.06772911548614502, 0.5789671540260315, -0.4514700770378113, -0.24677006900310516, -1.132263422012329, 0.5821540951728821, -0.0831005722284317, -0.28864023089408875, 1.6470378637313843, -0.19212988018989563, 0.33154383301734924, 2.4207186698913574, -1.1161249876022339, 0.17848485708236694, -1.1855270862579346, -0.07876812666654587, -0.505744993686676, 0.6394487023353577, 0.04896460101008415, 0.1634463369846344, 0.34986573457717896, -0.07885034382343292, 0.5187126994132996, -0.5695573091506958, 0.14614415168762207, -0.2462405115365982, -0.3269478380680084, -0.4549829661846161, -1.0231068134307861, 0.4075250029563904, 1.0120733976364136, 0.5116050243377686, 0.7819520831108093, 0.7250210642814636, -0.6948344111442566, 0.04617832601070404, 0.989983081817627, -0.40939369797706604, -1.1112427711486816, 0.259008526802063, 1.9648163318634033, -1.2402708530426025, 0.9246923327445984, -0.04642622172832489, 1.0602633953094482, -0.2240266501903534, 0.4569455683231354, 0.4163658022880554, 0.04716431349515915, -1.5950124263763428, -1.3027344942092896, 0.6673898696899414, -0.8642090559005737, 0.47578778862953186, -1.4145865440368652, -0.12611564993858337, 0.07519757002592087, 1.3837753534317017, -0.04617682099342346, 0.1752568483352661, 0.09796077013015747, -0.40939655900001526, 0.980752170085907, -0.06551816314458847, -1.041133165359497, 0.3013478219509125, 1.5824923515319824, 0.5085189938545227, 0.31639689207077026, 1.2169206142425537, -1.642862319946289, -0.6307445168495178, 1.361126184463501, 0.3550950288772583, -1.0705797672271729, -0.057225458323955536, 1.2579848766326904, -0.12677469849586487, -0.049504607915878296, 0.14794953167438507, -1.4765658378601074, 0.013582240790128708, 1.1607739925384521, 0.6156138777732849, 0.17671199142932892, -0.5466241836547852, 0.07303532212972641, 0.3841230273246765, -0.28175055980682373, -0.08335836976766586, -0.6083199977874756, -0.20506346225738525, -0.8995057344436646, -0.3935664892196655, -0.6715306639671326, 1.7756097316741943, 0.07831208407878876, 0.19467483460903168, 0.1966920793056488, 1.3314340114593506, 1.2545595169067383, -0.85761958360672, -1.1122307777404785, -1.8194828033447266, 0.45951032638549805, 0.6797013878822327, 0.27663785219192505, -0.6506190896034241, -0.38449522852897644, -0.11175872385501862, 1.5260603427886963, -1.916903018951416, -0.22076503932476044, -1.8381675481796265, 0.6362872123718262, 1.403885006904602, -0.5399290919303894, -0.08565294742584229, -0.4752224087715149, -0.04056113213300705, 0.366346538066864, 0.15677869319915771, 0.30974337458610535, -0.8901153802871704, 0.38359782099723816, -2.0540215969085693, 0.547511637210846, -0.8453766703605652, -0.5505289435386658, 0.3328457474708557, 0.3863132894039154, -0.18469321727752686, -0.5344088673591614, 0.6611719131469727, -0.8644391894340515, 1.0691189765930176, 0.32379183173179626, -0.13382895290851593, -0.16141703724861145, 1.3575917482376099, 1.1125130653381348, 0.703032374382019, -0.31128397583961487, -0.29227137565612793, -1.3783495426177979, 0.3101182281970978, -0.7785038352012634, -0.022231459617614746, 0.16034267842769623, -1.9095830917358398, 1.895470380783081, -0.33697545528411865, -0.4119528830051422, -0.19038021564483643, -0.22204746305942535, 0.274937242269516, 0.21381264925003052, 0.9731433987617493, -1.1361767053604126, 0.5471860766410828, -0.8935015201568604, -0.0711086168885231, 0.30079561471939087, -0.09636634588241577, -0.7229426503181458, -0.05679016187787056, 0.38882848620414734, 0.07356353104114532, 0.5249281525611877, -0.2891833782196045, -0.9973406791687012, -1.0368342399597168, 0.21340468525886536, -0.14110471308231354, 0.07400831580162048, -0.0008809268474578857, -0.34914228320121765, -0.045363813638687134, -1.2610340118408203, -0.12980177998542786, 0.6981391310691833, 0.3585977852344513, -0.7603346109390259, 0.3562127947807312, 0.6084480881690979, -0.5301851034164429, -0.11085394769906998, -0.55525141954422, 0.22274549305438995, 0.16691985726356506, 1.087043046951294, -0.21748407185077667, -0.0693768709897995, -0.3190405070781708, -0.6712801456451416, 0.08601048588752747, -0.7450529336929321, -0.09037390351295471, -0.3898201286792755, 0.9574800729751587, 0.028449147939682007, -1.0185890197753906, 2.2327818870544434, 0.9840883016586304, -0.032752491533756256, -1.3739606142044067, 1.1877208948135376, 0.8664035201072693, -0.12725447118282318, -0.23573358356952667, 1.1013963222503662, 0.13108186423778534, 1.4601272344589233, -0.9444155693054199, 0.013652928173542023, -0.4050297141075134, -0.11049718409776688, 0.16135405004024506, 1.0572490692138672, -0.7368443012237549, 0.2625773847103119, -0.34277623891830444, -1.4631403684616089, -0.3402477204799652, -0.09212803840637207, -0.609147846698761, -0.15614846348762512, -0.11653979867696762, -0.6194071769714355, -0.3714836537837982, -0.4913277328014374, -0.22964036464691162, 0.41582047939300537, 1.2072596549987793, -0.6785165667533875, 0.046694789081811905, -0.8752648830413818, -0.3103688657283783, -0.5197527408599854, -1.063190221786499, 0.9177753925323486, 0.2519761621952057, 0.26839178800582886, -0.3975769579410553, 0.7146124839782715, 1.4665226936340332, -0.7429913282394409, 0.469908207654953, 1.5526180267333984, 0.8924281597137451, 0.4055742621421814, 0.23081345856189728, 0.26771289110183716, 0.6947799324989319, -0.6295246481895447, 0.5467220544815063, 0.5738522410392761, -1.135721206665039, -2.187819480895996, -0.11744964122772217, -0.3264727294445038, -0.556934654712677, 1.179839015007019, -0.014137864112854004, 1.8376375436782837, -0.3359094560146332, 1.1123747825622559, 0.2823164165019989, -0.2702505886554718, 0.5327144265174866, 1.3441957235336304, 0.26063379645347595, 0.20941343903541565, 0.34811335802078247, 0.5770313739776611, -1.0413917303085327, -0.6662082672119141, -0.07172513008117676, 0.8984732031822205, -0.07988153398036957, 0.11572481691837311, -0.6439527869224548, -0.1373058259487152, -0.30299198627471924, 1.4860669374465942, -0.6184974908828735, -1.1594302654266357, 0.2467741221189499, 0.20945575833320618, -0.11495780199766159, 0.1840740442276001, -1.1872022151947021, -1.138007640838623, -0.690068244934082, -0.8207666277885437, -0.03026241436600685, 0.03530149534344673, 0.09447538107633591, 0.8464436531066895, 0.10355208814144135, 0.3374278247356415, -0.253963828086853, -0.6413599848747253, -0.09012220799922943, -0.015611957758665085, -1.037872552871704, 0.5591990947723389, 0.3977329134941101, -1.8867428302764893, -0.0919109359383583, -0.3928423821926117, -1.7716822624206543, 1.5491998195648193, 0.7384310960769653, -1.269849181175232, -0.37904664874076843, 0.048402488231658936, -0.10735708475112915, -0.3561953604221344, 1.191893458366394, -1.3940027952194214, 0.9844352006912231, 0.31874507665634155, 0.6494007110595703, -0.13934168219566345, -0.2252458930015564, -0.7162317037582397, 0.8972286581993103, 0.5311338305473328, -0.7194532155990601, -0.3501385748386383, -0.7471436858177185, 0.39144235849380493, 0.42787954211235046, -1.533911108970642, -1.236240267753601, 1.860811471939087, 0.412172794342041, 0.12585598230361938, -0.7654756903648376, -0.4712918996810913, 0.3651023805141449, 0.03164510801434517, 1.0653791427612305, 0.34466415643692017, -0.1940191388130188, -0.5516794919967651, 0.9860102534294128, 0.048835039138793945, 0.7526534199714661, -0.965247392654419, 1.515496015548706, 0.2889566421508789, 0.23591944575309753, 0.39474430680274963, 0.46615707874298096, 1.5199172496795654, -0.1309863030910492, -0.028715845197439194, -1.0021049976348877, -9.752704620361328, 0.5715786814689636, 0.26856401562690735, 1.4915560483932495, -0.0034965388476848602, 0.18118423223495483, 0.2908678948879242, -1.1791356801986694, 1.699148178100586, -0.28446656465530396, 0.01594560220837593, 1.8583916425704956, 8.381903171539307e-06, -0.5492404699325562, -0.6282805800437927, -0.6391652822494507, -0.48270517587661743, -0.010788604617118835, -0.1697576344013214, -0.30397841334342957, -0.002293553203344345, -1.3945130109786987, -0.33254849910736084, 0.12056639790534973, 0.6987007260322571, -0.291125625371933, 0.5379279851913452, 0.4988402724266052, -0.9581087827682495, -0.47098538279533386, 0.4402606189250946, 0.2592243254184723, -0.9241457581520081, 0.29329583048820496, -0.2934015393257141, -0.530599057674408, -0.8635707497596741, 0.053208157420158386, 1.0031319856643677, 0.10405971109867096, -0.14591696858406067, 0.5939818620681763, 0.14001013338565826, -0.6934410333633423, 0.15134570002555847, -0.2715933322906494, 0.8863283395767212, -0.7025637030601501, 0.21231558918952942, 0.6261385083198547, -0.16481980681419373, -0.20857934653759003, -0.7226350903511047, 0.8913746476173401, 0.4310286045074463, -0.7826271057128906, -0.7070103883743286, 0.5853174328804016, -0.7711416482925415, 0.10448800027370453, 0.7892981171607971, 0.43675607442855835, -0.13151046633720398, 0.49223223328590393, 0.22658517956733704, 0.5582783222198486, 1.0743881464004517, -0.22282098233699799, 0.5066552758216858, -0.4465138018131256, -0.49735337495803833, 1.1289618015289307, -0.33583247661590576, -0.03441467881202698, -0.5367580652236938, -0.30463796854019165, -0.0005731218261644244, -1.4163801670074463, 0.3181140124797821, -0.3936501145362854, -1.1735881567001343, 1.0959173440933228, -0.3452123999595642, 0.13159635663032532, -0.05023624375462532, 0.4014604389667511, -0.21599102020263672, -1.7175909280776978, 0.09912921488285065, 0.3284730315208435, 1.0907601118087769, 0.13873174786567688, -0.11322326958179474, 0.008537821471691132, -0.03813629969954491, 0.20264297723770142, -1.4086681604385376, 1.2709770202636719, -0.40018391609191895, -0.97076416015625, 0.4362865090370178, -0.4449658691883087, 0.5351849794387817, -0.39603543281555176, 0.9910134673118591, 0.5854219794273376, 0.31422504782676697, -0.234993577003479, -0.5306345224380493, 0.841550350189209, 0.8590620160102844, -1.3712681531906128, 0.491338312625885, 0.41193830966949463, 0.6584190130233765, -0.39222052693367004, 0.9580222964286804, 0.3998589515686035, -0.6078559160232544, 0.7923720479011536, 0.37319114804267883, 0.8302095532417297, 0.3789018988609314, 0.2504023313522339, -0.8263674974441528, -1.0899181365966797, 0.164620503783226, 0.45393165946006775, -0.5220628380775452, -0.8867707848548889, 0.8602414131164551, 0.5135481357574463, 0.6933150887489319, -1.1171982288360596, -0.23813867568969727, -1.0082751512527466, -0.24447907507419586, 0.02313186228275299, 0.06604553759098053, 0.39726606011390686, -0.7619467973709106, -0.22051741182804108, 1.3861149549484253, -0.2450796216726303, -1.1113348007202148, -0.035211674869060516, -0.8628546595573425, -0.399019330739975, -0.7254669666290283, -0.7248062491416931, 1.2353702783584595, -0.5000131726264954, 0.9516659379005432, -1.3104839324951172, -0.22996878623962402, -0.6056235432624817, 0.5359842777252197, -0.33114519715309143, -0.030072718858718872, 0.7656819224357605, 0.034881822764873505, 0.2878754138946533, -0.5242237448692322, 0.975834846496582, -0.17740875482559204, -0.9644134044647217, -0.3900046646595001, -0.18236087262630463, -0.7529758810997009, -0.09671007096767426, 1.7103691101074219, -1.204048752784729, 0.44603782892227173, -0.5363290309906006, 0.5710827112197876, -0.5569633841514587, 0.39027607440948486, 0.9825094938278198, -1.1312650442123413, 0.11598460376262665, -0.6581757664680481, 0.8945995569229126, 1.695115327835083, -1.6232948303222656, -0.9914141893386841, 0.04410754144191742, 0.198662668466568, 0.9518715739250183, -0.19608251750469208, 0.5299047231674194, -1.3362332582473755, -1.2808003425598145, -0.2449588179588318, -1.6805802583694458, 0.7067540287971497, 0.09572829306125641, 0.5003846287727356, 1.0312647819519043, 1.0607802867889404, 0.23692971467971802, 0.3825106918811798, 0.8413345813751221, 0.17368453741073608, -0.15861013531684875, -1.2717325687408447, 0.0855216234922409, -0.3483467698097229, 0.5493658185005188, -0.11765313148498535, 0.310405969619751, -0.8534972071647644, -0.21425281465053558, 0.7505792379379272, -0.11560434103012085, 0.9216201305389404, -0.9363826513290405, 0.44005224108695984, -0.859634280204773, -0.9294797778129578, -1.0274802446365356, -0.08184661716222763, -0.1079617291688919, 0.5354209542274475, 0.2820318341255188, -0.2543688118457794, 0.18146651983261108, 1.3958503007888794, 0.2948579788208008, 2.255297899246216, -0.04547584429383278, 0.29261237382888794, 0.22764304280281067, 0.045661814510822296, -0.7157018184661865, 0.03076878935098648, 0.6289255619049072, 0.051113229244947433, 0.33995571732521057, -0.8052643537521362, 0.18098126351833344, -0.4896896481513977, -0.4416259825229645, -0.2174285501241684, 0.6356394290924072, -0.18081577122211456, -0.14713670313358307, -0.6307759881019592, -0.46635013818740845, -1.5215305089950562, 0.6949583292007446, 0.8259341716766357, 0.6065807938575745, 1.0687000751495361, 0.21910259127616882, 1.2522472143173218, 0.37142273783683777, 0.534088671207428, 0.34196868538856506, -0.152084618806839, 1.570046067237854, 1.189697504043579, -0.11135056614875793, 0.676222026348114, 0.5129700899124146, -0.27654898166656494, -1.0566929578781128, -0.3818531036376953, 0.4808896780014038, 1.0375794172286987, 0.09947161376476288, 0.5005370378494263, -0.07096495479345322, -0.17690570652484894, 0.14156901836395264, -0.2383565455675125, -0.4051896929740906, -0.33392465114593506, -0.9253666400909424, -0.5867856740951538, 0.08760537952184677, 1.1487078666687012, -0.5005013346672058, 0.014881007373332977, -0.30908966064453125, 0.8457269668579102, -0.5522090196609497, 0.22510597109794617, -1.178375005722046, -0.328780859708786, -0.28711676597595215, -0.24703902006149292, -0.019930388778448105, -0.6354024410247803, -0.16065150499343872, -0.30075839161872864, -0.5087850093841553, 0.5669201016426086, 0.05616067349910736, -0.26730915904045105, -0.10401473939418793, 0.9459439516067505, -0.08201078325510025, 0.6083585023880005, -0.029636479914188385, -0.705519437789917, -0.8413928747177124, 0.35832345485687256, -0.3536926507949829, -0.4382920563220978, 0.05142673850059509, 0.7259689569473267, 0.5538321733474731, -1.1281641721725464, 0.39390361309051514]} +{"paper_id": "reclor", "embedding": [0.06385188549757004, 1.194946527481079, -0.5976967811584473, -0.1363222301006317, 0.4281063973903656, -0.0240180641412735, 0.32321426272392273, 0.8133260011672974, 0.8940314054489136, 1.2341806888580322, 0.5240921974182129, -0.029262084513902664, -0.20420792698860168, -0.08734243363142014, -0.19767269492149353, -0.8451548218727112, -0.895262598991394, 0.04837162792682648, -1.694332480430603, -0.9305062890052795, -0.69294673204422, -0.9756065011024475, 0.1533641368150711, 1.28098464012146, -0.5242308974266052, -1.327527642250061, 1.2039631605148315, -1.2508090734481812, 0.16786271333694458, 0.14181557297706604, 0.10622578859329224, 0.8886222839355469, -1.454925298690796, 0.29652705788612366, -0.6870868802070618, -0.6806142330169678, 0.6935586333274841, 0.24643099308013916, 0.44630536437034607, -0.5138841271400452, -0.8014628887176514, 0.27573779225349426, -0.5181463956832886, -0.193024680018425, 0.41432300209999084, -0.9419426918029785, 0.9197626709938049, 0.0448823980987072, 0.07411947846412659, -0.31181782484054565, -1.0520707368850708, 0.4678884744644165, -0.42483654618263245, 0.4448413550853729, 0.19770953059196472, 1.0861210823059082, 0.023205868899822235, 0.03725465014576912, 0.5287903547286987, -0.39222559332847595, 1.878324031829834, 1.6643917560577393, -0.2852305471897125, 0.08876127004623413, 1.495690941810608, 0.6528944969177246, 1.279734492301941, -0.22452513873577118, -0.40028882026672363, 0.8907270431518555, -0.5294058918952942, -0.048855990171432495, -0.18145936727523804, -0.687772810459137, 0.6403130292892456, 0.9505633115768433, 0.2530549466609955, -0.06730474531650543, 0.3906949460506439, -0.9449755549430847, -0.6677819490432739, 0.5603130459785461, 0.891018271446228, -0.3951082229614258, -0.073992058634758, -0.03153519332408905, 0.4469570517539978, -0.31773465871810913, 0.3522753119468689, -1.8084559440612793, 1.0340204238891602, 0.21527163684368134, 0.16018764674663544, 0.30641642212867737, -0.16242331266403198, 0.4381985068321228, -0.6756595373153687, -0.5444075465202332, -0.48840439319610596, -0.5141515731811523, 0.7424558997154236, -0.25665533542633057, 0.7166277170181274, 0.07152873277664185, 0.014983043074607849, 0.39437195658683777, 0.41091954708099365, 0.23190906643867493, -0.45036935806274414, -1.0157767534255981, -0.10348276793956757, 0.6357864737510681, -0.1473105400800705, 0.29112115502357483, -0.15588459372520447, 0.7408728003501892, 0.4133598804473877, -0.7503842115402222, -0.4426662027835846, -0.05062052607536316, 0.4643908441066742, -0.2629770040512085, -1.3362802267074585, -1.0978134870529175, 0.7736093401908875, -0.5367569923400879, 0.10407319664955139, -0.698763906955719, -0.05762957036495209, 0.4754910171031952, 0.6269570589065552, 0.19588665664196014, -1.413281798362732, -0.22762508690357208, 2.691770315170288, -0.6961513161659241, 1.5240817070007324, -0.44741907715797424, 0.22101838886737823, -0.8312997221946716, -0.6301652789115906, 1.0431948900222778, 0.05692031979560852, -0.9557484984397888, -0.77828449010849, 0.1712193489074707, 0.044101230800151825, 0.5509763956069946, -1.1852564811706543, -0.24783991277217865, 0.05983257293701172, 0.09967067092657089, -1.2143257856369019, -0.9090954661369324, 0.37834155559539795, -0.1065366119146347, -0.6137198805809021, 0.1931062936782837, -0.1753815859556198, 0.4418443441390991, 0.14654427766799927, -0.427654504776001, -0.48291677236557007, 0.3952603042125702, -0.6478995680809021, -0.1034691259264946, 1.0841953754425049, 0.2378440499305725, -0.9934384822845459, 0.4664726257324219, 0.5353758931159973, -0.14510181546211243, -1.304858684539795, -0.37240761518478394, 0.47722676396369934, -0.2613886892795563, 0.14318189024925232, 0.5757806897163391, -0.11106426268815994, -0.8400923013687134, 0.04464969038963318, -0.6796701550483704, 0.0936991348862648, 0.980147659778595, -0.4610885679721832, 0.7723042368888855, -3.2639973163604736, -0.1280907243490219, -0.801958441734314, 1.3597266674041748, -0.1276995837688446, -0.08276771008968353, 0.4935719668865204, 1.0018550157546997, 0.15786400437355042, -1.3497380018234253, 0.453980416059494, -1.1535156965255737, 0.6940314769744873, 0.29549068212509155, 0.5242444276809692, -0.39083579182624817, 0.18394362926483154, 0.8674077391624451, 0.3929910659790039, -1.0794872045516968, -1.2106775045394897, -2.416553258895874, 0.3893923759460449, 1.9624736309051514, 0.12998920679092407, -0.17023327946662903, -0.6178840398788452, -0.17171278595924377, -0.4304814040660858, -0.22059346735477448, 0.4176351726055145, -0.9293224811553955, 0.268576055765152, -0.09136027097702026, 0.6286848783493042, -0.8712310194969177, 0.030683517456054688, 0.9689433574676514, 1.728524923324585, -0.26392120122909546, -0.2559948265552521, -1.1405749320983887, -0.5200679302215576, 0.40960726141929626, 0.7090957164764404, -0.34024742245674133, -0.05913548916578293, 0.7224481105804443, 0.4566892385482788, 1.2962702512741089, 1.1795228719711304, 0.8022828698158264, -0.4184981882572174, 0.5839943885803223, -0.4678226113319397, 1.179754376411438, -0.3632271885871887, -0.2891730070114136, 0.1597425788640976, 0.10485012829303741, -0.541080117225647, 0.04470363259315491, -0.6142776012420654, 0.033504657447338104, 0.6444317102432251, -0.012758835218846798, -0.4439970552921295, 0.2552085220813751, -0.8558779954910278, -0.3867867887020111, -0.5161914229393005, -0.43499380350112915, -0.9895428419113159, 0.17392107844352722, -0.38069209456443787, -0.4801337718963623, 0.12060314416885376, -0.3047579526901245, 0.03582596778869629, -1.2464561462402344, -0.56328946352005, -0.3538200855255127, 0.24722252786159515, -1.1798793077468872, -0.9195189476013184, 0.29653218388557434, -1.4590123891830444, -0.08174149692058563, 0.4705272614955902, -0.626542866230011, -0.2371816486120224, 0.5691957473754883, 1.4575902223587036, 0.12863528728485107, 0.1040305569767952, -0.04306863993406296, 1.9205073118209839, -0.41600629687309265, 0.39396995306015015, -0.47471269965171814, 0.2711036801338196, -0.6461570858955383, 0.2580903470516205, -1.2322927713394165, 0.5081416368484497, 1.1039124727249146, 0.32865849137306213, 1.1922765970230103, 0.09442965686321259, -1.760827898979187, 0.9364503026008606, 0.4827702045440674, 0.5128102898597717, -1.5285588502883911, 1.7043602466583252, 0.06685652583837509, -0.588795006275177, 0.9932867884635925, -0.6762588620185852, -0.5667900443077087, 0.5948427319526672, -0.2505807876586914, 0.20172303915023804, -0.29248207807540894, -0.24897444248199463, 0.5868445634841919, 0.7146608233451843, -1.6853737831115723, 1.4597978591918945, 1.3309720754623413, 0.15615712106227875, -0.35120582580566406, -0.6486408710479736, 0.38760918378829956, -0.301482230424881, 0.6399827003479004, 1.1129026412963867, -0.7965762615203857, 0.2630250155925751, 0.2074572741985321, 0.19942396879196167, 0.8376930356025696, -0.3382769823074341, 0.772491455078125, 0.2830224931240082, 0.41690781712532043, -1.3045413494110107, -0.3531700670719147, 0.667654275894165, -0.18747413158416748, 0.39181962609291077, -0.23031020164489746, 0.8180508613586426, 1.0477509498596191, -0.05269702523946762, 0.030163761228322983, 0.5822668075561523, 0.38855722546577454, 0.353794127702713, 0.3441125154495239, -0.7803459763526917, 0.10899314284324646, -0.47927939891815186, 1.9763927459716797, -0.4506584405899048, -0.7351676821708679, -1.0520521402359009, -0.5960488319396973, -0.6252889633178711, -0.43643516302108765, 1.6393991708755493, 0.33535632491111755, 1.7049973011016846, 1.1485941410064697, 0.5597213506698608, -0.2841598093509674, -0.301220566034317, 0.6947711706161499, 0.2050362080335617, 0.16059288382530212, -0.9286638498306274, 0.6496354341506958, 0.5882669687271118, 0.8171029090881348, -0.30482053756713867, 0.37214574217796326, 0.40105903148651123, 0.3161374628543854, -1.4229779243469238, 0.9416822195053101, 0.37327852845191956, 0.9317996501922607, 1.9163148403167725, -0.6380453705787659, 0.008065041154623032, 0.0839865431189537, -0.7367417216300964, 0.5529882311820984, 0.487551748752594, 0.16423994302749634, 0.4020361602306366, 0.2914382815361023, 0.9390131831169128, 0.2652379870414734, 0.43800145387649536, 1.7024765014648438, -0.15273155272006989, -1.9303241968154907, 0.3597549796104431, 0.01440751925110817, -0.2668602466583252, -0.2465948462486267, -0.06791646778583527, -0.660143256187439, 0.7891773581504822, -0.16275733709335327, -0.5916749238967896, 0.19774186611175537, -0.18167270720005035, -1.6188132762908936, 1.0443122386932373, 0.07602234929800034, -1.1536951065063477, 0.03705543279647827, 0.3548141121864319, -0.7556348443031311, 0.30765870213508606, -0.46783092617988586, -1.2268401384353638, 0.9475516676902771, 0.3147938847541809, 1.2257543802261353, 0.21639691293239594, 0.011301226913928986, -1.4561865329742432, 1.4359309673309326, 1.3794465065002441, -1.6020722389221191, 0.5470260381698608, 0.6157677173614502, 0.6622900366783142, 0.2636328637599945, -1.0664265155792236, -0.5813558101654053, 1.5398472547531128, -0.23014327883720398, 0.007227207534015179, -1.111775279045105, -0.21361032128334045, 0.896187424659729, 0.5848776698112488, -0.0989127904176712, -0.6454046964645386, -0.5776110887527466, -0.38713201880455017, 0.7971081733703613, 0.6492558717727661, -1.395093560218811, -1.026962161064148, 0.632066547870636, -0.9518946409225464, 0.2146349847316742, 0.27878034114837646, 0.6972053050994873, 2.526054620742798, -0.38354742527008057, -0.3595317006111145, -0.6779951453208923, -9.520017623901367, 0.7053730487823486, 0.21379497647285461, 0.16106054186820984, 0.00648333877325058, -0.5583482980728149, 0.5252973437309265, -0.5001018643379211, 0.06892503798007965, -0.5035495162010193, 0.15460282564163208, 2.158751964569092, 0.5363465547561646, -0.3707542419433594, -0.7261255979537964, -0.6934398412704468, -0.3922801613807678, -0.9178445935249329, 0.12255039811134338, 0.5570977926254272, -0.5849493145942688, -0.7974092364311218, 0.01844634860754013, -0.2635328471660614, 0.4404277801513672, -0.4076229929924011, -0.42539799213409424, -0.39987266063690186, -0.09238805621862411, 0.5401862859725952, 0.2707828879356384, 0.2858235836029053, -0.5891057848930359, -0.36839500069618225, 0.16765351593494415, -1.0369924306869507, -0.9389861822128296, -0.2450435757637024, 0.7848759889602661, -1.2659285068511963, -0.8440778851509094, 0.241532102227211, 0.45794111490249634, -1.0846766233444214, -0.7198265194892883, 0.2734525203704834, 0.6823471784591675, -1.436990737915039, -0.03295858949422836, -0.31680282950401306, -0.22299852967262268, -0.7483096122741699, -1.069136619567871, -0.4616853892803192, 0.6741378307342529, 0.4719392955303192, -0.48539644479751587, -0.7518739700317383, -0.7061654329299927, -0.8516312837600708, -0.02095949649810791, -0.7048431634902954, -1.0073485374450684, 0.7352979779243469, 0.28571242094039917, 0.13238248229026794, 0.3874240815639496, 0.645489513874054, 0.2479727864265442, 0.6242421865463257, -0.6804853677749634, 1.7863969802856445, 0.1534557044506073, -0.09059485793113708, -0.8564415574073792, 0.3103773593902588, -0.1255808174610138, -0.31281778216362, 0.6130766868591309, -0.3442695736885071, -1.547280192375183, 0.4914720356464386, 0.20250505208969116, -0.7044931650161743, -0.7102715969085693, 0.2336641550064087, 0.013610795140266418, 0.07834511995315552, 0.8915983438491821, -0.6071266531944275, 1.4808874130249023, 0.01906171813607216, -0.5874914526939392, -0.8269820809364319, -0.7091811895370483, -0.010068580508232117, -0.9020814895629883, 0.750869631767273, 0.5622504949569702, -0.9107643365859985, -0.1040787324309349, -0.04344502091407776, -0.6501009464263916, 0.03189459815621376, 1.0418009757995605, 0.6916056871414185, -0.1938164383172989, 0.2777993381023407, 0.1260385513305664, -1.0703516006469727, 0.4713311791419983, 0.3565622568130493, -0.13373827934265137, 1.3631170988082886, -0.8043595552444458, 1.0563366413116455, 0.614789605140686, 0.30166587233543396, -0.7706987857818604, 1.2049133777618408, -0.7479125261306763, 1.1854511499404907, 0.34824874997138977, 1.992219090461731, 0.5251815915107727, 0.17395925521850586, 0.7809864282608032, -0.05585561692714691, -0.06746523082256317, -1.52696692943573, 0.5461142063140869, -0.6564558744430542, 0.13264155387878418, -0.5753238797187805, -0.4792534112930298, 0.11319802701473236, -1.0544310808181763, 1.4053395986557007, -1.094870924949646, 0.09186634421348572, -0.23338814079761505, 0.41611507534980774, -0.0657837986946106, -0.19943521916866302, -1.6242257356643677, 0.4765286445617676, -2.2973930835723877, 0.216272234916687, -0.33670392632484436, -1.1459858417510986, -0.5117645859718323, -0.8578514456748962, 0.9814700484275818, 0.055007144808769226, -0.48229682445526123, -0.5297667384147644, 1.3133580684661865, -0.9159883856773376, -0.3935636579990387, 0.1789850890636444, -0.2709921896457672, 0.8324495553970337, -0.9494200348854065, 0.9198161363601685, 0.33136218786239624, -0.44343048334121704, -0.5867688655853271, 0.3094310462474823, -0.5025398135185242, 0.6450095772743225, 0.8771169781684875, -1.0956637859344482, -0.06834796071052551, -0.4534401595592499, 0.4012710750102997, -0.0997854620218277, -0.1379936933517456, 1.3822953701019287, -1.2644073963165283, -0.27571845054626465, -0.2379809468984604, 0.540962278842926, 0.7260565757751465, -0.9976180791854858, -0.3827837109565735, 0.17879292368888855, -0.27894529700279236, 0.6752918362617493, 0.12084341794252396, 0.977891743183136, -0.8997004628181458, -0.5481323003768921, -0.3368312418460846, -0.7318726778030396, 0.35514146089553833, 0.42416563630104065, 1.3826624155044556, 0.47852277755737305, -0.719687819480896, -0.31598809361457825, 0.13677208125591278, 0.6192289590835571, 0.4627339541912079, 0.828413188457489, -0.4651232361793518, 0.9198367595672607, -0.6967613697052002, 0.02105928584933281, 0.31831640005111694, 1.0561023950576782, -0.3831446170806885, 0.6082957983016968, 0.10655637830495834, -0.30666208267211914, -0.07599610090255737, -1.3894987106323242, 0.043265923857688904, -1.4815226793289185, -0.25072798132896423, -1.2841808795928955, 0.5788028240203857, 0.8415345549583435, 0.10083968937397003, 0.18012161552906036, 1.0214277505874634, 0.13324695825576782, 1.2749052047729492, 0.532370924949646, 1.4859669208526611, 0.18794779479503632, -0.4814571142196655, 0.5952224731445312, 0.817711591720581, -0.17280425131320953, 0.3008527159690857, -0.6281506419181824, -0.22019927203655243, 0.38618096709251404, 0.08150863647460938, 1.4483915567398071, -0.07506079971790314, 0.5248688459396362, 0.8506052494049072, 1.1169312000274658, 0.11965452134609222, -1.7669099569320679, -0.2907199263572693, -1.7759393453598022, -0.029923710972070694, 0.39063382148742676, -0.04794140160083771, 0.2515602707862854, 0.5988610982894897, -0.5689757466316223, 1.6207852363586426, -0.4853256642818451, -0.045748062431812286, -0.3353007733821869, -0.5188633799552917, 1.2615013122558594, 0.4469050168991089, 0.8798588514328003, 0.18268775939941406, -0.1632169783115387, -1.531395673751831, -0.4781482219696045, -1.2959791421890259, 0.8656473159790039, -0.3020411729812622, -0.3098953366279602, 0.7243083715438843, 0.4339792728424072, 0.2994592785835266, 0.14429613947868347, 1.0459775924682617, -0.07172268629074097, 0.1769544631242752, -0.47399401664733887, -1.0162603855133057, -0.0002696579322218895, 0.6421500444412231, 0.022638965398073196, -0.24043330550193787, -0.20991002023220062, 0.6361696720123291, 0.04019120708107948, 0.19698500633239746, -0.45060256123542786, -0.3200690448284149, -0.3567199409008026, 0.20414616167545319, 0.5276403427124023, -0.7564897537231445, -1.31046724319458, 0.06948312371969223, -0.9809259176254272, 0.10585323721170425, -0.5087159276008606, -0.48414984345436096, 0.4694773554801941, 0.8496521711349487, 0.4742370545864105, -0.008680548518896103, -0.028032585978507996, 0.16646043956279755, -1.146938681602478, 0.5336349606513977, 0.5794870257377625, -1.3615233898162842, 0.06649597734212875, -0.14348548650741577, 0.7293066382408142, -0.016866406425833702, 1.4206279516220093]} +{"paper_id": "qasper", "embedding": [-1.3756844997406006, 1.2335997819900513, -0.2838781774044037, -0.6497129201889038, 0.3062332272529602, -0.3240989148616791, 0.5609981417655945, 1.0712695121765137, 0.30162954330444336, 0.6096435785293579, 0.6376838088035583, 0.05359704792499542, -0.12174683064222336, 0.040529750287532806, -0.7276612520217896, -0.5323613882064819, -0.44425705075263977, -0.720618724822998, -0.9174985289573669, -0.813463032245636, -0.3799441456794739, -0.4733145833015442, 0.036923084408044815, 0.7599217295646667, -1.0340365171432495, -1.2772042751312256, 0.8040810823440552, -1.0281164646148682, 0.5376526713371277, -0.059144601225852966, 0.6655592322349548, 0.9155229926109314, -1.6835516691207886, 0.15073993802070618, -0.20278826355934143, -0.6185782551765442, -0.18028461933135986, 1.2052274942398071, -0.11278988420963287, -0.33264851570129395, -0.5517841577529907, 0.24322018027305603, 0.8346884250640869, 0.3921065926551819, 0.9839057922363281, -0.7962132692337036, 0.27876803278923035, 0.1961909383535385, -0.5420610904693604, -0.10477101802825928, -0.4203769862651825, 0.3598622977733612, -0.48351728916168213, 0.2121082842350006, -0.41847988963127136, 1.5176925659179688, 0.30461978912353516, -0.7340267896652222, 0.9361134171485901, -0.6733430624008179, 1.3851547241210938, 1.801090121269226, -0.28163641691207886, -0.41469651460647583, 0.892992377281189, -0.19013682007789612, 1.2364740371704102, 0.26865464448928833, 0.31194040179252625, 0.7419548034667969, -0.03807108849287033, -0.6073012351989746, -0.24939143657684326, -0.0593961626291275, 0.35379767417907715, 0.5159716010093689, 0.6501675844192505, -0.454117089509964, 0.4216647446155548, 0.055803485214710236, -0.16379813849925995, 0.23354704678058624, 0.8744173645973206, -0.0021803826093673706, 0.054811857640743256, 0.13202953338623047, 0.20206141471862793, -0.719460129737854, 0.9233693480491638, -1.3929636478424072, 0.9201748371124268, 0.25467705726623535, -0.18808765709400177, -0.625390887260437, -0.33289051055908203, -0.3236965239048004, -1.20270574092865, -0.35177138447761536, -0.5261484384536743, 0.7208737730979919, 0.21534311771392822, 0.015131079591810703, 0.2124481201171875, -0.40490707755088806, 0.6314056515693665, 0.5223174691200256, -0.13856185972690582, 0.2026871144771576, -0.8449531197547913, -0.33847156167030334, 0.5112268328666687, 0.47362542152404785, 0.0751640647649765, 0.5689492225646973, -0.14966614544391632, 0.13743433356285095, -0.12232781201601028, -0.4207180142402649, -0.2654745876789093, 0.45727646350860596, 0.37374746799468994, -1.5191928148269653, -0.009172577410936356, 0.3720657229423523, 1.0811588764190674, -0.6320570111274719, 0.028223108500242233, -0.31833499670028687, -0.11595285683870316, 0.6207553148269653, 0.5458779335021973, -0.003931595012545586, -1.0274362564086914, -0.29803845286369324, 3.212999105453491, -0.36746662855148315, 1.2006430625915527, 0.25692811608314514, -0.17105650901794434, -0.0006001442670822144, -0.28326302766799927, 0.6938405632972717, 0.966329038143158, -1.5141136646270752, -0.14623822271823883, 0.49660050868988037, -0.04650268703699112, 0.297739714384079, -1.4572877883911133, -0.053860630840063095, -0.7076638340950012, -0.23263806104660034, -1.7210911512374878, -0.6054986715316772, 0.5408244132995605, 0.04041775315999985, -0.13247118890285492, 0.1031946986913681, -0.26801541447639465, 0.5411338210105896, 0.44863754510879517, 0.0834585577249527, -0.6636145114898682, 0.5823848843574524, -0.42838045954704285, -0.7730110287666321, 1.2100352048873901, -0.4424976408481598, -1.496650218963623, 0.04386573284864426, 0.7536911964416504, -0.9040645956993103, 0.12329728901386261, -0.7513949871063232, -0.21192756295204163, -0.2676115334033966, 0.490503191947937, 0.3478204309940338, 0.060750603675842285, -0.47198086977005005, -0.0804402232170105, -0.12162047624588013, -0.45031553506851196, 0.5681802034378052, 0.21892333030700684, 0.42032358050346375, -2.5975162982940674, 0.03868921473622322, -0.03332386910915375, 0.25911998748779297, 0.7823552489280701, 0.4163212478160858, 0.4086906611919403, 0.2678925395011902, -0.8932158946990967, -0.2980649769306183, 0.0948122888803482, -2.089223861694336, 0.6825805306434631, 0.4247226119041443, -0.521019697189331, 0.5149646401405334, 0.0788789838552475, 0.8782784938812256, 0.8323571681976318, -0.961999237537384, -1.0513887405395508, -1.969018578529358, 0.7034774422645569, 2.298367738723755, -0.6995174288749695, -0.23080959916114807, -1.4487032890319824, -0.04763839393854141, -0.17052412033081055, 0.1941838413476944, -0.18301819264888763, -0.3973742127418518, 0.02253738045692444, -0.48811572790145874, 0.7369996309280396, -0.4498792886734009, 0.15725958347320557, 0.08117388188838959, 1.2834484577178955, -0.6404639482498169, -0.27215778827667236, -0.17773336172103882, -1.3254289627075195, 0.7997401356697083, 0.16044306755065918, 0.2832548916339874, 0.3134485185146332, 0.7769051194190979, 0.28345125913619995, 0.7605512142181396, 0.5974473357200623, 0.32142728567123413, -0.9490082263946533, 0.12897229194641113, -0.535207211971283, 1.1911731958389282, 0.2827795147895813, 0.10893059521913528, 0.21330808103084564, -0.39913010597229004, -0.09199301898479462, -0.5013106465339661, -0.0616922490298748, -0.3264768719673157, 0.9453351497650146, 0.8177090883255005, -0.29901251196861267, 0.8318678140640259, -0.42298629879951477, -0.153275728225708, 0.10709662735462189, -0.7385432124137878, -0.08789480477571487, -0.47004151344299316, 0.8942945003509521, 0.18140089511871338, 0.5202051401138306, 0.029309645295143127, 0.20412006974220276, -1.2256635427474976, 0.22720438241958618, -0.2877596318721771, -0.6377788186073303, -0.5753252506256104, -0.004132993519306183, 0.3469619154930115, -1.614790916442871, -0.31567418575286865, 0.17811523377895355, -0.18483026325702667, -0.133917897939682, 0.9370943307876587, 0.7153520584106445, 0.5560755729675293, 0.09304959326982498, 0.43229931592941284, 1.1682581901550293, -0.42642319202423096, 0.2841513156890869, -0.33908331394195557, -0.2225123792886734, -1.1273587942123413, 0.6187416315078735, -0.37442970275878906, 0.4160277545452118, 0.38030382990837097, -0.5952320098876953, 0.8270794749259949, -0.4174787104129791, -1.3304938077926636, 0.6106693148612976, 0.019072402268648148, -0.8888353109359741, -0.5397730469703674, 1.4617581367492676, -0.6092424392700195, -0.5472809076309204, 0.5182233452796936, 0.21508459746837616, -0.2750343978404999, 1.6033061742782593, 0.46321049332618713, 0.2640848159790039, -0.13529765605926514, -0.21340706944465637, 0.1843130737543106, 0.4123021066188812, -1.6032133102416992, 0.7395482659339905, 1.472594976425171, -0.697698175907135, -0.26153337955474854, -0.7534217834472656, -0.25082194805145264, -0.669899046421051, 0.47203898429870605, 0.829153835773468, -1.2876675128936768, 0.9957059025764465, 0.13393306732177734, 0.22659902274608612, 1.125252604484558, -0.7484087347984314, 0.40380561351776123, 0.38732871413230896, -0.17230325937271118, -0.6155480742454529, -0.436467707157135, 0.4559711813926697, 0.024221954867243767, 0.5218868255615234, -0.22081321477890015, 1.1810535192489624, 0.5182311534881592, -0.25034216046333313, -0.46981656551361084, 0.2187071293592453, 0.43936097621917725, 0.28642556071281433, 0.1114155501127243, 0.05036737024784088, 0.9931809902191162, 0.005922306329011917, 1.377817153930664, -0.10580382496118546, -0.638929545879364, -0.8167722821235657, -0.6714401841163635, -0.6762504577636719, -0.3241003751754761, 1.6403462886810303, 0.4656095802783966, 1.7525721788406372, 0.03124784119427204, 0.008451656438410282, -0.5756627917289734, -0.6455317139625549, 0.44200995564460754, 0.45474472641944885, 0.19127658009529114, -0.8125488758087158, 0.2054639309644699, 0.6567769646644592, 0.11177708953619003, 0.09295059740543365, 0.11585060507059097, 0.6061332821846008, 0.14598415791988373, -0.7849788069725037, 0.48870012164115906, 0.8519735336303711, 0.6516072750091553, 1.3769229650497437, -0.5268594026565552, -0.27181094884872437, -0.2626245617866516, -0.21966281533241272, -0.007551422342658043, 0.2542347311973572, -0.03238245099782944, 0.8979527950286865, 0.43938538432121277, 0.32636573910713196, 0.44137173891067505, 1.447828769683838, 1.2032068967819214, -0.000972602516412735, -1.5060539245605469, -0.7224345207214355, -0.5214978456497192, -0.017770159989595413, 0.010485827922821045, 0.6366296410560608, -0.8579750061035156, 0.43372976779937744, 0.17714715003967285, -1.155500054359436, 0.387074738740921, -0.7347115874290466, -1.3267825841903687, 1.100152850151062, 1.3973774909973145, -1.2393310070037842, 0.09219427406787872, -0.007834598422050476, -0.8134467005729675, -0.4937029480934143, -0.10418480634689331, -0.7061656713485718, 0.8261454105377197, 0.49220091104507446, 0.7825709581375122, 0.4652010202407837, -0.08144499361515045, -0.6759480834007263, 1.0689232349395752, 0.7326053977012634, -0.9915960431098938, 0.46128642559051514, -0.6874923706054688, 0.42140263319015503, 0.1385045051574707, -1.29591703414917, -0.6386197209358215, 0.7203379273414612, -0.9128115177154541, 0.12052323669195175, -1.0450581312179565, -0.8010452389717102, 0.41450998187065125, 0.31973525881767273, 0.3823606073856354, -0.26645001769065857, -0.1548551768064499, -0.9396882653236389, -0.2515464425086975, 0.7461165189743042, -1.1311346292495728, -0.44307637214660645, 0.6686176061630249, 0.43350863456726074, 0.7632349729537964, 0.14522087574005127, 0.20084479451179504, 1.0600690841674805, -0.5218033790588379, -0.6339567303657532, -0.408695787191391, -11.362141609191895, 1.0882301330566406, -0.1648542881011963, 0.5846856236457825, 0.7211900949478149, 0.23804399371147156, 0.4485333263874054, -0.7578717470169067, 0.849683940410614, -0.748706579208374, 0.28818073868751526, 0.8363507390022278, 0.5017633438110352, 0.022540513426065445, -0.7829970717430115, -1.5746742486953735, -0.4368906021118164, -0.30000603199005127, 0.3574381470680237, -0.3573686182498932, 0.011253304779529572, -0.2725696265697479, -0.3075840473175049, -0.20513850450515747, 0.40975311398506165, 0.17002683877944946, -0.570072591304779, -0.28866469860076904, -0.5384453535079956, -0.115341916680336, 0.736870527267456, 0.03431039676070213, -0.38175153732299805, -0.5886284112930298, -0.5901603698730469, 0.08201070129871368, -0.35210055112838745, 0.10367735475301743, 0.8532519340515137, -0.11890451610088348, -0.2934924364089966, 0.14815938472747803, 0.9234092235565186, 0.09657017141580582, -0.6358743906021118, 0.4630894660949707, -0.0558171272277832, -1.1451822519302368, 0.39246416091918945, -0.6476336121559143, -0.7363653779029846, -0.4077964425086975, -0.08539794385433197, 0.16171365976333618, 0.3997039198875427, 0.47406184673309326, -0.9934381246566772, -0.4654895067214966, -0.7226707339286804, -0.49544379115104675, 0.3926759362220764, -0.5502010583877563, 0.10307627171278, 0.1670687347650528, -0.3766884207725525, 0.3176870048046112, 0.5803964734077454, 0.23628000915050507, -0.6998826861381531, -0.1667969673871994, -0.6953204870223999, 1.153822422027588, 0.38788551092147827, 0.06473055481910706, -0.9057720303535461, 0.18563076853752136, -1.0694249868392944, -0.35151955485343933, 0.225142240524292, 0.4783957600593567, -1.3445510864257812, 1.2855215072631836, 0.6767659187316895, -0.781105101108551, -1.1058319807052612, -0.0012887828052043915, -0.10223931819200516, 0.6022543907165527, 0.810981035232544, -0.6911783814430237, 1.263950228691101, 0.8011098504066467, -0.6184495091438293, -0.9171729683876038, -0.4246467351913452, 0.6206488609313965, -0.7501082420349121, 0.44424641132354736, 0.22144517302513123, -0.670719563961029, 0.05907575041055679, -0.5648273825645447, -0.8919358253479004, -0.4663587510585785, 0.31761783361434937, 0.32530477643013, 0.3994286060333252, -0.31544631719589233, -0.4282948970794678, -0.7560229897499084, 0.8946002125740051, -0.024127259850502014, -0.3597949147224426, 1.0653390884399414, -1.159740924835205, 0.9033130407333374, 0.2671945095062256, -0.510571300983429, -0.028018012642860413, 1.0124924182891846, -0.3066885471343994, 1.2674293518066406, -0.12425937503576279, 1.2814394235610962, -0.4417615234851837, -0.3444353938102722, 0.7781491279602051, 0.3203769624233246, -0.45605385303497314, -0.7089753746986389, 0.4470313787460327, -0.45414483547210693, 0.15574423968791962, -1.2524566650390625, -1.0230883359909058, -0.16893994808197021, 0.06884972751140594, 1.538715124130249, -0.8029116988182068, -0.428321897983551, -0.9593687653541565, -0.22990354895591736, -0.32382526993751526, -1.1860041618347168, -1.5126749277114868, 0.25993549823760986, -0.7649227976799011, 0.5678587555885315, -0.7531829476356506, -0.6342470645904541, -0.522055983543396, -0.645700216293335, 0.5512358546257019, -0.696524977684021, -0.34708741307258606, -0.3148079514503479, -0.0748465284705162, 0.1232728436589241, -1.2157500982284546, -0.060499899089336395, 0.16958802938461304, 0.7155078649520874, -0.6794921159744263, 1.2123403549194336, 0.42974933981895447, -0.03878910467028618, -0.39279264211654663, 0.33750635385513306, -0.6188950538635254, -0.13783946633338928, 1.209933876991272, -0.46503984928131104, -0.0025780312716960907, -0.23391340672969818, -0.28261372447013855, 0.3219913840293884, 0.5909649729728699, 0.6834224462509155, -0.5168958902359009, 0.21972870826721191, 0.20742511749267578, 0.9751997590065002, 0.30762332677841187, -0.09395241737365723, 0.15652573108673096, 0.2732032537460327, 0.2879185080528259, 0.11915376782417297, 0.6787023544311523, 0.751845121383667, -1.2035765647888184, -1.5700972080230713, -0.41946855187416077, 0.4135619103908539, 1.0930602550506592, 0.11560995876789093, 1.200988531112671, 0.41651156544685364, -0.12207121402025223, 0.606179416179657, 0.2908502221107483, 1.0356676578521729, 0.643775999546051, 0.8594539165496826, -0.18308816850185394, 0.1920456439256668, -0.8867639899253845, 0.5046940445899963, 0.5727596282958984, 0.8045848608016968, -0.8437550067901611, -0.37935394048690796, 0.7842141389846802, -0.09099321067333221, 0.41837331652641296, -1.6268894672393799, 0.2878318130970001, -0.11545345187187195, -0.6335939764976501, -1.5590119361877441, 0.29999303817749023, 1.105300784111023, -0.5653175115585327, 0.909930944442749, 0.11672677844762802, 0.898962140083313, 0.5588918924331665, 0.5191293954849243, 0.6265824437141418, -0.02332267537713051, -0.1711719036102295, 1.1022812128067017, 0.28519418835639954, 0.17056196928024292, 0.11547940969467163, -0.9079157114028931, -0.35985398292541504, 0.8886074423789978, -0.0806584507226944, 1.3198260068893433, -0.6035048961639404, 0.6542558073997498, 0.7138345837593079, 1.5792760848999023, -0.49691033363342285, -1.8770595788955688, -0.42834797501564026, -1.6413590908050537, 0.16953887045383453, 0.6602796912193298, 0.9399889707565308, 0.3585120141506195, 0.788719117641449, -0.005031272768974304, 0.8194418549537659, -0.7336146831512451, 0.4393382668495178, 0.13211899995803833, -1.042542576789856, 0.957237720489502, 0.8078020811080933, -0.13899941742420197, 0.3271752893924713, -0.15855225920677185, -0.6475303173065186, -0.30375751852989197, -0.8990688920021057, 1.2528759241104126, 0.8535768389701843, -0.5572501420974731, -0.3541039228439331, -0.4130256772041321, 1.5525850057601929, -0.6238923668861389, 0.5599656105041504, -0.10541898012161255, -0.7157595753669739, -0.4948910176753998, -0.7064380645751953, 0.08879367262125015, 0.5965567827224731, -0.2163163423538208, 0.04834277182817459, 0.8259684443473816, 1.0511616468429565, 0.10947408527135849, -0.14532603323459625, -0.5564098358154297, 0.12999756634235382, -0.7392343878746033, 0.4923517107963562, 0.563062310218811, -0.35340362787246704, -0.8232278227806091, -0.3979351222515106, -0.6077504754066467, 0.5065078139305115, -0.13927656412124634, -0.809393048286438, 0.012908931821584702, 0.48196741938591003, -0.26546117663383484, 1.0394781827926636, 0.26611194014549255, -0.007149992510676384, -1.54604172706604, 0.7810595631599426, 1.0688118934631348, 0.00673053041100502, -0.33554667234420776, -0.3364579379558563, -0.10347259789705276, 0.43920961022377014, 0.11531024426221848]} +{"paper_id": "svhn", "embedding": [0.09584235399961472, 0.5709468126296997, -1.1042373180389404, -0.3651517927646637, -0.3333980441093445, -0.1327819675207138, -0.3581787049770355, 0.41919559240341187, 0.5026374459266663, 0.4315066635608673, 0.5173089504241943, -0.13279375433921814, 0.6667534708976746, -0.2483186572790146, -0.3428017497062683, -0.35597342252731323, -0.2081613540649414, -0.9331396818161011, -1.297240138053894, 0.2159923017024994, -1.2448134422302246, -0.6824871897697449, 0.1650211662054062, -0.09452073276042938, -0.6739997863769531, -0.23237840831279755, 0.8729503750801086, -0.787004828453064, 0.7432981729507446, 0.640649139881134, 0.5197529792785645, 0.5465005040168762, -1.4959750175476074, 1.136428713798523, -0.8557243943214417, -0.23473480343818665, 1.054971694946289, 0.6651249527931213, -0.6950489282608032, -0.730146050453186, -0.6304095983505249, 0.3084220886230469, 1.0960725545883179, -0.28183937072753906, 0.6944679617881775, -0.2731839716434479, 0.17215023934841156, -0.018381308764219284, -0.35394442081451416, 0.06988686323165894, -0.461992084980011, 1.6204984188079834, -0.1284683495759964, 0.8613998889923096, -1.1456242799758911, 0.5106983780860901, 0.11499354988336563, -0.21671241521835327, 0.11176005005836487, -1.0151809453964233, 0.044983576983213425, 0.7744842171669006, -0.16814763844013214, 0.3116728961467743, 0.5955609083175659, 0.1811210662126541, 0.9034936428070068, -0.3836078643798828, 0.6973614692687988, 0.6095443367958069, -0.12996548414230347, -1.051796793937683, 0.49984845519065857, 0.2121887505054474, 0.5240333080291748, 0.7616919279098511, -0.3232499063014984, -0.7371949553489685, 0.4855726361274719, -0.025770189240574837, -0.3496682643890381, -0.17823609709739685, 0.022860363125801086, -0.39640575647354126, 0.048894867300987244, -0.168634831905365, -0.05621710047125816, -0.3335740268230438, 0.2362499088048935, -1.0609253644943237, 0.9097347259521484, -0.12557265162467957, 0.4855645000934601, 0.15232712030410767, 0.8067508935928345, 0.09085173159837723, -0.3456697463989258, 0.1433161050081253, -0.9586029052734375, 0.8059133291244507, 0.4507559835910797, -0.19780881702899933, 0.7620944976806641, -0.37648800015449524, 0.2501389980316162, 1.1056733131408691, -0.6353837847709656, -0.23894146084785461, -0.7996384501457214, -0.2555047869682312, -0.21845589578151703, 0.9512895345687866, 0.14706425368785858, 0.012289494276046753, -0.7766217589378357, 0.3599456250667572, -0.0984083041548729, 0.06648809462785721, -0.8071401119232178, -0.24134846031665802, 0.09126163274049759, -1.3214826583862305, -0.09312020987272263, -0.15882888436317444, 0.31960469484329224, -0.19085681438446045, 0.6604963541030884, 0.5996460318565369, -0.34582728147506714, -0.47960609197616577, 0.8744895458221436, -0.19210746884346008, 0.08767348527908325, 0.9095972180366516, 2.6467955112457275, -0.7808817625045776, 0.8214993476867676, 0.1214941143989563, -0.999471127986908, 0.24523402750492096, 0.06202054023742676, 1.318100929260254, 0.28335103392601013, -1.0933095216751099, -0.9962626695632935, 0.1620435267686844, -0.3920242190361023, 0.4515005648136139, -0.3877122402191162, -0.3949284851551056, -0.29889458417892456, 1.1083792448043823, -1.2137978076934814, -1.446491003036499, 0.23507781326770782, 0.7428410053253174, 0.32599738240242004, -0.18344758450984955, -0.4955295920372009, -0.17058351635932922, -0.11024066060781479, 0.7024243474006653, -0.5422877073287964, 1.3541162014007568, 0.1989835500717163, 0.25536665320396423, 0.8498145341873169, -0.05423127859830856, -0.11887361854314804, 0.008239969611167908, -0.008085258305072784, -0.2781567871570587, 0.292400062084198, 0.3423599600791931, 0.11241614073514938, 0.30598074197769165, 0.1907161921262741, 0.7776318192481995, -0.5869821906089783, -0.7476812601089478, -0.040127284824848175, 0.15526287257671356, -0.10481217503547668, -0.43644779920578003, 0.3076638877391815, -0.0012835301458835602, -1.3879575729370117, -0.05086895823478699, -0.5598694682121277, 0.4210410416126251, -0.0273374542593956, -0.3442307412624359, -0.29389631748199463, 0.041825372725725174, -0.04939909651875496, -0.05685281753540039, 0.21031585335731506, -0.7987510561943054, -0.907522976398468, 0.8467569947242737, 0.2233637571334839, 0.3669652044773102, -0.7319958209991455, 0.4805660843849182, -0.143280491232872, -0.696938693523407, 0.419563353061676, -1.4597992897033691, 0.2525348365306854, 1.0517117977142334, 0.4757784903049469, -0.5265637040138245, -0.7293627858161926, -0.6334357857704163, 0.22212037444114685, -1.3242113590240479, 0.7148888111114502, -0.7320955395698547, -0.3034047484397888, -1.2310343980789185, 0.1445070058107376, -0.7711963057518005, -0.18110816180706024, 0.14680121839046478, 0.9597055912017822, -1.2456341981887817, -0.09281541407108307, 0.015206427313387394, -0.7428930401802063, 0.9061988592147827, 0.4610588550567627, 0.6686744689941406, -0.6534284353256226, 0.34831738471984863, 0.6500040292739868, 0.33253204822540283, -0.34171047806739807, 0.6269212365150452, -0.9282598495483398, 0.7556602358818054, -0.8840720057487488, 0.8075245022773743, -0.5944668054580688, -0.19101747870445251, 0.27003151178359985, 0.0017374977469444275, -0.34016141295433044, -1.05571711063385, -0.09207277745008469, 0.24611061811447144, 1.5132777690887451, 0.3583184480667114, -0.45873215794563293, 0.6149500012397766, 0.013437502086162567, -0.2064601182937622, 0.6043099761009216, -0.4980330765247345, 0.6372513771057129, -0.39377421140670776, 0.19489720463752747, -0.23376968502998352, -0.4106210470199585, -0.13034187257289886, -0.2809664011001587, -0.38650330901145935, -0.9162978529930115, -0.3329602777957916, -0.6819722652435303, -0.18308371305465698, -0.6818053126335144, -0.11735443770885468, -0.6977629065513611, -0.5925171971321106, 0.5203406810760498, 0.8354582190513611, -0.1521788239479065, 1.1178797483444214, 0.3431495130062103, -0.13732436299324036, 0.4973990321159363, -0.7209814190864563, 0.15894396603107452, 0.13602042198181152, 0.4789358973503113, 0.2304852306842804, -0.2944028377532959, -0.9874603152275085, -0.8816070556640625, -0.7398030757904053, 0.38742172718048096, -0.013406768441200256, 0.6908618211746216, 1.0342628955841064, -0.3036561608314514, -0.9958689212799072, 2.0046846866607666, -0.003416445106267929, 0.14793580770492554, -0.48822784423828125, 1.3204288482666016, 1.041614294052124, 0.06773780286312103, -0.27551013231277466, 0.22027313709259033, 0.3793034553527832, 0.6828752160072327, -0.7138347625732422, 0.20348723232746124, 0.40361279249191284, -0.2001822143793106, 0.571108877658844, 0.3223882019519806, -1.3385975360870361, -0.1551438570022583, 0.038445472717285156, 0.2126283496618271, 0.09679177403450012, -0.45528650283813477, -0.8217753767967224, -0.6001231670379639, 0.33153361082077026, 0.9630746245384216, -0.8598746061325073, -0.06383679062128067, -0.29987797141075134, 0.25496166944503784, 0.5062838792800903, -0.6247734427452087, 0.2724418640136719, -0.02633347362279892, 0.07409261167049408, -0.6358855962753296, 0.267143189907074, 0.6432182788848877, -0.17002423107624054, 0.3969915807247162, 1.1016511917114258, 0.0652252659201622, 0.4601348638534546, 0.03288007900118828, -0.26017171144485474, 0.437341570854187, 0.2799999415874481, 0.024834701791405678, 0.8409662246704102, -0.03362376242876053, 0.5466270446777344, 0.47476285696029663, 0.8398250341415405, -0.5444490313529968, -0.6349594593048096, -0.8053591847419739, 0.7688907980918884, -0.6222957968711853, -0.24322086572647095, 1.0220268964767456, 0.15277624130249023, 1.5109162330627441, -0.852102518081665, 0.7800124883651733, -0.29478350281715393, -0.013539642095565796, 0.5176858305931091, 0.683664858341217, 0.41293996572494507, 0.3559766709804535, 0.04449651390314102, 0.11566132307052612, 0.675239086151123, -0.35887375473976135, 0.42191627621650696, 0.8694505095481873, -0.3341505527496338, -0.38981324434280396, 0.37588393688201904, -0.31369972229003906, 0.9589073657989502, 1.232870101928711, -0.02317187376320362, -0.34433865547180176, -0.9030822515487671, -0.018075041472911835, -0.0947449579834938, -0.5196874737739563, -0.6372271776199341, 0.32473188638687134, 0.13784052431583405, 1.3390110731124878, 0.5255971550941467, -0.06292995065450668, 0.37943726778030396, -0.4707612693309784, -1.0453505516052246, 0.6518215537071228, -0.7888592481613159, -0.6420993208885193, 0.13038617372512817, 0.09386467933654785, -0.7086825370788574, 0.8518877029418945, 1.0292131900787354, -1.771509051322937, 0.11618287861347198, 0.18020379543304443, -0.7491261959075928, 0.2591094374656677, 0.6695249080657959, -0.523868203163147, -0.501001238822937, -0.10527442395687103, -0.659445583820343, -0.33265939354896545, 0.06401871889829636, -0.0568879172205925, 0.30133333802223206, -0.18799635767936707, 0.7991023659706116, -0.8687803745269775, -0.20714548230171204, -0.7046046257019043, 1.3304425477981567, 0.44214558601379395, -0.5495878458023071, -0.12741214036941528, -0.956902027130127, 0.4796147346496582, 0.4176204800605774, -1.6002501249313354, -0.2544144093990326, 1.3976887464523315, 1.1726796627044678, -0.022122658789157867, -0.7562202215194702, 0.09444586932659149, -0.1948091983795166, 0.659797728061676, 0.40216654539108276, -0.9562748670578003, 0.09739469736814499, -0.741638720035553, 0.6163530945777893, 0.8469864130020142, -0.10041820257902145, -0.18669520318508148, 1.8523831367492676, -0.7993322610855103, 0.1652284860610962, -0.2753348648548126, 0.0777922123670578, 0.18290270864963531, 0.44637036323547363, -0.4595012664794922, -0.14512212574481964, -13.151376724243164, 0.4562930762767792, -0.9285614490509033, 0.3230929970741272, 0.49364107847213745, 0.0460396483540535, 0.43534380197525024, -0.10054206848144531, 0.7074458003044128, -0.22052942216396332, 0.48216134309768677, 0.9780811071395874, 0.6419575214385986, 0.14433753490447998, -0.379842072725296, -1.1343474388122559, -0.7078019976615906, -0.07372378557920456, 0.2722535729408264, 0.5516201853752136, -0.1016550213098526, -0.2745320796966553, 0.1947229653596878, -0.2568177878856659, 0.10054904967546463, -0.8680738806724548, 0.38849523663520813, -0.0816354751586914, -0.683215320110321, -0.15187415480613708, 0.05249687656760216, 0.49601149559020996, -0.5519827008247375, -0.680697500705719, 0.20409782230854034, -0.18273834884166718, -0.4923413395881653, -0.4855059087276459, 1.4760606288909912, 0.2911202311515808, -1.2602146863937378, 0.6602729558944702, -0.04413388669490814, -0.8213695287704468, -1.1608487367630005, 0.21716667711734772, 0.032311826944351196, -0.5938706398010254, 0.7084111571311951, 0.006387360394001007, 0.0494600385427475, -0.020022518932819366, -0.10936349630355835, -0.20807048678398132, 0.7438656687736511, 0.47747352719306946, -0.9017902612686157, -0.08386401832103729, 0.10979646444320679, -1.3082289695739746, 0.4443867802619934, 0.8226021528244019, -0.20165902376174927, 0.9970874786376953, 0.17791801691055298, -0.22335873544216156, 0.13183820247650146, 1.0923559665679932, -0.46678340435028076, -0.15159772336483002, -0.685013473033905, 1.1105648279190063, 0.3858228325843811, -0.1821134090423584, -0.3993772864341736, -0.08170048147439957, -0.006896789651364088, -0.2614118456840515, 0.16107246279716492, 0.015914205461740494, -1.1716452836990356, 0.6270478367805481, -0.6171688437461853, -0.2574513852596283, -0.060713328421115875, 0.1862114667892456, -0.08239548653364182, -0.2219746708869934, 0.04565103352069855, 0.09068747609853745, 0.5646891593933105, -0.0864822268486023, -0.37922072410583496, -0.6162839531898499, 0.08260098844766617, 0.5541806817054749, -0.32376620173454285, 0.34506750106811523, -0.6229528188705444, -0.3841288089752197, -0.07059555500745773, -0.00684916228055954, -0.3014428913593292, -0.45386195182800293, 1.1404263973236084, -0.33808764815330505, 0.09878906607627869, 0.6665388345718384, -0.10570555925369263, 1.0325376987457275, 0.450885534286499, -1.4461641311645508, -0.24616669118404388, 1.3455448150634766, 0.6738177537918091, 0.12265955656766891, 0.9314212799072266, 0.11710163950920105, 0.499758243560791, -0.08551827073097229, 0.27443376183509827, -0.4747612774372101, 0.7909533381462097, 0.6805660128593445, 0.20544303953647614, 0.34656617045402527, -0.20493380725383759, 0.551524817943573, -0.15767288208007812, -1.1485048532485962, 0.8259638547897339, 0.3300873637199402, -0.4838848114013672, -0.11838929355144501, 0.39999011158943176, -0.8116453886032104, -0.5581551194190979, 1.4771571159362793, -0.20526152849197388, -0.16967695951461792, 0.14865995943546295, -0.7593887448310852, -0.4019237756729126, -0.17220376431941986, -0.5493336915969849, -0.4587019085884094, -1.3575845956802368, -0.601855456829071, -0.29642829298973083, -1.2842514514923096, 0.8709355592727661, -0.019077226519584656, 0.7674535512924194, -0.14177128672599792, -0.08148655295372009, 0.46414756774902344, 0.40573301911354065, -0.6337350010871887, 0.21699240803718567, 0.47228795289993286, 0.5931286215782166, 0.3905934989452362, -0.5709347724914551, 1.1945420503616333, 0.6589933633804321, -0.39376139640808105, -0.3527444303035736, -1.121004581451416, 0.4669337868690491, 0.04101508855819702, 0.7277421355247498, -0.6000336408615112, -0.4115355312824249, -0.13103054463863373, 0.48191311955451965, -1.1307923793792725, -0.6915938258171082, 1.3616647720336914, -1.7213910818099976, 1.0635173320770264, 0.2943379580974579, 1.2733560800552368, 0.6879225969314575, -1.4644954204559326, -0.08082729578018188, -0.1582857072353363, 0.010903225280344486, 1.1022570133209229, -0.3742526173591614, 0.5096444487571716, -1.4920625686645508, -1.0885341167449951, -0.23700076341629028, -0.17877039313316345, 0.7799693942070007, 0.17746691405773163, 0.674531102180481, 0.12056124955415726, -0.21196359395980835, 0.09311313182115555, -0.7919822931289673, -0.18160846829414368, -0.051454972475767136, -0.24582555890083313, -0.48241570591926575, -0.2631784677505493, -0.002066671848297119, -0.5524395108222961, -0.43436652421951294, 1.0617563724517822, -1.3159695863723755, 0.34581583738327026, 0.4956871271133423, -0.3202657401561737, 0.1572420448064804, -0.4519686996936798, -0.27749699354171753, -0.02649371325969696, 0.03864597529172897, -0.5354458093643188, -0.0890202596783638, 0.18524900078773499, -0.21808218955993652, 0.9962347149848938, -0.4430720806121826, 0.9784296154975891, 0.5259214043617249, 0.39821434020996094, 2.10660719871521, 0.79463791847229, -0.26311415433883667, -0.18573994934558868, -0.20024146139621735, -0.3769060969352722, -0.374285489320755, 0.4085797667503357, -0.6742204427719116, 0.12315331399440765, -0.9946780800819397, -0.6574625372886658, -0.2136303037405014, 0.12199615687131882, -0.1299169361591339, 0.7886918187141418, 0.7598705887794495, -0.6929991841316223, -0.18085044622421265, 0.3331776261329651, -0.2810003161430359, -0.007306743413209915, 0.01429007574915886, 0.574718713760376, 0.8485205769538879, 0.20086514949798584, 0.6576836705207825, 0.8854009509086609, 0.009675003588199615, -0.042680978775024414, 0.969361424446106, 1.3341550827026367, 0.5555059909820557, 0.010095009580254555, 0.7782910466194153, 0.19199782609939575, 0.46365657448768616, -0.22303225100040436, -0.4182651937007904, 0.42191416025161743, 0.29396313428878784, 0.0721970796585083, -0.5098531246185303, -0.2186126857995987, -0.3709614872932434, -0.5869024991989136, -0.2600986361503601, 0.3406534194946289, -0.22477543354034424, -0.9395341873168945, 0.43491601943969727, 0.565010130405426, 0.3949013948440552, 0.15587738156318665, -1.0154269933700562, -0.4038013815879822, 0.5253011584281921, 0.38154593110084534, -0.1953819990158081, -0.39853379130363464, 0.4613385796546936, 0.08893736451864243, 0.22355623543262482, -0.14932486414909363, -0.5336402058601379, -0.5792033076286316, 0.6480544805526733, -0.921696662902832, -0.2536858320236206, -0.519323468208313, -0.4485410153865814, 0.12782277166843414, 0.525385320186615, 0.1421048492193222, 0.24436186254024506, 0.07405131310224533, 0.20050424337387085, 0.13228780031204224, 0.23778226971626282, 0.5085208415985107, -0.6257741451263428, -0.0654248371720314, 0.40281227231025696, 0.18031859397888184, -0.4038797914981842, 0.3461047112941742]} +{"paper_id": "wiki_asp", "embedding": [-0.32097697257995605, 1.6228548288345337, -0.2866416573524475, -0.18676775693893433, 0.38537293672561646, 0.0069100521504879, 1.4844977855682373, 0.43452444672584534, 0.6110601425170898, 0.5725463628768921, 1.1121385097503662, -0.12250886857509613, -0.2648846209049225, 0.46294572949409485, -0.5329166650772095, -0.7776778936386108, -0.03811999782919884, -1.0286403894424438, 0.7533792853355408, -0.36906883120536804, -0.9290058016777039, -0.48061996698379517, -0.11433984339237213, 0.6719956994056702, -0.9748659729957581, -0.09436920285224915, 1.028178334236145, -0.9392613172531128, -0.5865962505340576, 0.1386583149433136, 0.11812424659729004, 1.542586088180542, -1.5649371147155762, 0.09871130436658859, -0.5299698114395142, -0.5784423351287842, 0.3212203085422516, 0.8442195653915405, -0.3267953395843506, 0.15575414896011353, -0.45098763704299927, 0.8236083388328552, 1.3112753629684448, 0.37601566314697266, 0.26239970326423645, -0.3826487362384796, -0.6449576616287231, -0.2822932302951813, -0.5154669880867004, 0.16323649883270264, 0.3702113926410675, -0.32074204087257385, 0.16291868686676025, 0.5984747409820557, -0.1883835792541504, 1.4265927076339722, -0.1597350835800171, -1.0559725761413574, -0.06644508987665176, -0.7514079809188843, 0.4583567678928375, 1.4771826267242432, -0.6369546055793762, -0.19834250211715698, 1.279998779296875, -0.5988216400146484, 1.3849148750305176, 0.2558676600456238, 0.7688302397727966, 0.5893939733505249, -0.7412015199661255, -0.9765329957008362, -0.10375406593084335, -0.37996482849121094, -0.07573440670967102, 0.5390172004699707, 0.32832419872283936, -0.545626699924469, -0.23473608493804932, 0.6753026843070984, 0.18776310980319977, 0.3233734965324402, 0.36287492513656616, -0.3729759454727173, -0.2944852113723755, -0.018299315124750137, 0.03565005958080292, 0.21375980973243713, 0.4057405889034271, -1.7439868450164795, -0.2604948878288269, -0.3727996051311493, -0.7168669700622559, -0.7014051079750061, -0.12358830869197845, 0.4664424955844879, 0.30547672510147095, -0.22132882475852966, -0.6007606983184814, 0.6647924780845642, 0.8010639548301697, -0.3844314515590668, 0.3723177909851074, -0.44410863518714905, 0.9322899580001831, 1.221009373664856, -0.38156619668006897, -0.13898643851280212, -0.30672839283943176, -0.6134304404258728, -0.257233202457428, 1.1229485273361206, 0.2583777606487274, 0.7325320243835449, -0.5002638697624207, -0.5580326914787292, -0.2941688299179077, 0.8162531852722168, -0.9096306562423706, 0.6641385555267334, -0.7635716199874878, -1.5379668474197388, -0.2186783254146576, 0.5150864124298096, 0.8330326676368713, -0.6172487139701843, 0.3970035910606384, -0.27143222093582153, -0.07555799186229706, -0.3443460166454315, 0.4284617006778717, 0.4666703939437866, -0.4172760248184204, 0.05463593825697899, 2.3286750316619873, -0.1690312623977661, 1.5937576293945312, 0.5224493741989136, -0.386881560087204, 0.11454416811466217, 0.08482468873262405, 1.1552845239639282, 0.7950961589813232, -0.6023179888725281, -0.25950610637664795, 0.3066476583480835, -1.0591223239898682, 0.5170657634735107, -1.075913906097412, -1.1422407627105713, -0.23812541365623474, 0.2841871678829193, -1.5948455333709717, -1.1651562452316284, 0.3540409803390503, 0.35791951417922974, -0.28853723406791687, 0.5174260139465332, -0.2325754165649414, 1.354440450668335, 1.1770567893981934, 0.8385998606681824, 0.03625485301017761, 0.8209772109985352, -0.40536266565322876, -0.3772837519645691, 0.9223982095718384, -0.09692510217428207, -0.39691469073295593, -0.8314178586006165, 1.0069223642349243, -0.8434374928474426, 0.5311718583106995, -0.94979327917099, -0.806487500667572, -0.27526411414146423, 0.48344743251800537, 0.36951375007629395, 0.10377340018749237, 0.11865377426147461, -0.4345259368419647, 0.1911272555589676, -0.10380528122186661, -0.003983907401561737, 0.24575455486774445, 0.6183429956436157, -2.2873964309692383, -0.2604665160179138, -1.2949674129486084, 0.23312680423259735, 0.357628732919693, -0.011511404067277908, -0.17589011788368225, -0.431669145822525, -0.1567191183567047, -0.047039277851581573, 0.773461639881134, -0.76053786277771, -0.012006789445877075, 0.4810948967933655, -0.143828883767128, 0.6645299792289734, -0.32496240735054016, 0.7694281935691833, 1.2167407274246216, -0.24431464076042175, -0.7028234004974365, -2.06756854057312, 0.16840675473213196, 0.9766857028007507, -0.24261584877967834, -0.7362985014915466, -2.276683807373047, 0.06515389680862427, 1.0762174129486084, -0.3614497780799866, 0.3785172998905182, -0.019113250076770782, -0.3070773184299469, -1.2804595232009888, -0.23680201172828674, -0.9690191149711609, 0.5886342525482178, 0.3503324091434479, 0.44762930274009705, -0.5141409635543823, -0.4436210095882416, -0.24589015543460846, -1.3836817741394043, 0.23893478512763977, 1.0671314001083374, 0.2310568243265152, -0.048066847026348114, 0.8019264340400696, -0.04311273247003555, 0.6445003747940063, 0.3411007523536682, -0.26626089215278625, -0.13289666175842285, -0.7033430933952332, -0.11717413365840912, 0.37890273332595825, 0.1981973946094513, -0.5517939329147339, 0.4651879072189331, -0.37546437978744507, -0.12689566612243652, -0.2297278791666031, 0.4618627429008484, -0.39958733320236206, 0.8234794735908508, 1.3919105529785156, -0.37084123492240906, 2.104112148284912, -1.2289402484893799, 0.4010035991668701, 0.3978040814399719, -1.1116124391555786, 0.08808639645576477, -0.09837903082370758, 0.5370264053344727, 0.09527018666267395, 0.1839987188577652, -0.04513329267501831, -0.2247556895017624, -0.9446328282356262, -0.19101783633232117, 0.33120325207710266, -1.406948447227478, -0.5931575298309326, 0.5594065189361572, -0.465376615524292, -1.0879788398742676, -0.7767140865325928, -0.06685632467269897, 0.3954508900642395, 0.14618118107318878, 0.3905964493751526, 1.098188877105713, -0.07795463502407074, 0.23200827836990356, -0.24456992745399475, 1.098589301109314, -0.045651014894247055, 1.4479262828826904, -0.5937311053276062, -0.5443353652954102, -1.1064426898956299, 0.08407443761825562, -0.9236282706260681, 0.11264779418706894, 0.5674914717674255, -0.6654758453369141, 0.8473415970802307, -0.22044262290000916, -1.8441380262374878, 0.42220568656921387, -0.7330682873725891, -0.21251627802848816, -0.8685418963432312, 0.5049908757209778, 0.1330311894416809, -1.0134358406066895, 0.19917184114456177, 0.02005608193576336, 0.013754893094301224, 1.5949805974960327, -0.13873247802257538, 1.9360073804855347, 0.04125433415174484, -0.5840995907783508, 0.30762821435928345, -0.18545857071876526, -1.5014491081237793, 0.49389323592185974, 0.8426950573921204, -0.8996732234954834, -0.3823971450328827, -0.8867090344429016, 0.24125303328037262, -0.3711393475532532, 0.30169087648391724, -0.1641475260257721, -0.4017820656299591, 0.32816845178604126, -0.5558239221572876, 0.4026133418083191, 1.025954246520996, -0.8919997215270996, 0.3998132646083832, 0.5061630606651306, 0.35626456141471863, -0.4815390408039093, -0.5015513300895691, 1.1972897052764893, -0.7299177050590515, 0.9273953437805176, 0.22779753804206848, 1.2078927755355835, 0.5912832021713257, -1.26238214969635, -0.2320632040500641, 0.8780350089073181, 0.8843051791191101, 1.1300679445266724, 0.5404045581817627, 0.20355896651744843, 0.8509169220924377, -0.5756958723068237, 0.9280314445495605, 0.8004876971244812, -0.9149174690246582, -1.1951411962509155, -0.3344995975494385, -1.5334272384643555, -1.359673261642456, 1.638392686843872, 0.9612175822257996, 1.5589367151260376, -0.14634904265403748, 0.06990507245063782, 0.008610952645540237, -0.09006747603416443, 0.6325616240501404, 0.22960880398750305, 0.47269123792648315, -0.5172957181930542, 0.6622822284698486, 0.967871367931366, 0.40764087438583374, 0.04259517788887024, -0.5466145277023315, 0.2352738082408905, -0.6188376545906067, 0.13891860842704773, 0.18402263522148132, 0.8007412552833557, 1.0420390367507935, 2.1431713104248047, -0.5894830822944641, -0.6312981843948364, -0.5819305777549744, -0.26715072989463806, 0.3786109685897827, 0.4026864469051361, -1.4106132984161377, 0.16815286874771118, 0.33704689145088196, -0.06252254545688629, -0.20194843411445618, 0.8378043174743652, 0.5874578952789307, 0.08832754194736481, -1.4737536907196045, -1.06623375415802, -1.1753389835357666, -0.5417253971099854, -0.28882402181625366, 0.5678547024726868, -0.03823625296354294, 0.25258803367614746, -0.18997535109519958, -1.1642366647720337, 0.38129717111587524, -0.6616984605789185, -0.44349557161331177, 0.4150203466415405, 1.3441404104232788, -1.4249423742294312, -1.1023963689804077, 0.05475206673145294, -0.8583244681358337, -0.5348371267318726, -0.6619649529457092, -0.7583614587783813, 0.44756460189819336, 0.19376340508460999, 0.19439159333705902, 0.9344609975814819, 0.03410126268863678, 0.03777622431516647, 0.7619131803512573, 0.8729138970375061, -0.9699093699455261, 0.9238028526306152, -0.1486019641160965, -0.06679219752550125, 0.7159955501556396, -0.5153700113296509, -0.6539319157600403, 0.884746789932251, 0.31062620878219604, 0.3817656636238098, -0.5738307237625122, -1.1772271394729614, 0.36618703603744507, -0.30676692724227905, 1.0757920742034912, -1.0175119638442993, 0.6048958897590637, -0.7834182381629944, -0.24099233746528625, 0.37489956617355347, -0.652715265750885, -0.5211759805679321, 1.2325325012207031, -0.1279553323984146, 0.5026545524597168, -0.20711910724639893, -0.07015503197908401, 0.5230725407600403, 0.571140706539154, 0.2835378050804138, -0.42101529240608215, -10.962846755981445, 0.42592790722846985, -0.3038213551044464, 0.07399244606494904, 0.4416453242301941, 0.09301325678825378, 0.5714856386184692, -0.5349374413490295, 0.8849890232086182, -0.825695276260376, 0.5173011422157288, 1.289349913597107, 0.1618458330631256, -0.3634764850139618, -0.8186945915222168, -1.6023154258728027, 0.07051244378089905, -0.3162131607532501, 0.1820104867219925, -1.3505853414535522, 0.3232562243938446, -0.7501859068870544, 0.18938802182674408, -0.26089543104171753, 0.3518573045730591, -0.0460691936314106, -0.21074193716049194, -0.21824491024017334, -0.6967870593070984, 1.0127214193344116, 1.3230003118515015, -0.34431490302085876, -0.7969122529029846, -0.34335917234420776, 0.8294025659561157, 0.4279369115829468, -1.334427833557129, 0.1808624416589737, 0.33671361207962036, -0.3348933756351471, 0.4974857568740845, 0.5291266441345215, 0.16192412376403809, 0.1513473093509674, -0.9070608615875244, 0.044667333364486694, 0.10058660060167313, -0.5750031471252441, 0.8217586278915405, -0.38746190071105957, -0.3199257254600525, -0.3472825586795807, -0.7809818983078003, -0.4358441233634949, 0.5609650015830994, -0.48441168665885925, -0.9479838013648987, 0.12610311806201935, -0.39744555950164795, -1.2373487949371338, 1.3850537538528442, -0.5795509815216064, 0.13311946392059326, -0.6123228669166565, 1.1408334970474243, -0.26380449533462524, 1.1530288457870483, 0.0484095923602581, -0.4697307050228119, 0.6901701092720032, -0.844279408454895, 1.4122406244277954, 0.6331039667129517, -0.35487741231918335, 0.4356990456581116, 0.08410351723432541, -0.5893595814704895, -0.14461269974708557, 0.49847620725631714, 0.2932477295398712, -1.0158534049987793, 1.0868279933929443, 0.3942331373691559, -0.5164816379547119, -0.5040302872657776, -0.12174178659915924, 0.07553426921367645, -1.2795138359069824, -0.05939405411481857, -0.736076831817627, 0.7771440744400024, -0.44098591804504395, -0.47465574741363525, 0.17130836844444275, -0.841447114944458, 1.2294425964355469, -0.6614413261413574, 0.8345365524291992, 0.07549107074737549, -0.47517701983451843, -0.1375161111354828, 0.04007384926080704, -0.6093519926071167, -0.4115370512008667, 0.18406124413013458, -0.5684617757797241, -0.093653105199337, 0.17978543043136597, -0.5438714027404785, -0.39868131279945374, 0.5599074363708496, 0.16871872544288635, -0.61025470495224, 1.3881222009658813, -0.00027558207511901855, 1.294783592224121, 0.6857439279556274, -0.527545154094696, 0.8282296061515808, 1.5620921850204468, -0.5292584300041199, 0.5734457969665527, 0.31165772676467896, 0.6440673470497131, 0.3351579010486603, 0.6616631150245667, 0.4211741089820862, 0.07449624687433243, -0.43758252263069153, -0.9153265357017517, 0.03526969999074936, -0.9101146459579468, 0.12454426288604736, -0.7263423204421997, -1.0300425291061401, -0.35025766491889954, -0.34868335723876953, 1.4599992036819458, -0.9474270343780518, 0.4014907777309418, -0.5342883467674255, -1.1249287128448486, -0.2178942710161209, -0.14006467163562775, -0.328368604183197, 0.19609124958515167, -1.2516604661941528, 0.06437355279922485, -0.5329509377479553, -0.9522354006767273, 0.23921626806259155, -0.19877158105373383, -0.06233574450016022, -0.09703753143548965, -0.6726894378662109, -0.09484510868787766, -0.1595890372991562, -0.3777186870574951, -1.148451328277588, -0.32853737473487854, 0.23284456133842468, 0.7337955832481384, 0.08549406379461288, 0.4945216178894043, 0.13759952783584595, 0.08927880227565765, -0.34642571210861206, -0.2940843105316162, -0.6105080246925354, 0.2696256935596466, 1.4524649381637573, -1.231191635131836, -0.031159302219748497, -0.7835052013397217, 0.005747206509113312, -0.5236150622367859, 1.3962173461914062, 1.19764244556427, -1.4115952253341675, 0.18780016899108887, -0.36546120047569275, -0.06312047690153122, -0.29812559485435486, -0.1475645899772644, 0.36306795477867126, -0.15977562963962555, -0.16315394639968872, 0.23227143287658691, -0.13274288177490234, 0.32914409041404724, -1.1803853511810303, -1.0543060302734375, -0.4728495180606842, 0.4141188859939575, 1.4300111532211304, -0.581335186958313, 0.7425481081008911, 0.700198233127594, -0.3736359477043152, 0.6926028728485107, 0.07061992585659027, 1.2101284265518188, 0.5495280027389526, 0.5199011564254761, 0.0852220356464386, -1.1116670370101929, -0.6893360018730164, 0.12245993316173553, 0.28126204013824463, 0.009197462350130081, -1.0646923780441284, 0.6356841921806335, 0.946998119354248, 0.22308486700057983, -0.23644284904003143, -0.3607456088066101, 0.722745954990387, 0.5568381547927856, -0.350035160779953, -0.8935850262641907, 0.2622816860675812, 0.8925002813339233, -1.1141026020050049, 1.3050060272216797, -0.004488108679652214, 0.10324610024690628, 0.17152860760688782, 0.5332942008972168, 1.0670702457427979, -0.45958805084228516, -0.5001667141914368, 0.7738897800445557, -0.7126849889755249, 0.0077846720814704895, -0.20751391351222992, -0.34069588780403137, -0.5480777025222778, 0.6378973126411438, -1.3708620071411133, 0.10459069907665253, 0.35799551010131836, -0.36438000202178955, 0.8119959235191345, 1.061163067817688, 0.7146244645118713, -1.19889235496521, -0.8157635927200317, -0.9247356057167053, 0.4120084345340729, 1.0194509029388428, 0.601718544960022, 1.2861593961715698, 0.7581586837768555, 0.0414569154381752, 1.0777336359024048, -0.011579412966966629, -0.7082353234291077, -0.16874906420707703, 0.5844682455062866, 0.885044276714325, 0.5404135584831238, 0.25223591923713684, -0.02582608349621296, 0.6317894458770752, -0.16980311274528503, -0.4979917109012604, -0.7243850231170654, 0.5678942203521729, 0.7529420852661133, -0.5262966752052307, -0.07918916642665863, -1.8238500356674194, 0.6357313990592957, -0.7250437140464783, 0.3049022853374481, 0.8945594429969788, -1.0714161396026611, -0.32454541325569153, -0.9909286499023438, -0.15603551268577576, 1.277666687965393, -0.082559734582901, -0.4028249979019165, 0.20316746830940247, 0.34287652373313904, 0.3165328800678253, 0.019557980820536613, -0.11223817616701126, 0.407443106174469, -0.20956334471702576, 0.07988658547401428, 0.6465209722518921, -0.6530265212059021, -0.6290576457977295, -0.06456780433654785, -0.08093733340501785, 0.7050225138664246, 0.2927701473236084, -0.619100034236908, 0.4558161497116089, 0.22688207030296326, 0.1676737517118454, -0.3393443822860718, 1.0647941827774048, -0.147872656583786, -1.8384721279144287, 0.654819667339325, 0.8151864409446716, 0.8705976605415344, -0.012327682226896286, 0.2250443994998932, 1.1449624300003052, 0.5096172094345093, 0.7745367288589478]} +{"paper_id": "cfq", "embedding": [-0.20021100342273712, 0.5957987904548645, -0.3556339740753174, -0.13786527514457703, 0.09385684132575989, -0.08345314860343933, 0.6758979558944702, 0.7205075025558472, 1.1359429359436035, 0.10924625396728516, -0.19006562232971191, 0.7824785113334656, -0.5192351937294006, -0.13401788473129272, -0.32344064116477966, -0.26761236786842346, -1.6295819282531738, -0.2255338430404663, -1.8118387460708618, -0.46708330512046814, -1.2240527868270874, -0.7055261731147766, -0.36292141675949097, 0.3399863839149475, 0.1140192523598671, -0.34362325072288513, 0.8597974181175232, -0.5720955729484558, 0.9262624382972717, 0.40730202198028564, -0.17716696858406067, 0.9205387234687805, -1.4192006587982178, 0.40569421648979187, -1.0104104280471802, -0.6198276281356812, -0.03405598923563957, 0.7757149338722229, 0.099432073533535, -0.012873683124780655, -0.43724605441093445, 0.14668512344360352, 0.6137862801551819, 0.7160853147506714, 0.9188752770423889, -0.5211787819862366, 0.48567670583724976, 0.24124853312969208, 0.15890587866306305, 0.30469512939453125, -0.5018197298049927, 0.11087103188037872, 0.503250002861023, 0.6508598327636719, -0.34187188744544983, 1.1570266485214233, 0.7331682443618774, -0.2869633138179779, 1.0212304592132568, -0.6947999000549316, 1.7105789184570312, 1.2144358158111572, -0.6415570974349976, 0.10356870293617249, 0.91740483045578, -0.016051005572080612, 1.147122859954834, 0.6623747944831848, 0.05303061008453369, 1.1233713626861572, -0.014355532824993134, -0.6360641121864319, 0.8289968371391296, 0.33696213364601135, 0.29784536361694336, 0.6495867967605591, 0.14278241991996765, -0.11555545032024384, 0.4939025640487671, -0.6052691340446472, -0.8467841148376465, 0.2682681679725647, 0.5506289601325989, -0.05252457782626152, -0.4649140536785126, 0.18860048055648804, 0.7062225341796875, -0.7911443114280701, 0.23188461363315582, -1.7725307941436768, 1.0797442197799683, 0.42856574058532715, 0.29731521010398865, -0.08482669293880463, 0.09027467668056488, 0.8411517143249512, -0.618626058101654, -0.9785850048065186, -0.953581690788269, 0.419394850730896, 0.586312472820282, -0.033346325159072876, 1.158473253250122, 0.23333948850631714, -0.052911899983882904, 0.9217989444732666, 0.2966479957103729, -0.3327159881591797, -0.37711966037750244, -1.104371190071106, -0.4643990993499756, 0.7745182514190674, 0.15010292828083038, 0.7488191723823547, -0.552023708820343, 0.9566830992698669, 0.4551302492618561, -0.6826838254928589, -0.2152477353811264, 0.4545069932937622, 0.47725462913513184, -0.9752826690673828, -0.4035910367965698, -0.5777914524078369, 0.25307536125183105, -0.6603439450263977, -0.6268326640129089, 0.028922967612743378, 0.5588331818580627, 0.2250584363937378, 1.0715869665145874, -0.587895929813385, -0.6945610046386719, -0.5821334719657898, 3.6798508167266846, -0.18772834539413452, 1.8350683450698853, -0.7055277228355408, -0.18526354432106018, -0.5011547207832336, -0.17222705483436584, 0.9361805319786072, 0.29046472907066345, -0.6916576623916626, -1.498361349105835, 0.3340533971786499, -0.3652469217777252, -0.08621281385421753, -1.427943468093872, 0.021600794047117233, -0.42442786693573, 0.557127833366394, -1.3441554307937622, -0.2502121031284332, 0.7258911728858948, 0.977196455001831, 0.12174290418624878, 1.0504066944122314, -1.0327999591827393, 0.675767183303833, 0.04278746247291565, -0.736668586730957, -0.7195674777030945, 0.4043418765068054, -0.024377742782235146, 0.189814493060112, 0.8353462219238281, 0.4037589728832245, -0.7470505833625793, -0.5493590831756592, 0.19177915155887604, -0.019862867891788483, -0.3781018853187561, 0.3704412281513214, 1.0657380819320679, 0.6942554116249084, -0.10206670314073563, -0.4090600311756134, 0.8421714305877686, -1.211677074432373, -0.6124578714370728, 0.0168059803545475, -0.26988863945007324, 0.4986063838005066, 0.2273072600364685, 0.27047109603881836, -1.7714604139328003, -0.4722129702568054, 0.13670559227466583, -0.035979583859443665, -0.019560232758522034, -0.6736432909965515, 0.051774706691503525, -0.2948243021965027, 0.06397347897291183, -0.36749961972236633, 0.4397570788860321, -1.2905195951461792, -0.2896149158477783, 0.961562991142273, -0.6525054574012756, 0.5440125465393066, 0.7490130066871643, 1.450617790222168, 0.08043273538351059, -0.36507806181907654, -0.46702489256858826, -2.017554759979248, -0.2505140006542206, 2.2211685180664062, -0.15966913104057312, -0.6672344207763672, -0.11959146708250046, -0.8853974342346191, 0.24736320972442627, -0.4374351501464844, 0.27335208654403687, -0.9543572664260864, 0.587162971496582, -0.8526385426521301, 0.91205233335495, -0.4271635413169861, 0.6943257451057434, 0.9733290076255798, 2.1259002685546875, -0.737760066986084, 0.09035243093967438, 0.17379939556121826, -1.1481623649597168, 0.5836732983589172, 0.8006812930107117, 0.6203570365905762, 0.34446537494659424, 1.1005256175994873, -0.15615928173065186, 0.916328489780426, 0.6031311750411987, 0.7473148703575134, -0.4321557879447937, -0.4620431661605835, -0.05125705152750015, 1.1644028425216675, -0.07523675262928009, 0.6014225482940674, 0.1492571085691452, 0.7273443937301636, -0.8147293925285339, -1.3417507410049438, 0.4864744544029236, -0.17473053932189941, 1.3448508977890015, 0.5980837941169739, 0.04264278709888458, 1.5978491306304932, -0.3249558210372925, -0.5332536101341248, -0.4966910481452942, -0.47077706456184387, -0.5710625052452087, -0.7811471223831177, 1.1143819093704224, -0.06577376276254654, 0.08663633465766907, 0.1759590059518814, 0.10197216272354126, -0.7470836639404297, -0.15700189769268036, 0.06572850793600082, -0.38782799243927, -1.194299340248108, -0.02656107023358345, -0.5314385294914246, -0.14678429067134857, -1.1971560716629028, 0.15108151733875275, 0.4859572947025299, 0.30716314911842346, 1.085010290145874, 2.2754056453704834, -0.6532190442085266, 0.14552894234657288, 0.291093647480011, 1.1136127710342407, -0.9257808327674866, 0.7676668167114258, 0.0859382152557373, 0.7866162061691284, -1.4958794116973877, -0.04054345190525055, -0.7331249713897705, 0.1443246603012085, 0.2638876736164093, -0.6839467883110046, 0.6331201195716858, -0.10317251086235046, -0.47479870915412903, 0.6038957238197327, 0.37521159648895264, 0.25460073351860046, 0.3748008608818054, 1.1115931272506714, 0.6108598113059998, -0.5663373470306396, 0.6047120690345764, -0.09810211509466171, 0.2881307601928711, 0.8990566730499268, -0.23034101724624634, -0.0937277302145958, 0.30655086040496826, 0.09980838745832443, 0.1696520745754242, 0.5687436461448669, -1.5240024328231812, 0.5832918286323547, 1.0331003665924072, 0.08598245680332184, -0.33718639612197876, -0.9244272112846375, -0.23787719011306763, -1.5047672986984253, 0.12107880413532257, -0.2722015082836151, -0.2870616912841797, 0.13188351690769196, -0.22591975331306458, 0.3774526119232178, 0.9922124147415161, -0.7728742361068726, 0.9467287659645081, 0.7938077449798584, -0.33600959181785583, -0.48818984627723694, -0.1958184838294983, 0.6251115202903748, 0.22900468111038208, 0.12342740595340729, -0.5795626640319824, 0.81166672706604, 1.6287999153137207, 0.0816061943769455, -0.04055100306868553, 0.3048936128616333, 0.12385698407888412, 0.03374263271689415, -0.26694467663764954, -1.1518993377685547, 0.06780507415533066, -0.19315850734710693, 1.4909075498580933, -0.16462655365467072, -1.0524502992630005, -0.7890390157699585, -0.01853204146027565, -0.5495501756668091, -0.3927967846393585, 2.081894636154175, 0.19791921973228455, 0.3865415155887604, -0.10355743765830994, 1.16070556640625, 0.3711899518966675, 0.40979793667793274, 0.7279677391052246, 0.5532557368278503, -0.2167617827653885, -0.6636343002319336, -0.45428040623664856, 0.2692015767097473, -0.3911914527416229, -0.9121537804603577, -0.1956697553396225, 0.6881005764007568, -0.570927083492279, -0.5967261791229248, 0.6852951049804688, 1.3360304832458496, 0.12252291291952133, 1.6393656730651855, -0.6833974123001099, -0.823241114616394, 0.10838493704795837, 0.5887486338615417, 0.4199918806552887, -0.19666719436645508, -0.5906530618667603, 0.02783723548054695, 0.22775177657604218, 0.7422536611557007, 0.16282671689987183, 1.0327582359313965, 0.33262988924980164, -1.6099647283554077, -1.1011967658996582, 0.029786664992570877, -1.179164171218872, -0.3059982359409332, 0.031822241842746735, -0.6357495784759521, 0.19651947915554047, 0.48653411865234375, -0.24780231714248657, -0.7590467929840088, -0.14471086859703064, -0.6459112763404846, -0.927821159362793, 1.1218037605285645, 1.0165579319000244, -0.8842303156852722, -0.5288299918174744, -0.7754446268081665, -1.1073939800262451, -0.15497665107250214, -0.049391016364097595, -0.3095390498638153, -0.4210801422595978, 0.10263481736183167, 0.11512412130832672, -0.4492657780647278, 0.05925308167934418, -1.1787710189819336, 0.9234591126441956, 1.0848660469055176, -0.34963881969451904, 0.06232171505689621, 0.05937163159251213, 0.25715577602386475, -0.3741481900215149, -0.8967416286468506, -0.5667828321456909, 0.014287703670561314, -0.03479878231883049, 0.28811877965927124, -0.9650560021400452, -0.3182459771633148, 0.2560777962207794, -0.7065818905830383, 0.8117523789405823, -0.5440317988395691, -0.1647278517484665, -0.23668810725212097, -0.10983244329690933, 0.5857412815093994, -0.3914051055908203, -0.452316552400589, 0.9901270270347595, -0.21411195397377014, 0.8743555545806885, -1.4042391777038574, -0.7100877165794373, 1.4804199934005737, -0.02211536094546318, -0.6433567404747009, -0.9841128587722778, -11.23098373413086, 0.4414222240447998, 0.21180523931980133, -0.3412713408470154, 0.8306283950805664, 0.1232725977897644, 0.5852935314178467, -0.3256089985370636, -0.17954203486442566, -1.043038010597229, -0.26266390085220337, 1.2068411111831665, 0.32426753640174866, 0.2364475429058075, -0.5541509389877319, -1.0469751358032227, -0.293035626411438, -0.9273279905319214, 0.08083254098892212, 0.12991145253181458, 0.03084569051861763, -0.7237166166305542, 0.014536239206790924, 0.1492030918598175, 0.053564973175525665, 0.18330374360084534, -0.8490235209465027, -0.18043841421604156, -0.4448220729827881, -0.46668732166290283, 0.6953268051147461, 0.38599294424057007, 0.5542880296707153, -0.9917503595352173, -0.387859582901001, -0.607374906539917, -1.0405710935592651, 0.03788401186466217, 0.9625642895698547, -0.04575766250491142, -0.873809278011322, 0.08113386482000351, -0.116116464138031, 0.9866185188293457, -0.2774963676929474, 0.3484839200973511, 0.49388161301612854, -0.15754124522209167, 0.26978498697280884, -0.06291443854570389, -0.4068952202796936, -0.3460886478424072, 0.017212986946105957, -0.6474161744117737, 0.03010868839919567, 0.16978707909584045, -1.1887670755386353, 0.06941621005535126, -0.8095871210098267, -1.2759605646133423, 0.6099409461021423, 0.6835567951202393, -0.8756123185157776, -0.15263932943344116, 0.24299851059913635, -0.33200713992118835, -0.11281319707632065, 0.5607346296310425, -0.96748948097229, 0.16882961988449097, -0.7331802248954773, 0.7928615212440491, 0.02691074274480343, 0.16710656881332397, -0.5537971258163452, -0.2735908627510071, -0.5037174820899963, 0.7084022164344788, 0.49681195616722107, 0.21587443351745605, -1.1668987274169922, 0.392400860786438, 0.23018024861812592, -0.9130724668502808, -1.497011661529541, 0.024871472269296646, -0.18774110078811646, 0.1261693835258484, 0.7279543876647949, -0.21300619840621948, 1.4957211017608643, 0.1372227668762207, -0.008132196962833405, -0.06779327243566513, 0.14318689703941345, 1.2043548822402954, 0.3437303602695465, 0.5183811187744141, -0.42447683215141296, -1.1096781492233276, 0.35957008600234985, 0.12058158963918686, -1.2411807775497437, 0.09255985915660858, -0.01651710830628872, 0.009926892817020416, 0.6218159794807434, 0.002408653497695923, 0.059564296156167984, -0.18723323941230774, 1.0003886222839355, -0.31706148386001587, -0.4518563747406006, 1.5624399185180664, -0.9076827764511108, 0.843705952167511, 0.8068853616714478, 0.500712513923645, 0.1748938113451004, 0.1046781986951828, -0.6352327466011047, 0.7608163952827454, 0.4286887049674988, 1.4751702547073364, 0.37311992049217224, -0.6468618512153625, 0.6223958134651184, 0.5590463280677795, -0.272195965051651, -0.7963051795959473, 0.7032177448272705, -0.401554137468338, -0.19364598393440247, 0.022589169442653656, 0.09120427072048187, 0.22491812705993652, -0.5984305739402771, 1.0474730730056763, -0.3425740599632263, -0.16582152247428894, -0.3528834581375122, 0.0611339770257473, -0.3267591595649719, -1.2902742624282837, -1.1300170421600342, 0.5358852744102478, -1.11908757686615, 0.1697550266981125, -0.28361475467681885, -0.2897977828979492, -0.27277129888534546, 0.2508706748485565, 1.6355032920837402, -0.40423697233200073, -0.35478582978248596, 0.11806798726320267, 1.1011197566986084, -0.33088934421539307, -0.7103991508483887, -0.1936444640159607, 0.06787864118814468, 1.2752070426940918, -0.8479394316673279, 0.8267751336097717, -0.30708548426628113, -0.22081305086612701, 0.0736536756157875, -0.017757710069417953, -0.10045468062162399, -0.44854435324668884, 0.11284343153238297, -0.7766304612159729, -0.0668155699968338, -0.40141597390174866, -1.0797145366668701, -0.623880922794342, 0.3132556974887848, 0.8735052347183228, 0.06480687856674194, -0.05395759642124176, 0.4971931576728821, 1.6066564321517944, 0.05693156644701958, 0.009306326508522034, -0.7378722429275513, -0.8840036392211914, 0.23744627833366394, 0.7949673533439636, 0.07714387774467468, 0.9195994734764099, -1.9068214893341064, -1.016641616821289, -0.9083886742591858, 0.29183951020240784, 0.22603057324886322, 0.2660031318664551, 0.09029325842857361, 0.8574662208557129, 0.3040173351764679, 0.4152717888355255, -0.33668890595436096, 0.816646933555603, 0.04559854418039322, -0.35570377111434937, 0.12007108330726624, 0.7250086069107056, -0.5176720023155212, -0.04889945313334465, 1.2228597402572632, 0.481841504573822, -1.542513132095337, -0.04941871762275696, 0.32437950372695923, 0.24251341819763184, -0.2991381287574768, -0.7913336753845215, 0.2021426558494568, -0.5130921602249146, -0.8351133465766907, -1.462088704109192, 0.2074679434299469, 0.6176832318305969, -0.12331602722406387, 0.8859180212020874, -0.08887257426977158, 0.927882730960846, 0.7344553470611572, 0.6393935680389404, 0.2575698494911194, -0.5729498267173767, -0.4616285562515259, 0.022834472358226776, -0.44524049758911133, -0.34345754981040955, -0.038806360214948654, -0.41151928901672363, -0.7436093688011169, 0.20743519067764282, -0.6010087728500366, 0.6583828926086426, -0.19660033285617828, 0.9857805967330933, 0.06898540258407593, 0.5190591812133789, -0.041441746056079865, -1.0231552124023438, 0.5861971974372864, -1.3666744232177734, 0.2293841689825058, 0.48147669434547424, 0.15760359168052673, 0.8429041504859924, 0.8222293257713318, -0.00032876431941986084, 0.7255175113677979, -0.6572990417480469, 0.29538431763648987, -0.5469423532485962, -0.1232219934463501, 1.2682548761367798, 0.3670772314071655, 0.23159964382648468, 0.6577907204627991, -0.4217126667499542, -0.6058135032653809, -0.3097415566444397, 0.018485847860574722, 1.5412639379501343, 0.6442759037017822, -0.6131572127342224, -0.1196882426738739, -0.020247086882591248, 0.8610400557518005, -0.45629167556762695, 0.47311505675315857, 0.6753953695297241, -0.9743515253067017, -1.259304165840149, -0.8958893418312073, 0.05789361894130707, 0.5462917685508728, 0.04469503462314606, -0.21149565279483795, 0.06601648032665253, 0.24984851479530334, 0.13505356013774872, -0.31343787908554077, -0.0724654346704483, -0.35977813601493835, -0.3595515787601471, -0.7002779841423035, 0.5275294780731201, -1.1451756954193115, 0.028844740241765976, 0.26329338550567627, -0.5063321590423584, 0.8065663576126099, -0.5013389587402344, -0.6749235987663269, -1.6104052066802979, -0.45663920044898987, -0.4039507508277893, 0.5898167490959167, -0.08316469192504883, 0.015740826725959778, -2.010913610458374, 1.2857283353805542, 1.4291812181472778, -0.3397975564002991, 0.35407450795173645, -0.09865828603506088, -0.039087869226932526, 0.3468720614910126, 0.8613998293876648]} +{"paper_id": "wmt15", "embedding": [0.08396729081869125, 0.7769526839256287, -0.03710823878645897, -0.0069320909678936005, 0.6261181235313416, -0.05612197890877724, 1.7155390977859497, 0.6977558732032776, 0.5468957424163818, 0.5971993803977966, 0.5882682800292969, 0.03704404830932617, 0.45130759477615356, -0.013570135459303856, -0.09754757583141327, -0.7203347682952881, -1.0115290880203247, -0.4090626537799835, -0.992595911026001, -0.45448586344718933, -0.8822083473205566, 0.1925249546766281, 0.01387246698141098, 0.26927614212036133, -0.511087954044342, -0.8067902326583862, 0.4721742272377014, -0.5921785235404968, 0.13502520322799683, 0.17182394862174988, -0.26411035656929016, 1.428772211074829, -0.8778952956199646, 0.03141047805547714, -0.8849494457244873, -0.24949856102466583, 0.11862610280513763, 0.7851096391677856, -0.6651324033737183, 0.6693480014801025, -0.6323516964912415, -0.25019416213035583, 0.4364531636238098, 0.032298196107149124, 1.2160836458206177, 0.08675434440374374, -0.5127153992652893, -0.2654901146888733, -0.16532757878303528, 0.3024330139160156, -0.4583315849304199, 0.4177171587944031, 0.3596181869506836, 0.10904799401760101, -0.8684360980987549, 0.7965241074562073, 0.4840582311153412, -0.7710659503936768, 0.7393296957015991, -1.2429598569869995, 0.7009686231613159, 1.2717076539993286, -0.5657764077186584, 0.022489100694656372, 0.8963982462882996, -0.1911914050579071, 1.3322467803955078, 0.4504377841949463, 0.6684297323226929, 0.7841941714286804, -0.07249005138874054, -0.6395914554595947, 0.3272855579853058, 0.07104852795600891, 0.7537271976470947, 0.7178522348403931, 0.12095862627029419, -0.13628239929676056, -0.10638438165187836, -0.2881351411342621, -0.47274771332740784, 0.9458020925521851, 0.0798838660120964, -0.6412392854690552, -0.15073060989379883, 0.3718441426753998, 0.32298097014427185, -0.6743019223213196, 0.46588796377182007, -1.170352578163147, -0.4702996611595154, -0.023204177618026733, 0.506358802318573, -0.07860322296619415, -0.4110039174556732, -0.05603497475385666, -0.14968083798885345, 0.3502087891101837, -0.18846134841442108, 0.18976417183876038, 1.0106208324432373, -0.7564095258712769, 0.5098145604133606, -0.04791707545518875, 0.14415375888347626, 1.1816415786743164, -0.8485678434371948, -0.9782038331031799, -0.5709763765335083, -0.270659476518631, -0.4328325688838959, 1.4825540781021118, -0.25471141934394836, 0.4602541923522949, -0.13064919412136078, -0.12104813009500504, 0.014214009046554565, -0.14516332745552063, -1.0684924125671387, -0.2095521241426468, -0.7919360399246216, -1.071570873260498, -0.7057887315750122, -0.5264438390731812, 0.601852536201477, -0.22598597407341003, 0.5720220804214478, -0.19727304577827454, 0.26108869910240173, 0.11757198721170425, 0.6048043966293335, 0.4300733506679535, -0.030545135959982872, -0.22562919557094574, 1.977085828781128, -0.5453739166259766, 1.417656421661377, -0.42052707076072693, 0.4287084937095642, 0.20736660063266754, 0.12799012660980225, 1.3477720022201538, -0.3047095239162445, -0.007935866713523865, -0.10069580376148224, -0.21173499524593353, -0.859061062335968, 0.3723648488521576, -0.793942391872406, -0.4041312038898468, -0.4587194323539734, 0.5757306814193726, -1.1777851581573486, -0.9800860285758972, 0.07769685983657837, 0.2490001618862152, 0.43526631593704224, 1.1087130308151245, -1.0078235864639282, 0.4477352797985077, 0.7656223177909851, 0.7460508346557617, -0.6209968328475952, 0.4788227081298828, -1.1818280220031738, -0.13319294154644012, 1.359567642211914, 0.12544003129005432, -0.20974770188331604, -0.35253894329071045, 0.5616230368614197, -0.3826707601547241, 0.5816128253936768, 0.11504771560430527, -0.2636795938014984, -0.01167345605790615, 0.6003445386886597, 0.18819384276866913, 0.0990900918841362, -0.4995660185813904, -0.20623153448104858, 0.5296733379364014, -0.4341186583042145, 0.3960112929344177, 0.11671316623687744, 0.5657410025596619, -1.587684988975525, 0.5550066232681274, 0.24101661145687103, 0.02803822234272957, -0.356718510389328, -0.48371824622154236, 0.5645050406455994, -0.37473005056381226, 0.8808449506759644, -0.17771326005458832, 0.568790853023529, -0.7452862858772278, -0.4783152639865875, 0.7249251008033752, -0.03771687299013138, 0.36131009459495544, 0.05664540082216263, 0.806430459022522, 0.5974063277244568, -0.06575121730566025, -0.31783047318458557, -1.594789981842041, 0.031905412673950195, 2.1531667709350586, -0.04053272306919098, -0.512643039226532, -1.2291920185089111, -1.077019453048706, 0.8196914792060852, -1.0578832626342773, 0.2900727391242981, -0.6611649990081787, -0.5492556691169739, -1.8903666734695435, 0.342767596244812, -0.7513853907585144, -0.41148924827575684, 0.15894131362438202, 1.0382449626922607, -0.5530881285667419, -0.19761240482330322, 0.05541960895061493, -0.9946141839027405, 0.20253658294677734, 0.9655851721763611, 0.02748982235789299, -0.744708240032196, 0.28169018030166626, 0.10146257281303406, 0.30820757150650024, -0.12361444532871246, 0.3685598373413086, -0.6743019819259644, -0.46668699383735657, 0.21077419817447662, 0.5437493920326233, -0.31506186723709106, -0.31007999181747437, 0.7798771858215332, 0.5672937035560608, -0.42285314202308655, -0.5569860935211182, -0.07884848117828369, 0.20647761225700378, 0.4756637513637543, 1.0119121074676514, -0.744186282157898, 1.9320539236068726, -0.923434317111969, 0.19262415170669556, 0.12070083618164062, -0.9672733545303345, 0.24516810476779938, -0.6160980463027954, 0.4619995653629303, -0.24528884887695312, 0.37760189175605774, -0.5239604711532593, -0.10063207149505615, -1.104467511177063, -0.555832028388977, -0.18870306015014648, -0.747654378414154, -0.9992815256118774, -0.4481198191642761, -0.057632505893707275, -0.7739303112030029, -0.4109126329421997, -0.3822140693664551, 0.6748808026313782, 0.4430965185165405, 1.027665376663208, 1.355004072189331, 0.5285773873329163, 0.4060012996196747, -0.3820965588092804, 0.4736027717590332, -0.34161072969436646, 0.5373250246047974, -0.37125059962272644, 0.3279277980327606, -0.8104307651519775, -0.46288853883743286, -0.5599428415298462, 0.08297892659902573, 0.49351072311401367, -0.11797845363616943, 0.3798070549964905, -0.41028979420661926, -1.62205970287323, 0.36667728424072266, -0.9594020247459412, 0.8115376830101013, -1.1311578750610352, 1.6417254209518433, 0.5971336960792542, 0.10202883183956146, 0.7454670667648315, -0.07583251595497131, 0.011029262095689774, 1.0558440685272217, -1.0793076753616333, 1.0454444885253906, 0.4163448214530945, -0.4378160536289215, 0.49297595024108887, 0.4382472038269043, -2.603015184402466, 0.0501275509595871, 0.584778368473053, 0.026181068271398544, -0.7391054034233093, -0.2195531725883484, 0.3344171643257141, -0.12139338999986649, -0.2030961960554123, 0.8192917704582214, -0.7738952040672302, 0.6940792798995972, -0.5273041725158691, 0.4137422442436218, 0.46925339102745056, -0.4865714907646179, 0.3272371292114258, 0.8852591514587402, 0.5537822842597961, -0.2770780324935913, -0.7795363068580627, 0.6743131279945374, -1.1446874141693115, 0.6472486257553101, 0.6470803022384644, 0.9563074111938477, 1.0109299421310425, -0.8105814456939697, -0.4490106999874115, 0.739722728729248, 0.8421975374221802, 0.11268489807844162, 0.016969211399555206, 0.3260197639465332, 0.38680171966552734, 0.13941414654254913, 0.9464606642723083, 0.019239913672208786, -0.812477171421051, -0.8777620792388916, -0.1477540284395218, -0.7029777765274048, -0.533674955368042, 1.7572754621505737, 0.5887704491615295, 0.6965903043746948, 0.08266019076108932, 0.39126184582710266, -0.2062458097934723, 0.2858890891075134, 0.49148520827293396, -0.0318545401096344, -0.060897499322891235, 0.45828524231910706, 0.23964102566242218, 0.9917566776275635, -0.1226118803024292, -0.7166171073913574, 0.15461750328540802, 0.6926621794700623, -0.5283282995223999, -0.7900417447090149, -0.21700608730316162, 0.7895113825798035, 0.2706446349620819, 1.886110782623291, -0.5796080231666565, -0.646120548248291, 0.14056888222694397, 0.18338891863822937, -0.21316924691200256, 0.6919896006584167, -0.6418647766113281, 0.34276077151298523, 0.3357892632484436, 0.815534234046936, -0.11873598396778107, 0.24894143640995026, 0.3597991466522217, -0.8514475226402283, -0.799712061882019, -0.04763785004615784, -1.7107447385787964, -0.6934504508972168, -1.1128290891647339, -0.4408835172653198, -0.5344254970550537, 0.5800730586051941, -0.39336732029914856, -1.0993551015853882, 0.5067533254623413, -0.2048051953315735, -1.3346621990203857, 0.5773969888687134, 1.6741129159927368, -0.9256004095077515, 0.2548104524612427, -0.1511799395084381, -0.872675895690918, -0.9488593339920044, 0.1145363599061966, -0.6484421491622925, 0.2750740945339203, 0.1067347377538681, 0.9127733707427979, -0.2090705782175064, -0.1027505174279213, -1.1189682483673096, 0.7993295788764954, 0.6211076378822327, -0.8764075040817261, 0.2808839976787567, -0.591374933719635, 0.5682839155197144, -0.08264614641666412, -0.9360677003860474, 0.01955791749060154, 0.6663761138916016, 0.3504044711589813, -0.45296040177345276, 0.053084637969732285, -0.8484562039375305, 0.09312327206134796, 0.1100548654794693, 1.2329024076461792, -1.0807852745056152, 0.8046226501464844, -0.7862746715545654, 0.3972170948982239, 0.7581485509872437, -0.43719542026519775, -0.35552629828453064, 0.5618923902511597, -0.9473482370376587, 0.5165935754776001, 0.042195409536361694, 0.6180150508880615, -0.012697678059339523, 0.5665789246559143, 0.6155365705490112, -0.221204936504364, -12.598031997680664, 0.23566541075706482, -0.5383807420730591, -0.14219942688941956, 0.4564974308013916, 0.011462993919849396, 0.5863888263702393, 0.6626056432723999, 0.39658546447753906, -0.4384733736515045, 1.0349787473678589, 0.7852233648300171, 0.05277799442410469, -0.21363452076911926, -0.16385315358638763, -0.8922683000564575, -0.4303780496120453, -0.6261781454086304, 0.6835321187973022, -0.3458777666091919, -0.4311942160129547, -0.8615780472755432, -0.24001246690750122, -0.36382412910461426, 0.19810575246810913, -0.05388089641928673, -0.028642699122428894, -0.442834734916687, -0.07582828402519226, 0.2424749732017517, 0.29951855540275574, 0.22578652203083038, -0.5532510876655579, 0.021215757355093956, 0.8738580346107483, 0.6172481179237366, -0.7111610174179077, -0.021889660507440567, 0.5460339188575745, -0.5522985458374023, -0.3325573801994324, 0.3372640907764435, -0.24778743088245392, -0.04066232591867447, -0.2842148244380951, 0.21758680045604706, 0.03355792164802551, -0.5644820332527161, 0.38809195160865784, -0.981654942035675, -0.7065179944038391, -0.7681287527084351, -1.0013025999069214, -1.1824008226394653, 0.3490457534790039, -0.4681634306907654, -0.26844456791877747, 0.1426904797554016, -0.14845559000968933, -0.6726565361022949, 0.6680777072906494, 0.7358143925666809, -0.08055512607097626, -0.13793423771858215, 0.6098674535751343, 0.051278647035360336, 0.6707531213760376, 0.8444883227348328, -0.3395273685455322, 0.4029139280319214, -0.9323316216468811, 0.8645185232162476, 0.02141105942428112, 0.1779690384864807, -0.1089087501168251, -0.1012272760272026, -0.16950905323028564, -0.2279658317565918, 0.17021696269512177, 0.5505355000495911, -1.2574528455734253, -0.005038721952587366, -0.14096499979496002, 0.005367446690797806, -0.5336501002311707, 0.061754535883665085, -0.46805301308631897, 0.1344456523656845, 0.9636416435241699, 0.7866246700286865, 0.9682901501655579, -0.03712031617760658, -0.4816649556159973, -0.30683135986328125, -0.8850889801979065, 1.1941756010055542, -0.7014063000679016, 0.4699295163154602, 0.14139531552791595, -0.6759801506996155, 0.6734342575073242, -0.33760949969291687, -0.39167365431785583, 0.22230638563632965, 0.6988919377326965, -0.1128712147474289, 0.12384551763534546, 0.4973978102207184, 0.10228312015533447, -0.23271702229976654, 0.8443599939346313, -0.026645049452781677, -0.2155485898256302, 1.352006196975708, 0.23812821507453918, 0.5847423076629639, 0.6680184006690979, 0.6082463264465332, 1.4769333600997925, 0.648552417755127, -0.23846010863780975, 0.4200815260410309, 0.029048074036836624, 1.299498200416565, 0.0911206305027008, 0.5434996485710144, 0.07811029255390167, 0.8925201296806335, -0.2173539251089096, -0.29637953639030457, -0.14052100479602814, -0.4003417193889618, 0.21814803779125214, -0.8423987627029419, -0.3434388041496277, -0.29456692934036255, -0.15049374103546143, 1.4502995014190674, -0.14165142178535461, 0.28378430008888245, 0.3205927610397339, -1.0869618654251099, -0.4096980094909668, -0.7677810788154602, -0.5359103083610535, 0.5033220648765564, -1.3640860319137573, -0.4319922924041748, -0.12061288207769394, -0.49025124311447144, 1.0079917907714844, -0.040135595947504044, 0.4766172170639038, -0.8230788707733154, -0.2591487467288971, -0.2864152193069458, 0.3959903120994568, -0.26693251729011536, -0.5612672567367554, -1.0338547229766846, 0.3060219883918762, 0.8074431419372559, -0.9308503270149231, 0.899005651473999, 0.6402275562286377, 0.6742217540740967, -0.4439491331577301, -0.3528751730918884, -0.5252043604850769, 0.581367552280426, 0.22730030119419098, -0.8087202310562134, -0.1315682828426361, -0.49530118703842163, -0.43970900774002075, -0.3821350336074829, 0.4661647379398346, 1.1172221899032593, -0.9149909019470215, 0.4121817350387573, -0.6938223838806152, 0.5115096569061279, 0.11291906237602234, -0.19449207186698914, -0.622717022895813, 0.06751412153244019, 0.2328174114227295, 1.013789415359497, -0.5988112688064575, 0.06863607466220856, -1.8581079244613647, -1.1627678871154785, -0.2092399001121521, -0.3652465045452118, 0.38082900643348694, -0.06943069398403168, 0.91349196434021, 0.009238259866833687, -0.12489157915115356, -0.09606390446424484, 0.3485858738422394, 0.2673809230327606, -0.21658717095851898, 0.23920612037181854, 0.3621484041213989, 0.3091076612472534, -0.8041499257087708, 0.585189938545227, 0.24127061665058136, 0.22191719710826874, -1.1451877355575562, -0.4214410185813904, 0.31157511472702026, 0.2707260251045227, -0.18448702991008759, -0.6491937637329102, -0.2505682706832886, 0.3917228579521179, 0.07551386207342148, -0.8882206678390503, 0.0394054539501667, 1.040076732635498, -0.10579150915145874, 1.103355884552002, 0.28939154744148254, 0.5799962282180786, 0.4210282862186432, 0.8365334868431091, 0.9024035930633545, 0.10653404891490936, -0.6486981511116028, -0.12246653437614441, 0.04341742396354675, -0.7117845416069031, 0.04764697700738907, 0.19449035823345184, -1.6012485027313232, 0.31300851702690125, -1.0575485229492188, 0.5920826196670532, -0.1362144500017166, -0.2892276346683502, 0.2469029277563095, 0.8502379059791565, -0.21631793677806854, -0.9585583806037903, -0.37512221932411194, -0.4340643286705017, 0.20854754745960236, -0.11145506799221039, 0.292465478181839, 1.3355127573013306, 0.6344724297523499, 0.14375990629196167, 0.7730850577354431, -0.17759165167808533, 0.2569335699081421, 0.2260083556175232, 0.11683425307273865, 0.9536371231079102, 0.42217200994491577, 0.04138769209384918, -0.2660268247127533, -0.6865618824958801, -1.0155529975891113, -0.4293902516365051, -0.4189927875995636, 0.6191865801811218, 1.5523501634597778, -0.4027480185031891, 0.19824106991291046, -0.9562784433364868, 0.4570748805999756, -0.7202960848808289, 0.7709596157073975, 1.019322395324707, -0.6714605689048767, -0.23766788840293884, -0.6677884459495544, 0.19087772071361542, 1.5066463947296143, -0.2822830379009247, 0.33221834897994995, -0.49844038486480713, 0.1853468269109726, -0.17323315143585205, -0.6302102208137512, -0.8942964673042297, 0.7140572667121887, -0.39654701948165894, -0.015824735164642334, 0.3685096204280853, -0.20657533407211304, 0.016592402011156082, 0.6329923272132874, -0.9435673952102661, 0.8461641669273376, -0.007390283048152924, -0.6423804759979248, -0.15489955246448517, 0.6951789259910583, -0.006090342998504639, -0.3646751642227173, 0.11757403612136841, -0.48141103982925415, -1.5445549488067627, 0.7276855707168579, 0.5316644310951233, -0.36910533905029297, -0.06941670179367065, -0.06354810297489166, 0.44437265396118164, 0.5362672805786133, 1.3949658870697021]} +{"paper_id": "conll2012_ontonotesv5", "embedding": [-0.7266721725463867, 0.9510629177093506, 0.19321946799755096, -0.3732123374938965, 0.454362154006958, 0.07360118627548218, 1.0805846452713013, 0.3777519762516022, 0.7286694049835205, 0.6700732707977295, 0.467352956533432, -0.30661192536354065, 0.31896331906318665, -0.5126688480377197, -0.42946428060531616, -0.609470009803772, -1.1712548732757568, -0.6878287196159363, -0.4993788003921509, -0.5824558138847351, -0.5197083353996277, 0.2832137942314148, 0.1530545949935913, 0.4461112320423126, -0.9577919244766235, -0.6150062680244446, 0.4404396712779999, -0.8592560887336731, 0.3506675958633423, 0.13713756203651428, 0.08067978918552399, 0.7877958416938782, -1.493515968322754, 0.14350458979606628, 0.056435249745845795, -0.2987658679485321, -0.011206424795091152, 0.4014459252357483, -0.5843681693077087, -0.14678439497947693, -0.44526010751724243, -0.06792272627353668, 0.7520221471786499, 0.146946981549263, 0.9695624709129333, 0.049589984118938446, -0.24302539229393005, 0.33600476384162903, -0.23497232794761658, 0.20201830565929413, -0.17879924178123474, 0.0657503604888916, 0.27639657258987427, 0.21642738580703735, -0.2574129104614258, 1.3213281631469727, 0.10731510072946548, -0.920216977596283, 0.3361954987049103, -1.1966031789779663, 0.7981852293014526, 1.3633759021759033, -0.38271597027778625, 0.35565420985221863, 1.1749613285064697, 0.053976744413375854, 0.7915367484092712, 0.16679461300373077, 0.557408332824707, 1.0146695375442505, -0.4679412245750427, -0.6665508151054382, 0.8680939078330994, -0.31984761357307434, 0.5899471044540405, 0.9523284435272217, 0.616658091545105, 0.07632996141910553, 0.17042002081871033, 0.32892099022865295, -0.011433970183134079, 0.839978039264679, 0.5632213354110718, -0.6622017621994019, 0.1730262041091919, 0.487425297498703, 0.8828516006469727, -0.39835113286972046, 0.37954434752464294, -1.2307981252670288, 0.2980955243110657, -0.25208184123039246, -0.47890639305114746, 0.005116164684295654, -0.19326788187026978, 0.1700262427330017, -0.4746924042701721, 0.3285636305809021, 0.2120683193206787, 0.21828612685203552, 0.9912492632865906, -0.10572564601898193, 0.04873264953494072, -0.32902127504348755, 0.32371196150779724, 0.24676993489265442, -0.19671288132667542, -0.5093122720718384, -0.2546975612640381, -0.6284872889518738, -0.603862464427948, 1.4561716318130493, -0.05658506974577904, 0.6288015246391296, -0.02982233837246895, -0.17141273617744446, -0.16118988394737244, -0.7746677398681641, -0.730588972568512, 0.06713864207267761, -0.4978031516075134, -1.0058501958847046, -0.08092882484197617, -0.23609450459480286, 1.0496673583984375, -0.48622390627861023, 0.42607101798057556, -0.745008647441864, 0.13986772298812866, -0.33399754762649536, 0.4508495032787323, -0.3286876082420349, -0.45219823718070984, -0.18703463673591614, 2.3462328910827637, -0.8921903371810913, 1.897363305091858, -0.1218477189540863, -0.34507280588150024, -0.3836493492126465, -0.05959279090166092, 1.3858131170272827, -0.2937224507331848, -0.42008766531944275, -0.5739631056785583, -0.35900717973709106, -0.7912358641624451, 0.6926679611206055, -0.6059656143188477, -0.5234196782112122, -0.0031320974230766296, 0.20438069105148315, -1.1804590225219727, -0.7234202027320862, -0.008669354021549225, 0.4506854712963104, 0.10076387226581573, 0.7010332942008972, -0.4530278444290161, 0.981397807598114, 0.29268908500671387, -0.13855348527431488, -0.20873145759105682, 0.7637537121772766, -0.7509963512420654, 0.11344421654939651, 0.8222079277038574, 0.08232975751161575, -0.2264540195465088, -0.0728142261505127, 0.20197394490242004, -0.2964739501476288, 0.017173387110233307, 0.047015123069286346, 0.09262847900390625, 0.10066597908735275, 0.2002449780702591, 0.38127601146698, 0.5912224650382996, -0.6579362750053406, -0.5144861936569214, -0.42844223976135254, 0.25671184062957764, 0.4231433570384979, 0.09652204811573029, 0.4101652204990387, -1.5742486715316772, -0.09521904587745667, 0.17986245453357697, 0.8394830226898193, -0.2475854605436325, -0.3688029944896698, 0.06109794229269028, -0.09743952751159668, -0.0197291262447834, -0.13567054271697998, 0.6770920753479004, -0.5366472601890564, -0.5003364086151123, 0.4329579472541809, -0.023292798548936844, 0.1680879443883896, -0.32158949971199036, 0.6072545647621155, 0.6830127835273743, -0.6083279252052307, -0.15779997408390045, -1.9445394277572632, 0.33496540784835815, 2.281463623046875, 0.1148260235786438, -1.0590615272521973, -0.8896883726119995, 0.2333589345216751, 0.2679746747016907, -0.5089347958564758, -0.1440199911594391, -0.6536027193069458, -0.022858791053295135, -1.4225590229034424, 0.1579422801733017, -0.5319206714630127, 0.35573968291282654, 0.1574656367301941, 0.6401727795600891, -0.5865989923477173, -0.518893301486969, -0.16133500635623932, -0.8307399153709412, 0.3285335898399353, 0.44167426228523254, 0.4543136656284332, -0.4351893961429596, 0.3476645350456238, 0.2644546627998352, -0.021569684147834778, 0.26711156964302063, 0.42150142788887024, -0.4156727194786072, -0.6831042766571045, -0.23585128784179688, 1.127921462059021, -0.19313247501850128, 0.5015477538108826, 0.8239273428916931, 0.47297388315200806, 0.05585673451423645, -0.5134427547454834, -0.5033000707626343, 0.19126462936401367, 0.8836369514465332, 1.312362551689148, -0.3185640871524811, 1.3346632719039917, -0.6669418215751648, 0.4855489134788513, -0.07537519931793213, -0.864159345626831, -0.15879791975021362, -0.5634106993675232, 0.7659608721733093, -0.23980121314525604, 0.3776390254497528, -0.20542088150978088, 0.04692145437002182, -0.8682852983474731, -0.11795688420534134, 0.16407319903373718, -0.6361411213874817, -1.3477990627288818, -0.3189852237701416, 0.013692960143089294, -0.7716322541236877, -0.629044234752655, -0.3104219436645508, 0.5723274350166321, 0.17894507944583893, 0.4408794939517975, 1.32399582862854, 0.32406967878341675, 0.28141000866889954, -0.35174959897994995, 0.48255330324172974, -0.1318468451499939, 0.3449013829231262, -0.2401454746723175, -0.02288312092423439, -0.6897705793380737, -0.4624112844467163, -0.4135825037956238, 0.8193719983100891, 0.17530322074890137, -0.7603676319122314, 0.7052871584892273, -0.09741988033056259, -1.3302154541015625, 0.8140665888786316, -0.4508446156978607, -0.08469826728105545, -0.9952102899551392, 1.4025459289550781, 0.4422275722026825, 0.18560224771499634, 0.5801435112953186, -0.48694485425949097, 0.18243007361888885, 1.06572425365448, -0.888961672782898, 0.06724037230014801, 0.5911572575569153, -0.02522679790854454, 0.20430371165275574, 0.37555375695228577, -2.545938014984131, 0.1774042546749115, 1.2536882162094116, 0.0347210131585598, -0.4881424605846405, -0.7080046534538269, 0.46593135595321655, -0.3060086965560913, 0.019608331844210625, 0.22944992780685425, -0.6061587929725647, 0.3026612102985382, -0.47364741563796997, 0.3298134207725525, 0.5726433992385864, -0.8220238089561462, 0.38511455059051514, 0.5369991064071655, 0.6390332579612732, -0.3340407907962799, -0.04002167284488678, 0.569847047328949, -0.8248897790908813, 0.6257597208023071, 0.7036266326904297, 0.5314584970474243, 0.9331308603286743, -0.582886815071106, 0.14568059146404266, 0.6035668253898621, 0.5565652251243591, 0.3354454040527344, 0.13283786177635193, -0.13473735749721527, 0.34258243441581726, -0.22193670272827148, 1.2294267416000366, 0.2962132394313812, -0.6714919209480286, -1.2210124731063843, -0.37340813875198364, -0.6322721838951111, -0.5998319983482361, 1.8471897840499878, 0.6065420508384705, 1.1429344415664673, 0.23125600814819336, 0.27323004603385925, -0.6079726219177246, 0.144778773188591, 0.9931974411010742, 0.08024077117443085, 0.054427504539489746, -0.11121654510498047, 0.19220715761184692, 0.30714985728263855, 0.062419477850198746, -0.48937273025512695, -0.31881535053253174, 0.43933525681495667, -0.11270493268966675, -0.2983522415161133, -0.03552298620343208, 0.9399738311767578, 0.19767528772354126, 1.7092658281326294, -0.0067197103053331375, -0.5728467702865601, -0.1524711698293686, 0.46025964617729187, 0.5149891972541809, 0.6438603401184082, -1.197079062461853, 0.9461942315101624, 0.005246434360742569, 0.822893500328064, -0.32161635160446167, 0.580085813999176, 0.9423705339431763, 0.0012705065310001373, -1.0893535614013672, -0.45925161242485046, -1.516945719718933, 0.11511415988206863, -0.43139562010765076, 0.12725479900836945, -0.5178731083869934, 0.3448290228843689, -0.02171357348561287, -0.5689864754676819, 0.5329586267471313, 0.02915692701935768, -0.5977820158004761, 0.6521380543708801, 1.0865596532821655, -1.1809324026107788, -0.3651271164417267, -0.1012510284781456, -0.8264612555503845, -0.6720935106277466, -0.054609522223472595, -0.9218471050262451, 0.7390992045402527, -0.09564101696014404, 0.8352896571159363, -0.29735004901885986, -0.10135157406330109, -0.7523816227912903, 0.9710564017295837, 0.5979651808738708, -0.39015069603919983, -0.010306933894753456, 0.029100820422172546, 0.6309373378753662, -0.7430052757263184, -0.8762488961219788, -0.28071558475494385, 0.2785990536212921, -0.2075442522764206, -0.18121270835399628, -0.6228353381156921, -0.6532188653945923, -0.007545683532953262, 0.4200211465358734, 0.9370648860931396, -1.2045596837997437, 0.7118611931800842, -0.4839783310890198, 0.1253545880317688, 0.13997551798820496, -0.9345892667770386, -0.4578971266746521, 0.42310428619384766, -0.4769929349422455, 0.6303582191467285, 0.04948780685663223, 0.1018599271774292, 0.576341986656189, 0.280336856842041, 0.370586097240448, -0.25132760405540466, -13.481133460998535, 0.17498987913131714, -0.5984664559364319, 0.33972012996673584, 0.5899426341056824, -0.49748697876930237, 0.7449495196342468, 1.0181728601455688, 0.8204650282859802, -0.6625936627388, 0.37647682428359985, 1.2218881845474243, -0.33854934573173523, -0.5654898881912231, -0.25893083214759827, -1.1199285984039307, -1.0472444295883179, -0.6880336999893188, 0.42318063974380493, -0.45717814564704895, -0.04445338621735573, -1.0523396730422974, -0.2212510108947754, 0.34045618772506714, -0.054535917937755585, -0.23355063796043396, -0.037841975688934326, -0.37922289967536926, -0.4505017399787903, 0.13028909265995026, 0.3612518310546875, 0.17451481521129608, -0.4726811647415161, -0.1878940612077713, 0.47510915994644165, 0.0658939778804779, -0.8202232122421265, -0.5872207880020142, 0.4690694510936737, -0.6312698721885681, 0.1443449854850769, 0.2292802333831787, 0.28448909521102905, -0.8160305023193359, -0.6340622901916504, 0.31743377447128296, -0.49313029646873474, -0.4839094877243042, 0.1736040711402893, -0.3676202893257141, -0.4570164084434509, -0.17119595408439636, -0.9885683655738831, -0.8389276266098022, 0.29367485642433167, -0.3276718854904175, -0.4934644401073456, 0.5133275985717773, -0.20880857110023499, -0.8507000207901001, 0.9811336398124695, 0.32641565799713135, -0.32121312618255615, 0.04920775815844536, 0.2452559769153595, -0.4083606004714966, 0.8050187230110168, 0.3086424171924591, 0.21334043145179749, 0.3274315893650055, -0.819898784160614, 1.1427735090255737, 0.48639580607414246, 0.32008424401283264, -0.5410914421081543, 0.07747428864240646, -0.3776063621044159, -0.10403460264205933, 0.21578140556812286, 0.349939227104187, -1.069171667098999, 0.6964747309684753, 0.22740857303142548, -0.2629007399082184, -0.4576723277568817, 0.13197332620620728, 0.36753109097480774, 0.0905667394399643, 0.7882703542709351, -0.19687741994857788, 1.2592159509658813, 0.16736763715744019, -0.2433081418275833, 0.07805988937616348, -0.3799854815006256, 0.8076624870300293, 0.2892456352710724, 0.6951272487640381, -0.42291244864463806, -0.4726090729236603, 0.4510449767112732, 0.24438145756721497, -0.25713586807250977, 0.17209680378437042, 0.667814314365387, -0.2653694450855255, -0.30123162269592285, 0.4191969931125641, -0.25805023312568665, -0.3214432895183563, 0.8207504153251648, 0.5258238911628723, -0.38497036695480347, 0.7670500874519348, -0.05226361006498337, 0.491096556186676, 0.4262286126613617, 0.10637730360031128, 0.7040687799453735, 1.0515156984329224, 0.09332280606031418, 0.25537288188934326, 0.036347731947898865, 1.1741118431091309, 0.33686789870262146, 0.10724060237407684, -0.18945267796516418, 0.19451574981212616, 0.3535381555557251, -0.9113531112670898, 0.005774151533842087, -0.6935266852378845, 0.021039821207523346, -0.414072722196579, 0.26305994391441345, -0.2691478729248047, -0.5474907755851746, 1.2558575868606567, -0.41948258876800537, 0.2699507176876068, -0.14488585293293, -0.7062554359436035, -0.17179521918296814, -0.7462425827980042, -0.5004589557647705, 0.4602636992931366, -1.3936707973480225, -0.27273762226104736, -0.5959212779998779, -0.5429307222366333, 0.16987290978431702, -0.10401810705661774, 0.49780160188674927, -0.6728627681732178, -0.42986035346984863, 0.22600680589675903, 0.37385404109954834, -0.5051755309104919, -0.9801566004753113, -0.3278844356536865, 0.2128881812095642, 0.8503604531288147, -0.9981438517570496, 0.3982114791870117, 0.6281006336212158, 0.3688804507255554, -0.9187193512916565, -0.1618834137916565, -0.2987464368343353, 0.4634774327278137, 0.45404401421546936, -0.8179596662521362, -0.6792678833007812, -0.7360438704490662, -0.5389732122421265, -0.6551762819290161, 0.5840356349945068, 1.275595784187317, -0.3644231855869293, -0.17129750549793243, -0.03487548232078552, 0.71842360496521, -0.3392302095890045, 0.16299769282341003, -0.27587196230888367, 0.329955130815506, -0.1209302619099617, 0.92747563123703, 0.456636905670166, 0.560685932636261, -1.3899167776107788, -1.0392718315124512, -0.05704115703701973, -0.09856967628002167, 0.29459908604621887, -0.3582362234592438, 0.6446517109870911, 0.4144139885902405, 0.36000534892082214, -0.2695905566215515, 0.1474030315876007, 0.7196671366691589, 0.18764927983283997, 0.414469450712204, -0.17832016944885254, -0.006301432847976685, -0.2676219046115875, 0.057548556476831436, -0.10909609496593475, 0.38915491104125977, -0.7673708200454712, 0.2940477132797241, 0.29954826831817627, 0.08005957305431366, 0.187217578291893, -0.7930818796157837, 0.380128413438797, -0.1938597410917282, -0.2875680923461914, -1.0127534866333008, -0.19721850752830505, 1.1602561473846436, 0.03451535850763321, 1.0673892498016357, 0.5119408965110779, 0.3881029188632965, 0.2389298677444458, 0.46356499195098877, 1.299858570098877, -0.043533142656087875, -0.5571238994598389, -0.3327893018722534, 0.2307060956954956, -0.1483989655971527, -0.06010906398296356, -0.3443741202354431, -1.077463150024414, 0.5091083645820618, -0.5008496642112732, 0.25328636169433594, -0.4465672969818115, 0.3240926265716553, 0.3491213917732239, 1.4914604425430298, -0.3488961458206177, -0.9121530055999756, -0.3700432777404785, -0.8212271332740784, 0.24640826880931854, 0.35064196586608887, 0.3892577886581421, 0.7997118830680847, 0.6411175727844238, 0.37065041065216064, 1.0006370544433594, -0.23379717767238617, 0.12120728194713593, 0.39747023582458496, 0.030357372015714645, 0.8634459972381592, 0.8948476910591125, 0.49375975131988525, 0.2579231560230255, -0.17710381746292114, -0.9909497499465942, 0.04819600656628609, -0.2890029847621918, 0.5987499356269836, 0.8377980589866638, -0.4328500032424927, -0.678312361240387, -0.6399528384208679, -0.1274702101945877, -0.3324025571346283, 0.29386550188064575, 0.8491798639297485, -0.7240344882011414, 0.06615549325942993, -0.568280041217804, -0.22094161808490753, 0.6326681971549988, 0.2856408655643463, -0.45331376791000366, -0.5228539109230042, 0.309156209230423, 0.197696253657341, -0.7813923358917236, -0.621172308921814, 0.25461670756340027, -0.5163439512252808, 0.20125053822994232, 0.7073572874069214, -0.5510186553001404, -0.4331780970096588, 0.04060516133904457, -0.7036256194114685, 0.1865531951189041, -0.03505090996623039, -1.2697381973266602, -0.4853990077972412, 0.2710675299167633, -0.592046856880188, -0.184633269906044, -0.010508403182029724, -0.03049612231552601, -1.2455763816833496, 1.2304315567016602, 1.5571013689041138, 0.25320225954055786, -0.31867700815200806, 0.10513397306203842, -0.1134650856256485, 0.2632654309272766, 0.9902604818344116]} +{"paper_id": "para_crawl", "embedding": [-0.0821995958685875, 0.8659234046936035, 0.3730197548866272, 0.03671114891767502, 0.3729656934738159, -0.25692009925842285, 0.9435068964958191, 0.548630952835083, 0.5209791660308838, 0.26332128047943115, 0.45488080382347107, -0.21129512786865234, 0.5733407735824585, 0.2799164056777954, -0.23353952169418335, -0.4469180703163147, -0.806925892829895, -1.2769263982772827, -0.8732466697692871, -0.6213858127593994, -0.32858455181121826, 0.08027735352516174, -0.15481272339820862, -0.059251464903354645, -0.375234991312027, -0.06046970188617706, 0.11776582896709442, -1.026389241218567, 0.1899072676897049, 0.3726956248283386, -0.28367170691490173, 1.2390365600585938, -1.253886103630066, 0.09219608455896378, -0.23411113023757935, -0.0490313395857811, -0.18749253451824188, 0.9186347723007202, -0.7456382513046265, 0.17685477435588837, -0.8085930347442627, 0.0288255512714386, 0.7458032369613647, -0.05674875155091286, 0.7386516332626343, 0.1027882918715477, 0.03101053275167942, 0.3040631115436554, 0.18277938663959503, 0.32121241092681885, -0.4372856318950653, 0.13245069980621338, 0.6689267158508301, 0.2633194625377655, -0.40891727805137634, 0.9752562642097473, 0.056043095886707306, -0.6352205872535706, 0.9573914408683777, -1.0000039339065552, 0.6429258584976196, 1.1253911256790161, -0.45553991198539734, 0.2141098976135254, 0.6833273768424988, -0.5261790752410889, 0.49458473920822144, 0.2722333073616028, 0.8607218265533447, 1.00254225730896, -0.2956039309501648, -1.2399646043777466, 0.4303743839263916, -0.11682791262865067, 0.31408658623695374, 0.6844412088394165, 0.5591254830360413, 0.09351307153701782, 0.5357741713523865, 0.2316192090511322, -0.09398519992828369, 0.7302592992782593, 0.7225989103317261, -0.31668907403945923, -0.045821402221918106, -0.05073140189051628, 0.020478136837482452, -0.2595702111721039, 0.9185569882392883, -1.2233649492263794, -0.06581375002861023, 0.004288816824555397, 0.1663428097963333, 0.20065456628799438, -0.10799890756607056, 0.27383312582969666, 0.14990361034870148, 0.42072954773902893, -0.48509955406188965, 0.43894773721694946, 0.9411621689796448, -0.2911560535430908, 0.24264037609100342, -0.3895055651664734, 0.19346724450588226, 0.5652874708175659, -0.6518486142158508, -0.892534077167511, -0.9424622654914856, -0.3922871947288513, -0.7261037230491638, 1.0775400400161743, -0.13512170314788818, 0.6558622121810913, 0.03106243535876274, -0.683431088924408, -0.6380296349525452, -0.23853054642677307, -0.7325393557548523, 0.05803400278091431, -0.21575325727462769, -1.2259244918823242, -0.33650556206703186, 0.08839486539363861, 0.9232169985771179, -0.39145782589912415, 0.30210384726524353, -0.0028989277780056, 0.5383047461509705, -0.6041319370269775, 0.5324922800064087, 0.37251394987106323, -0.3717763125896454, 0.09424333274364471, 2.2035276889801025, -0.41816869378089905, 1.3052124977111816, -0.19897598028182983, 0.023727282881736755, 0.1340620070695877, 0.014950156211853027, 1.1986360549926758, 0.10132003575563431, -0.5119256377220154, -0.08533456921577454, 0.12885162234306335, -0.6395171880722046, 0.4275083541870117, -0.6130842566490173, -0.28329917788505554, -0.11061149835586548, 0.5970660448074341, -1.091502070426941, -0.5904329419136047, 0.35732191801071167, 0.47613242268562317, 0.3782144784927368, 0.5880861282348633, -0.7019866704940796, 0.7881832122802734, 0.6394748687744141, 0.6094380021095276, -0.5719704627990723, 0.5628634691238403, -0.7373641729354858, 0.20589284598827362, 1.5813438892364502, -0.5973376631736755, -0.7373912930488586, -0.33898985385894775, 0.28526806831359863, -0.5833784937858582, 0.2689266800880432, 0.020840708166360855, -0.032639920711517334, 0.4649631083011627, 0.5180396437644958, 0.4534491300582886, 0.056351713836193085, -0.37708404660224915, -0.33165132999420166, -0.2019544094800949, -0.4903365969657898, 0.5747231841087341, 0.11584249138832092, 0.19794607162475586, -1.8530373573303223, 0.024729326367378235, -0.28569403290748596, -0.13163155317306519, 0.059846699237823486, -0.6085959076881409, 0.2091597020626068, -0.16666221618652344, 0.6279416084289551, 0.024022545665502548, 0.3000873029232025, -1.0383410453796387, -0.1483483463525772, 0.3179008960723877, -0.41429662704467773, 0.11646093428134918, 0.4118368923664093, 0.718887448310852, 0.27626514434814453, -0.0339873842895031, -0.7275380492210388, -1.5496799945831299, 0.01133507490158081, 2.453213930130005, -0.6546227335929871, -0.4516808092594147, -1.3517423868179321, -0.22454866766929626, 0.31429293751716614, -0.7659423351287842, 0.15218374133110046, -0.49235594272613525, -0.3465631306171417, -0.9258061647415161, 0.3512040376663208, -0.16690468788146973, 0.2954363524913788, 0.09080888330936432, 0.7538096308708191, -0.6893986463546753, -0.5681241750717163, -0.15651822090148926, -1.3129749298095703, 0.5698490738868713, 0.6789547204971313, 0.24930055439472198, -0.7846909165382385, 0.5820404887199402, 0.12542594969272614, 0.6382058262825012, 0.3022387623786926, 0.48106110095977783, -0.6858416795730591, -0.3588881194591522, -0.12156976014375687, 1.5294559001922607, -0.3971294164657593, -0.4140531122684479, 0.0018461719155311584, 0.526408851146698, -0.29993709921836853, -0.7972432374954224, -0.33233487606048584, 0.5434550642967224, 0.7058858275413513, 1.5774790048599243, -0.7098389267921448, 1.6081880331039429, -1.1331976652145386, 0.34876009821891785, -0.26820656657218933, -0.7803255319595337, -0.44880926609039307, 0.2190607637166977, 0.5893283486366272, -0.006644252687692642, -0.03669729828834534, -0.08388668298721313, -0.2486199140548706, -1.2481282949447632, 0.01782030612230301, -0.3800559937953949, -0.748438835144043, -0.5602289438247681, -0.226688414812088, 0.25088340044021606, -0.945537269115448, -0.8660020232200623, -0.18865647912025452, 0.4259788691997528, 0.09110230207443237, 0.6423015594482422, 1.596297264099121, -0.11652804911136627, 0.2180437445640564, -0.0813603326678276, 0.35982298851013184, -0.4115396738052368, 0.6192829608917236, 0.21695050597190857, -0.21243616938591003, -1.0733376741409302, -0.4263315498828888, -0.5034854412078857, -0.11932957172393799, -0.16280268132686615, -0.38608601689338684, 0.34413543343544006, -0.5929430723190308, -1.2249336242675781, 0.6382635235786438, -0.6953917145729065, 0.09346082806587219, -0.8895664215087891, 1.4429179430007935, 0.4015710651874542, 0.2522124648094177, 0.30378663539886475, 0.0568927526473999, -0.09759613126516342, 1.571952223777771, -0.6803243160247803, 0.858790397644043, 0.33184683322906494, -0.11257833987474442, 0.29358813166618347, 0.5293912887573242, -2.133533000946045, -0.021158864721655846, 0.8251380324363708, -0.1308906376361847, -0.608773410320282, -0.5593658089637756, 0.17890705168247223, -0.34898269176483154, -0.6327282190322876, 0.5512080788612366, -0.9966457486152649, 0.8842922449111938, -0.44177860021591187, 0.5248748064041138, 0.9368258714675903, -0.7455468773841858, 0.2666829526424408, 0.8954116702079773, 0.864493727684021, -0.16100922226905823, -0.21263158321380615, 0.7204574942588806, -0.8455367088317871, 0.7301709651947021, 0.6287336349487305, 1.0730634927749634, 0.8400173187255859, -0.9943314790725708, -0.1643725335597992, 0.6166510581970215, 0.9763396978378296, 0.21672822535037994, 0.5425109267234802, 0.018453162163496017, 0.9069198966026306, 0.12897159159183502, 1.0846768617630005, 0.4876460134983063, -0.9300735592842102, -0.9539181590080261, -0.31224244832992554, -0.48132890462875366, -0.6247276663780212, 1.5499132871627808, 0.8950926065444946, 1.0301055908203125, 0.13119946420192719, 0.27839794754981995, -0.34790900349617004, -0.3317379057407379, 1.057997703552246, 0.6854353547096252, 0.03548275679349899, 0.07737261056900024, 0.35267195105552673, 1.0491946935653687, 0.07372622936964035, -0.6777979135513306, -0.11828991770744324, 0.59111487865448, -0.2937524914741516, -0.6594297885894775, -0.10279043763875961, 0.6627517342567444, 0.5641548037528992, 1.4076017141342163, -0.76290363073349, -0.2801845073699951, -0.5275133848190308, 0.2283770740032196, -0.4177393317222595, 0.4940410852432251, -1.0936167240142822, 0.22349610924720764, 0.5899914503097534, 0.7901346683502197, -0.16095751523971558, 0.9338557720184326, 0.5976710319519043, -0.3751783072948456, -0.6766613721847534, 0.11985109746456146, -0.8718998432159424, 0.2498987317085266, -0.6650100946426392, -0.4636097550392151, -0.3734167814254761, 0.5678133368492126, -0.535247266292572, -0.6689820885658264, 0.48649731278419495, 0.18500415980815887, -1.37725830078125, 0.33961302042007446, 0.8199652433395386, -1.4663900136947632, -0.5725786089897156, -0.1177697479724884, -0.4495792090892792, -0.8101247549057007, 0.31466683745384216, -0.4616854190826416, 0.14562028646469116, 0.1892922818660736, 0.5187171697616577, 0.05611907318234444, -0.10372238606214523, -1.0883488655090332, 0.5776247978210449, 1.1555410623550415, -0.5549932718276978, -0.3991944193840027, -0.34744638204574585, 0.5546258687973022, -0.05332503467798233, -0.935055136680603, 0.016701586544513702, 0.5271089673042297, 0.2932946979999542, -0.09386540949344635, -0.45357266068458557, -0.7618560791015625, -0.09903185814619064, -0.0274178609251976, 0.8044903874397278, -0.5725899934768677, 0.8098614811897278, -0.7081522941589355, 0.8109422922134399, 0.48012542724609375, -0.42333441972732544, -0.9088132381439209, 1.0420299768447876, -0.6027098298072815, 0.49237754940986633, -0.24427896738052368, -0.06662368774414062, 0.5252669453620911, 0.5694055557250977, 0.31853562593460083, -0.2748872935771942, -13.164311408996582, 0.24867543578147888, -0.09397251158952713, 0.22721971571445465, 0.5863258242607117, 0.16485068202018738, 0.7904950380325317, 0.643060564994812, 0.192500039935112, -0.15301910042762756, 0.03574065491557121, 1.5440139770507812, 0.08468536287546158, 0.04361816123127937, -0.178535595536232, -1.0661568641662598, -0.6220250129699707, -0.5662258267402649, 0.08580447733402252, -0.363186776638031, -0.5523366332054138, -1.1446846723556519, -0.11677026748657227, 0.4162433445453644, 0.08390773087739944, -0.16350674629211426, 0.13343000411987305, -0.024382811039686203, -0.4262605309486389, -0.3578021228313446, 0.3175273537635803, -0.6209619641304016, -0.7456457018852234, 0.07092536985874176, 0.34837061166763306, 0.6359503269195557, -0.656182587146759, 0.010511624626815319, 0.7194474339485168, -0.08073980361223221, -0.16547906398773193, 0.5138829946517944, 0.23117320239543915, 0.2939838171005249, -0.5459797382354736, 0.22433830797672272, -0.12483290582895279, -0.7869863510131836, 0.8757161498069763, -1.0192146301269531, -0.6303055286407471, -0.9552843570709229, -1.1086506843566895, -0.6548853516578674, 0.5958237648010254, -0.20572490990161896, -0.7823503017425537, 0.016303520649671555, -0.5202215313911438, -0.9785758256912231, 1.0837520360946655, 0.22281773388385773, -0.3609664738178253, 0.19463001191616058, 0.3998199999332428, -0.1519126445055008, 0.6282473802566528, 0.41484659910202026, -0.21486958861351013, 0.29082614183425903, -1.1558855772018433, 0.49867770075798035, 0.1950872242450714, 0.07482315599918365, 0.12866228818893433, -0.36581507325172424, -0.16434670984745026, -0.25871843099594116, 0.4897019565105438, 0.20666377246379852, -0.7729647755622864, 0.462189644575119, -0.2617392838001251, -0.3106776177883148, -0.36481183767318726, -0.06672326475381851, -0.25653737783432007, 0.0016583949327468872, 0.8307180404663086, 0.21981841325759888, 1.4371978044509888, -0.13732947409152985, -0.23955745995044708, -0.5589523315429688, -0.7386108040809631, 0.6174899935722351, -0.6848720908164978, 0.7815326452255249, -0.2513238787651062, -1.0144351720809937, 0.19953253865242004, -0.10325464606285095, -0.6255462169647217, -0.12145411968231201, 1.1216130256652832, -0.1731649935245514, 0.29067155718803406, 0.22337985038757324, 0.18142953515052795, -0.06101099029183388, 1.1221359968185425, 0.17989566922187805, 0.16112235188484192, 1.313372254371643, 0.2661794424057007, 1.0710097551345825, 1.014897108078003, 0.12661480903625488, 1.0990787744522095, 0.8849648833274841, -0.11213372647762299, 0.4397910237312317, 0.24963828921318054, 1.3828667402267456, -0.15492677688598633, 0.5498444437980652, 0.18202832341194153, 0.4154132604598999, -0.6413713097572327, -0.624747633934021, -0.22497165203094482, 0.08995820581912994, 0.16799300909042358, -0.8864428997039795, -0.31825387477874756, -0.5683686137199402, -0.5496223568916321, 0.9483622312545776, -0.2733592391014099, 0.5151374936103821, -0.36256223917007446, -0.7121922373771667, -0.30202728509902954, -0.22459536790847778, -0.28745830059051514, 0.1400448977947235, -1.0778964757919312, -0.12094913423061371, -0.3521522283554077, -0.6505079865455627, 0.29030686616897583, -0.3437501788139343, 0.49444061517715454, -0.42153629660606384, -0.01606886088848114, 0.052862152457237244, 0.33699148893356323, -0.4373115599155426, -0.4847449064254761, -0.4807526171207428, 0.13809487223625183, 0.7949469089508057, -0.8268229365348816, 0.8395233750343323, 0.8563156127929688, 0.5999518036842346, -0.7314590215682983, -0.7669992446899414, -0.42666444182395935, 0.47590649127960205, 0.4858308434486389, -1.0078916549682617, -0.3693390190601349, -0.3144717216491699, -0.319137841463089, -0.5301252603530884, 0.6037868857383728, 0.9558142423629761, -0.7702198624610901, 0.9100160002708435, -0.08453023433685303, 0.30416736006736755, -0.007033888250589371, -0.43788817524909973, -1.0878736972808838, 0.22963693737983704, -0.27730369567871094, 0.6758153438568115, -0.06818445771932602, 0.7392159104347229, -1.1456230878829956, -1.044621229171753, -0.19480738043785095, 0.13676181435585022, 0.9127388000488281, 0.03856687992811203, 1.270636796951294, -0.2397952526807785, 0.2736828625202179, 0.5068842768669128, -0.2221590131521225, 0.8416652679443359, 0.07933535426855087, 0.0930132120847702, -0.2572137713432312, 0.23007816076278687, -0.7558920383453369, 0.34361711144447327, 0.3221519887447357, 0.25576460361480713, -1.3019585609436035, -0.29212111234664917, 0.3239976763725281, 0.2521364390850067, -0.3724709749221802, -0.7615206241607666, 0.35569027066230774, -0.24335339665412903, -0.327050119638443, -1.1485673189163208, -0.2091294527053833, 0.8268986344337463, -0.35763299465179443, 0.7386093735694885, 0.269649475812912, -0.04198480397462845, 0.3191453218460083, 0.6376010179519653, 0.7588527798652649, -0.38195475935935974, -1.206728219985962, -0.14598895609378815, -0.10045302659273148, -0.10573097318410873, 0.04577010124921799, 0.3735327422618866, -0.7720789909362793, -0.21295085549354553, -1.0577260255813599, 0.5394354462623596, -0.1201697587966919, 0.21416758000850677, -0.2030818611383438, 0.7121989130973816, -0.3944053053855896, -1.3901782035827637, -0.07460319995880127, -0.32760754227638245, 0.46295055747032166, 0.40351298451423645, 0.6305700540542603, 0.33669209480285645, 0.7668679356575012, 0.37997281551361084, 0.8825788497924805, 0.07182528078556061, 0.12043477594852448, 0.0009106472134590149, 0.2833935022354126, 1.4543519020080566, 0.6330263018608093, 0.29601842164993286, -0.10053709894418716, -0.16964200139045715, -0.8574375510215759, -0.7879472374916077, -0.32357174158096313, 0.8509551882743835, 1.0058928728103638, 0.13759277760982513, 0.29881298542022705, -1.1844794750213623, -0.08343106508255005, -0.5515838861465454, 0.5737072229385376, 0.6796009540557861, -0.5480071306228638, -0.739648699760437, -0.5749844908714294, 0.22765929996967316, 1.2759290933609009, -0.6066227555274963, 0.1057373434305191, -0.8324171900749207, -0.15035182237625122, -0.14313894510269165, -0.3492886424064636, -0.8627486824989319, 0.5001487731933594, -0.4365803301334381, -0.3132820725440979, 0.42256274819374084, -0.2946988344192505, -0.4616318643093109, 0.18700751662254333, -0.3268440365791321, 0.3332628309726715, -0.1544720083475113, -1.0511527061462402, -0.010069180279970169, 0.6504155993461609, 0.11108806729316711, -0.04330876097083092, 0.5171997547149658, -0.5161606073379517, -1.8691917657852173, 0.9491707682609558, 0.64134281873703, 0.040903106331825256, -0.06833447515964508, 0.5530045628547668, 0.342941552400589, 0.5778302550315857, 0.8821129202842712]} +{"paper_id": "web_nlg", "embedding": [-0.48395204544067383, 0.8117482662200928, -0.4956285357475281, 0.1287866085767746, 0.6211832165718079, -0.07511334121227264, 0.23361817002296448, 0.19307200610637665, 0.16135841608047485, 0.8686219453811646, 0.2760385572910309, 0.46400174498558044, 0.0685986652970314, -0.44617295265197754, -0.22258615493774414, -0.00638541579246521, -0.9347742795944214, -0.46567246317863464, -1.7006008625030518, -0.48770618438720703, -0.6749197840690613, -0.8559935092926025, -0.08387380093336105, 0.15270152688026428, -0.5120583176612854, -0.4999803304672241, 1.2651550769805908, -1.20821213722229, 0.4120475947856903, -0.056990593671798706, -0.3248932361602783, 1.5085256099700928, -0.8383440971374512, 1.1897127628326416, 0.0384698212146759, 0.07922641932964325, 0.39023706316947937, 1.2118815183639526, -0.15953055024147034, 0.4553007483482361, -0.4415516257286072, 0.43541374802589417, 0.03978872299194336, 0.0038321991451084614, 0.39648351073265076, -0.6427910327911377, 0.18764033913612366, 0.6809994578361511, -0.9088680744171143, 0.5436160564422607, -0.9093587398529053, 0.5134381651878357, -0.055762507021427155, 0.28324881196022034, -0.1064525619149208, 1.410190224647522, 0.2265114188194275, -1.0750881433486938, 0.5143431425094604, -0.29666149616241455, 0.5743296146392822, 1.4655849933624268, -0.6083259582519531, 0.9419889450073242, 1.5149480104446411, -0.16046510636806488, 0.8670821785926819, 0.24390791356563568, 0.9665170311927795, 0.9980647563934326, 0.29554206132888794, -0.3629954755306244, 1.1543848514556885, 0.03183974325656891, 0.17676112055778503, 0.9593255519866943, 0.4873799979686737, -0.34159430861473083, 0.15275466442108154, -0.31472793221473694, 0.4525173604488373, -0.020156048238277435, 0.6037805080413818, -0.5058191418647766, 0.15099206566810608, 0.365720272064209, 0.5252587795257568, -0.5289306640625, -0.0909220278263092, -2.1108109951019287, 0.4212612509727478, 0.6274605393409729, 0.34717535972595215, -0.9986865520477295, -0.07454712688922882, 0.06886181980371475, -0.2690526843070984, -0.20806628465652466, -0.10859978199005127, 0.40865665674209595, 0.37923464179039, -0.5332601070404053, 0.6014502048492432, 0.09943783283233643, 0.26802971959114075, 0.5111698508262634, -0.06775066256523132, 0.23414814472198486, -1.2450175285339355, -0.06535755842924118, -0.24088382720947266, 0.8722084760665894, 0.4735479950904846, 0.2745795249938965, -0.35485684871673584, -0.0960083156824112, -0.18248146772384644, -0.7003440856933594, -0.48494645953178406, 0.31021809577941895, 0.16921555995941162, -0.8133795261383057, 0.08492974936962128, -0.1346994936466217, 0.9983021020889282, -0.9664692282676697, 0.11855395138263702, 0.29020965099334717, -0.04887464642524719, -0.7275334000587463, 0.3389706015586853, -0.33145076036453247, -0.6310604810714722, 0.7418537735939026, 3.3975822925567627, -1.033945918083191, 1.3636178970336914, 0.0801926925778389, -0.1444084346294403, -0.36631572246551514, 0.22614812850952148, 0.4303058385848999, 0.0055499449372291565, -0.5674834251403809, -0.21241815388202667, 0.07876993715763092, -0.5776426196098328, 0.2127179503440857, -0.8069233298301697, 0.6602454781532288, 0.1344050019979477, -0.039029575884342194, -1.89601731300354, -0.21180158853530884, -0.7039477825164795, 0.20480194687843323, 0.022483693435788155, 0.300628125667572, -0.4110979437828064, 0.3158152997493744, 0.36927664279937744, -0.18061666190624237, -0.3418698310852051, 0.24221672117710114, -0.8507149815559387, -0.09701663255691528, 1.274462103843689, -0.42827072739601135, -1.1356143951416016, -0.6259791851043701, 0.8111175894737244, 0.14350947737693787, -0.3202867805957794, -0.1260920614004135, 0.08089142292737961, 0.7885143160820007, 0.6892049908638, 0.9936257004737854, -0.3162304162979126, -0.5860891938209534, -0.9429553151130676, -0.7872079014778137, -0.7133132219314575, 0.038972966372966766, -0.6023094058036804, 0.427857369184494, -2.7640044689178467, -0.2884150743484497, -0.6695758700370789, 0.6344110369682312, 0.14569520950317383, 0.4476013481616974, 0.5423270463943481, 0.36704298853874207, -0.12634873390197754, -0.6405107975006104, 0.6165865063667297, -0.7159611582756042, -0.08102362602949142, 0.06388688087463379, -0.11535175144672394, 0.6002229452133179, -0.17382800579071045, 1.1966229677200317, 0.7323485016822815, -0.8903043270111084, -0.22741717100143433, -1.718783974647522, 0.7884379625320435, 2.1864068508148193, 0.15873028337955475, -0.22014959156513214, -0.9857437610626221, -0.06269993633031845, 0.4234427511692047, -0.19907747209072113, 0.24998432397842407, -0.3544076085090637, 0.13548484444618225, -0.9744304418563843, 0.016464591026306152, -0.15650443732738495, 0.4857386648654938, 0.6647948026657104, 0.9125128984451294, -1.0183990001678467, 0.13462333381175995, -0.6475023031234741, -1.097681999206543, 0.47630584239959717, 0.7600473165512085, 0.2167235165834427, -0.41590288281440735, 1.2105903625488281, -0.25562000274658203, 0.46799784898757935, 0.07359201461076736, 0.39604511857032776, -1.0188183784484863, 0.8209747672080994, 0.5013136863708496, 1.5483953952789307, -0.490841805934906, 0.11121843010187149, 0.28696972131729126, 0.25121235847473145, -0.3983252942562103, -0.6784355640411377, 0.36735421419143677, -0.6569975018501282, 1.6398929357528687, 0.5992810130119324, -0.8594622015953064, 0.7380348443984985, -1.121954321861267, -0.14408841729164124, -0.5488976240158081, -1.062250018119812, -1.1387804746627808, 0.2291220873594284, 1.0352182388305664, 0.2769833207130432, -0.07253962755203247, -0.6280689835548401, -0.6160406470298767, -1.656430721282959, -0.6189748644828796, -0.5376068353652954, 0.1639961153268814, -1.3075530529022217, -0.3669047951698303, -0.3862362504005432, -0.5090420246124268, -0.6863596439361572, -0.10096554458141327, 0.06117428094148636, 0.006481628865003586, 1.0373585224151611, 1.5418723821640015, -0.3171287477016449, -0.20462623238563538, 0.3604600429534912, 1.154348373413086, -0.4477650225162506, 0.7188351154327393, 0.24608489871025085, -0.5434457659721375, -1.0029513835906982, 0.8788806200027466, -0.8157384991645813, 0.8137606382369995, 0.39111340045928955, -0.30113568902015686, -0.56325364112854, -0.09146111458539963, -0.6622105836868286, 1.1418335437774658, -0.334062397480011, 0.41972988843917847, -0.5693684816360474, 1.793864369392395, 0.9243218898773193, -0.3484576344490051, 0.9222795367240906, -0.29921525716781616, -0.0078119151294231415, 1.1376357078552246, -0.3538132309913635, 1.0479028224945068, 1.1694653034210205, 0.9350167512893677, -0.028875883668661118, 0.1222681924700737, -2.4661364555358887, 0.3981395959854126, 0.7737085819244385, -0.09926129877567291, 0.2170742154121399, -1.11629319190979, -0.540522575378418, -0.720241367816925, -0.9444807171821594, 0.8144063353538513, -0.3117828667163849, 0.28146693110466003, -0.25648680329322815, 0.21970130503177643, 1.5443623065948486, -1.1223256587982178, 0.5558845400810242, 0.905134379863739, 0.04273466393351555, -1.5249316692352295, -0.07366704940795898, 0.6047478914260864, -0.1739237755537033, 0.7317895889282227, -0.297324001789093, 1.3505600690841675, 1.2080498933792114, -0.07153142243623734, -0.3372766971588135, 1.1180452108383179, 0.3324816823005676, 0.9076973795890808, 0.9708398580551147, -0.8013139367103577, 0.33251234889030457, -0.9708417057991028, 0.9648203253746033, -0.7304753661155701, -1.3615745306015015, -1.1727476119995117, -0.11282786726951599, -0.5882836580276489, -1.4444245100021362, 1.755545735359192, 0.44139915704727173, 1.6544420719146729, -0.7325471639633179, 0.40883952379226685, -1.4805935621261597, -0.08089889585971832, 0.42603349685668945, 0.7697175741195679, -0.2670706510543823, -1.089223027229309, -0.4542597234249115, 0.338053822517395, 0.3741626441478729, -0.22940760850906372, -0.32552284002304077, 0.5577189326286316, 0.43625524640083313, -1.1413474082946777, 0.2602304518222809, 0.4578844904899597, 0.3624713718891144, 1.630277156829834, -0.9473813772201538, -0.7534760236740112, 0.196426123380661, 0.29449379444122314, 0.28759390115737915, 0.504834771156311, -1.7314289808273315, 1.0563288927078247, 0.5559174418449402, 0.6947518587112427, 0.18911875784397125, 1.008729338645935, 1.3628829717636108, -0.6619855165481567, -1.3223012685775757, -0.11598615348339081, -0.9193194508552551, -0.45549213886260986, -0.02761879749596119, -0.5187612771987915, -0.9416355490684509, 1.1444780826568604, -0.002011416479945183, -0.38950198888778687, 1.107100486755371, -0.13961459696292877, -1.1714916229248047, -0.10641618072986603, 0.7990397214889526, -1.4444835186004639, 0.24606262147426605, 0.6376360654830933, -1.3870095014572144, -1.0319609642028809, -0.1092090979218483, -0.5032837986946106, 1.2609107494354248, 0.1761317253112793, 0.6485720276832581, -0.9754049777984619, -0.2200162410736084, -1.6564602851867676, 0.6988102197647095, 1.1429219245910645, -0.626144528388977, 0.41310811042785645, 0.7134708166122437, 0.5653706192970276, 0.5851236581802368, -1.3371920585632324, -0.9222501516342163, 0.7569331526756287, 1.0006037950515747, 0.016486145555973053, -1.155434012413025, -1.2143465280532837, 0.2233562171459198, 0.18781383335590363, 0.027182050049304962, -1.2649239301681519, 0.43817418813705444, 0.21108540892601013, 0.5452610850334167, 0.5563125610351562, -0.7094419598579407, -1.05154287815094, 1.1214659214019775, -0.8514417409896851, 0.6961046457290649, -0.19454598426818848, 0.3171652555465698, 2.2811708450317383, 0.08458202332258224, -0.39042800664901733, -0.709936797618866, -10.045116424560547, 0.6745972633361816, 0.26774734258651733, 0.19182296097278595, 0.8088443279266357, -0.8537139892578125, 0.4110872447490692, -0.00790867768228054, 0.6753591299057007, -1.1285306215286255, 1.035823106765747, 0.8341988921165466, 0.6870794296264648, -0.18730014562606812, -0.4761536717414856, -1.7977632284164429, -0.7117494940757751, -0.235989511013031, 0.16790719330310822, 0.17306692898273468, -0.2655208110809326, -1.2395880222320557, -0.13510021567344666, 0.7843304872512817, 0.6028856635093689, 0.25888240337371826, -0.32125723361968994, -0.5033591985702515, -0.27240151166915894, -0.24314607679843903, 0.3866612911224365, 0.6111673712730408, -1.1506719589233398, -0.498918741941452, -0.030710354447364807, -0.5601386427879333, -0.7108478546142578, 0.057085342705249786, 0.5762354731559753, -0.31670504808425903, -1.1655347347259521, 0.8166419863700867, 0.24944248795509338, -0.5362316370010376, -0.6061682105064392, 0.43176907300949097, 0.7547718286514282, -1.4329627752304077, 0.22390086948871613, -0.6048504114151001, -0.5967755317687988, -0.5809071063995361, -1.2822904586791992, -0.8370438814163208, -0.38267701864242554, -0.3584252595901489, -0.25829634070396423, 0.7971401214599609, -0.7816469073295593, -1.0519236326217651, -0.1395130455493927, 0.811471164226532, -0.5733748078346252, 0.3250771164894104, -0.04302749037742615, -0.04738171026110649, 0.2749796509742737, 0.7795290350914001, -0.05211663618683815, 0.28103914856910706, -0.3931492865085602, 0.4170403778553009, -0.9668324589729309, 0.1898522526025772, -0.41350463032722473, -0.04823136329650879, 0.023889141157269478, -0.44846153259277344, 0.8505462408065796, 0.2395748645067215, -0.8351753950119019, 0.5108909606933594, 0.19142268598079681, -0.152754008769989, -0.8073707222938538, 0.4146936237812042, 0.12962834537029266, -0.03859233483672142, 1.0096404552459717, -0.9984611868858337, 1.272706389427185, -0.27914655208587646, -0.18303313851356506, -0.0703151524066925, -0.20327404141426086, 0.7606937289237976, 0.7435183525085449, 1.172178030014038, 0.7144240140914917, -1.3247687816619873, 0.381959468126297, -0.2233220338821411, -0.48887428641319275, -0.7130289077758789, 0.47976425290107727, 1.0117149353027344, 0.15290206670761108, 0.2910234034061432, -0.048217181116342545, -0.18771657347679138, 1.2059910297393799, 0.06220138072967529, -0.3269174098968506, 0.625670313835144, -0.13005836308002472, 0.6229487061500549, 1.142641544342041, 0.07692398130893707, 0.2607213258743286, 1.0901397466659546, 0.3718894124031067, 1.3635940551757812, 0.23896607756614685, 0.7183002233505249, -0.4439457356929779, -0.26261740922927856, 0.5778177380561829, 0.5028828978538513, -0.6551975011825562, -1.6748614311218262, 0.01744241453707218, 0.22790932655334473, -0.06526374816894531, -0.27665188908576965, -0.7718167901039124, -0.1616656631231308, -0.5296627283096313, 1.2797337770462036, 0.16536419093608856, -0.13458043336868286, 0.5508778095245361, -0.7040553092956543, 0.6150401830673218, -0.8018129467964172, -0.5229187607765198, -0.21366795897483826, -1.9509209394454956, -0.06576928496360779, -0.46237778663635254, -0.9776850342750549, 0.010403750464320183, -0.4237273037433624, 1.3132132291793823, -0.643204391002655, -0.03830975294113159, 0.3215378224849701, 0.4466830790042877, 0.17373508214950562, -0.45022955536842346, 0.9053276181221008, -0.25758975744247437, 1.299686074256897, -0.6496689319610596, 0.5699726343154907, 0.010878920555114746, -0.22545818984508514, -0.2573472857475281, -0.5658398866653442, -1.0203850269317627, -0.1272985339164734, 0.680869460105896, -0.8366860151290894, 0.09716952592134476, -0.7689303755760193, -0.393543004989624, -1.031387448310852, 1.097041368484497, 0.9674712419509888, -0.9548747539520264, -0.1703571230173111, 0.9925426840782166, 0.21348488330841064, 0.3833233416080475, -0.472432404756546, -0.6748348474502563, -0.1398867517709732, 0.21481305360794067, 0.7576981782913208, -0.30783185362815857, 1.0478434562683105, -1.5849919319152832, -0.8752990365028381, -0.2972646951675415, -0.25305449962615967, 0.806118369102478, -0.5061764121055603, 1.588109016418457, 0.57882159948349, 0.31372517347335815, 0.9216451048851013, 0.4477894902229309, 1.0124725103378296, 0.17169493436813354, 0.7880462408065796, 0.04377814009785652, 0.49054548144340515, -1.0518159866333008, -0.12213882803916931, 0.1770171821117401, 0.4136616289615631, -0.8949012160301208, -0.022607289254665375, 0.429924875497818, -0.49684393405914307, -0.17464929819107056, -1.1584560871124268, 0.21522092819213867, -1.0055758953094482, -0.31944963335990906, -1.3865761756896973, 0.5607190728187561, 1.4623364210128784, 0.0062516555190086365, 0.71735018491745, 1.4985953569412231, 0.017572226002812386, 0.7481601238250732, 0.9400268197059631, 1.1056662797927856, 0.15465961396694183, -0.39566585421562195, 0.3448733389377594, 1.195122241973877, -0.3308369219303131, 0.31006911396980286, -0.5348228216171265, -0.33805203437805176, 0.17166677117347717, -0.5632639527320862, 0.740432620048523, -0.2633123993873596, 0.13232314586639404, 0.27934005856513977, 0.9542776346206665, -0.4414214491844177, -2.0049235820770264, -0.6798040866851807, -0.7251909375190735, 0.08185254037380219, 0.680087149143219, 0.7963835597038269, 0.2844090461730957, 0.8482533097267151, 0.1874864548444748, 0.9649008512496948, -0.24157871305942535, -0.14225417375564575, 0.33027195930480957, 0.288296639919281, 0.8971856236457825, 1.040768027305603, 0.8844634890556335, -0.3694289028644562, -0.3064887225627899, -0.33007025718688965, -0.4256436228752136, -0.6677849888801575, 0.8655859231948853, 0.983361005783081, -0.3281392753124237, -0.6012563109397888, -0.14779044687747955, 1.0694788694381714, -1.1921879053115845, 0.4929385185241699, -0.4241418242454529, -0.42310047149658203, -0.5575088262557983, -0.021133562549948692, -0.27882418036460876, 0.8844364881515503, -0.1671823412179947, -0.5606159567832947, 0.25226250290870667, 1.3810127973556519, -0.050107307732105255, 0.24090053141117096, -1.0024518966674805, 0.09066227078437805, -0.8632082939147949, 0.5574755668640137, -0.7353616952896118, -0.31643882393836975, -0.4103730618953705, 0.07940550148487091, -0.8689314723014832, 0.40290138125419617, -0.14302334189414978, -1.0090000629425049, -0.7407611608505249, 0.06617701053619385, -0.8623652458190918, 0.015752919018268585, -0.1032881885766983, -0.061787188053131104, -2.1265745162963867, 1.0164692401885986, 1.003785490989685, -0.6383665800094604, -1.2788026332855225, -0.236314594745636, 0.07369701564311981, -0.5673586130142212, 1.032487392425537]} +{"paper_id": "cifar100", "embedding": [-0.28981053829193115, 0.5440992712974548, -0.49455446004867554, -0.40076345205307007, 0.28121939301490784, -0.2607617676258087, 0.05957310274243355, 0.22231866419315338, 0.7980824112892151, 0.5515744686126709, 0.213219553232193, -0.2732431888580322, -0.2142762839794159, -0.8200172781944275, -0.43112295866012573, -0.3792310059070587, -0.3074479103088379, -0.2680796980857849, -1.0487920045852661, 0.4538176357746124, -1.2146075963974, -0.737207293510437, -0.0916014313697815, -0.19012704491615295, -0.2990487515926361, -0.18435907363891602, 0.6288963556289673, 0.3277410864830017, 0.8615198135375977, 0.5492509603500366, -0.004118047654628754, 0.8248497843742371, -1.756835699081421, 1.0155186653137207, -1.0023444890975952, -0.4594883620738983, 0.9990531802177429, 0.847220242023468, -0.22868332266807556, -0.7395219802856445, -0.16137881577014923, -0.050861962139606476, 0.914152204990387, 0.20836010575294495, 0.47472625970840454, -0.31553035974502563, 0.40479543805122375, 0.43462055921554565, -0.6763066649436951, -0.049319058656692505, -0.17491033673286438, 0.9589822888374329, 0.07750493288040161, 0.2628486454486847, -0.5262571573257446, 0.1468101441860199, 0.09967213124036789, 0.37806832790374756, 0.12548108398914337, -0.7875642776489258, 0.38369134068489075, 0.785918653011322, -0.42253947257995605, 0.04580822214484215, 0.9632095098495483, 0.23828090727329254, 0.12627620995044708, 0.12571841478347778, 0.31239449977874756, 0.44593921303749084, -0.4248126149177551, -1.2695106267929077, 0.21660852432250977, 0.5798516273498535, 0.5273628234863281, 0.7557653188705444, -0.45743486285209656, -0.30809900164604187, 0.5569427609443665, 0.28918057680130005, -0.27198928594589233, -0.22014260292053223, -0.19451475143432617, 0.2618967294692993, 0.02377987653017044, -0.3613896667957306, 0.5630365610122681, -0.3489415645599365, -0.0111373420804739, -1.1773686408996582, 0.9294371008872986, 0.291380375623703, -0.05204448476433754, -0.3011237382888794, 0.0927240252494812, 0.037251487374305725, -0.6859155893325806, -0.08499597758054733, -0.46634790301322937, 0.6032413840293884, 0.44219931960105896, -0.42612287402153015, 0.647117018699646, 0.3975655734539032, -0.0005147755146026611, 0.37739160656929016, -0.2685766816139221, 0.5375084280967712, -0.7129207849502563, -0.16698279976844788, -0.3235965669155121, 1.138463020324707, 0.7436392903327942, -0.5499103665351868, -0.27148792147636414, 0.3564838767051697, 0.562997043132782, 0.09125079214572906, -1.0031758546829224, -0.3782041072845459, 0.23384548723697662, -1.7715474367141724, -0.5578795075416565, -0.640103816986084, 0.2605897784233093, -0.009989269077777863, 0.8711663484573364, 0.1572815477848053, -0.17268939316272736, -0.5880478620529175, 0.6330369710922241, 0.11953049898147583, -0.37342458963394165, 0.47120094299316406, 3.045837640762329, -0.6990644931793213, 0.8292980790138245, 0.09759032726287842, -0.45843327045440674, -0.45344436168670654, -0.27814844250679016, 0.5733404755592346, 0.5343440771102905, -0.4528019428253174, -0.8138872981071472, -0.6580223441123962, -0.2221534550189972, 0.02412496507167816, -1.2760894298553467, -0.0588001124560833, -0.030654843896627426, 1.1038028001785278, -0.872530460357666, -1.632438063621521, 0.42604368925094604, 0.7509400844573975, 0.14511094987392426, -0.405435711145401, -1.029500961303711, 0.10143104940652847, 0.04808598756790161, 0.534125566482544, -0.594267725944519, 0.8185181021690369, -0.07840798050165176, 0.6696572303771973, 0.793585479259491, 0.2521039843559265, -0.061923444271087646, 0.12170470505952835, 0.11937860399484634, -0.3158370852470398, 0.6333668828010559, 0.1509682834148407, 0.032599642872810364, 0.3484231233596802, -0.35323888063430786, 0.5976970195770264, -0.17736589908599854, -0.8462429642677307, -0.17732980847358704, 0.31594574451446533, 0.07556932419538498, -0.15078048408031464, 0.8074531555175781, -0.5137091279029846, -1.9725255966186523, 0.4230557680130005, -0.1373920440673828, 0.24089394509792328, 0.07126197218894958, -0.3750186562538147, 0.040051110088825226, 0.5750529170036316, -0.4803047776222229, 0.19030031561851501, 0.46945902705192566, -0.8560629487037659, -0.8100696802139282, 1.5679336786270142, -0.35551387071609497, 0.3162840008735657, -0.9376007318496704, 0.08635295182466507, 0.5869220495223999, 0.14036211371421814, -0.3267398178577423, -1.3141369819641113, 0.5051328539848328, 0.2552984356880188, 0.308789998292923, -0.6835504770278931, -0.3697379231452942, -0.4404180645942688, 0.45559990406036377, -1.0737371444702148, 0.6535030603408813, -1.2096794843673706, -0.2001325786113739, -1.0273576974868774, -0.26755163073539734, -0.6790050864219666, 0.06301587074995041, -0.1065668985247612, 1.1265259981155396, -0.9144083261489868, -0.3934231996536255, 0.06470923125743866, -1.1791868209838867, 0.5061439275741577, 0.46051931381225586, 0.2982904613018036, 0.14381855726242065, 0.5744022727012634, 0.0267123281955719, 0.23655511438846588, 0.03693687915802002, 0.2867804765701294, -0.5712491273880005, 0.4639458656311035, -0.024068502709269524, 0.2567339539527893, -0.6835142970085144, 0.1617046296596527, 0.3569466471672058, 0.12724898755550385, 0.021795310080051422, -1.4943265914916992, -0.7358377575874329, -0.09691723436117172, 1.5790517330169678, 0.115435391664505, 0.03524962067604065, -0.07435044646263123, 0.33601346611976624, -0.26336854696273804, 1.1969566345214844, -0.22036977112293243, 0.6478942632675171, -0.8574309349060059, 0.6128266453742981, 0.1746787279844284, -0.13034754991531372, -0.33990490436553955, -0.27202552556991577, 0.1489606350660324, -0.42476147413253784, -0.09398822486400604, -0.8822357058525085, -0.417577862739563, -0.8876509070396423, 0.04316563904285431, -0.0659618079662323, -0.6621222496032715, 0.12226457893848419, 0.3643636405467987, -0.13020634651184082, 0.9728268384933472, 0.5523810982704163, 0.40721431374549866, 0.6445235013961792, -0.3658304214477539, 0.4501941204071045, 0.3462051451206207, -0.0669514536857605, -0.47954973578453064, 0.14745879173278809, -1.1519299745559692, -0.937067985534668, -0.5296040177345276, 0.6601057052612305, -1.0060057640075684, 0.05677076429128647, 0.711753249168396, -0.19995294511318207, -1.0852460861206055, 2.1902995109558105, -0.14998747408390045, 0.09299089759588242, -0.4162675738334656, 1.2997101545333862, 0.6377613544464111, -0.10267361998558044, -0.08092382550239563, 0.009227059781551361, 0.19435814023017883, 1.1832497119903564, -0.3170976936817169, -0.28743618726730347, 0.6199997663497925, 0.07332979887723923, 0.4793800711631775, -0.1532737761735916, -1.7890026569366455, 0.07643425464630127, 0.14447753131389618, 0.49036547541618347, 0.17186656594276428, -0.7172669172286987, -0.2914450764656067, -0.41459423303604126, 0.3199525773525238, 0.17053574323654175, -1.345191240310669, -0.05325955152511597, 0.19840770959854126, 0.5630591511726379, 1.0087318420410156, -0.9092890024185181, 0.023144707083702087, 0.2534220516681671, 0.33091795444488525, -0.39868584275245667, 0.43450745940208435, 0.6652023196220398, -0.5582398176193237, -0.19185978174209595, 1.0415490865707397, 0.5999590158462524, 0.21552163362503052, -0.018391869962215424, 0.26797664165496826, 0.0432119220495224, -0.1863466203212738, -0.3701423406600952, 0.43194958567619324, 0.29790520668029785, 0.3258095979690552, 0.7523459792137146, 1.0177031755447388, 0.28079691529273987, -0.5845575332641602, -0.12002193182706833, 0.3075321912765503, -0.3825865387916565, 0.4609461724758148, 1.076781153678894, 0.022894220426678658, 0.736009955406189, 0.09712326526641846, 1.0646177530288696, -0.0710676982998848, 0.07379022240638733, 0.16782411932945251, 0.8623061180114746, 0.2923951745033264, -0.04543256759643555, 0.27495652437210083, -0.6886264085769653, 0.4190976619720459, -0.26724499464035034, -0.25738614797592163, 0.49499109387397766, 0.2344394326210022, -0.583203136920929, 0.6826830506324768, -0.11013980209827423, 0.944928765296936, 1.2011749744415283, 0.24727530777454376, -0.8927545547485352, -0.5705032348632812, -0.15843820571899414, 0.5668708682060242, -0.376853346824646, 0.23072022199630737, 0.6796035766601562, -0.3125113844871521, 1.6824027299880981, 0.008235916495323181, 0.5721908807754517, 0.9489886164665222, -0.39047083258628845, -1.1955138444900513, 0.4627041816711426, -0.6491045951843262, -0.8110186457633972, -0.34869036078453064, 0.2901797294616699, -0.5732682347297668, 0.2674126625061035, -0.23022711277008057, -0.9786815047264099, -0.014121726155281067, -0.013391202315688133, 0.11717414855957031, 0.7359082698822021, 1.1488909721374512, -0.44532597064971924, -0.23698541522026062, 0.07910394668579102, -0.5235370993614197, -0.35340186953544617, 0.31160277128219604, 0.28443053364753723, 0.4462057054042816, -0.4618861973285675, 0.7776894569396973, -0.9606569409370422, 0.011095844209194183, -0.37340402603149414, 1.313635230064392, 0.503411054611206, -0.6340594291687012, 0.14843150973320007, -0.8752923011779785, 0.034230247139930725, -0.22215932607650757, -1.1052944660186768, -0.08883360028266907, 1.4358993768692017, 0.8389992713928223, -0.26467111706733704, -0.8285204768180847, 0.11304891109466553, -0.12578409910202026, 0.8253653645515442, 0.9199198484420776, -0.8839617967605591, 0.014374821446835995, -0.2666419744491577, 1.0167038440704346, 1.02981698513031, -0.5277582406997681, 0.21372419595718384, 1.8056364059448242, -0.15471312403678894, 0.6343666315078735, -0.2641167640686035, -0.25821658968925476, 0.3818915784358978, -0.1364530622959137, -0.26179391145706177, 0.3675905466079712, -13.347103118896484, 0.35128217935562134, -0.36483141779899597, 0.2971274256706238, 0.5715578198432922, -0.06531418114900589, 0.7568953037261963, 1.0091475248336792, 0.09411120414733887, -0.6844055652618408, 0.11827747523784637, 1.010006308555603, 0.0974254459142685, -0.3812824487686157, -0.1031249538064003, -0.724300742149353, -1.2562899589538574, -0.3117879033088684, 0.4043141007423401, 0.792792022228241, 1.0757747888565063, -0.07844532281160355, -0.4248349070549011, -0.31293734908103943, -0.1514296680688858, -1.1195592880249023, 0.26417961716651917, -0.36512240767478943, -0.7537561655044556, -0.4995596706867218, 0.2163945734500885, 0.5295260548591614, -0.6602582931518555, -0.58487868309021, -0.22643879055976868, -0.36076119542121887, -0.1343197524547577, -0.6170551180839539, 1.6614638566970825, -0.11497228592634201, -0.15496885776519775, 0.8150761127471924, -0.35466447472572327, -0.41244980692863464, -0.659602701663971, 0.181579127907753, -0.22454015910625458, -0.13764403760433197, 0.364100843667984, -0.7072149515151978, -0.08730576932430267, -0.8432450294494629, 0.3935052752494812, -0.9583278894424438, 1.1222511529922485, 0.2897650897502899, -0.590457022190094, -0.40083760023117065, -0.623496413230896, -0.8553367853164673, 0.11924545466899872, 0.32745856046676636, -0.6304762959480286, 0.9107168316841125, 0.2835833728313446, -1.1738406419754028, 0.9678529500961304, 0.9428894519805908, -0.5129913687705994, 0.09823331236839294, -0.39782899618148804, 0.9716181755065918, 0.8823735117912292, -0.13674016296863556, -0.26327526569366455, 0.08280103653669357, 0.13774363696575165, 0.0744629055261612, -0.4290638864040375, 0.5332039594650269, -0.9744306206703186, 0.47286081314086914, -0.32833370566368103, -0.24947673082351685, -0.33318644762039185, -0.0165933296084404, 0.408426433801651, 0.4126777648925781, -0.17013484239578247, 0.42940253019332886, 1.092890977859497, -0.022163303568959236, -0.10088226199150085, -0.9946829676628113, -0.20903846621513367, 0.5179990530014038, -0.3900212347507477, -0.5170855522155762, -0.5531983971595764, -0.7848015427589417, 0.5242168307304382, 0.13498422503471375, -0.2771056890487671, 0.40452873706817627, 0.7943550944328308, -0.4367205798625946, 0.3937661051750183, 0.6600522994995117, 0.5659087896347046, 0.9789209961891174, -0.28394395112991333, -1.1454792022705078, -0.411390483379364, 1.3798272609710693, 0.28146445751190186, 0.17949184775352478, 0.9270151257514954, -0.5482920408248901, 0.5225867629051208, -0.13081705570220947, -0.06839658319950104, -0.6149438619613647, 0.7206192016601562, 1.1385531425476074, 0.6218878030776978, 0.2844901382923126, -0.3489457368850708, 0.2858421504497528, -0.13024824857711792, -1.0728267431259155, 1.0302656888961792, -0.21483294665813446, -0.38470974564552307, 0.3043268620967865, 0.13975583016872406, -0.9611262679100037, -0.46541547775268555, 1.4697606563568115, -0.3471073508262634, 0.07179957628250122, 0.09916791319847107, 0.05808526650071144, -0.7392789125442505, -0.793533980846405, -0.737089991569519, -0.030013255774974823, -1.0585836172103882, -0.09738561511039734, -0.420545369386673, -0.832334578037262, 0.6286712884902954, -0.1312597543001175, 1.043325424194336, -0.3157505393028259, -0.31270846724510193, -0.04224075376987457, 0.3515395224094391, -0.7084620594978333, 0.07990001142024994, 0.08308947086334229, 1.2026948928833008, 0.0751764178276062, -0.45931702852249146, 1.0743236541748047, 0.6620177030563354, -0.027020610868930817, -0.3791881203651428, -0.9006125926971436, 0.8977354764938354, -0.23680374026298523, 0.7167069315910339, -0.8410331010818481, -0.019186237826943398, -0.16831740736961365, 0.20698508620262146, -1.0687520503997803, -0.5510929226875305, 0.9714349508285522, -1.04705810546875, 0.8826021552085876, 0.438228577375412, 1.099058985710144, 0.6139029264450073, -1.621870756149292, -0.345603883266449, -0.27862221002578735, 0.4129179120063782, 0.9351740479469299, -0.09518810361623764, 1.1364154815673828, -1.355554223060608, -0.6293772459030151, -0.03439377620816231, 0.27172258496284485, 0.2886796295642853, 0.4281388223171234, 0.1687554121017456, 0.4590465724468231, -0.48630815744400024, 0.17310431599617004, -0.4447839856147766, 0.07641274482011795, -0.4260249435901642, -0.5823585987091064, -0.47983551025390625, -0.10740084201097488, -0.14737719297409058, -0.7199889421463013, -0.17716294527053833, 0.8523343205451965, -0.665394127368927, 0.6649975180625916, 0.30828386545181274, -0.5965512990951538, -0.19502100348472595, -0.5496847033500671, -0.23502233624458313, -0.7015906572341919, -0.17291858792304993, -0.4636376202106476, 0.06378993391990662, 0.27386775612831116, 0.08113153278827667, 1.180457592010498, -0.0877901241183281, 0.7426530122756958, 0.388517290353775, 0.5098658800125122, 1.5912073850631714, 0.26002392172813416, -0.0363452285528183, -0.15055599808692932, -0.07790133357048035, -0.5448646545410156, -0.17894630134105682, -0.04781573638319969, -1.323208212852478, -0.03322610259056091, -0.8169304132461548, 0.0762067511677742, -0.9166069030761719, -0.2648690342903137, 0.050292156636714935, 0.28402987122535706, -0.10966579616069794, -0.9606661796569824, 0.018077794462442398, -0.36955323815345764, -0.24723175168037415, -0.140236034989357, -0.1583932787179947, 0.7895679473876953, 0.8684627413749695, -0.19416706264019012, 0.7395437955856323, 0.4967947006225586, -0.2463461309671402, 0.6520106792449951, -0.4174351096153259, 1.4816758632659912, 0.6732923984527588, -0.056467533111572266, 0.7235273718833923, 0.26537278294563293, 0.10582024604082108, -0.1116594523191452, -0.15070761740207672, 0.5156488418579102, 0.39770805835723877, -0.812410831451416, -0.6238307952880859, -0.052483052015304565, -0.545397162437439, -0.6227244138717651, -0.2793085277080536, 0.3690720796585083, -0.09305030107498169, -0.2316073328256607, 0.372507244348526, 0.1082431897521019, -0.03383855149149895, 0.42260852456092834, -0.5660936236381531, -0.40075749158859253, 0.7910863757133484, 0.63120436668396, -0.3060706853866577, -0.14399929344654083, -0.12448547780513763, 0.07238845527172089, 0.5756377577781677, -0.021169669926166534, -0.6591607928276062, -0.48074328899383545, 0.7149108052253723, -0.13263969123363495, -0.24267864227294922, -0.9859138131141663, -0.5866965055465698, -0.047028034925460815, 0.359815388917923, 0.1129230409860611, -0.22262728214263916, -0.7281840443611145, 0.1481812298297882, 0.13080546259880066, 0.3278692066669464, 0.5307249426841736, -0.5940837264060974, -0.37075909972190857, 0.16569867730140686, -0.3922507166862488, 0.03871627151966095, 0.5391640663146973]} +{"paper_id": "hatexplain", "embedding": [-0.6183247566223145, 1.1906450986862183, -0.4654027819633484, 0.10381987690925598, 1.1252096891403198, 0.8812093138694763, 0.5239382982254028, -0.00420060008764267, 1.169309139251709, 1.3165452480316162, 0.2368885576725006, 0.10972979664802551, -0.8833171725273132, -0.4722018241882324, -0.10436108708381653, 0.12562069296836853, -0.7373202443122864, 0.5966717004776001, -0.5013197660446167, -0.27331310510635376, -0.7090789079666138, -0.8276290893554688, -0.40751418471336365, 0.24979016184806824, -1.1612752676010132, 0.6109474301338196, 0.38756605982780457, -1.2620086669921875, -0.005388565361499786, -0.022525276988744736, -0.017303399741649628, 1.7039120197296143, -2.0603742599487305, 0.7687714695930481, -0.8601106405258179, -0.5625199675559998, -0.6102858185768127, -0.22997668385505676, -0.180654376745224, -0.7548559308052063, -0.9438714385032654, 0.7817518711090088, 0.772587239742279, 0.7870051264762878, 0.3863767981529236, 0.24141299724578857, 0.6504837274551392, 0.047957517206668854, -0.12584711611270905, -0.8329840302467346, -0.467159628868103, 0.6508808135986328, 0.8150588870048523, 0.6103734970092773, -0.21343520283699036, 0.6116446852684021, -0.4794484078884125, -0.38924911618232727, 0.6061625480651855, -0.8917312622070312, 1.4555720090866089, 1.3932244777679443, -0.2711261212825775, 0.20119675993919373, 0.28816157579421997, -0.23159286379814148, 0.6522092223167419, -0.13620080053806305, -0.08645419031381607, 0.5319075584411621, -0.0907304435968399, -1.7258501052856445, -0.05032627284526825, -0.4745994210243225, -0.8219406604766846, 0.4452156126499176, -0.10530116409063339, 0.6089819669723511, -0.3860025703907013, 0.6364800333976746, 0.20002703368663788, 0.7375313639640808, 0.15354901552200317, -0.20614859461784363, 0.36410078406333923, -0.04607642814517021, 0.8561627864837646, -0.6504570245742798, 0.2892605662345886, -1.4430423974990845, 1.183228611946106, -0.2113928198814392, 0.49871617555618286, 0.7367575168609619, -0.9247750639915466, 1.3661645650863647, -0.508904755115509, -0.307705283164978, -0.850928544998169, 0.5471387505531311, 0.6287068724632263, -0.5692998170852661, 0.3578924834728241, -0.8423799872398376, -0.2723698318004608, 1.0790420770645142, -0.14771775901317596, 0.019693247973918915, -0.2306002974510193, -0.32665008306503296, -0.3366469442844391, 1.2525428533554077, -0.3539496064186096, 0.9233204126358032, 0.24074891209602356, 0.201775461435318, 0.014281496405601501, -0.6505954265594482, -0.4647277295589447, 0.33264124393463135, -0.9321203827857971, -1.0096608400344849, 0.16021613776683807, 0.5868546366691589, 1.8042283058166504, -0.09500382840633392, 0.7755610942840576, -0.5837885737419128, 0.14345073699951172, -0.2934817671775818, 0.5367327332496643, -0.40570396184921265, -0.751338005065918, 0.6015581488609314, 2.518918037414551, -1.6812535524368286, 1.3142359256744385, -0.9113965630531311, 0.5755422115325928, -0.4727526307106018, -0.4313126802444458, 1.9331114292144775, -0.4550658166408539, -1.2695600986480713, -1.5303518772125244, 0.0527363196015358, -1.1334636211395264, 0.653734564781189, -0.22356544435024261, -0.5938037633895874, 0.2910396456718445, 0.8009008169174194, -0.7696852684020996, 0.4858562648296356, 0.036733608692884445, 0.2678728401660919, -0.8462352156639099, 0.448118656873703, -0.7750202417373657, 0.003030780702829361, 0.5856521129608154, -0.10289670526981354, 0.10879120230674744, 0.5577623248100281, -0.8632800579071045, 0.09055819362401962, 0.7438464760780334, -0.14592616260051727, -1.4740595817565918, -0.09524652361869812, 0.9577204585075378, -0.31079554557800293, 0.1244015246629715, 0.11253374814987183, -0.7326870560646057, 0.1346415877342224, 0.13577477633953094, 1.003226637840271, 0.12049438059329987, -0.649407148361206, -0.9999353885650635, -0.39354661107063293, -0.3989373743534088, 0.7816576361656189, -1.5509487390518188, -0.8547353148460388, -1.1247392892837524, 0.7740733027458191, 0.4410132169723511, 1.4164055585861206, 0.20099782943725586, -0.34699147939682007, -0.4156830906867981, 1.155741572380066, -0.594219446182251, -0.2698621451854706, 1.0513474941253662, -1.4760280847549438, -0.1354454606771469, -0.2827783226966858, 0.32967501878738403, -1.4897053241729736, -0.3664778470993042, 0.19765450060367584, 1.0160096883773804, -0.9163554310798645, -0.8341479897499084, -1.6694425344467163, 0.6473166346549988, 1.2720415592193604, 1.1429320573806763, -0.6838458180427551, 0.3242746591567993, -0.3119571805000305, -0.1095496341586113, -0.19518308341503143, 0.5339064598083496, -1.1861170530319214, 0.09328151494264603, -1.5704149007797241, 0.16611354053020477, -0.23675763607025146, 0.2950792908668518, 1.0813992023468018, 0.669715166091919, -0.632571816444397, -0.3612891733646393, -0.3136107325553894, -0.7983710169792175, 0.41986170411109924, 0.5553104877471924, -0.1433810442686081, 0.699004054069519, 1.309980034828186, 0.6219092011451721, 0.7999890446662903, 0.632576048374176, 0.028160080313682556, -0.7323429584503174, 0.10256926715373993, 0.13540653884410858, 0.40465641021728516, -0.2722136974334717, -0.9156701564788818, 0.8508871793746948, 0.7486201524734497, -0.5799015164375305, -0.7618454098701477, -0.8169282674789429, -0.10517419129610062, 1.3527406454086304, 0.8352891206741333, -0.6524606943130493, 0.4557463228702545, -0.17976605892181396, 0.476350873708725, -0.22147411108016968, -0.3867485821247101, -0.14160926640033722, -0.42617207765579224, 0.7623282670974731, 0.1031060665845871, -0.6353061199188232, -0.20030872523784637, -0.20684249699115753, -0.12657196819782257, -0.6731808185577393, 0.33481714129447937, -0.735702633857727, -1.4665627479553223, -0.11827051639556885, -0.5985308289527893, -1.2436105012893677, -0.9957635998725891, 0.04712647572159767, 0.17985524237155914, -0.5759589672088623, 0.07376375794410706, 1.1359039545059204, -0.29751792550086975, 0.11422432214021683, -0.4025331735610962, 0.9945653080940247, -0.2637653350830078, 0.20582503080368042, -0.4076676070690155, -0.2054329216480255, 0.43250057101249695, -0.377608060836792, -0.5651470422744751, -0.018120117485523224, 0.28549841046333313, -0.6534724831581116, 1.278187870979309, 0.1416793167591095, 0.4791121482849121, 1.6246974468231201, 0.20153631269931793, 0.10146832466125488, -0.21321462094783783, 0.4033340811729431, 0.6366323232650757, -0.8622286319732666, 0.6039630174636841, -1.0286569595336914, -0.12068513035774231, 0.7686355113983154, -1.620451807975769, 0.14820338785648346, 0.4854087829589844, -0.5776925683021545, -0.1468529999256134, 0.6798326373100281, -1.426496982574463, -0.008734004572033882, 1.2794523239135742, -0.05874320864677429, 0.055869121104478836, -0.5864472389221191, 0.5825424790382385, -0.6145418882369995, -0.0799766406416893, -1.4682695865631104, -0.06400907039642334, 0.13544072210788727, -0.22303959727287292, 0.13205741345882416, -0.397137850522995, -1.4366791248321533, -0.2867664396762848, 0.46846458315849304, 0.988937258720398, -0.6957173347473145, 0.6105964779853821, 0.6138466596603394, -0.512276291847229, 0.5706185102462769, 0.03358794376254082, 0.9681170582771301, 0.8649096488952637, 0.27222633361816406, 0.4759142994880676, 1.4871751070022583, 0.35614877939224243, -0.039601799100637436, -0.5445231795310974, 0.18217195570468903, 0.7901944518089294, -1.1725974082946777, 1.2652630805969238, -0.014143459498882294, -0.05388794094324112, -1.5367435216903687, -0.010656990110874176, 0.2088547796010971, -0.45660334825515747, 1.0063685178756714, 1.1627614498138428, 0.9911438822746277, -0.2741768956184387, 1.4946465492248535, -0.21748633682727814, 0.5089055299758911, 0.9225543141365051, 0.4022254943847656, 0.7963994741439819, -0.5817961692810059, 0.6979564428329468, 0.5431233644485474, -0.05785465985536575, -0.6021900773048401, -0.15410003066062927, 1.3638306856155396, -0.5177148580551147, -0.21153487265110016, 0.1226593405008316, -0.9698043465614319, 0.3361354470252991, 0.9726642966270447, -0.8285783529281616, -1.243232250213623, 0.061507582664489746, 0.48873695731163025, 1.5055856704711914, 0.7030691504478455, -0.2932247817516327, -0.2519678473472595, 0.09810252487659454, 0.3708971440792084, -0.586634635925293, 0.7466609477996826, 0.10259929299354553, -0.3575294315814972, -0.79820716381073, 0.10649476945400238, -1.0064976215362549, -0.13597969710826874, 0.16369855403900146, 0.24201636016368866, -0.34991976618766785, 0.5478213429450989, -0.8769903779029846, -1.6608761548995972, 0.6077808141708374, 0.03353578969836235, -0.05366385728120804, 1.2004401683807373, 0.497689425945282, -1.91696298122406, -1.705822467803955, -0.011048860847949982, -0.7042423486709595, -0.6956179141998291, 0.1662510484457016, -0.7153226137161255, 1.5437110662460327, -0.5097277760505676, -0.04458589851856232, 0.2502672076225281, 0.2684707045555115, -0.6391183137893677, 0.7719339728355408, 1.6366475820541382, -1.0728328227996826, 0.5573965311050415, 0.8135733008384705, -0.07842002063989639, 0.9757890701293945, -1.1756995916366577, -0.5644399523735046, 0.8499683737754822, 0.30973902344703674, 0.9848814606666565, -0.789013147354126, -0.02087116241455078, 0.12718135118484497, -0.24818351864814758, 0.5036344528198242, -0.7530421018600464, 0.05378671735525131, -0.3612532317638397, 0.6596643328666687, 1.3880342245101929, -0.7327010631561279, -1.3930902481079102, 0.7469047904014587, 0.0006447583436965942, 0.2751319706439972, -0.06732148677110672, -0.5447776913642883, 1.3625059127807617, 0.8634033799171448, 0.6794149279594421, -0.3166882395744324, -9.89650821685791, 1.014041781425476, -0.026238305494189262, 0.8422046899795532, 0.30155566334724426, -0.4884847104549408, -0.1687626838684082, 0.5366567969322205, 1.9081307649612427, -0.8856421709060669, 0.18576779961585999, 1.9318063259124756, -0.16745632886886597, -0.5484762191772461, -0.8165609836578369, -0.7834267616271973, -0.8136575222015381, -0.7508130669593811, -0.222140833735466, 0.2013532817363739, 0.3255998492240906, -1.4851667881011963, 0.5333763957023621, -0.7914372682571411, 0.42153555154800415, -0.22016310691833496, 0.1394469141960144, -0.6286900043487549, -0.9146073460578918, 0.9226428270339966, 1.0317230224609375, -0.4043804109096527, -0.32495445013046265, -0.6605471968650818, 0.1551288217306137, 0.3371385931968689, -1.1510499715805054, -0.6676023602485657, 0.968909740447998, 0.25191962718963623, 0.38289839029312134, 0.4391457140445709, 0.7629207372665405, -0.6970194578170776, -0.07773181796073914, -0.3573811650276184, -0.7986118197441101, -0.13743332028388977, -0.3264700770378113, -0.43541648983955383, 0.010656759142875671, -0.39739176630973816, -1.5279291868209839, -0.5517235398292542, 1.1652870178222656, -0.2759445607662201, -1.1790152788162231, -0.008207029663026333, -1.1979796886444092, -1.5204923152923584, 1.1204887628555298, 0.2957450747489929, -0.24873945116996765, 0.7003275156021118, 1.0202569961547852, -1.3307877779006958, 0.8694666028022766, -0.2871065139770508, -0.005343649536371231, 0.8969330787658691, -0.5798900127410889, 0.9650567770004272, 0.29296204447746277, 0.3080406188964844, -0.30277538299560547, -0.153976172208786, -0.3430995047092438, 0.19615311920642853, 0.9719655513763428, -0.34245622158050537, -1.027775526046753, 0.4099639356136322, 0.15878483653068542, -0.7578352689743042, -1.0037089586257935, 0.02292957529425621, -0.05213700979948044, -0.8952522873878479, 1.217983365058899, -0.2400953769683838, 0.8827089667320251, 0.18036571145057678, -0.3027641773223877, 0.24767902493476868, -0.8547766804695129, 0.2695721387863159, -0.8401904106140137, 1.0688862800598145, -0.7525750398635864, 0.20230185985565186, 0.48501598834991455, 0.26602357625961304, -0.73969566822052, 0.35358619689941406, -0.18574297428131104, -0.2952864468097687, 0.06610897183418274, 0.44247743487358093, 0.24427250027656555, 0.33573201298713684, 0.5310225486755371, 0.29257720708847046, -0.4356808066368103, 0.7113893032073975, 0.23957115411758423, 0.44853806495666504, 0.9336034655570984, -0.3762475550174713, 0.14105074107646942, 0.8405576348304749, -0.4164988100528717, 0.6356646418571472, -0.15899918973445892, 1.112453579902649, 0.15629543364048004, 0.9911217093467712, 0.5620578527450562, -0.4051794409751892, -0.09000746160745621, -2.480246067047119, 0.7996088266372681, -0.5547236204147339, 1.0456622838974, -0.2540978491306305, 0.6693133115768433, -0.19863371551036835, -1.6423639059066772, 0.8856351375579834, -1.074651837348938, 0.30069905519485474, -0.5174795389175415, -0.2564094662666321, -0.2702825665473938, -0.8043610453605652, -0.5129001140594482, 0.22350460290908813, -2.12422251701355, -0.025406885892152786, -0.8423872590065002, 0.046249255537986755, -0.20265614986419678, 0.08456360548734665, 1.209287405014038, -1.0842591524124146, -0.1718863695859909, 0.7436131834983826, 1.2643134593963623, -0.8166877031326294, -0.37795382738113403, -0.33414900302886963, 0.8693122863769531, 1.1035633087158203, -0.6512473225593567, 0.7261108756065369, -0.3685050308704376, 0.06262170523405075, -0.20839470624923706, -0.37040776014328003, 0.372437447309494, 0.21058574318885803, 1.8652719259262085, -1.418742060661316, -0.15926752984523773, 0.3181879222393036, 0.4328353703022003, -1.047126293182373, 0.504777729511261, 0.8599673509597778, -1.440116047859192, -0.014946669340133667, -0.20470328629016876, 0.3670956492424011, 0.5224189758300781, -0.7647167444229126, 0.23390695452690125, 0.43770843744277954, -0.46796759963035583, 1.0431478023529053, -0.015510482713580132, 0.021300770342350006, -2.249724864959717, -0.9186716079711914, -0.49331966042518616, -0.11372441053390503, 0.23630979657173157, 0.34137171506881714, 0.2575031518936157, 0.5343766808509827, 0.1498379111289978, 0.06049764156341553, -0.34924066066741943, 0.7782942056655884, -0.08922038972377777, -0.1165848821401596, -1.0607298612594604, -0.957525372505188, -0.08433835953474045, -0.024834640324115753, 0.305427223443985, 0.3231419026851654, -0.9848711490631104, -0.026165571063756943, -0.2503358721733093, -0.9830155968666077, 0.6782099604606628, -0.41992416977882385, -0.1854555308818817, -0.602882981300354, -0.36881837248802185, -1.1382787227630615, 0.3042697012424469, 0.7070147395133972, 0.15699735283851624, 1.2531341314315796, 0.1660999059677124, 0.629544198513031, 0.849552571773529, 0.43507063388824463, 1.6806676387786865, 0.33184605836868286, -0.1354926973581314, -0.25894710421562195, -0.9896219968795776, 0.22078797221183777, 0.30266478657722473, 0.6470850110054016, -0.6334371566772461, 0.6464952230453491, -1.2970221042633057, -0.7814138531684875, -0.3665669560432434, 0.22216317057609558, 0.3509114384651184, 0.8286283016204834, -1.0527719259262085, -0.03865445405244827, -0.8019095659255981, -0.4250202775001526, -0.6339361667633057, 0.26224565505981445, 0.8203922510147095, 1.4873967170715332, 0.8448061943054199, 0.31580787897109985, 1.0882631540298462, -0.0524456687271595, 0.12388494610786438, 0.38062453269958496, 0.6248205900192261, 1.7250747680664062, 0.6342703700065613, 0.5348100066184998, 0.068836510181427, 0.28759637475013733, -0.35863426327705383, -0.14701983332633972, -0.7685409188270569, 0.8133590817451477, -0.0494571328163147, -0.25381529331207275, 0.1523028165102005, 0.009688212536275387, -0.7379997372627258, 0.03288625180721283, 0.17092213034629822, 0.6549559831619263, -0.4489216208457947, -0.21503949165344238, -0.8023719787597656, -0.6904393434524536, 0.4875129759311676, 0.1357739120721817, -0.45701801776885986, -1.6616934537887573, 0.29572731256484985, 0.41150546073913574, -0.6468921899795532, -0.9218512773513794, 0.24420352280139923, -0.019128696992993355, 0.7369696497917175, 0.4775140583515167, -1.4842861890792847, -0.8996526002883911, 0.06362798064947128, -0.3484163284301758, 0.40321657061576843, -0.06369680911302567, -1.9419898986816406, -0.35846200585365295, -0.093783900141716, 1.097495436668396, 0.08044271171092987, -0.534270703792572, 0.007136967033147812, -1.3030152320861816, 1.7577202320098877, 1.266396164894104, 0.48845747113227844, -0.20305217802524567, 1.415617823600769, 0.06549347937107086, 0.33818113803863525, 1.9226677417755127]} +{"paper_id": "biomrc", "embedding": [-0.711245596408844, 1.7954866886138916, -0.41318127512931824, 0.056785836815834045, 0.4131743609905243, -0.14534689486026764, 0.42815810441970825, 0.806871771812439, 0.8486414551734924, 0.6615528464317322, 0.31193050742149353, -0.5058029890060425, -0.7359641790390015, -0.2710307836532593, -0.30513519048690796, -0.24590513110160828, -0.45593398809432983, -0.6798295974731445, -1.5950618982315063, -0.4715823531150818, -1.5652940273284912, -0.5091676115989685, -0.08380770683288574, 1.249582052230835, -0.9474902153015137, -1.0911728143692017, 0.22067254781723022, -0.9235035181045532, 0.4524589478969574, -0.19994565844535828, -0.4989338517189026, 1.0662381649017334, -1.626133680343628, 0.700464129447937, -0.5486871004104614, -0.09494352340698242, 0.8779736161231995, 0.9172866940498352, 0.02300216257572174, -0.7489212155342102, -1.0719858407974243, 0.32182300090789795, 0.25756797194480896, 0.11705858260393143, 0.9284009337425232, -0.8046233057975769, 0.6419181823730469, 0.11332875490188599, 0.2632240056991577, -0.3589065372943878, -0.5446447134017944, 0.46630412340164185, -0.7087019085884094, -0.23692557215690613, -0.8197351098060608, 1.5285217761993408, 0.10199927538633347, -0.14454200863838196, 0.517349898815155, -0.6313599348068237, 1.5463311672210693, 1.626550555229187, -0.028345299884676933, -0.5785287618637085, 1.0013386011123657, 0.9729985594749451, 1.5523444414138794, -0.17703598737716675, 0.17817586660385132, 0.2392415851354599, -0.42253655195236206, -0.7477748990058899, -0.17970061302185059, -0.6982751488685608, 0.3247010111808777, 1.0347836017608643, 0.5490537285804749, -0.3177312910556793, 0.42696234583854675, -0.027211932465434074, -0.2892757058143616, 0.6853006482124329, 0.7464360594749451, -0.16520607471466064, 0.1435856819152832, 0.14249500632286072, 0.39731425046920776, 0.14857979118824005, 0.081749826669693, -1.8911662101745605, 0.8460100889205933, 0.405417263507843, 0.349579393863678, 0.2742610573768616, -0.1652045100927353, 0.2974628210067749, -0.3425695300102234, -0.4071677327156067, -0.2660713195800781, -0.08526986092329025, 0.8811953663825989, -0.6054551601409912, 0.7442151308059692, -0.26172640919685364, -0.08759093284606934, 0.5445275902748108, 0.10521779954433441, -0.1444680094718933, -0.7204042673110962, -0.6809732913970947, 0.6407305002212524, 0.5350990891456604, 0.5505861639976501, 0.24871152639389038, -0.07213255763053894, 0.07483908534049988, 0.46315816044807434, -0.3584864139556885, -0.20615454018115997, 0.055576883256435394, -0.6385693550109863, -0.8069173097610474, -0.7525641918182373, -0.46557408571243286, 1.24839448928833, -0.7419524192810059, 0.35855332016944885, -0.5340838432312012, 0.3992954194545746, -0.03299562633037567, 0.33736979961395264, 0.49767887592315674, -1.4143186807632446, 0.44261178374290466, 2.999028205871582, -0.7356574535369873, 0.8205856084823608, -0.608227014541626, 0.2269594818353653, -0.6392273902893066, -0.04306662455201149, 1.4866127967834473, 0.33248767256736755, -0.955219566822052, -0.9825452566146851, 0.21174126863479614, -0.4323773682117462, 0.851449728012085, -0.9806596636772156, -0.3950263559818268, -0.049184445291757584, 0.00250958651304245, -1.5301852226257324, -0.8392085433006287, -0.25036850571632385, 0.18926653265953064, -0.0785568356513977, 0.8110008835792542, -0.3018109202384949, 1.1602966785430908, 0.673481822013855, -0.30221855640411377, -0.24416926503181458, 0.3253679871559143, -0.996558427810669, -0.29584434628486633, 1.0685924291610718, 0.06244589388370514, -0.7455053329467773, -0.32063809037208557, 0.4569992125034332, -0.06423008441925049, -0.6160976886749268, -0.2745456397533417, -0.21705307066440582, 0.06387709826231003, 0.3075407147407532, 0.9307686686515808, 0.2686249613761902, -0.4700644016265869, 0.07600525766611099, -0.7577838897705078, -0.03568144887685776, 0.49694758653640747, 0.15521644055843353, 0.32838961482048035, -2.6918623447418213, -0.1266745924949646, -1.2944014072418213, 1.3277474641799927, -0.38631296157836914, 0.21191032230854034, 0.7831115126609802, 0.3389548361301422, -0.0786387026309967, -1.1639419794082642, 0.7731012105941772, -1.3778058290481567, 0.5569499731063843, 0.5164400935173035, 0.665708065032959, -0.45559102296829224, 0.10498056560754776, 1.267915964126587, 0.6006243228912354, -1.083560585975647, -0.697615385055542, -1.9188398122787476, -0.2732439339160919, 2.38674259185791, 0.021944843232631683, -0.5638169646263123, -0.6132296919822693, -0.45071518421173096, 0.23542732000350952, -0.11586295813322067, 0.3285878002643585, -0.7870135307312012, 0.06730282306671143, -0.25200504064559937, 0.8130662441253662, -0.5547770261764526, 0.04663946479558945, 0.6764990091323853, 1.5305776596069336, -0.39944085478782654, -0.8234288692474365, 0.11214521527290344, -0.438099205493927, 0.04040094092488289, 0.3631293773651123, 0.2416379749774933, -0.35523858666419983, 0.1135251522064209, 0.2456907033920288, 0.6128407716751099, 0.9322510361671448, 0.27045637369155884, -0.04029442369937897, 0.8490043878555298, -0.35636234283447266, 0.7482509613037109, -0.6073314547538757, -0.2850727438926697, 0.564435601234436, 0.06577646732330322, -0.21729467809200287, -0.5024158358573914, -0.45447564125061035, -0.446069598197937, 0.8057004809379578, 0.5736395120620728, 0.1006876677274704, 0.5189679861068726, -0.6053091287612915, -0.4143841862678528, -0.22925207018852234, -0.5795519948005676, -0.01875125616788864, 0.026834674179553986, -0.21974779665470123, -0.1616971492767334, 0.21184825897216797, 0.02496679127216339, 0.007304631173610687, -1.2446969747543335, -0.13178735971450806, -0.1870044618844986, -0.466333270072937, -1.2961235046386719, -0.6975114345550537, 0.46259605884552, -1.3288700580596924, 0.3337341547012329, 0.6004645824432373, 0.24077393114566803, -0.08204109966754913, 0.7898386716842651, 1.5392121076583862, -0.3875456154346466, -0.07291200757026672, -0.3082662522792816, 1.0764821767807007, -0.7855544686317444, 0.6938742399215698, -0.5384138226509094, 0.37020382285118103, -1.0040779113769531, 0.41855815052986145, -0.7368031740188599, 0.6183550953865051, 0.6567919254302979, 0.2741130590438843, 0.485993891954422, -0.3187357187271118, -0.7400364279747009, 0.7699944376945496, -0.21454018354415894, 0.16341474652290344, -1.2988442182540894, 1.6606301069259644, 0.3820549547672272, -0.5164105892181396, 0.44000256061553955, -0.02168080396950245, -0.09029988199472427, 0.6278241276741028, 0.3225194215774536, 0.5441896319389343, 0.056455619633197784, -0.6962391138076782, 0.6507643461227417, 0.463812917470932, -1.792999029159546, 0.43906745314598083, 1.2106772661209106, -0.5429009199142456, 0.10992629826068878, -1.041377305984497, -0.2666682302951813, -0.4798690676689148, 0.15117308497428894, 0.19925075769424438, -1.3195703029632568, 0.5667027831077576, 0.03470941632986069, -0.21258947253227234, 0.3987158536911011, -0.24872322380542755, 0.3579263389110565, 0.30291154980659485, -0.33430737257003784, -1.2273516654968262, -0.39467546343803406, 0.9807654023170471, -0.05337769538164139, 0.17581425607204437, 0.23805588483810425, 0.7407432794570923, 1.124104380607605, -0.04998515546321869, 0.09535061568021774, 0.20312286913394928, 0.032675787806510925, 0.3635752201080322, 0.7382910847663879, 0.0872669667005539, 0.4137546122074127, -0.009792719036340714, 1.6729289293289185, -0.01458430290222168, -0.08815151453018188, -1.15860116481781, -0.20411808788776398, -0.19002772867679596, -0.40412822365760803, 2.7227730751037598, 0.19013553857803345, 1.574566125869751, 0.08627931028604507, 0.2896713316440582, 0.16596238315105438, -0.0881376564502716, 0.024495700374245644, 0.5953546762466431, -0.2699812650680542, -0.8466285467147827, -0.1796211302280426, -0.07593432068824768, 0.4537580907344818, -0.6739592552185059, 0.3526636064052582, 0.9243752956390381, -0.14750824868679047, -1.1868473291397095, 0.23606804013252258, 0.28622210025787354, 0.9378639459609985, 1.8842823505401611, -0.6561228632926941, -0.6426699757575989, 0.4752674400806427, -0.223214790225029, 0.5724261999130249, -0.015933793038129807, -0.025680292397737503, 0.24056783318519592, 0.5833554267883301, 0.36999136209487915, -0.37706464529037476, 0.4367994964122772, 1.0359299182891846, -0.24791459739208221, -2.0483970642089844, -0.39017072319984436, -0.5814006924629211, -0.5560539364814758, -0.4382871985435486, -0.03663024678826332, -0.7594136595726013, 0.49196547269821167, -0.2991064190864563, -1.3740513324737549, 0.026789940893650055, -0.012281207367777824, -1.708403468132019, 1.5691872835159302, 0.9235434532165527, -1.4969415664672852, 0.06441545486450195, -0.001294836401939392, -0.8961891531944275, -0.11644351482391357, -0.5539714694023132, -0.8335452675819397, 0.45067593455314636, 0.34155529737472534, 1.327720046043396, 0.3246658444404602, 0.3807734251022339, -0.9341470003128052, 1.329883098602295, 1.3468424081802368, -1.5451807975769043, 0.9463908672332764, 0.19198012351989746, 0.2143367975950241, -0.15247920155525208, -1.011796236038208, -0.6972393989562988, 0.6943361163139343, -0.21259458363056183, -0.1778145730495453, -1.1969084739685059, -0.6054149866104126, 0.9811710119247437, 0.258608341217041, 0.7022014856338501, -0.17102083563804626, -0.07948897778987885, -0.6824231147766113, 0.03603954613208771, 0.8938497304916382, -1.413680076599121, -0.9873105883598328, 0.7444941997528076, -0.7473714351654053, 0.7283034324645996, 0.3132982850074768, 0.4252210557460785, 1.9773029088974, -0.5227580666542053, -0.023585185408592224, -0.29236122965812683, -10.900373458862305, 0.20069652795791626, -0.27755415439605713, -0.41591328382492065, 0.6180490851402283, -0.09596260637044907, 0.8352363109588623, -0.2643427848815918, 0.2926565110683441, -0.40474510192871094, 0.5208370089530945, 1.4380897283554077, 0.27032873034477234, -0.6790065765380859, -0.28355690836906433, -1.0336854457855225, -1.2388025522232056, -0.8723061680793762, 0.02684561163187027, 0.37717828154563904, 0.20643220841884613, -0.737679660320282, -0.2878801226615906, -0.6006573438644409, 0.10001051425933838, 0.005557939410209656, -0.5471484065055847, -0.30677518248558044, -0.00550590455532074, 1.0296897888183594, 0.55555659532547, 0.2522214949131012, -0.2112933248281479, -0.15324777364730835, 0.25430089235305786, -0.26171058416366577, -0.7250471711158752, -0.39118072390556335, 1.1011370420455933, -0.6616128087043762, -0.38243961334228516, -0.10142026841640472, 0.6563946008682251, -0.3572239875793457, -0.9846268892288208, 0.1580672413110733, 0.28574100136756897, -1.193568468093872, -0.20283019542694092, -0.926920473575592, -0.19219307601451874, -0.9711769223213196, -1.0595463514328003, 0.031056340783834457, 0.7824972867965698, 0.35474908351898193, -0.7107412219047546, 0.26945850253105164, -0.8211300373077393, -0.6274189949035645, 0.8199924230575562, -0.6855112910270691, -0.6834595203399658, 0.867756724357605, 0.23213228583335876, -0.7473744750022888, 0.6311674118041992, 0.45045605301856995, -0.6075049638748169, 0.6971189975738525, -0.2041717767715454, 1.3491740226745605, 0.23117533326148987, 0.10922088474035263, -0.2796868085861206, 0.5003718733787537, -0.022989440709352493, -0.21632280945777893, 0.2863183617591858, 0.10318383574485779, -1.0274807214736938, 0.49385449290275574, -0.2924729883670807, -0.6704388856887817, -0.8389574885368347, 0.196120023727417, -0.17657065391540527, 0.5176321864128113, 0.6929601430892944, -1.0498639345169067, 0.8999408483505249, -0.13585826754570007, -0.02010226994752884, -0.5404039025306702, -0.5929274559020996, 0.3700982630252838, -0.6908381581306458, 0.8889957666397095, 0.804459810256958, -1.067008137702942, 0.8557426333427429, 0.16167733073234558, -0.5080752968788147, -0.24365293979644775, 0.6010794043540955, 0.15783411264419556, 0.2706969678401947, 0.2781468331813812, -0.06974315643310547, -0.4901178181171417, 0.8022221326828003, 0.24906736612319946, -0.13624483346939087, 1.0225154161453247, -0.6092437505722046, 1.218292236328125, 1.0424723625183105, -0.11143568158149719, 0.34542039036750793, 0.8432557582855225, -0.6749390363693237, 0.9925432801246643, 0.6927575469017029, 1.295254111289978, 1.2105594873428345, -0.4265385568141937, 0.7269278764724731, -0.03543885797262192, -0.2461356371641159, -1.727439522743225, 0.7804309725761414, -0.5050028562545776, -0.1015409380197525, 0.2070578932762146, -0.28992339968681335, -0.2434931993484497, -0.821236789226532, 1.406578779220581, -0.462017297744751, 0.8235796689987183, 0.09654045104980469, -0.14132963120937347, 0.3245304822921753, -0.4119594693183899, -1.2617110013961792, -0.0921114906668663, -1.8787859678268433, -0.28330346941947937, -0.03591924533247948, -0.6148250102996826, -0.49625906348228455, -0.3371899127960205, 0.7797031998634338, -0.5066888332366943, -0.46158286929130554, -0.511464536190033, 1.188573956489563, -1.0104719400405884, -0.6519873142242432, 0.06273794174194336, 0.10913035273551941, 0.49233531951904297, -0.6327753663063049, 0.8317904472351074, 0.7172892093658447, -0.6097398400306702, -0.09585019201040268, 0.8346349000930786, -0.9251494407653809, 0.6050631999969482, 1.0308473110198975, -1.4912885427474976, -0.07125633209943771, -0.26686811447143555, 0.5488758683204651, 0.0646992027759552, 0.5145075917243958, 1.679447889328003, -0.5198879241943359, 0.310996413230896, -0.476724773645401, 0.5358150601387024, 0.9693024754524231, -0.9727424383163452, -0.42774197459220886, 0.05482621490955353, 0.10004226863384247, 0.2778187394142151, 0.4122675955295563, 0.5063720345497131, -1.8259234428405762, -0.7709632515907288, 0.20169715583324432, -0.40745818614959717, 0.4111176133155823, 0.7588249444961548, 1.4063270092010498, 0.5576988458633423, -0.8425673246383667, -0.1331280916929245, 0.2304738610982895, 0.8339899778366089, 0.012516871094703674, 0.9654138088226318, 0.24159842729568481, 0.8022799491882324, -0.6356873512268066, -0.13026337325572968, 0.24994055926799774, 1.0919177532196045, -1.0370712280273438, 0.41967082023620605, -0.03950095549225807, -0.22113920748233795, 0.7060361504554749, -0.5821893215179443, 0.4940595030784607, -0.4164457619190216, -0.5306513905525208, -1.191252589225769, 0.5294463634490967, 1.1097917556762695, -0.0479993112385273, 0.5594065189361572, 0.6589332222938538, 0.21131935715675354, 0.7548381686210632, -0.5186711549758911, 1.62757408618927, -0.28883102536201477, -0.2727326452732086, 0.20679700374603271, 0.6587984561920166, 0.1763497292995453, 0.1747266799211502, -0.38662439584732056, -1.0078763961791992, 0.2364431619644165, -0.7338686585426331, 1.0933781862258911, -0.671524703502655, 0.0659014880657196, 0.6370279788970947, 1.4410892724990845, -0.03559250757098198, -1.809014081954956, -0.24052006006240845, -0.7095343470573425, -0.6038129925727844, 0.558509349822998, -0.569650411605835, 0.5083912014961243, 0.6446340084075928, -0.5475371479988098, 1.410428762435913, -0.06795505434274673, -0.19100727140903473, -0.25907522439956665, -0.49528443813323975, 0.6804307103157043, 0.47713127732276917, 0.7074165344238281, 0.16732044517993927, -0.8000216484069824, -0.5156568884849548, -0.5576673746109009, -1.1551495790481567, 0.7878462076187134, 0.45700329542160034, -0.8375378251075745, 0.06383691728115082, -0.04143505170941353, -0.09784729778766632, -0.5592935681343079, 0.6942731142044067, -0.1950898915529251, -0.18572673201560974, -0.6928279995918274, -0.8582279086112976, -0.49033841490745544, 0.9816307425498962, -0.3127366006374359, -0.35943394899368286, -0.03286518156528473, 0.8992252945899963, 0.03383403643965721, -0.020933430641889572, -0.8003804087638855, -0.35863327980041504, -0.17486977577209473, 0.4409119486808777, 0.326822966337204, -0.41851308941841125, -0.9137702584266663, -0.17723433673381805, -1.045106291770935, 0.8809348940849304, -0.02776992693543434, -0.5992667078971863, 0.1386578381061554, 0.7100045680999756, -0.31615114212036133, 0.09737882018089294, 0.04635242000222206, 0.5574238300323486, -1.5651638507843018, 0.9993214011192322, 0.42715978622436523, -0.17474840581417084, -0.15304403007030487, -0.09946892410516739, 0.25684595108032227, -0.3051624000072479, 1.2259515523910522]} +{"paper_id": "break_data", "embedding": [-0.3072478175163269, 1.2664639949798584, -0.20033438503742218, -0.13913990557193756, 0.6580504179000854, 0.0876300036907196, 0.40245357155799866, 0.8671948909759521, 1.002989649772644, 0.5903385877609253, -0.12532126903533936, 0.3289217948913574, 0.12651018798351288, 0.002204379066824913, -0.8140878081321716, -0.4908995032310486, -0.6760868430137634, -0.40095505118370056, -2.319796323776245, -0.0056618377566337585, -0.48769962787628174, -0.8115941286087036, 0.016101937741041183, 0.9657140374183655, -0.8937511444091797, -0.6331076622009277, 1.2344112396240234, -1.3325296640396118, 0.20560038089752197, 0.13256913423538208, -0.18382388353347778, 1.6535661220550537, -1.3940409421920776, 0.43832269310951233, -0.29185643792152405, -0.2950740158557892, 0.2841145396232605, 1.4128031730651855, -0.03295467421412468, -0.24879193305969238, -0.6996278762817383, 0.3313034474849701, 0.2478543519973755, 0.3492310643196106, 1.2777034044265747, -0.8218874931335449, 0.35390958189964294, -0.04485129192471504, -0.680475115776062, -0.1976129114627838, -1.0158230066299438, 0.49059993028640747, 0.2301684319972992, 0.4345696270465851, -0.1831614375114441, 0.8120874166488647, 0.18336862325668335, -0.8138232827186584, 0.9733985066413879, -0.4228534400463104, 1.219157099723816, 1.415788173675537, -0.11057958006858826, 0.5807133913040161, 1.1844581365585327, 0.1724206656217575, 1.844685435295105, 0.0459543913602829, -0.41593536734580994, 0.8297455906867981, -0.14670702815055847, -1.0234066247940063, 0.6437114477157593, -0.11463382840156555, -0.05076169967651367, 1.0216728448867798, 0.17767633497714996, 0.22420375049114227, 0.4495193064212799, -0.03562306985259056, 0.23139651119709015, -0.04018693044781685, 1.0408270359039307, -0.4376164674758911, 0.28459063172340393, 0.2569456100463867, 0.2623530924320221, -1.0077135562896729, 0.5114269852638245, -1.4696425199508667, 0.533080518245697, -0.09704979509115219, 0.14489468932151794, -0.41487783193588257, -0.8059557676315308, 0.7067383527755737, -1.019726276397705, -0.7303861975669861, -0.17547500133514404, 0.9194626212120056, 0.8484885096549988, 0.2116091400384903, 0.5246440768241882, 0.012806117534637451, 0.05673180893063545, 0.4681713879108429, 0.04510369896888733, 0.17672419548034668, -0.5520173907279968, -0.7510139346122742, 0.4128013253211975, 0.8431508541107178, -0.22123487293720245, 1.097039818763733, -0.027700290083885193, 0.4075668752193451, 0.3717680275440216, -0.8736720085144043, 0.03183084726333618, 0.5250325202941895, 0.46230432391166687, -1.0992950201034546, -0.13541749119758606, -0.3154851496219635, 0.21811875700950623, -0.6546891331672668, 0.14059406518936157, -0.35083702206611633, -0.24473689496517181, 0.34746840596199036, 0.8229931592941284, -0.24193060398101807, -0.5758546590805054, -0.1823423057794571, 3.3135218620300293, -0.9267642498016357, 1.2558711767196655, -0.6169673800468445, -0.5979694128036499, -0.769844651222229, -0.16763465106487274, 1.014419674873352, -0.046243082731962204, -0.5269098281860352, -0.9030014872550964, 0.4653964340686798, -0.01650208979845047, 0.3415452539920807, -1.4512131214141846, -0.41081568598747253, -0.10248968005180359, 0.3313922882080078, -1.5040823221206665, -0.8016573786735535, 0.0540759302675724, 0.518031120300293, 0.2463248074054718, 0.040512558072805405, -0.37532442808151245, 0.6602848172187805, -0.027888119220733643, -0.37731266021728516, -0.3387821912765503, 0.5033846497535706, -0.9186902642250061, -0.4352004826068878, 0.7736272811889648, -0.6742843389511108, -1.0804237127304077, 0.020162232220172882, 0.16217750310897827, -0.8817383050918579, 0.1020158901810646, -0.15007036924362183, -0.3800773322582245, 0.3382256329059601, 1.0449963808059692, 0.38063308596611023, 0.5425060987472534, -0.8852697610855103, -0.3210855722427368, -0.21319764852523804, 0.15775588154792786, 0.8071274161338806, -0.05695917457342148, 0.47622281312942505, -2.8203799724578857, 0.24720154702663422, 0.5148314833641052, 1.1850965023040771, 0.7631382942199707, -0.017531700432300568, 0.12916573882102966, 0.4841426908969879, 0.06695466488599777, -0.8315997123718262, 0.08801716566085815, -1.2322052717208862, 0.19794133305549622, -0.15916872024536133, -0.5325677990913391, 0.37834489345550537, -0.27587807178497314, 1.4779841899871826, 0.4714229106903076, -0.3082759976387024, -0.884616494178772, -2.1196181774139404, 0.13116252422332764, 2.099740505218506, 0.617365837097168, -0.7610666155815125, -0.7253422737121582, -0.3186148703098297, 0.4613093137741089, 0.2561343014240265, 0.3294540047645569, -0.39277082681655884, -0.030712731182575226, -1.369863510131836, 0.5778324604034424, -0.6736521124839783, 0.48333922028541565, 0.6770057082176208, 1.2347356081008911, -0.6795023083686829, 0.2697652280330658, -0.6718425750732422, -0.3722646236419678, 0.6616561412811279, 0.5797209739685059, 0.25427788496017456, -0.020763415843248367, 1.200821876525879, 0.343985378742218, 0.8967656493186951, 0.9190186262130737, 0.8482344150543213, -0.745915412902832, 0.4194287061691284, -0.12652604281902313, 1.7670910358428955, 0.8503503799438477, -0.1376076638698578, 0.00902055948972702, -0.25389373302459717, -0.7068568468093872, -0.6028227210044861, 0.24888528883457184, 0.06647271662950516, 1.3634920120239258, 0.36391910910606384, -0.7963537573814392, 0.4542290270328522, -0.2676960825920105, -0.4644218385219574, -0.22549453377723694, -0.17055657505989075, -0.5696166157722473, 0.14093123376369476, 0.9507744312286377, 0.17275196313858032, 0.10169747471809387, -0.2732449769973755, 0.027188844978809357, -0.9469044804573059, -0.5289380550384521, 0.5099577307701111, -0.3190983831882477, -0.5371170043945312, -0.2804848551750183, -0.22049863636493683, -0.7403849363327026, -0.7487826347351074, 0.4819580018520355, -0.13837243616580963, 0.34603849053382874, 1.22642183303833, 1.5871328115463257, 0.20593824982643127, 0.3957529664039612, 0.10598529875278473, 1.068442940711975, -0.6563894748687744, 0.5156779289245605, -0.5447229743003845, 0.3093710243701935, -1.2052139043807983, 0.39240506291389465, -0.5663723349571228, 0.49347102642059326, 0.3848218619823456, -0.6965603828430176, 0.6453747153282166, -0.2911766469478607, -1.010824203491211, 0.9650998711585999, 0.2666071057319641, -0.3518643081188202, -0.009190943092107773, 1.1900372505187988, 0.064441978931427, -1.171631932258606, 0.6481336355209351, -0.42896345257759094, -0.8351619243621826, 1.0675954818725586, -0.30723342299461365, 0.3233211040496826, 0.3712450861930847, -0.3005150556564331, 0.04498725384473801, 0.3911006450653076, -1.5448687076568604, 0.671917200088501, 0.7943674325942993, -0.29484885931015015, -0.6093429923057556, -1.2497247457504272, 0.16793112456798553, -0.6704398989677429, 0.050774820148944855, 0.9992191195487976, -0.6443929076194763, 0.3938845694065094, -0.045718494802713394, 0.8401756882667542, 0.8805342316627502, -0.10964566469192505, 0.419145405292511, 0.9986532330513, -0.2720983326435089, -0.49103233218193054, -0.9619289636611938, 1.1593610048294067, -0.10607387125492096, 0.005522327497601509, 0.562492847442627, 0.944238007068634, 0.5436708927154541, 0.24207600951194763, 0.10935831069946289, 0.9700830578804016, 0.5743301510810852, -0.3049546778202057, -0.20213578641414642, -0.568328320980072, 0.556989848613739, 0.08381843566894531, 0.7643334269523621, -0.8638464212417603, -0.19528405368328094, -0.9269965887069702, 0.12348532676696777, -0.13094674050807953, 0.23642578721046448, 1.9891523122787476, 0.20650893449783325, 1.156934380531311, -0.41040265560150146, -0.31863048672676086, -0.7862653136253357, -0.18609072268009186, 0.579592227935791, 0.895747184753418, 0.3417256474494934, -1.148074746131897, 0.018884405493736267, 0.4840029776096344, 0.009085970930755138, -0.2864018976688385, -0.2171415090560913, 0.7304204106330872, -0.25436118245124817, -0.6417797207832336, 0.23944921791553497, 0.6195719838142395, 0.21670401096343994, 1.700049877166748, -0.652814507484436, -0.16720733046531677, -0.35910657048225403, -0.19647763669490814, -0.008109195157885551, 0.2056232988834381, -0.3003576993942261, 0.32574570178985596, 0.15933987498283386, 0.30567213892936707, 0.4349815845489502, 1.8150626420974731, 1.0918169021606445, -0.627596378326416, -1.1816632747650146, -0.04139349237084389, -0.9192975163459778, -0.4083700180053711, 0.8004509806632996, -0.3124966025352478, -0.20881755650043488, 0.6836470365524292, -0.11339106410741806, -1.2952035665512085, 0.5842654705047607, -0.694378674030304, -1.4913153648376465, 0.6102073788642883, 0.9748893976211548, -0.942137598991394, -0.4985801577568054, -0.44555360078811646, -1.2240393161773682, -0.5024853944778442, -0.35500437021255493, -0.8959153294563293, 0.6579881906509399, 0.4930817782878876, 0.8323271870613098, -0.1924683153629303, 0.4143773913383484, -1.5536139011383057, 1.1050268411636353, 0.5904902219772339, -1.2224087715148926, 0.21965934336185455, -0.2427104115486145, 0.8778970837593079, -0.24599280953407288, -1.4558830261230469, -0.9334402680397034, 0.9187418222427368, -0.27071893215179443, 0.24719029664993286, -0.9200818538665771, -0.5178964734077454, 0.6408379673957825, -0.22983446717262268, 0.7445776462554932, -0.28309014439582825, 0.20101022720336914, -0.3578778803348541, -0.3269300162792206, 0.9016785621643066, -0.5390064120292664, -0.8128527402877808, 1.2327361106872559, -0.41218745708465576, 0.9167841672897339, -0.5000126361846924, 0.20305070281028748, 1.353764533996582, 0.00962001085281372, -0.22879177331924438, -0.5428968071937561, -11.041333198547363, 0.6735291481018066, 0.3398946225643158, 0.22489593923091888, 0.573986291885376, -0.3160989284515381, 0.7710891366004944, -0.39748096466064453, 0.3140498399734497, -0.9066857099533081, 0.35080665349960327, 1.1387097835540771, 0.7114768624305725, 0.3148754835128784, -0.8855799436569214, -1.6918680667877197, -0.29654479026794434, -0.4444148540496826, 0.3959720730781555, -0.17212218046188354, -0.06960832327604294, -0.8542727828025818, -0.1349773108959198, 0.4541673958301544, 0.5251619219779968, 0.1999719738960266, -0.4615347981452942, -0.02110157161951065, -0.6069291234016418, -0.5375745296478271, 0.8407241702079773, -0.24508218467235565, -0.1623624861240387, -0.05842871591448784, -0.19295382499694824, -0.1649414300918579, -0.4100186228752136, -0.23657861351966858, 0.8932064771652222, -0.35068273544311523, -0.5799707174301147, 0.49551621079444885, 0.3618330955505371, -0.03387913107872009, -0.5702993273735046, 0.8011362552642822, 0.2229250818490982, -1.0436545610427856, 0.305812805891037, -0.2575456202030182, -0.9938308000564575, -0.37672004103660583, -1.0922763347625732, -0.8348729014396667, 0.11331801116466522, 0.08153985440731049, -1.1583040952682495, -0.9766145348548889, 0.11486586928367615, -0.7453722953796387, 0.06795798987150192, 0.565234899520874, -0.1312139332294464, 0.3948913812637329, 0.032263949513435364, -0.10138624161481857, 0.4632238447666168, 0.37288522720336914, -0.8427257537841797, 0.616021454334259, -1.0090763568878174, 0.7415130734443665, -0.32101666927337646, 0.7232712507247925, -1.0708369016647339, -0.18380022048950195, -0.7493740916252136, 0.40502312779426575, 0.09169602394104004, 0.17772190272808075, -1.1696910858154297, 1.006956696510315, 0.4055621922016144, -1.1415396928787231, -1.0282926559448242, 0.3959370255470276, -0.02157149463891983, 1.0916376113891602, 0.967532753944397, -0.924688458442688, 1.2354904413223267, 0.08413542062044144, -0.7588311433792114, -0.10191206634044647, -0.6853370070457458, 0.7211955189704895, -0.4923821687698364, 0.2639409303665161, 0.2808583080768585, -0.6909731030464172, 0.18084198236465454, -0.3557894229888916, -0.7951227426528931, 0.2690734267234802, 0.40589600801467896, 0.5545374751091003, 0.59676194190979, -0.18056735396385193, -0.3163696825504303, -0.5692727565765381, 1.0398969650268555, 0.05815158784389496, -0.8219334483146667, 1.0998338460922241, -0.4901336133480072, 0.041082315146923065, 0.35010242462158203, 0.20492130517959595, 0.3312874734401703, 0.3857818841934204, -0.5311694741249084, 1.175341010093689, -0.05924582481384277, 1.856260895729065, -0.6779333353042603, -0.52802973985672, 1.0489734411239624, 0.7870046496391296, -0.2613471746444702, -0.9332445859909058, -0.08678360283374786, 0.12820865213871002, 0.16730305552482605, -0.9137506484985352, -0.17184481024742126, 0.30600425601005554, -0.32909244298934937, 1.5485254526138306, -1.1185534000396729, -0.4200713634490967, 0.48298096656799316, -0.17109864950180054, -0.9141457080841064, -1.389562726020813, -1.3191637992858887, 0.13588029146194458, -1.419041395187378, 0.43087393045425415, -0.7022456526756287, -0.6092213988304138, -0.02680187299847603, -0.8856615424156189, 1.5426315069198608, -0.9935466647148132, -0.5426948070526123, -0.9047637581825256, 1.0017004013061523, -0.540918231010437, -0.9836044907569885, 0.01978898048400879, 0.01965903490781784, 0.7305874824523926, -1.1218233108520508, 1.2716675996780396, 0.2604019343852997, 0.09789234399795532, -0.5298637747764587, 0.09857875108718872, -0.07858312875032425, -0.01493876427412033, 0.9838297963142395, -0.8657469749450684, -0.33340778946876526, 0.06596323847770691, -0.3372444808483124, -0.31714367866516113, 0.5560206770896912, 1.4086157083511353, -1.1687707901000977, -0.4908416271209717, -0.28979650139808655, 1.2202932834625244, 0.5684332847595215, -0.4227946400642395, -0.5745661854743958, 0.1017058715224266, 0.2779446840286255, 0.7142282724380493, -0.07055893540382385, 1.0099592208862305, -1.6711478233337402, -1.4309556484222412, -0.8127204179763794, -0.31423720717430115, 0.7667626738548279, 0.3877459764480591, 0.5614657402038574, 0.7489801645278931, 0.14142432808876038, 0.42693108320236206, 0.24156905710697174, 0.9318683743476868, 0.4131203889846802, 0.46558642387390137, -0.25209343433380127, 0.4884769022464752, -0.4722246527671814, 0.342252641916275, 0.2865312993526459, 1.1007001399993896, -1.0002872943878174, -0.15818457305431366, 0.13970263302326202, -0.1292704939842224, 0.3626757264137268, -1.7831636667251587, -0.04726622998714447, -0.553990364074707, -0.6174212098121643, -1.4692282676696777, 0.26237961649894714, 1.301037073135376, -0.0363762304186821, 0.9098862409591675, 0.5588170886039734, 0.9004472494125366, 0.5589237809181213, 0.030955150723457336, 0.7525135278701782, 0.5559251308441162, -0.22836780548095703, 0.24840837717056274, -0.11737548559904099, -0.1601850688457489, -0.2575449049472809, -0.9167878031730652, -0.6888070702552795, 0.10855023562908173, 0.2333718091249466, 0.8484801650047302, -0.03652860224246979, 0.41686102747917175, 1.0589542388916016, 1.1196767091751099, -0.5126329064369202, -1.4576565027236938, -0.39923226833343506, -1.362465739250183, 0.3678090572357178, 0.8365406394004822, 0.4792761504650116, 0.27695533633232117, 0.8084708452224731, 0.18093708157539368, 0.922379195690155, -0.6652039289474487, 0.37803083658218384, 0.02635154500603676, -0.1323099285364151, 1.3091799020767212, 0.9203007817268372, -0.3282473683357239, 0.4791812598705292, -0.15884709358215332, -0.3088359534740448, -0.1284632682800293, -0.5556503534317017, 0.7109992504119873, 0.6971302628517151, -0.49723806977272034, -0.13924376666545868, -0.6597408652305603, 1.3533998727798462, -0.718610942363739, 0.9368910789489746, -0.2666197419166565, -0.6936561465263367, -0.8468475341796875, -0.8407695889472961, -0.3834149241447449, 0.5292286276817322, -0.047921691089868546, -0.3905964493751526, 0.002338409423828125, 0.7420027852058411, 0.08235153555870056, 0.06318800151348114, -0.6173246502876282, -0.49390709400177, -0.862368106842041, 0.17608101665973663, 0.03188295662403107, -0.7523257732391357, -0.3920653760433197, -0.04511731117963791, -0.6096738576889038, -0.3022085130214691, 0.09177625179290771, -0.29096800088882446, -1.2886477708816528, 0.14891567826271057, -0.4618096947669983, 0.6083682179450989, -0.032448768615722656, -0.1415693461894989, -1.3996028900146484, 0.3862079381942749, 1.0660947561264038, -0.469606876373291, -0.5600500702857971, -0.1558375358581543, 0.40995439887046814, 0.3198632597923279, 0.5377320647239685]} +{"paper_id": "conll2002", "embedding": [-0.8956853151321411, 1.139510989189148, -0.16030310094356537, -0.2615829110145569, 0.30788734555244446, -0.10600236058235168, 0.019248466938734055, 0.3321857750415802, 1.0997287034988403, 0.9558342099189758, 0.5878674983978271, -0.4576747417449951, 0.1208190768957138, -0.6411184668540955, -0.1712353676557541, -0.3500256836414337, -0.7015500664710999, -1.0943565368652344, -0.675772488117218, -0.36894160509109497, -1.0969356298446655, -0.3141101598739624, -0.30188557505607605, 0.4466046988964081, -1.1999311447143555, -0.39703238010406494, 0.22373118996620178, -0.6662241816520691, 0.03074788674712181, 0.5096071362495422, -0.1891336739063263, 1.1826748847961426, -1.3458452224731445, 0.3080834150314331, -0.22211620211601257, -0.4395555257797241, 0.5305519104003906, 0.282037615776062, -0.8151937127113342, -0.08789008855819702, -0.5049051642417908, -0.42005348205566406, 0.7068252563476562, 0.3451889753341675, 1.2023429870605469, -0.30617406964302063, 0.4366024434566498, 0.4184536933898926, 0.2793201208114624, 0.09823565185070038, -0.546217679977417, 0.37217259407043457, 0.5626551508903503, 0.500258207321167, -0.4924972951412201, 0.6640585660934448, 0.4614497125148773, -0.5988508462905884, 0.22340282797813416, -1.1340241432189941, 0.3159909248352051, 0.8445134162902832, -0.21685539186000824, -0.06273694336414337, 0.6319059729576111, 0.5690464973449707, 1.0150458812713623, -0.16734760999679565, 0.6573142409324646, 0.7375907897949219, 0.07070741057395935, -1.291500210762024, 0.5673697590827942, -0.068556047976017, 1.0018279552459717, 0.9228461980819702, 0.20953728258609772, -0.20191271603107452, 0.587985098361969, -0.31732845306396484, -0.5393401980400085, 0.7822536826133728, 0.6171095371246338, 0.20654374361038208, -0.14147470891475677, -0.03436838835477829, 0.6251050233840942, -0.4133469760417938, 0.5294318199157715, -1.4893300533294678, -0.13487090170383453, 0.3029734492301941, -0.3704371452331543, -0.16685841977596283, 0.42026153206825256, 0.2785698473453522, -0.06891713291406631, -0.45031580328941345, -0.49880218505859375, 0.4369804263114929, 0.7448615431785583, -0.08874428272247314, 0.14038001000881195, -0.1693226397037506, -0.05349172651767731, 1.307862639427185, -1.199980616569519, -0.2323945164680481, -1.110264539718628, -0.12643246352672577, -0.0034658052027225494, 1.5102447271347046, 0.2788919508457184, 0.15605929493904114, 0.10164157301187515, 0.2888652980327606, 0.8034095168113708, -0.5948537588119507, -0.6546686887741089, 0.06064212694764137, -0.4110761880874634, -1.0014921426773071, -0.4249175190925598, -0.02226712554693222, 0.8293737173080444, -0.13768960535526276, 1.0230623483657837, 0.24169188737869263, 0.3336213231086731, -0.4069715440273285, 0.552536129951477, 0.13573069870471954, -0.4262043237686157, -0.26974910497665405, 2.5356650352478027, -0.78110671043396, 0.9495158195495605, -0.486987441778183, 0.10802751034498215, 0.1146974116563797, -0.06164861470460892, 0.9838098883628845, 0.5263011455535889, -0.017282627522945404, -0.8296289443969727, 0.6425886154174805, -0.4183308184146881, 0.24443022906780243, -0.8034864068031311, -0.4137311577796936, 0.35023221373558044, 0.7087702751159668, -1.1891316175460815, -0.49031656980514526, 0.33297163248062134, 0.9297970533370972, 0.04273407533764839, 0.574402928352356, -0.3727093040943146, 0.6271200776100159, 0.7777761220932007, 0.1856471747159958, -0.8304705023765564, 0.4613996148109436, -1.1992387771606445, -0.06328175216913223, 1.0111349821090698, -0.20843735337257385, -0.6790415644645691, -0.2730189561843872, 1.0259777307510376, -0.24065148830413818, 0.036265138536691666, -0.42730197310447693, -0.1721743643283844, -0.07366713136434555, 0.5221909880638123, 0.14799343049526215, -0.04593880474567413, -0.6114931702613831, 0.3573138415813446, 0.36482158303260803, -0.47095614671707153, 0.5988079905509949, -0.20459194481372833, 0.15567463636398315, -1.2406386137008667, -0.1483812928199768, -0.04860503971576691, 0.43782129883766174, -0.45234212279319763, -0.5657426118850708, -0.026544936001300812, 0.31016141176223755, 0.5901215076446533, 0.12056200206279755, 0.2838118076324463, -1.6585074663162231, -0.8023170232772827, 0.4782986044883728, 0.07239565253257751, -0.26820188760757446, 0.07137834280729294, 1.1887212991714478, 0.09775114059448242, -0.5261152982711792, -0.4917355477809906, -1.345022439956665, 0.11241018772125244, 1.5912525653839111, 0.23596073687076569, -0.8526394367218018, -1.1167999505996704, -0.4967486262321472, 0.4655348062515259, -1.1035383939743042, 0.36223459243774414, -0.752752959728241, 0.5653592944145203, -1.6992908716201782, 0.493062287569046, -0.3614588677883148, -0.1382228285074234, 0.10749194025993347, 0.685127317905426, -0.5126665234565735, -0.7185128927230835, -0.08053156733512878, -0.7542715072631836, 0.21848352253437042, 0.789301335811615, 0.5690294504165649, -0.2538469731807709, 0.44504314661026, 0.33052825927734375, 0.10261576622724533, -0.09146928787231445, 0.7894142270088196, -0.750357985496521, 0.43210235238075256, -0.6138120889663696, 0.43733328580856323, -0.26224714517593384, -0.21616052091121674, 0.8029609322547913, 0.6383256912231445, -0.19550655782222748, -0.7197207808494568, -0.030665390193462372, 0.2875903248786926, 1.2272135019302368, 0.9331361055374146, -0.44034332036972046, 0.9426653385162354, -1.3775101900100708, 0.4444683790206909, -0.38087621331214905, -0.4006180465221405, -0.3807045817375183, -0.1476752609014511, 0.7877790927886963, -0.176449716091156, -0.0001556389033794403, -0.007672429084777832, -0.1396384984254837, -1.3602664470672607, 0.08214645087718964, 0.18384382128715515, -0.7117369174957275, -0.5172233581542969, -0.24206893146038055, 0.0530342198908329, -0.8150960803031921, -0.9547734260559082, -0.15211503207683563, 0.39268290996551514, -0.12195751070976257, 0.4768419563770294, 1.3208688497543335, -0.2678133249282837, 0.2528788447380066, -0.28001004457473755, 0.715536892414093, -0.9370443820953369, 0.8827042579650879, 0.42901289463043213, 0.6291713714599609, -0.954937219619751, -0.06962890923023224, 0.10509908199310303, 0.28749898076057434, -0.030496973544359207, 0.06004773825407028, 0.5368020534515381, -0.0969376340508461, -1.0220582485198975, 1.746462106704712, -0.16241741180419922, 0.04873766005039215, -1.031109094619751, 1.6373910903930664, 0.7387079000473022, 0.19632239639759064, 0.24500033259391785, 0.3819096088409424, 0.32426297664642334, 1.1531922817230225, -0.30918705463409424, 0.13179472088813782, -0.12209663540124893, -0.382412314414978, -0.033350784331560135, 0.6680979132652283, -2.06482195854187, -0.1488388627767563, 0.23737025260925293, -0.20703008770942688, 0.42893078923225403, 0.3733302056789398, 0.39697444438934326, -0.3076719343662262, -0.2611922323703766, 0.6288180351257324, -0.7570089101791382, 0.2786466181278229, -0.6547915935516357, -0.13984176516532898, 0.42112666368484497, -0.18511685729026794, 0.2771528959274292, 0.17677803337574005, 0.6173320412635803, -0.6970244646072388, 0.21375325322151184, 1.116284728050232, -0.5896475911140442, 0.5842796564102173, 0.8151273727416992, 0.5386233329772949, 1.1655242443084717, -0.946752667427063, 0.06447392702102661, 0.054456859827041626, 0.09784051030874252, 0.005506823770701885, 0.03930420055985451, 0.5209788680076599, 0.6243768334388733, -0.3527607321739197, 0.874123215675354, 0.6932685375213623, -0.8455712199211121, -1.2106817960739136, -0.19512121379375458, -0.5371973514556885, 0.07562404125928879, 1.8614652156829834, 0.4667906165122986, 1.1168920993804932, 0.08476217091083527, 0.6341598033905029, -0.3661286532878876, -0.24436132609844208, 1.128965139389038, 0.3293786346912384, -0.153960183262825, 0.016308501362800598, 0.8727912902832031, -0.3121778666973114, -0.19683052599430084, -0.38672974705696106, 0.18395288288593292, 0.7246472239494324, -0.014200877398252487, -1.157476782798767, -0.13959823548793793, 0.06532496213912964, 0.4562391936779022, 1.6452733278274536, -0.5374478101730347, -0.6574920415878296, -0.0452299639582634, 0.6430102586746216, 0.6222348213195801, 0.3496280014514923, -0.598745584487915, -0.2868230640888214, 0.11000072956085205, 0.4610871970653534, -0.2851681709289551, 0.6701061725616455, 0.8492906093597412, -0.48114269971847534, -0.9854973554611206, 0.04075716808438301, -1.7533798217773438, -0.22548849880695343, 0.07369714230298996, -0.49685555696487427, -0.3311600983142853, -0.09802158921957016, -0.4252775311470032, -0.9783986210823059, 0.20458072423934937, -1.083055853843689, -0.991303563117981, 1.3376065492630005, 1.5306416749954224, -0.6143933534622192, -0.7968893647193909, -0.1748749017715454, -0.32744869589805603, -0.48076891899108887, -0.09852484613656998, -1.1435574293136597, -0.08828801661729813, -0.02406919375061989, 0.6190486550331116, 0.4296220541000366, -0.13891953229904175, -0.6514568328857422, 0.7028774619102478, 1.027599573135376, -0.14743782579898834, 0.22630813717842102, -0.35152921080589294, 0.26700061559677124, -0.42210593819618225, -1.5385044813156128, -0.5853444933891296, 0.8094185590744019, -0.02063218504190445, -0.444638729095459, -0.7298130393028259, -0.6796162724494934, 0.45714691281318665, -0.3675438165664673, 0.5681265592575073, -0.5598620772361755, 1.1466587781906128, -1.0537700653076172, 0.32654300332069397, 0.10466067492961884, -0.6733083724975586, -1.2317070960998535, 1.4115920066833496, 0.17241042852401733, -0.0666719526052475, -0.31077802181243896, 1.3104983568191528, 0.9144613742828369, 0.28925222158432007, 0.131193608045578, -0.4022871255874634, -13.133055686950684, 0.3512873351573944, -0.2888696491718292, 0.3920662999153137, 0.5238900184631348, -0.3161013424396515, 0.6186343431472778, 0.5499428510665894, 0.7102649807929993, -0.41768136620521545, 0.17212675511837006, 1.122114896774292, -0.14323624968528748, 0.2902265191078186, 0.23737832903862, -0.3909320831298828, -0.3351171612739563, -0.4955518841743469, 0.16682168841362, 0.4237482249736786, -0.4821186065673828, -0.9308075904846191, -0.21859866380691528, -0.03135611489415169, 0.22449372708797455, -0.018986590206623077, 0.27869194746017456, 0.13395783305168152, -0.6530798077583313, -0.004720795899629593, 0.5487276315689087, -0.35546109080314636, -0.5920836925506592, 0.056112125515937805, -0.1353880614042282, 0.13085785508155823, -1.0801829099655151, 0.2756554186344147, 1.3392984867095947, 0.14093509316444397, -0.3161832094192505, 0.24555106461048126, 0.07865379750728607, 0.03350399434566498, -0.3344915807247162, -0.07324817776679993, 0.41389381885528564, -1.0899194478988647, 0.05480113998055458, -0.471784383058548, -0.19006304442882538, -0.468001127243042, -0.7518613934516907, -0.5850262641906738, 0.994726300239563, -0.12360937148332596, -0.10352915525436401, 0.16365119814872742, -0.7029958963394165, -1.0797423124313354, 1.4569308757781982, 0.3349851965904236, -0.5039968490600586, 0.2826696038246155, 0.6244608163833618, -0.6393671631813049, 0.35778024792671204, 0.442318320274353, -0.42464232444763184, 0.30317187309265137, -0.576736569404602, 0.8517059683799744, 0.6245778203010559, 0.3847329020500183, -0.13695019483566284, -0.2293490469455719, 0.013845857232809067, 0.34617286920547485, -0.023780427873134613, 0.5261482000350952, -0.942937970161438, 0.9003615379333496, -0.16838356852531433, 0.19844737648963928, -0.6930635571479797, -0.050690315663814545, -0.38888609409332275, -0.2463233768939972, -0.10957542061805725, 0.20095252990722656, 0.9835142493247986, -0.1511286199092865, -0.5866507291793823, -0.23094123601913452, -0.38873815536499023, 0.8394935727119446, -0.4784806966781616, 0.7809581160545349, 0.2475302815437317, -0.4589352309703827, 0.24537977576255798, -0.9420995712280273, -0.5710536241531372, 0.08115024864673615, 0.9042997360229492, -0.30498549342155457, 0.054809242486953735, 0.22783371806144714, 0.7619590163230896, 0.1406370848417282, 0.7160071730613708, -0.794084370136261, 0.06726895272731781, 1.3170380592346191, 0.1127396821975708, 0.8060630559921265, 0.6995142698287964, 0.41054439544677734, 1.0802971124649048, 0.6587005257606506, 0.5166252851486206, 0.4424591064453125, -0.04487099498510361, 1.3643512725830078, 0.4195611774921417, -0.48657652735710144, 0.5348305702209473, 0.5461965799331665, 0.48006725311279297, -1.540303111076355, -0.3298560380935669, -0.11660517752170563, -0.09168623387813568, -0.5271056890487671, -0.11109720170497894, -0.7253043055534363, -0.5346651077270508, 1.3792264461517334, -0.18884728848934174, 0.8302377462387085, -0.11316297948360443, -0.6540992259979248, 0.07112440466880798, -0.024814100936055183, -0.4496789872646332, -0.13750183582305908, -1.0128047466278076, -0.2946915924549103, -0.3242078125476837, -0.6775805354118347, 0.48396557569503784, -0.225868821144104, 0.4930480122566223, -0.357474148273468, 0.6394773125648499, 0.16451320052146912, 0.4320630431175232, -0.5262747406959534, -0.5084242224693298, -0.15252235531806946, 0.6995178461074829, 0.4582013189792633, -0.4360174238681793, 0.9268369674682617, 0.3062010109424591, -0.1458674818277359, -0.5496720671653748, -0.5765767097473145, -0.2593229115009308, 0.1888943910598755, 0.8471728563308716, -1.3196179866790771, 0.4096626341342926, -0.5540805459022522, -0.24483539164066315, -1.3285481929779053, -0.20626088976860046, 0.8079468011856079, -0.681854248046875, 0.21138975024223328, 0.16155962646007538, 0.7666999101638794, 0.7612837553024292, -0.3791256546974182, -1.0694682598114014, -0.5075676441192627, 0.10804804414510727, 1.2062292098999023, -0.0166567824780941, 0.2915303707122803, -0.9513893723487854, -0.6264446973800659, -0.6458008885383606, 0.11940072476863861, 0.4164721369743347, 0.41281720995903015, 0.2186134308576584, 0.9114069938659668, 0.024016112089157104, 0.247733473777771, 0.18692995607852936, 0.7512367963790894, 0.0008066222071647644, -0.41915836930274963, -0.47614535689353943, 0.027091428637504578, -0.27461686730384827, 0.18938244879245758, 0.6160047054290771, 0.9650352001190186, -1.0163800716400146, -0.3095758557319641, 0.5802631974220276, -0.3357338607311249, 0.23697827756404877, -0.8146165609359741, -0.20024681091308594, 0.051229145377874374, -0.4945693910121918, -0.7989733815193176, -0.17340505123138428, 0.3934662640094757, -0.6179296374320984, 0.7858806848526001, -0.3284534215927124, 0.233098104596138, 0.16177675127983093, 0.07534679770469666, 1.5304431915283203, -0.5547496676445007, -0.01905001699924469, 0.1883753389120102, -0.5881152153015137, -0.48105761408805847, -0.5086454749107361, 0.6504730582237244, -0.7813680171966553, 0.3688787519931793, -0.6644389629364014, 0.3839913308620453, 0.04637333005666733, -0.42436906695365906, 0.0886458307504654, 0.1210012286901474, -0.051237188279628754, -0.758901834487915, -0.903179407119751, -0.24822762608528137, -0.4393896460533142, -0.5942449569702148, -0.2835172712802887, 0.8648797869682312, 0.8393244743347168, 0.06223431974649429, 1.1056830883026123, 0.07239501178264618, -0.32915198802948, 0.190036803483963, -0.1345157027244568, 1.1776124238967896, 0.5153941512107849, 0.051809266209602356, 0.3358128070831299, -0.04565144330263138, -1.0223983526229858, -0.6145017743110657, -0.5333751440048218, 0.7508029937744141, 1.011183500289917, -0.5196935534477234, -0.11170187592506409, -0.7064238786697388, 0.39226633310317993, -0.11922994256019592, -0.06434065103530884, 0.5207279920578003, -0.36931830644607544, -0.007109953556209803, -0.4748900830745697, -0.11756789684295654, 1.073622465133667, -0.4055754244327545, -0.7387722134590149, -1.0254138708114624, -0.38745003938674927, -0.40119415521621704, -0.4996642470359802, -0.5996842384338379, 0.2994885742664337, 0.14237907528877258, 0.24036391079425812, 0.4170253276824951, -0.46124860644340515, -0.7447696924209595, 0.6120861768722534, -0.5752051472663879, 0.5190039873123169, 0.2231578677892685, -0.7802414894104004, -0.20382606983184814, 0.3615758419036865, -0.6452363729476929, -0.18162031471729279, 0.6402404308319092, -0.8800768256187439, -1.0991564989089966, 0.18100935220718384, 0.5395880341529846, -6.427057087421417e-05, -0.04690099135041237, 0.2669893205165863, 0.7396978735923767, 0.013205375522375107, 0.9487294554710388]} +{"paper_id": "multilingual_librispeech", "embedding": [-0.4081680178642273, 1.1720439195632935, 0.7378977537155151, -0.3127812147140503, 0.6802675724029541, 0.3105461001396179, 0.7756661176681519, 0.701479434967041, 0.5874893069267273, 0.4911532402038574, 0.3106570541858673, 0.08313164114952087, 0.15657030045986176, -0.3211503326892853, -0.1402917206287384, -0.3159179985523224, -1.4835509061813354, -0.12549841403961182, -1.3489503860473633, -0.6592045426368713, -0.6652320623397827, 0.08595581352710724, -0.04125120863318443, 0.17933142185211182, -0.6893901228904724, -0.28898656368255615, 0.7800791263580322, -0.5739342570304871, 0.24528715014457703, 0.18275389075279236, 0.18724292516708374, 0.9411540627479553, -1.2325785160064697, 0.5800431370735168, -0.5443917512893677, -0.19085317850112915, -0.3748324513435364, -0.009490754455327988, -0.3784436583518982, -0.217227041721344, -1.1645019054412842, -0.0957573726773262, 0.34276705980300903, 0.10319926589727402, 0.7513476014137268, -0.1466541886329651, -0.34769633412361145, 1.0407991409301758, -0.2610900104045868, 0.3785400390625, -0.9280388355255127, 0.3284759819507599, 0.815117597579956, 0.1909988522529602, -0.41784098744392395, 0.45398932695388794, -0.23652291297912598, -0.5480828285217285, 0.2042374610900879, -1.774262547492981, 0.3995121121406555, 0.9510435461997986, -0.34029218554496765, 0.1864268034696579, 0.6469135284423828, -0.30096864700317383, 0.49802613258361816, 0.1536577045917511, 0.731373131275177, 0.8147852420806885, -0.4878162741661072, -0.8899247050285339, 0.36107340455055237, 0.52048659324646, 0.45023760199546814, 0.727553129196167, -0.09579741209745407, -0.018399648368358612, 0.48391658067703247, -0.32576122879981995, -0.39083555340766907, 0.6655782461166382, 0.7883318066596985, -0.8087930083274841, -0.24367797374725342, -0.18034881353378296, 0.38489630818367004, -0.07335768640041351, -0.01227148063480854, -0.9107614755630493, 0.013695433735847473, 0.04414157569408417, 0.29444578289985657, 0.035024866461753845, -0.3027847409248352, -0.1315244734287262, 0.3615773320198059, 0.3092508614063263, -0.6615616083145142, 0.0758320763707161, 0.5033997893333435, -0.3024451434612274, 0.48934710025787354, 0.22085878252983093, 0.07417743653059006, 0.3794967532157898, -0.4332619905471802, -0.5770711898803711, -0.2285079061985016, -0.42273589968681335, -0.2356315702199936, 0.45749664306640625, 0.4256044924259186, 0.8668087720870972, 0.22068575024604797, -0.5120459794998169, 0.11462528258562088, -0.052376460283994675, -0.5660212635993958, -0.5396022200584412, -0.6068128943443298, -1.0850876569747925, 0.36621734499931335, -0.31975045800209045, 0.8869936466217041, -0.8519212603569031, 0.5075356364250183, -0.05577871575951576, 0.605486273765564, -0.5565964579582214, 0.7257527112960815, 0.32782986760139465, 0.19205179810523987, 0.2929518222808838, 2.4794909954071045, -1.26364004611969, 0.9275157451629639, -0.9758071303367615, 0.38781052827835083, -0.39416930079460144, 0.22429898381233215, 1.5380698442459106, -0.5742325782775879, -0.7511313557624817, -0.7390084862709045, -0.3874446749687195, -0.2993559241294861, 0.4870549738407135, -0.5227179527282715, -0.12241262197494507, -0.05746900662779808, 0.6026386618614197, -0.9850494265556335, -1.1008012294769287, -0.30170533061027527, 0.0838482603430748, 0.11250704526901245, 0.3677726089954376, -0.6927114725112915, 0.07982411980628967, 0.7178855538368225, 0.056900765746831894, -0.11502394825220108, 0.2076619416475296, -0.8446351885795593, 0.23744745552539825, 0.412121444940567, 0.062345169484615326, -0.30702218413352966, -0.7943301200866699, 0.3915461301803589, 0.03408508747816086, 0.45990490913391113, 0.4001474976539612, 0.22893646359443665, 0.5719214677810669, 0.18932223320007324, 0.23590129613876343, 0.0777130126953125, -1.3354401588439941, 0.15757015347480774, -0.42441269755363464, -0.3966875672340393, 0.3185686767101288, 0.12498582154512405, 0.048485737293958664, -1.2713176012039185, 0.3783537745475769, 0.4295644760131836, -0.011617124080657959, -0.39616212248802185, -0.8601319193840027, 0.1311253309249878, -0.469673216342926, -0.18566100299358368, 0.30039215087890625, 0.5553515553474426, -0.6207184195518494, 0.2435343861579895, 1.2370685338974, -0.13898217678070068, -0.446491003036499, -0.22448615729808807, 0.3701615631580353, 0.8727346658706665, 0.029275819659233093, 0.08070674538612366, -0.6750143766403198, 0.4416823387145996, 1.4048975706100464, 0.39419102668762207, -1.4128609895706177, -0.2804476022720337, -0.6454002857208252, 0.3832106292247772, -0.7245170474052429, 0.051493316888809204, -0.5843784213066101, -0.4501733183860779, -1.2485543489456177, 0.16528943181037903, -0.8380230665206909, -0.3070978820323944, 0.06895304471254349, 1.4850211143493652, -0.5241218209266663, -0.2558142840862274, 0.1594255566596985, -0.7588414549827576, 0.22280339896678925, 0.96943199634552, 0.46618708968162537, -0.1363600492477417, 0.22466009855270386, -0.12357278168201447, -0.19378606975078583, 0.7334204316139221, 0.5578792095184326, -0.14665687084197998, -0.6150820255279541, 0.2728942334651947, 0.4912525415420532, -0.8780542612075806, 0.07580973207950592, 0.35585135221481323, 0.8119529485702515, -0.24685026705265045, -0.6527501940727234, -0.2965777516365051, 0.28349387645721436, 1.3604146242141724, 1.5771547555923462, -0.28577423095703125, 0.7758612632751465, -0.4727324843406677, 0.7599754929542542, 0.05440546199679375, -0.2953373193740845, -0.30635008215904236, -1.1239277124404907, 0.7337567806243896, -0.41319164633750916, 0.26747334003448486, -0.1414720118045807, -0.34670740365982056, -0.443313330411911, -1.0050570964813232, 0.16129431128501892, -0.3203102946281433, -1.1042954921722412, -1.0854047536849976, 0.45853251218795776, -0.3971813917160034, -0.4240298867225647, -0.39491257071495056, 0.6803138256072998, 0.15290531516075134, 1.0320870876312256, 1.6855804920196533, 0.37419116497039795, 0.4352777600288391, 0.23779575526714325, 0.19019223749637604, -0.015750907361507416, 0.016568094491958618, -0.81196528673172, -0.013238504528999329, -0.7758587002754211, -0.6437864303588867, -0.5090078711509705, 0.4733024835586548, 0.3588288426399231, -0.1554356962442398, 0.4485369324684143, -0.5276259183883667, -1.0541614294052124, 1.0062031745910645, -1.0223815441131592, 0.4619137644767761, -0.6793239712715149, 1.23922598361969, 0.8147186636924744, -0.07735192030668259, -0.19435085356235504, -0.9680434465408325, 0.20452167093753815, 1.0126261711120605, -0.905807375907898, 0.8283849358558655, 0.573445737361908, -0.6542888283729553, 0.30365052819252014, 0.123622827231884, -2.281914472579956, -0.07141970098018646, 1.1249334812164307, 0.03373150900006294, -0.712209939956665, -0.8244099020957947, -0.24997618794441223, -0.11854566633701324, -0.04011852666735649, -0.06531123071908951, -1.1594270467758179, 0.7004091739654541, 0.33758410811424255, 0.5025390982627869, 0.6656591296195984, -0.592879593372345, 0.10071490705013275, 0.7148006558418274, 0.9483148455619812, -0.5987720489501953, 0.06287239491939545, 0.06572183221578598, -0.9453730583190918, 0.7670742273330688, 0.6515079736709595, 0.7508119344711304, 1.392030954360962, -0.32010501623153687, -0.5016249418258667, 0.2203661948442459, 0.6568083763122559, -0.11548305302858353, 0.3233855068683624, 0.048532553017139435, 0.4862962067127228, -0.07811915874481201, 0.9478955864906311, 0.11780385673046112, -1.0003695487976074, -0.006739764474332333, 0.08733285963535309, -1.0710211992263794, -0.5348386168479919, 1.387986421585083, 0.8841756582260132, 1.2293702363967896, -0.03655374422669411, 0.7374349236488342, -0.5865691304206848, 0.24854856729507446, 0.930849552154541, 0.8939730525016785, 0.09521892666816711, 0.019292250275611877, 0.08828097581863403, 0.5691170692443848, 0.48211660981178284, -0.682100236415863, 0.5331308841705322, 0.5695721507072449, 0.18096180260181427, -0.6737201809883118, -0.08133608102798462, 0.8900061249732971, 1.030987024307251, 2.0204014778137207, -0.40769755840301514, -0.7298033833503723, 0.38099992275238037, 0.9524240493774414, 0.13441142439842224, -0.2473689615726471, -0.6586922407150269, 0.46380653977394104, 0.27232348918914795, 1.247413992881775, -0.8437865376472473, 0.5804515480995178, 0.15030261874198914, -1.2927998304367065, -0.22043153643608093, -0.09885899722576141, -0.6252710223197937, -0.5790278315544128, -0.3925432860851288, -0.34064289927482605, -1.0087720155715942, 0.46749386191368103, -0.43535545468330383, -0.8103156685829163, 0.4027431905269623, 0.5561983585357666, -0.5571639537811279, 0.919487714767456, 1.1973686218261719, -1.0604884624481201, -0.3467072546482086, -0.20760253071784973, -0.8534007668495178, -1.032622218132019, 0.35576263070106506, 0.0017392002046108246, 0.27641087770462036, -0.698632001876831, 1.3391653299331665, -0.3112896680831909, -0.08686178922653198, -0.9881848096847534, 0.3408992290496826, 1.0269455909729004, -0.5725761651992798, -0.03229507803916931, -0.28856217861175537, 0.5701786279678345, -0.07777233421802521, -1.0420207977294922, -0.11128370463848114, 0.5899673104286194, 0.2715409994125366, -0.14703264832496643, -0.5090598464012146, 0.13440002501010895, -0.66167813539505, 0.4276665449142456, 0.22065266966819763, -1.1662675142288208, -0.24493958055973053, 0.8830026984214783, 0.8167898654937744, 1.242614507675171, -0.5613173246383667, -0.8925818204879761, -7.078051567077637e-06, -0.8844524025917053, 0.25157156586647034, 0.2771718502044678, 0.08295387029647827, -0.4432455599308014, 0.3270203769207001, 0.7441614866256714, 0.07083997875452042, -12.94835376739502, 0.8547727465629578, -0.4071737825870514, 0.4129987955093384, 0.2754444181919098, -0.08220619708299637, 0.47921285033226013, 0.7610674500465393, 0.48482000827789307, -0.5542904734611511, 0.3317200839519501, 0.318861186504364, 0.045549239963293076, -0.5827102661132812, 0.4270922839641571, -0.1774803251028061, -1.0691437721252441, -0.45974475145339966, 0.7826186418533325, 0.8206983208656311, 0.15748603641986847, -0.8288121819496155, -0.45796364545822144, 0.49050360918045044, -0.23917829990386963, -0.4337290823459625, -0.24201852083206177, -0.3847021460533142, -0.6738654971122742, 0.4183928668498993, 0.4044581949710846, -0.39757847785949707, -0.596511960029602, -0.49486884474754333, 0.4319990277290344, -0.590742290019989, -0.8511492013931274, -0.9543495178222656, 0.37788084149360657, 0.0834943875670433, -0.08743178844451904, 0.5073215961456299, 0.24927116930484772, -1.084850549697876, -0.1888156533241272, 0.000822708010673523, -0.22408908605575562, -0.12120607495307922, 0.010823260992765427, -0.8643798828125, -0.41044294834136963, -0.7062949538230896, -0.43331438302993774, -0.8753249645233154, 1.043776512145996, -0.2136087715625763, -0.4857003688812256, 0.43162772059440613, -0.0005581844598054886, -0.2531278729438782, 0.7705210447311401, 0.8775059580802917, -0.5238516926765442, 0.8655588030815125, 0.7138998508453369, -0.8306757211685181, 0.5799640417098999, 0.1781870424747467, 0.15035480260849, 0.23218940198421478, -0.9784991145133972, 0.9909518361091614, 0.73545902967453, -0.006995446979999542, -0.14931270480155945, 0.10412292927503586, -0.039546262472867966, -0.8868054747581482, 0.3125231862068176, 0.8395176529884338, -0.29718396067619324, 0.13412292301654816, 0.34240052103996277, -0.2793288826942444, -0.7311972975730896, 0.19978079199790955, 0.2958254814147949, 0.24230638146400452, 1.3051693439483643, 0.7383052110671997, 1.24960196018219, 0.3629567623138428, -0.464025616645813, -0.013127818703651428, -0.695612370967865, 0.670392632484436, -0.6345816850662231, 0.8770190477371216, -0.3702230155467987, -0.2674667239189148, 0.5486938953399658, 0.16131985187530518, -0.43793103098869324, 0.32070982456207275, 0.5492787957191467, -0.6321062445640564, 0.1636180877685547, 0.8017809391021729, 0.4339004456996918, 0.3017676770687103, 0.9056234359741211, -0.1959390789270401, -0.3404741883277893, 0.20524629950523376, 0.7329365015029907, 0.5775445699691772, 0.662641167640686, 0.09004124999046326, 0.726545512676239, 0.6727864146232605, -0.5114890336990356, 0.5144563317298889, 0.2279045283794403, 1.5513910055160522, 0.6914162039756775, 0.05548066645860672, 0.27501654624938965, 0.21877804398536682, -0.5218448042869568, -0.28027665615081787, 0.21990224719047546, -0.30038926005363464, 0.4187004268169403, -0.8844914436340332, 0.3133249282836914, -0.6257705688476562, -1.1258937120437622, 0.8006916046142578, -0.3122764229774475, 0.42024990916252136, 0.2892720699310303, -1.2533550262451172, -0.39304834604263306, -0.3692462742328644, -0.255167156457901, 0.38769248127937317, -1.9002904891967773, -0.6036214828491211, -0.44843295216560364, -0.080050989985466, 0.2758992910385132, 0.3946674168109894, 0.6860398650169373, -1.1522597074508667, -0.28177061676979065, 0.6618995666503906, 0.4640391767024994, -0.3877207636833191, -0.062295813113451004, -0.9335569143295288, 0.7623968720436096, 0.7281603217124939, -0.7661736607551575, 0.8823063373565674, 0.327679842710495, 0.3171103000640869, -0.7178624868392944, -0.3042047619819641, 0.07687424123287201, 0.4460728168487549, 1.1280256509780884, -1.4522682428359985, -0.23675863444805145, -0.8932067155838013, -0.1361750215291977, 0.1647440642118454, -0.4891267418861389, 0.9374144077301025, -1.1818300485610962, 0.4658464193344116, -0.28162696957588196, 0.19925281405448914, 0.3820965588092804, -1.1090376377105713, -0.5696043968200684, 0.4813682734966278, 0.25728365778923035, 0.889046311378479, 0.17900359630584717, 0.42900368571281433, -1.5725117921829224, -0.8052442073822021, -0.3308596909046173, 0.1579199731349945, 0.24314522743225098, -0.250932514667511, 0.5551750659942627, -0.1135014146566391, -0.08668684959411621, 0.2575310170650482, -0.020398521795868874, 0.33598482608795166, -0.3390483558177948, -0.33490365743637085, 0.0073436833918094635, -0.4634956419467926, -0.2500985860824585, -0.048200368881225586, 0.24973143637180328, -0.24721425771713257, -0.9285047650337219, -0.21472938358783722, -0.49528369307518005, 0.22163920104503632, -0.050533223897218704, -0.5947364568710327, -0.4097658693790436, 0.23589850962162018, -0.061872389167547226, -0.764130175113678, -0.5349544882774353, 0.9185354709625244, -0.22602397203445435, 1.31041419506073, 0.24452517926692963, 0.15378805994987488, 0.27489322423934937, 0.6848937273025513, 1.0388576984405518, -0.1850183606147766, -0.7442007064819336, -0.4469112157821655, 0.6694827079772949, -0.09510660916566849, -0.029343433678150177, 0.11428960412740707, -1.605325698852539, -0.1829240918159485, -1.1264925003051758, 0.33601856231689453, -0.5573975443840027, -0.1738349199295044, 0.1527397483587265, 1.17428457736969, -0.6024637818336487, -1.4038465023040771, -0.04502607882022858, -0.34499597549438477, 0.08115893602371216, -0.4285113215446472, 0.33914124965667725, 0.6845978498458862, 0.6091952323913574, 0.19490572810173035, 1.4798530340194702, -0.05679696053266525, 0.278447687625885, 0.6826274394989014, 0.2009710818529129, 1.7295020818710327, 0.7060419917106628, 0.2958533763885498, 0.4869562089443207, -0.6126536726951599, -0.6144694685935974, 0.22572061419487, -0.11942378431558609, 0.7410180568695068, 1.1792515516281128, -0.14581169188022614, -0.31220152974128723, -0.3468366265296936, -0.38280540704727173, 0.014254093170166016, 0.44206690788269043, 0.40747588872909546, -0.7063237428665161, -0.5746179819107056, -0.39583516120910645, 0.4194786250591278, 0.5588856935501099, 0.10118432343006134, -0.5648657083511353, -1.1314616203308105, -0.3403727412223816, 0.38822469115257263, -0.5792948603630066, -0.6450874209403992, 0.49908438324928284, -0.7556666731834412, 0.38459455966949463, 0.6029351949691772, -0.1986171305179596, -0.4520609974861145, 0.16797557473182678, -0.3675073981285095, 0.6715149879455566, -0.6618221402168274, -1.4418760538101196, 0.12464842200279236, -0.07746390998363495, 0.10267549753189087, -0.4956170618534088, 0.40126311779022217, 0.046472303569316864, -1.1102819442749023, 1.193860650062561, 1.0331506729125977, -0.27089807391166687, -0.2871365547180176, 0.29421550035476685, -0.1121302992105484, 0.019228495657444, 1.184686303138733]} +{"paper_id": "daily_dialog", "embedding": [-1.0222305059432983, 0.5265862345695496, 0.08742538094520569, -0.3418096601963043, 0.6101778745651245, 0.8967903852462769, 0.6814050674438477, 0.2805353105068207, 1.024181842803955, 0.4187924265861511, 0.45296671986579895, -0.6782376170158386, -0.07181721925735474, -0.5186396241188049, -0.4366086423397064, -0.12060945481061935, -1.042194128036499, -0.579725444316864, -0.8698135614395142, -0.08593080937862396, -1.0045784711837769, -0.5872235894203186, 0.07534795999526978, 0.7297861576080322, -0.7518823146820068, -0.3308102786540985, 0.9858520030975342, -0.528588056564331, 0.16948726773262024, 0.28253301978111267, -0.24402013421058655, 1.7692636251449585, -1.0183290243148804, -0.4126254618167877, -0.07044520974159241, -0.26747313141822815, 0.3779989182949066, 0.4484712779521942, -0.47046566009521484, 0.33675646781921387, -1.057390809059143, 0.3815901279449463, 0.2803763151168823, 0.5887203216552734, 0.5906067490577698, 0.21325919032096863, 0.17370355129241943, 0.26554909348487854, -0.6911706328392029, -0.11892108619213104, -0.562747597694397, 0.3511773645877838, -0.12995819747447968, 0.778639554977417, -0.26331448554992676, 0.854091465473175, -0.21210014820098877, -0.3897385001182556, -0.022881055250763893, -1.0846971273422241, 1.3737128973007202, 0.9669879674911499, 0.2540418207645416, 0.6663023829460144, 1.0692543983459473, 0.03793357312679291, 2.1286957263946533, -0.8432726263999939, 0.4798838496208191, 0.5545529723167419, -0.5065067410469055, -1.1234122514724731, 0.770973265171051, -0.4047181010246277, -0.20926234126091003, 1.2432595491409302, 0.21920056641101837, 0.7389345765113831, -0.19052761793136597, -0.13790962100028992, 0.6753554940223694, 0.5892003178596497, 0.5999476313591003, 0.11679267138242722, 0.611711323261261, 0.007529277354478836, 0.40123724937438965, -0.48064231872558594, 0.34449636936187744, -1.721804141998291, 0.4270184636116028, 0.013872651383280754, -0.14976556599140167, -0.16574835777282715, -0.13463541865348816, 0.707513689994812, -0.30546504259109497, 0.09973419457674026, -0.5467246770858765, 0.17657402157783508, 1.1712334156036377, -0.5128360986709595, 0.3349350690841675, -0.3370238244533539, -0.20619407296180725, 0.9549527168273926, 0.622257649898529, 0.3125900328159332, 0.1156340017914772, -0.3692457675933838, -0.22128638625144958, 1.416120171546936, 0.3240237534046173, 1.2693731784820557, 0.2582993805408478, 0.6933261752128601, -0.07986753433942795, -1.1338056325912476, -0.43303999304771423, 0.07397574931383133, -0.17571765184402466, -0.469038724899292, 0.3559088706970215, -0.26378071308135986, 1.143930196762085, -1.1106960773468018, -0.036585766822099686, -0.36867597699165344, -0.19460996985435486, -0.027414124459028244, 0.4712601900100708, -0.5253232717514038, -0.14461414515972137, -0.1509784609079361, 2.3447484970092773, -1.3533668518066406, 1.7894951105117798, -1.0692577362060547, -1.0029059648513794, -0.5378463864326477, 0.6968554854393005, 1.6401708126068115, -0.49441421031951904, -0.17557978630065918, -1.2403119802474976, -0.20209912955760956, -0.502579391002655, 0.03250180184841156, -0.2844108045101166, -0.9043930172920227, -0.6030119061470032, 0.6896768808364868, -1.394490361213684, -0.27517127990722656, 0.11063528060913086, -0.11858225613832474, 0.6277567744255066, 0.7480414509773254, 0.049710262566804886, 0.8025436401367188, 0.8020966649055481, -0.08202414214611053, -0.14773987233638763, 0.5227001309394836, -0.988878607749939, -0.12426555901765823, 0.42990776896476746, -0.12278756499290466, -1.138462781906128, -0.7256293296813965, 0.8606908917427063, -0.04871612787246704, 0.16726863384246826, 0.6086338758468628, -0.49336129426956177, -0.0694764256477356, 0.5163824558258057, 0.8496841788291931, 0.36731451749801636, -1.2275617122650146, -0.3776856064796448, -0.5102549195289612, -0.6237564086914062, 0.5061079263687134, 0.23421990871429443, -0.09353243559598923, -1.9671967029571533, 0.07616859674453735, -0.009262904524803162, 1.3124159574508667, 0.4879717230796814, -0.6774743795394897, 0.2428402602672577, -0.7358937859535217, 0.6772623658180237, -0.7191319465637207, 1.0150219202041626, -1.15337073802948, 0.5638560056686401, 0.24119649827480316, -0.023963719606399536, -0.051564764231443405, 0.3831338882446289, 1.2137069702148438, 1.2455005645751953, -0.5022482872009277, -0.21892176568508148, -1.1767653226852417, -0.27642709016799927, 2.157252788543701, 0.3996705114841461, -1.2242587804794312, -0.3030388057231903, 0.34504812955856323, 0.10126044601202011, -0.07183648645877838, 0.44911107420921326, -1.0158308744430542, -0.5040630102157593, -1.371547818183899, 0.21831144392490387, -0.8274829983711243, 0.3641897141933441, 1.0518500804901123, 1.3146421909332275, -0.7525681853294373, -0.12958914041519165, -0.3062419593334198, -0.7337270975112915, 0.08813220262527466, 0.6527211666107178, 0.13044945895671844, 0.24863912165164948, 0.4673500061035156, -0.042680393904447556, 0.2566181421279907, -0.06274733692407608, 0.28012654185295105, -0.4824347496032715, 0.1589900702238083, 0.29322031140327454, 0.7033087015151978, 0.12834542989730835, -0.10964658111333847, 0.1828494518995285, 0.7124897241592407, 0.4269193708896637, -1.1413583755493164, -0.4982977509498596, 0.40781161189079285, 1.0917048454284668, 1.0717263221740723, -0.059420716017484665, 0.3052188754081726, 0.07567821443080902, -0.02425628900527954, -0.4306817352771759, -0.17972128093242645, -0.07032915949821472, -1.048406720161438, 1.0773651599884033, 0.04353658854961395, 0.09659731388092041, -0.5062398910522461, 0.2675647437572479, -0.84344083070755, 0.23741364479064941, 0.7122303247451782, -0.8307180404663086, -1.2992395162582397, -0.04292212054133415, -0.17341376841068268, -0.5532755255699158, -0.7766761779785156, -0.32536014914512634, 0.7452152967453003, -0.002987840212881565, 1.2084776163101196, 1.2360484600067139, 0.32306405901908875, -0.5255870819091797, -0.5232419967651367, 0.7271612286567688, -0.9250348806381226, 0.6923396587371826, -0.38873356580734253, 0.1407707780599594, -0.6106967329978943, 0.09215496480464935, -0.352001428604126, -0.14806778728961945, 0.3424323797225952, -0.22480297088623047, 0.762825608253479, -0.08119905740022659, -1.2183997631072998, 1.068533182144165, -0.6437824964523315, 0.05749495327472687, -0.139506995677948, 2.048887252807617, 0.4795457720756531, -0.3772774338722229, -0.026998531073331833, -0.6461401581764221, 0.5975872278213501, 0.6694402098655701, -0.6591417789459229, 0.4846872389316559, 0.7613754868507385, -1.262665867805481, -0.10185572504997253, 0.4869323670864105, -1.9268018007278442, -0.10577002912759781, 0.9884020090103149, -0.3135278522968292, -0.12243576347827911, -0.8520662188529968, 0.43837249279022217, 0.43950071930885315, 0.09418125450611115, -0.41586771607398987, -0.602184534072876, 0.06558181345462799, -0.5944719910621643, -0.006859742105007172, 1.26536226272583, 0.01407664269208908, -0.2707929015159607, 0.42423713207244873, -0.2801867127418518, -0.7120640873908997, -0.8392688632011414, 0.5773366689682007, -0.8780214786529541, -0.37999510765075684, 0.7064681053161621, 0.10405541956424713, 1.3274232149124146, -0.2950577735900879, -0.5949899554252625, 1.0057768821716309, 0.46018239855766296, 0.223648339509964, 0.044089123606681824, -0.24311472475528717, 1.7738449573516846, -0.5598277449607849, 0.7820714116096497, 0.08218783140182495, -0.12003612518310547, -1.6613993644714355, 0.15205885469913483, -0.6133161187171936, -0.7163827419281006, 1.82841956615448, 0.18642586469650269, 1.3969115018844604, -0.015645623207092285, 0.4866260290145874, -1.4396892786026, 0.12672080099582672, 1.1842129230499268, 0.8296462297439575, -0.3447587490081787, 0.12502199411392212, 0.34951114654541016, 0.5890847444534302, 0.27887803316116333, -1.0809706449508667, -0.42619186639785767, 1.3012776374816895, -0.3355218470096588, -0.6302545666694641, -0.6167373657226562, 1.35616934299469, 0.6088903546333313, 1.4587002992630005, -0.6564542651176453, -0.4090062081813812, 0.04977180063724518, 0.9166980981826782, 0.6787037253379822, 0.39057040214538574, -1.0575134754180908, 0.9302249550819397, 0.11293672025203705, 0.22336864471435547, -0.26787617802619934, 1.074759840965271, -0.6137563586235046, -1.0638206005096436, -1.5634045600891113, -0.3003312647342682, -1.083612084388733, -0.830895721912384, -0.33018434047698975, -0.3186720609664917, -1.3529011011123657, 0.6453455090522766, -0.25332900881767273, -0.6776329874992371, 0.7110077142715454, -0.1440545916557312, -1.05568265914917, 0.6904699802398682, 0.5391342639923096, -1.4413878917694092, -0.12335015088319778, -0.5544500350952148, -1.4279625415802002, -0.0020829997956752777, 0.4616985619068146, -0.6273753046989441, 0.4282398223876953, -0.10850226879119873, 0.6337532997131348, -0.022637858986854553, -0.15189696848392487, -0.5698752403259277, 0.3860540986061096, 0.2761550843715668, -0.7908322215080261, 0.7485753297805786, 0.5370137095451355, 0.2311854213476181, -0.1870741993188858, -0.8534702658653259, -0.7433786988258362, 0.8627145290374756, -0.24548350274562836, 0.20742151141166687, -0.5936631560325623, -0.2867404818534851, 0.6352226734161377, -0.43712151050567627, 0.2221989929676056, -1.1380447149276733, 0.10763435810804367, -0.12807686626911163, -0.08545675873756409, 0.746070384979248, -1.2741127014160156, -1.2362421751022339, 0.3453505337238312, -1.2394912242889404, 0.5952476263046265, -0.44519680738449097, -0.004610210657119751, 1.7273885011672974, 0.826640784740448, 0.845821738243103, 0.24037179350852966, -11.41611385345459, 0.9917595386505127, -0.24463555216789246, -0.4360111355781555, 0.17849135398864746, -0.1609739065170288, 0.9378806948661804, -0.007143929600715637, 1.18573796749115, -0.9742462038993835, 0.4862942099571228, 1.2823623418807983, -0.5420927405357361, -0.9197885990142822, -0.34656184911727905, -0.5853878855705261, -0.7645328640937805, -0.731290340423584, -0.44455111026763916, 0.022140759974718094, 0.10686035454273224, -0.4939872622489929, -0.6404028534889221, -0.09223081171512604, -0.04979671165347099, -0.2520829141139984, 0.2208976149559021, -1.1870665550231934, 0.009089753031730652, 0.6383583545684814, 0.6269019842147827, -0.20430898666381836, 0.24349553883075714, -0.5075128674507141, 0.13869456946849823, -0.05189639329910278, -0.7423983216285706, -0.7252006530761719, 0.7166568040847778, -0.23343603312969208, -0.18531082570552826, 0.21350440382957458, 0.45087942481040955, -0.24846789240837097, -0.29786330461502075, -0.046467095613479614, -0.35149896144866943, 0.04572020843625069, -0.033877186477184296, -0.3194817304611206, -0.5237765312194824, -0.21537885069847107, -1.066923975944519, -0.1797284185886383, 0.8981810212135315, -1.076786994934082, -0.5502482652664185, 0.8270547986030579, -0.30304890871047974, -0.9294141530990601, 1.1184542179107666, -0.7444514632225037, -0.7667803764343262, 0.9231804013252258, 1.0430209636688232, -0.9063732624053955, 0.2709601819515228, 0.5081456899642944, -0.09066154062747955, 0.4978453516960144, -0.8433833122253418, 0.4021874666213989, 0.13714328408241272, 0.21929121017456055, -0.7715813517570496, -0.5884667634963989, -0.6727142930030823, 0.006452545523643494, 0.38103118538856506, 0.180499866604805, -0.42621737718582153, 0.4172784686088562, 0.535982608795166, -0.9334622025489807, -1.2066078186035156, 0.19161678850650787, 0.06400448083877563, -0.3260151147842407, 0.6037830114364624, -0.2081661820411682, 1.1584466695785522, 0.7651210427284241, -1.0967236757278442, 0.4730263650417328, -0.784426212310791, 0.6001210808753967, 0.8205214738845825, 1.3095097541809082, -0.08449341356754303, -0.11399234086275101, -0.011744678020477295, 0.13473430275917053, -0.03458649292588234, 0.844417154788971, 0.83160400390625, -0.5211820006370544, -0.4088681936264038, 0.7216192483901978, 0.762531578540802, 0.3922830820083618, 0.49534451961517334, -0.38770991563796997, -0.5876724720001221, 0.33687475323677063, 0.4300331771373749, 0.9677104949951172, 0.7683141231536865, 0.5707346200942993, 1.3223408460617065, 0.00028896238654851913, -0.3027643859386444, 1.072950005531311, 0.13759560883045197, 1.2230786085128784, 0.40385472774505615, -0.4301157593727112, 0.3975505828857422, 0.5150209665298462, -0.27640214562416077, -1.4775991439819336, 0.6624032258987427, -0.24479420483112335, 0.3806575536727905, -0.6863008737564087, -0.004267383366823196, 0.1276453137397766, -0.6776643395423889, 1.4604401588439941, -0.5735986828804016, 0.9397225379943848, -0.31074464321136475, -0.5175046324729919, -0.14934149384498596, -0.8399991989135742, -0.6775466203689575, 0.43636301159858704, -0.8698261976242065, 0.08852298557758331, -0.1033715307712555, 0.5613911151885986, 0.9565619826316833, -0.24047356843948364, 1.174652099609375, -0.5398639440536499, -0.3600974977016449, 0.45076748728752136, 0.6042897701263428, -0.46721336245536804, -1.0546202659606934, -0.11604811251163483, 0.1291215717792511, 0.4816478192806244, -0.9859617352485657, 1.0175453424453735, 0.7123198509216309, -0.3488503396511078, -0.5940409302711487, 0.14736834168434143, -0.5674300193786621, 0.16885828971862793, 1.1708800792694092, -1.1129064559936523, -0.6883400082588196, -0.6648834347724915, -0.13613300025463104, -0.4039252996444702, 0.7885661125183105, 1.4074666500091553, -1.369055986404419, 0.22410766780376434, -0.3239327669143677, 0.2738412320613861, -0.14609643816947937, -0.21377883851528168, -0.2484091967344284, 0.45369917154312134, -0.15237051248550415, 1.2488822937011719, 0.025218309834599495, 0.04678400233387947, -1.6426013708114624, -0.8832769393920898, -0.10760915279388428, -0.559469997882843, -0.24670544266700745, -0.1379612684249878, 1.159597635269165, 0.5333150029182434, 0.20603537559509277, -0.20920640230178833, 0.6390436291694641, 0.7952503561973572, -0.5795325040817261, -0.045426223427057266, -0.36403709650039673, -0.22893309593200684, -0.6162751317024231, 0.5048978328704834, 0.3381674885749817, 0.1077752560377121, -1.0535355806350708, 0.0492488369345665, 0.356308251619339, 0.02049335464835167, 0.9607952237129211, -0.49309590458869934, -0.3138052225112915, -0.11704598367214203, -0.7433245182037354, -0.9564491510391235, 0.16352984309196472, 0.7758781909942627, -0.3723820447921753, 1.1544450521469116, 0.2666139006614685, 0.27085956931114197, 0.6502618789672852, -0.4008808732032776, 0.17816166579723358, -0.3649497628211975, -0.03798302635550499, -0.10015520453453064, -0.17266473174095154, 0.0661008283495903, -0.038184236735105515, -0.9240624308586121, -0.9793304800987244, 0.382668673992157, -0.9067815542221069, -0.005191802978515625, -0.4282890558242798, 0.7864896655082703, 0.7764327526092529, 1.2881666421890259, -0.36995911598205566, -1.0698357820510864, -0.7053692936897278, -0.6710056066513062, 0.11510516703128815, 0.3958236873149872, 0.6842638254165649, 0.6046224236488342, 0.7397307753562927, -0.33558201789855957, 1.4398193359375, -0.6567122340202332, -0.13290943205356598, 0.005437448620796204, 0.3252068758010864, 0.4412880539894104, 0.842120349407196, 0.4853475093841553, 0.5659126043319702, 0.2690705358982086, -0.5406360030174255, 0.3087543845176697, 0.24992461502552032, 0.45139628648757935, 0.7601524591445923, -0.38747647404670715, -0.3285910487174988, -0.994223952293396, 0.21141231060028076, -0.28957122564315796, 1.069003939628601, 0.3209769129753113, -0.7328060269355774, -0.5483434796333313, -1.0176949501037598, -0.6265789270401001, 1.009878158569336, 0.038477249443531036, -0.6842724680900574, -0.6682555675506592, 0.4357891082763672, 0.18686075508594513, -0.33069124817848206, -0.9769813418388367, 0.37618517875671387, -1.2937134504318237, 0.2672560214996338, -0.0568971186876297, -0.7965386509895325, -0.821092426776886, 0.21300098299980164, -0.5705843567848206, 0.4836907386779785, -0.6979402303695679, -1.1738609075546265, -0.862779438495636, 0.14816990494728088, 0.17827725410461426, 0.12460818886756897, 0.42935705184936523, 0.06699182838201523, -1.6025476455688477, 0.34278810024261475, 1.3125697374343872, 0.3470633924007416, -0.39964333176612854, 1.2476158142089844, -0.30683475732803345, -0.5207788348197937, 1.3548485040664673]} +{"paper_id": "un_multi", "embedding": [-0.34320268034935, 1.5258158445358276, 0.383243203163147, -0.13204504549503326, 0.20201539993286133, -0.6715449094772339, -0.1424451470375061, 0.7728914618492126, 0.7960742712020874, 0.2553773522377014, 0.8857101202011108, -0.48523929715156555, 0.15586142241954803, 0.4197697341442108, 0.2666231095790863, -0.7086756825447083, -0.6437353491783142, -1.2497000694274902, -0.4734693467617035, -0.5290104746818542, -0.6808245182037354, -0.3234441876411438, -0.1399490386247635, 0.6454995274543762, -0.08962971717119217, -0.6210740804672241, 0.1265072226524353, -0.5475236177444458, 0.3307245373725891, 0.15639349818229675, -0.6036756634712219, 0.5835033059120178, -2.132732391357422, 0.17993998527526855, -0.18892639875411987, -0.0628906711935997, -0.017055511474609375, 0.6821175217628479, -0.21146345138549805, -0.05628373846411705, -0.632932186126709, -0.37426549196243286, 0.6509968042373657, 0.22589676082134247, 1.4504687786102295, 0.14675498008728027, 0.24213989078998566, 0.6063186526298523, 0.7143847942352295, 0.35516804456710815, -0.01493401825428009, 0.31339505314826965, 0.31317007541656494, -0.2586619555950165, -0.10934022814035416, 1.2640206813812256, 0.007774621248245239, -0.7362732887268066, 0.7028170228004456, -1.0162235498428345, 0.5635223388671875, 1.781013011932373, -0.648354172706604, 0.3632741868495941, 1.0410975217819214, -0.16003155708312988, 0.7251263856887817, -0.6429010033607483, 1.1118327379226685, 0.4656865894794464, -0.23305384814739227, -1.5887027978897095, 0.7235693335533142, -0.36230504512786865, -0.07037119567394257, 0.6559833288192749, 0.4432803690433502, 0.07969290018081665, 0.4072447419166565, 0.74272221326828, -0.12329636514186859, 0.9624727964401245, 0.5932419300079346, -0.35627976059913635, 0.0016299188137054443, -0.06328508257865906, 0.06424567848443985, 0.012387311086058617, 0.704528272151947, -2.337294816970825, 0.0054334476590156555, 0.010621724650263786, -0.4210321307182312, -0.131208598613739, 0.25581789016723633, 0.28957611322402954, 0.45013970136642456, -0.1263563334941864, -0.31398457288742065, -0.19279539585113525, 0.32483378052711487, -0.6227321624755859, 0.5116064548492432, 0.2021673321723938, -0.29658764600753784, 0.7649679183959961, -0.2173897624015808, -0.3732254207134247, -1.6417912244796753, -0.25597211718559265, -0.4894888997077942, 1.5975043773651123, -0.5713897943496704, 0.4478830099105835, 0.18210387229919434, -1.074209451675415, -0.9181918501853943, -0.5346441864967346, -0.7349095344543457, -0.3953387141227722, -0.8086142539978027, -0.9842816591262817, -0.7166569232940674, 0.4613315463066101, 0.1727951616048813, -0.31535986065864563, 0.6928364038467407, -0.21749621629714966, 0.25533509254455566, -0.48973825573921204, 0.7917678356170654, -0.2253505289554596, -0.5759710669517517, -0.059615131467580795, 2.428976058959961, -0.33581650257110596, 1.251729130744934, 0.28702208399772644, 0.33992430567741394, -0.3143903613090515, -0.377526193857193, 1.237176775932312, -0.05214769020676613, -1.248304843902588, -0.8246790766716003, 0.7671122550964355, -0.8565400242805481, 0.6698979139328003, -0.3890703320503235, -0.469401091337204, 0.04765141010284424, 0.5153595209121704, -0.5210448503494263, 0.20330274105072021, -0.014162799343466759, 0.24529412388801575, 0.8221092820167542, 1.020823359489441, -0.574141800403595, 1.4189239740371704, 0.9542881846427917, 0.6983450055122375, -0.6204710006713867, 0.5662375092506409, -1.302667260169983, -0.05817486718297005, 1.0390651226043701, 0.09394025057554245, -0.5639572739601135, -0.9651029109954834, 0.6817373633384705, -0.40245795249938965, 0.33952340483665466, 0.15681317448616028, -0.19731953740119934, 0.09622647613286972, 0.8414834141731262, 0.3976549208164215, 0.5771622061729431, -0.12199419736862183, -0.23238614201545715, -0.5025877952575684, 0.32716357707977295, 0.10677648335695267, 0.20627690851688385, 0.6035803556442261, -1.986189842224121, -0.22644807398319244, -0.8591282963752747, 0.258495569229126, -0.01038815826177597, -0.18628959357738495, 0.12137550860643387, -0.40924134850502014, 0.43696993589401245, 0.10712632536888123, 0.24923920631408691, -1.2450886964797974, -0.5187208652496338, 0.47018152475357056, 0.3276057243347168, 0.043571654707193375, 0.8501479625701904, 0.00873778760433197, 0.5229714512825012, -0.3033297061920166, -0.5443270206451416, -1.0712352991104126, 0.0012738369405269623, 1.3639881610870361, -0.19680312275886536, -0.45678821206092834, -0.8605630397796631, 0.08932243287563324, 0.48080891370773315, -0.9167217016220093, -0.21744027733802795, -0.5573678016662598, -0.4623618721961975, -1.323089599609375, 0.709985613822937, -0.3630458116531372, 0.20986279845237732, 0.2362794727087021, 0.7900364995002747, -0.865071177482605, -0.5932019948959351, -0.2763116955757141, -1.4350824356079102, 0.48589572310447693, 1.3116594552993774, 0.2513768672943115, -0.5850184559822083, 0.9944589138031006, 0.1594722867012024, 0.3577967882156372, 0.37654244899749756, 0.09233833104372025, -0.16607923805713654, -0.21258962154388428, 0.015518514439463615, 1.0028889179229736, -0.30667585134506226, -0.7696349620819092, 0.5568376183509827, 0.6672978401184082, 0.10716021060943604, -0.703556478023529, -0.13101646304130554, -0.1569569706916809, 0.703795313835144, 1.3339322805404663, -0.43693047761917114, 2.2569541931152344, -1.0932655334472656, 0.5502996444702148, 0.5612644553184509, -0.6670732498168945, -0.18981514871120453, 0.0861515998840332, 0.17034299671649933, -0.06276915222406387, 0.7385185360908508, -0.42415887117385864, -0.35019806027412415, -1.002056360244751, -0.4137694537639618, 0.28211480379104614, -1.4715272188186646, -0.5449546575546265, -0.4849919378757477, -0.1057412177324295, -1.0686578750610352, -0.2605006992816925, 0.006773684173822403, 0.6768658757209778, 0.31548959016799927, 0.11827616393566132, 1.8184467554092407, -0.10814559459686279, 0.1360781192779541, -0.2937428951263428, 0.2865978479385376, -0.30649495124816895, 0.9394166469573975, 0.3871133625507355, 0.22966580092906952, -1.8524061441421509, -0.5925570726394653, 0.09318698197603226, 0.38521715998649597, 0.08926092833280563, 0.2762180268764496, 0.8043292164802551, -0.5802115201950073, -1.3045827150344849, 0.6225099563598633, -0.10679809749126434, 0.147899329662323, -0.9126339554786682, 1.6430385112762451, 0.5230124592781067, 0.42402926087379456, 0.7032102942466736, -0.18023011088371277, 0.029661912471055984, 1.209882140159607, -0.9373639822006226, 1.0298494100570679, 1.1774322986602783, 0.3152785003185272, -0.4522577226161957, 0.5420493483543396, -1.729331374168396, -0.14892473816871643, 0.965473473072052, -0.6411526799201965, -0.4537483751773834, -0.5196514129638672, -0.30550605058670044, -0.658145546913147, -0.7970211505889893, 0.047439806163311005, -0.44467487931251526, 0.28685107827186584, -0.0874369665980339, 0.14182059466838837, 0.6288504600524902, -0.7048134803771973, 0.8993342518806458, 1.618939995765686, 0.9656379222869873, -0.33728063106536865, -0.15689735114574432, 0.4764357805252075, -0.803633451461792, 1.0913989543914795, 0.37932345271110535, 0.559882402420044, 1.5740022659301758, -0.8889729380607605, -0.49323925375938416, 0.2338336855173111, 1.054324984550476, 0.639944314956665, 0.43066179752349854, -0.28607016801834106, 0.8721562623977661, -0.22752094268798828, 1.0106245279312134, 0.5363290309906006, -1.3301209211349487, -1.505074143409729, 0.23043134808540344, -0.24930578470230103, -0.9347783327102661, 1.8403103351593018, 0.7423129081726074, 0.9102161526679993, 0.20202872157096863, 0.21560710668563843, -0.2032345086336136, -0.05880746245384216, 0.8516923189163208, 0.7168484330177307, -0.05688825249671936, 0.1095350980758667, 0.20653225481510162, 0.6554327011108398, 0.0021308399736881256, -1.1036888360977173, 0.09219776093959808, 0.13009369373321533, -0.6396666765213013, -0.9498984813690186, 0.019743159413337708, 1.2955113649368286, 0.010611243546009064, 1.2427067756652832, -0.7384543418884277, -1.052121639251709, -0.16287730634212494, 0.4349796175956726, -0.04432186111807823, 0.5783059000968933, -0.8709967136383057, 0.2783487141132355, 0.591987133026123, 0.38136613368988037, -0.5096592307090759, 0.9320769309997559, 0.8040551543235779, -0.48470500111579895, -1.1566201448440552, -0.017721105366945267, -1.1015592813491821, -0.14066123962402344, -0.5720528960227966, -0.1903502643108368, -1.0642318725585938, 0.47426870465278625, -0.7621422410011292, -0.8893640041351318, 0.23377716541290283, 0.5356595516204834, -1.4760091304779053, 0.9345136284828186, 0.9803942441940308, -1.1549620628356934, -0.18994319438934326, 0.05874153971672058, -0.8193172216415405, -0.44406479597091675, -0.19686779379844666, -0.8814248442649841, 0.24633894860744476, -0.26328524947166443, 0.7013615965843201, -0.36893582344055176, -0.5798400640487671, -0.5074999332427979, 0.8789494633674622, 1.9776955842971802, 0.05341774970293045, -0.6743855476379395, 0.013797691091895103, 0.31139707565307617, -0.2744624614715576, -1.2154146432876587, -0.44355911016464233, 0.07827182114124298, 0.7075502872467041, 0.00416604895144701, -0.3857150375843048, -1.379220724105835, -0.08832234889268875, 0.6423754096031189, 0.9519569873809814, -0.8185563087463379, 0.7059098482131958, -0.16545729339122772, 0.1060456782579422, -0.2639067769050598, -0.48166143894195557, -0.6367629766464233, 1.309283971786499, 0.2505168318748474, 0.26075831055641174, -0.03174477443099022, 0.507340669631958, 0.6072502136230469, 0.16094157099723816, 0.13050705194473267, -0.11782350391149521, -11.5863676071167, 0.45904430747032166, -0.576171875, 0.4120813012123108, 0.900073766708374, 0.31149357557296753, 0.848200798034668, 0.12769320607185364, 0.7587432861328125, -0.4633801281452179, 0.1416950225830078, 1.1870856285095215, 0.1717701256275177, -0.32073891162872314, -0.06055385246872902, -0.1830165684223175, -0.5673077702522278, -0.46677619218826294, 0.11352966725826263, -0.1782105267047882, -0.8212863206863403, -1.2761871814727783, -0.16355939209461212, 0.1315954476594925, 0.17663471400737762, 0.33093416690826416, 0.23214763402938843, -0.4266132116317749, -0.14173774421215057, -0.06563682109117508, 0.49361956119537354, 0.029136717319488525, -1.0772238969802856, -0.6040353775024414, 0.262245237827301, 0.34577155113220215, -0.8477717638015747, -0.3635808527469635, 1.5168758630752563, -0.7354605793952942, 0.3370394706726074, -0.061705347150564194, 0.30271512269973755, 0.4986945688724518, -0.6320105195045471, 0.5179622173309326, -0.22797109186649323, -0.7280104756355286, 0.19451218843460083, -0.9750224351882935, -0.15724538266658783, -0.8789562582969666, -1.3215569257736206, -0.628345251083374, 0.8578996062278748, -0.05197662115097046, -1.119566798210144, 0.9366647005081177, -0.566476047039032, -0.8027865886688232, 0.9586204886436462, 0.40469253063201904, -0.6008895039558411, 0.07395686954259872, -0.05294810235500336, -0.5068107843399048, 1.0078530311584473, -0.0011722994968295097, 0.00973941758275032, -0.2768475115299225, -0.543059229850769, 0.07347697764635086, 0.39545533061027527, 0.25245431065559387, 0.6226431727409363, -0.4633238911628723, 0.17925171554088593, -0.17664821445941925, 0.18549410998821259, 0.38861286640167236, -0.5710296630859375, -0.335348904132843, -0.7300118803977966, -0.5250444412231445, -0.7275764346122742, -0.28100892901420593, -0.228365957736969, -0.21498419344425201, 0.46105918288230896, -0.30432313680648804, 0.8990710973739624, -0.12199709564447403, 0.004617832601070404, -0.1836320459842682, -0.3939822018146515, 0.279970645904541, -0.27514123916625977, 0.6081961393356323, -0.3392825722694397, -0.7612435817718506, 0.12683720886707306, -0.07259693741798401, -0.1078830361366272, -0.30691179633140564, 1.345576286315918, 0.5875967144966125, 0.3667205572128296, 0.6275954246520996, -0.07751582562923431, 0.46631723642349243, 0.48888149857521057, 0.12516403198242188, 0.3602883219718933, 1.192570686340332, 0.3017916679382324, 1.4037199020385742, 0.8086075782775879, 0.3489336371421814, 0.5024667978286743, 0.9477574229240417, -0.14573536813259125, 0.32866087555885315, 0.4756479263305664, 0.9243658781051636, -0.03910009562969208, 0.41272881627082825, -0.049347177147865295, 0.31017354130744934, -0.905341625213623, -0.8079066276550293, 0.3338034451007843, -0.5168166160583496, -0.07205931097269058, -0.6716147065162659, -0.333991676568985, -1.09423828125, -0.6415743231773376, 1.6361573934555054, 0.023496530950069427, 0.7701393365859985, -0.22031860053539276, -0.6569545269012451, 0.5561115145683289, -0.1412230134010315, -0.2707851529121399, -0.16524189710617065, -1.0851792097091675, -0.5899890065193176, -0.10707539319992065, -0.7165122628211975, 0.8731414675712585, 0.043381467461586, 0.7621756196022034, -0.477294921875, 0.6006150245666504, -0.14457416534423828, 0.4693891704082489, -0.7819868922233582, -0.9291439056396484, 0.1387500762939453, 0.5583378672599792, 0.4645329415798187, -0.5085936188697815, 0.9115926623344421, 0.5465004444122314, 0.1917535960674286, -1.1658726930618286, -0.4541628956794739, -1.0857188701629639, 0.5704962611198425, 0.7282738089561462, -0.9168402552604675, -0.13631540536880493, -0.25617972016334534, -0.8463872671127319, -0.7125862240791321, 1.2629213333129883, 1.313081979751587, -0.5620328783988953, 1.2385400533676147, -0.37520653009414673, 0.16029156744480133, -0.08588789403438568, -0.32171982526779175, -1.2569916248321533, 0.2216237187385559, -0.6481227278709412, 0.40871214866638184, -0.09501971304416656, 0.636457622051239, -1.7192052602767944, -1.1699297428131104, 0.15114854276180267, -0.4810371398925781, 0.9073494672775269, -0.3387282192707062, 1.2629847526550293, 0.1501069813966751, 0.5733749866485596, 0.06856387108564377, -0.3400978446006775, 0.2976611852645874, 0.5405625700950623, 0.1614009141921997, -0.7158641219139099, 0.2899920642375946, -0.6990083456039429, 0.3779119551181793, 0.7367522120475769, 0.48758935928344727, -1.1913388967514038, -0.2732628583908081, 0.2692987024784088, 0.42886316776275635, -0.4338515102863312, -1.2566778659820557, 0.40146195888519287, 0.17438393831253052, -0.5089430809020996, -0.4908730387687683, -0.5535485148429871, 1.6415770053863525, -0.3305794596672058, 0.605258584022522, 0.40686166286468506, 0.5862022042274475, 0.37611913681030273, 0.1375828981399536, 1.3537111282348633, -0.2537136971950531, -0.7054170966148376, -0.05464125797152519, -0.3567996025085449, -0.7265116572380066, -0.06235681101679802, 0.3369033932685852, -0.651015043258667, 0.2888526916503906, -1.4884194135665894, 0.672828733921051, 0.30311834812164307, -0.6830093264579773, -0.4734530448913574, 0.0008002053946256638, 0.3440592288970947, -1.620904564857483, -0.09223414957523346, -0.08512524515390396, 0.2959037721157074, 0.3508463501930237, 0.18589355051517487, 0.21374239027500153, 0.44755303859710693, 0.05386847257614136, 1.2611950635910034, 0.5067440867424011, -0.22952021658420563, 0.11790609359741211, 0.057579461485147476, 1.1737861633300781, 0.3849940299987793, 0.5529890656471252, -0.42202329635620117, -0.42714908719062805, -1.4588638544082642, -1.0542254447937012, 0.04691343009471893, 0.47353243827819824, 1.0225945711135864, -0.5656740665435791, 0.17446325719356537, -1.3747563362121582, -0.006544735282659531, -0.23019428551197052, 0.9482864737510681, 0.4714331030845642, -1.0598090887069702, -0.1524558961391449, -0.7985942959785461, 0.03159966319799423, 1.759696125984192, -0.8695792555809021, -0.14810366928577423, -0.705987811088562, 0.6208933591842651, -0.17496411502361298, -0.6923375725746155, -1.054870843887329, 0.12370693683624268, -0.6034597158432007, 0.38807815313339233, 0.6084197759628296, 0.1900334358215332, -0.5412353873252869, -0.367262065410614, -0.9206373691558838, 0.2650097608566284, 0.5590443015098572, -0.7195128202438354, -0.1514190137386322, 0.5551437735557556, -0.7069443464279175, -0.04896971955895424, 0.938676655292511, -0.4287125766277313, -1.7293058633804321, 1.135074496269226, 1.0250056982040405, 0.20666366815567017, -0.31057924032211304, 0.5050283670425415, 0.31213992834091187, 0.1713365614414215, 0.9824939370155334]} +{"paper_id": "para_pat", "embedding": [-0.5124070048332214, 0.984183669090271, 0.4869466722011566, 0.15538707375526428, -0.15092524886131287, -0.7267340421676636, -0.0679810643196106, 1.4478245973587036, 0.5107118487358093, 0.3383497893810272, 0.7632052302360535, -0.17793932557106018, -0.06952281296253204, 0.13515661656856537, -0.07360593974590302, -0.09528901427984238, -0.46301400661468506, -0.8405306935310364, -1.2879060506820679, -0.8198385834693909, -0.4231882691383362, -0.5793957710266113, -0.2165662795305252, 0.35419878363609314, -0.47389915585517883, -0.15832087397575378, 0.05851345881819725, -0.9364179372787476, 0.6339254379272461, 0.29654964804649353, -0.4046962857246399, 0.8575679659843445, -1.696682333946228, 0.3543716073036194, -0.01991061121225357, 0.3162775933742523, -0.2961964011192322, 0.7726646065711975, -0.7503430843353271, 0.15640494227409363, -0.6990878582000732, -0.36779341101646423, 1.0304150581359863, -0.024024102836847305, 1.0864317417144775, -0.36382168531417847, -0.033019207417964935, 0.4376012086868286, 0.5742990970611572, 0.2952740490436554, -0.1449141949415207, 0.5688144564628601, 0.3561052978038788, 0.5079236030578613, -0.5331088304519653, 1.0089819431304932, 0.0537276491522789, -0.33022284507751465, 0.8943490982055664, -1.0316135883331299, 1.0298776626586914, 1.4069435596466064, -0.39109548926353455, -0.07739730179309845, 0.6624732613563538, 0.03453053534030914, 0.9826762676239014, 0.39327549934387207, 0.8511977791786194, 1.306683897972107, -0.37884166836738586, -1.2842293977737427, 0.4980522394180298, -0.34013429284095764, 0.058136433362960815, 0.31412869691848755, 0.492156058549881, 0.9417223334312439, 0.5222398638725281, 0.3417579233646393, -0.5560125112533569, 0.7376902103424072, 0.36288702487945557, -0.07087601721286774, -0.40279221534729004, 0.29168522357940674, 0.03657081723213196, -0.44722670316696167, 0.6896368265151978, -1.512855887413025, -0.09262952208518982, -0.04230259358882904, -0.4026699364185333, -0.3776492476463318, 0.24825778603553772, -0.1611916422843933, 0.5707197189331055, -0.017025895416736603, -0.9514615535736084, 0.5173901319503784, 0.73424232006073, -0.403970330953598, 0.5848535895347595, -0.6061058044433594, 0.3797086477279663, 1.3644030094146729, -0.6294092535972595, -1.165579915046692, -1.7958290576934814, -0.006902649998664856, 0.4834284782409668, 0.9006339311599731, -0.02759716659784317, 0.2786025106906891, 0.18619666993618011, -0.7768651843070984, 0.07364942878484726, -0.09342242032289505, -0.8699100017547607, -0.36538249254226685, -0.6305115222930908, -1.173972487449646, -0.4474179148674011, 0.6271286606788635, 0.43684226274490356, -0.6490609049797058, -0.30136486887931824, 0.08974448591470718, 0.2387896478176117, -0.34503206610679626, 0.8367018699645996, 0.6692678332328796, -0.7154198884963989, -0.4516599774360657, 2.8398754596710205, -0.3379206657409668, 1.0157185792922974, -0.2383539229631424, 0.6092970967292786, -0.016922935843467712, -0.17556583881378174, 1.5708050727844238, -0.004636099562048912, -0.9381036162376404, -1.0372437238693237, 0.6713079810142517, -1.136542797088623, 0.4024401903152466, -0.3955824375152588, 0.18210706114768982, -0.3680270314216614, 1.0718014240264893, -0.9751742482185364, -0.6100859045982361, 0.2248796969652176, -0.06100573018193245, 0.8049928545951843, 0.9796664118766785, -0.9961037039756775, 0.9263696670532227, 0.9816855192184448, 0.33721691370010376, -0.7148789763450623, 0.4095018804073334, -1.4553767442703247, 0.3523182272911072, 1.1897642612457275, -0.13269899785518646, -0.852131724357605, -1.0285773277282715, 0.6519877314567566, -0.14081433415412903, 0.47227656841278076, 0.16051417589187622, -0.42509737610816956, 0.27709364891052246, 0.742489218711853, 0.3684405982494354, 0.3095562756061554, -0.23217709362506866, -0.23644903302192688, -0.40425533056259155, -0.4901827275753021, -0.05272507295012474, 0.021780667826533318, 0.1681986004114151, -1.860278844833374, -0.6861851811408997, -0.2769729197025299, 0.3857002556324005, 0.6672268509864807, -0.18907402455806732, -0.03001343458890915, 0.1692931056022644, 0.49488890171051025, -0.2131088674068451, -0.0038600433617830276, -1.8040268421173096, -0.3334607481956482, 0.733637273311615, -0.0827900841832161, -0.1559550017118454, 0.27249765396118164, 0.8419877886772156, 0.4685342013835907, -1.035008192062378, -0.2771155834197998, -1.2021337747573853, -0.11564283818006516, 2.045600652694702, -0.2927873730659485, -0.24410149455070496, -0.9545286893844604, -0.6055958867073059, 0.15800148248672485, -0.3404805660247803, -0.46709108352661133, -0.7797934412956238, 0.17579436302185059, -0.7588328123092651, 0.7838983535766602, 0.013912416994571686, -0.2895447909832001, 0.00582117959856987, 0.852716863155365, -0.41860687732696533, -0.2996688187122345, 0.04762068763375282, -0.9559037685394287, 0.6467507481575012, 0.8025299310684204, 0.04431528598070145, -0.9219827055931091, 0.583570659160614, 0.6605497002601624, 0.7531186938285828, 0.3310491740703583, 0.6067779660224915, -0.5825012922286987, 0.2317950576543808, -0.2040797770023346, 1.2637227773666382, -0.4360133409500122, -0.16403068602085114, 0.4934765100479126, 0.37776705622673035, -0.32648149132728577, -0.7114579677581787, -0.20512033998966217, 0.41673052310943604, 1.0689871311187744, 1.2682064771652222, -0.6305636763572693, 1.6367430686950684, -1.3536815643310547, 0.6890679597854614, 0.0360153503715992, -1.074779748916626, -0.7521191239356995, 0.1690775603055954, 0.5048469305038452, 0.1430346816778183, 0.4913961887359619, -0.3040270209312439, -0.46560564637184143, -1.173716425895691, 0.08723309636116028, -1.1448239088058472, -0.5353571772575378, -1.0300840139389038, -0.5863629579544067, 0.4030299782752991, -1.5729594230651855, -0.33887070417404175, 0.1659497618675232, 0.45140448212623596, 0.19128629565238953, 0.5290985107421875, 1.3409897089004517, -0.570881187915802, 0.4548198878765106, -0.14788424968719482, 0.2642132639884949, -0.42564234137535095, 1.1109180450439453, 0.6542521715164185, -0.1755920946598053, -1.5200103521347046, -0.3099879026412964, -0.2986159324645996, -0.12404803186655045, -0.41819289326667786, 0.05490598827600479, 0.42701414227485657, -0.5862883925437927, -0.5550780296325684, 0.9510297179222107, -0.053521547466516495, -0.0045146942138671875, -1.0440703630447388, 1.5092324018478394, 0.47729021310806274, -0.061801742762327194, 0.4775976538658142, 0.39944252371788025, 0.4830434322357178, 1.1008697748184204, -0.3864436447620392, 1.3763622045516968, 0.17832385003566742, 0.2936911880970001, 0.8391693830490112, -0.19454264640808105, -2.1643905639648438, -0.008619827218353748, 0.9963098168373108, -0.3850659132003784, -0.03202376142144203, -0.1102139800786972, -0.15059413015842438, -0.3069213926792145, -0.8886331915855408, 0.41006967425346375, -0.8001948595046997, 0.5883296728134155, -0.15511108934879303, 0.02180013433098793, 0.8682313561439514, -0.6316291093826294, 0.7987167835235596, 1.1219648122787476, 0.6322153806686401, -0.20071205496788025, 0.2094953954219818, 1.09281325340271, -0.621253252029419, 0.7470215559005737, 0.23466849327087402, 0.47554293274879456, 0.9186583757400513, -0.5267733335494995, 0.4840005040168762, 0.1360069364309311, 1.2421315908432007, -0.3537942171096802, 0.20355474948883057, -0.11111605167388916, 0.7095322012901306, 0.10299645364284515, 0.9151275753974915, 0.09525854885578156, -1.079171061515808, -1.336570143699646, -0.02226371318101883, -0.03587338328361511, -0.4854567050933838, 1.6763670444488525, 1.0159287452697754, 0.9057199954986572, -0.5308030843734741, 0.55804044008255, -0.26332151889801025, -0.3443761169910431, 0.6153241395950317, 0.5654462575912476, -0.28815579414367676, -0.624833345413208, -0.11590534448623657, 0.724304735660553, -0.2842434048652649, -0.4431041181087494, 0.1986265629529953, 0.8483662009239197, -0.9950399398803711, -0.337350994348526, -0.3454243540763855, 0.796790361404419, 1.2406412363052368, 0.850604772567749, -0.9543561935424805, -0.7420684695243835, -0.2569831311702728, 0.5797558426856995, -0.03106357529759407, 0.5680317282676697, -1.2427549362182617, -0.5969456434249878, 0.545191764831543, 0.5047664642333984, 0.029302924871444702, 1.1553394794464111, 0.5566131472587585, -1.0375385284423828, -0.7574567198753357, 0.45006808638572693, -0.9755479097366333, -0.46637746691703796, -0.6775325536727905, -0.0928177535533905, -0.8801339864730835, 0.18921500444412231, 0.2555692493915558, -0.4477122724056244, 0.18318131566047668, -0.35772058367729187, -1.6631795167922974, 0.7565683722496033, 0.9188821315765381, -1.8502898216247559, -0.5924822092056274, -0.0447189062833786, -0.4329812526702881, -0.6680322289466858, 0.3818107545375824, -0.030994880944490433, 0.05609608069062233, 0.26299747824668884, 0.21267108619213104, 0.18554775416851044, -0.6662230491638184, -0.999220073223114, 0.3271547555923462, 1.4241200685501099, -0.25887036323547363, -0.1530608832836151, -0.7337931394577026, 0.6725455522537231, 0.13892421126365662, -1.2776519060134888, -0.3228295147418976, 0.13894407451152802, 0.24494093656539917, -0.3658280372619629, -0.5846508145332336, -0.7242286801338196, 0.03661828488111496, 0.3217824101448059, 0.1635279655456543, -0.4621921479701996, -0.008557839319109917, -0.9528989195823669, 1.0359935760498047, 0.5020272731781006, -0.0855364054441452, -0.5833034515380859, 0.8653817176818848, -0.15877094864845276, 0.19645211100578308, 0.6354348659515381, 0.41463345289230347, 0.02457594871520996, 0.3856146037578583, -0.06824769079685211, -0.19903461635112762, -11.887293815612793, 0.14240369200706482, 0.2727101147174835, 0.3968721628189087, 1.0067607164382935, 0.03299545869231224, 0.4152138829231262, -0.5494719743728638, 0.08210604637861252, -0.07889343053102493, 0.5358988642692566, 1.0541877746582031, 0.3432711958885193, -0.15109539031982422, -0.20198959112167358, -0.7886817455291748, -0.6448003053665161, -0.3504636287689209, 0.5829283595085144, 0.21069151163101196, -0.4416821599006653, -1.1094263792037964, -0.5054094195365906, 0.6861555576324463, 0.1271694451570511, 0.009741753339767456, 0.1611766815185547, 0.3088560402393341, -0.5530469417572021, -0.2614617347717285, 0.17761024832725525, -0.3249152600765228, -0.5974003672599792, -0.3177792429924011, 0.17146529257297516, 0.4281155467033386, -0.8940897583961487, 0.4277390241622925, 0.49515658617019653, -0.626354992389679, -0.05212786793708801, 0.294351190328598, 0.5335968136787415, -0.1478385627269745, -0.9464486241340637, 0.4805362820625305, 0.09099883586168289, -1.146459937095642, 1.0249485969543457, -0.587695300579071, -0.2924872934818268, -1.2682406902313232, -1.2350709438323975, -0.3310313820838928, 0.3449103832244873, 0.3109840154647827, -1.3647319078445435, 0.8867396712303162, -0.7019208073616028, -0.4681653380393982, 0.986902117729187, 0.2527402639389038, 0.18369805812835693, 0.3605780303478241, -0.21955323219299316, -0.03267834708094597, 0.5859154462814331, 0.6639355421066284, -0.646289587020874, -0.08038163185119629, -0.5992305874824524, 0.3588758409023285, 0.19775760173797607, 0.23676376044750214, -0.11816426366567612, 0.1200685128569603, 0.16390620172023773, -0.5732266902923584, 0.485656201839447, 0.41915634274482727, -0.9489547610282898, 0.4504241943359375, -0.34344184398651123, -0.25510379672050476, -0.36227700114250183, -0.2829069197177887, -0.48635855317115784, 0.28540948033332825, 1.152596354484558, -0.09209969639778137, 1.4780772924423218, -0.14259958267211914, -0.015261869877576828, -0.547250509262085, 0.14054730534553528, 0.4488256871700287, -0.9482037425041199, 0.6099806427955627, -0.027379631996154785, -0.676064670085907, 0.6530448794364929, -0.05136743187904358, -0.8734226226806641, -0.21901267766952515, 0.844038724899292, 0.282749205827713, 0.2986515164375305, 0.24294131994247437, -0.07629640400409698, 0.4439503848552704, 1.4607369899749756, -0.4373796582221985, -0.13898813724517822, 0.8655591011047363, 0.21569964289665222, 1.403471827507019, 1.1225234270095825, 0.30232495069503784, 0.6174264550209045, 0.1746942102909088, 0.12918654084205627, 0.5435247421264648, 0.7820162177085876, 1.5456609725952148, -0.5296359658241272, -0.28973388671875, -0.06693483144044876, 0.8546867370605469, -1.127069354057312, -0.6559934020042419, -0.09834887087345123, 0.2520460784435272, 0.36251699924468994, -0.8356100916862488, -0.6879128813743591, -0.528511106967926, -0.2608183026313782, 1.0201246738433838, -0.6915739178657532, 0.17049479484558105, -0.34874892234802246, -0.6947458386421204, 0.165632963180542, 0.07658243179321289, -0.28854596614837646, -0.035134442150592804, -1.1574467420578003, -0.3801949918270111, -0.3916860818862915, -0.608308732509613, 0.6020878553390503, 0.06932421773672104, 0.7307000756263733, -0.8978644013404846, -0.0827605128288269, 0.12673994898796082, 0.6795030236244202, -0.5798479914665222, -0.6425114870071411, 0.4165228009223938, 0.1928502917289734, 1.243925929069519, -0.47660088539123535, 1.1347036361694336, 0.15540041029453278, 0.2263198345899582, -0.3052901029586792, -0.5607020854949951, -1.0088835954666138, 0.7647677063941956, 0.8846120238304138, -1.456001877784729, -0.4148225784301758, -0.16024741530418396, -0.34120282530784607, -0.2747182846069336, 0.41751667857170105, 1.0073164701461792, -0.5564398765563965, 1.2551363706588745, 0.032709233462810516, 0.5633167028427124, 0.8028918504714966, -1.2055816650390625, -0.9129242897033691, 0.2391100525856018, -0.21208900213241577, 0.5329315662384033, 0.0018916642293334007, 0.2005583643913269, -1.326033115386963, -1.7701077461242676, 0.022970395162701607, -0.15568137168884277, 1.1162782907485962, 0.00015053525567054749, 0.7178546190261841, -0.25173237919807434, 0.801895260810852, 0.42129144072532654, -0.2064913958311081, 0.6577965617179871, 0.14897409081459045, 0.1875523328781128, -0.4800202250480652, 0.32015618681907654, -0.8661454916000366, 0.3997552990913391, 0.5261388421058655, 0.217301145195961, -1.0946680307388306, -0.42554473876953125, 1.0396672487258911, 0.6219465732574463, 0.10225175321102142, -1.2817697525024414, 0.600773811340332, -0.13301652669906616, -0.7791905999183655, -1.3183954954147339, -0.03727606683969498, 0.3350163400173187, -0.050378285348415375, 0.5695587992668152, 0.27844491600990295, 0.28040581941604614, 0.25993257761001587, 0.0714712142944336, 1.0468732118606567, -0.7795218229293823, -0.759773850440979, -0.15684813261032104, 0.14197443425655365, -0.27781572937965393, 0.04560253769159317, 0.7626356482505798, -0.5886640548706055, -0.4968530535697937, -1.3481489419937134, 0.9333553314208984, -0.6359281539916992, 0.16054441034793854, -0.7696014642715454, 1.0757615566253662, 0.0028471797704696655, -1.2927888631820679, -0.24870094656944275, -0.18224859237670898, -0.12918874621391296, 0.9637230634689331, 0.3333898186683655, -0.029599027708172798, 0.6438889503479004, 0.21969538927078247, 0.5847479104995728, 0.2961706519126892, 0.372370183467865, 0.1742348074913025, -0.1196226179599762, 1.292633056640625, 0.4206061363220215, -0.26809927821159363, 0.4652990698814392, 0.1380981206893921, -0.8387256264686584, -0.8444960713386536, -0.20701536536216736, 0.7605951428413391, 1.4086737632751465, 0.2811106741428375, -0.3140029311180115, -1.256195306777954, 0.054781511425971985, -0.4099445939064026, 0.8535814881324768, 0.6463449001312256, -0.6781795620918274, -1.6725159883499146, -0.9870460033416748, -0.09914880245923996, 1.1097666025161743, -0.7755711674690247, 0.04269181936979294, -0.2543831467628479, 0.6819040179252625, 0.06151358038187027, -0.3971831798553467, -1.1750543117523193, 0.10886745899915695, -0.018673580139875412, -0.2147226184606552, 0.4960523843765259, -0.02304653450846672, -0.8237842917442322, 0.14307372272014618, -0.8401113748550415, 0.6051779985427856, 0.14205336570739746, -0.9744927287101746, -0.2921532690525055, 0.49393531680107117, -0.24485953152179718, 0.010959889739751816, 0.8483824133872986, -0.9028692245483398, -1.721677541732788, 1.2132090330123901, 0.48845112323760986, -0.25804078578948975, -0.0764276310801506, 0.4744468033313751, 0.5733163952827454, -0.039217039942741394, 0.8731521368026733]} +{"paper_id": "tweet_qa", "embedding": [-1.0363062620162964, 1.122036337852478, 0.033414069563150406, -0.23990431427955627, 0.4954943358898163, 0.39604616165161133, 0.24056413769721985, 0.7684727907180786, 0.2952283024787903, 0.9922491312026978, 0.6721792221069336, 0.22140035033226013, 0.18467183411121368, 0.2125738263130188, 0.07706321775913239, -0.3088598847389221, -1.230727195739746, -0.013900489546358585, -0.8688772320747375, -0.3909761309623718, -0.3932977318763733, -0.7522449493408203, -0.08434842526912689, 1.1366300582885742, -0.9043307900428772, -1.1107953786849976, 1.1025044918060303, -0.7946887612342834, 0.4494648575782776, -0.09659536927938461, -0.1534470021724701, 1.3869727849960327, -0.7716254591941833, -0.4181044101715088, -0.4887141287326813, -0.8273378610610962, 0.2614523470401764, 0.8118354082107544, 0.16662868857383728, -0.18559910356998444, -0.6874035000801086, 0.5564091205596924, 0.4800521433353424, 0.7954407930374146, 1.3746312856674194, -0.2606959044933319, 0.12007290869951248, -0.06136627122759819, -0.45656973123550415, -0.2797253429889679, -0.24947652220726013, 0.8042432069778442, -0.7675318121910095, 0.6695780754089355, -0.4574805796146393, 1.3111979961395264, -0.14783132076263428, -1.0540485382080078, 0.31126096844673157, -0.9485739469528198, 1.7148067951202393, 2.241891860961914, -0.8176077604293823, -0.06962065398693085, 0.929360032081604, -0.058115340769290924, 1.7040592432022095, -0.15500763058662415, 0.13723114132881165, 0.7476392984390259, -0.4294329881668091, -0.46597999334335327, 0.2900514602661133, -0.03240545094013214, 0.3349758982658386, 0.4657112956047058, 0.33655983209609985, 0.2130075991153717, -0.607978105545044, 0.14520886540412903, -0.11659762263298035, 0.5928603410720825, -0.06129392981529236, -0.6582106947898865, -0.5631871819496155, 0.7197540998458862, 0.5682730674743652, -1.1934654712677002, 0.19893480837345123, -1.5844300985336304, 1.1169034242630005, -0.4660297632217407, 0.11727391928434372, -0.2274821251630783, -0.47051066160202026, 0.9293218851089478, -0.5270167589187622, -0.6118512749671936, -0.5274755954742432, 0.7093002796173096, 0.8387916088104248, -0.23982983827590942, -0.032867830246686935, 0.2995244562625885, 0.31378623843193054, 1.4209811687469482, -0.18621957302093506, -0.5170223116874695, -0.42917394638061523, -0.8595893383026123, -0.1903575211763382, 0.6071515083312988, -0.23430223762989044, -0.009220539592206478, -0.3251522481441498, -0.13270112872123718, -0.14686590433120728, -0.7173843383789062, -0.36771243810653687, 0.20610231161117554, -1.1089946031570435, -1.5676989555358887, -0.027638189494609833, 0.19597940146923065, 1.2820990085601807, -0.12821665406227112, -0.01815921626985073, -0.09723930060863495, -0.0954711064696312, 0.022982561960816383, 0.7657564878463745, -0.4840046167373657, -0.9594559073448181, 0.17302155494689941, 3.083721160888672, -0.7583395838737488, 2.1917665004730225, -0.6587669849395752, 0.426600843667984, -0.5014694929122925, -0.331223726272583, 1.4045164585113525, -0.3206283152103424, -0.7983335852622986, -1.3526887893676758, 0.5042553544044495, -0.5024721622467041, 0.38465145230293274, -0.5027768611907959, -0.9229580163955688, -0.5549532175064087, 0.34076738357543945, -1.2345455884933472, -0.49185359477996826, 0.7070782780647278, 1.0197674036026, -0.5529802441596985, 0.5603588819503784, -0.3629748523235321, 1.1765614748001099, 0.5863292813301086, 0.04687817022204399, -0.6621339321136475, 0.5873729586601257, -0.9206188321113586, -0.06929363310337067, 0.3810310363769531, 0.03376585245132446, -1.1271629333496094, 0.035459004342556, 1.3504774570465088, -0.602027952671051, -0.08732070028781891, 0.06723330914974213, -0.5539551973342896, 0.43976858258247375, 0.18713651597499847, 0.7420774102210999, 0.5589291453361511, 0.059529297053813934, -0.3860580623149872, -0.4532167613506317, -0.3138428330421448, 0.3624099791049957, -0.06134040653705597, 0.12379087507724762, -2.0322766304016113, -0.6524924635887146, -0.5214492082595825, 0.6122312545776367, 0.6017569899559021, -0.17084936797618866, -0.002208128571510315, 0.6482946872711182, 0.1450599581003189, -0.4642166495323181, 0.8415887951850891, -1.0214223861694336, -1.0483081340789795, -0.1274694949388504, 0.6827453374862671, -0.2984031140804291, 0.2669025659561157, 0.7566596269607544, 0.926424503326416, -1.163490653038025, -0.25421255826950073, -1.6082192659378052, 0.31545290350914, 2.845961570739746, 0.2879408597946167, -0.5548737645149231, -1.5635560750961304, 0.38661205768585205, 0.28280046582221985, -0.12236376106739044, -0.031525060534477234, -0.34145453572273254, 0.5617034435272217, -0.8110391497612, 0.649600625038147, -0.3366720974445343, 0.6339890360832214, -0.19731076061725616, 0.5765005946159363, -0.14656442403793335, -0.29000404477119446, -0.8421363830566406, -0.627504289150238, 1.0135483741760254, 0.7752145528793335, 0.17904254794120789, -0.579760730266571, 0.8404566645622253, 0.4110490679740906, 0.8134618997573853, -0.13600970804691315, 0.5683605670928955, -0.5599735379219055, -0.4783095121383667, 0.43577340245246887, -0.03831323981285095, 0.23142047226428986, -0.021818481385707855, 0.7087274193763733, 1.0197504758834839, 0.27699142694473267, -0.3377755284309387, 0.543211817741394, 0.1772911548614502, 1.0115729570388794, 0.9044196009635925, -0.4098270535469055, 1.6748086214065552, -1.0798147916793823, 0.3884370028972626, -0.27799445390701294, -1.1217384338378906, 0.5973379611968994, -0.579442024230957, 0.8771230578422546, -0.18232645094394684, 0.46288782358169556, -0.3598631024360657, -0.15498431026935577, -1.4829421043395996, -0.1480003297328949, 0.09359020739793777, -0.9779329895973206, -1.0936468839645386, 0.6323411464691162, -1.2111568450927734, -0.8843278288841248, -1.1714116334915161, 0.020558618009090424, 0.8036810159683228, 0.913801908493042, 0.9617260694503784, 0.6603564620018005, -0.4647212028503418, 0.2853298783302307, -0.18081451952457428, 1.1927289962768555, -0.1941666156053543, 1.324174165725708, -1.0500153303146362, 0.6344920992851257, -0.7782071232795715, 0.503096342086792, -0.4533979296684265, -0.14809395372867584, 0.9155823588371277, -0.10766112059354782, 0.4682164192199707, -0.46363332867622375, -0.9487227201461792, 1.1187918186187744, -0.6825010180473328, 0.23378756642341614, -0.16433018445968628, 1.7237350940704346, 0.24788273870944977, -0.5320292711257935, 0.680926501750946, -0.24076972901821136, 0.5177208185195923, 1.2194563150405884, -0.18919682502746582, 0.488823801279068, 0.18658477067947388, 0.12373781204223633, 0.0934542715549469, 0.23479309678077698, -2.4946234226226807, 0.4192645847797394, 1.5152815580368042, -0.3012295663356781, -0.27395063638687134, -0.7949463725090027, 0.5324946045875549, -0.7061864137649536, -0.300552636384964, -0.0806102454662323, -0.15610885620117188, 0.5464156866073608, -0.3005705177783966, 0.30079537630081177, 1.418219804763794, 0.05351732671260834, 0.4625280201435089, 1.0155398845672607, -0.35522887110710144, -1.362532615661621, -0.4667438268661499, 0.623856246471405, 0.06367988139390945, 0.42297226190567017, -0.3893944025039673, 0.4331822693347931, 1.156672716140747, -0.17052891850471497, -0.5984533429145813, 1.201913595199585, 0.6622969508171082, 0.40196284651756287, 0.13710005581378937, -1.0020252466201782, 0.6752129793167114, -0.672014594078064, 0.4569318890571594, 0.49638107419013977, 0.3996988534927368, -1.7294118404388428, -0.05367927998304367, 0.2165219932794571, -0.85836261510849, 1.5942604541778564, 0.42689353227615356, 2.0481882095336914, -0.4846716821193695, 0.25095924735069275, -0.35957667231559753, -0.047166768461465836, 0.8196846842765808, 0.21706780791282654, 0.8119379281997681, -0.31511855125427246, -0.11355507373809814, 0.34999844431877136, -0.056360118091106415, -0.4027763903141022, 0.2610306739807129, 1.1905560493469238, -0.524132490158081, -0.4757499694824219, 0.45576077699661255, 1.1029536724090576, 0.6164917945861816, 1.1421101093292236, -0.335149347782135, -0.3977881371974945, -0.19077444076538086, 0.019701162353157997, 0.680770754814148, 0.8856161236763, -1.2422500848770142, 0.2999732196331024, -0.2589569389820099, -0.08070246875286102, 0.0933726578950882, 0.5832645893096924, 1.2554365396499634, -1.0423156023025513, -0.686342179775238, -0.5976178646087646, -0.8505249619483948, 0.2793067991733551, 0.982495903968811, 0.13502126932144165, -0.5032469630241394, 1.161692500114441, -0.09563902020454407, -1.7772648334503174, 0.6105374097824097, -0.5487080216407776, -1.5176424980163574, 1.1880866289138794, 1.0872199535369873, -1.1340411901474, -1.1796013116836548, -0.27840521931648254, -1.1793794631958008, -1.1062995195388794, 0.036805056035518646, -0.135506272315979, 0.8377995491027832, 0.031111445277929306, 0.6830103397369385, -0.16187119483947754, 0.018056020140647888, -1.0136082172393799, 0.19817905128002167, 0.7481110095977783, -0.6067085862159729, 0.3224484622478485, 0.2602446973323822, -0.9892558455467224, 0.06720223277807236, -1.4971935749053955, -1.1169439554214478, 0.4171832799911499, 0.09891824424266815, 0.6641266345977783, -0.529183566570282, -0.3693178594112396, 0.581544041633606, -0.31848523020744324, 0.9458218812942505, -1.7588927745819092, 0.08880750089883804, -0.9705334305763245, -0.18511177599430084, 0.4645383059978485, -0.48927122354507446, -0.16216160356998444, 0.4352835416793823, -0.4848065674304962, 0.6786971092224121, 0.1325375735759735, 0.553313136100769, 0.7065305113792419, 0.6853138208389282, 0.47639328241348267, -0.23135539889335632, -10.194348335266113, 0.2125396579504013, -0.06868719309568405, -0.02650700882077217, 0.4671701192855835, -0.38725876808166504, 0.778270423412323, -0.36946865916252136, 1.2200626134872437, -0.80172199010849, 0.6951704025268555, 1.2308452129364014, 0.2847079634666443, 0.26977089047431946, -0.5709737539291382, -1.349571943283081, -0.2803099453449249, -0.36031579971313477, 0.13627706468105316, -0.516538679599762, -0.847672164440155, -0.7807983756065369, 0.07723675668239594, 0.46252164244651794, 0.7483202219009399, 0.5287250280380249, -0.2776256203651428, -0.06353550404310226, -1.2463730573654175, -0.022291630506515503, 1.054021954536438, 0.43012121319770813, -0.1245470717549324, -0.6528564691543579, 0.27998828887939453, 0.020019840449094772, -1.1707597970962524, -0.052348941564559937, 1.1550534963607788, -0.48513802886009216, -0.07476137578487396, -0.2095879763364792, 0.2298206239938736, -0.004275219514966011, -0.6577559113502502, 0.2476816326379776, 0.3794310390949249, -0.5275554060935974, 0.4610295593738556, 0.629879891872406, -1.2059969902038574, -0.4653015732765198, -1.010658621788025, -0.40726959705352783, 0.7267764210700989, 0.8736764788627625, -0.9511189460754395, -0.010859287343919277, -0.27452266216278076, -0.9234570264816284, 0.9811614751815796, 0.6851199269294739, 0.09250753372907639, -0.19720041751861572, -0.11490476876497269, -0.2726500630378723, 0.02422749251127243, 0.22818025946617126, -0.6602659821510315, -0.2798135280609131, -0.4545673131942749, 0.8590319752693176, 0.3022267818450928, 0.7786388993263245, -0.7411775588989258, 0.07835191488265991, -0.7504168748855591, -0.16129150986671448, -0.5248075723648071, -0.3491445481777191, -1.219233512878418, 0.6911706328392029, -0.028716305270791054, -0.7493212223052979, -0.5106700658798218, 0.07044170796871185, -0.3399541974067688, -0.2337905466556549, 0.8837579488754272, 0.02723366767168045, 0.5764092206954956, 0.5564805269241333, -0.3878246545791626, 0.9279955625534058, 0.20777451992034912, 1.297955870628357, -0.3317877948284149, 0.9873821139335632, 0.23109856247901917, -0.6845239400863647, 0.4303094446659088, -1.1528699398040771, -0.35665208101272583, 0.0370001383125782, -0.29046204686164856, 0.4402565360069275, -0.09567224979400635, 0.08302439749240875, -0.5652872323989868, -0.5110399723052979, 1.182348608970642, -0.3305996060371399, -1.1161890029907227, 1.0362390279769897, 0.39632663130760193, 0.7405734062194824, 0.19696424901485443, -0.43497976660728455, 0.7570568919181824, 0.817583441734314, -0.2942700982093811, 1.1198585033416748, -0.4440573751926422, 0.30253052711486816, 0.5401343107223511, 0.18338514864444733, 0.2229710817337036, 0.39355894923210144, -0.15912584960460663, -1.3471078872680664, 0.3207334876060486, 0.041746046394109726, 0.15865162014961243, -0.9836441278457642, -0.830942690372467, -0.1437453180551529, -0.6428322792053223, 1.6653382778167725, -1.008824110031128, -0.017591707408428192, 0.09364135563373566, -0.7399685978889465, 0.7217891216278076, -1.2046771049499512, -0.6984093189239502, -0.5302627086639404, -1.343834400177002, -0.14556656777858734, -1.0748058557510376, -0.37031954526901245, 0.5528198480606079, -0.08088180422782898, 0.5793998837471008, -1.5340903997421265, -0.5384780168533325, -0.04567188769578934, 0.7067530155181885, -0.12544602155685425, -1.1655725240707397, 0.09203930199146271, 0.07743893563747406, 0.7431887984275818, -1.1028344631195068, 1.3340281248092651, -0.3006715774536133, -0.39060986042022705, -0.3148181438446045, 0.09512880444526672, -1.1001156568527222, 0.23705637454986572, 1.1900734901428223, -0.6535570621490479, -0.2329532504081726, -0.8969735503196716, -0.44433996081352234, -1.447066307067871, 0.9881947636604309, 0.8886487483978271, -0.26814004778862, -0.41596072912216187, -0.17990578711032867, 0.7728022336959839, -0.1495211273431778, 0.04466037452220917, 0.06477147340774536, 0.5219677686691284, 0.08286068588495255, 1.3642821311950684, 0.4563787877559662, 0.028067566454410553, -2.229762077331543, -1.1461796760559082, -0.8336955308914185, -0.6391348242759705, 1.0181219577789307, -0.0262642540037632, 1.39459228515625, 1.4576354026794434, -0.510462760925293, -0.6267278790473938, -0.03885362297296524, 1.2060359716415405, 0.8487110137939453, 0.4243009686470032, -0.4708518087863922, -0.12781748175621033, -0.15932226181030273, 0.0354742594063282, 0.19317498803138733, -0.1802969127893448, -2.109143018722534, 0.15411101281642914, 0.28396308422088623, -0.29628807306289673, 0.7501360774040222, -1.4572951793670654, 0.6004916429519653, -0.3681042492389679, -0.5582172870635986, -1.0491045713424683, 0.16622069478034973, 1.5393372774124146, -0.3071179986000061, 1.4591525793075562, 0.18178391456604004, 0.8654255270957947, 0.8786495923995972, 0.15283086895942688, 1.4791208505630493, -0.5126389265060425, -0.1044040247797966, -0.09005674719810486, -0.43372589349746704, 0.033635951578617096, -0.5263861417770386, -1.0100802183151245, -0.7577965259552002, 1.1112557649612427, -0.6068073511123657, 0.16610854864120483, -0.1500614881515503, 0.567715048789978, 0.7723981142044067, 0.9969632625579834, -0.4311447739601135, -1.1882542371749878, -0.9113092422485352, -0.699224591255188, 0.561813473701477, 0.6903166174888611, 0.6800531148910522, 0.6295316815376282, 0.634788990020752, 0.2843981683254242, 0.7462191581726074, -1.0198765993118286, -0.1647336333990097, 0.1865158975124359, 0.3267170786857605, 1.0398467779159546, 0.9815557599067688, -0.0019812192767858505, 0.05834859609603882, 0.20978185534477234, -0.8812158107757568, -0.12386767566204071, -0.618239164352417, 0.4071415066719055, 0.5643540024757385, -0.260060578584671, -0.6069998145103455, -0.5954839587211609, 0.3442297577857971, 0.4074491560459137, 0.626715898513794, 0.15333248674869537, -0.9498040080070496, -0.43271583318710327, -0.6337195038795471, -0.4410416781902313, 1.157871961593628, -0.4689332842826843, 0.08812087774276733, 0.10998880863189697, -0.07077386975288391, 0.06635782122612, -1.0039889812469482, -1.230696678161621, 0.3228900134563446, -0.6966701745986938, -0.1613810509443283, 0.7943341732025146, -1.1673115491867065, -0.8040326833724976, -0.000254225917160511, -0.9549787044525146, 0.3331005871295929, 0.9570069909095764, -1.2073203325271606, -0.451517254114151, -0.36652591824531555, -0.22779175639152527, 0.19695505499839783, 0.46920931339263916, -0.6237083077430725, -1.5758785009384155, 0.659281313419342, 1.3641176223754883, 0.12153030931949615, -0.7149026989936829, 0.31429991126060486, 0.7683852910995483, -0.011554436758160591, 0.8352159857749939]} +{"paper_id": "ccaligned_multilingual", "embedding": [-0.40701648592948914, 0.7597078680992126, 0.3285481929779053, -0.32958489656448364, 0.40764307975769043, -0.7699998021125793, 0.3667398989200592, 0.4960186779499054, 0.389591246843338, 0.30936500430107117, 0.5905630588531494, -0.3532312214374542, 0.3396638333797455, -0.1847219616174698, -0.2555820941925049, -0.17336854338645935, -0.6036195755004883, -1.1943185329437256, -1.207170009613037, -0.6114963889122009, -0.6385854482650757, -0.3952966332435608, -0.2974016070365906, -0.12964019179344177, -0.518436074256897, -0.32669153809547424, 0.713661253452301, -0.9077407717704773, 0.2828023135662079, 0.46768638491630554, -0.3520938456058502, 0.8015855550765991, -1.6488581895828247, 0.20902541279792786, -0.17993414402008057, 0.21803303062915802, 0.06949687749147415, 1.1293392181396484, -0.49989572167396545, -0.30625778436660767, -0.9433566331863403, -0.35713648796081543, 1.043403148651123, 0.07324889302253723, 0.8951282501220703, 0.044658586382865906, 0.22940701246261597, 0.2151920199394226, 0.5627063512802124, 0.4287163019180298, -0.16099606454372406, -0.11139818280935287, -0.06420707702636719, 0.27236810326576233, -0.4683744013309479, 1.3113842010498047, 0.19085580110549927, -1.0690374374389648, 0.7127951979637146, -0.6075131893157959, 0.4840284585952759, 1.0813329219818115, -0.5574692487716675, 0.04459012672305107, 1.015658974647522, -0.25241854786872864, 1.0377750396728516, 0.24783645570278168, 0.8609790802001953, 0.9964156746864319, 0.0868825912475586, -1.9106311798095703, 0.68418949842453, -0.18198621273040771, 0.3139568269252777, 0.8524289131164551, 0.5057045817375183, 0.024264946579933167, 0.6541711688041687, -0.11767710000276566, 0.10228076577186584, 0.9598795175552368, 0.7087802290916443, -0.24752184748649597, -0.19449812173843384, -0.3615196645259857, -0.2485336810350418, -0.33413249254226685, 1.156273365020752, -1.499863862991333, 0.5016462802886963, -0.26544997096061707, 0.29712969064712524, -0.10044834017753601, 0.10251832008361816, -0.014274315908551216, 0.008976705372333527, 0.17602388560771942, -0.7470214366912842, 0.10169025510549545, 0.6314405798912048, -0.3672846257686615, 0.6845401525497437, -0.2464904487133026, 0.5500882267951965, 0.689999520778656, -0.654384970664978, -0.941808819770813, -1.3423621654510498, -0.2841675281524658, -0.30628010630607605, 0.7503751516342163, -0.2267932891845703, 0.36713793873786926, 0.008053883910179138, -0.6996894478797913, -0.4983672797679901, -0.3365146219730377, -0.6995004415512085, -0.010762713849544525, 0.06087995320558548, -1.3661727905273438, -0.5356992483139038, 0.3392200469970703, 0.8792637586593628, -0.5798692107200623, 0.25085893273353577, -0.2575073540210724, -0.015120040625333786, -0.39210206270217896, 0.7835808992385864, 0.07936489582061768, -0.39689531922340393, -0.2274237871170044, 2.8301141262054443, -0.4908693730831146, 1.2829769849777222, 0.0970219150185585, -0.2857264578342438, 0.2351732701063156, 0.142225980758667, 1.4247114658355713, 0.2559031844139099, -1.0687775611877441, 0.06663805991411209, 0.3949657380580902, -0.9044986963272095, 0.4613344073295593, -0.676968514919281, -0.4119064211845398, -0.22237035632133484, 0.6766921877861023, -0.7088040709495544, -0.5168085694313049, 0.1046784520149231, 0.15706482529640198, 0.7426032423973083, 0.5279892086982727, -0.683952271938324, 1.2891457080841064, 0.4088470935821533, 0.5736874938011169, -1.4692914485931396, 0.46092328429222107, -0.9364968538284302, 0.2836014926433563, 2.047517776489258, -0.548892617225647, -0.99104905128479, -0.6275966763496399, 0.6512224674224854, -0.5935632586479187, 0.26690682768821716, -0.13952285051345825, -0.2175348997116089, 0.24588334560394287, 0.602022111415863, 0.5575506687164307, 0.07427714020013809, -0.540917694568634, 0.1804560124874115, -0.10771223902702332, -0.1027880385518074, 0.3039584159851074, -0.010581845417618752, 0.34124690294265747, -2.1677138805389404, -0.3158901333808899, -0.2679690420627594, -0.33660781383514404, 0.3816072642803192, -0.7713072299957275, 0.20818182826042175, -0.14300879836082458, 0.4617483615875244, -0.4708508551120758, -0.09827406704425812, -1.524623990058899, 0.09413634240627289, 0.33824408054351807, -0.06914001703262329, 0.1434292197227478, 0.47122204303741455, 0.765291690826416, 0.3930271863937378, -0.3990643620491028, -0.7913941144943237, -1.555587649345398, 0.45531395077705383, 2.802069664001465, -0.7651515007019043, -0.49587348103523254, -1.545326590538025, -0.004534393548965454, -0.08105610311031342, -0.46806007623672485, 0.4955303370952606, -0.7231542468070984, -0.7037953734397888, -0.7966383695602417, 0.3159604072570801, -0.653215229511261, 0.17188096046447754, -0.21599866449832916, 0.35542258620262146, -0.7489089369773865, -0.3480764925479889, -0.2246386557817459, -1.555760145187378, 0.7797609567642212, 0.5077566504478455, 0.10168033093214035, -0.9391945004463196, 1.1599414348602295, 0.09189938008785248, 0.9403566718101501, 0.5818355679512024, 0.5185526013374329, -0.6049660444259644, -0.00014371797442436218, -0.2220902293920517, 1.187910795211792, -0.48297035694122314, -0.19328998029232025, 0.1739477664232254, 0.41193753480911255, -0.24734334647655487, -0.7729583978652954, -0.20095333456993103, 0.29750680923461914, 0.7688562273979187, 1.51328444480896, -0.9238442778587341, 1.7323923110961914, -0.8615627884864807, 0.2837693393230438, 0.08537127077579498, -0.9114437699317932, -0.01137688010931015, 0.12820632755756378, 0.5185611248016357, 0.028362905606627464, 0.38916197419166565, -0.11169810593128204, -0.08612065017223358, -1.2017161846160889, -0.43502166867256165, -0.35392776131629944, -0.7206449508666992, -0.8242404460906982, -0.41478943824768066, -0.009857915341854095, -1.1764832735061646, -0.30679988861083984, 0.13641327619552612, 0.48781153559684753, 0.1610361486673355, 1.014062762260437, 1.5003300905227661, 0.3365976810455322, 0.3546690046787262, -0.1692289412021637, 0.03479336202144623, -0.06879674643278122, 0.7978171706199646, 0.1295747309923172, -0.1599675565958023, -1.5949692726135254, -0.10908617079257965, -0.27059847116470337, -0.014585498720407486, -0.1904435157775879, -0.3072338402271271, 0.5743809938430786, -0.39484459161758423, -1.6004793643951416, 0.4426642060279846, -0.16794522106647491, 0.16788727045059204, -0.9781904816627502, 1.2609925270080566, 0.6091599464416504, 0.08509953320026398, 0.6098156571388245, 0.1820576936006546, -0.46604037284851074, 1.7207139730453491, -0.43938198685646057, 0.6089472770690918, 0.9328390955924988, -0.23383481800556183, -0.010137956589460373, -0.026311807334423065, -1.6045987606048584, -0.2266416996717453, 1.076758623123169, -0.30261752009391785, -0.20801229774951935, -0.43303874135017395, -0.05855799838900566, -0.13328838348388672, -0.6164628267288208, 0.41325461864471436, -0.9874845147132874, 0.49092963337898254, -0.06528374552726746, 0.33871889114379883, 1.1184592247009277, -0.5094521045684814, 0.8577722907066345, 0.9843776822090149, 0.2805790305137634, -0.35114556550979614, -0.17450958490371704, 0.8341425061225891, -0.29473820328712463, 0.8220468759536743, 0.5416448712348938, 0.8826213479042053, 1.0857545137405396, -0.575871467590332, -0.10202810913324356, 0.2979739308357239, 0.9998273849487305, 0.04008876532316208, 0.6871659755706787, -0.09925587475299835, 1.0619207620620728, 0.4389182925224304, 1.0912801027297974, 0.38542214035987854, -1.4074827432632446, -1.0971379280090332, -0.29188063740730286, -0.8041109442710876, -0.36938026547431946, 1.8090295791625977, 0.6460164785385132, 1.5734604597091675, 0.0903729721903801, 0.20939169824123383, -0.6031398773193359, -0.23773705959320068, 0.5546290874481201, 0.9965886473655701, -0.20859019458293915, 0.12188291549682617, -0.023977570235729218, 1.2273503541946411, -0.16384875774383545, -0.8074102401733398, 0.202341690659523, 0.6682238578796387, -0.6597728133201599, -0.6610284447669983, 0.0002475837245583534, 1.0369071960449219, 0.6434910297393799, 1.074387550354004, -0.6760737299919128, -0.14889584481716156, -0.3110019862651825, 0.2926796078681946, -0.6273185610771179, 0.6133522987365723, -1.1917519569396973, 0.29822736978530884, 0.780737042427063, 0.6832405924797058, 0.12061746418476105, 1.1119160652160645, 0.8151483535766602, -0.17250210046768188, -0.8718191385269165, -0.44660747051239014, -0.6963076591491699, -0.44286254048347473, -0.8336644172668457, -0.10080499947071075, -1.1732624769210815, 0.8365463018417358, -0.2984239459037781, -0.6458350419998169, 0.7536171674728394, -0.146013543009758, -1.8859694004058838, 0.5458691120147705, 1.0636218786239624, -1.333310842514038, -0.5988826751708984, -0.01229184865951538, -0.6586866974830627, -0.8513230681419373, 0.5136098265647888, -0.4137568175792694, -0.01854213885962963, 0.43761107325553894, 0.37987834215164185, -0.24603615701198578, -0.6174902319908142, -0.733123242855072, 0.5728101134300232, 1.561648964881897, -0.8052919507026672, -0.725560188293457, 0.0023359698243439198, 0.5910210609436035, -0.030129410326480865, -1.329297423362732, -0.7253466248512268, 0.43406638503074646, 0.31026768684387207, 0.21545758843421936, -0.5033336877822876, -0.5509529709815979, -0.048766471445560455, 0.25650280714035034, 1.1298952102661133, -0.7045854926109314, 0.6147560477256775, -0.9052781462669373, 0.8101888298988342, 0.24318896234035492, -0.22369393706321716, -0.4357619881629944, 1.3548903465270996, -0.657194197177887, 0.4353243410587311, 0.12732191383838654, 0.3234691023826599, 0.675093412399292, 0.5319122672080994, 0.027021318674087524, -0.6185566782951355, -11.680452346801758, 0.3695290982723236, 0.2564435303211212, 0.1625957489013672, 0.9838646054267883, 0.7318347096443176, 0.8684642314910889, 0.17249265313148499, 0.5568723082542419, -0.4816356301307678, 0.1574138104915619, 1.1361277103424072, 0.053575918078422546, -0.1424330174922943, -0.5685557126998901, -1.2571251392364502, -0.7333523631095886, 0.05953070521354675, 0.8036329746246338, -0.233638733625412, -0.6069987416267395, -0.9207276701927185, -0.24957387149333954, 0.30685296654701233, 0.31542813777923584, -0.1913847178220749, 0.4695132374763489, -0.234700545668602, -0.27809929847717285, -0.5948630571365356, 0.1619969606399536, -0.22253942489624023, -1.0060244798660278, -0.33655160665512085, 0.12641988694667816, 0.5343109965324402, -0.7093921303749084, -0.36432814598083496, 1.2858352661132812, -0.2714155316352844, -0.13601763546466827, 0.2757667601108551, 0.04560506343841553, 0.23169676959514618, -0.5485419631004333, 0.149805948138237, -0.008241895586252213, -0.7529411911964417, 1.0364646911621094, -0.8523160815238953, -0.5629013776779175, -0.9579724073410034, -1.2015529870986938, -0.5276305675506592, 0.8268831968307495, 0.32410794496536255, -1.0879900455474854, 0.022874921560287476, -0.438055157661438, -0.718533992767334, 1.0576990842819214, 0.27091264724731445, -0.4027029275894165, 0.3262970447540283, -0.03573683649301529, -0.20024071633815765, 0.8270905613899231, 0.4243737757205963, -0.347135990858078, -0.041957560926675797, -0.8553236722946167, -0.017124220728874207, 0.2720869183540344, 0.17546048760414124, 0.3205927610397339, -0.22652900218963623, 0.15186846256256104, -0.43192440271377563, 0.043964941054582596, 0.8055337071418762, -0.8814547061920166, 0.30765771865844727, -0.12319615483283997, -0.4700683653354645, -0.15774419903755188, -0.49033644795417786, -0.47886547446250916, 0.5489047765731812, 0.6336377859115601, 0.16712415218353271, 1.0852073431015015, 0.1876174807548523, -0.1031871885061264, -0.8891312479972839, -0.6770244240760803, 0.47199636697769165, -1.006425380706787, 1.055469036102295, -0.24930834770202637, -1.057409644126892, 0.2071153223514557, -0.07171866297721863, -0.5601300001144409, -0.42749983072280884, 1.002517580986023, 0.44820329546928406, 0.12880215048789978, 0.1379823088645935, -0.09797157347202301, -0.19917064905166626, 1.1940587759017944, -0.23432667553424835, -0.14695493876934052, 1.1647725105285645, -0.0856824517250061, 1.2437241077423096, 0.6974524259567261, 0.2077135145664215, 0.649144172668457, 0.7414793372154236, -0.053287915885448456, 0.6282403469085693, 0.28688931465148926, 1.316530466079712, -0.2678629457950592, -0.20348595082759857, 0.03984875604510307, 0.6644279956817627, -0.9965952038764954, -0.7457013726234436, 0.17505936324596405, -0.023110538721084595, -0.07550957053899765, -1.1137723922729492, -0.507455050945282, -0.8499103784561157, -0.2214331179857254, 1.1617143154144287, -0.025186985731124878, 0.0941949188709259, -0.47484976053237915, -0.9664205312728882, 0.05682481825351715, -0.3385884165763855, -0.36503085494041443, 0.24576202034950256, -0.9834502339363098, -0.36647915840148926, -0.6020790338516235, -0.5043812990188599, 0.47354865074157715, -0.3965511918067932, 0.8159473538398743, -0.59190434217453, -0.0916718915104866, -0.020827822387218475, 0.29712975025177, -0.4051681160926819, -1.1484884023666382, -0.19963876903057098, -0.004023954272270203, 0.7946411371231079, -0.7896159887313843, 1.1609668731689453, 1.0007449388504028, 0.43940553069114685, -0.9416990280151367, -0.31965330243110657, -0.6802590489387512, 0.16469413042068481, 1.0297883749008179, -0.4743925929069519, -0.09697373956441879, -0.29487499594688416, -0.5578344464302063, -0.34967195987701416, 0.6927249431610107, 1.03213632106781, -0.7393996119499207, 1.084600567817688, 0.06498966366052628, 0.35042253136634827, 0.26428717374801636, -0.34233033657073975, -0.6990505456924438, 0.28175821900367737, -0.6835967898368835, 0.6917158961296082, 0.30930978059768677, 0.8660808801651001, -1.3948837518692017, -1.2006800174713135, -0.01678726077079773, -0.5068191885948181, 0.874113917350769, -0.463204950094223, 1.5412399768829346, -0.22676649689674377, 0.8633745908737183, 0.4427420496940613, -0.016009049490094185, 0.8059123754501343, 0.07049846649169922, 0.49029970169067383, -0.3671490550041199, 0.2260574996471405, -1.0934033393859863, 0.7407828569412231, 0.6058305501937866, 0.6654763221740723, -1.1436406373977661, -0.38458287715911865, 0.7531542778015137, 0.12121130526065826, -0.25587180256843567, -1.5753040313720703, 0.8505613207817078, -0.20076298713684082, -0.5416163206100464, -1.4859564304351807, -0.11000754684209824, 1.5593186616897583, -0.35448211431503296, 0.803702175617218, 0.4825657606124878, 0.5397802591323853, 0.7457490563392639, 0.6672189831733704, 1.209814190864563, -0.19081586599349976, -1.3759323358535767, 0.13333788514137268, 0.11639818549156189, -0.3978521227836609, 0.23772665858268738, 0.30307114124298096, -0.7810813188552856, -0.29493460059165955, -1.3964802026748657, 0.5314373970031738, -0.6580559611320496, 0.39740344882011414, -0.046471402049064636, 1.0333197116851807, -0.5778622627258301, -1.2188282012939453, -0.09747184813022614, -0.6015331149101257, 0.1823960244655609, 0.26456111669540405, 0.769874632358551, 0.08411403745412827, 0.7447009682655334, 0.1758342981338501, 0.7733830213546753, -0.16243958473205566, 0.20157763361930847, 0.02282770723104477, -0.4712015390396118, 1.630788803100586, 0.49746012687683105, 0.1062966138124466, 0.1356470286846161, -0.23732036352157593, -1.057521939277649, -0.9219700694084167, -0.2167455554008484, 0.9400472640991211, 1.5838054418563843, 0.3775481581687927, -0.07329191267490387, -1.145910382270813, 0.27664467692375183, -0.9451881647109985, 0.6390288472175598, 0.689448356628418, -0.8019255995750427, -0.8182634115219116, -0.8756083846092224, 0.49095240235328674, 0.7654455304145813, -0.8203340768814087, 0.3542206287384033, -0.5917654633522034, 0.6180777549743652, -0.020074427127838135, -0.2431745082139969, -0.6617100238800049, 0.509834885597229, -0.361532062292099, 0.31561607122421265, 0.7739831209182739, -0.30831339955329895, -0.4789730906486511, 0.09918370842933655, -0.5566173195838928, 0.2779565453529358, -0.05064678192138672, -0.7068191170692444, -0.30594632029533386, 0.6613852381706238, 0.15965133905410767, 0.21845269203186035, 0.35590851306915283, -0.5807815194129944, -1.3857591152191162, 0.861760139465332, 0.964817464351654, -0.22476235032081604, -0.20065343379974365, 0.30573344230651855, 0.03108922764658928, 0.4122527241706848, 0.965701162815094]} +{"paper_id": "cmrc2018", "embedding": [0.1251966655254364, 1.0998423099517822, 0.03246956691145897, 0.1435539275407791, 0.17419613897800446, 0.1052626520395279, 0.5456523299217224, 0.6640253067016602, 0.7459954023361206, 0.3851832151412964, 0.29902440309524536, -0.7124100923538208, 0.18926222622394562, 0.26740196347236633, -0.2549346089363098, -0.7060022950172424, -1.0267930030822754, -0.3982588052749634, -1.3833811283111572, -0.6468982696533203, -0.8952125310897827, -1.0153571367263794, -0.19254185259342194, 1.17621648311615, -0.5728362798690796, -0.8208796977996826, 0.44048991799354553, -1.3981157541275024, -0.09436974674463272, 0.13192318379878998, 0.12667648494243622, 1.265328049659729, -1.1383522748947144, 1.027856707572937, -0.3559055030345917, 0.0037119723856449127, 0.9177483916282654, 0.4499528408050537, 0.10275908559560776, -0.439855694770813, -0.751549243927002, 0.12767672538757324, 0.15311525762081146, -0.7197107076644897, 0.44303029775619507, -0.36360979080200195, -0.1149851605296135, -0.4624875485897064, -0.4085630178451538, -0.2906300723552704, -0.46847638487815857, 0.41719409823417664, -0.16546563804149628, -0.08452528715133667, 0.22307077050209045, 0.7286055684089661, 0.07623971253633499, -0.5129186511039734, 0.33451786637306213, 0.20560267567634583, 1.1727150678634644, 1.5012701749801636, -0.12826034426689148, 0.2849160134792328, 1.8045070171356201, 0.3344759941101074, 1.3435322046279907, 0.30897706747055054, -0.6051586270332336, 0.8716015815734863, -0.3875632882118225, -0.8685781955718994, -0.4096399247646332, -0.8921762704849243, -0.41015031933784485, 1.2310227155685425, -0.47552260756492615, 0.24624794721603394, 0.16320252418518066, 0.18056389689445496, -0.19917653501033783, 0.23776377737522125, 1.0843912363052368, -0.3096640706062317, 0.5003207921981812, 0.5058484077453613, 0.9133719205856323, -0.5356544852256775, 0.3308553397655487, -2.0546882152557373, 0.1952616274356842, 0.66460120677948, 0.17679758369922638, 0.49671632051467896, -0.08548161387443542, 0.7438328862190247, -0.17609786987304688, -0.2961381673812866, -0.16245386004447937, -0.627177894115448, 0.5336810946464539, -0.07080109417438507, 0.8398171663284302, -0.05383945256471634, 0.32875490188598633, 0.24327528476715088, 0.5109713673591614, -0.015407755970954895, -0.6268926858901978, -0.818429172039032, 0.19532057642936707, 0.5349036455154419, -0.3334680199623108, 0.6099886894226074, 0.03495240584015846, -0.7187963128089905, 0.6339225769042969, -0.551134467124939, -0.7079934477806091, 0.1407076120376587, -0.3988834321498871, -0.3067162334918976, -0.6397072672843933, -0.946823239326477, 0.7441776394844055, -0.6080472469329834, -0.23884333670139313, -1.4691839218139648, -0.025030961260199547, -0.18621402978897095, 0.3782951533794403, 0.3099876046180725, -0.6185426712036133, 0.08733494579792023, 2.7577295303344727, -0.9851189255714417, 1.1053352355957031, -0.5003507137298584, -0.22449176013469696, -0.5629614591598511, -0.892410933971405, 1.9143601655960083, -0.39687079191207886, -0.1829386204481125, -0.29993733763694763, 0.12972500920295715, -0.7914657592773438, 0.5948590636253357, -0.48846614360809326, -1.0688059329986572, -0.048195529729127884, -0.060712628066539764, -1.5869697332382202, -0.7382858991622925, -0.05849886313080788, -0.2696671783924103, -0.3737058639526367, 0.6093077659606934, -0.4524731934070587, 0.7108981609344482, 0.6334423422813416, 0.016085486859083176, 0.08008193969726562, 1.062944769859314, -0.9280726909637451, -0.07530441135168076, 0.6253657341003418, -0.4339776635169983, -0.4462157189846039, -0.14516863226890564, 0.2879430651664734, -0.5053858757019043, -0.838277280330658, -0.3852066099643707, 0.017982421442866325, 0.7195055484771729, 0.40213480591773987, 0.7274749875068665, 0.13103048503398895, -0.7521483898162842, 0.06557345390319824, -0.6524620652198792, 0.14001497626304626, 0.44934049248695374, 0.1439686268568039, 0.9200624823570251, -3.5398621559143066, -0.04568985849618912, -1.163682222366333, 1.6889309883117676, 0.1804966926574707, -0.024980012327432632, 0.5229544043540955, 0.5838989615440369, 0.2090200036764145, -0.7313424348831177, 0.937570333480835, -0.703282356262207, 0.7142066359519958, 0.5600118041038513, 0.6795545220375061, -0.09059665352106094, 0.558942973613739, 1.1071707010269165, 0.4886739253997803, -0.6937410831451416, -0.9437671899795532, -2.1500935554504395, -0.5580546855926514, 1.945770263671875, 0.32703304290771484, -0.1994991898536682, -0.5678237080574036, -0.3137139678001404, 0.1096641942858696, -0.37678632140159607, 0.29675954580307007, -0.7307508587837219, -0.5263743996620178, -0.0705798864364624, 0.5374245047569275, -0.8105181455612183, -0.19106391072273254, 1.0478014945983887, 1.1828726530075073, -0.27333804965019226, -0.21965478360652924, -0.5340095162391663, 0.04897278547286987, 0.10965918004512787, 0.8888974785804749, -0.2724958658218384, -0.30837059020996094, 0.6112992167472839, 0.7957549691200256, 1.0485994815826416, 1.311016321182251, 0.5910808444023132, -0.41571223735809326, 0.3393913507461548, -0.4470384120941162, 1.3021231889724731, -0.025495201349258423, -0.6153661608695984, 0.5842471122741699, 0.03034227341413498, -0.2507932484149933, 0.27188432216644287, -1.0385252237319946, -0.04895942658185959, 1.029300332069397, 0.4745580554008484, -0.7539269328117371, 0.759634792804718, -1.405081033706665, -0.17416134476661682, -0.40000641345977783, -0.2546805143356323, -0.5328173637390137, 0.01970653235912323, -0.25843483209609985, -1.0116254091262817, -0.17452554404735565, -0.4668489098548889, -0.5986664891242981, -1.5203536748886108, -1.2761664390563965, -0.12443110346794128, 0.2257162183523178, -1.1495048999786377, -1.1904922723770142, -0.07218332588672638, -1.7379578351974487, -0.18593886494636536, -0.14575916528701782, -0.30302152037620544, -0.13594380021095276, -0.19531744718551636, 2.298689603805542, 0.22023189067840576, 0.028658241033554077, 0.01126369833946228, 0.684185802936554, -0.5884081125259399, 0.5354543924331665, 0.14267288148403168, 0.12179308384656906, -1.1319687366485596, 0.23423922061920166, -0.8662566542625427, 0.6981940269470215, 0.6409585475921631, 0.19043833017349243, 0.9067357182502747, -0.10250777006149292, -1.1070725917816162, 0.7312322854995728, -0.2124326527118683, 0.2705855965614319, -1.6520860195159912, 1.823769450187683, 0.20374943315982819, -0.7207257747650146, 0.45235729217529297, -1.2024823427200317, -0.5186761617660522, 0.7828273773193359, -0.49203985929489136, 0.5729127526283264, 0.020112283527851105, -0.6857337355613708, 0.26230132579803467, 0.3883385956287384, -1.7913154363632202, 0.934373140335083, 1.051200270652771, 0.07314188778400421, -0.016000401228666306, -0.8326740860939026, 0.3361824154853821, -0.500741720199585, -0.012751614674925804, 1.2155601978302002, -0.7547159790992737, 0.20052383840084076, -0.042780037969350815, 0.23501257598400116, 0.2131364494562149, -0.2339363843202591, 1.1379954814910889, 0.48590266704559326, 0.37927499413490295, -1.2044546604156494, -0.38457396626472473, 1.294672966003418, -0.9354116916656494, 1.1285823583602905, 0.19193801283836365, 0.1567080020904541, 0.8148194551467896, -0.14857178926467896, -0.17070385813713074, 0.7032842636108398, 0.9911668300628662, 0.45759332180023193, 0.222287118434906, -0.10577882826328278, 0.12328977137804031, -0.184803768992424, 1.758181095123291, 0.043822649866342545, -0.6759955286979675, -0.8778295516967773, -0.25439801812171936, -0.29910746216773987, -0.5449875593185425, 1.3441779613494873, 0.7904667854309082, 1.9954601526260376, 0.5578065514564514, -0.23020146787166595, 0.2774507999420166, -0.272996187210083, 0.5650997161865234, 0.3208235204219818, 0.33676183223724365, -0.8737140893936157, 0.33042678236961365, 1.212872862815857, 1.0450800657272339, -0.521405041217804, 0.3652905225753784, -0.022452324628829956, -0.49298951029777527, -1.1800271272659302, 0.9342103004455566, 0.7341234683990479, 0.895261824131012, 2.028075933456421, -0.502557635307312, 0.18477798998355865, 0.03414709493517876, -0.6092507839202881, -0.28587955236434937, 0.650314211845398, 0.17998242378234863, 0.7248555421829224, 0.5803098678588867, 1.0307869911193848, -0.13940778374671936, 1.203925371170044, 1.4931461811065674, -0.07284139841794968, -1.935721516609192, -0.09220708906650543, -0.610504686832428, -0.032465096563100815, -0.055253565311431885, -0.5598531365394592, -0.42913854122161865, 0.27501481771469116, -0.0752779096364975, -0.9938129782676697, -0.013548046350479126, 0.08339820802211761, -1.3032557964324951, 1.260008454322815, 0.638054609298706, -1.2691107988357544, -0.5424241423606873, -0.05615789443254471, -0.6718533635139465, 0.3395589292049408, -0.20552612841129303, -1.3624125719070435, 0.5935204029083252, 0.6387938261032104, 0.8834075927734375, 0.808795154094696, 0.09486030042171478, -1.3375087976455688, 1.4121979475021362, 1.473537802696228, -1.7459518909454346, 0.5567278861999512, 0.49088770151138306, 0.9138016104698181, 0.6378331184387207, -1.1153266429901123, -0.7430669069290161, 1.611343264579773, 0.11223797500133514, -0.30878663063049316, -0.9219030141830444, -0.1406741589307785, 0.9104501605033875, 0.9624245762825012, 0.21731117367744446, -0.719643771648407, 0.22165840864181519, -0.8642458319664001, 0.3276924788951874, 0.6395171880722046, -2.082845449447632, -1.0784947872161865, 0.9031196236610413, -0.6686829328536987, 0.7541248798370361, 0.6049332618713379, 0.48900026082992554, 1.8475385904312134, -0.308735728263855, 0.349030077457428, -0.23628893494606018, -9.46720027923584, 0.6650777459144592, -0.33366474509239197, 0.0011106878519058228, -0.037043653428554535, -0.18091058731079102, 0.405478835105896, 0.576790452003479, 0.03341968357563019, -0.7855492234230042, 0.3208586573600769, 1.373780608177185, 0.6641502976417542, -0.44438105821609497, -0.5811558365821838, -0.7770078778266907, -1.0351364612579346, -1.4038232564926147, 0.42851078510284424, 0.7639275789260864, -0.5837884545326233, -0.6345149874687195, 0.03384409844875336, -0.378862202167511, 0.3205907642841339, 0.05387040227651596, -0.2208521068096161, -0.43054264783859253, -0.3376045227050781, 0.3574487268924713, 0.7890614867210388, -0.5454763174057007, -1.25489342212677, 0.3595993220806122, 0.5870059132575989, -0.2799215614795685, -1.1863417625427246, -0.14648638665676117, 0.47377994656562805, -0.9901668429374695, -0.28129589557647705, 0.09226252138614655, 0.72218257188797, -0.9843897819519043, -0.5930766463279724, 0.3943658471107483, 0.11655358970165253, -1.1178443431854248, -0.07767753303050995, -0.844605028629303, -0.8443828225135803, -0.7303802371025085, -1.9730173349380493, -0.7699447870254517, 1.0476921796798706, -0.06223919242620468, -0.3996916115283966, -0.46096792817115784, -0.725851833820343, -0.7416534423828125, 0.8044754266738892, -0.5901616215705872, -0.713890790939331, 0.8737658262252808, 0.4145205020904541, -0.47547781467437744, 0.9720380902290344, 0.16408683359622955, 0.5952699780464172, 0.8480375409126282, -0.7838913798332214, 1.8285183906555176, -0.22426694631576538, 0.5412877798080444, 0.05995286628603935, 0.2656511962413788, -0.7984983325004578, -0.19852015376091003, 1.0905731916427612, 0.24738822877407074, -1.004367470741272, 0.4760936498641968, 0.26114940643310547, -0.1612689197063446, -0.7775453925132751, 0.29709216952323914, -0.03912835568189621, 0.5851919054985046, 0.11429145932197571, -1.1664223670959473, 1.9678453207015991, -0.2923649251461029, -0.08286073803901672, -0.37853142619132996, -0.6869827508926392, 0.3984965682029724, -0.9288018345832825, 0.947242796421051, 0.4448191225528717, -0.40692418813705444, -0.04209253191947937, 0.20801371335983276, -0.6969096660614014, -0.06481452286243439, 0.9245803952217102, 0.28182080388069153, 0.39197468757629395, 0.43229225277900696, -0.41131526231765747, -1.8442503213882446, 0.39704954624176025, 0.8146419525146484, 0.2159179002046585, 0.9776756763458252, -0.2981215715408325, 1.5575405359268188, 0.6180018186569214, 0.12780049443244934, -0.08982838690280914, 1.424100399017334, -0.7732462882995605, 1.293182134628296, 0.958624005317688, 2.1806089878082275, 0.21187834441661835, 0.41589874029159546, 0.7082326412200928, 0.13468879461288452, -0.29140862822532654, -1.0231329202651978, 0.4578497111797333, -0.28531670570373535, 0.3917160928249359, -0.6979783773422241, -0.4580189883708954, 0.003735460340976715, -0.5152997374534607, 1.7097430229187012, -0.8185092806816101, -0.14397123456001282, -0.24489937722682953, -0.5157518982887268, -0.7238465547561646, -0.311989963054657, -0.8753990530967712, 0.6065531373023987, -2.6954994201660156, -0.11547854542732239, -0.10195568948984146, -0.8358736038208008, -0.5987886190414429, -1.1014750003814697, 0.5237874984741211, 0.6735132336616516, -0.28134411573410034, -0.8104506134986877, 0.5585722923278809, -1.1282949447631836, -0.3455629050731659, -0.2854595482349396, 0.0859106183052063, 0.683966875076294, -0.8758127093315125, 0.9265936017036438, 0.14085553586483002, -0.4098603427410126, -1.0954034328460693, 0.07167741656303406, -0.8926964998245239, 1.0603010654449463, 0.9631930589675903, -1.1360982656478882, -0.06598000228404999, -0.21730493009090424, 0.09909456968307495, -0.29543691873550415, -0.01229684054851532, 1.0424137115478516, -1.6260336637496948, 0.2265896499156952, -0.8604652881622314, 0.24652215838432312, 0.8460367918014526, -1.086915373802185, -0.2317732572555542, 0.7417163252830505, -0.6482188105583191, 0.2936968207359314, 0.09211404621601105, 0.6444035768508911, -0.9887350797653198, -1.349395751953125, 0.15907679498195648, -0.4317969083786011, 0.5591424703598022, 0.2910299599170685, 1.0644201040267944, -0.12420926243066788, -0.501209557056427, -0.30770087242126465, 0.06646844744682312, 0.1680048704147339, -0.04424629732966423, 0.9151315689086914, -0.11406289041042328, 0.4567822515964508, -0.4957086741924286, -0.2711295485496521, 0.9924249053001404, 0.8093129396438599, -0.3276507556438446, 0.34859567880630493, 0.12306977808475494, -0.34975099563598633, -0.016492053866386414, -1.604209542274475, 0.12975764274597168, -0.7729942202568054, -0.49320676922798157, -0.8334715962409973, 0.0693584680557251, 1.1120688915252686, -0.7815610766410828, 0.41669073700904846, 0.9091293811798096, -0.20700527727603912, 0.5307443737983704, 0.39423996210098267, 1.0732687711715698, 0.19795244932174683, -0.11351301521062851, 0.2607053518295288, 1.0289019346237183, -0.16382500529289246, 0.0700133740901947, 0.1599259227514267, -0.5267801880836487, -0.23902055621147156, -0.9555652141571045, 1.3189347982406616, -0.02355317771434784, -0.13655850291252136, 0.7366056442260742, 1.0319515466690063, 0.8097995519638062, -1.7844105958938599, 0.4112169146537781, -0.8867522478103638, 0.13454994559288025, 1.1475205421447754, -0.2229437679052353, -0.07350435107946396, 0.49844199419021606, -0.6496575474739075, 1.7267792224884033, -0.3960617482662201, 0.2768988609313965, 0.28704020380973816, -0.3967254161834717, 0.9596569538116455, 0.39416933059692383, 0.643976628780365, -0.10269094258546829, -0.6281035542488098, -1.5041002035140991, -0.049255140125751495, -1.4506860971450806, 1.1673901081085205, 0.028807468712329865, -0.2799430191516876, 0.5275262594223022, -0.3940305709838867, 0.47352689504623413, -0.6700659990310669, 1.4196841716766357, -0.08105568587779999, 0.06426547467708588, -0.26209208369255066, -1.6214377880096436, -0.42523452639579773, 0.6067382097244263, -0.18755394220352173, 0.2978280186653137, 0.17200426757335663, 0.9802918434143066, -0.22456060349941254, -0.04282902926206589, -0.23458585143089294, -0.44024166464805603, -0.6405009627342224, 0.32599854469299316, 0.2799760401248932, -0.5625225901603699, -1.0153529644012451, 0.2153400182723999, -0.4859287142753601, 0.28626272082328796, 0.447634220123291, -0.6198291778564453, 0.3199581205844879, 0.8755977153778076, -0.2516956925392151, -0.7415754795074463, 0.21905560791492462, 0.446086585521698, -1.2687402963638306, 1.1313953399658203, 0.4155927300453186, -0.840531051158905, -0.39856448769569397, 0.5099289417266846, 0.9822920560836792, -0.1806865632534027, 1.0951251983642578]} +{"paper_id": "schema_guided_dstc8", "embedding": [-0.6020615696907043, 0.5482132434844971, -0.002952471375465393, 0.05463942885398865, 0.33596450090408325, 0.7055439949035645, 0.7387134432792664, 0.7326976656913757, 0.6010419726371765, 0.5004537105560303, 0.4127652645111084, 0.47148388624191284, -0.030314112082123756, -0.44163861870765686, -0.6648170948028564, 0.2628203332424164, -0.9156728982925415, -1.045518398284912, -1.2511147260665894, -0.5054439902305603, -0.5117415189743042, -0.8753663897514343, 0.15386439859867096, 0.9644990563392639, -0.7124813199043274, -0.2898254692554474, 1.5273716449737549, -1.2086106538772583, 0.42984539270401, 0.15947668254375458, -0.06604666262865067, 1.7012189626693726, -0.7427625060081482, 0.34340739250183105, -0.08645893633365631, -0.030918119475245476, 0.08070176839828491, 0.683239221572876, -0.5058106780052185, 0.2987673580646515, -0.562004029750824, 0.8636658191680908, 0.414023220539093, 0.24534420669078827, 0.6875975131988525, -0.09368637204170227, -0.029419828206300735, 0.4131888449192047, -0.8827573657035828, 0.0015512071549892426, -0.834069550037384, 0.09786897897720337, 0.9418668150901794, 0.6057412624359131, -0.4201682507991791, 1.1900941133499146, -0.08919955790042877, -0.46905606985092163, 0.47480839490890503, -0.592479944229126, 0.827245831489563, 1.0083087682724, 0.037468794733285904, 0.6803878545761108, 1.2071013450622559, 0.20623065531253815, 0.904992401599884, 0.5073969960212708, 0.2946498692035675, 0.5426504611968994, -0.28285840153694153, -1.7006685733795166, 0.6357479095458984, -0.17393891513347626, -0.716232419013977, 1.153059720993042, 0.3725959062576294, 0.4007725119590759, -0.35677385330200195, -0.12709660828113556, 0.7619599103927612, 0.34139496088027954, 0.3668261170387268, -0.5235689878463745, 0.4369724690914154, 0.9851266741752625, 0.1377590000629425, -0.9640727639198303, 0.24484111368656158, -2.40873646736145, 0.3255353569984436, 0.15837199985980988, 0.48752903938293457, -0.8406049609184265, -0.35146525502204895, 0.25209841132164, -0.4509102702140808, -0.2986465394496918, -0.428254634141922, 0.7991281151771545, 0.9176064133644104, -0.18632887303829193, 0.4803774952888489, -0.42718634009361267, 0.3182287812232971, -0.0619574673473835, 0.15616998076438904, 0.004895854741334915, -0.5305335521697998, -0.6318281292915344, -0.100103959441185, 1.1426559686660767, 0.45417308807373047, 0.9353031516075134, -0.353647381067276, 0.46065548062324524, 0.729296088218689, -0.6422559022903442, 0.023277148604393005, 0.3375095725059509, 0.3522883951663971, -0.8219686150550842, -0.15518590807914734, -0.22256392240524292, 1.0900884866714478, -0.9961078763008118, -0.06670492887496948, -0.19718968868255615, -0.27072593569755554, -0.46265798807144165, 0.7045434713363647, 0.06679140031337738, -0.7240940928459167, -0.11874130368232727, 2.8535704612731934, -1.6944169998168945, 1.9920638799667358, -1.137531042098999, -0.7446078062057495, -0.5899831652641296, 0.356623113155365, 0.8072850108146667, 0.03756028413772583, -0.17622917890548706, -0.34794506430625916, -0.16351406276226044, -0.3838011622428894, 0.15458272397518158, -0.4943477213382721, -0.26777899265289307, -0.19080419838428497, 0.1709764003753662, -1.745962381362915, -0.12336774915456772, -0.7718671560287476, 0.21997830271720886, -0.46132269501686096, 0.35896116495132446, -0.29325589537620544, 0.4211013615131378, 0.2655211389064789, 0.34767621755599976, -0.4632074236869812, 0.499445378780365, -0.8081003427505493, 0.42935919761657715, 0.4198880195617676, -0.2998241186141968, -1.050505518913269, -0.6896283030509949, 0.4056927561759949, -0.16164332628250122, 0.4021301567554474, 0.4341270625591278, -0.6676201820373535, 0.27391794323921204, 0.979905366897583, 0.8685424327850342, 0.4309192895889282, -0.5873696208000183, -0.8384785056114197, -0.36468520760536194, -0.540101170539856, 0.2125500589609146, -0.5631913542747498, 0.2766857445240021, -2.19016695022583, 0.22301121056079865, -0.29123198986053467, 1.018242597579956, 0.6732372045516968, -0.09651222079992294, 0.14776495099067688, -0.6700884699821472, 0.8156212568283081, -0.7282996773719788, 0.8052358627319336, -1.2825508117675781, -0.24707356095314026, 0.21106277406215668, -0.4079330265522003, 0.6952203512191772, -0.001086259726434946, 1.1530859470367432, 0.7067868113517761, -0.7051888108253479, -0.23635771870613098, -1.7995613813400269, -0.12760871648788452, 1.8300634622573853, 0.6195206046104431, -0.6454549431800842, -0.8299096822738647, -0.15495365858078003, 0.05168372392654419, -0.009608464315533638, 0.30271968245506287, -0.18168729543685913, 0.27143922448158264, -0.989687979221344, -0.11423605680465698, -0.4328187108039856, 0.9714763760566711, 0.9647256731987, 1.4491578340530396, -0.9107894897460938, 0.8446134328842163, -0.8216978311538696, -1.30177640914917, 0.2471032589673996, 0.6552676558494568, 0.3350634276866913, -0.007642719894647598, 0.680874228477478, 0.027753561735153198, 0.24535422027111053, 0.21919411420822144, 0.28743648529052734, -0.9010891914367676, 0.6207394003868103, 0.08115540444850922, 1.3932793140411377, 0.32599908113479614, 0.25263920426368713, -0.013705380260944366, 0.25152406096458435, -0.3807421624660492, -1.2124226093292236, 0.19799195230007172, 0.18171094357967377, 1.6664944887161255, 0.949203610420227, -0.34143680334091187, 0.36781468987464905, -0.28747445344924927, -0.3374576270580292, -0.5100412368774414, -0.6573746800422668, -0.5813261270523071, -0.7479681968688965, 1.236153244972229, 0.07011958211660385, 0.09653180837631226, -0.573449969291687, 0.04711492359638214, -1.12554132938385, 0.2592945396900177, 0.15211746096611023, -0.18481086194515228, -0.917723536491394, 0.18637791275978088, -0.4898744225502014, -0.6627244353294373, -1.3591469526290894, -0.12776634097099304, 0.2679806649684906, 0.33252617716789246, 0.8989875316619873, 1.1055939197540283, 0.019696466624736786, -0.04744793474674225, -0.3235695958137512, 0.863793671131134, -0.9034667611122131, 0.876969039440155, 0.07518036663532257, 0.026070579886436462, -0.8202320337295532, 0.5102924108505249, -0.22997860610485077, 0.31858178973197937, 0.06228908151388168, -0.4040537178516388, 0.14022977650165558, -0.7546651363372803, 0.3825533092021942, 0.8233507871627808, -0.2613641917705536, -0.3501327633857727, 0.10279481112957001, 1.7594125270843506, 0.15184473991394043, -1.0394012928009033, 0.936943769454956, -8.783675730228424e-05, 0.07476387917995453, 0.914665937423706, 0.26754188537597656, 0.39846256375312805, 1.0706772804260254, -0.6556662917137146, 0.2828686237335205, 0.6511117815971375, -2.046694278717041, 0.7048178911209106, 0.43437638878822327, 0.1324816197156906, -0.25627604126930237, -1.4302947521209717, 0.1879405826330185, -0.4963316023349762, -0.30799707770347595, 0.2629542648792267, 0.32238706946372986, 0.6025820970535278, -0.15061098337173462, 0.35129690170288086, 1.5149182081222534, -0.709585964679718, -0.01937670260667801, 0.9828835129737854, -0.46803343296051025, -0.578778862953186, -0.2649858295917511, 0.8483944535255432, -0.2119644731283188, 0.07549451291561127, 0.35021263360977173, 0.8851828575134277, 0.5120241045951843, -0.2649528980255127, -0.249952033162117, 1.129758358001709, 0.4158138334751129, 0.17797762155532837, 0.05494851991534233, -0.12451298534870148, 0.7298159003257751, -0.723021924495697, 0.9608399868011475, 0.06843087077140808, -0.4095996022224426, -1.5522801876068115, 0.5051779747009277, -0.7248035669326782, -0.9651315808296204, 1.9078203439712524, 0.49226751923561096, 1.4174723625183105, -0.3689279556274414, 0.014441720210015774, -1.0414607524871826, -0.4024386703968048, 0.5834906101226807, 0.35056906938552856, 0.0811166986823082, -1.0143027305603027, -0.49750426411628723, 0.7616769671440125, -0.18552346527576447, -0.06671832501888275, -0.10865741223096848, 0.9170529842376709, 0.3312496244907379, -0.49927347898483276, -0.32403573393821716, 1.3222110271453857, -0.0487980917096138, 0.8943763375282288, -0.7347210645675659, -0.42040717601776123, -0.08962063491344452, 0.7279020547866821, -0.16026045382022858, 0.7982614636421204, -0.5765984058380127, 0.7947735786437988, 0.2906290590763092, -0.13161320984363556, 0.2014230340719223, 1.3129644393920898, 0.45695558190345764, -0.3986101448535919, -1.4518934488296509, -0.19374798238277435, -0.81293785572052, -0.4503772258758545, 0.6264854669570923, -0.2507210969924927, -0.5224900841712952, 0.923367977142334, -0.4937431216239929, -0.4539963901042938, 0.9538371562957764, -0.9392022490501404, -0.844652533531189, 0.20000901818275452, 0.6877297163009644, -1.5145373344421387, -0.7344250679016113, -0.38311082124710083, -0.9913206100463867, -0.5884438753128052, 0.0369793176651001, -0.3626789152622223, 0.875548243522644, 0.10410243272781372, 0.7321261763572693, 0.2633325755596161, -0.13927391171455383, -0.473591148853302, 0.9947118163108826, 0.34597623348236084, -0.4259423017501831, 0.611237645149231, -0.026542527601122856, 0.46736395359039307, -0.04010298103094101, -0.6304551959037781, -1.1273410320281982, 1.370592474937439, -0.09291409701108932, -0.023740530014038086, -0.6074845790863037, -0.7568511962890625, 0.6113297343254089, -1.0506815910339355, 0.3248558044433594, -0.4369148313999176, -0.32390522956848145, -0.5683480501174927, -0.3026958107948303, 0.6999236345291138, -0.930853545665741, -1.345029354095459, 0.3457500636577606, -1.057074785232544, 0.8562314510345459, -1.1577128171920776, -0.3389865756034851, 2.096158504486084, 0.3382505476474762, 0.38367295265197754, -0.12093682587146759, -11.103601455688477, 1.0274099111557007, -0.39252835512161255, 0.1638672798871994, 0.5439631938934326, -0.40271759033203125, 1.288079857826233, -0.28293338418006897, 1.084241509437561, -1.1028262376785278, 0.5363417267799377, 0.8364599347114563, -0.0874953344464302, 0.08021494746208191, -0.7413440346717834, -1.3552541732788086, -0.4578540623188019, -0.5948026180267334, -0.08831796795129776, -0.48041436076164246, -0.10076433420181274, -0.6526414155960083, -0.769250750541687, 0.853563666343689, -0.2082713544368744, 0.5479680895805359, 0.017414025962352753, -0.42166024446487427, -0.3231004476547241, -0.29772070050239563, 0.7482930421829224, -0.22386977076530457, -0.11547169089317322, -0.6019506454467773, 0.20781628787517548, 0.6309998035430908, -0.9979623556137085, -0.04776684194803238, 0.5349748134613037, 0.10839077830314636, -0.6108869314193726, 0.3833472430706024, 0.7589641809463501, 0.30407097935676575, -0.8727742433547974, 0.618120014667511, 0.7695905566215515, -0.47313374280929565, 0.3804214596748352, -0.09160441905260086, -0.44225746393203735, -0.24875137209892273, -0.9833592772483826, -0.0701829195022583, -0.07362356036901474, -0.7266481518745422, -0.6591686010360718, 0.017928456887602806, -0.439998596906662, -1.108289122581482, 0.4498339891433716, 0.1882128119468689, 0.12710201740264893, 0.12178128957748413, 0.6486236453056335, -0.2674080431461334, -0.027937494218349457, 0.9107741713523865, -0.7796797752380371, 0.661602258682251, -0.31611260771751404, 0.18797913193702698, -0.40440359711647034, 0.6699036955833435, -1.033477783203125, -0.664531946182251, -0.5441383719444275, 0.20196132361888885, 0.6174890995025635, 0.11063215136528015, -0.7020288705825806, 1.0277059078216553, 0.3480892777442932, -1.0044084787368774, -0.8245100378990173, 0.3898701071739197, -0.11721263080835342, 0.12169544398784637, 1.17011296749115, -0.491119384765625, 1.1315213441848755, 0.22233378887176514, -0.4288838505744934, 0.21305614709854126, -0.23694264888763428, 0.6953895092010498, 0.8786879181861877, 0.44711220264434814, -0.3620128333568573, -0.5281184315681458, -0.2511146068572998, 0.057896509766578674, -0.5830074548721313, -0.05609378218650818, 0.060445189476013184, 0.5613725781440735, -0.10638756304979324, 0.299726277589798, 0.046221546828746796, -0.26283562183380127, 0.9895118474960327, -0.15831947326660156, -1.289259433746338, 0.9044182896614075, 0.29900065064430237, 0.20716750621795654, 0.9375771880149841, 0.39665549993515015, 1.3044629096984863, 0.9925064444541931, 0.1814347803592682, 1.532583475112915, 0.2033965289592743, 0.5753570795059204, -0.12753796577453613, -0.42945125699043274, 0.428285151720047, 0.5787153840065002, -1.0883249044418335, -0.5763600468635559, 0.1056201159954071, -0.21858255565166473, 0.3287177085876465, -0.6169998645782471, -0.4418972134590149, 0.1646692007780075, -0.6206483840942383, 1.3041493892669678, -0.7668344974517822, 0.07523079216480255, 0.1647893339395523, -0.8620030283927917, -0.4780544340610504, -1.8087259531021118, -0.5729849338531494, -0.1104210689663887, -1.101155400276184, 0.08625222742557526, -0.7856580018997192, 0.30196189880371094, 0.938761830329895, -0.07762956619262695, 1.3918830156326294, -0.7732573747634888, -0.3610081672668457, 0.2642427086830139, 0.24114052951335907, 0.17596936225891113, -0.8828405141830444, -0.47926849126815796, -0.16801294684410095, 0.5452171564102173, -1.156440258026123, 1.0581011772155762, 0.7019155025482178, 0.101463183760643, -0.3572484254837036, 0.05998426675796509, -0.9618585705757141, -0.003305785357952118, 1.0732108354568481, -1.063872218132019, -0.4320375621318817, -1.0761981010437012, 0.14463302493095398, -0.9899154305458069, 1.3017361164093018, 0.7751864194869995, -1.2143563032150269, -0.48301082849502563, 0.24625253677368164, 0.428975909948349, 0.1557580977678299, -0.3660568594932556, -0.1625792384147644, -0.321439266204834, 0.20673048496246338, 0.6815841197967529, 0.3722577393054962, 0.8988404870033264, -1.788318395614624, -1.2658066749572754, -0.5220739841461182, -0.015127349644899368, -0.15906566381454468, -0.22688078880310059, 1.3350645303726196, 0.5141671299934387, 0.3696247637271881, 0.9593548774719238, 0.37644869089126587, 0.6451910734176636, -0.44122716784477234, 0.45357733964920044, -0.14208920300006866, -0.3091600239276886, -0.7585748434066772, 0.5391364097595215, 0.3466842770576477, 0.18575507402420044, -0.9006423354148865, -0.2835853695869446, 0.8208826184272766, -0.42021697759628296, 0.8539245128631592, -0.9802713394165039, -0.22852763533592224, -0.7038333415985107, -1.1706340312957764, -1.325087070465088, 0.3761184811592102, 0.8227224946022034, 0.3827880620956421, 1.1696956157684326, 0.276462197303772, 0.7373811602592468, 0.778533935546875, 0.024657055735588074, 0.8049901723861694, -0.5389147996902466, -0.04863908886909485, 0.24019929766654968, 0.2892599403858185, 0.2374967336654663, -0.05022145435214043, -1.023024320602417, -0.4720563292503357, 0.5075863599777222, -1.0557301044464111, 0.2893134355545044, -0.13541868329048157, 0.9232290983200073, 1.0982519388198853, 1.3188707828521729, -1.3965649604797363, -1.8443262577056885, -0.5979119539260864, -1.1602147817611694, 0.08390100300312042, 0.823001503944397, 0.8584950566291809, 0.3782827854156494, 0.8097223043441772, 0.4943009614944458, 0.5480220317840576, -0.5676307678222656, 0.10913418233394623, 0.2148618996143341, 0.35671961307525635, 0.5110512971878052, 0.41678357124328613, 0.5829570293426514, 0.23529952764511108, 0.7082645297050476, -0.25160160660743713, 0.31097665429115295, -0.33893921971321106, 0.3640565276145935, 1.0429394245147705, -0.20697779953479767, -0.23051469027996063, -1.2557851076126099, 0.7214606404304504, -1.2741031646728516, 1.0831676721572876, 0.3552336096763611, -1.0831143856048584, -0.8489668965339661, -1.0646580457687378, -0.9379419684410095, 0.17958208918571472, 0.1277913600206375, -0.9466651082038879, 0.01425112783908844, 0.9528520703315735, 0.15438209474086761, 0.4289132356643677, -1.1455926895141602, 0.46051454544067383, -1.1184316873550415, 0.6279634237289429, -1.2999491691589355, -0.3727373480796814, 0.02161334827542305, 0.7797742486000061, -0.534697413444519, 0.15939253568649292, -0.3911307454109192, -0.22086948156356812, -1.45347261428833, 0.45065513253211975, -0.1744198501110077, 0.44989311695098877, 0.3446803689002991, -0.22214938700199127, -2.080336809158325, 0.770675539970398, 0.9251119494438171, 0.23999938368797302, -0.7941810488700867, 0.8688389658927917, -0.1521919071674347, 0.09869261831045151, 0.411988228559494]} +{"paper_id": "empathetic_dialogues", "embedding": [-0.7780724167823792, 0.6212257742881775, 0.09330573678016663, 0.2920515537261963, 1.192396879196167, 0.8527012467384338, 0.8410059809684753, 0.645617663860321, 0.9525747299194336, 0.2079240381717682, 0.047691844403743744, -0.37422797083854675, -0.2363274097442627, -0.4893359839916229, -0.08957180380821228, -0.13982319831848145, -1.4838602542877197, -0.41880422830581665, -1.3449586629867554, 0.044698767364025116, -0.40828412771224976, -0.31478869915008545, -0.24321085214614868, 1.1067320108413696, -0.6243802309036255, -0.5465615391731262, 1.0986438989639282, -0.6893587708473206, 0.7052155137062073, -0.04151492565870285, -0.2229500412940979, 1.7839112281799316, -0.6640217304229736, -0.16264930367469788, -0.2751159965991974, -0.14910133183002472, -0.20905758440494537, 0.4954669177532196, -0.37095746397972107, 0.7839721441268921, -1.0204135179519653, 0.5678519010543823, 0.056299589574337006, 0.7210156917572021, 0.5554505586624146, 0.2545962631702423, 0.1023951917886734, 0.4685823917388916, -0.7671917676925659, -0.5263312458992004, -0.9693599939346313, 0.35528191924095154, -0.052908241748809814, 0.7411767244338989, -0.5242613554000854, 0.9396145343780518, 0.5944401621818542, -0.10977737605571747, 0.037806376814842224, -1.083100438117981, 1.506462812423706, 1.2418702840805054, -0.004991842433810234, 0.4284426271915436, 0.953997790813446, 0.1723000854253769, 1.6824607849121094, -0.4096795916557312, 0.1628398448228836, 0.348537802696228, -0.7151317000389099, -1.319559097290039, 0.7194332480430603, 0.19007551670074463, -0.4136258065700531, 0.870078444480896, 0.28532543778419495, 0.7628641724586487, -0.8935366272926331, 0.2805165648460388, 0.48972755670547485, 0.5446783900260925, 0.5137717127799988, -0.07920023798942566, 1.0759857892990112, 0.5677879452705383, 0.8082096576690674, -0.42368796467781067, 0.06845102459192276, -1.6670316457748413, 0.15997998416423798, -0.1790132075548172, 0.41066664457321167, -0.05150412768125534, -0.27919575572013855, 0.25196176767349243, -0.18616633117198944, -0.10334957391023636, -0.7974790334701538, 0.305487722158432, 0.8190720677375793, -0.44170081615448, 0.2537340223789215, -0.713938295841217, -0.2930395007133484, 0.2965869903564453, 0.8593425154685974, -0.03343880921602249, -0.1148502305150032, -0.4254668354988098, -0.2196904718875885, 1.1285544633865356, -0.29513123631477356, 1.3052016496658325, 0.08654963225126266, 0.7331519722938538, 0.7136497497558594, -1.2720184326171875, -0.08691081404685974, 0.3483043313026428, -0.2979857623577118, -0.32636332511901855, 0.23273971676826477, -0.07652758806943893, 1.5798516273498535, -0.78763747215271, 0.028937198221683502, 0.07769375294446945, 0.0744963139295578, -0.4455784559249878, 0.5618019104003906, -0.5166460275650024, -0.136485293507576, 0.18065746128559113, 2.218921184539795, -1.444762110710144, 1.851232886314392, -1.5366625785827637, -0.7088260054588318, -0.6124277710914612, 0.6483449339866638, 1.3234950304031372, -0.41658124327659607, -0.30734848976135254, -1.1771185398101807, -0.41586923599243164, -0.7270427942276001, 0.19247345626354218, -0.45204463601112366, -0.649710476398468, -0.22612416744232178, -0.030313454568386078, -1.2896528244018555, 0.0667823925614357, 0.25673678517341614, 0.259655237197876, 0.24810190498828888, 0.6964747905731201, -0.2856453061103821, 0.25193607807159424, 0.13969062268733978, -0.06205930560827255, 0.027641817927360535, 0.015409044921398163, -1.1940910816192627, -0.23289667069911957, 0.34181544184684753, 0.07658708095550537, -1.2137625217437744, -0.899333655834198, 0.48687562346458435, 0.1793995499610901, -0.11042380332946777, 0.5685738325119019, -0.15831249952316284, 0.20244699716567993, 0.9146339893341064, 1.1406779289245605, -0.09858576208353043, -0.955041229724884, -0.9141173958778381, -0.704688310623169, -0.47658541798591614, 0.6134235262870789, -0.22217704355716705, -0.06416460871696472, -1.415232539176941, 0.034678153693675995, 0.034121230244636536, 1.168912649154663, -0.3039999306201935, -0.5927635431289673, 0.51189786195755, -0.6559581160545349, 0.729478120803833, -0.08159337192773819, 1.0054724216461182, -1.3362399339675903, 0.05865396559238434, -0.13522900640964508, -0.6558597683906555, -0.12118827551603317, 0.030331211164593697, 1.5958527326583862, 0.6472118496894836, -0.7252251505851746, -0.18937237560749054, -1.1434369087219238, 0.031599920243024826, 2.1394007205963135, 0.529916524887085, -1.055446982383728, -0.4055922329425812, -0.12040375918149948, 0.1560186743736267, -0.025431033223867416, 0.15546797215938568, -0.9982398152351379, 0.11176265776157379, -1.63868248462677, 0.31866171956062317, -0.30071142315864563, 0.0913233533501625, 1.5191172361373901, 1.5523576736450195, -0.5030593276023865, -0.07675476372241974, -0.08277812600135803, -0.7432361841201782, -0.32639360427856445, 0.35200560092926025, 0.8476808071136475, 0.21412846446037292, 0.4352952837944031, 0.09667861461639404, 0.2635502219200134, 0.2827911972999573, 0.2763870656490326, -0.6979217529296875, 0.3660562038421631, 0.4972696602344513, 1.2834367752075195, -0.18785430490970612, 0.22118261456489563, -0.010677851736545563, 0.9298782348632812, 0.34438586235046387, -0.7925519347190857, 0.19056080281734467, 0.11432184278964996, 1.6593782901763916, 1.1019009351730347, 0.11938773095607758, 0.5631824731826782, -0.48684701323509216, 0.18134713172912598, -1.042879343032837, -0.35754311084747314, -0.42772722244262695, -0.5932092666625977, 1.2908036708831787, 0.13995417952537537, 0.023536868393421173, -0.47333014011383057, 0.44124823808670044, -1.0289644002914429, 0.14609616994857788, 0.2580990195274353, -0.33932530879974365, -1.0793708562850952, -0.029106400907039642, 0.09483092278242111, -0.48623549938201904, -0.6485192179679871, -0.3095700144767761, 0.9461683034896851, -0.04468715190887451, 0.9346095323562622, 1.3460084199905396, -0.003045991063117981, -0.7061557173728943, -0.7750846147537231, 0.8229891061782837, -1.2205102443695068, 1.2930361032485962, -1.0464394092559814, -0.23899270594120026, -0.5410021543502808, 0.2351703941822052, -0.27503782510757446, -0.17880921065807343, 0.5021474957466125, -0.5764179229736328, 0.5906422138214111, -0.034415118396282196, 0.10306469351053238, 0.9224047064781189, -1.006107211112976, 0.12521272897720337, 0.21095286309719086, 1.855582356452942, 0.16135242581367493, -0.9138785004615784, 0.6974522471427917, -0.592413067817688, 0.6422896981239319, 0.4365253448486328, -0.06920784711837769, 0.543944776058197, 0.585258424282074, -0.570895791053772, 0.2973865270614624, 0.2979373037815094, -2.1233081817626953, -0.10637915134429932, 1.608866810798645, -0.750092089176178, -0.31862708926200867, -1.4086689949035645, 0.3480325937271118, 0.10111723840236664, -0.07822318375110626, -0.4558819532394409, -0.6277502775192261, 0.646493136882782, -0.15050654113292694, 0.1881076991558075, 1.488138198852539, -0.25228917598724365, -0.6403654217720032, 1.0671643018722534, 0.08204882591962814, -0.9720690846443176, -0.19776836037635803, 0.12219651788473129, -0.866580605506897, -0.5316399335861206, 0.49486199021339417, 0.7702789902687073, 0.915709376335144, 0.23399510979652405, -0.14449231326580048, 0.7942241430282593, 0.7047430872917175, 0.6274638772010803, -0.02889091894030571, 0.05423513054847717, 1.2252894639968872, -0.6769649982452393, 1.3218213319778442, 0.17011217772960663, -0.34131065011024475, -1.5909703969955444, -0.049224790185689926, -0.6322969198226929, -0.6155467629432678, 1.5120887756347656, 0.3039606511592865, 0.9516123533248901, -0.2103569209575653, 0.8035955429077148, -1.0280548334121704, -0.010694878175854683, 1.0942381620407104, 0.24223852157592773, -0.5636467337608337, -0.38799864053726196, -0.007640674710273743, 0.5762491822242737, -0.6058492064476013, -0.8511269688606262, -0.2648574113845825, 1.6946581602096558, -0.06748762726783752, -0.38515201210975647, -0.6255614161491394, 1.443368911743164, -0.2025853991508484, 0.955107569694519, -0.6043971180915833, -0.3262544274330139, -0.09723163396120071, 1.2661253213882446, 0.6020632982254028, 0.3151850998401642, -0.728302001953125, 0.7294889092445374, 0.13760533928871155, 0.3770967423915863, -0.6241845488548279, 0.9951420426368713, -0.7447426915168762, -1.1117781400680542, -1.0959300994873047, -0.17813892662525177, -0.6796062588691711, -0.82212233543396, 0.17744332551956177, 0.055228982120752335, -0.4307856261730194, 1.1017805337905884, -0.26689040660858154, -1.0036641359329224, 0.6708159446716309, -0.751931369304657, -0.7293579578399658, 0.6541663408279419, 0.34655332565307617, -1.0496597290039062, -0.18808098137378693, -0.3839610815048218, -1.2081884145736694, -0.4067259728908539, 0.060063447803258896, -0.46320000290870667, 0.09012667834758759, -0.5977063179016113, 0.24798455834388733, -0.35248416662216187, 0.08285139501094818, -0.6252399682998657, 0.4170103073120117, 0.24977926909923553, -0.5653939843177795, 0.9891188144683838, 0.8133766651153564, 0.37968671321868896, -0.5447630882263184, -0.3049778342247009, -0.6527618169784546, 0.8395292162895203, -0.2937479019165039, 0.9925344586372375, -0.4641440808773041, 0.2849141061306, 0.7411633729934692, -0.6285189986228943, 0.3133910000324249, -1.2125134468078613, -0.0949338749051094, 0.04445178061723709, -0.0898398905992508, 0.6219080686569214, -1.3052735328674316, -1.0464621782302856, 0.2516952157020569, -0.8861336708068848, 0.19196628034114838, -1.135064959526062, -0.06269917637109756, 1.6633827686309814, 1.0446466207504272, 1.0445334911346436, 0.13702258467674255, -10.931941032409668, 1.4847643375396729, -0.30240246653556824, -0.45036566257476807, 0.2835751473903656, -0.6963476538658142, 0.6339811086654663, 0.06598679721355438, 1.2464663982391357, -0.424596905708313, -0.1865585893392563, 0.8502057790756226, -0.247794508934021, -0.6816543340682983, -0.6632490754127502, -1.258570671081543, -1.2821091413497925, -0.9986552000045776, -0.5214735269546509, 0.2146533727645874, 0.24001435935497284, -0.7683281898498535, -0.12084190547466278, 0.30039817094802856, -0.19970235228538513, -0.24417555332183838, -0.43474769592285156, -0.3543851971626282, -0.3857167959213257, 0.45693960785865784, 1.0016728639602661, -0.10335765779018402, 0.12916113436222076, -1.0723226070404053, -0.19928893446922302, 0.1117824912071228, -0.5536735653877258, -0.3277769982814789, 0.389208048582077, 0.3375433683395386, -0.5345810055732727, 0.21053069829940796, 0.9621149301528931, -0.4570509195327759, -0.20231188833713531, -0.21109718084335327, -0.12713387608528137, 0.07604029774665833, -0.2591288089752197, -0.25168025493621826, -0.4363058805465698, 0.2639061212539673, -0.6565513014793396, -0.3313065469264984, -0.18197640776634216, -0.5658095479011536, -0.26655352115631104, 0.8408336043357849, -0.4916621446609497, -1.41349196434021, 0.5034816861152649, -0.6713056564331055, -0.736880898475647, 0.6718916893005371, 0.8849779963493347, -1.4963979721069336, 0.1982262134552002, 0.46641823649406433, -0.33355239033699036, 0.6025080680847168, -0.8194046020507812, 0.6358779668807983, -0.16459214687347412, 0.6430789232254028, -0.7779579758644104, -0.2779398560523987, -0.30374008417129517, 0.15136195719242096, 0.8349893689155579, 0.15122365951538086, -0.27908363938331604, 0.56069415807724, 0.43416664004325867, -0.9948470592498779, -1.1980656385421753, 0.6387293338775635, 0.2947038412094116, -0.0486937016248703, 1.2776590585708618, -0.551078200340271, 1.3479503393173218, 0.5104961395263672, -0.5607524514198303, 0.17897558212280273, -0.00456751324236393, 0.697760820388794, 0.8045057654380798, 0.8466381430625916, -0.05098922923207283, 0.2956545650959015, -0.19707581400871277, -0.187932550907135, -0.4804205894470215, 0.5429893136024475, 0.6215196847915649, 0.030238129198551178, 0.04032669961452484, 0.5859622955322266, 0.4517606496810913, 0.05170091986656189, 0.9930898547172546, 0.31970328092575073, -0.9297198057174683, 0.6243309378623962, 0.05757346749305725, -0.11546757072210312, 1.3117139339447021, 0.8835263848304749, 1.051456332206726, 0.022140339016914368, -0.6247913241386414, 1.2065998315811157, -0.06434880197048187, 1.1367244720458984, 0.49337053298950195, -0.17188429832458496, 0.25582656264305115, 0.5357685089111328, -0.5503048300743103, -1.5772274732589722, 0.6223400235176086, -0.13239751756191254, 0.6311729550361633, -0.21558651328086853, 0.37207651138305664, 0.3086496889591217, -0.8842757940292358, 0.7830544710159302, -0.31108027696609497, 1.1040380001068115, 0.3707563877105713, -0.7749472260475159, -0.1196315586566925, -1.361335277557373, -0.8210548758506775, -0.20762592554092407, -1.4872173070907593, 0.1947973221540451, 0.1506970226764679, 0.614821195602417, 1.0404884815216064, 0.2678411602973938, 1.0116404294967651, -0.8957103490829468, -0.1361742913722992, 0.7426014542579651, 0.7898870706558228, -0.28333809971809387, -0.8325212597846985, 0.026386931538581848, 0.06610040366649628, 1.1515551805496216, -1.028497338294983, 1.294182300567627, -0.016984425485134125, -0.42410406470298767, -0.20468753576278687, 0.14734479784965515, -0.6895889639854431, 0.07780750840902328, 1.4033986330032349, -1.784080982208252, -1.0156646966934204, -0.8937920928001404, 0.06260502338409424, -0.49537041783332825, 0.6404979228973389, 1.0247886180877686, -0.8733358383178711, -0.29029881954193115, -0.5940431356430054, 0.024841170758008957, 0.044655412435531616, -0.6194477081298828, -0.14678283035755157, -0.12971584498882294, 0.2420405149459839, 0.7878600358963013, 0.3788207471370697, 0.5326452255249023, -1.6369000673294067, -1.2500360012054443, -0.11740615218877792, -0.015166303142905235, -0.5145792961120605, -0.31219482421875, 1.152522325515747, 0.32613566517829895, -0.280514121055603, 0.2245265543460846, -0.10270202159881592, 0.2552638649940491, -1.1469186544418335, -0.39368653297424316, 0.11275149881839752, 0.19159747660160065, -0.41861197352409363, -0.07738997042179108, 0.000559546984732151, 0.28653058409690857, -0.9950374960899353, -0.5823878645896912, -0.055405791848897934, -0.08405348658561707, 0.7656512260437012, -0.02597835287451744, -0.271374374628067, -0.18680045008659363, -0.1711994856595993, -1.4642351865768433, 0.07780664414167404, 0.6655319929122925, 0.6083948612213135, 1.257757544517517, 0.7843242287635803, 0.503481924533844, 0.5504956841468811, -0.4438903331756592, 0.25237199664115906, -0.839501678943634, -0.32616370916366577, -0.3196794390678406, -0.2842676639556885, 0.3587929308414459, -0.26000720262527466, -0.5554999709129333, -0.8639971613883972, 0.43909919261932373, -0.9804617166519165, -0.09691762179136276, -0.05159332603216171, 0.7173717617988586, 0.9491917490959167, 1.1426455974578857, -0.6668824553489685, -0.874310314655304, -0.35831907391548157, -1.0540447235107422, -0.1568945348262787, 0.1512700915336609, 0.6008769869804382, 0.74439537525177, 0.7745569944381714, 0.20198874175548553, 1.0304259061813354, -0.6975752711296082, 0.08188440650701523, 0.24536922574043274, 0.7980960607528687, 0.5588624477386475, 0.6811267733573914, 0.7595404982566833, 0.620934784412384, -0.4664411246776581, -0.09794381260871887, 0.2035156637430191, 0.2571796476840973, 0.7926110625267029, 0.5069154500961304, -0.6434667110443115, -0.8839420080184937, -1.2389775514602661, 0.4616525173187256, -0.461882621049881, 0.8580012917518616, 0.11758586019277573, -0.8076125383377075, -0.9554780721664429, -1.0501140356063843, -0.6205787062644958, 0.7831856608390808, 0.08879311382770538, -0.9258669018745422, -0.7574901580810547, -0.16220588982105255, 0.17256073653697968, -0.5953680872917175, -1.2843470573425293, 0.13831476867198944, -1.0025405883789062, 0.1785917431116104, -0.6403428316116333, -0.9287574291229248, -0.3812650740146637, 0.11647778749465942, -0.6144804954528809, 1.3574130535125732, -0.38077080249786377, -1.489972472190857, -1.390698790550232, 0.2456183284521103, 0.01871027797460556, -0.04794074967503548, 0.45359253883361816, 0.199171781539917, -1.9677176475524902, 1.358199954032898, 1.835592269897461, 0.5781679749488831, -0.3344316780567169, 0.8432468175888062, -0.3131861090660095, -0.3476531207561493, 1.7532644271850586]} +{"paper_id": "kd_conv", "embedding": [-1.3363045454025269, 0.4189256727695465, 0.059928517788648605, -0.5517525672912598, 1.1403107643127441, 0.48384496569633484, 0.9201090335845947, 0.09004238992929459, 0.8710301518440247, 0.9945423007011414, 0.558265745639801, -0.5312586426734924, -0.2844207286834717, -0.7831688523292542, -0.2825908362865448, 0.05722366273403168, -1.288153052330017, -0.2205975502729416, -1.3319581747055054, -0.14344008266925812, -0.4649573564529419, -0.6668961644172668, -0.022327013313770294, 1.3203504085540771, -0.7711560130119324, -0.2593899965286255, 1.5135929584503174, -1.046831727027893, 0.6907730102539062, 0.374930739402771, -0.14824357628822327, 2.0174882411956787, -1.027308464050293, -0.13247287273406982, -0.1761801838874817, 0.09703868627548218, 0.17600040137767792, 0.752495527267456, -0.22684159874916077, 0.30947062373161316, -0.6992790102958679, 0.10156816989183426, 0.040905293077230453, 0.900610625743866, 0.5298569202423096, -0.26039373874664307, 0.2580240070819855, 0.1677873730659485, -0.7785057425498962, -0.17636361718177795, -0.030398515984416008, 0.4316718578338623, 0.18135297298431396, 1.0463777780532837, 0.031692489981651306, 1.5740901231765747, -0.15735021233558655, -0.5392882823944092, 0.23891639709472656, -0.7517935037612915, 1.4300729036331177, 1.0508787631988525, 0.09960108250379562, 0.18192720413208008, 1.2839820384979248, -0.06029248982667923, 2.185216188430786, -0.078314408659935, 1.1768503189086914, 0.606601357460022, -0.19073960185050964, -1.42411470413208, 0.4583294689655304, -0.8039756417274475, -0.04181292653083801, 1.365099310874939, 0.8109014630317688, 0.6657965779304504, -0.5701703429222107, 0.19040560722351074, 0.19456146657466888, 0.7777870297431946, 0.9748706817626953, 0.2432301640510559, 0.014544110745191574, 0.5487468838691711, 1.0496073961257935, 0.18195518851280212, 0.03293691202998161, -2.550353527069092, 0.5999104380607605, -0.11803874373435974, -0.42617958784103394, -0.3542851209640503, -0.18092626333236694, 0.6037206053733826, -0.5663256645202637, -0.7297350764274597, -0.19013649225234985, -0.13771018385887146, 0.7097920775413513, -0.5177158117294312, -0.054419659078121185, -0.41713055968284607, -0.44434261322021484, 0.9991952776908875, 0.8721081018447876, 0.18138480186462402, -0.04050825908780098, -0.6487353444099426, 0.618445098400116, 1.6138423681259155, 0.7187979221343994, 0.91848224401474, -0.10576573014259338, 0.4841226041316986, 0.6702765226364136, -0.6697144508361816, -0.11770465224981308, 0.21244274079799652, -0.21681900322437286, -0.6674506068229675, -0.050386399030685425, -0.003989845514297485, 1.1136138439178467, -0.9603124856948853, 0.09649427980184555, -0.06363922357559204, 0.358853816986084, -0.7458823323249817, 0.4285108149051666, -0.531814455986023, -0.3268304467201233, -0.3335939049720764, 2.3711087703704834, -0.8526783585548401, 2.400684118270874, -1.2620114088058472, -0.38161855936050415, -1.1113361120224, 0.670211672782898, 1.4634008407592773, 0.007377058267593384, 0.22838997840881348, -0.9942914843559265, -0.4188898503780365, -0.8880189657211304, 0.46769753098487854, -0.3878296911716461, -1.410513997077942, 0.3389948904514313, -0.23652520775794983, -1.7404289245605469, -0.4002523124217987, -0.8404423594474792, 0.004059161990880966, -0.04111214354634285, 0.5977522134780884, -0.3784824311733246, 0.6772331595420837, 0.7560298442840576, -0.561191737651825, 0.34981951117515564, 0.21123692393302917, -1.209031343460083, 0.059001944959163666, 0.2969225347042084, -0.14380881190299988, -0.8104202151298523, -0.6827777624130249, 0.7900220155715942, 0.8181409239768982, 0.4919997751712799, 0.2140568345785141, -0.34750470519065857, 0.45782268047332764, 0.5118377804756165, 0.9202540516853333, -0.09336358308792114, -0.30677324533462524, -0.7523727416992188, -0.9838805198669434, -0.8389039635658264, -0.025328874588012695, -0.1786293238401413, 0.19570192694664001, -2.124397039413452, -0.028630271553993225, -0.6662426590919495, 1.4008986949920654, 0.3898102045059204, -0.752906322479248, 0.06251522898674011, -0.8100969791412354, 0.6266463994979858, -1.1638182401657104, 1.2316153049468994, -1.1431554555892944, -0.5581004023551941, 0.03205771744251251, -0.14421392977237701, -0.04145126789808273, 0.3674275875091553, 1.032251238822937, 0.44068825244903564, -1.0781663656234741, -0.33486753702163696, -1.5446745157241821, -0.4706161916255951, 1.7132575511932373, 0.36427706480026245, -1.2352122068405151, -0.3575845956802368, 0.007794469594955444, 0.5237373113632202, -0.4369847774505615, 0.144958958029747, -0.7337279915809631, 0.2829461991786957, -1.2655208110809326, -0.13561183214187622, -0.8163133859634399, 0.9632603526115417, 0.9368048906326294, 1.2995198965072632, -0.6514989137649536, -0.079899862408638, -0.6414903402328491, -1.0117982625961304, 0.16539151966571808, 0.7137495875358582, 0.6121228337287903, -0.3178802728652954, 0.7919413447380066, -0.11545903980731964, 0.15285351872444153, 0.771059513092041, 0.8003265261650085, -0.3937493860721588, 0.44294241070747375, -0.07884309440851212, 1.8840638399124146, 0.06352590024471283, 0.580417811870575, 0.5972660779953003, 0.7105861306190491, 0.18293210864067078, -1.2255111932754517, -0.21995283663272858, -0.13695111870765686, 1.3459447622299194, 0.5057664513587952, 0.6720449328422546, 1.1064969301223755, -0.17880044877529144, 0.12420252710580826, -0.5744292140007019, -1.0267871618270874, -0.2567756175994873, -1.3071086406707764, 1.400046944618225, -0.41275718808174133, 0.4733789563179016, -0.49151939153671265, -0.32693883776664734, -1.0241467952728271, -0.11713400483131409, 0.6938125491142273, -0.5155786275863647, -1.7692159414291382, 0.30596622824668884, -0.5001966953277588, -0.6570421457290649, -0.6970736384391785, -0.19467003643512726, 0.4547201693058014, 0.5167778730392456, 0.959787130355835, 1.1845779418945312, 0.16986149549484253, 0.5223705172538757, -0.13883450627326965, 0.7794971466064453, -0.9314327239990234, 1.352925419807434, 0.38619935512542725, 0.22165866196155548, -0.7746253609657288, 0.9026371240615845, -0.3901401162147522, 0.20529180765151978, 0.5287019610404968, -0.19649334251880646, 0.5166471004486084, -0.32466351985931396, -0.14253731071949005, 1.4746330976486206, -0.02549915388226509, -0.22812411189079285, -0.1401495635509491, 1.8660516738891602, 0.31241533160209656, -0.35514533519744873, 1.172170639038086, -0.102632537484169, 0.5546092987060547, 0.693620502948761, -0.04384414106607437, 0.8573525547981262, 1.0906271934509277, -0.3375072479248047, 0.46750107407569885, -0.040502890944480896, -1.5100468397140503, 0.04044853895902634, 0.6511073708534241, -0.7478258609771729, 0.09896416962146759, -1.2839652299880981, 0.23596321046352386, -0.5813471674919128, -0.038853973150253296, -0.2651795446872711, 0.10657903552055359, 0.06504654884338379, -0.3481438457965851, -0.09223569929599762, 1.7584826946258545, 0.06746289134025574, 0.7255122065544128, 0.48205527663230896, -0.19762921333312988, -0.7365657687187195, -0.7007785439491272, 0.4157547056674957, -0.4752189517021179, -0.3040139973163605, 0.7832508087158203, 0.6613779664039612, 1.8035506010055542, -0.07208285480737686, -0.06537605822086334, 1.2417465448379517, 0.23493877053260803, 0.31242966651916504, -0.05450828745961189, -0.27097129821777344, 1.189052700996399, -0.8653990030288696, 0.6759803891181946, -0.24731415510177612, -0.666876494884491, -1.3388830423355103, 0.5261932611465454, -0.5059245824813843, -1.1252632141113281, 2.0266847610473633, -0.03413379192352295, 0.9578614234924316, -0.698889970779419, 0.327174574136734, -1.013762354850769, -0.10201002657413483, 1.3189177513122559, 0.638965904712677, -1.0829390287399292, -0.9805660247802734, 0.2213331162929535, 0.4290521442890167, -0.26549988985061646, -0.6388288140296936, -0.50951087474823, 1.1542266607284546, -0.37337562441825867, -1.3976882696151733, -0.27750951051712036, 1.1566312313079834, 0.34435415267944336, 1.0329288244247437, -0.865041196346283, -0.7042750716209412, 0.6187637448310852, 1.0168168544769287, 0.6569551825523376, 0.5864846110343933, -1.1229876279830933, 0.45200952887535095, 0.6178595423698425, 0.30471256375312805, -0.44509804248809814, 1.44350266456604, -0.21238994598388672, -1.272303581237793, -1.9483672380447388, -0.4487706422805786, -0.9470438957214355, -1.1352341175079346, 0.19165679812431335, -0.4267381727695465, -1.0995513200759888, 0.9987112283706665, -0.13521027565002441, -0.2864098846912384, 0.7339173555374146, -0.4009353220462799, -1.1601873636245728, 0.3663480281829834, 0.44263872504234314, -1.913048505783081, -0.2933487594127655, -0.39928603172302246, -1.1609115600585938, -0.3173505961894989, -0.3724224269390106, -0.08501984924077988, 0.07765703648328781, -0.752881646156311, 0.1300063133239746, 0.3529542088508606, -0.5830018520355225, -0.7188631296157837, 0.2480642944574356, 0.18121008574962616, -1.007493257522583, 0.8770533800125122, 1.0442261695861816, 0.16296438872814178, -0.11922436952590942, -0.7928029894828796, -0.8001245260238647, 1.1036906242370605, -0.036516617983579636, 0.23057152330875397, -0.6638708710670471, -0.19970881938934326, 0.8866334557533264, -0.5189254283905029, 0.2766820788383484, -1.0204503536224365, -0.09880046546459198, 0.15193039178848267, -0.04887520521879196, 0.6613823175430298, -1.4333810806274414, -1.5080971717834473, 0.430069237947464, -0.5598596930503845, 0.6204308271408081, -0.2259061634540558, -0.3279738128185272, 1.277663230895996, 0.5011929273605347, 0.48474276065826416, 0.049570776522159576, -10.07178020477295, 0.7321705222129822, 0.11649663001298904, -0.6028994917869568, 0.7354088425636292, -1.0729061365127563, 1.1690037250518799, -0.23105862736701965, 0.723720133304596, -1.6777384281158447, 0.5790029764175415, 0.7654160857200623, -0.15242666006088257, -0.3496066629886627, -0.2099410593509674, -0.8130754232406616, -0.7756139039993286, -0.32108211517333984, -0.4940623641014099, -0.2506308853626251, -0.08843670785427094, -0.29552796483039856, 0.11437065899372101, 0.29704898595809937, -0.5272287726402283, 1.0349870920181274, -0.08274197578430176, -0.6264152526855469, -0.4104328751564026, 0.23014572262763977, 0.6509178280830383, -0.4650399088859558, -0.12006574869155884, -1.0002323389053345, 0.3049927353858948, 0.2245306521654129, -0.9594526886940002, -0.5662554502487183, 0.7204270362854004, -0.2591222822666168, 0.13804706931114197, 0.7211825251579285, 0.7187613844871521, 0.20729203522205353, -0.3958905041217804, 0.07200737297534943, -0.1917804777622223, -0.3903241753578186, 0.027760110795497894, -0.2538166046142578, -0.7047808170318604, -0.1491827666759491, -0.8813399076461792, -0.4292500913143158, 0.08685818314552307, -0.2449236959218979, -0.8272466659545898, 0.8056544065475464, -0.3701261878013611, -0.6659756898880005, 0.7725918292999268, -0.30728960037231445, -0.28326112031936646, 0.5708690285682678, 0.6140056252479553, -1.1277031898498535, 0.6488314270973206, 0.3186953365802765, -0.5745609402656555, 0.33344870805740356, -0.4256674349308014, 0.18963590264320374, -0.2293437421321869, -0.054157406091690063, -0.5476493239402771, 0.1702512800693512, -0.06364530324935913, 0.29603809118270874, 0.638392984867096, 0.4961857795715332, -0.5920761227607727, 0.8185563683509827, 0.9160223603248596, -1.1160566806793213, -0.9900709986686707, 0.12796010076999664, -0.055386073887348175, -0.09197425842285156, 0.47368738055229187, -0.6686205863952637, 1.082356572151184, 0.7857205867767334, -0.5254140496253967, 0.1289568543434143, -0.269677072763443, 0.41656026244163513, 0.7532333135604858, 0.8495798707008362, 0.21653461456298828, -0.48456230759620667, 0.7258051633834839, 0.08640613406896591, -0.2702888250350952, 0.5722805857658386, 0.00995827279984951, 0.30930131673812866, -0.20932990312576294, 0.6049858331680298, -0.013348199427127838, 0.20244912803173065, 0.8189541101455688, -0.5250836610794067, -1.2880642414093018, 0.1750258356332779, 0.3913640081882477, 0.90916508436203, 0.8335440754890442, 0.638524055480957, 0.6932650208473206, 0.8789188265800476, -0.01890033297240734, 1.3583709001541138, -0.20614507794380188, 1.4955143928527832, 0.19848883152008057, -0.8276398777961731, 0.5111242532730103, 0.4199914336204529, -0.24451744556427002, -1.4279792308807373, 0.005871783941984177, -0.3104066252708435, 0.49948379397392273, 0.34250831604003906, -0.6707015037536621, -0.07279197126626968, -0.41351646184921265, 1.7117332220077515, -0.7313632965087891, 0.503239095211029, -0.10822493582963943, -1.0638062953948975, 0.9015533924102783, -1.267716646194458, -0.8436110019683838, 0.031250499188899994, -0.778169572353363, 0.0001103915274143219, -0.9117897152900696, -0.1468069851398468, 0.6710816621780396, 0.4758632481098175, 0.7419446110725403, -0.8755283355712891, -0.42985519766807556, -0.08877858519554138, 0.5757641196250916, -0.2660488486289978, -1.0642086267471313, 0.5555636286735535, -0.34178727865219116, 0.3729996979236603, -0.8622598052024841, 0.458994597196579, -0.33718156814575195, -0.5824516415596008, -0.14781558513641357, 0.055857717990875244, -1.3525176048278809, 0.09405335038900375, 1.8742786645889282, -1.3383697271347046, -0.5035700798034668, -0.3947111964225769, -0.570580005645752, -0.9419249892234802, 0.8413788676261902, 1.2415492534637451, -0.4560967683792114, -1.024035096168518, -0.2283172756433487, 0.29818210005760193, -0.4627476930618286, -0.25560885667800903, 0.13990303874015808, -0.2335786521434784, 0.10963068902492523, 1.2774879932403564, 0.36097896099090576, -0.2565681040287018, -1.4865126609802246, -0.7876417636871338, 0.14870256185531616, -0.26503950357437134, -0.25393378734588623, -0.2972871959209442, 0.9402519464492798, 0.8635062575340271, 0.03645727038383484, 0.43894195556640625, 0.7032460570335388, 0.5760014653205872, -0.4456072151660919, 0.6940706372261047, -0.23604264855384827, -0.5203927159309387, -0.41392001509666443, 0.4069455862045288, 0.4868430197238922, -0.47372856736183167, -1.0431760549545288, 0.0897982120513916, 0.8516541123390198, -0.3442592918872833, 1.099046230316162, -0.3341127038002014, 0.5040462613105774, -0.27018195390701294, -0.09141959249973297, -0.8893210291862488, -0.010854408144950867, 1.2164102792739868, -0.3722604513168335, 1.118810772895813, 0.19112452864646912, 0.6507018208503723, 0.6701011061668396, -0.08611489832401276, 0.5990105867385864, -0.3845677375793457, -0.33106768131256104, -0.05892278626561165, 0.3050363063812256, 0.10103725641965866, -0.03926367685198784, -1.1418222188949585, -0.6975789666175842, 0.8851311802864075, -0.9086857438087463, 0.5450999736785889, -0.10772140324115753, 0.8612104058265686, 0.821497917175293, 1.3584082126617432, -0.953158438205719, -1.3460557460784912, -0.4852960407733917, -0.5951902866363525, 0.6839781403541565, 0.5042086839675903, 0.26538413763046265, 0.6087313294410706, 0.748619794845581, 0.6642207503318787, 1.1822445392608643, -1.1644634008407593, 0.0030547380447387695, -0.08050944656133652, 0.08236809074878693, 0.3743799030780792, 0.25716841220855713, 0.8041470646858215, 0.30451709032058716, 0.08877099305391312, -0.46211108565330505, 0.3322778344154358, 0.34514427185058594, 0.13849355280399323, 0.8346234560012817, -0.7452476024627686, -0.6353743076324463, -0.848071277141571, 0.29949191212654114, -0.47260501980781555, 0.5264567136764526, 0.6555178165435791, -0.8884987831115723, -0.6680365204811096, -1.2025717496871948, -1.537213683128357, 0.8514110445976257, 0.3771599531173706, -1.3393357992172241, -0.5348583459854126, 0.36924314498901367, 0.2625541090965271, -0.4739696681499481, -0.722983181476593, -0.135684534907341, -0.5282456874847412, 0.7452446222305298, -0.16267651319503784, -1.0226244926452637, -0.3218342959880829, 0.3850557804107666, -0.7214789986610413, 0.8840516805648804, -0.4141918420791626, -1.3534787893295288, -1.3534682989120483, -0.962360680103302, -0.07899601757526398, -0.3289209008216858, 0.6872389316558838, -0.6710978150367737, -1.8981717824935913, 0.7450490593910217, 1.3860962390899658, 0.09387701749801636, -0.9962198734283447, 0.4354988932609558, -0.42467623949050903, -0.4953147768974304, 0.9028043746948242]} +{"paper_id": "food101", "embedding": [-0.5545956492424011, 0.5525277853012085, -0.48917433619499207, -0.23838607966899872, 0.12488799542188644, 0.02380918711423874, 0.5248440504074097, 0.0016455724835395813, 0.7492538690567017, 0.7890614867210388, 1.062340497970581, 0.006073633208870888, -0.28836488723754883, -0.920961320400238, -0.4167505204677582, 0.2776128947734833, -0.541060745716095, -0.687061071395874, -0.9135437607765198, -0.10464373975992203, -1.2949978113174438, -0.34746885299682617, -0.3791104257106781, -0.01341894268989563, -0.5366654992103577, -0.1460035741329193, 0.3968847990036011, 0.013694273307919502, 0.23545822501182556, 0.6583179235458374, -0.1828753650188446, 0.6534696221351624, -1.5160249471664429, 0.8477190136909485, -0.9068450927734375, -0.22180487215518951, 0.9324552416801453, 0.8014736175537109, -0.25294533371925354, -0.49879854917526245, -0.3751462697982788, 0.2947286367416382, 0.7843130826950073, 0.5312855243682861, 0.8076351881027222, -0.5135882496833801, 0.3494087755680084, 0.3917301297187805, -0.5828548073768616, 0.10358330607414246, 0.17678794264793396, 0.7973716855049133, -0.42215535044670105, 0.6815910339355469, -0.8494138717651367, 1.1283595561981201, -0.0376240536570549, 0.19400936365127563, 0.43587979674339294, -0.599981427192688, 0.1906730979681015, 0.8165971040725708, -0.2826080918312073, -0.3182043135166168, 0.22407597303390503, -0.5247302651405334, 0.3996395468711853, -0.6996772885322571, 0.27151191234588623, 0.15647000074386597, 0.10740599036216736, -1.5642738342285156, 0.6303492784500122, 0.188429057598114, 0.28126320242881775, 0.9663736820220947, -0.39400702714920044, -1.0051989555358887, 0.08326509594917297, -0.3467181921005249, -0.30734214186668396, 0.07842740416526794, 0.4969356060028076, 0.018536873161792755, 0.06689019501209259, -0.15679293870925903, -0.15579286217689514, -0.44617918133735657, 0.08712282031774521, -1.3751108646392822, 0.5890045762062073, 0.44783276319503784, 0.4873785376548767, 0.33216094970703125, -0.2516043484210968, -0.48663780093193054, -0.6407445669174194, -0.370939701795578, -0.8950067758560181, 0.4588088393211365, 0.3985065817832947, -0.6937540769577026, 0.7001984715461731, 0.12923455238342285, 0.05908925458788872, 0.44529807567596436, -0.5898162126541138, 0.5309680700302124, -0.3740943372249603, 0.013629280030727386, 0.12930481135845184, 0.7702986598014832, 0.6399496793746948, 0.19329118728637695, -0.28768661618232727, 0.42717546224594116, 0.21726223826408386, 0.40241101384162903, -0.6080940365791321, -0.1612858921289444, 0.37106677889823914, -2.12251615524292, -0.9131468534469604, -0.7468048930168152, 0.7151558995246887, -0.41549861431121826, 0.7692944407463074, -0.04242487996816635, -0.33703699707984924, -0.6910434365272522, 0.6719516515731812, -0.15595370531082153, -0.4568089246749878, 0.657272219657898, 2.750891923904419, -0.40220698714256287, 0.668846607208252, -0.33276844024658203, -0.6861158013343811, -0.34392571449279785, 0.16624772548675537, 0.7268879413604736, 0.19446668028831482, -1.044582486152649, -0.31299710273742676, -0.2992338538169861, -0.3610020875930786, 0.6473982930183411, -1.171363353729248, 0.3569749593734741, -0.24713489413261414, 0.5882477164268494, -0.9205729365348816, -1.065184473991394, 0.21443964540958405, 0.5558487772941589, 0.9171229600906372, -0.5324165225028992, -0.6470211744308472, 0.09249138832092285, 0.3444758355617523, 0.49818336963653564, -0.27056825160980225, 0.6639590859413147, -0.30017349123954773, 0.2689913511276245, 1.0039918422698975, 0.10146554559469223, -0.2512037754058838, -0.026336878538131714, 0.554247260093689, -0.656909167766571, 0.8306795358657837, 0.12581035494804382, 0.1229935958981514, 0.04358997195959091, -0.2061961591243744, 0.7138289213180542, 0.32807597517967224, -0.959776759147644, 0.0014361273497343063, 0.469381719827652, 0.05715429037809372, 0.0863969475030899, 1.0474547147750854, -0.2138410359621048, -1.316329836845398, 0.3984828591346741, -0.5750360488891602, 0.42552945017814636, -0.4863661527633667, -0.4808216989040375, 0.32909271121025085, 0.17179636657238007, -0.2207900881767273, -0.06938759982585907, 0.43957483768463135, -0.8672943115234375, -0.5090780258178711, 1.490098237991333, 0.03802710399031639, 0.19394728541374207, -0.8718996047973633, 0.43728315830230713, 0.5435686111450195, 0.40105509757995605, 0.28923299908638, -0.8080256581306458, 0.6156506538391113, 0.7441399097442627, 0.29288530349731445, -0.8697156310081482, -0.236934632062912, -0.9843664765357971, 0.38216641545295715, -1.143800139427185, 0.7363256216049194, -1.2516849040985107, -0.7594476342201233, -1.319203495979309, -0.32770517468452454, -0.32989877462387085, 0.37281620502471924, 0.0011024866253137589, 0.6775689125061035, -1.1790366172790527, -0.34411388635635376, 0.380904883146286, -0.9380263686180115, 0.5318437218666077, 0.1264435201883316, 0.2817689776420593, 0.4382615387439728, 0.38164591789245605, -0.18984457850456238, 0.11960083246231079, 0.5453651547431946, 0.5329131484031677, -0.5271380543708801, 0.4049931466579437, -0.20285210013389587, 0.4002698063850403, -0.985769510269165, 0.1190042570233345, 0.4244230389595032, -0.17358431220054626, -0.03753658011555672, -1.4126838445663452, -0.3717220425605774, -0.1416815221309662, 1.5144716501235962, 0.11606347560882568, 0.04435295611619949, 0.4206955134868622, 0.33829405903816223, -0.558940589427948, 0.8620248436927795, -0.0069784000515937805, 1.466431975364685, -0.7944903373718262, 0.3628091514110565, -0.034555912017822266, -0.1690228134393692, 0.08270511031150818, 0.22623461484909058, -0.2901201546192169, -0.47434136271476746, 0.07359712570905685, -1.3507260084152222, -0.5476018190383911, -0.5157870650291443, 0.3908059000968933, 0.5452682971954346, -0.3275860846042633, 0.2254205048084259, 0.864351749420166, 0.04445148631930351, 1.0773794651031494, 0.2931654155254364, 0.6237419843673706, 0.7475436329841614, -0.3551074266433716, 0.07332473993301392, 0.29757586121559143, 0.5201500654220581, -0.8051835894584656, 0.02984430640935898, -0.9710963368415833, -0.6778907775878906, -0.8473629355430603, -0.01637517288327217, -0.07504042237997055, -0.5841507315635681, 0.8596610426902771, -0.22499966621398926, -1.6694345474243164, 1.9676629304885864, -0.1517803966999054, 0.2579324245452881, 0.32368725538253784, 0.8350664973258972, 0.3414723575115204, -0.3361113667488098, -0.24515967071056366, -0.10079246014356613, -0.13913528621196747, 1.3164324760437012, -0.3921099603176117, -0.15296104550361633, 0.9196503162384033, -0.19969071447849274, -0.46935465931892395, 0.15999460220336914, -1.6103649139404297, -0.5322662591934204, -0.163606658577919, -0.07388781011104584, -0.3371516168117523, -0.9632591009140015, -0.506013810634613, -0.16314388811588287, 0.22924107313156128, 0.10368838161230087, -1.2218433618545532, 0.09877805411815643, 0.23503315448760986, 0.11321000754833221, 0.9528210759162903, -0.6781204342842102, 0.08696307241916656, 0.4138440489768982, -0.029944688081741333, -0.6618186831474304, -0.4749351441860199, 0.5808612704277039, -0.4448349177837372, 0.04370279982686043, 0.6953020691871643, 1.2093361616134644, 0.7489713430404663, 0.007134877145290375, -0.09462781995534897, -0.044172726571559906, 0.18947947025299072, 0.10965225845575333, 0.12139394134283066, 0.12789680063724518, 0.3903976082801819, 1.2062370777130127, 0.7395064234733582, 0.02681152895092964, -0.3527940809726715, -0.2149282842874527, 0.7146539688110352, -0.3077549934387207, 0.5359265804290771, 1.1390693187713623, 0.1826116442680359, 1.5336953401565552, -0.13376960158348083, 0.9251038432121277, 0.32686564326286316, 0.12036770582199097, 0.7823678851127625, 1.0683619976043701, -0.2642363905906677, 0.09600621461868286, 0.7557646036148071, -0.047739334404468536, 0.2976020574569702, 0.026937903836369514, -0.048269692808389664, 0.7519436478614807, -0.25243255496025085, -0.7784023284912109, 0.269223153591156, 0.2790716588497162, 0.6780080795288086, 1.15891695022583, 0.0031230393797159195, -1.1312462091445923, -0.457952082157135, 0.0928831696510315, 0.40353691577911377, -1.1624226570129395, -0.3589089512825012, 0.5518540143966675, -0.43070387840270996, 1.5987017154693604, -0.04019420966506004, 0.4003491997718811, 0.3934481739997864, -0.2960553765296936, -0.4438347816467285, 0.37514743208885193, -0.5102114677429199, -1.156200885772705, -0.28263920545578003, 0.025730028748512268, -0.828223705291748, 0.20540672540664673, -0.3454466164112091, -1.3106131553649902, 0.615004301071167, 0.15441478788852692, -0.25275903940200806, 0.7605642080307007, 1.4968852996826172, -0.8698122501373291, -0.29550665616989136, -0.24329888820648193, -0.595574676990509, -0.37719619274139404, 0.5466480851173401, -0.02144862711429596, 0.129672110080719, -0.5215954184532166, 0.7199863791465759, -0.7161506414413452, -0.26068997383117676, -0.41705164313316345, 1.3629189729690552, 0.04262425750494003, -0.8496924042701721, 0.33609867095947266, -0.5293828248977661, 0.45669180154800415, 0.3015069365501404, -1.5770435333251953, -0.05689505860209465, 1.287515640258789, 0.8414664268493652, -0.1144898533821106, -0.8388211131095886, 0.08269590139389038, -0.19705313444137573, 0.49315276741981506, 1.129122257232666, -0.7132091522216797, 0.10942201316356659, 0.02425140142440796, 1.1345230340957642, 0.6342611312866211, -0.13236089050769806, -0.11499056220054626, 1.706453561782837, -0.0303843691945076, 1.1687382459640503, -0.46971815824508667, -0.34418758749961853, 0.669437050819397, 0.11525843292474747, 0.3195260167121887, 0.48147228360176086, -12.982478141784668, 0.11421357095241547, -0.7839430570602417, 0.37935465574264526, 0.5529030561447144, 0.2801562249660492, 0.8778879642486572, 0.5592972040176392, 0.42350029945373535, -0.5782710313796997, 0.6743173003196716, 0.8556232452392578, 0.48156967759132385, -0.22871975600719452, -0.3736781179904938, -0.4939437508583069, -0.9473775029182434, 0.16260085999965668, 0.48304426670074463, 0.5348928570747375, 1.2080655097961426, 0.02799633890390396, -0.18345391750335693, -0.24502931535243988, -0.19031909108161926, -1.017920970916748, 0.08417319506406784, -0.12850293517112732, -0.9183526635169983, -0.37282636761665344, 0.13175275921821594, -0.2117547243833542, -0.9451299905776978, -0.8633164763450623, 0.15787166357040405, -0.10260787606239319, -0.4481494426727295, -0.3142559230327606, 2.063849449157715, 0.009149467572569847, -0.8886639475822449, 0.4603295922279358, -0.5027931928634644, 0.6501834392547607, -0.5679865479469299, -0.07008775323629379, -0.423019677400589, 0.1426098793745041, 0.0544683113694191, -0.6686325073242188, -0.5987161993980408, -0.2111886888742447, 0.546588122844696, -0.5674853324890137, 1.114011287689209, 0.4739830195903778, -0.6203078627586365, -0.3879795968532562, -0.8892095685005188, -1.0082511901855469, 0.5004689693450928, 0.15975433588027954, -0.7748415470123291, 0.939550518989563, 0.34982284903526306, -1.315831184387207, 0.5802849531173706, 0.7515896558761597, -0.6248073577880859, 0.05729425698518753, -0.4717121124267578, 0.5202383995056152, 1.1168383359909058, -0.623134970664978, -0.23469418287277222, -0.1347510814666748, -0.341399610042572, 0.11170881986618042, -0.5465803742408752, 0.2696320712566376, -0.7413873672485352, 0.5973750948905945, -0.5994747281074524, -0.5946580171585083, -0.14703749120235443, 0.043387215584516525, 0.4133909344673157, 0.08737136423587799, 0.04035075753927231, 0.609670102596283, 1.0433368682861328, 0.5659667253494263, -0.1148575097322464, -0.815868616104126, -0.7212560176849365, 1.1313302516937256, -0.9899316430091858, -0.3725000321865082, -0.8018449544906616, -0.8544102907180786, 0.9439324140548706, 0.17965924739837646, 0.281587153673172, 0.30448201298713684, 0.9072291254997253, -0.42936062812805176, 0.22060763835906982, 0.8675733804702759, 0.2008465975522995, 1.0848002433776855, 0.10110151767730713, -1.3700690269470215, -0.7874665856361389, 1.0285171270370483, -0.18522539734840393, 0.13726547360420227, 0.7539739012718201, -0.8414279222488403, 0.5295200943946838, 0.1700829565525055, 0.32329240441322327, -0.17895708978176117, 0.41141679883003235, 0.625125527381897, 0.539024829864502, 0.013431357219815254, -0.07699434459209442, 0.5919840931892395, -0.17593440413475037, -0.7593029141426086, 0.8248483538627625, -0.16314834356307983, -0.53646320104599, -0.20555317401885986, 0.270353227853775, -0.8677981495857239, -0.3586244285106659, 1.7743831872940063, -0.23089316487312317, 0.5556724667549133, -0.024636538699269295, -0.4299805164337158, -0.1289466917514801, -0.34603744745254517, -0.09454073756933212, -0.5917773246765137, -0.7691581845283508, 0.24041247367858887, -0.18729902803897858, -0.5132306814193726, 1.059533953666687, 0.22396805882453918, 0.5824213027954102, -0.6813569664955139, -0.6797739267349243, 0.05471673607826233, 0.027746792882680893, -0.920621395111084, 0.23953329026699066, -0.089886873960495, 0.7572900652885437, -0.14826396107673645, -1.0439598560333252, 1.130623459815979, 0.4012119770050049, 0.12610767781734467, -0.9411240220069885, -0.4394100308418274, 0.746842622756958, -0.20973265171051025, 0.5512857437133789, -0.5936564803123474, 0.5198559165000916, -0.5252279043197632, 0.18182185292243958, -0.39858829975128174, -0.5872790217399597, 1.2290620803833008, -1.201134443283081, 1.0841050148010254, 0.16376890242099762, 1.0193504095077515, 0.6536797881126404, -1.1200740337371826, -0.12493586540222168, -0.04036939889192581, 0.27637970447540283, 0.5639365911483765, -0.39402762055397034, 0.6614387631416321, -1.8948862552642822, -0.5218814611434937, -0.45293155312538147, 0.3311091661453247, 0.7625489234924316, 0.45497336983680725, 0.2373085469007492, 0.2907494902610779, -0.7235907316207886, -0.005363151431083679, 0.4635017216205597, 0.07842351496219635, 0.18267276883125305, -0.38237568736076355, -0.031443964689970016, -0.5025063157081604, -0.5001693367958069, -1.0036405324935913, -0.23457667231559753, 0.5579306483268738, -0.48805657029151917, 0.6563701629638672, 0.32812798023223877, -0.7205846309661865, -0.12138554453849792, -0.36081618070602417, -0.08606057614088058, -0.2335147112607956, 0.22145788371562958, -0.7674004435539246, 0.15205128490924835, 0.4472575783729553, -0.3637031316757202, 1.0752158164978027, -0.4370754063129425, 0.9404354691505432, 0.7272244095802307, 0.5083077549934387, 1.6517776250839233, 0.8569071888923645, 0.13272088766098022, 0.22545328736305237, -0.1514805257320404, -0.5456109046936035, -0.36313560605049133, -0.25607699155807495, -1.1355615854263306, 0.42609110474586487, -0.8267940282821655, -0.16147583723068237, -1.1924864053726196, -0.14460265636444092, 0.37620609998703003, 0.459609717130661, -0.41344642639160156, -1.2561147212982178, -0.1800379902124405, -0.5780553221702576, 0.12073014676570892, -0.30481237173080444, -0.44839680194854736, 0.9302076697349548, 0.8591930866241455, -0.13550825417041779, 0.9773591756820679, -0.10398322343826294, -0.49184441566467285, 0.36431965231895447, -0.11653447151184082, 1.0333744287490845, 0.9732968807220459, -0.15152284502983093, 0.5591818690299988, 0.2045443058013916, -0.019497450441122055, -0.2603991627693176, 0.39335957169532776, 0.6228296160697937, 1.0041131973266602, -1.1681321859359741, -0.7890095114707947, -0.2271614372730255, -0.4152893126010895, -0.3075386583805084, -0.4259919226169586, 0.38494449853897095, -0.2318723052740097, -0.7283568382263184, 0.16978387534618378, 0.4786643385887146, 0.01179167628288269, 0.4156756103038788, -0.6056762337684631, -0.4610341191291809, 0.6221196055412292, 0.7063608765602112, -0.1267276108264923, -0.17089039087295532, -0.07590992003679276, -0.20391032099723816, 0.262340784072876, 0.016603542491793633, -1.0581365823745728, -0.29478102922439575, -0.1235058456659317, -0.5128282308578491, -0.13134418427944183, -0.9603880047798157, -0.3599892854690552, -0.11540788412094116, -0.0890064686536789, -0.0706675574183464, 0.17470373213291168, -0.31304049491882324, 0.9240670800209045, -0.09968301653862, 0.3150143325328827, 0.7513848543167114, -0.49901527166366577, -0.009278674609959126, 0.2059171497821808, -0.3792898654937744, -0.019120199605822563, 0.7154276967048645]} +{"paper_id": "eurlex", "embedding": [-0.8987964391708374, 0.9186338782310486, -0.10585074126720428, -0.11560748517513275, 0.5196067690849304, -0.2336309254169464, 0.002437502145767212, 0.763252317905426, 0.5940079689025879, 1.228395938873291, -0.04872794449329376, -0.2174881547689438, -0.38728535175323486, -0.6404212713241577, -0.2640736699104309, -0.13753783702850342, -0.30662739276885986, -0.15489494800567627, -1.0043675899505615, -0.12082314491271973, -0.9218577742576599, -0.8683336973190308, 0.3294757306575775, 0.5525607466697693, -0.12580306828022003, -0.8397553563117981, 0.5414167046546936, -0.8389794230461121, 0.15509891510009766, 0.5635595321655273, -0.3732130229473114, 1.0450561046600342, -1.5357592105865479, 0.08529847115278244, -0.6864343285560608, 0.018435711041092873, 0.48206764459609985, 0.624161422252655, -0.3160489499568939, -0.7796347737312317, -1.3362360000610352, -0.16111230850219727, 0.9297053813934326, 0.06604301929473877, 0.9607306122779846, -0.5702563524246216, 0.4142024517059326, -0.059636350721120834, -0.1407652497291565, -0.3697233200073242, 0.025834945961833, 1.245724081993103, -1.1448341608047485, 0.5444133281707764, -0.14900237321853638, 1.274505615234375, -0.4192955493927002, -1.0459954738616943, -0.13416817784309387, -0.14088624715805054, 1.3271069526672363, 1.2855312824249268, -0.050024621188640594, -0.35887181758880615, 1.0631170272827148, 0.013920754194259644, 1.7396889925003052, -0.19025105237960815, 0.45679304003715515, 1.2728873491287231, -0.049152739346027374, -1.047312617301941, 0.09559071063995361, -0.9095329642295837, -0.1105269342660904, 0.5793721675872803, 0.6390479803085327, -0.08500570058822632, -0.2575215697288513, 0.1394825577735901, -0.020259760320186615, 1.2217473983764648, 0.3889513909816742, -0.6538185477256775, -0.5825709700584412, -0.18370142579078674, 0.8361026048660278, -0.3993631899356842, 0.5597142577171326, -0.9492924213409424, 0.8194270133972168, -0.0005187224596738815, -0.5183098912239075, 0.6998394727706909, -0.863525927066803, 0.9596647024154663, -0.945035457611084, 0.13699279725551605, -0.10206449776887894, 0.4094209372997284, 0.7046879529953003, -0.4189138412475586, 0.6225204467773438, 0.28682708740234375, 0.01428358256816864, 1.306296944618225, 0.06407830119132996, -0.002500418573617935, -1.2593308687210083, 0.06417855620384216, 0.24591615796089172, 0.3651585578918457, -0.524545431137085, 0.3989109694957733, 0.22531715035438538, 0.23363915085792542, 0.5705081224441528, -0.8855621814727783, -0.928778886795044, 0.2716987431049347, -0.8424649834632874, -0.8561888337135315, -0.6719977259635925, 0.19811226427555084, 1.2961746454238892, -0.6025779247283936, 1.0387507677078247, -0.3180551826953888, -0.18912579119205475, 0.00541238859295845, 0.38166168332099915, -0.1873607635498047, -0.7358176112174988, 0.29749470949172974, 2.804300546646118, -1.1714521646499634, 2.1085267066955566, -0.688535749912262, 0.3320852816104889, -0.5460841655731201, 0.2592563033103943, 1.2889375686645508, -0.22632160782814026, -1.2157729864120483, -0.5307626128196716, 0.5244985222816467, -1.051344871520996, 0.7702577710151672, -0.45647695660591125, -1.1383390426635742, 0.08900899440050125, 0.6686142683029175, -0.36693045496940613, -0.4509294629096985, -0.28394654393196106, 0.3689897954463959, 0.3460333049297333, 0.02848999574780464, -1.0904806852340698, 0.944495439529419, 1.1218421459197998, -0.38157618045806885, -0.483469158411026, 1.1651662588119507, -0.4196018576622009, -0.1257438212633133, 1.3914203643798828, 0.3213523328304291, -1.227781891822815, 0.06678067892789841, 1.3360497951507568, -0.02111705020070076, -0.34027451276779175, 0.28650811314582825, -0.573586106300354, -0.13428044319152832, 0.5054313540458679, 0.961166262626648, -0.004065932705998421, -0.2779512405395508, -0.09211244434118271, -0.41760021448135376, 0.28243812918663025, 0.6119422912597656, -0.09579263627529144, 0.013369347900152206, -2.186816930770874, -0.7732577323913574, -0.1030208095908165, 1.4059958457946777, -0.32690057158470154, -0.41444095969200134, -0.1338922381401062, 1.0628104209899902, 0.35316193103790283, -1.367701530456543, 0.001863555982708931, -0.8594827651977539, 0.008823409676551819, 0.44420772790908813, 0.8511688113212585, -0.9644203186035156, -0.10539358854293823, 0.42813217639923096, 1.2185465097427368, -0.8856523036956787, -0.5313996076583862, -2.3512258529663086, 0.5781803131103516, 2.2969627380371094, 0.0011363998055458069, -0.4180075228214264, -1.192582368850708, 0.27915674448013306, 0.6267189979553223, -0.1103312075138092, 0.6049497127532959, -1.340268611907959, 0.8559128642082214, -1.2740646600723267, 0.4540770947933197, -0.1062270998954773, -0.2362210750579834, -0.0914139449596405, 0.20716586709022522, -0.09128575026988983, 0.2995123565196991, -0.5141414999961853, 0.1147487461566925, 1.0155900716781616, 0.498319536447525, -0.36589276790618896, -0.17074783146381378, 0.593398928642273, 1.0841567516326904, 0.7672845125198364, -0.2294292449951172, -0.24251335859298706, -0.11996396631002426, 0.4742662310600281, -0.2295747548341751, 0.46086132526397705, -0.3139636516571045, -0.7964615225791931, 1.2765913009643555, 0.2181580364704132, -0.06405923515558243, -0.12411803007125854, 0.06287235021591187, -0.2082008421421051, 0.9781660437583923, 0.9614159464836121, -1.0078973770141602, 0.5712499022483826, -0.8212952613830566, -0.22470879554748535, 0.31401878595352173, -0.7809277772903442, 0.2528253197669983, -0.06938688457012177, 0.777617335319519, 0.2290879338979721, 0.39723044633865356, -0.3329439163208008, -0.8351215720176697, -0.6941511631011963, -0.6981806755065918, -0.36443233489990234, -0.368044376373291, -1.2629362344741821, 0.1007244884967804, -0.6068707704544067, -0.8827566504478455, 0.032835863530635834, 0.6325801014900208, 0.8541294932365417, -0.38814905285835266, 0.3544243276119232, 1.4405839443206787, -0.025880374014377594, 0.2997766435146332, -0.3830649256706238, 0.5855961441993713, 0.30525416135787964, 0.949233889579773, -0.6202760934829712, 0.7264154553413391, -0.2922845780849457, -0.7927860021591187, 0.13976691663265228, 0.20631608366966248, 0.7117462158203125, -0.6052640080451965, 0.9633821249008179, -0.057529330253601074, -1.3881758451461792, 1.8954155445098877, -0.10951423645019531, -0.24458545446395874, -1.4411026239395142, 1.4210810661315918, 1.0624679327011108, -0.05363466590642929, 0.8233687877655029, 0.25146007537841797, 0.19518175721168518, 1.2398076057434082, -0.582863450050354, 0.05666092783212662, 0.5548953413963318, 0.13156834244728088, -0.0049155093729496, 0.4814285933971405, -1.9084035158157349, 0.003978712949901819, 0.7854694128036499, -0.6873048543930054, 0.16171234846115112, -0.6299169659614563, 0.5489331483840942, -0.6729632019996643, -0.5073699355125427, -0.3305100202560425, -0.1453211009502411, 0.4107544422149658, 0.11441897600889206, 0.42869895696640015, 1.0068104267120361, -1.4597324132919312, 0.5345005393028259, -0.37063145637512207, 0.0867362767457962, -0.627557635307312, -0.7268323302268982, 0.8534874320030212, 0.08340881019830704, 0.7810056209564209, -0.181818425655365, 0.7481887340545654, 2.09605073928833, -0.5338929295539856, 0.1022510752081871, 0.8573382496833801, 0.7708025574684143, 0.3373403549194336, 0.24313390254974365, -0.1368294209241867, 0.436698853969574, 0.17514364421367645, 1.0295789241790771, 0.24791470170021057, -0.9150580167770386, -1.5384267568588257, -0.2815960943698883, -0.139150470495224, -0.7335408329963684, 1.4617129564285278, -0.01747708022594452, 1.762197494506836, -0.45312029123306274, 0.2834593951702118, -0.4860212504863739, 0.41325125098228455, 0.898265540599823, 0.5092278122901917, 0.15043382346630096, -0.6230180263519287, -0.16286346316337585, 0.6679006814956665, -0.02195870876312256, -0.6734344959259033, 0.10449127852916718, 1.9222990274429321, -0.23121251165866852, -0.9996826648712158, -0.19927045702934265, 0.20992468297481537, -0.046431947499513626, 1.86811101436615, 0.06755686551332474, -0.9464731216430664, -0.19285623729228973, 0.3092876672744751, 0.7041268348693848, 0.4464079737663269, -1.065685510635376, 0.09946633130311966, 0.45087018609046936, 0.44856199622154236, -0.25512945652008057, 0.5234355926513672, 0.5669351816177368, 0.267630934715271, -0.8947266936302185, -0.1876782476902008, -0.25992947816848755, -0.22604116797447205, 0.20601040124893188, -0.1535387933254242, -1.7304929494857788, 1.018725872039795, -0.07061208784580231, -0.8611471652984619, 1.1176601648330688, 0.06614240258932114, -1.8860036134719849, 1.1028672456741333, 0.7323968410491943, -1.486284852027893, -0.3112824261188507, 0.16061411798000336, -0.6886538863182068, -0.8997112512588501, 0.3982979953289032, -0.4555259048938751, 1.2234582901000977, 0.5673092007637024, 0.277727872133255, -0.6234448552131653, 0.2878125309944153, -1.2299556732177734, 0.7749046683311462, 0.5727401375770569, -1.1232526302337646, 0.2026790976524353, 0.42587342858314514, -0.12889865040779114, 0.22053103148937225, -2.0003509521484375, -1.2402331829071045, 0.557589054107666, 0.6767240762710571, 0.45171764492988586, -0.7708386182785034, -0.6588194370269775, -0.2425418496131897, 0.14035625755786896, 0.3081420063972473, -1.0675327777862549, -0.5451062321662903, -0.48128795623779297, 0.2248443365097046, 0.9961234331130981, -0.9760338664054871, -0.8069343566894531, 0.5297418832778931, -0.3002723753452301, 0.9720331430435181, 0.9017667770385742, 0.9111768007278442, 0.8535351157188416, 0.4020214378833771, 0.6160069704055786, -0.8290013074874878, -10.091765403747559, 0.49827784299850464, 0.23519426584243774, 0.3568161725997925, 0.309435099363327, -0.10641895979642868, 0.3143520653247833, -0.49742329120635986, 0.5131241679191589, -0.6680330038070679, 0.9449962377548218, 2.183433771133423, 0.23962324857711792, -1.1638296842575073, -0.8383869528770447, -0.7963906526565552, -0.7230271100997925, 0.08413712680339813, 0.46918511390686035, 0.6614102125167847, -0.1559453010559082, -1.5415760278701782, 0.3442952036857605, -0.4057021141052246, 0.3200526237487793, -0.6422027945518494, 0.17032045125961304, -0.15418940782546997, -0.9511716365814209, -0.23400485515594482, 0.19403235614299774, 0.5233206152915955, -0.8321318030357361, -0.24092355370521545, 0.3398315906524658, 0.27219638228416443, -0.70966637134552, -0.17022112011909485, 0.9898152351379395, -0.07180363684892654, 0.19479741156101227, 0.40213462710380554, 0.3156938850879669, -0.8172000050544739, 0.14582814276218414, 0.25304263830184937, 0.43505755066871643, -0.5993950366973877, 0.39681175351142883, 0.19902628660202026, -0.2568015158176422, -1.1252546310424805, -1.4776016473770142, -0.4093637466430664, 1.2453477382659912, 0.4732038974761963, -1.3070051670074463, 0.5775793194770813, -0.5557770729064941, -0.6081291437149048, 0.1378156691789627, 0.5984078049659729, 0.03312038630247116, 0.8622068762779236, 0.06398507952690125, -0.756778359413147, 0.6830674409866333, 0.06312019377946854, -0.07363592088222504, 0.5062977075576782, -0.6493270397186279, 0.8087766170501709, -0.12180773168802261, -0.2744836211204529, -0.5954976677894592, -0.16452375054359436, -0.17136244475841522, -0.6177193522453308, 0.7579295635223389, -0.3620809316635132, -1.6439412832260132, 0.36044836044311523, -0.3703290522098541, -0.9480816721916199, -0.3781614899635315, 0.16552995145320892, -0.6280580163002014, -0.40121158957481384, 0.9887863397598267, -0.002460852265357971, 0.06388526409864426, 0.17090469598770142, -0.0469864085316658, -0.7196016311645508, -0.12048456072807312, 0.06911403685808182, -1.047155499458313, 1.4783623218536377, 0.257437527179718, -1.0730438232421875, 0.779481828212738, -0.028576750308275223, -0.4276358187198639, 0.10843604803085327, 0.781208872795105, 0.5727999806404114, -0.04423287510871887, 0.3197842240333557, -0.760312020778656, 0.3659069240093231, 1.159871220588684, -0.07439146935939789, 0.146479994058609, 0.20085525512695312, 0.7821717262268066, 0.5468392372131348, 0.6445247530937195, -0.11878946423530579, 0.2908255159854889, 0.378440260887146, -0.1866147220134735, 0.39360809326171875, -0.7159774899482727, 0.7627802491188049, -0.38917291164398193, -0.4978688657283783, -0.045784156769514084, 0.256595641374588, -0.32809746265411377, -1.9695377349853516, 0.9657995104789734, 0.19062577188014984, 0.14261996746063232, -0.8463125228881836, -0.6515694856643677, -0.61589515209198, -0.6767395734786987, 1.1239473819732666, -0.35205376148223877, 0.3540688157081604, -0.2099071741104126, -0.4685068130493164, 1.0213812589645386, -0.5010135769844055, -1.0663775205612183, 0.40606310963630676, -1.436393141746521, -0.42328065633773804, -0.6682149171829224, -0.397504985332489, 0.7182398438453674, -0.8187883496284485, 0.7090853452682495, -1.7348085641860962, -0.9999843835830688, -0.4467350244522095, 0.36888977885246277, -0.1372421532869339, -1.091232180595398, 0.4817783236503601, -0.3656008541584015, 1.3057633638381958, -1.4066033363342285, 1.1994900703430176, -0.24139510095119476, 0.0289163701236248, -0.9077041149139404, 0.29320377111434937, -0.18040937185287476, 0.16024485230445862, 1.989526391029358, -0.7130822539329529, -0.3045857548713684, -0.020748166367411613, 0.0601348914206028, -0.6159744262695312, 1.030551791191101, 1.521665096282959, -1.5132454633712769, 0.21341866254806519, -0.47622445225715637, 0.9507896900177002, 0.3741610050201416, -0.8240934014320374, -0.7300853729248047, 0.401040256023407, -0.30985116958618164, 1.6296546459197998, -0.2429647445678711, 0.6677317023277283, -1.6681017875671387, -0.979953944683075, -0.24977856874465942, -1.4432530403137207, 0.7565486431121826, 0.2614596486091614, 0.9642707705497742, 0.5173701047897339, 0.16412684321403503, -0.8178807497024536, 0.1506819874048233, 1.028456687927246, 0.574862003326416, 0.7527154088020325, -1.07671058177948, 0.3391082286834717, -0.6698152422904968, -0.009993154555559158, -0.06830064207315445, -0.02671363204717636, -1.862647533416748, 0.2012203186750412, 0.4843542277812958, -0.5175638198852539, 0.9795315265655518, -0.912702202796936, 0.5599300265312195, -0.14453384280204773, -0.7163677215576172, -1.34355628490448, -0.046946801245212555, 1.058579683303833, -0.05703006684780121, 1.0453847646713257, 0.18117132782936096, 0.7256125807762146, 1.1443884372711182, 0.17777784168720245, 2.599700927734375, 0.13654153048992157, -0.014398278668522835, 0.261596143245697, 0.04988505691289902, -0.026185762137174606, 0.22454431653022766, 0.27896881103515625, -1.0872108936309814, 0.13984879851341248, -1.3982800245285034, 0.2310972809791565, -0.874971866607666, 0.2839045822620392, 0.44698280096054077, 0.8011183738708496, -0.36584270000457764, -0.251547634601593, -0.707783579826355, -0.5399654507637024, -0.39163145422935486, 0.5592235922813416, 0.2951355278491974, 0.6437972187995911, 0.8203809261322021, -0.2900298237800598, 0.7164069414138794, 0.5169344544410706, 0.4642066955566406, -0.1694364845752716, 0.194867804646492, 0.928101658821106, 0.45604372024536133, -0.17277979850769043, -0.335136741399765, -0.40149378776550293, -1.3418896198272705, -0.2844838798046112, -0.5415082573890686, 0.5551718473434448, 0.859221339225769, -0.5260844230651855, 0.2550349831581116, 0.16010171175003052, -0.684274435043335, -0.32437390089035034, 0.6995054483413696, -0.16347570717334747, -0.2747531235218048, -0.7163277268409729, -0.7330046892166138, 0.4064209461212158, 0.7269838452339172, -0.6319389343261719, -0.37786024808883667, -0.39605027437210083, 1.392073392868042, 0.03104926273226738, -0.5704644322395325, -0.870417058467865, -0.16504259407520294, -0.3250824809074402, 0.4571443796157837, 0.41473594307899475, -1.2303189039230347, -0.9264439344406128, 0.10287362337112427, -1.2914074659347534, 0.4027087986469269, -0.08918951451778412, -1.1424461603164673, -0.22731085121631622, 0.1605970859527588, 0.39674511551856995, 0.11544212698936462, 0.07239095866680145, -0.39515602588653564, -0.7373701333999634, 0.8102947473526001, 1.0482038259506226, -0.6660044193267822, -0.9184209704399109, 0.2740520238876343, 0.36358019709587097, -0.5998351573944092, 1.4613913297653198]} +{"paper_id": "multi_re_qa", "embedding": [-0.878406822681427, 1.004936933517456, 0.25259867310523987, -0.4438702464103699, 0.4121367335319519, -0.27271199226379395, 0.559083104133606, 1.5166728496551514, 0.669904887676239, 0.9578920006752014, 0.42018207907676697, 0.26786863803863525, 0.11904440820217133, -0.24297426640987396, -0.4248083829879761, -0.4317798912525177, -1.2287828922271729, -0.5591990947723389, -1.1920478343963623, -0.4239271581172943, -0.37474459409713745, -0.14826947450637817, 0.10335330665111542, 0.46988484263420105, -0.8275363445281982, -1.393296480178833, 1.1001051664352417, -1.0963983535766602, 0.8412702083587646, 0.3322465121746063, -0.3131648898124695, 1.2624478340148926, -1.2678921222686768, 0.02380182594060898, -0.43029841780662537, 0.035122424364089966, 0.49683359265327454, 1.0251678228378296, -0.04219375178217888, -0.23979976773262024, -0.7766774296760559, -0.4493429362773895, 0.42498651146888733, 0.822432279586792, 1.4992594718933105, -0.8916594386100769, 0.5122395157814026, -0.02242940291762352, -0.5889732837677002, -0.08799225091934204, -0.8759796023368835, 0.27315813302993774, -0.40348073840141296, 0.9506100416183472, -0.6768708229064941, 0.5735148787498474, 0.6723775267601013, -0.5343703031539917, 0.855618953704834, -1.6721504926681519, 1.5567902326583862, 1.468636393547058, -0.4029270112514496, 0.12108969688415527, 1.013315200805664, -0.1366254985332489, 1.597510814666748, 0.2137676626443863, -0.2591365575790405, 0.720415472984314, -0.08970315754413605, -0.5691438913345337, 0.25933176279067993, 0.169206440448761, 0.5067529678344727, 0.909420371055603, 0.4281821846961975, 0.1529412567615509, 0.07598269730806351, -0.42177972197532654, -0.22539891302585602, 0.567305326461792, 0.748738169670105, -0.10032995045185089, 0.26901575922966003, -0.1899864673614502, 0.43936726450920105, -1.1163220405578613, 0.6085913777351379, -1.2939496040344238, 0.5840469002723694, -0.027256816625595093, 0.3053939640522003, -0.22677087783813477, -0.26580512523651123, 0.09917186945676804, -1.0725233554840088, -0.19522829353809357, 0.19471153616905212, 0.3751712441444397, 0.9697133898735046, -0.11212912201881409, 0.12622813880443573, 0.14964185655117035, 0.0992555171251297, 0.3086758852005005, -0.2022453099489212, -0.1248735710978508, -0.5606204867362976, -0.7030714750289917, -0.03922804072499275, 0.8281006217002869, -0.05201902613043785, 0.38249269127845764, 0.25133833289146423, 0.698299765586853, 0.6809802055358887, -0.9904705286026001, -0.7531757950782776, 0.14603553712368011, 0.42472633719444275, -0.9540737867355347, -0.3147369623184204, 0.05134280025959015, 0.6350221037864685, -0.8635626435279846, -0.012409532442688942, -0.45938241481781006, -0.0746677815914154, 0.7701590657234192, 1.1987690925598145, -0.3826638162136078, -0.9171270132064819, -0.7920669317245483, 3.0454304218292236, -1.1227046251296997, 2.0832724571228027, -0.6372913718223572, -0.15716101229190826, -0.4504605531692505, -0.4899798631668091, 0.6529576182365417, 0.3217303156852722, -0.710807204246521, -0.22593164443969727, 0.6001940369606018, -0.23951169848442078, 0.461884081363678, -1.2016208171844482, -0.1048358678817749, -0.5012028217315674, 0.39683693647384644, -1.2559547424316406, -0.5739222764968872, 0.44691967964172363, 0.4080035388469696, -0.4012415409088135, 0.5769496560096741, -0.7060049176216125, 0.7757503390312195, -0.07760194689035416, -0.4581177830696106, -0.662905752658844, 0.30409687757492065, -0.9198554158210754, -0.7388482093811035, 0.714506983757019, 0.24434101581573486, -0.9604230523109436, -0.15379929542541504, 0.5112184286117554, -0.6873546838760376, -0.748733639717102, 0.29683417081832886, -0.016254795715212822, -0.1244995966553688, 0.9311293363571167, 0.35899025201797485, -0.03341247886419296, -0.931896984577179, 0.029377955943346024, -0.12703554332256317, 0.05576709657907486, 0.9172981977462769, 0.11976997554302216, 0.5082544684410095, -1.9390124082565308, 0.2439851462841034, 0.70655357837677, -0.058654025197029114, 0.2509496510028839, -0.24147361516952515, 0.2690642476081848, 0.026532601565122604, 0.002124197781085968, -0.6731759309768677, 0.6091306805610657, -1.1221355199813843, -0.19184142351150513, 0.50403892993927, -0.7421402335166931, 0.32293960452079773, 0.3276752531528473, 1.2163612842559814, 0.7443435192108154, -0.2732508182525635, -0.8466052412986755, -2.009690761566162, 0.21260014176368713, 2.623551845550537, -0.20426705479621887, -0.6453565359115601, -0.8086443543434143, -0.12818311154842377, 0.0735039934515953, -0.37616273760795593, -0.3574983775615692, -0.5980665683746338, 0.26843324303627014, -1.1486881971359253, 0.44782665371894836, -0.1668851375579834, -0.09812759608030319, 0.23840473592281342, 1.3585865497589111, -0.6524497270584106, -0.31978845596313477, -0.08202233910560608, -0.7685062289237976, 0.6826445460319519, 0.5437652468681335, 0.26170191168785095, 0.04460924118757248, 1.101556658744812, 0.3111349046230316, 0.7126477956771851, 0.305475652217865, 0.33727458119392395, -0.7047911882400513, -0.11594390124082565, -0.04752756655216217, 0.9737598299980164, -0.08394160866737366, 0.3724536895751953, 0.4812072515487671, 0.5751185417175293, -0.5469984412193298, -0.3816297650337219, -0.1027594581246376, -0.034195609390735626, 1.1172891855239868, 0.8272333741188049, -0.34810870885849, 1.110499382019043, -0.724124550819397, -0.09749389439821243, -0.38476842641830444, -0.2154044508934021, -0.5080205202102661, -0.5014250874519348, 1.4289584159851074, -0.030338359996676445, 0.3011627793312073, -0.072933629155159, 0.23792365193367004, -1.3879671096801758, 0.3523889183998108, -0.017640724778175354, -0.8325732946395874, -0.6939398050308228, -0.2463415563106537, 0.359785258769989, -0.7345452904701233, -0.7537593841552734, -0.275806188583374, 0.3602912127971649, 0.17276521027088165, 1.4135006666183472, 1.2635737657546997, 0.3437516391277313, 0.2117190659046173, -0.21989035606384277, 1.2722415924072266, -0.7560240626335144, 0.5355873703956604, -0.18163760006427765, 0.22258979082107544, -0.817405104637146, 0.26567351818084717, -0.43347877264022827, 0.47528761625289917, 0.6894664168357849, -0.23164302110671997, 0.7584372162818909, -0.3627234101295471, -1.5629589557647705, 1.4460289478302002, -0.028368528932332993, -0.418879896402359, -0.23546773195266724, 1.8932204246520996, 0.05859532952308655, -0.6164394021034241, 0.5136001110076904, 0.08644356578588486, -0.23415346443653107, 1.1491340398788452, 0.04642161726951599, -0.009911172091960907, 0.030399136245250702, -0.09814846515655518, 0.055536698549985886, 0.5532940626144409, -2.2141506671905518, 0.6747874021530151, 1.7018704414367676, -0.6248379349708557, -0.7363579869270325, -0.7724554538726807, 0.3507486581802368, 0.015368702821433544, 0.07410092651844025, 0.4866548180580139, -0.7721610069274902, 0.7005519270896912, -0.11097131669521332, 0.2768617272377014, 1.3398706912994385, -0.4979678988456726, 0.4311800003051758, 0.8900905251502991, 0.019536275416612625, -0.7025591135025024, -0.3418620526790619, 0.632473886013031, -0.42820924520492554, -0.06140557676553726, 0.06426065415143967, 0.532652735710144, 1.3828927278518677, -0.23912981152534485, -0.29675284028053284, 0.4732430577278137, 0.6757512092590332, 0.24966934323310852, -0.05199359729886055, -0.30591416358947754, 0.8724398612976074, 0.25529107451438904, 1.330674171447754, -0.025576382875442505, -0.7534053921699524, -1.0740020275115967, -0.2333068698644638, -0.2589721083641052, 0.04582010209560394, 2.035525321960449, 0.14581075310707092, 1.5820932388305664, -0.06364648044109344, 0.7007666230201721, -0.47482243180274963, 0.15459303557872772, 1.1423182487487793, 0.5057709813117981, -0.3200010061264038, -0.7810940742492676, -0.06969361007213593, 0.3116203844547272, -0.5700607895851135, -0.37209779024124146, 0.39217621088027954, 0.9438759088516235, 0.25984570384025574, -0.7470952868461609, 0.5861102938652039, 1.1501052379608154, 0.20324501395225525, 1.3973184823989868, 0.1360454559326172, -0.11955824494361877, 0.22839467227458954, 0.7377380728721619, 0.20203836262226105, 0.3591407537460327, -0.28679510951042175, 0.8743462562561035, -0.0640566498041153, 0.33520573377609253, -0.44182485342025757, 1.0048195123672485, 0.8330637216567993, -0.5561859011650085, -1.3815566301345825, -0.6768857836723328, -0.7528882026672363, -0.1670546680688858, -0.23067596554756165, 0.42362180352211, -0.623132050037384, 0.6110321283340454, -0.032504864037036896, -0.8928579092025757, 0.38216856122016907, -0.7193625569343567, -1.6261297464370728, 1.5595853328704834, 1.2150871753692627, -1.2683284282684326, -0.1084388718008995, -0.6856887340545654, -0.9237632751464844, -0.13186396658420563, -0.19375833868980408, -1.3375215530395508, 0.09182150661945343, 0.300204873085022, 0.9343889355659485, -0.3344104290008545, -0.2516644597053528, -1.1857295036315918, 0.3672335743904114, 0.9741538166999817, -0.8834376335144043, 0.7886663675308228, 0.16595128178596497, 0.6062008738517761, -0.47833237051963806, -1.2000972032546997, -1.013169765472412, 0.8962152004241943, -0.620911717414856, 0.52782142162323, -0.8098881244659424, -0.31851333379745483, 0.19951021671295166, 0.23298190534114838, 1.0686328411102295, -1.0592085123062134, 0.24330054223537445, -0.4216611683368683, -0.15500518679618835, 0.43226689100265503, -1.0227199792861938, -0.4446590840816498, 0.5352035164833069, -0.3275432586669922, 0.7070052623748779, -0.7666865587234497, 0.49779337644577026, 1.3381253480911255, 0.14802712202072144, -0.1752539575099945, -0.29784277081489563, -11.340836524963379, 0.49748045206069946, 0.09322045743465424, 0.05658221244812012, 0.9457749724388123, -0.805375874042511, 0.9837887287139893, -0.011188913136720657, 0.5765960812568665, -0.6410678029060364, 0.3198886215686798, 0.6692188382148743, 0.28458818793296814, -0.5616523027420044, -0.6377021074295044, -1.4934523105621338, -0.7489330768585205, -0.7099850177764893, 0.7106013894081116, -0.11495149880647659, 0.06522305309772491, -0.4354761838912964, -0.5670695900917053, 0.3211250305175781, 0.11802030354738235, -0.39502787590026855, -0.7848817110061646, -0.11133010685443878, -0.3931736350059509, -0.13311433792114258, 0.7107307314872742, -0.1497075855731964, -0.5275061130523682, -0.40939009189605713, -0.7459014654159546, -0.6418514847755432, 0.08645239472389221, -0.02184155024588108, 0.6792488098144531, -0.12739033997058868, -0.29979074001312256, 0.12201535701751709, 0.40248942375183105, -0.3404565453529358, -0.1920720487833023, 0.06710167229175568, 0.36687183380126953, -1.117153286933899, 0.28557783365249634, -0.06779536604881287, -0.4581696391105652, -0.1466311514377594, -0.14709800481796265, -0.11571308225393295, -0.12687724828720093, 0.34563320875167847, -0.9300228953361511, -0.3224209249019623, -0.8258923888206482, -1.044526219367981, 0.9506989121437073, -0.27814626693725586, -0.7335574626922607, 0.14138098061084747, 0.3528728485107422, -0.35087335109710693, 0.4340597987174988, 0.18050611019134521, -0.617009699344635, 0.35105112195014954, -0.733553409576416, 1.0905007123947144, 0.7155476808547974, -0.05319790542125702, -1.1335850954055786, 0.1613750457763672, -0.952010452747345, -0.058601804077625275, -0.2202214002609253, 0.3559333086013794, -1.406561017036438, 0.9426486492156982, 0.8976359963417053, -0.6259735226631165, -0.9267979860305786, 0.36945074796676636, -0.15335318446159363, 0.33949416875839233, 0.8804569244384766, -0.607338547706604, 1.4367167949676514, 0.900249183177948, -0.46447837352752686, -0.3351929783821106, -0.21948844194412231, 0.6895365715026855, -0.3516755998134613, 0.41337019205093384, 0.22448059916496277, -0.6552273035049438, 0.2275579869747162, -0.23698344826698303, -0.5602277517318726, 0.5336116552352905, 0.7321664094924927, 0.08002661168575287, 0.5533960461616516, 0.01597803831100464, 0.30123233795166016, -0.03850832208991051, 1.3675483465194702, 0.3852759301662445, -0.47034943103790283, 1.0338609218597412, -0.7552293539047241, 0.7938715219497681, 0.13976779580116272, 0.18427243828773499, 0.3083297908306122, 1.1032596826553345, -0.3888598680496216, 0.5663913488388062, 0.39471518993377686, 1.4019455909729004, -0.48753610253334045, -0.005300579592585564, -0.18795476853847504, 0.48306331038475037, 0.32616183161735535, -1.177160620689392, 0.24750861525535583, -0.3255157172679901, 0.044064853340387344, -0.947917640209198, -0.6436569094657898, -0.4072044789791107, -0.21792720258235931, 1.2522144317626953, -0.552223265171051, -0.1476685106754303, -0.2798001170158386, -0.6981683373451233, -0.5467752814292908, -1.248996376991272, -0.7174925208091736, 0.31028470396995544, -0.8653519153594971, 0.1407971829175949, -0.33709967136383057, -0.197853684425354, 0.26618289947509766, -0.6237207651138306, 1.3428575992584229, -0.724436342716217, -0.478960782289505, -0.0006483700126409531, 0.6194086670875549, -0.3658331632614136, -0.8698374032974243, -0.14750906825065613, -0.1818593144416809, 0.9128914475440979, -1.1668847799301147, 1.5837862491607666, 0.5657997131347656, -0.14386457204818726, -0.5735437870025635, 0.17580528557300568, -0.5337064266204834, -0.260215163230896, 0.526300311088562, -1.2795522212982178, -0.13863921165466309, -1.0615588426589966, -0.7685768604278564, -0.4291364848613739, 0.3022242784500122, 0.8181500434875488, -0.6393146514892578, -0.2941708564758301, 0.19253294169902802, 1.2323113679885864, -0.2985873818397522, -0.35460907220840454, -0.4740276634693146, 0.20522728562355042, 0.5822402834892273, 1.096703290939331, 0.5733043551445007, 1.1739745140075684, -1.6757574081420898, -1.0326008796691895, -0.20624376833438873, -0.02123519964516163, 0.2519623637199402, 0.2021133452653885, 0.7269770503044128, 0.09121541678905487, -0.04223985970020294, 0.35111528635025024, 0.3537125289440155, 0.9275137782096863, 0.38432854413986206, 0.489801824092865, 0.14626650512218475, 0.35589104890823364, -0.22925150394439697, 0.000842854380607605, 0.2663777768611908, 1.3970837593078613, -0.9309473633766174, -0.13838712871074677, 0.4382855296134949, -0.04303890839219093, 0.05471574887633324, -1.065812110900879, 0.29606786370277405, -0.4324876368045807, -0.3295292556285858, -1.751909613609314, -0.09684986621141434, 0.6047332882881165, -0.4506843090057373, 0.9172051548957825, 0.3472121059894562, 1.2080954313278198, 0.564031183719635, 0.0669076144695282, 0.272516667842865, -0.25057947635650635, -0.20380756258964539, 0.39332735538482666, 0.5260260105133057, -0.22788533568382263, -0.2738955318927765, -0.9442562460899353, -0.712853729724884, 0.7640709280967712, -0.11339318752288818, 0.6624870300292969, -0.639586329460144, 0.5557447075843811, 0.23891736567020416, 0.9746042490005493, -0.791442334651947, -1.9280855655670166, 0.14927750825881958, -1.5155057907104492, -0.33776208758354187, 0.17862316966056824, 0.39525505900382996, 0.32264024019241333, 0.8073862195014954, 0.11062900722026825, 1.0834403038024902, -1.4170750379562378, 0.06489209830760956, 0.42644187808036804, -0.8667661547660828, 0.5433407425880432, 0.31717735528945923, 0.45892682671546936, 0.5968995094299316, -0.1952037215232849, -0.9003105163574219, -0.045652613043785095, -0.17977285385131836, 0.948805570602417, 1.2944315671920776, -1.0988560914993286, -0.6679432988166809, -0.7818102836608887, 1.3994719982147217, -0.9199150204658508, 0.4783901572227478, -0.04090726375579834, -0.1560618281364441, -0.7444419264793396, -0.7504799962043762, 0.18799588084220886, 0.5294986963272095, 0.0552058219909668, -0.14929887652397156, -0.2382374256849289, 0.004532003775238991, 0.12100224196910858, -0.30659177899360657, -0.8817879557609558, 0.13889560103416443, -0.7559738755226135, -0.05802999436855316, 0.5457508563995361, -0.8486029505729675, -0.5799677968025208, -0.00028077978640794754, -0.7830587029457092, 0.7653437256813049, 0.15954984724521637, -0.7779554128646851, -0.8129071593284607, 0.3173140585422516, -0.6862540245056152, 0.5926071405410767, -0.5911247730255127, -0.5472087860107422, -1.3046172857284546, 0.768481433391571, 1.7238601446151733, -0.29389938712120056, -0.25156766176223755, -0.12074398249387741, 0.3213934302330017, -0.0016969889402389526, 1.1456161737442017]} +{"paper_id": "conceptual_captions", "embedding": [-0.9004005193710327, 1.5697410106658936, 0.3606164753437042, 0.33077365159988403, 0.2727185785770416, -0.4332766830921173, -0.1648445725440979, 0.3643553555011749, 0.9470593929290771, 0.40826112031936646, 1.5117971897125244, 0.2440684586763382, -0.40239042043685913, -0.05726917088031769, -0.4859083592891693, 0.20840802788734436, -0.49963754415512085, -0.8379345536231995, -0.7885218262672424, 0.3975772559642792, -1.4956917762756348, -0.9388866424560547, -0.35844510793685913, -0.16764405369758606, -1.1562190055847168, -0.12189583480358124, 0.5111098289489746, -0.6139790415763855, 0.5655353665351868, -0.27005842328071594, -0.05595550686120987, 0.7349734306335449, -1.2935267686843872, 1.428724765777588, -0.5625694394111633, -0.6649001836776733, 0.838133692741394, 0.8034247159957886, -0.3057574927806854, -1.294901728630066, 0.41781359910964966, 0.13338002562522888, 2.1984686851501465, -0.49566856026649475, 0.8392601609230042, -0.798183798789978, 0.03774457424879074, 0.4153944253921509, -0.1331976354122162, 0.14891444146633148, 0.004208483267575502, 0.6991307139396667, 0.1879277229309082, -0.027983391657471657, -0.5481786131858826, 1.4511425495147705, -0.3517760634422302, -0.4240375757217407, 0.26977109909057617, -0.19101786613464355, 0.4180099070072174, 1.5958571434020996, -0.8618009090423584, -0.19138050079345703, 0.9291350245475769, 0.3583804965019226, 0.5118505954742432, 0.6072399616241455, 0.21264533698558807, 0.4433247745037079, -0.7254748344421387, -1.31230890750885, 0.8260021805763245, -0.020221799612045288, -0.08674579858779907, 0.22324836254119873, -0.26456546783447266, -0.01891832798719406, -0.14592447876930237, 0.4420411288738251, -0.14987391233444214, 0.42652416229248047, 0.2119368016719818, -0.6323989629745483, 0.03660892695188522, 0.43844810128211975, 0.24218520522117615, 0.13079535961151123, -0.211275115609169, -1.8669065237045288, 0.46343493461608887, -0.23118442296981812, 0.055090270936489105, 0.3459773659706116, -0.11104093492031097, -0.1499340832233429, 0.2757255434989929, 0.08717209100723267, -0.4746991991996765, 0.7575693130493164, 0.05399002134799957, -0.8260327577590942, 0.20255474746227264, 0.005447313189506531, 0.6068309545516968, 0.16797873377799988, -0.09930387139320374, -0.12937554717063904, -0.7912933230400085, -1.0553168058395386, 0.04343435540795326, 1.3755922317504883, 1.303361177444458, 0.1207364872097969, -0.12987010180950165, -0.2427268624305725, -0.052098654210567474, 0.15587005019187927, -0.06061893329024315, 0.320290744304657, -0.13789984583854675, -1.559705138206482, -0.7825986742973328, -0.5493654608726501, 0.6220827698707581, -0.4711003005504608, 0.11868949234485626, -0.7757537961006165, -0.16929978132247925, -0.7672584652900696, 0.06700508296489716, 0.5573445558547974, -1.027477741241455, 0.23406502604484558, 3.317641019821167, -0.7226806282997131, 0.7416582107543945, -0.7766299843788147, -0.6507870554924011, -0.9595519304275513, -0.39771372079849243, 1.370500087738037, 0.108790822327137, -1.0083198547363281, -0.4012748599052429, -0.20183902978897095, -0.7891724109649658, 0.2946120798587799, -0.9026762843132019, -0.46771371364593506, 0.5668138861656189, 0.37733933329582214, -1.1078115701675415, -0.9650611877441406, -0.21420136094093323, 0.6619071364402771, 0.5052003860473633, 0.14218585193157196, -0.47506463527679443, 1.2417278289794922, -0.036980777978897095, 0.6875468492507935, -0.6679136157035828, 0.4486033022403717, -0.7993544340133667, 0.6428412199020386, 0.7792673110961914, -0.06492437422275543, 0.08850196748971939, -0.5947279930114746, 0.6271916031837463, -0.338083952665329, 0.3194904327392578, -0.6227481365203857, -0.2576228678226471, 0.5873793363571167, 0.452067106962204, 0.42506471276283264, 0.8727327585220337, -0.8827321529388428, -0.709761381149292, -0.1630420982837677, 0.7018926739692688, 0.32204577326774597, 0.6611287593841553, -0.30851900577545166, -2.1831371784210205, -0.708336591720581, -0.9240169525146484, 0.395316481590271, 0.09407910704612732, 0.34048742055892944, -0.02885373681783676, 0.22856704890727997, -0.5694274306297302, -0.43211159110069275, 0.9289228916168213, -0.6833357810974121, -1.03419828414917, 0.8712819814682007, -0.09079006314277649, -0.003525083651766181, -1.2405543327331543, 0.3732284903526306, 0.6753067970275879, 0.29477134346961975, -0.24520090222358704, -1.4515832662582397, 0.6599135398864746, 1.9697866439819336, 0.2820454239845276, -1.4914003610610962, -0.8738963603973389, -0.7235547304153442, 1.0301055908203125, -0.19379156827926636, 0.6811484098434448, -0.3939893841743469, 0.28846997022628784, -0.40843474864959717, 0.06788823008537292, -0.7325604557991028, 0.9118102192878723, -0.26326340436935425, 0.9689497947692871, -0.6212478876113892, -0.6474478244781494, -0.3222911059856415, -1.0367436408996582, 0.7761240005493164, 0.518693208694458, 0.364139199256897, -0.17990083992481232, 0.3804401755332947, 0.39924532175064087, 0.29165512323379517, 0.8838639855384827, 0.28708362579345703, -0.3946675658226013, 0.23348091542720795, 0.10941988229751587, 0.36476629972457886, -0.7378016114234924, -0.24504004418849945, 0.15560828149318695, 0.0638953149318695, -0.18452629446983337, -1.2821640968322754, -0.346943199634552, -0.24243095517158508, 1.6304798126220703, 0.9577543139457703, -0.3245477080345154, 0.708419144153595, -0.07032123953104019, -0.4242478609085083, 1.3422993421554565, -0.10769717395305634, 0.6841570734977722, -1.057202696800232, 0.35924962162971497, -0.3557015657424927, 0.31529921293258667, -0.053720444440841675, -0.36149129271507263, -0.17664594948291779, -0.7390443086624146, 0.387918621301651, -0.30352532863616943, -1.1670081615447998, 0.2699715495109558, -0.058543846011161804, -0.20721492171287537, -0.4812473654747009, 0.447006493806839, 0.5591455101966858, 0.7616297006607056, 0.043274618685245514, 1.1422133445739746, -0.8444822430610657, 0.6379637122154236, -0.6419834494590759, 0.3287370800971985, -0.09543003886938095, 0.8264243602752686, -0.8747144341468811, 0.2383972406387329, -1.034691572189331, 0.15141311287879944, -0.5307102203369141, 0.3045426607131958, 0.11903303116559982, -0.4736652076244354, 0.6091398596763611, -0.11208246648311615, -0.6080361604690552, 1.2860279083251953, -0.4610796868801117, -0.2686908543109894, -0.6589756608009338, 0.46328309178352356, 0.8153148293495178, -0.7503154873847961, 0.7115588784217834, 0.2336914837360382, -0.413018137216568, 1.5419199466705322, 0.5542010068893433, 0.6704920530319214, 1.199432373046875, 0.44890308380126953, 0.3160562217235565, -0.8192356824874878, -1.2123589515686035, -0.08846284449100494, 0.5460794568061829, -0.1010868176817894, 0.4622460901737213, -1.5701903104782104, 0.1773350089788437, -0.2255726158618927, -0.16590411961078644, 0.5794729590415955, -0.4815860986709595, 0.39547786116600037, 0.21046122908592224, 0.13172747194766998, 0.8038807511329651, 0.009034104645252228, 0.5739293098449707, 0.6642006635665894, -0.0588056817650795, -0.9265557527542114, 0.6874837279319763, 1.0068944692611694, -0.622492790222168, 0.6778461933135986, 0.6164196133613586, 0.804337203502655, 0.42203834652900696, -0.938724160194397, -0.06625384837388992, 0.24788440763950348, -0.3036431670188904, -0.07457983493804932, 0.788754403591156, 0.32852792739868164, 0.3165436387062073, 0.2141464203596115, 1.283935785293579, 0.12680365145206451, -0.4570133090019226, -0.41482463479042053, 0.6223382353782654, -0.389362633228302, 0.7966091632843018, 2.353541374206543, 0.6756300926208496, 1.5966278314590454, -0.3930927813053131, 0.06917499750852585, 0.4366530776023865, -0.03177952766418457, 0.5674653053283691, 0.8852700591087341, 0.5824397802352905, -0.45555761456489563, 0.02801046147942543, 0.19847837090492249, 0.5174486637115479, 0.03981952369213104, -0.4678662121295929, 0.5727359652519226, 0.05724687874317169, -0.5956217050552368, 0.7364664077758789, 0.08535415679216385, 0.4676753282546997, 0.9791551828384399, -0.37881726026535034, -0.42319849133491516, -0.4608849883079529, 0.26478198170661926, 0.9958052635192871, -0.35413500666618347, -0.2841460704803467, 0.5810540318489075, 0.6268584728240967, 2.115830183029175, 0.6921378970146179, 0.69448322057724, 1.5403077602386475, 0.06676515936851501, -0.8635625839233398, 0.022086672484874725, -1.3746732473373413, -0.6230424642562866, 0.40028703212738037, 0.2717535197734833, -0.2324635088443756, 0.2101554572582245, -0.7615187764167786, -1.434577465057373, 0.9372671842575073, -0.355320543050766, -0.4502961337566376, 0.38952022790908813, 1.8879551887512207, -0.730944037437439, -0.8966951370239258, -0.1832903027534485, -0.23678281903266907, -1.1523813009262085, 0.13517558574676514, -0.32136601209640503, 0.6352682709693909, 0.1828862726688385, -0.11992987990379333, -0.4061596393585205, -0.1564769148826599, -0.43920400738716125, 1.0635778903961182, 0.6570987105369568, -0.9693465828895569, 0.09583388268947601, -0.002075705211609602, 0.19062213599681854, 0.7340414524078369, -1.0388106107711792, -0.6467342972755432, 0.9739755392074585, 1.0657862424850464, -0.958437979221344, -1.069327712059021, -0.3647887706756592, 0.25794434547424316, 0.44437626004219055, 1.0003814697265625, -0.6260911822319031, -0.4376800060272217, -0.8624918460845947, 1.4459736347198486, 1.0015311241149902, -0.20902609825134277, -0.23250596225261688, 1.494208574295044, -0.13149619102478027, 0.909263014793396, -0.7045738697052002, -0.2710830867290497, 1.2110344171524048, 0.0698218122124672, -0.2719796299934387, 0.18306347727775574, -11.368327140808105, -0.38688454031944275, -0.5283663272857666, -0.006744805723428726, 1.0664786100387573, 0.5754344463348389, 1.2399059534072876, 0.05253235995769501, 0.5612319707870483, -0.715416669845581, 0.38393205404281616, 1.3035105466842651, -0.05701100826263428, 0.37397950887680054, -0.620604932308197, -1.596598505973816, -1.569580078125, -0.815421462059021, 0.41821932792663574, 0.6591350436210632, 1.0522210597991943, -0.28379181027412415, -0.7641804814338684, 0.3495916724205017, 0.04367614910006523, -0.5721777081489563, 0.258938193321228, 0.2594057321548462, -0.531749427318573, -0.4531972408294678, 0.6903117895126343, -0.3843061923980713, -0.5823489427566528, -0.7207332849502563, 0.42368215322494507, -0.004327060654759407, -1.1141130924224854, -0.5678277015686035, 1.4907903671264648, -0.045138031244277954, -0.06412172317504883, 0.143952876329422, -0.5990499258041382, 0.6020662784576416, -0.8492386937141418, 0.48355168104171753, 0.7106106877326965, -0.06657245755195618, 0.5051925182342529, -0.7833691239356995, -0.5516782402992249, -1.0820412635803223, -0.2168523073196411, -0.71002596616745, 0.8283668756484985, 0.2560061514377594, -0.9018555879592896, -0.8135274052619934, -0.36093172430992126, -1.0737035274505615, 1.0532631874084473, 0.9998781681060791, -0.09894544631242752, 0.38514044880867004, 0.19001200795173645, -0.8291774988174438, 0.953326940536499, 0.4770619571208954, -0.6274368166923523, 0.0630480945110321, -0.3502956032752991, 0.5261174440383911, 0.7895580530166626, 0.429774671792984, -0.3470575213432312, 0.3756583034992218, -0.2413865476846695, 0.05759604275226593, -0.1305093765258789, -0.22313900291919708, -1.0918463468551636, 0.6592987775802612, -0.2850940525531769, -0.7020357251167297, 0.04518582299351692, 0.2164849042892456, 0.1847684234380722, 0.4826595187187195, -0.1579580307006836, 0.055638112127780914, 0.7557746767997742, -0.45668378472328186, 0.2735912799835205, -0.5281359553337097, -0.7075992226600647, 0.9590326547622681, -0.23100526630878448, -0.14680618047714233, -0.04566868767142296, -0.9495581388473511, 0.8611194491386414, 0.6672604084014893, -0.8194060325622559, -0.5179519653320312, 0.29386603832244873, -0.10053602606058121, 0.17776897549629211, 0.13620010018348694, -0.11370258033275604, 0.41669511795043945, 0.386738657951355, -0.9214684963226318, -0.9157373309135437, 1.48867928981781, 0.019321545958518982, 0.2638097107410431, 0.5985835790634155, -1.0227687358856201, 0.5325478315353394, 0.7836844325065613, -0.22650641202926636, -0.0006253579631447792, 0.44684895873069763, 0.7303012013435364, 0.4807355999946594, -0.4490711987018585, -0.08926574885845184, 0.030154109001159668, -0.11213832348585129, -1.0753940343856812, 0.2525997757911682, -0.3957308530807495, -0.8526347875595093, -0.319085031747818, -0.32906588912010193, -0.4302971363067627, -0.3323765993118286, 1.5807074308395386, -1.0135411024093628, -0.24139130115509033, 0.3784515857696533, -0.420734167098999, -0.4097248911857605, -0.5249623656272888, -0.4967775344848633, -0.9541199803352356, -1.8051567077636719, 0.28195998072624207, -0.4189726710319519, -0.735781729221344, 0.12858045101165771, 0.2196747362613678, 0.32058197259902954, -1.1767938137054443, -0.5100203156471252, 0.21468624472618103, 0.28644341230392456, -1.0195564031600952, -0.4872547388076782, -0.4528173804283142, 0.6013377904891968, 0.82610684633255, -0.984822154045105, 0.2126922309398651, 0.9841926097869873, 0.008385425433516502, -0.745489239692688, 0.009927712380886078, 0.16349729895591736, 0.03429342061281204, 0.7246670722961426, -0.8459154963493347, 0.02714448980987072, -0.6481970548629761, 0.2652604877948761, -0.879718005657196, -0.024720586836338043, 1.4913593530654907, -0.9342958331108093, 0.2162502557039261, 0.4461861550807953, 0.9921128153800964, 0.4642793536186218, -0.3025153875350952, -0.44531887769699097, -0.5928876996040344, -0.0005043819546699524, 0.6547158360481262, -0.03282111883163452, 0.8162259459495544, -2.1282835006713867, -0.7959054708480835, -0.8071800470352173, -0.3318166136741638, 1.382604956626892, 0.5295594930648804, -0.29363763332366943, 0.46493086218833923, -0.02064889669418335, -0.1711844801902771, -0.43240466713905334, 0.09412291646003723, 0.418788343667984, 0.6245203614234924, -0.5213872194290161, -0.3793352246284485, -0.9541794061660767, -0.5593113899230957, -0.1351303905248642, 0.39539635181427, -1.4239004850387573, -0.08823207020759583, 0.5249770283699036, -0.7322637438774109, 0.608948826789856, -1.1549700498580933, 0.8208275437355042, -0.32841411232948303, -0.7757768630981445, -0.9946693181991577, 0.20386341214179993, 0.9373293519020081, 0.3781283497810364, 1.082795262336731, -0.09458696842193604, 0.7951398491859436, 1.150671124458313, 0.05226545035839081, 1.3990689516067505, -0.299702525138855, -0.3393157422542572, -0.2473224699497223, 0.07172352075576782, -0.2487187683582306, -0.3611602187156677, 0.18770676851272583, -1.3876947164535522, -0.2338104546070099, -1.0505123138427734, -0.14599931240081787, -0.9676872491836548, -0.4521481692790985, 0.6865832209587097, 0.7631938457489014, -0.23500192165374756, -1.4095540046691895, -0.44100919365882874, -1.4038455486297607, 0.26638558506965637, 0.9583075642585754, -0.4801008105278015, 1.1371638774871826, 0.657026469707489, 0.1178031861782074, 1.0910004377365112, 0.35544008016586304, -0.30738240480422974, 0.6241061687469482, -0.2744971513748169, 0.9498714208602905, 0.6167589426040649, 0.044557251036167145, 0.7768391370773315, 0.1836054027080536, -0.745391845703125, -0.1936994045972824, -0.24474987387657166, 0.35853880643844604, 1.0241150856018066, -0.7282878756523132, -0.41053831577301025, -0.9976651072502136, -0.3236825466156006, -0.7300681471824646, 0.48999467492103577, 0.9245224595069885, -0.3503357172012329, -0.8074659705162048, -1.0677694082260132, -0.41750115156173706, 0.03989678621292114, -0.20086629688739777, -0.676145076751709, -0.5766373872756958, 1.1552540063858032, 0.9744378328323364, 0.3466435670852661, 0.007020257413387299, -0.049468230456113815, -0.19410304725170135, 0.8465448617935181, 0.2749744653701782, -0.6771253943443298, -0.5115174055099487, 0.3318508267402649, -0.6126961708068848, 0.06541653722524643, -0.18731072545051575, -0.19023889303207397, -0.9075978994369507, 0.30201125144958496, -0.07884258031845093, 0.39507201313972473, 0.35866779088974, 0.700774073600769, -1.2179499864578247, 0.48345255851745605, 0.34476980566978455, -0.2345290184020996, -0.7023538947105408, -0.15560612082481384, -0.2605540454387665, -0.04048624634742737, 0.47281917929649353]} +{"paper_id": "cuad", "embedding": [-0.15176896750926971, 0.7445670962333679, -0.7327252626419067, -0.08423937112092972, 0.35704049468040466, 0.20106789469718933, 0.2700999081134796, 0.5522133111953735, 1.0687016248703003, 1.4129304885864258, 0.12315135449171066, 0.6060094833374023, -0.7774425148963928, -0.3214801251888275, -0.7771232724189758, -0.02514461800456047, 0.11090842634439468, -0.1290307343006134, -0.9977127909660339, 0.26146915555000305, -1.2339692115783691, -1.132222294807434, -0.6419561505317688, 0.7017470002174377, -1.0245568752288818, -0.41703492403030396, 1.1613138914108276, -0.9210721254348755, 0.6885692477226257, 0.13748571276664734, 0.13134579360485077, 1.8909740447998047, -1.816622018814087, 1.0549482107162476, -0.06671381741762161, 0.08417749404907227, -0.8090624213218689, -0.0504629909992218, -0.4456206262111664, -0.3158113360404968, -0.8730483055114746, 0.921007513999939, 0.75437331199646, 0.6004047989845276, 0.796409010887146, -0.8084167838096619, 0.2816202640533447, -0.14630591869354248, 0.22607259452342987, 0.6274079084396362, -1.149583339691162, 0.4058472812175751, 0.22939766943454742, 0.639177680015564, 0.004023745656013489, 1.5824021100997925, -0.3338223099708557, -0.2931445240974426, 1.040052056312561, -0.5304279327392578, 1.7588354349136353, 1.5749030113220215, -0.059107497334480286, -0.5005925297737122, 0.09963569045066833, -0.14208567142486572, 1.126781940460205, 0.19568054378032684, 0.32585641741752625, 0.9271324276924133, -0.06579707562923431, -0.7415605187416077, -0.15632691979408264, -0.8118194341659546, -0.9909526109695435, 0.03665052354335785, 0.12499488145112991, 0.26384836435317993, 0.05631709843873978, -0.38248372077941895, 0.22288064658641815, 0.15792398154735565, -0.2164330780506134, -0.179362490773201, -0.14079676568508148, -0.6294999122619629, 0.05436915159225464, -0.8966808319091797, 0.2488689422607422, -1.2766146659851074, 0.4886029362678528, -0.5350016355514526, -0.7438717484474182, -0.10902730375528336, -0.8975145220756531, 0.5172665119171143, -0.30815619230270386, -0.21616582572460175, -0.42109254002571106, 0.7844617962837219, -0.19098839163780212, -0.23480823636054993, 1.1655207872390747, -0.5721099376678467, 0.30611205101013184, 1.8537111282348633, -0.1594313234090805, 0.021147917956113815, -1.5513174533843994, 0.45408353209495544, 0.7584221363067627, 1.0043582916259766, 0.24763646721839905, 0.07652079313993454, 0.3191380202770233, 0.7044423818588257, 0.240255206823349, -0.5990344285964966, 0.022048279643058777, 0.35868680477142334, -0.289156973361969, -0.7804194092750549, -0.735867440700531, 0.5633737444877625, 1.3636126518249512, 0.4829128086566925, -0.10367617011070251, -0.021448247134685516, -0.20755577087402344, 0.243973970413208, 0.37852874398231506, 0.5154764652252197, -1.3031206130981445, 0.22349345684051514, 2.197204828262329, -0.8785753846168518, 1.3576297760009766, -0.39696675539016724, 0.7963951826095581, -0.6837106347084045, 0.2584345042705536, 0.895177960395813, 0.1486055552959442, -1.7867861986160278, -1.3706034421920776, 0.9956790804862976, -0.7251956462860107, 0.2946869432926178, -0.9533951878547668, 0.13224788010120392, 0.2864437997341156, 1.1005566120147705, -0.5835018754005432, 0.10594550520181656, 0.2365533858537674, 0.11243963986635208, 0.3217897415161133, 0.8505541682243347, -1.1496702432632446, 0.3161710798740387, 1.0752114057540894, 0.3596557378768921, 0.8235917091369629, 0.6003158092498779, -0.9863048195838928, -0.5688793659210205, 0.9224659204483032, 0.35408955812454224, -1.1658689975738525, -0.141020268201828, 1.182133436203003, 0.010481252335011959, 0.055740516632795334, -0.19223688542842865, -0.998508632183075, 0.08584118634462357, 0.47134217619895935, 1.4027010202407837, 0.029680723324418068, -0.5085232257843018, -0.9689002633094788, -0.2783637046813965, -0.4521355628967285, 0.2449021339416504, -0.731502115726471, -0.6768948435783386, -1.56002938747406, -0.2554512619972229, -0.8509542942047119, 1.3807692527770996, 0.5313921570777893, 0.4990293085575104, 0.2262449562549591, 1.6007270812988281, 0.40008682012557983, -1.2849408388137817, 0.11671184003353119, -2.1178314685821533, 0.34151679277420044, 0.02697761356830597, 0.11812679469585419, -1.2166917324066162, -0.46510049700737, -0.16294966638088226, 1.5641601085662842, -1.2844611406326294, -0.7801101207733154, -1.9594011306762695, 0.6740176677703857, 1.8935844898223877, 0.35412368178367615, -0.7036579251289368, -0.6930988430976868, -0.4936644434928894, -0.02489355579018593, 0.875055730342865, 0.44512489438056946, -1.2870657444000244, 0.9490955471992493, -1.5160170793533325, 0.5848588347434998, 0.24241071939468384, -0.5036555528640747, 0.8337586522102356, 0.9461501836776733, -0.4058254361152649, 0.1422610729932785, 0.7434743046760559, -0.5676876306533813, 0.9397050142288208, 0.12690693140029907, 0.15721182525157928, 0.28571435809135437, 1.2330178022384644, 0.7953007817268372, 1.3037841320037842, 0.6750311851501465, -0.35781893134117126, -0.9942679405212402, 1.0704952478408813, -0.6986591815948486, -0.3023959994316101, -0.3965921401977539, -1.350272536277771, 1.0466607809066772, 0.19467175006866455, -0.6621938943862915, -0.3231985569000244, -0.5085773468017578, -1.0495244264602661, 0.8903409838676453, 0.43858328461647034, -0.8370766043663025, -0.21523010730743408, -0.6621200442314148, 0.12745243310928345, 0.21620582044124603, -0.4785146415233612, -1.1669882535934448, -0.3975280523300171, -0.10030946135520935, 0.40533310174942017, 0.8349331021308899, -0.3580845594406128, -0.25179019570350647, -0.48900073766708374, -0.0039443038403987885, 0.11813687533140182, 0.1142062097787857, -0.38441920280456543, -0.04557336866855621, 0.1558908373117447, -1.4145793914794922, 0.5441522598266602, 0.6344871520996094, 0.20866930484771729, -0.8931319713592529, 0.482781320810318, 0.9942261576652527, -0.5386378169059753, -0.25707316398620605, -0.5565019845962524, 1.0104663372039795, -0.3493233025074005, 0.8363490104675293, -0.17217490077018738, 0.29726704955101013, 0.06841433793306351, -0.047106724232435226, -0.252923846244812, -0.027815017849206924, 0.550015926361084, -0.6557255983352661, 0.5195529460906982, -0.10570789128541946, -0.15847140550613403, 1.3778491020202637, 0.41103798151016235, -0.02963138371706009, -0.9901905059814453, 0.5680530667304993, 0.6255523562431335, -0.590472936630249, 1.2075374126434326, 0.6779376268386841, -0.18412958085536957, 1.215857982635498, -0.09311036765575409, 0.4497465491294861, 0.07060123980045319, 0.1894606351852417, 0.7017615437507629, 0.607966423034668, -0.9282568693161011, 0.31596243381500244, 0.1547468900680542, -0.7793467044830322, -0.2500641942024231, -0.241102933883667, -0.5267204642295837, -0.5830933451652527, -0.3420398235321045, -0.31313496828079224, -0.373852401971817, -0.1619517207145691, 0.667282223701477, 0.6153203248977661, 0.469177782535553, -0.7106704711914062, 0.18118780851364136, -0.10243891179561615, -0.4825342297554016, -0.8628135919570923, -0.2745494842529297, 0.7868949174880981, -0.06428311765193939, -0.0384175181388855, -0.3468599319458008, 1.1950160264968872, 1.0027579069137573, -0.37726327776908875, 0.37150639295578003, 0.9489251971244812, -0.2510378360748291, -0.36213648319244385, -0.3453112542629242, 0.05771013721823692, 0.3855816125869751, -0.8558454513549805, 0.8472598195075989, -0.17634551227092743, -0.5977928638458252, -2.1494972705841064, -0.005328080616891384, -0.21164119243621826, -0.7962071299552917, 1.7859501838684082, 0.22570937871932983, 0.9627335071563721, -0.42737916111946106, 0.5684906840324402, -0.268972247838974, -0.08145785331726074, 0.29674333333969116, 0.8140948414802551, 0.25689518451690674, -0.8803787231445312, 0.019824720919132233, 0.7705512046813965, -0.3490186035633087, -0.656937301158905, -0.1180470809340477, 0.9089431166648865, -0.020189207047224045, -0.0649009719491005, -0.488862007856369, 0.17475932836532593, 0.6597328186035156, 2.106221914291382, -0.4392024874687195, -0.6705640554428101, 0.19089347124099731, 0.45027291774749756, 0.30656349658966064, 0.45912331342697144, -0.3767179846763611, -0.3557073771953583, -0.18195532262325287, -0.012240223586559296, 0.6837632656097412, 0.29031360149383545, 0.36138594150543213, 0.2605840563774109, -0.8959209322929382, 0.10119308531284332, -0.7228832840919495, -0.688620924949646, -0.038228727877140045, 0.06533798575401306, -0.9276685118675232, 0.6448602676391602, -0.3266431987285614, -1.0546529293060303, 0.539583683013916, -0.6096557378768921, -1.7654608488082886, 0.9761550426483154, 1.0846983194351196, -1.2481576204299927, 0.11566869169473648, 0.5853590965270996, -0.6302719116210938, -0.8789165616035461, 0.4072910249233246, -1.279809832572937, 1.6676613092422485, 0.11449877917766571, 0.10275024175643921, 0.7303569912910461, -0.38532841205596924, -0.5165214538574219, 1.2302526235580444, 0.8849735856056213, -1.3896522521972656, 0.28517451882362366, 0.06477347016334534, 0.49195027351379395, 0.8469265699386597, -0.8140139579772949, -1.0969692468643188, 1.0073505640029907, 0.4458489716053009, 0.45727255940437317, -0.4375142753124237, -0.9027618765830994, 0.20921218395233154, 0.03466891869902611, 0.3721030056476593, -0.15153971314430237, -1.1110751628875732, -0.06603258848190308, 0.6466375589370728, 0.6432268619537354, -0.032648660242557526, -1.2082536220550537, 0.6883751153945923, 0.5143605470657349, 0.20629461109638214, 0.42669373750686646, 0.2096836268901825, 1.6274455785751343, -0.3035218119621277, 0.0009447447955608368, -0.6342452764511108, -10.386069297790527, 1.1764529943466187, 0.4765218496322632, 0.8603975772857666, 0.32546931505203247, -0.22286701202392578, -0.08560138195753098, -1.2078520059585571, 0.7426632046699524, -0.20416167378425598, 0.27717021107673645, 1.6704074144363403, 0.0985068827867508, -0.7380160093307495, -0.7051878571510315, -0.9169856905937195, -0.5712102055549622, -0.08738479763269424, -0.062404461205005646, -0.0979083701968193, -0.3761587142944336, -1.6877405643463135, -0.31779754161834717, -0.016903884708881378, 1.3414032459259033, -0.2814370393753052, -0.3456476628780365, 0.1057419702410698, -0.4117122292518616, 0.08293844759464264, 0.3092239797115326, 0.321379691362381, -0.3404392600059509, -0.6761333346366882, -0.13942591845989227, 0.07161751389503479, -0.6816226243972778, -0.0694543793797493, 0.9848108291625977, 0.018933570012450218, -0.13671761751174927, -0.18077035248279572, 0.5502341985702515, -0.7234089374542236, -0.18841604888439178, -0.020550362765789032, 0.5265986323356628, -0.7254299521446228, -0.1687605232000351, 0.08497142046689987, 0.02166031301021576, -0.4152214825153351, -0.7036609649658203, -0.1373387575149536, -0.2085331231355667, -0.5736806988716125, -1.4750720262527466, 0.7313438653945923, -0.7288910746574402, -0.15146975219249725, 0.44340944290161133, 0.29916882514953613, 0.07209257036447525, 0.343281090259552, -0.21522679924964905, 0.34654146432876587, 0.2644021809101105, -0.09986267983913422, -0.4649561047554016, 0.42591553926467896, -0.47824037075042725, 1.3442267179489136, -0.990820586681366, 0.4851355254650116, -1.1125566959381104, 0.12723663449287415, -0.5591427087783813, -1.067838430404663, 1.1296436786651611, -0.7557926177978516, -1.4010138511657715, 1.017777681350708, -0.22010543942451477, -0.06786934286355972, -0.6064053773880005, 0.15733572840690613, -0.8198586106300354, -0.7417200207710266, 1.3079733848571777, -0.31499364972114563, 0.4576502740383148, -0.3097046911716461, -0.4046427607536316, -0.28764304518699646, -0.38601747155189514, 0.35287612676620483, -0.4738905131816864, 1.2594890594482422, 0.28572842478752136, -0.1902337372303009, 0.1884041130542755, 0.33003807067871094, -0.6571042537689209, 0.16398125886917114, 0.4714505076408386, 0.4355975091457367, 0.14199522137641907, -0.5356146097183228, -0.3080976903438568, 0.2603040635585785, 1.7676875591278076, -0.10168035328388214, 0.7877592444419861, 0.6450667381286621, -0.20365220308303833, -0.12880654633045197, 0.7967691421508789, 0.05160120129585266, -0.2220596820116043, -0.023191863670945168, 0.14099575579166412, 1.2380820512771606, 0.3490939140319824, 0.581027626991272, -0.45406508445739746, -0.7265235185623169, 0.6098761558532715, -0.054536089301109314, -0.9709316492080688, -1.9300825595855713, 1.165325403213501, 0.3158300220966339, 0.596200168132782, -0.2799849510192871, -0.5960934162139893, -0.13813774287700653, -0.6571862101554871, 0.09264973551034927, -0.7836690545082092, 0.2598262131214142, -0.6052454710006714, 0.3308103680610657, 0.6283890008926392, -0.3957180976867676, -1.9517742395401, 0.04171884432435036, -1.5362861156463623, 0.3405361771583557, -0.9071401953697205, -0.6074742674827576, 0.22053182125091553, -0.7457219362258911, 0.9205574989318848, -1.6051247119903564, -0.33319929242134094, -0.2686823606491089, 0.8170220255851746, -0.411081463098526, -0.24707907438278198, 0.2998497784137726, 0.24016666412353516, 0.9720829725265503, -0.4032193422317505, 0.985385000705719, 0.5294336080551147, -0.13074752688407898, 0.558356761932373, 0.40059027075767517, -0.6549060940742493, -0.009520851075649261, 1.1157608032226562, -1.5828254222869873, -0.44753432273864746, -0.8974973559379578, 1.0017781257629395, -0.20799456536769867, 0.9219300150871277, 1.2431150674819946, -1.515918493270874, -0.05401167273521423, -0.3300180435180664, 0.599658727645874, 1.0744397640228271, -1.5330419540405273, -0.3509075939655304, -0.03140866756439209, 0.30037355422973633, 0.7849769592285156, -0.15625709295272827, 0.40499943494796753, -1.696838140487671, -0.8981676697731018, -0.5209884643554688, -0.5721421241760254, 0.5638627409934998, -0.03767537698149681, 0.3295542001724243, 0.4271891415119171, 1.228837490081787, 0.27996307611465454, -0.2905977964401245, 0.9013797640800476, 0.2642294764518738, 0.3096851408481598, -0.8802394866943359, 0.2395082414150238, -0.4902955889701843, 0.32501792907714844, 0.14256899058818817, 0.39087456464767456, -1.4081640243530273, -0.5227203369140625, 0.593389630317688, -0.1722487211227417, 1.1894283294677734, -1.0765750408172607, 0.5790284276008606, -0.6080472469329834, -1.0265744924545288, -1.4603232145309448, 0.8955000638961792, 0.4897802770137787, 0.8189480900764465, -0.18173882365226746, 0.37974870204925537, 0.901546061038971, 1.5686887502670288, 0.33577612042427063, 1.2487411499023438, 0.689917802810669, -0.3619670569896698, 0.20786221325397491, -0.07414546608924866, -0.18721520900726318, 0.4076157808303833, 0.18515825271606445, -0.756322979927063, 0.0742308720946312, -1.0876835584640503, 0.41254881024360657, -1.1157697439193726, -0.13812008500099182, 0.15317809581756592, 0.8760504722595215, -1.1693207025527954, -0.46322551369667053, -1.2911157608032227, -1.3594729900360107, -1.2276349067687988, 1.216315746307373, 0.8726930618286133, 1.5588057041168213, 0.773413360118866, 0.26191726326942444, 1.2665746212005615, 0.5434932112693787, 0.2608615756034851, -0.14215680956840515, 0.38630664348602295, 1.006701111793518, 0.9691654443740845, 0.2240975797176361, 0.48187005519866943, 0.24595212936401367, -0.6338790655136108, -0.26996394991874695, -0.5225356817245483, 0.40334296226501465, 0.03931832313537598, -0.17358583211898804, 0.24538357555866241, -0.4069198966026306, 0.018451862037181854, -0.205190971493721, 0.7502754926681519, 0.35117846727371216, -0.7487781047821045, -0.9079959392547607, -0.6698145866394043, -0.14181578159332275, 0.9973549246788025, -0.5814443826675415, 0.04388686269521713, -0.15213464200496674, 1.2732247114181519, -0.42143774032592773, 0.5667194128036499, -1.056870698928833, -0.10488736629486084, -0.8864818215370178, 0.45980679988861084, -0.1964116394519806, -0.872008204460144, -0.5530444979667664, -0.19060367345809937, -0.810674786567688, 0.9310116767883301, 0.04776051640510559, -0.8643386363983154, -0.4074153006076813, 0.5727261900901794, 0.08087922632694244, 0.8142778873443604, -0.16248062252998352, -0.3947218954563141, -1.4856866598129272, 0.5470792055130005, 0.3916597068309784, -0.4011898338794708, -0.3350563645362854, 0.14764240384101868, 0.6956043243408203, -0.6046401262283325, 1.3884100914001465]} +{"paper_id": "ms_marco", "embedding": [-0.3150920569896698, 1.0722922086715698, 0.02486438676714897, -0.1618434488773346, 0.0840611606836319, -0.2474624514579773, 0.6166318655014038, 1.117562174797058, 0.8372043967247009, 0.14060789346694946, 0.6734219193458557, -0.23611970245838165, 0.6073529720306396, 0.5726708769798279, -0.30838480591773987, -0.45517465472221375, -0.07184596359729767, -0.3040655851364136, -1.429219365119934, -0.5858923196792603, -0.4301068186759949, -0.7355889678001404, 0.07135510444641113, 1.221008539199829, -0.736625611782074, -0.7118987441062927, 0.8749404549598694, -1.2158137559890747, 0.5395286083221436, 0.23605328798294067, 0.3245825171470642, 1.10786771774292, -0.994288444519043, 0.6995982527732849, -0.09852765500545502, -0.21098336577415466, 0.27931997179985046, 0.884291410446167, -0.41837647557258606, -0.3354536294937134, -0.8811762928962708, 0.3231164813041687, 0.5214440822601318, -0.20728699862957, 0.9382625818252563, -0.21451526880264282, 0.45917773246765137, -0.2997618317604065, -0.2095668613910675, -0.3186933994293213, -1.0048863887786865, 0.4782257080078125, -0.1839815080165863, 0.5337841510772705, -0.3662649691104889, 0.7765300869941711, 0.06609025597572327, -0.2773476839065552, 0.4697931110858917, -0.8905082941055298, 1.5831588506698608, 1.2747529745101929, 0.09198480099439621, 0.41377362608909607, 1.283658742904663, 0.07939963042736053, 0.8282088041305542, 0.39917582273483276, -0.5490593910217285, 0.7398620843887329, -0.4987565875053406, -0.5004634857177734, 0.16363386809825897, -0.3998315930366516, 0.031214937567710876, 1.2045036554336548, 0.2978224456310272, -0.21046651899814606, 0.4934101104736328, -0.2146347463130951, -0.2867237627506256, 0.14235329627990723, 0.2991657853126526, 0.12821313738822937, 0.17822854220867157, 0.11281261593103409, -0.04834099858999252, -0.6312441825866699, 0.14416272938251495, -1.8102627992630005, 0.21210041642189026, 0.477256178855896, 0.4284246563911438, -0.17738686501979828, -0.4898465871810913, 0.2790657877922058, -0.5927611589431763, -0.34704604744911194, -0.08981640636920929, 0.06608030945062637, 0.8222242593765259, 0.10797127336263657, 0.8355671763420105, -0.2448853850364685, 0.19010809063911438, 0.1442354917526245, 0.19917702674865723, -0.41126465797424316, -0.4181824326515198, -1.1723591089248657, -0.48854953050613403, 0.4729994535446167, -0.09048629552125931, 0.6110262870788574, -0.06519503146409988, -0.004534207284450531, 0.608004629611969, -0.645624041557312, -0.3740788400173187, 0.2851625978946686, -0.03670415282249451, -1.0845693349838257, -0.25559496879577637, -0.42878085374832153, 0.5197350382804871, -0.24549046158790588, -0.46911710500717163, -1.074779748916626, -0.3911944627761841, -0.1762535572052002, 0.9982471466064453, 0.5517592430114746, -0.7944144606590271, -0.27548789978027344, 2.8023605346679688, -0.948272705078125, 1.0845062732696533, -0.08912687003612518, -0.2858186662197113, -0.5783717036247253, -0.9281864166259766, 1.5208712816238403, 0.18136680126190186, -0.5426709055900574, -0.3545226454734802, 0.23729471862316132, -0.37414777278900146, 0.21480827033519745, -0.9400042295455933, -0.4213747978210449, -0.2359306514263153, 0.11125126481056213, -1.6105448007583618, -0.6454243063926697, -0.20675474405288696, -0.08482438325881958, -0.020596537739038467, 0.5395036339759827, -0.7055305242538452, 0.8924098014831543, 0.2229304313659668, 0.031508706510066986, -0.3482196629047394, 0.8808919787406921, -0.7679701447486877, 0.12605799734592438, 0.8457709550857544, -0.12423036247491837, -0.3611656427383423, -0.03709850460290909, 0.02594858966767788, -0.5286437273025513, -0.12738488614559174, -0.18945857882499695, -0.14600959420204163, 0.588767945766449, 0.16573300957679749, 0.43751683831214905, -0.05832866579294205, -0.5505294799804688, -0.21601423621177673, -0.2326284945011139, -0.10697717219591141, 0.9781154990196228, 0.3438183665275574, 0.8516230583190918, -2.8015010356903076, 0.11659244447946548, -0.11398231983184814, 0.5103738903999329, 0.21585172414779663, -0.21113090217113495, 0.3027038872241974, 0.0037685856223106384, 0.13785907626152039, -0.532010555267334, 0.2459907829761505, -0.7869029641151428, 0.8542212843894958, 0.8768484592437744, 0.11590167880058289, 0.35820257663726807, 0.249434694647789, 1.0223572254180908, 0.42707765102386475, -0.1702897846698761, -1.0467638969421387, -2.0664894580841064, 0.1559230089187622, 2.3006229400634766, -0.03609676659107208, -0.47926536202430725, -1.107240080833435, -0.4813494086265564, 0.22239312529563904, -0.11761832237243652, 0.33290764689445496, -0.2643137574195862, -0.17003172636032104, -0.5268092751502991, 0.9114769101142883, -0.7188655138015747, 0.32030895352363586, 0.38152527809143066, 1.5114831924438477, -0.545024573802948, -0.24261844158172607, -0.4776114225387573, -0.5442163944244385, 0.38914212584495544, 0.32965439558029175, 0.14906853437423706, -0.18166451156139374, 0.489543080329895, 0.4150010943412781, 1.1066937446594238, 0.6735137104988098, 0.790123462677002, -0.4116635024547577, 0.03233446180820465, -0.21056413650512695, 1.7672761678695679, -0.06671370565891266, -0.2675369083881378, -0.41434937715530396, 0.2148650884628296, -0.5656394958496094, -0.18287542462348938, -0.2720138132572174, 0.14393730461597443, 1.0070104598999023, 0.6870394945144653, -0.3799653947353363, 0.6127287745475769, -0.8072946667671204, -0.23700395226478577, -0.4338335394859314, -0.5436667799949646, -1.060165286064148, -0.1740361452102661, 0.5827917456626892, -0.21928298473358154, 0.21301251649856567, -0.1992468684911728, 0.4089720547199249, -1.1313939094543457, -0.8987512588500977, 0.06634373217821121, -0.30362311005592346, -0.7549809217453003, -0.7038185596466064, -0.03878109157085419, -1.2299216985702515, -0.6640077233314514, -0.1408914178609848, -0.1462358832359314, 0.06758368760347366, 0.6166480779647827, 1.5932326316833496, 0.08319176733493805, 0.4705392122268677, 0.012438490986824036, 0.7079810500144958, -0.9144071340560913, 0.16080768406391144, 0.0805802196264267, -0.018826685845851898, -1.188963532447815, 0.22258582711219788, -0.8864958882331848, 0.37062183022499084, 0.47206366062164307, -0.34319785237312317, 0.6383686065673828, -0.5103703141212463, -1.0699996948242188, 0.930619478225708, -0.09968777000904083, 0.05004241690039635, -1.0454304218292236, 1.9166884422302246, -0.22187113761901855, -0.4499695301055908, 0.9703651666641235, -0.29236796498298645, -0.24562959372997284, 1.0677579641342163, -0.2754046320915222, 0.10446164757013321, 0.35269713401794434, -0.3674895167350769, 0.48926016688346863, 0.22149649262428284, -2.1293420791625977, 0.9566303491592407, 0.8720834851264954, 0.08741478621959686, -0.4677077829837799, -0.7750073671340942, 0.21459190547466278, -0.2781694233417511, 0.33618637919425964, 0.9381494522094727, -0.7984657287597656, 0.8159936666488647, -0.31514647603034973, 0.5945717096328735, 0.4725775420665741, -0.39112454652786255, 0.4624008238315582, 0.6752228736877441, 0.19143140316009521, -0.8333359360694885, -0.5975795388221741, 1.134934902191162, -0.3605427145957947, -0.08091293275356293, 0.13335087895393372, 0.6793383359909058, 0.5267839431762695, -0.3347856104373932, -0.11752020567655563, 0.5613691806793213, 0.517328679561615, -0.16445960104465485, -0.018962953239679337, 0.10468577593564987, 0.5046212673187256, 0.07553495466709137, 1.42903733253479, -0.24153822660446167, -0.5060405135154724, -0.9559348821640015, -0.13366661965847015, -0.30221644043922424, -0.14752842485904694, 1.5319578647613525, 0.4447445869445801, 1.8191139698028564, 0.5373265743255615, 0.08709614723920822, -0.30857986211776733, -0.5425739884376526, 0.47600260376930237, 0.2575010061264038, -0.08121754229068756, -0.7286522388458252, -0.3872891366481781, 0.9440869688987732, 0.6319533586502075, -0.5929362773895264, 0.4828007221221924, 0.38196295499801636, -0.1866767257452011, -0.7935129404067993, 0.9667890071868896, 0.7574549913406372, 0.5175025463104248, 2.0362026691436768, -0.15003685653209686, 0.09918662905693054, 0.004756534472107887, -0.26288318634033203, 0.17601531744003296, 0.029129311442375183, 0.22185194492340088, 0.6912662386894226, 0.16609467566013336, 0.6349111795425415, 0.46566736698150635, 0.9075183272361755, 1.7538022994995117, -0.6350280046463013, -1.2506698369979858, -0.031777117401361465, -1.0035046339035034, 0.03586365282535553, 0.05288930982351303, 0.3357234299182892, -0.352717787027359, 0.2791806757450104, 0.3135986924171448, -1.1578748226165771, 0.23961171507835388, -0.20485644042491913, -1.29594886302948, 0.639800488948822, 1.517381191253662, -1.1882095336914062, -0.4094100892543793, -0.2490951418876648, -1.0352959632873535, 0.03225550428032875, -0.37125691771507263, -0.6722135543823242, 0.9195635318756104, 0.25557446479797363, 0.9687126278877258, -0.06765815615653992, 0.015600517392158508, -1.5261338949203491, 1.294655442237854, 0.9709067344665527, -1.166114091873169, 0.2054939866065979, -0.30709734559059143, 0.8621386885643005, 0.031590890139341354, -1.28424870967865, -1.0334266424179077, 1.2141032218933105, -0.078516885638237, -0.05727216601371765, -0.7359415888786316, -0.10938979685306549, 0.5666295886039734, 1.0116245746612549, 0.3719162940979004, -0.5691531896591187, -0.15449804067611694, -0.9896289706230164, 0.0533783882856369, 1.256018877029419, -1.4249869585037231, -0.8150911331176758, 0.3698137104511261, -0.7632104158401489, 0.6107358932495117, -0.13454574346542358, -0.183042973279953, 1.2323262691497803, -0.06190577521920204, -0.1553204357624054, -0.2767082452774048, -12.053945541381836, 0.9487859010696411, -0.31525760889053345, 0.3289705514907837, 0.7822304368019104, 0.14953795075416565, 0.31188079714775085, 0.3854003846645355, 0.23080530762672424, -1.0030584335327148, 0.7925302982330322, 0.888418436050415, 0.20950666069984436, 0.03336387500166893, -0.7236024141311646, -0.9858534932136536, -0.6069397926330566, -0.958810567855835, 0.5371431708335876, 0.30353111028671265, 0.11912336945533752, -0.297722190618515, -0.29991069436073303, 0.1967468410730362, 0.14559121429920197, -0.1532077193260193, -0.30958762764930725, -0.046152785420417786, -0.33581602573394775, -0.29570066928863525, 0.4992695748806, -0.1892908662557602, -0.6505329012870789, -0.10433875769376755, 0.04007788002490997, -0.08926396071910858, -1.0655735731124878, -0.26575276255607605, 0.42010095715522766, -0.4298968017101288, -0.6495948433876038, 0.16900143027305603, 0.6837126612663269, -0.2020495980978012, -0.5590689778327942, 0.3271133303642273, 0.3113594353199005, -0.984023928642273, -0.0598791241645813, -0.7475044131278992, -0.7494596242904663, -0.4401495158672333, -1.261928915977478, -0.45855528116226196, 0.6151843667030334, 0.4334357976913452, -0.6291447281837463, -0.6899878978729248, -0.1269998401403427, -0.6409425735473633, 0.5414295792579651, 0.04610228165984154, -0.27617788314819336, 0.14134545624256134, 0.15532144904136658, 0.022830836474895477, 0.161056250333786, 0.36185088753700256, 0.04210452735424042, 0.7463693022727966, -0.5788580179214478, 1.1432992219924927, 0.26384052634239197, 0.67674720287323, -0.5037674307823181, 0.2121102213859558, -0.7369933128356934, -0.05568057298660278, 0.6931472420692444, 0.030128300189971924, -1.2852107286453247, 1.009781837463379, 0.1982964277267456, -0.47785380482673645, -0.11833164095878601, 0.3328453302383423, -0.08769416064023972, 0.7647666335105896, 0.9870960712432861, -0.28124040365219116, 1.6623883247375488, 0.20917809009552002, -0.6731043457984924, -0.4264676570892334, -0.5436187982559204, 0.6043210029602051, -0.7432442903518677, 0.32078397274017334, 0.5362070798873901, -0.6089458465576172, 0.009677812457084656, -0.17174199223518372, -1.0916301012039185, -0.6465466618537903, 1.15007483959198, 0.03717074543237686, 0.17656782269477844, 0.2186419665813446, -0.22681646049022675, -0.7942156791687012, 0.8846491575241089, 0.5421290397644043, -0.2112949639558792, 1.4220261573791504, -0.6486042737960815, 0.8800417184829712, 0.8762706518173218, -0.023549586534500122, 0.5236089825630188, 0.9188659191131592, -0.9555288553237915, 1.0496561527252197, 0.6828742027282715, 1.54429030418396, -0.06883929669857025, 0.2067311853170395, 0.3404117524623871, 0.5554386377334595, -0.5486487150192261, -0.5790042281150818, 0.29351386427879333, -0.27782243490219116, -0.06764857470989227, -1.054929256439209, -0.2864758372306824, 0.2971901297569275, -0.23194049298763275, 1.7270283699035645, -0.7946339845657349, -0.17435041069984436, -0.16857439279556274, -0.23110747337341309, -1.062551498413086, -1.1861661672592163, -1.0447330474853516, 0.26002660393714905, -1.2848131656646729, 0.18893299996852875, -0.43173620104789734, -0.4563979506492615, -0.28826668858528137, -0.7423794865608215, 0.8206546902656555, -0.6368027329444885, -0.7410746812820435, -0.7194905281066895, 0.4640996754169464, -0.5737494230270386, -0.4298858642578125, -0.5788178443908691, 0.48046639561653137, 0.9022719264030457, -1.0225107669830322, 1.4132996797561646, 0.8574297428131104, 0.11215104162693024, -0.6663435101509094, 0.1184922605752945, -0.8154501914978027, 0.30470791459083557, 0.7540850639343262, -0.8724822402000427, -0.6095709800720215, -0.3959909975528717, -0.19892562925815582, -0.4570654630661011, 0.1611642837524414, 0.9124177694320679, -1.3736978769302368, 0.22986942529678345, -0.17142240703105927, 1.0359255075454712, 0.3479149639606476, -0.4053401052951813, -0.10013429820537567, 0.33867788314819336, 0.012235582806169987, 1.0030415058135986, 0.0744093805551529, 0.8427222371101379, -1.1621181964874268, -1.49920654296875, -0.2610052824020386, -0.41957545280456543, 0.4207594394683838, 0.4962252080440521, 1.039200782775879, 0.2126891314983368, -0.5768651366233826, -0.16000044345855713, -0.017631039023399353, 0.4614006578922272, 0.2032831609249115, 0.9009777903556824, 0.06158650293946266, 0.5392880439758301, -0.6956855654716492, -0.05476726219058037, 0.19035004079341888, 0.9658378958702087, -0.8212501406669617, -0.3272251486778259, 0.0013438798487186432, -0.31266921758651733, 0.0938277393579483, -1.4713460206985474, -0.08975501358509064, -0.5974613428115845, -0.4826487600803375, -1.3954328298568726, 0.091178759932518, 0.6719303727149963, -0.3895469307899475, 0.8139448165893555, 0.4433406889438629, 0.36600279808044434, 0.6539819836616516, 0.15358512103557587, 0.8971313834190369, -0.12484583258628845, -0.4661754369735718, 0.39214619994163513, 0.7546427249908447, 0.2991787791252136, -0.3777710497379303, -0.7000355124473572, -1.1015598773956299, -0.04234781116247177, -0.3923225402832031, 1.0700421333312988, -0.32048434019088745, 0.2800547182559967, 0.4798406958580017, 1.2082420587539673, -0.28808194398880005, -1.747129201889038, -0.25384512543678284, -1.2319737672805786, 0.20854522287845612, 0.8471114039421082, 0.33703386783599854, 0.04449780285358429, 0.6868863701820374, -0.4010717272758484, 0.8472911715507507, -0.7831575870513916, 0.49790239334106445, 0.2623327672481537, -0.4617905020713806, 0.9843975901603699, 0.40240511298179626, 0.5086577534675598, 0.40246713161468506, -0.2927679419517517, -0.8336782455444336, -0.005925266072154045, -0.656038224697113, 0.6149081587791443, 0.4167647957801819, -0.22469832003116608, 0.03078048676252365, -0.3192315101623535, 0.7252809405326843, -0.5248841643333435, 1.19603431224823, 0.2875916361808777, -0.06939499825239182, -0.7269443273544312, -1.2131633758544922, -0.04511665925383568, 0.23160502314567566, -0.06750637292861938, -0.06877319514751434, 0.1054571345448494, 0.7020301222801208, 0.37372660636901855, 0.2597619891166687, -0.7993607521057129, -0.048445116728544235, -0.5239749550819397, -0.041094060987234116, 0.15653479099273682, -0.3958410322666168, -0.5341848134994507, 0.36378732323646545, -0.7496291399002075, 0.317660927772522, 0.3924359679222107, -0.3889934718608856, -0.57574462890625, 0.9162824153900146, -0.42708927392959595, 0.036983877420425415, 0.3395053744316101, -0.21448050439357758, -1.5933303833007812, 0.9422979950904846, 0.7808995246887207, -0.45169517397880554, -0.3819350302219391, 0.22120630741119385, 0.26893019676208496, 0.4721195697784424, 0.6274501085281372]} +{"paper_id": "natural_questions", "embedding": [-0.748956024646759, 0.9485296010971069, 0.24728769063949585, -0.5645819902420044, -0.027563929557800293, 0.1319465935230255, 0.6261480450630188, 0.7958676815032959, 0.42114993929862976, 0.5216785669326782, -0.26616692543029785, 0.024463249370455742, 0.35623595118522644, 0.11344168335199356, -0.6386368870735168, -0.41913682222366333, -0.5933941006660461, -0.5747355222702026, -1.1002559661865234, -0.5710033178329468, -0.15772974491119385, -0.7240925431251526, 0.3124054968357086, 0.28024592995643616, -0.43891242146492004, -0.926918625831604, 0.701168954372406, -0.6819409728050232, 0.5202519297599792, 0.23289421200752258, 0.22760218381881714, 1.4945050477981567, -1.0810189247131348, 0.3083859086036682, 0.03413219004869461, -0.20227111876010895, 0.12111309915781021, 0.7875456809997559, -0.49468475580215454, -0.4456859230995178, -0.5709902048110962, -0.13417308032512665, 0.8528831601142883, 0.1261628419160843, 1.010730504989624, -0.4471340775489807, 0.1895398199558258, 0.29497796297073364, -0.5377377867698669, -0.169597789645195, -0.5096192955970764, -0.2014572024345398, 0.21310172975063324, 0.40113526582717896, -0.3119903802871704, 0.5033015608787537, 0.3425918221473694, -0.9377164244651794, 0.8406044244766235, -1.023317813873291, 1.1639131307601929, 1.3690608739852905, 0.07510330528020859, 0.4504116177558899, 0.8217747807502747, 0.06667852401733398, 1.2028932571411133, 0.5498642921447754, -0.21789005398750305, 1.2140209674835205, -0.29574015736579895, -1.106329083442688, 0.3668299615383148, -0.2253466695547104, 0.5492739677429199, 0.45245078206062317, -0.1801178902387619, -0.16294559836387634, 0.3351426124572754, 0.13066217303276062, -0.1558149755001068, 0.03834982216358185, 0.48636332154273987, -0.02158546820282936, 0.07723022997379303, -0.34464702010154724, 0.2558663785457611, -1.2140790224075317, 0.31367388367652893, -1.0648607015609741, 0.692182183265686, 0.27326276898384094, -0.2010234296321869, -0.3605616092681885, 0.09144744277000427, 0.5577338337898254, -0.6843628883361816, -0.2576730251312256, 0.006247125566005707, 0.5929679274559021, 0.9313108325004578, -0.11528412997722626, 0.5149940848350525, -0.31601062417030334, 0.015537206083536148, 0.4014953374862671, -0.21410802006721497, -0.15934041142463684, -0.2723269462585449, -0.7158088088035583, -0.14271026849746704, 0.9448173642158508, 0.07643990218639374, 0.7155813574790955, -0.33348631858825684, 0.49902740120887756, 0.3195659816265106, -0.8304874897003174, -0.06605968624353409, 0.415885329246521, 0.41426175832748413, -1.2072675228118896, 0.24012964963912964, -0.08653495460748672, 0.6076079607009888, -0.6953191161155701, 0.027867967262864113, -0.12171396613121033, -0.3973698019981384, 0.4218785762786865, 0.5917856693267822, 0.11330907046794891, -0.45934948325157166, -0.12173902988433838, 3.0388991832733154, -0.9995018243789673, 0.939443051815033, -0.2562633156776428, -0.33816009759902954, -0.6325811147689819, -0.387474924325943, 1.1777377128601074, 0.4572957754135132, -0.8052704334259033, -0.3977954387664795, 0.41979414224624634, -0.2371979057788849, 0.5235459804534912, -0.8834342360496521, 0.1628730744123459, -0.28581759333610535, 0.49674105644226074, -1.181523084640503, -0.3907918930053711, 0.2685008645057678, 0.5823035836219788, -0.13645540177822113, 0.31225329637527466, -0.7773359417915344, 0.7171550393104553, -0.03439810872077942, -0.5512149930000305, -0.4950575530529022, 0.4605054259300232, -0.6407479643821716, -0.20552615821361542, 0.46312737464904785, -0.16446831822395325, -1.3714327812194824, -0.069270059466362, 0.15396961569786072, -0.5900540351867676, -0.3150500953197479, -0.016027124598622322, 0.05227961391210556, 0.4367215931415558, 0.012773200869560242, 0.19268548488616943, 0.28102803230285645, -0.7835870385169983, -0.044483430683612823, 0.2573989927768707, -0.4170631766319275, 0.7619310021400452, 0.12890200316905975, 0.4070802628993988, -2.2036373615264893, 0.19625893235206604, 0.3768652081489563, -0.030370309948921204, 0.489082396030426, -0.41169002652168274, -0.14153176546096802, 0.40264657139778137, -0.296118825674057, -0.6998932361602783, 0.47850149869918823, -0.7705569267272949, -0.28638482093811035, 0.728325605392456, -0.48785024881362915, 0.3662258982658386, 0.19847172498703003, 1.1891270875930786, 0.3921825885772705, -0.3281032145023346, -0.8518496751785278, -1.853072166442871, 0.2770024240016937, 2.2282702922821045, 0.07819291949272156, -0.838287889957428, -1.1913658380508423, -0.21031638979911804, 0.24073931574821472, -0.23913168907165527, 0.1563870906829834, -0.480319619178772, -0.13954582810401917, -1.485122799873352, 0.7497588992118835, -0.38169294595718384, 0.06302600353956223, 0.25310391187667847, 1.5648503303527832, -0.8850641846656799, -0.1243867576122284, -0.4701830744743347, -0.5561109185218811, 0.7362582683563232, 0.5748178958892822, 0.4563671052455902, -0.0655444860458374, 1.1309055089950562, 0.23902910947799683, 0.6561703681945801, 0.21652254462242126, 0.5966933965682983, -0.6523598432540894, 0.20675890147686005, 0.14423564076423645, 1.2339320182800293, -0.08850961923599243, 0.24871352314949036, -0.04619450122117996, 0.07758606970310211, -0.5063215494155884, -0.5676523447036743, -0.20770244300365448, 0.07868847995996475, 1.2589993476867676, 0.4935762584209442, -0.0339367501437664, 0.7409025430679321, -0.4200510084629059, -0.060382939875125885, -0.15336650609970093, -0.536317765712738, -0.5322679281234741, -0.5284550786018372, 1.125077247619629, -0.085874542593956, 0.15150560438632965, -0.27381956577301025, 0.1409010887145996, -0.9755775928497314, -0.22432923316955566, 0.24245670437812805, -0.5259776711463928, -0.2552286684513092, -0.02969447895884514, 0.16424667835235596, -0.7961370944976807, -1.2809072732925415, -0.183843195438385, 0.47105056047439575, 0.44446977972984314, 1.0142793655395508, 1.4929637908935547, -0.09711574763059616, 0.11283110827207565, 0.3146679401397705, 0.7950860857963562, -0.7022196650505066, -0.2869449853897095, -0.15405531227588654, 0.2199619561433792, -0.7930911779403687, 0.024076730012893677, -0.4052315354347229, 0.4890698790550232, -0.24493908882141113, -0.6601148843765259, 0.6821976900100708, -0.20946240425109863, -1.5186959505081177, 1.3916125297546387, -0.028758075088262558, -0.38096991181373596, -0.41001540422439575, 1.2310593128204346, 0.22052720189094543, -0.4691219627857208, 0.7996086478233337, -0.3432113826274872, -0.31542161107063293, 0.9120810627937317, -0.155631422996521, 0.185884490609169, 0.46959322690963745, 0.13697385787963867, 0.4056905508041382, 0.4429352581501007, -2.327756643295288, 0.7223029732704163, 0.7767789959907532, -0.05226489156484604, -0.4400367736816406, -0.8087696433067322, 0.021265611052513123, -0.20296508073806763, 0.26785361766815186, 0.8201322555541992, -0.5482420325279236, 1.0751757621765137, -0.16025300323963165, 0.2952895760536194, 0.5019626617431641, -0.4804806709289551, 0.30723869800567627, 0.8325256109237671, 0.2560730576515198, -0.8083111643791199, -0.42254018783569336, 0.9854529500007629, -0.7836347222328186, 0.030280880630016327, 0.6682184338569641, 0.7785064578056335, 0.48077115416526794, -0.42485111951828003, -0.1920122653245926, 0.48810768127441406, 0.09817751497030258, -0.25530022382736206, 0.027897454798221588, 0.16589441895484924, 0.8642973899841309, 0.15689007937908173, 1.2208079099655151, -0.4323729872703552, -0.44854074716567993, -0.7710493803024292, -0.29570963978767395, -0.25472211837768555, -0.08633477240800858, 1.499924659729004, 0.7941022515296936, 0.7294204235076904, 0.09273630380630493, 0.011547296307981014, -0.8673935532569885, -0.16400939226150513, 0.48019811511039734, 0.7720521092414856, 0.02810332179069519, -0.40952005982398987, -0.1933814287185669, 0.602776050567627, 0.21472661197185516, -0.43331724405288696, 0.008642187342047691, 0.7411202192306519, 0.12533193826675415, -1.0934120416641235, 0.4661630392074585, 0.8300401568412781, 0.9063843488693237, 2.149912118911743, -0.26039591431617737, 0.09854333102703094, 0.12057126313447952, 0.1777295172214508, 0.4540119469165802, -0.296969473361969, -0.47111204266548157, 0.5380305051803589, 0.24039070308208466, 0.31157320737838745, 0.29452449083328247, 1.5299828052520752, 0.9701725244522095, -0.7971801161766052, -1.1239322423934937, -0.7285588979721069, -1.1143556833267212, -0.16571994125843048, 0.26904720067977905, 0.11575192213058472, -0.5143263339996338, 0.2733800411224365, 0.03697469085454941, -0.9917650818824768, 0.4792719781398773, -0.0686359703540802, -1.2150230407714844, 0.8283741474151611, 1.431260347366333, -1.197472095489502, -0.6348839998245239, -0.38759028911590576, -0.7304248809814453, -0.4865278899669647, 0.13281269371509552, -0.7190247774124146, 0.34316200017929077, 0.21496739983558655, 0.7682930827140808, -0.18118417263031006, 0.4059012532234192, -1.283251166343689, 0.811301589012146, 0.5835202932357788, -0.6156946420669556, 0.08159900456666946, -0.09841647744178772, 0.02249331772327423, -0.323728084564209, -0.8292824029922485, -0.6917003989219666, 0.8971630930900574, -0.13658969104290009, 0.24575433135032654, -0.5709680914878845, -0.48391014337539673, 0.2551390826702118, 0.4624784290790558, 0.8534913063049316, -0.8527798056602478, -0.16033867001533508, -0.6380447149276733, -0.23538868129253387, 0.682403564453125, -0.9087854623794556, -0.7199631929397583, 0.2730507254600525, -0.21636879444122314, 0.9635385274887085, -0.14591972529888153, -0.12902086973190308, 1.0102903842926025, -0.21398550271987915, -0.008343584835529327, -0.3087708055973053, -12.945615768432617, 0.8232460618019104, 0.11808375269174576, 0.15511125326156616, 0.9505419135093689, -0.11044476181268692, 0.49299535155296326, -0.07104730606079102, 0.37902817130088806, -0.7755002379417419, 0.41708508133888245, 0.6337137222290039, 0.05056243762373924, 0.34450557827949524, -0.4248618483543396, -1.4247897863388062, -0.30476775765419006, -0.6432311534881592, 0.6517043709754944, -0.03895905613899231, 0.08900445699691772, -0.704049825668335, -0.5841533541679382, -0.11004926264286041, 0.34853625297546387, -0.36386096477508545, -0.3521285653114319, -0.34355801343917847, -0.40586531162261963, -0.3851299583911896, 0.38717731833457947, 0.12938497960567474, -0.4044116139411926, -0.005139511078596115, -0.416207492351532, -0.05875208601355553, -0.18126539885997772, -0.5251204371452332, 0.7584384083747864, -0.04830950126051903, -0.3972943425178528, 0.00359945185482502, 0.1514970362186432, 0.02655368484556675, -0.6421160101890564, 0.26553410291671753, -0.17025776207447052, -0.7825818657875061, 0.13781458139419556, -0.4198673367500305, -0.4170629382133484, -0.08030792325735092, -0.39942511916160583, -0.7250654101371765, 0.6362829804420471, 0.19386833906173706, -1.1109751462936401, -0.6404944658279419, -0.40912050008773804, -0.8542557954788208, 0.7487810850143433, 0.2597816586494446, -0.5456740856170654, 0.2999643385410309, 0.4150938391685486, 0.08028122782707214, 0.09898772835731506, 0.5185375809669495, -0.24502727389335632, 0.5846642255783081, -0.9878479838371277, 0.9185327887535095, 0.8416033983230591, 0.506894052028656, -0.7666503190994263, 0.1193961352109909, -0.8869844079017639, 0.5092989206314087, -0.00018121302127838135, 0.03731638193130493, -1.3724944591522217, 1.0254359245300293, 0.3689976632595062, -0.4364455044269562, -0.7297126054763794, 0.1300840973854065, -0.3320325016975403, 0.6195948123931885, 0.8752648830413818, -0.03722454607486725, 1.259800910949707, 0.30251675844192505, -1.1474854946136475, -0.43085190653800964, -0.6602449417114258, 0.7850003242492676, -0.4766981601715088, 0.36681419610977173, -0.1398707926273346, -0.16987133026123047, 0.19841428101062775, -0.33385223150253296, -0.4928102493286133, 0.1444467455148697, 0.606814444065094, 0.16233375668525696, 0.40002739429473877, 0.04051612317562103, 0.1218535453081131, -0.4876342713832855, 1.1268526315689087, -0.3690323531627655, -0.5069766044616699, 1.1604121923446655, -0.6734461784362793, 0.47195932269096375, 0.44148316979408264, -0.09970344603061676, 0.8210551738739014, 0.348564088344574, -0.4595862925052643, 0.9270645380020142, 0.07987702637910843, 1.6778919696807861, -0.04733838140964508, -0.0943269282579422, 0.4406247138977051, 0.27992552518844604, -0.17461416125297546, -0.8451844453811646, 0.1927550733089447, -0.44652217626571655, -0.18540635704994202, -0.8478918671607971, -0.2191755175590515, -0.00800178200006485, 0.1990620344877243, 1.2234503030776978, -1.1253639459609985, 0.04277399554848671, -0.09958811104297638, -0.40236184000968933, -0.8444116115570068, -1.0744421482086182, -1.3230537176132202, 0.5670239925384521, -0.7941262722015381, 0.5499656200408936, -0.5795615315437317, -0.6667978763580322, -0.22647053003311157, -0.7311485409736633, 0.9106428027153015, -0.9298135638237, -0.1872367262840271, -0.5020204782485962, 0.4018367528915405, -0.2994537055492401, -0.7302585244178772, -0.30760568380355835, 0.4031260907649994, 0.5886125564575195, -0.7915482521057129, 1.4250929355621338, 0.518986701965332, 0.023207711055874825, -0.659931480884552, 0.0486905500292778, 0.0022762855514883995, -0.3688875138759613, 0.6883732080459595, -0.8634375929832458, -0.39844855666160583, -0.16032244265079498, -0.12143345177173615, -0.7523819804191589, 0.4885556697845459, 0.8820599317550659, -1.1889688968658447, -0.20258881151676178, 0.35782626271247864, 1.2661844491958618, 0.06998929381370544, -0.17143374681472778, -0.40065813064575195, -0.035822026431560516, 0.19651097059249878, 0.7658097147941589, 0.5142790675163269, 1.0336450338363647, -1.3966301679611206, -0.8300291895866394, -0.6841002106666565, 0.5593187808990479, 0.688531756401062, 0.5519824624061584, 0.6749101877212524, 0.4999462962150574, 0.048470184206962585, 0.19525808095932007, 0.3956659734249115, 0.9225885272026062, 0.4742491841316223, 0.4344356656074524, -0.15081489086151123, 0.3545653820037842, -0.586887776851654, 0.15840007364749908, 0.3541295528411865, 0.9644822478294373, -0.9440153241157532, -0.22829942405223846, 0.31687283515930176, -0.06153133139014244, 0.13247860968112946, -1.1898276805877686, -0.19250866770744324, -0.4542163610458374, -0.6592901945114136, -1.1207584142684937, 0.5350217819213867, 1.0353844165802002, -0.6025013327598572, 0.8839014768600464, 0.09296814352273941, 1.1047521829605103, 0.4440079927444458, -0.07987998425960541, 0.5825526118278503, -0.4860996603965759, -0.6100790500640869, 0.6591570973396301, 0.2911756932735443, 0.020502053201198578, -0.5035473704338074, -0.9151330590248108, -0.805914580821991, 0.2774916887283325, -0.3634006977081299, 0.2929539680480957, -0.7051593065261841, 0.43828001618385315, 0.6768263578414917, 1.075331687927246, -0.3892930746078491, -1.4157681465148926, -0.4443317651748657, -1.0534884929656982, 0.2830721437931061, 0.560614287853241, 0.768083930015564, 0.6343088150024414, 0.7837308645248413, -0.14368213713169098, 0.5182861089706421, -0.5821493864059448, 0.432878315448761, 0.04491083323955536, -0.3409266471862793, 1.444832444190979, 0.7856370210647583, -0.029427705332636833, 0.5131217837333679, -0.21164456009864807, -0.8122053146362305, 0.038424309343099594, -0.586052656173706, 0.6585733294487, 0.9760628938674927, -0.9554451107978821, 0.10156159102916718, -0.43507933616638184, 0.8762111067771912, -0.582247257232666, 0.6536315083503723, -0.17070065438747406, -0.18101096153259277, -0.4346425235271454, -0.6599503755569458, 0.04621404409408569, 0.8191927671432495, -0.10014843940734863, -0.3207646608352661, -0.3701208233833313, 0.5921055674552917, 0.1622331291437149, -0.08244146406650543, -0.5727095603942871, 0.36471042037010193, -0.8861276507377625, 0.2620276212692261, 0.45620596408843994, -0.570705771446228, -0.3354056179523468, 0.19366663694381714, -0.6314790844917297, 0.44783133268356323, -0.20992211997509003, -0.713329017162323, -0.7495679259300232, 0.22164656221866608, -0.3865998089313507, 0.658642590045929, -0.08513452112674713, -0.2071804255247116, -0.961637020111084, 0.6247114539146423, 1.597344994544983, -0.07244761288166046, -0.5316982269287109, 0.07059835642576218, 0.4321810007095337, 0.47158169746398926, 0.4896811842918396]} +{"paper_id": "reddit_tifu", "embedding": [-0.6484751105308533, 1.50980806350708, -0.4313647150993347, 0.5810337066650391, 0.4492482841014862, -0.06515301764011383, 0.5758315920829773, 0.9555676579475403, 1.2063833475112915, 0.6835348010063171, 0.9004928469657898, 0.2797953486442566, -0.21610814332962036, 0.25811901688575745, -0.08071447908878326, 0.012819662690162659, -0.5677568912506104, -0.12696607410907745, -0.6543177962303162, -0.40354323387145996, -0.5587581396102905, -0.34976112842559814, -0.41189488768577576, 0.8762819170951843, -1.1167086362838745, -0.1092631071805954, 1.037186861038208, -1.5621625185012817, 0.11244373023509979, 0.1302495002746582, 0.03902653604745865, 0.820747971534729, -1.1035687923431396, 0.4862295091152191, -0.9851403832435608, -0.8183184266090393, 0.18120931088924408, 0.9435575008392334, 0.23877432942390442, 0.1379321813583374, -0.4238932728767395, 0.6359900236129761, 0.6759417653083801, -0.0757116749882698, -0.19477084279060364, -0.4264492690563202, -0.009245689958333969, 0.07201915979385376, -0.32792842388153076, 0.028841469436883926, 0.33952751755714417, 0.4713367819786072, -0.756138801574707, 0.46178194880485535, -0.052349917590618134, 2.2841849327087402, -0.30488139390945435, -0.47429731488227844, -0.1088130995631218, -0.7390391826629639, 1.8804978132247925, 1.6328579187393188, -0.3682533800601959, -0.36745911836624146, 1.4671151638031006, -0.0933338850736618, 1.558489203453064, 0.06803736090660095, -0.0012184865772724152, 0.6149807572364807, -0.4981415867805481, -1.223939061164856, 0.4256003797054291, -0.6710244417190552, -0.7205004692077637, 0.8224927186965942, 1.2317626476287842, -0.12392246723175049, -0.7946617007255554, 0.7450198531150818, -0.19178743660449982, -0.036263369023799896, 0.5190755724906921, -1.4166842699050903, -0.07397638261318207, 0.4403078556060791, 0.1094607263803482, 0.6827675104141235, 0.06873983144760132, -1.7501115798950195, 0.1924668252468109, -0.3832313120365143, 0.39898785948753357, 0.3923741579055786, -0.9972861409187317, 0.29763081669807434, 0.2909206748008728, -0.19438713788986206, -0.5654230117797852, -0.10326685756444931, 0.496051549911499, -0.559502124786377, 0.6044464111328125, 0.30179089307785034, 0.2652917504310608, 0.42123475670814514, 0.1283639520406723, -0.20077452063560486, -0.3153577744960785, -0.8590876460075378, -0.1685388684272766, 0.8569246530532837, 0.20061355829238892, 0.6387261152267456, -0.42044878005981445, -0.19099748134613037, 0.48206621408462524, -0.05549756810069084, -0.2713627815246582, -0.3482835292816162, -0.8148620128631592, -1.2085760831832886, -0.40558290481567383, 0.42429661750793457, 0.9925893545150757, -0.3687497675418854, -0.2376062273979187, -1.0661193132400513, -0.02373328246176243, -0.3980712294578552, 0.5711747407913208, 0.5591426491737366, -1.006803035736084, 0.15909014642238617, 2.2724645137786865, -0.8176375031471252, 1.2673470973968506, -0.18209046125411987, -0.5182198286056519, -0.48910266160964966, -0.25378188490867615, 1.5630046129226685, -0.21202540397644043, -0.49421414732933044, -0.7162142992019653, -0.15327933430671692, -0.8251583576202393, 0.34595492482185364, -0.3328287899494171, -1.006820559501648, 0.091957688331604, -0.19953349232673645, -1.2676246166229248, -1.2156111001968384, -0.46144527196884155, 0.7194571495056152, -0.0789673924446106, 0.5744320750236511, -0.26047003269195557, 0.8153640031814575, 1.1263048648834229, 0.18926399946212769, -0.27820640802383423, 0.6247089505195618, -0.804563581943512, 0.15405887365341187, 0.7524019479751587, -0.5371841788291931, -0.16928520798683167, -0.45332157611846924, 0.9991839528083801, -0.5630968809127808, 0.036495402455329895, -0.9707582592964172, -0.7308870553970337, 0.09664434939622879, 0.7981346249580383, 0.6300066113471985, 0.3854452967643738, 0.039522744715213776, -0.8742997050285339, -0.2232181280851364, 0.7384645938873291, 0.2655993103981018, -0.2349587231874466, 0.1647678166627884, -2.346745252609253, -0.8546299934387207, -0.9855018854141235, 2.2641499042510986, -0.2935575842857361, 0.7947315573692322, 0.14819076657295227, 0.40404394268989563, -0.27842235565185547, -0.9282166957855225, 0.6337934732437134, -0.9162667989730835, 0.1257137656211853, -0.36281853914260864, 0.7715743780136108, 0.00786086916923523, 0.08714819699525833, 0.34182900190353394, 1.1053414344787598, -1.2359533309936523, -0.3223639726638794, -1.7032825946807861, 0.4230249226093292, 1.839271068572998, -0.09542246162891388, -0.1521054208278656, -1.8589462041854858, -0.6917110681533813, 0.892040491104126, 0.056580446660518646, 0.373600572347641, -0.6595087051391602, -0.008593626320362091, -1.358338475227356, 0.4818515479564667, -0.013835310935974121, 0.04403761774301529, 0.5476722121238708, 0.5993339419364929, -0.8445922136306763, -0.2992495596408844, -0.683121919631958, -1.0609934329986572, 0.35646191239356995, 0.549083948135376, 0.0847192034125328, 0.12067749351263046, 0.014103151857852936, 0.5472227334976196, 0.7448269128799438, 0.7373713850975037, 0.36356469988822937, 0.07017819583415985, -0.8169711828231812, 0.3476458787918091, 0.5407636761665344, 0.4694526791572571, -0.083924300968647, 0.4163784384727478, 0.45562613010406494, 0.43264803290367126, -1.1991369724273682, -0.12490397691726685, -0.4363260865211487, 0.7573624849319458, 0.7400103807449341, -0.08363263309001923, 0.878623366355896, -0.9873555302619934, -0.1234046146273613, -0.026090826839208603, -1.449621319770813, -0.21251213550567627, 0.11006207764148712, 0.7549402117729187, 0.4769420027732849, 0.27897435426712036, 0.16894666850566864, -0.24211056530475616, -0.8107694387435913, -0.3659120798110962, -0.7080914378166199, -0.2849723994731903, -1.7053991556167603, -0.0428771935403347, -0.3129498362541199, -1.55814528465271, 0.003659568727016449, -0.11728054285049438, -0.4219962954521179, -0.5250009298324585, -0.10048183053731918, 1.4109692573547363, -0.6580416560173035, 0.4068582057952881, -1.264156699180603, 2.074092388153076, -0.14823222160339355, 1.000624179840088, -1.1339081525802612, -0.4855116307735443, -1.140433669090271, 0.5325833559036255, -0.7769257426261902, 0.23247700929641724, 0.34709063172340393, -0.17081868648529053, 0.5358676910400391, 0.19534769654273987, -0.33755967020988464, 0.3875238299369812, -0.04777885600924492, -0.46803370118141174, -1.0650919675827026, 0.9545983672142029, -0.0790945515036583, -1.341610312461853, 0.9296153783798218, 0.44178786873817444, -0.3294382095336914, 0.7392171621322632, -0.16394205391407013, 1.7941868305206299, 0.2512649893760681, -0.03826221451163292, 0.5168771743774414, -0.4862813651561737, -1.1439248323440552, -0.09484182298183441, 1.968812108039856, -0.6520469784736633, 0.05675976723432541, -0.779807448387146, 0.5825890898704529, -0.5247516632080078, -0.506815493106842, 0.09157002717256546, -0.3886474668979645, 0.263508141040802, -0.261963427066803, 0.40099501609802246, 0.6690733432769775, -0.6506650447845459, 0.4543030261993408, 0.5425760746002197, 0.26753920316696167, -0.32884812355041504, -0.7316528558731079, 0.7270431518554688, -0.024307984858751297, 0.8811086416244507, -0.3916630148887634, 0.7126304507255554, 0.7498074769973755, 0.015704084187746048, 0.036862730979919434, 1.4062680006027222, 0.8728145360946655, 0.6601084470748901, 0.7841675281524658, -0.8302389979362488, 0.2053423970937729, -0.8452464938163757, 1.6194071769714355, 0.4341481328010559, -0.35382235050201416, -1.035666823387146, -0.16933785378932953, -1.0044188499450684, -1.0125433206558228, 1.5171691179275513, 0.609775960445404, 2.1898183822631836, 0.3833334147930145, 0.38885945081710815, 0.1961802840232849, -0.10912591218948364, -0.18649719655513763, -0.12127885222434998, 1.0227292776107788, -0.8517385721206665, 0.304079532623291, 1.122642993927002, 0.18439915776252747, 0.4084521532058716, -0.2094978392124176, 0.7771865129470825, -0.6220113635063171, -0.049064751714468, 0.550740122795105, 0.11929892003536224, 0.8466337323188782, 1.0257817506790161, -0.5480146408081055, -0.563815712928772, 0.039572685956954956, -0.1970478892326355, 0.10639393329620361, 0.7766305208206177, -0.9016131162643433, -0.1399243175983429, -0.01705716736614704, 0.27467209100723267, 0.06951208412647247, 0.6621652841567993, 0.9916484951972961, 0.17853477597236633, -0.9916324019432068, -0.7075288891792297, -0.7179222106933594, -0.19722731411457062, -0.3273169696331024, 0.14652903378009796, -0.7459110617637634, 0.6761759519577026, -0.4352266490459442, -1.4961680173873901, 0.6283596754074097, -0.7032287120819092, -0.5173959732055664, 0.28511732816696167, 0.4348030984401703, -1.511781096458435, -0.5936918258666992, 0.2325602024793625, -1.094927430152893, 0.08173398673534393, -0.7692396640777588, -0.5946133136749268, 0.8208714127540588, 0.15564270317554474, -0.1805184930562973, 0.014598761685192585, 0.5726660490036011, -0.8917093276977539, 1.3885412216186523, 1.0565131902694702, -0.826680064201355, 1.5031501054763794, 0.5636078119277954, -0.048841364681720734, 0.7665009498596191, -0.8765926361083984, -0.7680956721305847, 0.23034988343715668, 0.12863631546497345, 0.07677388191223145, -1.0694565773010254, -0.7797330021858215, 0.8786781430244446, -0.015406601130962372, 0.6225767135620117, -0.9902884364128113, 0.2759232521057129, -1.3147344589233398, 0.09472337365150452, 0.3896515667438507, -0.5538626909255981, -0.9058352708816528, 0.8401510715484619, -0.5372640490531921, 0.11256155371665955, 0.026535652577877045, -0.19310249388217926, 1.4110188484191895, 0.7193899154663086, -0.17138586938381195, -0.4491063058376312, -10.303085327148438, 0.689009428024292, -0.5008066296577454, 0.08582933247089386, 0.7802454233169556, 0.2598339915275574, 0.3354831337928772, -0.42639869451522827, 1.0494545698165894, -0.553512454032898, 0.13204431533813477, 1.846858263015747, 0.19884008169174194, -0.3034974932670593, -1.2714464664459229, -1.3791346549987793, -0.5372818112373352, -0.1487618088722229, 0.11151352524757385, -0.3771645426750183, 0.10423709452152252, -0.6025055050849915, 0.7603256702423096, -0.5040889978408813, 0.5107213258743286, -0.09623179584741592, -0.3849416971206665, -0.5683438181877136, -0.6662390828132629, 0.6054140329360962, 1.6290615797042847, -0.0752548947930336, -0.32552921772003174, -0.6996114253997803, 1.330837368965149, -0.5232340097427368, -1.5318214893341064, 0.21753239631652832, 1.0211427211761475, -0.6669896841049194, 0.3733442425727844, 0.03428215906023979, 0.19202034175395966, -0.8144891858100891, -1.10584557056427, -0.0029481276869773865, 0.24352127313613892, -0.6559768915176392, 0.7161374688148499, -0.0007858052849769592, -1.0804206132888794, -0.47689288854599, -1.3865282535552979, 0.10590004920959473, 1.0648733377456665, 0.6766061782836914, -0.6358681917190552, 0.21984833478927612, -0.35990676283836365, -1.0596773624420166, 0.6554520726203918, -0.5044915676116943, 0.4219861626625061, 0.0190217737108469, 0.27576199173927307, -0.8328960537910461, 0.3178042769432068, -0.1701333373785019, 0.0718274861574173, -0.1922677457332611, -0.7650650143623352, 0.967728316783905, -0.21180030703544617, -0.4773474931716919, -0.047542132437229156, -0.1314135491847992, -0.32270437479019165, -0.6532338261604309, 0.5190362930297852, 0.48667001724243164, -0.8191585540771484, 0.650343656539917, -0.6489009261131287, -1.0906513929367065, -0.824644923210144, 0.1553553193807602, 0.4442574977874756, -0.30938541889190674, 0.29973068833351135, -0.6673246026039124, 0.41922691464424133, -0.5855251550674438, -0.06647305190563202, 0.2920127511024475, -0.1962844729423523, 1.1352059841156006, -0.7551712393760681, 0.4501875638961792, 0.6356910467147827, -0.3835333585739136, 0.007479093968868256, 0.40182605385780334, -1.0961061716079712, -0.627034604549408, 0.58735591173172, -0.10530252754688263, -0.3703736662864685, -0.11826464533805847, -0.15596900880336761, -0.7307222485542297, 0.240767240524292, 0.946769118309021, -0.6184666156768799, 1.0375874042510986, -0.2108263373374939, 1.0659090280532837, 1.2947731018066406, 0.13252106308937073, 0.5715698599815369, 1.6284183263778687, -0.29706642031669617, 0.8045719265937805, 0.5236344337463379, -0.049328237771987915, 0.23612990975379944, 0.8823382258415222, -0.14456433057785034, 0.3803868591785431, -0.3126160204410553, -1.4662768840789795, 0.21066619455814362, -0.8133212327957153, 0.14834193885326385, -0.17336687445640564, -0.7525297999382019, 0.3706809878349304, -0.7561716437339783, 1.4998483657836914, -1.1486477851867676, 0.7409144639968872, -0.14366869628429413, -0.6437931060791016, -0.0555749349296093, -0.8396816253662109, -0.5342453718185425, -0.08848092705011368, -1.9236977100372314, 0.7184326648712158, -0.7633642554283142, 0.10015876591205597, -0.37841418385505676, 0.08554566651582718, 0.6046614646911621, -0.17138119041919708, -0.39076679944992065, 0.17439207434654236, 0.6008532047271729, -0.19706526398658752, -0.5960150361061096, -0.0732664167881012, 0.22207576036453247, 1.5344737768173218, -0.802439272403717, 0.20368921756744385, -0.34319907426834106, 0.31007158756256104, -0.07569156587123871, -0.320220023393631, -0.805162787437439, 0.9737083911895752, 1.4278738498687744, -0.7814733982086182, -0.15560543537139893, -0.5765672922134399, 0.3854033946990967, -1.2885375022888184, 1.3067713975906372, 1.0729811191558838, -1.0134925842285156, -0.07761114835739136, -0.5929733514785767, 0.3355705142021179, 0.4286741316318512, 0.15975964069366455, -0.12935669720172882, 0.5651488304138184, -0.4585686922073364, 0.9003045558929443, -0.433780699968338, 0.29140913486480713, -1.9803663492202759, -1.8915235996246338, -1.1948332786560059, -1.0747084617614746, 0.6705525517463684, -0.7133750915527344, 1.1609060764312744, 1.1221128702163696, -0.3319571614265442, -0.6263613700866699, -0.5199503302574158, 1.2627192735671997, 0.11838103830814362, 1.096001148223877, -0.1752086877822876, -0.5675767660140991, -1.2198864221572876, -0.23139233887195587, 0.0732615739107132, 0.2833939492702484, -0.8855031132698059, 0.5659236311912537, 0.08336104452610016, -0.1746969074010849, 0.09877993166446686, -0.7031838893890381, 0.5265609622001648, -0.11948271095752716, 0.1361529529094696, -0.6203418970108032, 0.5782333612442017, 1.0541493892669678, -0.4051942825317383, 1.4210102558135986, 0.2887173891067505, 0.35547298192977905, 0.7888537645339966, 0.8545451164245605, 1.7030260562896729, 0.3756522536277771, -0.33993151783943176, 0.03282329440116882, -0.9305753707885742, 0.13347455859184265, 0.4295928478240967, -0.47396451234817505, -0.9981021285057068, 0.969543993473053, -1.4096628427505493, 0.04946223273873329, 0.2806984782218933, 0.585995614528656, 1.1208674907684326, 1.3889563083648682, 0.15339240431785583, -1.7343900203704834, -0.3275432586669922, -0.9201139807701111, 0.05968521907925606, 2.005314350128174, 0.2635357975959778, 0.4986691176891327, 0.6803765296936035, -0.596200704574585, 1.3229386806488037, -0.4493621289730072, -0.18145547807216644, 0.450074702501297, 0.5564345717430115, 0.8834522366523743, 0.6662851572036743, 0.7309855818748474, -0.19801421463489532, 0.3755066692829132, -0.28814437985420227, -0.2511221766471863, -0.5394480228424072, 0.15944404900074005, 0.2542101740837097, -0.3542352020740509, -0.4875216484069824, -0.8283122181892395, 0.39814022183418274, -0.45915356278419495, 0.504139244556427, 0.5548624992370605, -1.1883578300476074, -1.126015543937683, -1.1135973930358887, -0.9162815809249878, 0.40103232860565186, -0.031357962638139725, -0.7406822443008423, 0.12025289982557297, 0.9203906655311584, 0.4017196595668793, 0.2573069930076599, -0.733221709728241, 0.15466096997261047, 0.02564760111272335, -0.24123728275299072, 0.1304517686367035, -0.26064562797546387, -1.0132465362548828, 0.20894017815589905, -0.22187842428684235, 0.670601487159729, 0.593473494052887, -0.5426921248435974, 0.5525259375572205, 0.5658363699913025, 1.553475260734558, -0.5172585248947144, 0.7191476225852966, 0.32068145275115967, -1.6276898384094238, 1.1313765048980713, 0.06805524230003357, 0.23704373836517334, -0.1283523589372635, -0.28273022174835205, 0.6424744129180908, 0.3824412524700165, 1.5603513717651367]} +{"paper_id": "un_pc", "embedding": [0.0021489099599421024, 0.9589878916740417, 0.48212119936943054, 0.06905318051576614, 0.5398741364479065, -0.5650110840797424, 0.060167085379362106, 0.6668211817741394, 0.4972251355648041, 0.39162227511405945, 0.32639724016189575, -0.4922891855239868, 0.28362876176834106, -0.025703398510813713, -0.16491347551345825, -0.3841105103492737, -1.1773037910461426, -0.8773193359375, -0.8408764004707336, -0.33813804388046265, -0.45432543754577637, -0.26460832357406616, -0.5244556665420532, 0.517084538936615, -0.32835888862609863, -0.27469584345817566, 0.14699669182300568, -0.44571658968925476, 0.19776439666748047, 0.4808416962623596, -0.7324368357658386, 1.1051292419433594, -1.483447790145874, 0.33609482645988464, -0.2571243643760681, -0.19000492990016937, -0.007964827120304108, 0.826245129108429, -0.7135646939277649, -0.1582232415676117, -0.5722337961196899, -0.03484835848212242, 0.8147604465484619, 0.3358537554740906, 0.9257546663284302, 0.18085309863090515, -0.24205917119979858, 0.21489611268043518, 0.2903359532356262, 0.32416290044784546, -0.03209322690963745, 0.4777415990829468, 0.21033091843128204, 0.06967326998710632, -0.4765845239162445, 0.6300770044326782, 0.13824141025543213, -1.1087571382522583, 0.4822329878807068, -0.7127619981765747, 0.3699685335159302, 1.5012925863265991, -0.4626295566558838, 0.3418213129043579, 1.1651519536972046, -0.1723182201385498, 0.7897018194198608, 0.12818920612335205, 0.7329272031784058, 1.097838282585144, -0.17861773073673248, -1.5961298942565918, 1.048692226409912, -0.14653059840202332, 0.41108646988868713, 0.6260093450546265, 0.37333759665489197, 0.4008188247680664, 0.3394484519958496, 0.3009960949420929, 0.10599860548973083, 0.8905059099197388, 0.45670613646507263, -0.33824867010116577, 0.2451886683702469, -0.25664347410202026, 0.007893145084381104, -0.4151415228843689, 0.5895746350288391, -2.0538790225982666, 0.3869788646697998, 0.21630074083805084, 0.22529059648513794, -0.02305711805820465, -0.04688560962677002, 0.33114540576934814, 0.33124661445617676, 0.5227195024490356, -0.6322323083877563, 0.0077819302678108215, 0.7996406555175781, -0.7693594694137573, 0.7099609375, -0.09747124463319778, 0.09871342033147812, 0.7293835282325745, -0.12223058193922043, -0.6971402168273926, -1.5006492137908936, -0.2273058295249939, -0.36856088042259216, 1.5297340154647827, -0.41499999165534973, 0.10239080339670181, 0.4475243389606476, -0.3019351661205292, -0.6014471650123596, -0.4724291265010834, -0.6782916188240051, -0.288332462310791, -0.4494878053665161, -1.3826262950897217, -0.6289096474647522, -0.20741316676139832, 0.31288450956344604, -0.050044190138578415, 0.7164031267166138, -0.22749146819114685, -0.08255339413881302, -0.6317223310470581, 0.9214175939559937, -0.29776906967163086, -0.4528721868991852, -0.15720120072364807, 2.682797908782959, -0.5039573907852173, 0.9998758435249329, -0.030252983793616295, 0.3382755517959595, 0.07393313944339752, -0.14078226685523987, 1.214004397392273, -0.14973792433738708, -1.1091253757476807, -0.0006965263746678829, 0.653765082359314, -1.0479035377502441, 0.28797805309295654, -0.3781662583351135, -0.480453222990036, -0.22776669263839722, 0.6445392370223999, -0.9488643407821655, -0.4195539057254791, 0.1284225732088089, 0.2190459966659546, 0.7908110618591309, 0.7016313672065735, -0.3226378262042999, 1.0860614776611328, 0.5401314496994019, 0.8064720034599304, -1.040069341659546, 0.7152920961380005, -1.3633087873458862, 0.3091471493244171, 1.5904136896133423, 0.16570612788200378, -0.7218567132949829, -0.67702716588974, 0.48597195744514465, -0.2762734591960907, 0.15719226002693176, 0.334646999835968, -0.5882192254066467, -0.0992768183350563, 0.648246169090271, 0.619472861289978, 0.017403509467840195, -0.25944095849990845, -0.014441044069826603, -0.09871970117092133, 0.10162249952554703, 0.16368629038333893, 0.08378738909959793, 0.15914301574230194, -2.2116189002990723, 0.027818281203508377, -0.3769124746322632, 0.06621995568275452, -0.01502712070941925, -0.8184795379638672, -0.1909865140914917, -0.263855516910553, 0.40298235416412354, -0.08674989640712738, 0.34393835067749023, -1.1371101140975952, -0.6909548044204712, 0.704667329788208, 0.134288027882576, 0.06599357724189758, 0.7578977942466736, 0.6428689360618591, 0.24370120465755463, -0.17392820119857788, -0.501895546913147, -1.0166411399841309, 0.09090451151132584, 1.9531924724578857, -0.5138767957687378, -0.4707341194152832, -0.8516415953636169, -0.3423570394515991, 0.4282682538032532, -0.6699784994125366, 0.3157707154750824, -0.5374836921691895, -0.7486405372619629, -1.040479302406311, 0.4262154698371887, -0.03273493051528931, 0.16104352474212646, -0.1277289241552353, 0.6597810983657837, -0.5932460427284241, -0.5954201221466064, -0.3075442314147949, -0.8875414729118347, 0.3270973563194275, 0.5902840495109558, 0.3092364966869354, -0.9067025184631348, 0.730751097202301, 0.28743675351142883, 0.3192889392375946, 0.4331682622432709, 0.2525256276130676, -0.2726520895957947, -0.20717677474021912, -0.07285597175359726, 1.07435142993927, -0.6232163906097412, -0.24523578584194183, 0.18400613963603973, 0.5083568692207336, -0.11284735798835754, -0.9212338924407959, -0.1779910922050476, 0.16298337280750275, 1.2331503629684448, 1.6687487363815308, -0.6705808639526367, 2.1163852214813232, -0.9767884612083435, 0.6402748823165894, 0.24732600152492523, -0.8385940194129944, -0.0332929790019989, -0.4400479793548584, 0.6593728065490723, 0.44202837347984314, 0.37251827120780945, -0.19286863505840302, -0.20767907798290253, -1.094682216644287, -0.3841315805912018, -0.18887969851493835, -1.0362803936004639, -0.7453408241271973, -0.6447077393531799, -0.115004763007164, -0.9914182424545288, -0.4134197533130646, -0.2380511313676834, 0.6922167539596558, 0.07816679775714874, 0.6587514877319336, 1.6769108772277832, 0.05503208190202713, 0.20623770356178284, -0.0017122477293014526, 0.1160544902086258, -0.32247763872146606, 1.3114982843399048, 0.2719869315624237, -0.14945414662361145, -1.456329107284546, -0.5027374029159546, -0.6437097191810608, 0.05041002482175827, 0.13427481055259705, 0.10124272853136063, 0.7021215558052063, -0.45305222272872925, -1.22067391872406, 0.42047613859176636, -0.38997364044189453, 0.4135983884334564, -1.0002188682556152, 1.4145361185073853, 0.4739852547645569, 0.2470317929983139, 0.6577154397964478, -0.32215794920921326, 0.01366661861538887, 1.1801952123641968, -0.5146788358688354, 0.7428142428398132, 0.9547713398933411, 0.02697446197271347, -0.2669932544231415, 0.2361505925655365, -1.997322916984558, -0.3729746639728546, 0.8887048959732056, -0.14078347384929657, -0.26620930433273315, -0.3359745740890503, 0.4165653586387634, -0.5109536647796631, -0.8483490347862244, 0.4466223418712616, -0.6855161190032959, 0.44717729091644287, -0.4170883297920227, -0.15782178938388824, 0.6569843292236328, -0.8736226558685303, 0.7348126173019409, 1.1804563999176025, 0.567753255367279, -0.8683412075042725, -0.20855295658111572, 0.7140651941299438, -0.719321608543396, 1.1316170692443848, 0.5970237851142883, 0.7350034713745117, 1.0774171352386475, -0.7406933307647705, 0.0019561052322387695, 0.10116839408874512, 1.2972373962402344, 0.19284306466579437, 0.4030284881591797, 0.017863435670733452, 0.7548762559890747, -0.11072422564029694, 1.126469373703003, 0.4917502701282501, -0.8090310096740723, -0.9632397890090942, 0.5411195755004883, -0.445962131023407, -0.26000669598579407, 1.6891435384750366, 0.6857594847679138, 0.9766938090324402, 0.0709502175450325, 0.23160062730312347, -0.014672577381134033, 0.3638063967227936, 1.1342010498046875, 0.4747544825077057, -0.4604450464248657, 0.2551362216472626, 0.1762065291404724, 0.723665177822113, -0.036348216235637665, -0.8513264060020447, 0.3549567759037018, 0.22416916489601135, -0.47436943650245667, -0.8835189342498779, -0.09336964786052704, 0.9310920834541321, 0.4023863971233368, 1.3952322006225586, -0.4890143871307373, -0.8727500438690186, -0.23608924448490143, 0.6963542699813843, 0.02819211408495903, 0.7098355293273926, -0.9372285604476929, 0.1706089973449707, 0.45869362354278564, 0.858168363571167, -0.5093592405319214, 1.1490168571472168, 0.5492381453514099, -0.303897887468338, -0.8272791504859924, 0.054936837404966354, -0.759303629398346, -0.02813318558037281, -0.42052000761032104, -0.3073556125164032, -0.8772300481796265, 0.7719739675521851, -0.5369510054588318, -0.7590256333351135, 0.3888460695743561, 0.22064997255802155, -1.505181074142456, 0.8451135754585266, 0.780259370803833, -1.2299443483352661, -0.28527215123176575, -0.22538979351520538, -0.522474467754364, -0.6631582975387573, 0.40285366773605347, -0.6612496972084045, 0.2528025209903717, 0.10387387871742249, 0.6210365891456604, -0.29635852575302124, -0.5939211249351501, -0.5735309720039368, 0.6001437902450562, 1.6712876558303833, -0.2524518668651581, -0.5833680629730225, -0.03894248232245445, 0.6088886260986328, -0.24329426884651184, -1.0396952629089355, -0.31554079055786133, 0.18944033980369568, 0.34347209334373474, -0.4992077946662903, -0.3495049774646759, -0.8804950714111328, 0.01850951835513115, 0.5549220442771912, 1.3168809413909912, -0.7773914337158203, 0.8252167701721191, -0.603064775466919, 1.0078692436218262, 0.13861232995986938, -0.25339579582214355, -0.5515034198760986, 1.3562026023864746, -0.6066601276397705, 0.22315320372581482, 0.2326846420764923, 0.2844511568546295, 0.48634085059165955, 0.4958447813987732, 0.23639921844005585, -0.03941931948065758, -12.333503723144531, -0.09036467224359512, -0.275570273399353, -0.03361877426505089, 1.0545574426651, 0.11861999332904816, 0.8808960914611816, 0.6734995245933533, 0.3173314929008484, -0.1610027551651001, 0.04994172975420952, 1.0199642181396484, 0.22210881114006042, -0.2039346694946289, -0.34842461347579956, -0.3624710440635681, -1.0584324598312378, -0.7777230739593506, 0.5473936796188354, 0.17531299591064453, -0.8223341107368469, -1.0108085870742798, -0.013370215892791748, 0.33872032165527344, 0.19022907316684723, 0.043019674718379974, 0.28763508796691895, -0.1794387400150299, -0.3358682692050934, -0.2416815310716629, 0.5152283906936646, -0.3101605772972107, -1.1883518695831299, -0.012061664834618568, 0.40761661529541016, 0.6275250911712646, -0.7706206440925598, -0.5495548844337463, 1.2380590438842773, -0.2906513512134552, 0.024547789245843887, 0.08443330228328705, -0.1235051155090332, -0.17331816256046295, -0.3719314634799957, 0.1952483206987381, -0.13664677739143372, -0.6463177800178528, 0.6106756925582886, -1.0251402854919434, -0.7309858202934265, -1.0079681873321533, -1.441741943359375, -0.6689710021018982, 0.7532217502593994, -0.2119590938091278, -0.5321503281593323, 0.48117518424987793, -0.6255591511726379, -0.7958863973617554, 0.9071323871612549, 0.17661641538143158, -0.615432858467102, 0.09386175870895386, -0.286837637424469, -0.5112154483795166, 0.9097576141357422, 0.34737253189086914, -0.41386428475379944, 0.314882755279541, -1.1340994834899902, 0.3770151734352112, 0.26015356183052063, 0.289886474609375, 0.19258031249046326, -0.48917776346206665, 0.3431524336338043, -0.19445833563804626, 0.12094619870185852, 0.31676051020622253, -0.7155702710151672, -0.004457366652786732, -0.5060139298439026, -0.257313072681427, -0.1909041404724121, -0.34223246574401855, -0.20859327912330627, 0.14850544929504395, 0.41642168164253235, -0.3132847249507904, 0.963661789894104, -0.036903854459524155, -0.009704846888780594, -0.003891490399837494, -0.31811457872390747, 0.5999855399131775, -0.5675800442695618, 0.5964853167533875, -0.18310582637786865, -0.6405982971191406, 0.27551454305648804, 0.09291978925466537, -0.5259686708450317, -0.12273776531219482, 1.108222484588623, 0.24991115927696228, 0.2985452711582184, 0.1206047534942627, -0.1765972375869751, -0.11056428402662277, 0.7834845185279846, 0.18697649240493774, 0.2790972590446472, 1.1135145425796509, 0.3786785304546356, 1.3617846965789795, 0.6816994547843933, 0.37683212757110596, 0.8112314343452454, 0.8319495320320129, -0.10408874601125717, 0.49481987953186035, 0.44696900248527527, 1.517531394958496, -0.0712885856628418, 0.0830659568309784, 0.07803966104984283, 0.36861369013786316, -0.8005666732788086, -1.298066258430481, -0.0808592438697815, -0.031570352613925934, 0.06751257926225662, -0.7269896268844604, -0.24609088897705078, -0.886317789554596, -0.7070670127868652, 1.5040940046310425, 0.13880740106105804, 0.29605868458747864, 0.005439918488264084, -0.9269347190856934, -0.1610661745071411, 0.19179150462150574, 0.12328968942165375, -0.3835763931274414, -1.5498073101043701, -0.5265552401542664, 0.0078621506690979, -0.7653986811637878, 0.6210792064666748, -0.025112289935350418, 1.0604028701782227, -0.4365427792072296, 0.3724774122238159, 0.3093971014022827, 0.5700296759605408, -0.8740940093994141, -0.7334840297698975, 0.12878550589084625, 0.8322443962097168, 0.9589078426361084, -1.0580592155456543, 0.7200223803520203, 0.6093204021453857, 0.23331215977668762, -0.9100511074066162, -0.7767369747161865, -0.5364991426467896, 0.8308035135269165, 0.5946586728096008, -1.0943095684051514, -0.03843652456998825, -0.1679607778787613, -0.661232590675354, -0.7641534209251404, 0.45450466871261597, 1.0863264799118042, -0.7164289951324463, 0.9363759756088257, 0.1275673508644104, 0.45483389496803284, -0.12823635339736938, -0.4659194350242615, -1.0436315536499023, 0.2897762656211853, -0.6064965128898621, 0.6397189497947693, -0.04439584165811539, 0.8157744407653809, -1.943882942199707, -0.9356653094291687, -0.007978402078151703, -0.3356111943721771, 1.0584478378295898, -0.1972421556711197, 0.7947016954421997, -0.14378522336483002, 0.47604337334632874, 0.399555504322052, -0.43470171093940735, 0.42484813928604126, 0.23204664885997772, 0.31864282488822937, -0.5844100713729858, 0.049601368606090546, -0.4954354465007782, -0.13128060102462769, 0.36235085129737854, 0.5121293663978577, -0.9445817470550537, -0.45016229152679443, 0.41910770535469055, 0.5488972663879395, -0.2634505033493042, -1.202783226966858, 0.49001577496528625, -0.05616588145494461, -0.5123010277748108, -1.0495189428329468, -0.5337289571762085, 1.4091631174087524, -0.24108366668224335, 0.788029670715332, 0.5798851251602173, 0.4421674609184265, 0.4986932575702667, 0.266448974609375, 1.146583914756775, 0.07951370626688004, -1.0024762153625488, -0.11105756461620331, -0.10009494423866272, -0.2498091459274292, -0.12757357954978943, 0.564528226852417, -1.1290040016174316, -0.3596680760383606, -1.4619629383087158, 0.6658002138137817, 0.11249887943267822, -0.06194325536489487, -0.24721671640872955, 0.594502866268158, -0.06809628009796143, -1.3612254858016968, -0.1913461983203888, -0.040388040244579315, 0.2755899727344513, -0.030616790056228638, 0.2620559632778168, 0.5615712404251099, 0.6693907380104065, 0.36556681990623474, 1.1795952320098877, -0.10994099825620651, -0.1933576911687851, 0.23245558142662048, -0.04267347604036331, 1.000115990638733, 0.22717568278312683, 0.11046058684587479, -0.2787798345088959, -0.2123330533504486, -1.5189839601516724, -1.0172655582427979, -0.23225663602352142, 1.0772020816802979, 1.0217612981796265, -0.21555595099925995, 0.1905466467142105, -1.2053898572921753, -0.10449443757534027, -0.3059830963611603, 0.6208161115646362, 0.8441932201385498, -0.6832236051559448, -0.650398313999176, -0.6313998103141785, -0.05863291025161743, 0.9489502310752869, -0.7993695139884949, -0.15294745564460754, -0.9686301350593567, 0.2278325855731964, -0.08334777504205704, -0.6435157656669617, -0.7980800271034241, 0.39706212282180786, -0.3759315013885498, 0.17604665458202362, 0.733385443687439, -0.22451648116111755, -0.6334344148635864, 0.2547188699245453, -0.8964442610740662, 0.21447233855724335, -0.33498430252075195, -0.7860272526741028, -0.3891608417034149, 0.4778124690055847, -0.07636623084545135, -0.37733614444732666, 0.6124785542488098, -0.3323083221912384, -1.6412395238876343, 1.126142978668213, 1.0373287200927734, -0.3282725214958191, -0.42155009508132935, 0.6941247582435608, 0.24963484704494476, 0.4007168114185333, 1.1143438816070557]} +{"paper_id": "allocine", "embedding": [-0.6123477816581726, 0.9327514171600342, -0.1461668163537979, -0.03742079436779022, 0.783331036567688, -0.3541714549064636, 0.6681551337242126, 0.39508137106895447, 0.08216212689876556, 0.3154371380805969, 0.1031903550028801, -0.660774290561676, -0.22331847250461578, 0.1916375458240509, -0.22704026103019714, -0.02123984321951866, -0.25123125314712524, -0.2582347095012665, -0.4901309907436371, -0.18221768736839294, -0.5881340503692627, -0.516796350479126, 0.11526955664157867, 1.0720268487930298, -0.17632204294204712, -0.8747665286064148, 0.5292132496833801, -0.08617882430553436, 0.4788583815097809, 0.16106700897216797, 0.31657400727272034, 0.840630292892456, -1.3696472644805908, -0.495076447725296, -0.7936400771141052, -0.7163709402084351, 0.5232030749320984, 1.0160152912139893, -1.0848445892333984, -0.2840622365474701, -0.7819036245346069, 0.6606650352478027, 0.647339940071106, 0.6924540400505066, 1.2891613245010376, 0.16822141408920288, 0.42792296409606934, -0.17514093220233917, 0.08122248947620392, -0.0018203966319561005, -0.017112262547016144, -0.27568256855010986, -0.3090473413467407, 0.2724350690841675, -1.1731746196746826, 1.1227903366088867, -0.283673495054245, -0.3086094260215759, 0.07030099630355835, -1.7235558032989502, 1.3926090002059937, 1.196889042854309, 0.7134394645690918, -0.4404086470603943, 1.2872623205184937, 0.23765955865383148, 1.3569501638412476, -0.7916046977043152, 0.5706927180290222, 0.6984562873840332, -0.7063292860984802, -0.8218939900398254, -0.29277855157852173, -0.667971670627594, 0.03300175815820694, -0.07524153590202332, 0.5804571509361267, 0.4045462906360626, 0.3273068368434906, 0.4823446273803711, -0.31448131799697876, 0.9424687623977661, 0.011036683805286884, -0.1326586902141571, -0.20801907777786255, -0.0047224946320056915, -0.07502783089876175, -0.37830349802970886, 0.6476206183433533, -1.3309013843536377, 0.5576258301734924, -0.22113026678562164, -0.5280591249465942, 0.5084596276283264, 0.017430007457733154, 0.40789827704429626, -0.10755333304405212, 0.3185714781284332, -0.31090599298477173, 0.7027601599693298, 0.8424810767173767, -0.6759649515151978, 0.5010395050048828, -0.29744431376457214, -0.3092212975025177, 1.9037525653839111, 0.2976504862308502, -0.025954872369766235, 0.14521834254264832, 0.21068188548088074, -0.27598413825035095, 1.098464846611023, -0.7739378809928894, 0.8566054105758667, 0.2179124653339386, 0.14949440956115723, -0.10414602607488632, -0.23840026557445526, -1.082106113433838, 0.5740160346031189, 0.1800314337015152, -1.6440027952194214, -0.10620883852243423, 0.4815511703491211, 1.3023865222930908, -0.23554441332817078, 1.1346114873886108, -0.5348637104034424, 0.3027857840061188, -0.0048456573858857155, 1.1760220527648926, 0.029552044346928596, -0.6605056524276733, -0.7157233357429504, 1.9574916362762451, -1.0266246795654297, 1.293860912322998, -0.5068516135215759, -0.295310378074646, -0.07354360818862915, -0.5286872386932373, 0.7673583626747131, -0.1680043339729309, -0.28178855776786804, -0.8739496469497681, 0.15555693209171295, -0.35265642404556274, 0.019374383613467216, -0.7638602256774902, -1.0463199615478516, -0.35170790553092957, 0.22209659218788147, -0.9788711667060852, -0.7661671042442322, 0.6330553293228149, 0.3154388964176178, 0.6507816314697266, 0.8713549971580505, -0.16946916282176971, 1.0361026525497437, 1.063761830329895, 0.2598121762275696, -0.37611979246139526, 0.9951956868171692, -0.5321400165557861, -0.4719230830669403, 0.5106268525123596, 0.8772903084754944, -0.6153730750083923, -0.49628862738609314, 1.1983602046966553, -0.19083133339881897, 0.37929409742355347, -0.14212089776992798, -0.46441811323165894, -0.44193553924560547, 0.40219125151634216, 0.814616322517395, 0.7705391049385071, -0.8305978775024414, 0.07436646521091461, 0.09683214128017426, -0.5475176572799683, 0.2950670123100281, 0.5674536228179932, 0.7083829045295715, -1.5293018817901611, -0.13567787408828735, 0.11211948096752167, 0.304726779460907, 0.7254493832588196, -1.4303088188171387, 0.09089207649230957, -0.16696617007255554, 0.0643991157412529, -0.16628316044807434, 0.9994379281997681, -1.211775302886963, -0.364265501499176, 0.9867502450942993, 0.6626155972480774, 0.2068287879228592, 0.42664089798927307, 1.0643082857131958, 0.7470626831054688, 0.02629992365837097, -0.5267469882965088, -1.5323865413665771, 0.4720194339752197, 1.9187554121017456, -0.2567908763885498, -0.5930151343345642, -1.3803209066390991, 0.05908451974391937, 0.4978821277618408, -0.2894725501537323, 1.1068943738937378, -0.9959530830383301, 0.15539109706878662, -0.9410711526870728, 0.48539724946022034, -0.8883259296417236, -0.06519991159439087, 0.2138587385416031, 0.999919056892395, -0.6291987895965576, -0.8802281618118286, 0.019984018057584763, -0.829969048500061, 0.031164448708295822, 0.5431991815567017, 0.1913544237613678, -0.18645089864730835, 0.19971546530723572, 0.6508669853210449, 0.9676201939582825, -0.6920512914657593, -0.08856131136417389, 0.4048711955547333, 0.10370320826768875, 0.11142558604478836, 0.04981156438589096, 0.1398192197084427, -0.68680739402771, 0.8259004950523376, 0.23136842250823975, -0.051232900470495224, -0.7442823648452759, -0.4397861361503601, 0.05452079325914383, 0.689749538898468, 0.7238683104515076, -0.11124075949192047, 1.2678313255310059, -0.36755087971687317, -0.2269836962223053, 0.3150297701358795, -0.48335468769073486, -0.4287853240966797, -0.21531012654304504, 0.5192258358001709, -0.30783841013908386, -0.4315125346183777, -0.38943183422088623, -0.10396219789981842, 0.10787849128246307, -0.12137627601623535, 0.4264412820339203, -1.2265270948410034, -0.19545653462409973, -0.10486949980258942, 0.44101905822753906, -0.9857182502746582, -0.7663273811340332, -0.19678319990634918, 0.733854353427887, -0.3076816201210022, 0.8991732597351074, 1.0016117095947266, 0.11554145812988281, 0.39081239700317383, -0.06058569252490997, 0.9610838294029236, -0.3832513093948364, 0.8813459277153015, -0.5493895411491394, 1.3266305923461914, -0.4863124191761017, -0.6387428045272827, 0.1476004421710968, 0.20383694767951965, 0.11632934957742691, -0.029858257621526718, 0.6106595993041992, -0.38563472032546997, -1.3565473556518555, 1.116979956626892, -0.45360007882118225, -0.6897326707839966, -0.48208415508270264, 1.3277992010116577, -0.09347490966320038, 0.24061943590641022, 0.9026226997375488, -0.5103110074996948, 0.1147756576538086, 1.1791412830352783, -0.21195924282073975, 0.449002206325531, 0.08330494165420532, -0.9253746867179871, 0.06492553651332855, 0.28760862350463867, -1.856153964996338, 0.06655124574899673, 0.5938823223114014, -0.4684823155403137, 0.07895851135253906, -0.6668092012405396, 0.18806128203868866, -0.7883470058441162, 0.7641187310218811, 0.1842893362045288, -1.3385347127914429, 0.47074049711227417, -0.6891670227050781, 0.13826236128807068, 1.3430465459823608, -1.0881530046463013, -0.021609513089060783, 0.6641682982444763, 0.05933782458305359, -0.7323653101921082, -0.4187687933444977, 0.5044587850570679, -0.7940840125083923, 0.23039628565311432, 0.21437478065490723, 0.5526796579360962, 0.4297415018081665, -0.728649914264679, -0.03708229586482048, -0.40536195039749146, 0.5079827904701233, -0.013899501413106918, -0.589679479598999, 0.7240518927574158, 1.270019769668579, -0.6087828874588013, 1.4627997875213623, 0.5558297634124756, -0.22041089832782745, -0.848159670829773, -0.3804595172405243, -0.677622377872467, -0.09978385269641876, 1.2570998668670654, 0.5794172286987305, 0.7914059162139893, 0.3851836919784546, 0.3526160717010498, 0.13545215129852295, 0.7273443341255188, 0.48032569885253906, 1.0639045238494873, -0.22389860451221466, -0.800289511680603, 0.8702806234359741, 0.2983947992324829, 0.18843911588191986, -0.7883253693580627, 0.47122183442115784, 0.8111657500267029, -0.9758164882659912, -0.5545151233673096, -0.36608782410621643, 1.2977180480957031, 1.0841540098190308, 1.915870189666748, 0.18056675791740417, -0.6024271249771118, -0.430393785238266, -0.12379410117864609, 1.1444427967071533, -0.42423027753829956, -0.5759392976760864, 0.1788831651210785, -0.12309113144874573, 0.7628117799758911, -0.07165759056806564, 0.5040668249130249, -0.2908402681350708, -0.41420066356658936, -1.218050241470337, -0.5225546956062317, -1.3333606719970703, -0.45787185430526733, -0.577835202217102, 0.15730762481689453, -1.2744306325912476, -0.21722063422203064, -0.51104736328125, -1.1068437099456787, 0.28388431668281555, -0.5002081990242004, -0.6293530464172363, 1.2449668645858765, 1.1239094734191895, -0.9812358617782593, -0.18020665645599365, -0.6732021570205688, -1.0158528089523315, -0.49329107999801636, 0.1918264627456665, -0.8379471302032471, 0.4960620105266571, 0.4461875855922699, 0.4050157368183136, 0.21623480319976807, -0.24809473752975464, -0.13507306575775146, 0.24015702307224274, 0.867327094078064, -1.2545840740203857, 0.5335862636566162, -0.08050383627414703, -0.8678467869758606, 0.18050965666770935, -1.3366985321044922, -0.8595942258834839, 0.5201828479766846, 0.17042696475982666, -0.09757395088672638, -0.38109707832336426, -0.10579337179660797, 0.42978614568710327, -0.6098765730857849, 0.899507462978363, -0.3399454951286316, 0.5644271373748779, -0.7078478932380676, -0.6064638495445251, 0.2293516993522644, -0.6657854914665222, -0.32770925760269165, 0.685380220413208, 0.14402785897254944, 1.0764617919921875, -0.12816080451011658, 0.12073232233524323, 0.1642870455980301, -0.17661327123641968, 0.24639587104320526, 0.13340288400650024, -12.064845085144043, 0.6207258105278015, -0.31125786900520325, 0.12884247303009033, 0.4297585189342499, 0.13868755102157593, 0.5081761479377747, -0.13465015590190887, 1.028487205505371, -0.7560885548591614, 0.6753733158111572, 2.118201732635498, -0.6031598448753357, -0.17533431947231293, 0.09284600615501404, -0.22240810096263885, -0.029273584485054016, -0.6181528568267822, 0.14213867485523224, 0.24943417310714722, 0.37675267457962036, -0.3043697476387024, -0.8711547255516052, -0.712319552898407, 0.3986780047416687, -0.27661508321762085, -0.4975077509880066, -0.38968023657798767, -0.8887141942977905, 0.7239243984222412, -0.16666321456432343, -0.5298879742622375, -0.42389464378356934, 0.08641001582145691, -0.2566990852355957, 0.6692339777946472, -0.7748235464096069, 0.11900661140680313, 0.46650487184524536, -0.3425389528274536, 0.012343339622020721, 0.5351241827011108, 0.45218420028686523, -0.3328947424888611, -0.012207730673253536, -0.10634109377861023, -0.29757121205329895, -0.19904734194278717, 0.2825756371021271, -0.034375034272670746, -0.5142062306404114, -0.18332797288894653, -1.0009472370147705, 0.06604708731174469, 0.5499860644340515, 0.1914045363664627, -1.1733853816986084, 0.38434454798698425, -0.8132947087287903, -0.2414059042930603, 0.8477200269699097, -0.5307766199111938, -0.621699333190918, 0.6847324967384338, 0.5817692279815674, -0.982984721660614, 0.366716206073761, 0.9875230193138123, -0.9018137454986572, 0.666824221611023, -0.6958194375038147, 1.1210899353027344, 0.31029072403907776, 0.2646244466304779, -0.30386653542518616, -0.13598573207855225, -0.8174946904182434, 0.6724361777305603, 0.7227010130882263, -0.3028067648410797, -1.6467798948287964, 0.7321160435676575, 0.25472164154052734, -0.9488372802734375, -1.1414180994033813, 0.4629521071910858, -0.3051123321056366, -0.7043481469154358, -0.11158125102519989, 0.1483653485774994, 0.29712623357772827, 0.32037147879600525, -0.9169113039970398, -0.1682569980621338, -0.21861010789871216, 0.43694981932640076, -0.20923259854316711, 0.8665061593055725, -0.22729378938674927, -0.008866257965564728, 0.16942408680915833, -0.27244889736175537, 0.06951137632131577, 0.5701597332954407, -0.025092778727412224, -0.0904732421040535, 0.35413670539855957, 0.43867257237434387, 0.2712731659412384, 0.02774038352072239, 0.6247379779815674, -0.5602487921714783, 0.016936279833316803, 1.0015634298324585, 0.16981354355812073, 1.1105155944824219, 0.3212261199951172, -0.07854726165533066, 0.73978191614151, 0.06987173855304718, -0.36550119519233704, 0.3169499635696411, 0.3859550952911377, 1.0810602903366089, 0.8212622404098511, 0.39325252175331116, 0.32321664690971375, 0.10208004713058472, 0.32112380862236023, -1.5143914222717285, 1.1604034900665283, -0.4757523834705353, -0.1364080011844635, -0.6904391050338745, -0.5195190906524658, 0.024165954440832138, -0.4668135643005371, 1.033376693725586, -0.8046103119850159, 0.052175357937812805, -0.7834789156913757, 0.02812282368540764, -0.44581338763237, -0.11410439014434814, -0.9233441352844238, 0.07312846183776855, -0.9239708185195923, 0.3644452393054962, -0.3416315019130707, -0.6083644032478333, 0.1339295357465744, -0.2588500678539276, 0.39757996797561646, -0.8666208386421204, -0.5925289988517761, -0.43926456570625305, 0.646979570388794, 0.09859394282102585, -1.0631036758422852, -0.31008046865463257, 1.2140834331512451, 0.40929803252220154, -0.6331601142883301, 1.0277307033538818, 0.7440917491912842, -0.5380509495735168, -0.24289944767951965, 0.3408263921737671, -0.46257641911506653, 0.4056556820869446, 1.3690028190612793, -1.0000123977661133, -0.5914778709411621, -0.17538122832775116, -0.294647216796875, -0.6734452247619629, 0.4887571632862091, 1.175345540046692, -1.2963250875473022, -0.08584746718406677, -0.48816370964050293, 0.4331095814704895, 0.14048254489898682, -0.9169586300849915, -0.5602269768714905, 0.025961287319660187, -0.7496686577796936, 1.383880853652954, 0.05116887390613556, -0.10538101196289062, -1.5251576900482178, -1.035211205482483, -0.44076037406921387, 0.3862006962299347, 0.7880485653877258, 0.7221254110336304, 0.44951021671295166, 0.33510535955429077, -0.9425833225250244, -0.283409982919693, 0.34265589714050293, 0.629859209060669, -0.009501878172159195, -0.27851009368896484, 0.03525710478425026, -0.2709227204322815, -0.8716883659362793, -0.16097930073738098, 1.1381326913833618, 0.6674532294273376, -1.97457754611969, -0.2379550337791443, 0.36867064237594604, 0.34252509474754333, 0.9371697306632996, -0.8161699771881104, 0.07824002206325531, 0.16462945938110352, -1.1518858671188354, -0.969362735748291, -0.417499840259552, 0.5914488434791565, -0.6434057950973511, 0.9833202958106995, 0.1110040545463562, 0.8381878733634949, 0.7507292628288269, 0.13217976689338684, 1.827858567237854, -0.7137198448181152, -0.56149822473526, 0.26892200112342834, -0.46213939785957336, -0.22968938946723938, -0.5909726619720459, -0.414361834526062, -1.4482234716415405, 0.3791263997554779, -1.0777493715286255, 0.43030494451522827, -0.5587311387062073, 0.2599155902862549, -0.4772450923919678, 0.8808944225311279, 0.30665314197540283, -0.3609655201435089, -0.7733071446418762, -0.9778359532356262, 0.3882715702056885, -0.31585240364074707, -0.47257521748542786, 2.2641072273254395, 0.9310638308525085, -0.4693729281425476, 0.9574447274208069, -0.23577181994915009, -0.4061608910560608, 0.1280975639820099, -0.06306390464305878, 1.0728824138641357, 0.5910982489585876, 0.10484777390956879, 0.3950447142124176, 0.1358887404203415, -1.2157618999481201, 0.09057578444480896, -0.3225938379764557, 0.9961738586425781, 0.30571943521499634, -0.643661618232727, -0.04418078064918518, 0.04616215080022812, 0.09463837742805481, 0.6037694215774536, 0.5228835940361023, 0.4782140851020813, -0.32829397916793823, -0.37535372376441956, -0.4365103542804718, -0.1530359983444214, 0.6083558201789856, -0.44030970335006714, -0.4888691306114197, 0.0030925124883651733, 0.23309288918972015, 0.18102899193763733, -0.7864927053451538, -0.3767363727092743, 0.4303739666938782, -0.6597998738288879, 0.7041456699371338, 0.8354891538619995, -0.9245426654815674, -0.8339115977287292, -0.3887306749820709, -1.1590895652770996, 1.1770154237747192, 0.35027194023132324, -0.5304192304611206, -0.08107924461364746, 0.38416025042533875, -0.028702564537525177, 0.15504156053066254, -0.12841103971004486, -0.4168098270893097, -1.5955002307891846, 0.18527725338935852, 1.0576492547988892, 0.3933110237121582, -0.32645922899246216, 0.29119911789894104, 0.8670679926872253, 0.35994064807891846, 1.350081205368042]} +{"paper_id": "wiki_atomic_edits", "embedding": [-0.5033090710639954, 1.1544373035430908, -0.08667601644992828, -0.23475977778434753, 0.32928356528282166, -0.03628431633114815, 0.9130868911743164, 0.8826761245727539, 0.5638841986656189, 0.3774612843990326, -0.029573168605566025, -0.5277969837188721, 0.27016809582710266, -0.267360657453537, -0.5243670344352722, -0.5872659087181091, 0.05264195054769516, -0.4462048411369324, -1.1800944805145264, -0.5572218894958496, -0.5630938410758972, -0.597661554813385, 0.034840118139982224, 0.6434329748153687, -0.5016193389892578, -0.30116814374923706, 0.4546578824520111, -1.3121986389160156, 0.16379553079605103, 0.4334982931613922, -0.2553269565105438, 1.331068992614746, -1.2554925680160522, 0.3686659634113312, -0.07971292734146118, -0.03768663853406906, -0.10717681050300598, 1.0921839475631714, -0.9242720007896423, 0.009083721786737442, -0.7444819211959839, -0.17357957363128662, 0.6323493719100952, 0.24037788808345795, 0.3150218725204468, 0.03740642964839935, -0.10478056967258453, 0.11586032807826996, 0.13721489906311035, -0.2739555835723877, -0.49743977189064026, -0.14130538702011108, 0.23699668049812317, -0.13708335161209106, 0.005398046225309372, 0.3796198070049286, 0.3747173249721527, -1.4763256311416626, 0.39213940501213074, -0.35846731066703796, 0.7952297329902649, 1.3143030405044556, -0.7058411240577698, -0.1618766039609909, 1.268457055091858, 0.11485901474952698, 1.054240107536316, 0.6680598258972168, 0.25263097882270813, 0.7217735052108765, -0.5797656178474426, -0.9007793664932251, 0.3616589903831482, -0.38675379753112793, 0.3480387330055237, 1.2997851371765137, 0.4388372004032135, -0.5551952719688416, 0.7091015577316284, -0.12219447642564774, 0.17641286551952362, 0.8562057018280029, 0.3250155746936798, -0.24934342503547668, -0.22199299931526184, 0.3190228044986725, 0.5661201477050781, -0.8517127633094788, -0.02380329929292202, -1.8015469312667847, 0.013800013810396194, 0.3634110391139984, 0.13103127479553223, -0.44160357117652893, -0.4810587167739868, -0.058447446674108505, -0.10976390540599823, -0.14869645237922668, -0.026393141597509384, 0.29696765542030334, 1.0665910243988037, -0.4395730793476105, 0.09782591462135315, -0.4289575517177582, 0.22805817425251007, 0.338398814201355, -0.24074797332286835, -0.7025419473648071, -0.37212422490119934, -0.9401570558547974, -0.1520259529352188, 1.052404761314392, -0.06780032068490982, 0.7224592566490173, -0.36013802886009216, -0.3262961804866791, 0.3130289316177368, -0.22150005400180817, -0.44161587953567505, 0.19154280424118042, -0.4787233769893646, -0.981627345085144, -0.49073994159698486, -0.3833426833152771, 0.4009045958518982, -0.354277640581131, 0.20412775874137878, -0.6856671571731567, 0.01099303923547268, -0.27389419078826904, 0.38132497668266296, 0.7545515298843384, -0.22601884603500366, -0.45948854088783264, 2.3737549781799316, -1.415116548538208, 1.0082818269729614, -0.23205146193504333, 0.15348118543624878, -0.6140360236167908, -0.22732314467430115, 1.417877435684204, 0.34193146228790283, -0.0880105122923851, -0.1436673402786255, -0.2648252844810486, -0.4055948853492737, 0.4121183156967163, -0.9188674092292786, -0.14219552278518677, 0.24111220240592957, 0.602824330329895, -1.3211435079574585, -0.25971105694770813, -0.3603215515613556, 0.3094170391559601, 0.42495670914649963, 0.9283788800239563, -0.9740895628929138, 1.3075276613235474, 0.7333054542541504, 0.056538987904787064, -0.5937921404838562, 0.1631934642791748, -0.7439903616905212, 0.09248557686805725, 1.5452637672424316, -0.1818704903125763, -0.9758525490760803, -0.19335219264030457, -0.24842995405197144, -0.1924322247505188, 0.291057288646698, -0.251401424407959, -0.40923821926116943, 0.2737458646297455, 0.4111883044242859, 0.5726579427719116, 0.40206944942474365, -0.6999706625938416, -0.5060264468193054, -0.07511194050312042, -0.08904789388179779, 1.057475209236145, -0.11340939998626709, 0.5568453669548035, -2.4366297721862793, 0.4630330801010132, -0.09521625936031342, 0.4834612011909485, 0.1879151463508606, -0.39218926429748535, 0.5651399493217468, 0.20323523879051208, 0.1592988669872284, -0.8804951906204224, 0.8684018850326538, -1.2204087972640991, -0.10093623399734497, 0.41317397356033325, -0.15315094590187073, 0.15551696717739105, -0.17168307304382324, 1.0901533365249634, 0.9023858308792114, -0.6573905348777771, -0.578514575958252, -1.9334235191345215, 0.2489495575428009, 2.268587827682495, 0.023776307702064514, -0.22787612676620483, -1.2931008338928223, -0.4070379137992859, 0.258449912071228, -0.2419983148574829, 0.7036123275756836, -0.26106470823287964, 0.14187094569206238, -1.0062479972839355, 0.7588395476341248, -1.1657882928848267, 0.017200849950313568, -0.08632421493530273, 1.2173951864242554, -0.36196598410606384, -0.27221134305000305, -0.2315485030412674, -1.1739563941955566, 0.3636453151702881, 0.9436133503913879, 0.038299545645713806, -0.1574191451072693, 0.5603827834129333, 0.22956901788711548, 0.4405229091644287, 0.06115496903657913, 0.5026468634605408, -0.5739185810089111, 0.33442622423171997, 0.4694630801677704, 1.0867053270339966, -0.3416452407836914, -0.31270673871040344, -0.4294525384902954, 0.06985864043235779, -0.49437832832336426, -0.5394772887229919, -0.1749810129404068, 0.3274783194065094, 0.6476762294769287, 1.4283499717712402, -0.7834761142730713, 0.9785911440849304, -0.7651362419128418, 0.1429579257965088, -0.509584367275238, -0.9677225947380066, -0.6359037756919861, -0.04231564700603485, 0.6810148358345032, -0.045781299471855164, 0.9970623254776001, -0.6061871647834778, 0.03948167711496353, -1.0267739295959473, -0.8305600881576538, 0.08268464356660843, -0.2927390933036804, -0.7753305435180664, -0.09280472993850708, -0.2656395435333252, -1.0519715547561646, -0.4377667009830475, -0.07481557130813599, -0.001959076151251793, 0.2161775529384613, 0.31322750449180603, 1.3355625867843628, 0.30939850211143494, 0.22802749276161194, 0.028335288166999817, 0.6919849514961243, -0.20258715748786926, 0.22755587100982666, -0.3302881717681885, -0.1365777552127838, -1.075028896331787, -0.29644399881362915, -0.210737407207489, 0.4480758309364319, 0.1258300542831421, -0.6095335483551025, 0.5388616323471069, -0.23799669742584229, -1.089796543121338, 0.5956408381462097, -0.24667039513587952, 0.20797675848007202, -1.304218053817749, 1.4755197763442993, 0.4253004491329193, -0.06727314740419388, 1.1120545864105225, 0.16206729412078857, -0.37174496054649353, 1.5443930625915527, -0.403576523065567, 0.70611572265625, 0.6321513652801514, -0.054760970175266266, 0.4138163626194, 0.10521700233221054, -2.328284978866577, 0.028235917910933495, 0.224788099527359, 0.5097180008888245, -0.0018180496990680695, -0.29478028416633606, 0.45876020193099976, -0.10358463227748871, -0.44108685851097107, 0.5433205962181091, -0.727723240852356, 0.6669003963470459, -0.450356662273407, 0.36640143394470215, 0.6256071925163269, -0.3660709857940674, 0.2377793937921524, 0.8425700068473816, 0.6310409903526306, -1.0300740003585815, -0.3469175100326538, 0.7536535859107971, -0.6262765526771545, 0.6747620105743408, 0.34285804629325867, 0.9928255677223206, 0.45471274852752686, -0.9069653153419495, 0.36993610858917236, 0.37797123193740845, 0.5344604253768921, 0.04364940896630287, 0.1362803727388382, 0.3474634885787964, 0.5650841593742371, -0.09191548824310303, 1.507272720336914, -0.08830384910106659, -0.7083097696304321, -1.0397450923919678, -0.2264944612979889, -0.6954535841941833, -0.6031684875488281, 1.813010334968567, 0.9311133027076721, 1.5323258638381958, 0.2603498697280884, -0.36417311429977417, -1.0557934045791626, -0.26859208941459656, -0.02262802980840206, 0.2739618420600891, -0.5152851343154907, -0.2595963180065155, -0.19019892811775208, 1.0178951025009155, 0.00045233964920043945, -0.8147082924842834, -0.06520912051200867, 0.6972052454948425, 0.2578568458557129, -0.8106591701507568, 0.3963955342769623, 0.5767366290092468, 0.2754512429237366, 1.572706699371338, -0.6203470826148987, -0.08171446621417999, 0.1914350837469101, 0.15524940192699432, 0.2711572051048279, 0.6647924184799194, -0.6484391689300537, 0.2714391350746155, 0.31307318806648254, 0.321531742811203, 0.10275618731975555, 1.1222325563430786, 1.2605890035629272, -0.31815865635871887, -1.3971697092056274, -0.03566359356045723, -0.9865692257881165, -0.19183586537837982, 0.020967088639736176, -0.1509406417608261, -0.24309399724006653, 0.5518069863319397, -0.3285366892814636, -1.0011630058288574, 0.7620639801025391, -0.45562744140625, -1.2976664304733276, -0.16033048927783966, 1.2604258060455322, -1.3463009595870972, -0.5194268822669983, 0.16071252524852753, -1.0174040794372559, -0.8040337562561035, -0.24617654085159302, -0.622454047203064, 0.9929801821708679, -0.10381601750850677, 0.731516420841217, 0.2855377793312073, 0.02876845747232437, -0.48836004734039307, 1.2385663986206055, 0.7410832047462463, -0.5171788334846497, 0.09392542392015457, -0.037575408816337585, 0.6401103138923645, -0.07583682984113693, -1.4347121715545654, -0.6174352169036865, 0.8401108384132385, -0.4917716085910797, -0.3823166489601135, -0.5117473602294922, -0.7616546154022217, 0.1831876039505005, 0.6978602409362793, 0.6127529144287109, -0.6864160895347595, 0.19702990353107452, -0.7190699577331543, 0.992760956287384, 1.0358691215515137, -0.8707054257392883, -0.8018269538879395, 0.08748647570610046, -0.7344427108764648, 0.43478691577911377, -0.004499271512031555, -0.08678281307220459, 0.834138035774231, 0.8198294043540955, 0.34578490257263184, -0.24990570545196533, -12.264225959777832, 0.8017646670341492, 0.3857974708080292, -0.183406263589859, 0.9770603775978088, 0.15435194969177246, 0.48780906200408936, 0.4006366729736328, 0.32356369495391846, -0.37372902035713196, 0.34954574704170227, 1.5024428367614746, -0.16562262177467346, 0.015459236688911915, -0.6849097609519958, -1.6226061582565308, -0.5919205546379089, -0.9332684874534607, 0.15860329568386078, 0.8490545153617859, -0.3112257122993469, -0.733864963054657, -0.41592055559158325, 0.4184799790382385, 0.3123123049736023, -0.6099031567573547, 0.024899687618017197, -0.14555618166923523, 0.22661899030208588, -0.2889697849750519, 0.3091089725494385, 0.3810301423072815, -0.8417029976844788, -0.390165776014328, 0.7167167067527771, 0.5811805129051208, -1.0430618524551392, -0.8108471632003784, 0.520986795425415, -0.5301795601844788, -0.5330666303634644, 0.2656902074813843, 0.6895604133605957, 0.10852190107107162, -0.9433709979057312, 0.5145702362060547, 0.04848669469356537, -0.8225369453430176, -0.18639594316482544, -0.8032650947570801, -0.10900913178920746, -0.9553816914558411, -1.3192495107650757, -0.7229558229446411, 0.8649540543556213, -0.7325400710105896, -0.21299311518669128, -0.2583216726779938, -0.11765246093273163, -0.6730899810791016, 0.245260089635849, 0.2997148633003235, -0.2973690927028656, 0.30167022347450256, 0.7306280732154846, -0.49823063611984253, 0.7405649423599243, 0.6071332097053528, 0.5574274063110352, 0.4102022647857666, -0.45891720056533813, 0.43784183263778687, 0.16896295547485352, 0.6391383409500122, 0.010803911834955215, 0.33164891600608826, -0.07771610468626022, -0.47402793169021606, 0.24758756160736084, 0.18981505930423737, -1.2115174531936646, 0.6493807435035706, 0.22378990054130554, 0.06574079394340515, -0.3768054246902466, 0.012503724545240402, -0.4361155331134796, 0.24953457713127136, 1.000993013381958, -0.056899718940258026, 1.1826133728027344, 0.17327448725700378, -0.685481071472168, -0.4117507040500641, -0.9922816157341003, 0.4607183039188385, -0.7034518122673035, 0.5311256647109985, 0.8909832239151001, -0.6622229814529419, 0.4517141878604889, -0.2606724500656128, -0.6123729944229126, -0.6746768951416016, 0.9275732636451721, -0.17596158385276794, -0.012013271450996399, 0.13560056686401367, -0.2417946606874466, -0.5615288019180298, 1.4802647829055786, 0.47518593072891235, -0.3406122326850891, 1.2147225141525269, -0.329295814037323, 0.72861647605896, 0.7609590888023376, -0.2654310464859009, 1.3059754371643066, 1.133533239364624, -0.3721199631690979, 0.9595661759376526, -0.1308484971523285, 1.1415878534317017, 0.062198344618082047, 0.010801149532198906, 0.21553122997283936, 0.6367435455322266, -0.6626140475273132, -0.9028536081314087, -0.6077612042427063, -0.19077546894550323, 0.14233367145061493, -0.4246516823768616, -0.7804471850395203, -0.16521412134170532, -0.521725058555603, 1.4396672248840332, 0.17914168536663055, -0.037374868988990784, 0.08215370774269104, -0.807835578918457, -0.2567908465862274, -0.8916787505149841, -0.9091505408287048, 0.3822793662548065, -1.5916686058044434, 0.05878821760416031, -0.7178916931152344, -0.4266318082809448, 0.37104055285453796, -0.021136391907930374, 0.46608060598373413, -0.9161255955696106, -0.4573310613632202, -0.09296243637800217, 0.39076900482177734, -0.3729841411113739, -0.8322731852531433, -0.710882842540741, 0.34562504291534424, 1.3501384258270264, -0.7055385112762451, 0.9940940141677856, 0.6199911832809448, 0.04846563935279846, -0.9974579215049744, -0.0697142630815506, -0.42968136072158813, 0.3176068067550659, 0.6350467801094055, -0.7006598114967346, -0.20355506241321564, -0.30701538920402527, -0.18121011555194855, -1.1814594268798828, 0.8334270119667053, 0.977942943572998, -0.7533885836601257, -0.14056886732578278, -0.14155235886573792, 0.6878840923309326, 0.5887529253959656, -0.08538646250963211, -0.3616113066673279, -0.26976197957992554, 0.24480202794075012, 0.45918071269989014, 0.18703621625900269, 0.2838987708091736, -0.737341046333313, -0.931755006313324, -0.3403426706790924, -0.661388099193573, 0.790702223777771, 0.15923845767974854, 1.506723165512085, 0.7001084685325623, -0.16003671288490295, 0.015972301363945007, 0.11869542300701141, 1.1288350820541382, 0.5890756845474243, 1.1342456340789795, -0.5062301754951477, 0.25756701827049255, -0.8529582619667053, 0.720874547958374, 0.48480460047721863, 0.6200933456420898, -1.1496695280075073, -0.22685465216636658, 0.6066911220550537, 0.08414369821548462, 0.3669030964374542, -1.0365068912506104, 0.1462564468383789, -0.34831732511520386, -0.33358141779899597, -0.913591206073761, 0.052025314420461655, 0.7009799480438232, -0.1326192319393158, 0.5374570488929749, 0.824775755405426, 0.0012373700737953186, 0.790590763092041, 0.18635860085487366, 1.2635418176651, -0.12142479419708252, -0.48670268058776855, 0.5156011581420898, 0.4196217656135559, 0.017180033028125763, -0.31972116231918335, -0.4563295543193817, -1.1108227968215942, -0.12322927266359329, -0.9732611179351807, 0.47458791732788086, -0.31402474641799927, 0.20325680077075958, 0.6971869468688965, 1.303298830986023, -0.5026504993438721, -1.3230266571044922, -0.44881343841552734, -1.048180103302002, 0.7271639108657837, 0.4879145324230194, 0.658631443977356, 0.29473474621772766, 0.5276728272438049, 0.4763197898864746, 0.33309751749038696, -0.0021223872900009155, 0.6000745892524719, -0.23271670937538147, -0.07869347929954529, 1.3675509691238403, 0.6006227135658264, 0.8276888132095337, -0.32085540890693665, -0.3068614602088928, -1.2849143743515015, -0.9150762557983398, -0.3199978768825531, 0.1793946772813797, 1.1049084663391113, -0.22498084604740143, 0.3624264597892761, -0.7061282992362976, 0.08290545642375946, -0.29948490858078003, 0.8626972436904907, 0.47105932235717773, -0.6414757966995239, -0.09622092545032501, -1.0998010635375977, -0.23383788764476776, 1.2721967697143555, -0.48319149017333984, 0.31975358724594116, -0.24991069734096527, 0.6188238263130188, -0.3675089478492737, -0.06525616347789764, -0.2970154881477356, 0.1728779673576355, -0.5146280527114868, 0.5354871153831482, 0.050650641322135925, -0.4830968677997589, -0.5523500442504883, 0.43509742617607117, -0.9794028997421265, 0.5666795372962952, 0.2683161497116089, -1.0411485433578491, -0.5155125856399536, 1.1014258861541748, 0.42208871245384216, -0.058656174689531326, 0.4275062084197998, -0.5339890718460083, -1.3448081016540527, 1.102719783782959, 1.0404279232025146, 0.0649353638291359, -0.8597961664199829, 0.017079832032322884, 0.10194212198257446, 0.37491247057914734, 0.7185736894607544]} +{"paper_id": "sentiment140", "embedding": [-0.9946385025978088, 1.1775269508361816, 0.12287448346614838, -0.1734669804573059, 0.4746920168399811, -0.6159204840660095, 1.0332331657409668, -0.032197751104831696, 0.020165059715509415, 0.9840638637542725, 1.4225807189941406, -0.49544262886047363, -0.18628768622875214, 0.14132896065711975, 0.4503178596496582, -0.46994251012802124, -0.25103020668029785, -0.1486964225769043, 0.6882214546203613, -0.2733932435512543, -0.7464634776115417, -0.8344135880470276, 0.02385712042450905, 0.37161821126937866, -0.878548264503479, -0.5301954746246338, 0.4214165508747101, -0.023630142211914062, 0.4276222288608551, 0.07210230827331543, 0.019421570003032684, 0.7326841950416565, -1.3125581741333008, -0.3417865037918091, -0.7529177665710449, -0.2253820300102234, 0.319574236869812, 0.688085675239563, -0.5119948387145996, -0.3892108201980591, -0.354560524225235, 0.7109957337379456, 1.073107123374939, 0.26786553859710693, 0.6649768948554993, 0.37850421667099, 0.4642028510570526, 0.03444060683250427, 0.26313096284866333, -0.015063773840665817, 0.2517125904560089, 0.38376522064208984, -0.3703826069831848, 0.4557396471500397, -0.5923293828964233, 1.005851149559021, -0.6345423460006714, -0.25809159874916077, 0.12494692206382751, -1.5159186124801636, 1.2116189002990723, 1.4009740352630615, 0.21518395841121674, -0.13916905224323273, 0.5845394730567932, -0.21589097380638123, 0.7611148953437805, -0.5890525579452515, 0.8826987147331238, 1.2738256454467773, -0.2680620551109314, -0.35433536767959595, -0.17750835418701172, -0.49166882038116455, -0.23034235835075378, 0.2647942900657654, 0.18783880770206451, 0.9861109852790833, -0.3383226692676544, 0.6507123708724976, -0.12511205673217773, 0.823178231716156, -0.21301595866680145, -0.6247075200080872, -0.0401567704975605, 0.17464998364448547, -0.06521584093570709, 0.6601883172988892, 0.6520434021949768, -1.1349846124649048, 0.2445417046546936, -0.014546627178788185, -0.13100074231624603, 0.6022140979766846, -0.31993773579597473, 0.8322566151618958, 0.11913483589887619, 0.46459972858428955, -0.570557713508606, 0.66968834400177, 0.6133942008018494, -0.6736180782318115, 0.7667932510375977, -0.054214753210544586, -0.07537595927715302, 1.612820029258728, 0.01740887016057968, -0.49855732917785645, 0.29882678389549255, 0.14177237451076508, -0.7386330962181091, 1.5982214212417603, -0.37482592463493347, 0.24466869235038757, -0.1619614213705063, -0.5177950859069824, -0.10416991263628006, -0.2810150980949402, -0.5275229811668396, 0.05584723502397537, -0.564470648765564, -1.288759708404541, -0.5213915109634399, 0.9129001498222351, 1.3126024007797241, -0.23661771416664124, 0.7048201560974121, -0.2878878116607666, -0.2311686873435974, 0.030463555827736855, 0.6540827751159668, 0.19366353750228882, -0.29054388403892517, 0.09013789892196655, 1.8796069622039795, -0.896397054195404, 2.0919392108917236, -0.45677614212036133, 0.5921319127082825, 0.17869572341442108, -0.22024229168891907, 0.744634211063385, -0.06005138158798218, -0.13518410921096802, -1.349739909172058, 0.4846264719963074, -0.46357154846191406, 0.08799731731414795, -0.2023720145225525, -0.5637872219085693, -0.1859569400548935, 0.21354766190052032, -0.7491703033447266, -0.22299525141716003, 0.392886757850647, 0.41471976041793823, 0.03333418816328049, 0.851195752620697, -0.6338936686515808, 1.060239553451538, 0.9532056450843811, 0.7187027335166931, -0.8204216361045837, 0.4472464621067047, -0.5702317357063293, -0.48181644082069397, 0.6961517333984375, 0.4873966872692108, -0.7554207444190979, -0.28375282883644104, 0.8363760709762573, -0.21396249532699585, 0.6584518551826477, 0.0484473779797554, -0.8005374073982239, -0.4838411211967468, 0.2952045500278473, 0.3660567104816437, 0.6490048766136169, -0.2620043158531189, 0.29973751306533813, 0.11395497620105743, -0.10685717314481735, 0.05663492530584335, -0.00036222487688064575, 0.09956768155097961, -1.5258831977844238, -0.5586661696434021, 0.014729946851730347, 0.6249053478240967, 0.6056241393089294, -0.5491611957550049, 0.2543405294418335, -0.3047069013118744, 0.16063573956489563, -0.18246406316757202, 0.6059832572937012, -1.0969942808151245, -0.48899737000465393, 0.3628678321838379, 0.6007756590843201, -0.19729284942150116, 0.22131876647472382, 0.5529377460479736, 1.1494814157485962, -0.25656211376190186, -0.3375585377216339, -2.0229103565216064, 0.532166600227356, 1.8204771280288696, -0.4054754376411438, -0.7927296757698059, -0.6584133505821228, 0.3467181324958801, 0.005857333540916443, -0.8239145278930664, 0.6545233726501465, -0.7896509766578674, 0.1708340346813202, -0.9070902466773987, 0.31570348143577576, -0.5958964228630066, 0.17956453561782837, -0.20622815191745758, 0.7682386040687561, -0.4981326162815094, -0.7802551984786987, -0.3707532286643982, -0.7090164422988892, 0.3910016119480133, 0.7350159883499146, 0.12107620388269424, -0.32194969058036804, 0.08084650337696075, 0.48620718717575073, 0.9474630951881409, -0.6982633471488953, -0.36958742141723633, -0.07199455052614212, 0.29498499631881714, -0.12343970686197281, -0.21130411326885223, 0.18871620297431946, -0.5366523861885071, 0.7468888163566589, 0.8187893033027649, 0.06041598320007324, -0.4090996980667114, -0.1709776669740677, 0.6525208950042725, 0.41184601187705994, 0.9052281975746155, -0.5468470454216003, 1.2694858312606812, -0.5371363162994385, 0.2767987847328186, -0.15306545794010162, -0.37962138652801514, 0.4144926071166992, 0.008529119193553925, 0.4154016375541687, -0.40712523460388184, -0.20716769993305206, 0.1163645088672638, -0.3657846748828888, -0.3920636475086212, -0.3806995153427124, 0.07440478354692459, -1.0760084390640259, -0.4412708580493927, -0.16432616114616394, -0.550647497177124, -1.0325579643249512, -0.37924766540527344, 0.17751607298851013, 0.7164987921714783, -0.1664050966501236, 0.07965680956840515, 0.5445690155029297, -0.32928919792175293, 0.3023717403411865, -1.3081051111221313, 1.0166853666305542, -0.1341821402311325, 0.13505446910858154, -0.3516256809234619, 0.8069812059402466, -0.5647351741790771, -0.7752685546875, 0.4107547998428345, 0.2016795575618744, -0.30246487259864807, -0.020777683705091476, 0.7045333981513977, -0.4908372461795807, -1.1930283308029175, 0.838963508605957, -0.8607767224311829, -0.0616302415728569, -0.40833741426467896, 1.0486302375793457, 0.2794434130191803, 0.0031890086829662323, 0.48457980155944824, 0.23406293988227844, 0.38768303394317627, 1.0501099824905396, -1.2313392162322998, 1.2192867994308472, 0.036217913031578064, -0.5729078650474548, 0.037936992943286896, -0.4761400520801544, -1.7431440353393555, -0.264900803565979, 1.5063055753707886, -0.40764692425727844, -0.056376706808805466, -0.055264417082071304, 0.4511062502861023, 0.04247013479471207, -0.012984927743673325, -0.3066684603691101, -0.665285587310791, 0.23276165127754211, -0.9079626202583313, 0.29156774282455444, 1.1580880880355835, -0.4392465353012085, -0.06294329464435577, 0.0010083392262458801, 0.3505304157733917, -0.4536079168319702, -0.39551103115081787, 0.6456872224807739, -0.4766249656677246, 0.43189606070518494, 0.15630561113357544, 0.25432732701301575, 0.9665286540985107, -0.7069616913795471, -0.6211920380592346, 0.1379271298646927, 0.6559376120567322, -0.13495685160160065, 0.246519073843956, 0.33475762605667114, 1.5570460557937622, -0.297100692987442, 1.3182028532028198, 0.2865241467952728, -0.16458140313625336, -0.574193000793457, 0.007547819055616856, 0.07180655002593994, -0.4575307071208954, 1.161613941192627, 0.518305778503418, 1.0125492811203003, -0.044951461255550385, 0.3140659034252167, -0.06515777856111526, -0.1343826949596405, 1.017682433128357, 0.6322441101074219, 0.2239258885383606, -0.11887997388839722, 0.1685621738433838, 0.8662999868392944, 0.4927351772785187, -0.7654138207435608, 0.43616458773612976, 0.41813185811042786, -0.7911434769630432, 0.19666333496570587, -0.14526106417179108, 1.311360478401184, 0.14204815030097961, 0.701860249042511, 0.08326280862092972, -1.0245109796524048, -0.7153401374816895, -0.32706254720687866, 0.8817372918128967, -0.10306937247514725, -0.8895303010940552, -0.009923912584781647, -0.08659878373146057, 0.4675288200378418, -0.4842158555984497, -0.12251370400190353, 0.40399134159088135, -0.6296836137771606, -0.7385159134864807, -0.1380971223115921, -0.7505221366882324, -0.40592488646507263, -0.3874882161617279, 0.004583936184644699, -0.939967155456543, 0.262508362531662, -0.31523051857948303, -1.7294843196868896, 0.678505539894104, -0.04639109969139099, -1.2407160997390747, 1.3356924057006836, 1.0032539367675781, -1.4673199653625488, -0.6480312347412109, -0.21742306649684906, -0.6692547798156738, -0.4270665943622589, 0.24276326596736908, -0.09586639702320099, 0.17198097705841064, 0.03229641169309616, 0.11856973171234131, -0.2595130205154419, 0.0351179838180542, -0.3985079526901245, 0.646612823009491, 0.691104531288147, -0.4471771717071533, 0.28283971548080444, 0.4815172553062439, -1.4272997379302979, 0.9044795036315918, -0.7811776399612427, -0.22156354784965515, 0.9360766410827637, 0.5471632480621338, -0.2854554355144501, -0.4074098765850067, -0.572864294052124, 0.17448943853378296, -0.35177770256996155, 0.7493730783462524, -1.0000091791152954, 0.6795058846473694, -1.0441865921020508, -0.5247063040733337, 0.26145368814468384, -0.12105026841163635, -0.16264985501766205, 0.45829322934150696, -0.7762511968612671, 0.0539938285946846, 0.019499443471431732, 0.5733298659324646, 0.43043795228004456, 0.20523959398269653, 0.6039635539054871, 0.10630673915147781, -13.084622383117676, 0.4037535786628723, -0.6414909362792969, 0.3635901212692261, 0.900661051273346, 0.24898415803909302, 0.12305457890033722, -0.023794353008270264, 1.5745538473129272, -0.7144906520843506, 0.13727408647537231, 1.3332078456878662, -0.8268610239028931, -0.44293197989463806, -0.15540963411331177, 0.015927568078041077, -0.3652993440628052, -0.48940378427505493, 0.15614596009254456, -0.029952704906463623, 0.011814665049314499, -0.7460339069366455, -0.3934835195541382, -0.9379180669784546, -0.06752641499042511, -0.2905847132205963, 0.4165220260620117, -0.7933153510093689, -0.6646597981452942, 0.31724366545677185, 0.2300993651151657, -0.06740360707044601, -0.2727879583835602, -0.3983156979084015, 0.1752627044916153, 0.2354031652212143, -0.610283374786377, -0.25111067295074463, 0.8549869656562805, -0.429428368806839, 0.32184743881225586, -0.18275074660778046, 0.4807603657245636, -0.18242445588111877, -0.38659802079200745, 0.35927659273147583, -0.021315906196832657, -0.1282588392496109, 0.4181763231754303, -0.3231532573699951, -0.3662394881248474, -0.793368935585022, -0.9770824313163757, -0.01205003634095192, 1.302935004234314, 0.4399056136608124, -0.6212409734725952, 0.40103498101234436, -0.6990609169006348, -0.7297245264053345, 1.2370707988739014, 0.2345879077911377, 0.04625312238931656, 0.1380668431520462, 0.7935447096824646, -0.6994583606719971, 0.14710381627082825, 0.636909008026123, -0.6090885400772095, -0.314701110124588, -0.22996550798416138, 1.0999258756637573, 0.5034250617027283, 0.15935394167900085, -0.21174302697181702, 0.27266424894332886, -0.3585096299648285, 0.6523891687393188, 0.569543182849884, -0.3013087809085846, -1.1100867986679077, 0.3157689869403839, -0.4546562433242798, -0.6182438731193542, -0.7564530372619629, 0.46838417649269104, -0.3907601237297058, -0.5797621011734009, 0.013409242033958435, 0.6842091679573059, -0.1724729686975479, 0.522078812122345, -0.456185519695282, -0.013566605746746063, -0.017350398004055023, 0.6740644574165344, -0.2760136127471924, 0.9274859428405762, -0.011481404304504395, 0.30280500650405884, 0.28423982858657837, 0.23249441385269165, 0.18455694615840912, -0.16274510324001312, 0.7864673137664795, -0.16737854480743408, -0.1813090741634369, 0.4286123812198639, 0.14215809106826782, 0.3820432424545288, 0.3811776340007782, -0.20288892090320587, -0.10184891521930695, 1.145155668258667, 0.43272820115089417, 0.6616653800010681, 0.6848387718200684, -0.3828810453414917, 0.7328306436538696, 0.2443591058254242, -0.6610499620437622, -0.6553813815116882, -0.040730349719524384, 0.16706469655036926, 1.1725926399230957, 0.2841954827308655, 0.009512964636087418, 0.28249087929725647, 0.16082900762557983, -0.8593723773956299, 0.8825550079345703, -0.37200284004211426, -0.148231640458107, -0.8945063948631287, -0.9553093314170837, -0.5532635450363159, -0.27864134311676025, 1.4375461339950562, -1.0126094818115234, 0.5744108557701111, -0.5646107196807861, -0.0007474087178707123, -0.3296877145767212, -0.2683365046977997, -0.7454299330711365, -0.38126444816589355, -0.7029510736465454, 0.13580892980098724, -0.11218609660863876, -0.19455501437187195, 0.3861450254917145, -0.425051748752594, 0.2079358696937561, -0.4611471891403198, -0.10195948928594589, 0.0003935396671295166, 0.4586755931377411, -0.11695821583271027, -1.2370960712432861, 0.03803922235965729, 0.7569360136985779, 0.5260496139526367, -1.0879850387573242, 0.6603848338127136, 0.5359739065170288, -0.5103502869606018, -0.5132389664649963, 0.09184786677360535, -0.4667229950428009, 0.36882150173187256, 1.335845708847046, -0.8356820344924927, -0.4951554536819458, -0.4257240295410156, -0.18291541934013367, -1.278843879699707, 0.586008608341217, 0.7692941427230835, -0.9687504172325134, 0.6963853240013123, -0.35515984892845154, 0.5063421130180359, 0.12787175178527832, -0.6646724343299866, -0.18224599957466125, 0.42324694991111755, -0.20846468210220337, 1.4240684509277344, 0.014605486765503883, -0.32119566202163696, -1.3800429105758667, -1.1939873695373535, -0.7183070778846741, -0.18417513370513916, 0.8329594731330872, -0.0339161716401577, 0.9598967432975769, 0.7088702321052551, -0.4142717719078064, -1.1627880334854126, -0.09881158173084259, 0.6574735045433044, -0.3596256375312805, 0.02102746069431305, -0.6166925430297852, -0.0625653862953186, -1.3373966217041016, 0.1556410789489746, 0.09862309694290161, -0.046705711632966995, -1.777471661567688, -0.5058981776237488, 0.13421985507011414, -0.010217156261205673, 0.16369274258613586, -0.6090317964553833, 0.14429214596748352, 0.2884243428707123, -0.6525179743766785, -0.6265442371368408, 0.3186495304107666, 0.6838014125823975, -0.5852804183959961, 1.185269832611084, 0.39501699805259705, 0.6001530885696411, 0.36017462611198425, 0.4752265214920044, 1.8856319189071655, -0.5075023770332336, -0.31113025546073914, 0.1343652904033661, -0.5490818023681641, 0.03843569755554199, -0.1534227728843689, -0.19246447086334229, -0.9914905428886414, 0.5223042368888855, -1.6384855508804321, 0.2474585771560669, 0.2729448080062866, 0.3698044419288635, 0.19769760966300964, 1.0618335008621216, -0.3134727478027344, -0.5567644238471985, -1.1846392154693604, -0.485038697719574, 0.31837520003318787, 0.42698410153388977, 0.2692126929759979, 1.727320909500122, 0.5829886198043823, -0.3102630376815796, 0.6513895392417908, -0.11553500592708588, -0.0909593403339386, 0.25220462679862976, -0.05779576301574707, 0.866929292678833, 0.30125004053115845, 0.0944824069738388, 0.11492560803890228, -0.17424964904785156, -1.1755023002624512, -0.10470311343669891, -0.053001414984464645, 0.570780336856842, 0.29301124811172485, -0.3539291024208069, -0.19166778028011322, -0.40053749084472656, -0.6367220878601074, 0.4236651659011841, 0.7430957555770874, 0.340040922164917, -0.2795429229736328, -0.5281228423118591, -0.6298258304595947, 0.2908328175544739, 0.7176404595375061, -0.29597583413124084, -0.4351649284362793, -0.8882314562797546, 0.20274165272712708, -0.09467673301696777, -1.0673812627792358, -0.8390980362892151, 0.5838839411735535, -0.660106897354126, 0.2762194275856018, 0.4466259777545929, -0.5990799069404602, -0.9364274144172668, -0.04982805252075195, -0.4079327881336212, 0.7517942190170288, -0.21976310014724731, -0.9071968793869019, 0.3795846998691559, 0.1948631852865219, 0.3302344083786011, -0.19353827834129333, 0.09149041771888733, -0.3843793570995331, -1.1523276567459106, 0.25221988558769226, 0.9882978796958923, 0.29178938269615173, 0.3354000449180603, 0.9290867447853088, 0.8417295217514038, 0.23645061254501343, 1.1888922452926636]} +{"paper_id": "doqa", "embedding": [-1.1721047163009644, 0.44077229499816895, -0.01651490479707718, -0.2660213112831116, 0.731799840927124, 0.011598670855164528, -0.12317699939012527, 0.8471537232398987, 0.48617395758628845, 0.37476417422294617, 0.5108356475830078, 0.21606843173503876, 0.3444880247116089, -0.07477492094039917, -0.522071123123169, -0.2661707401275635, -1.5864481925964355, -0.859643816947937, -1.329048991203308, -0.1953640580177307, -0.6557602882385254, -0.7688151001930237, 0.20173823833465576, 0.8398059010505676, -0.8162079453468323, -0.9571449160575867, 1.1161725521087646, -1.0500590801239014, 0.3122759461402893, -0.026911988854408264, 0.18505451083183289, 1.209484577178955, -1.171366572380066, 0.2687171697616577, -0.055280618369579315, -0.478371262550354, 0.35263484716415405, 1.3560023307800293, -0.19562534987926483, -0.40072107315063477, -0.8969210386276245, 0.6671929359436035, 0.08843700587749481, 0.6058757901191711, 1.521904468536377, -0.7993929386138916, 0.9949213266372681, -0.6498621106147766, -0.5344432592391968, 0.005506858229637146, -0.8077405095100403, 0.490892231464386, 0.0634848102927208, 1.1388256549835205, -0.5112698674201965, 1.2079917192459106, 0.3899162709712982, -0.590905487537384, 1.0446810722351074, -1.2436437606811523, 1.3600506782531738, 1.5228991508483887, 0.5517969131469727, 0.2951939105987549, 0.8380852937698364, -0.5130297541618347, 1.257035493850708, 0.26371389627456665, 0.5918086171150208, -0.15939225256443024, -0.1443830132484436, -0.8853066563606262, 0.7245750427246094, -0.15874221920967102, 0.1953119933605194, 1.0483405590057373, 0.5391061305999756, 0.7011929154396057, -0.5075356364250183, -0.3139203190803528, 0.23293714225292206, 0.06827405095100403, 1.0082584619522095, -0.6081745624542236, 0.4673183262348175, 0.4328116178512573, 0.08111938834190369, -1.0023936033248901, 0.40773364901542664, -2.267524242401123, 1.3924981355667114, -0.485074907541275, 0.054630015045404434, 0.1366543173789978, -0.3948530852794647, 0.4535490870475769, -1.0294551849365234, -0.4115935266017914, -0.38844722509384155, 0.4257831871509552, 0.7534136772155762, -0.4255838096141815, 0.44764652848243713, -0.36354485154151917, 0.0399843193590641, 0.16601288318634033, 0.296782523393631, 0.4681379497051239, -0.6107073426246643, -0.7346405982971191, 0.4306350350379944, 1.120149850845337, -0.046127673238515854, 0.24668440222740173, -0.05828182399272919, 0.4662748873233795, 0.7791995406150818, -1.1929295063018799, 0.036019083112478256, -0.08310236036777496, 0.296603798866272, -0.6832810640335083, -0.2873944342136383, 0.12735673785209656, 0.8662888407707214, -0.6321035623550415, -0.032908808439970016, -0.08364501595497131, -0.22399361431598663, 0.00392969511449337, 0.767586350440979, -0.741779625415802, -0.934004008769989, -0.10611309856176376, 3.433289051055908, -1.4894968271255493, 2.4886226654052734, -1.0591824054718018, -0.29960373044013977, -0.7679963707923889, -0.020984571427106857, 0.9026757478713989, -0.1465892493724823, -0.9150325655937195, -0.25893688201904297, -0.3951377272605896, -0.09240712225437164, 0.41368567943573, -0.6069684028625488, -0.6281037926673889, -0.20181667804718018, -0.0786796286702156, -1.8319867849349976, -0.11457088589668274, -0.04428412765264511, 0.24147215485572815, -0.1513172835111618, 0.3094765543937683, -0.4687732458114624, 0.010055912658572197, -0.272588849067688, 0.2837454676628113, 0.13182252645492554, 0.2712213397026062, -0.7256793975830078, -0.4201648235321045, 0.08869902789592743, -0.5029257535934448, -1.0863028764724731, 0.20704814791679382, 0.08890578895807266, -0.3449309170246124, 0.1219174861907959, 0.26222696900367737, -0.011665957048535347, 0.49728158116340637, 1.3185603618621826, 1.0876035690307617, -0.21073803305625916, -0.8243330717086792, -0.1703495979309082, -0.8433756232261658, -0.24813100695610046, 0.5349592566490173, 0.2507880926132202, 0.0015304945409297943, -2.04366135597229, -0.02788587659597397, -0.15863196551799774, 1.1158337593078613, 0.10807345807552338, 0.06479460746049881, 0.2818285822868347, -0.497077077627182, 0.8265084624290466, -0.6793950796127319, 0.7591907382011414, -0.9619653224945068, -0.1567738950252533, -0.5627431273460388, -0.33972546458244324, 0.39145198464393616, 0.34219759702682495, 0.9666953086853027, 0.400727778673172, -0.5317948460578918, -0.6910103559494019, -1.7206319570541382, 0.1630650758743286, 2.7946345806121826, 0.2046557068824768, -0.7973905205726624, -0.7038254737854004, -0.07123440504074097, -0.35034114122390747, -0.14335156977176666, -0.07354456931352615, -1.010824203491211, 0.06206124275922775, -0.990965723991394, 0.11047664284706116, -0.2928151488304138, 0.5759791731834412, 1.089020013809204, 1.3764997720718384, -1.070812463760376, 0.1712927520275116, -0.325997918844223, -0.7109200358390808, 0.7230100035667419, 0.19978366792201996, 0.13809287548065186, -0.1473565399646759, 0.34853315353393555, 0.5349875092506409, 0.4362033009529114, 0.8656331896781921, 0.2240324169397354, -1.2945016622543335, -0.1059165969491005, -0.17490187287330627, 1.8621355295181274, 0.47534388303756714, 0.48075029253959656, 0.40160465240478516, 0.1455772966146469, 0.2680465877056122, -0.9291254878044128, 0.3631325960159302, 0.12832997739315033, 1.6867854595184326, 0.7931693196296692, -0.1532101035118103, 1.0787428617477417, -0.0915970578789711, -0.6562007665634155, -0.4250701069831848, -0.4896358549594879, 0.11633694171905518, -1.005905270576477, 1.5683742761611938, -0.3708582818508148, -0.44471505284309387, -0.21107399463653564, -0.06832237541675568, -1.6308529376983643, 0.5325604677200317, 0.771407425403595, -0.7027190923690796, -1.3007169961929321, -0.12129345536231995, -0.8838201761245728, -0.7889264225959778, -1.2796353101730347, 0.5651869177818298, 0.21965152025222778, 0.4481964111328125, 1.1748303174972534, 1.245415210723877, 0.06416396051645279, 0.2971600890159607, 0.1291990429162979, 1.3828446865081787, -0.7294573783874512, 0.8822265863418579, -0.013521339744329453, 0.2561032772064209, -0.7126075625419617, 0.5720698833465576, -0.39592528343200684, -0.03076409548521042, 0.6111447811126709, -0.3275500237941742, 0.2539795935153961, -0.5567602515220642, -0.7265881896018982, 0.4977591037750244, -0.12858961522579193, -0.2924512028694153, 0.03401529788970947, 2.2158546447753906, -0.4331746995449066, -0.7507289052009583, 1.0278459787368774, 0.15224780142307281, 0.15655717253684998, 0.889101505279541, 0.7374595403671265, -0.49083182215690613, 0.8932309150695801, -0.6336392164230347, -0.1878681182861328, 1.1147615909576416, -1.8779100179672241, 1.072819471359253, 1.0732026100158691, -0.6631783843040466, -0.3277834355831146, -1.182458758354187, 0.49577146768569946, -0.7492594718933105, -0.14186283946037292, 0.3725591003894806, -0.15495745837688446, 0.9463722109794617, -0.45870673656463623, 0.03499975800514221, 1.5573129653930664, -1.0235520601272583, 0.18357594311237335, 0.5976085066795349, -0.14346769452095032, -0.9288015365600586, -0.22709521651268005, 0.39824503660202026, -0.2855967581272125, 0.09740684181451797, 0.3830902874469757, 0.23050320148468018, 0.9141557216644287, -0.2505069673061371, -1.0240792036056519, 0.8894795775413513, 0.6017414331436157, 0.19103437662124634, 0.062382008880376816, -0.10674266517162323, 0.960269570350647, -0.19978177547454834, 1.1067242622375488, 0.5431684255599976, -0.7460289597511292, -1.4098504781723022, -0.1672823578119278, -0.39519935846328735, -0.8057524561882019, 2.212094783782959, 0.08976864814758301, 1.3629493713378906, 0.4732547998428345, 0.057536736130714417, -0.7903734445571899, -0.4279392957687378, 1.7185416221618652, 0.5536237955093384, 0.32409337162971497, -0.8655104637145996, -0.43198147416114807, 0.5660561919212341, -0.014894296415150166, 0.0019699111580848694, 0.5213599801063538, 1.4080981016159058, 0.29691261053085327, -0.699400782585144, 0.15065672993659973, 1.439498782157898, -0.1275452971458435, 0.5404013991355896, -0.4311160743236542, 0.11786164343357086, -0.6743963360786438, 1.0651072263717651, -0.7784547805786133, 0.8031474351882935, -0.19085752964019775, 1.3484687805175781, 0.5149394869804382, 0.6519129872322083, -0.4744066596031189, 1.3128200769424438, 0.4481537640094757, -0.7412421703338623, -1.2156434059143066, -0.6439021229743958, -0.558121383190155, -0.3600936233997345, 0.6380185484886169, -0.0074517205357551575, -1.021529197692871, 1.0922659635543823, -0.1386113315820694, -0.7135466933250427, 0.5473165512084961, -0.9431539177894592, -1.0527368783950806, 1.178051233291626, 0.6474536657333374, -1.1553953886032104, -0.11034371703863144, -0.4777052402496338, -1.1841074228286743, -0.19997954368591309, 0.04813828691840172, -0.8577151894569397, 0.23329876363277435, 0.22844350337982178, 0.5150260925292969, -0.21221737563610077, -0.3412466049194336, -0.7886258363723755, 0.4464415907859802, 0.6717383861541748, -0.37247318029403687, 0.4819343090057373, 0.3618696331977844, 0.6175356507301331, -0.4386807978153229, -1.246023416519165, -1.062085509300232, 0.5178050994873047, 0.08691579103469849, 0.24726679921150208, -1.3493084907531738, -0.55457603931427, 0.5253497362136841, -0.6630547046661377, 0.5178951025009155, -0.9954749941825867, 0.07108309864997864, -0.9766039252281189, -0.7364374995231628, 0.652483344078064, -1.2106047868728638, -1.072162389755249, 1.1311111450195312, -0.5892713665962219, 1.1042388677597046, -0.8664580583572388, -0.14633794128894806, 1.754949688911438, -0.265671044588089, 0.5009153485298157, -0.004858337342739105, -9.847211837768555, 0.9719906449317932, -0.7088468074798584, 0.06365001201629639, 0.4539180397987366, -1.0310709476470947, 1.7851018905639648, -0.15859627723693848, 0.5933454632759094, -1.4232935905456543, 0.27984142303466797, 1.1333425045013428, 0.37436848878860474, -0.3105645179748535, -0.4178648591041565, -1.414326786994934, -0.6674349904060364, -0.5616260170936584, 0.4387025833129883, -0.4652906358242035, -0.2570192217826843, -0.43106430768966675, -0.3277328610420227, -0.07909546792507172, 0.4548659026622772, 0.6560556888580322, -0.9102110862731934, -0.5129618048667908, -0.6942176222801208, -0.454897940158844, 0.6953209042549133, -0.07730640470981598, -0.05838987976312637, -0.8796811699867249, -0.6963111758232117, -0.46678200364112854, -0.3017772436141968, -0.2894652485847473, 0.9977809190750122, 0.21788427233695984, -0.13068130612373352, 0.4000523090362549, 0.9003241658210754, 0.11090081185102463, -0.14481094479560852, 0.17912088334560394, 0.20105861127376556, -0.09586048871278763, 0.5661740899085999, -0.0387633815407753, -0.8571730852127075, 0.13460464775562286, -0.3271845579147339, 0.24759115278720856, 0.10053323954343796, 0.3639788031578064, -0.944165050983429, -0.3763119578361511, -0.5675007700920105, -1.1963567733764648, 0.6534431576728821, -0.4656827449798584, -0.3409503102302551, 0.42512384057044983, -0.29510265588760376, -0.043696608394384384, -0.2152758240699768, 0.3421933650970459, -0.5460314154624939, 0.17444513738155365, -0.3677627146244049, 0.6249685883522034, -0.1947333812713623, -0.0784773975610733, -1.0914561748504639, -0.6445852518081665, -0.8853535652160645, 0.4367222785949707, 0.5690644383430481, -0.021507281810045242, -0.8110329508781433, 1.1586724519729614, 0.4895575940608978, -0.8259461522102356, -0.9541027545928955, 0.4727780520915985, -0.015750393271446228, 0.49074798822402954, 1.2230660915374756, -1.0057668685913086, 0.9271121025085449, 0.7855040431022644, 0.08092176914215088, 0.1348307728767395, 0.10083209723234177, 1.2963652610778809, 0.22500662505626678, 0.3360106647014618, -0.3469804525375366, -0.7808302044868469, 0.1677977442741394, -0.28600573539733887, -0.36517250537872314, 1.0740481615066528, 0.3156662583351135, 0.5289729237556458, -0.00021244585514068604, 0.3388800024986267, 0.13961882889270782, -0.4718271791934967, 0.706743597984314, 0.09343189001083374, -0.9049015045166016, 0.9553447365760803, -0.031076006591320038, 0.457973837852478, 0.4900209307670593, 0.6484370827674866, 0.1254914551973343, 0.7618305087089539, -0.190110445022583, 0.9167255163192749, 0.4153166711330414, 1.3344794511795044, -0.26333996653556824, -0.5199974179267883, 0.03457527980208397, 0.5157903432846069, 0.12031487375497818, -1.7688477039337158, 0.6326054930686951, -0.1112075001001358, 0.47603923082351685, -1.088156819343567, -0.2782287895679474, -0.09086503088474274, -0.5537315011024475, 1.4718605279922485, -0.7628958821296692, -0.1343567967414856, -0.31339049339294434, -0.4627523422241211, -0.04517344757914543, -1.6255320310592651, -0.4188268184661865, 0.15406763553619385, -0.8554934859275818, 0.9803115129470825, -0.19951896369457245, -0.08548565208911896, 0.18893654644489288, -0.2577626705169678, 1.0439099073410034, -0.6638415455818176, -0.1657545268535614, 0.14002487063407898, 0.284985214471817, -0.23713400959968567, -0.9797627925872803, -0.3764859139919281, -0.5083151459693909, 0.6990863680839539, -1.1257915496826172, 1.3486310243606567, 0.48641088604927063, -0.8470652103424072, -0.12108851224184036, 0.36646175384521484, -0.7291796207427979, 0.31015920639038086, 1.290302038192749, -0.9809082746505737, -0.07894566655158997, -0.6597347259521484, -0.018705062568187714, -0.11662700772285461, 0.9223169088363647, 1.292580246925354, -0.7220226526260376, -0.5248072743415833, -0.09454256296157837, 0.8613185882568359, -0.660619854927063, -0.629806637763977, -0.31745171546936035, 0.2824997007846832, 0.10487697273492813, 0.3717695474624634, 0.46718907356262207, 1.4212572574615479, -2.3011181354522705, -1.246778964996338, 0.08048003911972046, 0.12356729805469513, -0.30722108483314514, -0.06390494108200073, 0.8171439170837402, 0.2717360854148865, 0.01805754005908966, 0.7030882835388184, 0.3937205970287323, 0.28845325112342834, -0.0937066376209259, 0.7298133969306946, -0.4422960579395294, -0.3946193754673004, -0.23568293452262878, 0.1381102353334427, 0.4673474431037903, 0.5394089818000793, -0.7891494035720825, -0.2834828495979309, 0.16313102841377258, -0.35434892773628235, 0.7655581831932068, -0.6629029512405396, -0.27686238288879395, -0.6265755295753479, -0.9526922702789307, -1.3421216011047363, 0.4786752462387085, 1.564570426940918, -0.7137728929519653, 1.3169710636138916, -0.03725660964846611, 1.470367431640625, 0.7321151494979858, 0.09878136962652206, 0.5297446250915527, -1.1147499084472656, 0.1578604131937027, 0.13749048113822937, 0.0201333649456501, 0.2640972435474396, 0.01557108759880066, -1.2372338771820068, -0.24682731926441193, 0.8272076845169067, -0.3667847812175751, 0.3178485929965973, -0.10002262890338898, 1.5180877447128296, 1.2817978858947754, 1.7323931455612183, -1.311909794807434, -1.788709282875061, -0.13039827346801758, -1.385801911354065, -0.21457315981388092, 0.43321338295936584, 0.769519567489624, 0.4355587363243103, 0.9536322951316833, 0.27636003494262695, 1.2812755107879639, -1.3427624702453613, 0.1844504028558731, 0.29062655568122864, -0.048581600189208984, 0.611466109752655, 0.5351032614707947, 0.39623644948005676, 0.756026566028595, -0.16752499341964722, 0.04498946666717529, -0.3091130256652832, -0.3742418587207794, 1.3075706958770752, 0.802197277545929, -0.6448312997817993, -0.2519282102584839, -0.7799866795539856, 0.6542249917984009, -0.6079229712486267, 0.7406544089317322, -0.20169872045516968, -0.8723108768463135, -0.8831559419631958, -0.7541014552116394, -0.6983107328414917, 0.5445137619972229, 0.0983559638261795, -0.48455142974853516, -0.5917108654975891, 0.3315558135509491, 0.30676135420799255, -0.4274487793445587, -1.2308883666992188, 0.1665922999382019, -0.8421475291252136, 0.29486310482025146, -0.05938706547021866, -0.8759455680847168, -0.6919821500778198, -0.3478025197982788, -0.49425023794174194, 0.4907773733139038, 0.20598582923412323, -0.9662540555000305, -1.1759032011032104, -0.09999710321426392, -0.6017740964889526, 1.181894063949585, -0.027364544570446014, 0.0028318315744400024, -2.352044105529785, 0.5057345628738403, 1.5163521766662598, 0.343193382024765, -0.8347886204719543, 0.5002545714378357, -0.46359872817993164, -0.3199601471424103, 1.130962610244751]} +{"paper_id": "definite_pronoun_resolution", "embedding": [0.22813960909843445, 1.010047435760498, -0.5182394981384277, 0.08548344671726227, 0.2713022828102112, -0.17640015482902527, 0.3072948753833771, 0.24831455945968628, 1.2183398008346558, 0.4325540065765381, 0.43045786023139954, -0.649014949798584, 0.2811925709247589, 0.09310859441757202, 0.15549486875534058, -0.4969741702079773, -1.6537489891052246, -1.0880051851272583, -0.787289559841156, -0.3765662610530853, -0.9334681034088135, -0.5626000165939331, -0.24454282224178314, 0.48260414600372314, -0.39157843589782715, -0.6815784573554993, 0.4737255871295929, -0.9927096962928772, 0.3696018159389496, -0.3224375545978546, -0.3189886808395386, 1.1827120780944824, -1.4411998987197876, 0.6891285181045532, 0.14673590660095215, 0.19849856197834015, -0.7572129964828491, 1.332368016242981, -0.9663109183311462, -0.03669452294707298, 0.43245041370391846, 0.08567347377538681, 0.4358568489551544, 0.37539494037628174, 0.6947593092918396, 0.19470909237861633, 0.20806506276130676, -0.1308603435754776, -0.10909634083509445, 0.45437440276145935, -0.25233975052833557, -0.15579292178153992, 0.646813690662384, 0.6606013774871826, -0.28164419531822205, 0.5747688412666321, -0.09748189151287079, -0.5718854665756226, 0.7303215265274048, -1.282137393951416, 1.540493130683899, 1.7116302251815796, -0.6190877556800842, -0.12060128152370453, 1.1961990594863892, -0.18574246764183044, 1.4291132688522339, -0.3620375394821167, 0.40633589029312134, 0.885016679763794, -0.14435364305973053, -0.29811951518058777, -0.006140083074569702, 0.033349648118019104, -0.5688802003860474, 0.19694164395332336, -0.029886608943343163, 1.0333236455917358, 0.15276768803596497, 0.6062254905700684, -0.08779926598072052, 0.8500036597251892, 1.0068039894104004, -0.470909059047699, 0.5941293835639954, 0.2716446816921234, 0.3517898917198181, -0.13898660242557526, 0.5462768077850342, -1.9675966501235962, -0.18327108025550842, 0.4892309308052063, -0.4907347559928894, 0.28678658604621887, 0.14995375275611877, 1.250977635383606, 0.08859920501708984, -0.03304276615381241, -0.31290265917778015, -0.16841217875480652, 0.24261358380317688, -0.5700929164886475, -0.1144418716430664, -0.2869739234447479, -0.014250330626964569, 1.533401370048523, 0.4982452392578125, -0.5483837723731995, -1.2685850858688354, -0.3765648305416107, -0.4493551552295685, 1.7584413290023804, -0.7733213305473328, 0.7364004254341125, 0.14350247383117676, 0.17359277606010437, -0.08105889707803726, -0.2567686140537262, -0.15226197242736816, 0.3330618143081665, -0.7563650608062744, -0.9027400612831116, -0.18808427453041077, -0.17492356896400452, 0.6463277339935303, -0.988045871257782, -0.18675218522548676, -0.8079087138175964, 0.37303778529167175, 0.19266396760940552, 0.14715266227722168, -0.3550306558609009, -0.952638566493988, -0.14521567523479462, 2.3323116302490234, -0.9007610082626343, 2.0203945636749268, -0.950082540512085, 0.31329146027565, -0.3972865343093872, -0.010235320776700974, 1.3553729057312012, -0.20289358496665955, -0.08793723583221436, -1.0348188877105713, 0.17138122022151947, -0.3886224925518036, 0.3816416561603546, -0.7811062932014465, 0.007567901164293289, -0.20838510990142822, 0.2201249599456787, -0.9504697322845459, -0.4463525414466858, 0.0553947277367115, -0.27466678619384766, 0.04143757000565529, 1.1121009588241577, 0.10492165386676788, 0.6746563911437988, 0.24849751591682434, -0.535642147064209, -0.5744816064834595, 0.29130977392196655, -0.8871392011642456, -1.3947486877441406, 1.0961612462997437, -0.3794941008090973, -0.7430940270423889, -0.6434645056724548, 0.4869864284992218, 0.07999109476804733, 0.25780177116394043, 0.29272180795669556, -0.5350327491760254, 0.5638142228126526, 1.531522274017334, 0.51347416639328, 0.4470672607421875, -0.7623106241226196, -0.41895821690559387, -0.43300867080688477, -0.5356128811836243, 0.21201001107692719, -0.5824572443962097, 0.281532883644104, -2.3456902503967285, -0.21037568151950836, -0.9029327630996704, 1.2695691585540771, 0.26039156317710876, -0.08625989407300949, 0.20617231726646423, 0.6430545449256897, -0.38032954931259155, 0.23646755516529083, 1.1446006298065186, -1.586867332458496, -0.0474214032292366, -0.6059407591819763, -0.5356836318969727, -0.2825072705745697, 0.17429618537425995, 1.307694435119629, 1.0618274211883545, -0.56744384765625, -0.16412289440631866, -1.8366979360580444, -0.38507476449012756, 1.9851633310317993, 0.12390681356191635, -0.12171663343906403, -0.39883264899253845, -0.07979368418455124, 0.1706811785697937, -0.07371678948402405, 0.34176644682884216, -1.4077249765396118, 0.24420596659183502, -1.1430890560150146, 1.0217317342758179, 0.25169816613197327, 0.5784947276115417, 0.5490208864212036, 1.1573206186294556, -1.0926347970962524, -0.6114091873168945, -0.7257373929023743, -0.9920979738235474, 0.3548843562602997, 1.3680012226104736, 0.1900467425584793, 0.30044084787368774, 1.3900213241577148, 0.9427365660667419, 0.6532866954803467, 0.5115183591842651, 0.1362031251192093, -0.8638371229171753, 0.5123180150985718, -0.46235916018486023, 0.4254779815673828, 0.15756048262119293, 0.024407731369137764, 1.621914029121399, 0.21732506155967712, -0.6548534631729126, -0.5996179580688477, -0.509240448474884, 0.2689547538757324, 0.5933233499526978, 0.7336998581886292, -0.2956043481826782, 1.3772969245910645, -1.6564433574676514, 0.584288477897644, -0.14737294614315033, -0.639523983001709, -0.5359417796134949, -0.003943502902984619, 0.30877140164375305, 0.09263033419847488, -0.1327597200870514, -0.026856690645217896, -0.1991046667098999, -1.3171764612197876, -0.3860331177711487, 0.800495445728302, -0.3169286549091339, -1.2468513250350952, -0.508651614189148, -0.08447660505771637, -1.451570749282837, -0.35386601090431213, -0.6283342242240906, -0.4200271666049957, -0.29207316040992737, 0.3218843638896942, 2.8642148971557617, -0.17319263517856598, 0.042776919901371, -0.34412235021591187, 1.3565107583999634, -0.44787850975990295, 0.608402669429779, -0.09284955263137817, 1.1045421361923218, -0.6295138001441956, -0.2696903944015503, -0.5191838145256042, 0.8983559608459473, 0.5035387277603149, 0.49659836292266846, 0.49152880907058716, -0.005698591470718384, -0.3736083209514618, 1.5013033151626587, 0.6551674604415894, -0.07149700075387955, -0.6505469679832458, 1.4182597398757935, 0.5382535457611084, 0.1779680699110031, -0.11495400220155716, -0.25419753789901733, -0.13414539396762848, 1.1809465885162354, -0.8621866703033447, 1.094441533088684, 0.29364627599716187, 0.09437067806720734, -0.04989921674132347, -0.02496495470404625, -1.4281728267669678, 0.32361969351768494, 1.2412080764770508, -0.4421500563621521, -0.37379589676856995, -0.6592317819595337, 0.6485989689826965, -0.7137389779090881, -0.9025300145149231, 0.9724311828613281, -0.6495128273963928, -0.6202261447906494, -1.0741386413574219, 0.18949608504772186, 0.22771292924880981, -0.6155175566673279, 0.8965328931808472, 1.2411915063858032, 0.6679462194442749, -0.1881982982158661, -0.24011415243148804, 0.8860856294631958, -0.3751439154148102, 0.9847581386566162, 0.4370868504047394, 1.3846157789230347, 1.2860305309295654, -0.2598021924495697, -0.8587480187416077, 0.4786551594734192, 0.4803451597690582, 0.2070658653974533, -0.4420774579048157, -0.5195805430412292, 0.3998328149318695, -0.8409966230392456, 0.9714866280555725, 0.07115793228149414, -1.2090141773223877, -0.9476264119148254, -0.3413693308830261, 0.3388868570327759, -0.9227795004844666, 1.3270689249038696, 0.6651617884635925, 0.9298762679100037, -0.13730892539024353, 0.7899233102798462, -0.30885306000709534, 0.06295406818389893, 0.863037645816803, -0.3254532217979431, 0.2387019544839859, -0.4686536192893982, 0.5873731374740601, 1.2560303211212158, 0.4296020567417145, -0.6259925961494446, 0.13711364567279816, 0.6063408851623535, -0.01039271429181099, 0.07869666814804077, -0.27348560094833374, 0.440182626247406, 0.6796911358833313, 0.7912656664848328, -0.8678772449493408, -1.1178101301193237, 0.4916952848434448, 0.2578681409358978, 0.39068862795829773, 0.5202930569648743, -1.367440104484558, 0.4355962872505188, -0.14462512731552124, 0.3984958529472351, -0.13201528787612915, 1.6099193096160889, 0.448528915643692, -0.45934268832206726, -1.6340965032577515, -0.01387767493724823, -0.5950329303741455, -0.17689263820648193, 0.14527350664138794, -0.8529461026191711, 0.02678309567272663, 0.8406984806060791, 0.4558979868888855, -0.8917693495750427, 0.46500858664512634, -0.9812998175621033, -1.6138343811035156, 1.5607473850250244, 0.890929102897644, -1.8129527568817139, -0.8679966926574707, 0.03155979514122009, -0.6336932182312012, -0.15768474340438843, 0.10523691028356552, -1.4881200790405273, 0.7423104643821716, 0.05198732763528824, 0.5145753026008606, 0.21230193972587585, -0.10253913700580597, -1.2791653871536255, 0.7725659608840942, 1.615182638168335, -0.22762608528137207, 0.7728289365768433, 0.7816811203956604, 0.7382468581199646, 0.6022078990936279, -0.6781104207038879, 0.07255517691373825, 0.3218105733394623, -0.7639234066009521, -0.5353350043296814, -0.7969485521316528, -0.7046239972114563, 0.9678888320922852, 0.16967692971229553, 0.40093177556991577, -0.5279054045677185, 0.9651229977607727, -0.44204121828079224, 0.5483701229095459, 0.3179795444011688, -0.1956646740436554, -1.6732409000396729, 0.5907585620880127, -0.6791101098060608, 0.32214099168777466, 0.2888747453689575, 0.01207011565566063, 2.3165619373321533, -0.2756989002227783, -0.47731250524520874, -0.5779289603233337, -10.346299171447754, 0.5051953196525574, 0.03956177830696106, 0.4691348075866699, 0.20298008620738983, -0.5811598300933838, -0.3659496307373047, -0.7120993137359619, 0.9525513052940369, -0.12377328425645828, 0.1968141496181488, 1.1490309238433838, 0.18131011724472046, -0.11737868189811707, -0.1670551598072052, -0.5710256099700928, -0.6731095314025879, -0.9386508464813232, -0.3639345169067383, 0.992907702922821, -0.8719721436500549, -1.1402649879455566, 0.23903970420360565, -0.07499931752681732, 0.5630448460578918, 0.38108164072036743, -0.6708657145500183, -0.5627754926681519, -0.13890480995178223, 0.29560890793800354, 1.096260905265808, -0.6563268899917603, -0.6291232705116272, -0.0683656707406044, -0.035026416182518005, -0.1711166948080063, -0.4603096842765808, -0.1494578868150711, 0.675494372844696, -0.6925199627876282, 0.5267727971076965, -0.19767522811889648, 0.40231233835220337, -1.2670494318008423, -0.24295133352279663, -0.23715373873710632, -0.13880100846290588, -0.48618751764297485, -0.8917348980903625, -0.08281926810741425, -0.042366668581962585, -0.43937352299690247, -1.8267364501953125, -0.5839932560920715, -0.40413472056388855, -0.7137187123298645, -1.2634379863739014, 1.613415241241455, -1.1051921844482422, -1.460583209991455, 0.8006099462509155, 0.5074452757835388, -0.44262948632240295, 0.9205387830734253, 0.3099745213985443, -0.3556797504425049, -0.07703127712011337, 0.17868925631046295, -0.4782211482524872, -0.1480376124382019, -0.6213223338127136, 1.1762372255325317, 0.04698418453335762, 0.7923787832260132, -0.3234456777572632, 0.4392510950565338, -0.7840988039970398, -0.9607601761817932, 0.4967138469219208, 0.42158713936805725, -1.2111515998840332, 0.2075388878583908, -0.24320001900196075, 0.13167425990104675, -1.157537817955017, 0.9013072848320007, -0.37214845418930054, 0.033262889832258224, 0.1990286409854889, -0.9247856140136719, 0.8447973728179932, 0.1248813346028328, 0.18111343681812286, 0.005737338215112686, -0.18601837754249573, 0.3722996115684509, -0.47909483313560486, 1.0855436325073242, 0.10365904867649078, -0.22451049089431763, 0.8076794147491455, 0.2986195385456085, -1.0207247734069824, 0.5013427734375, 0.7586601376533508, 0.4684283137321472, 0.5313118696212769, -0.3660205006599426, -0.15580174326896667, -0.23373901844024658, 1.1517800092697144, 0.3173077404499054, -0.06517714262008667, 1.016204595565796, -0.12251871824264526, 0.5534752607345581, 0.6562137603759766, 0.6976466178894043, -0.16904592514038086, 0.40242382884025574, -0.41416215896606445, 0.5215843915939331, 0.2372913807630539, 1.5406968593597412, -0.19575385749340057, 0.1250864565372467, 0.3650202751159668, 0.540433943271637, 0.11616111546754837, -2.0378565788269043, 0.71463543176651, -0.5809415578842163, 0.4864453375339508, 0.3559659421443939, -0.22283194959163666, -0.37492525577545166, -0.14516234397888184, 1.4616574048995972, -0.42911815643310547, 0.3707849085330963, -0.2677435278892517, -0.6627569794654846, -0.6398137211799622, 0.18995173275470734, -0.8906508088111877, 0.3419959545135498, -1.8310809135437012, 0.3805915117263794, -0.2043117880821228, -0.39157938957214355, -0.34135353565216064, -0.26236480474472046, 1.163156270980835, 0.04459831118583679, 0.5124402046203613, 0.14142286777496338, 0.8575129508972168, -0.3493364155292511, -0.6905257105827332, 0.7524982690811157, 0.5820318460464478, 0.9855591654777527, -0.5980867147445679, -0.09449418634176254, 0.15336839854717255, -0.8462618589401245, -0.36803194880485535, 0.08568675816059113, -1.0752371549606323, 0.34721335768699646, 0.5371752381324768, -1.2319623231887817, -0.27746206521987915, -0.7057192325592041, -0.42614760994911194, -1.2092900276184082, 0.6956650018692017, 0.4447302520275116, -0.4324730336666107, -0.25689834356307983, -0.47263792157173157, 0.4711620807647705, 0.28326472640037537, 0.04179660975933075, -0.7110695838928223, -0.23452132940292358, -0.7524546384811401, 1.0144457817077637, -0.21806900203227997, 0.8656561970710754, -1.5289825201034546, -1.6188156604766846, -0.7986650466918945, 0.25189676880836487, 1.7361074686050415, -0.07551343739032745, 1.0205284357070923, 0.33174535632133484, 0.7435153722763062, -0.24201920628547668, 0.03142835944890976, 0.7740883231163025, -0.17483346164226532, 0.11646974086761475, -0.998654842376709, 0.44570276141166687, -0.5097045302391052, 0.4975232481956482, 0.7593890428543091, 1.0113099813461304, -1.486132025718689, -0.6745160222053528, -0.22863975167274475, 0.12098437547683716, -0.6253299713134766, -1.3397947549819946, 0.33131012320518494, -0.5331311821937561, -0.45173850655555725, -0.30534297227859497, 0.028944365680217743, 1.286484956741333, -0.5688666105270386, 0.3646983504295349, 1.1871601343154907, 0.32526975870132446, 0.11445968598127365, -0.1355045884847641, 0.6150833368301392, 0.5149531960487366, 0.9416629076004028, -0.3483755886554718, -0.33456480503082275, 0.5083628296852112, 0.0485711544752121, 0.09517122805118561, -0.12590810656547546, 0.2940306067466736, -0.9007680416107178, 0.8396751880645752, 0.6770878434181213, -0.5049888491630554, 0.4444534182548523, 0.9273164868354797, 0.31835436820983887, -1.1404813528060913, -0.059737738221883774, -0.4149235486984253, 0.008606955409049988, 0.5297247171401978, 0.5235860347747803, 1.2497529983520508, 0.5896713733673096, 0.5165910124778748, 1.3393446207046509, 0.035717032849788666, 0.505010187625885, 0.1867261528968811, -0.8525498509407043, 1.1103986501693726, 0.5906828045845032, -0.05507031828165054, 0.14740243554115295, -0.1553601324558258, -1.2764582633972168, 0.1280442178249359, -0.45578521490097046, 1.0490621328353882, 0.18341518938541412, 0.1597108244895935, 0.5028401613235474, -0.9894995093345642, 0.6653164625167847, -0.7716999053955078, 0.7081268429756165, -0.10428953170776367, -0.8724674582481384, -1.1559250354766846, -1.1282334327697754, -1.1959381103515625, 0.9999486804008484, -0.3617503345012665, -0.41225963830947876, -0.21818815171718597, -0.059066031128168106, 0.2144719958305359, -0.65976881980896, -1.093435525894165, 0.14371232688426971, -0.6728482246398926, 0.2532545328140259, 0.6315115690231323, -0.6294922232627869, -1.0032398700714111, -0.5603472590446472, -0.9294646978378296, 0.6645631790161133, 0.16146975755691528, -1.400814175605774, -0.9152172803878784, 0.1702968329191208, -0.030860669910907745, -0.1036897599697113, 0.21577800810337067, -0.6364930868148804, -2.0142319202423096, 0.42275676131248474, 0.7255136370658875, -0.13525716960430145, -0.6337023973464966, 0.1925857663154602, 0.6732102036476135, 0.13055017590522766, 0.8138962388038635]} +{"paper_id": "search_qa", "embedding": [-0.6250086426734924, 1.058949589729309, 0.22554752230644226, -0.16187992691993713, 0.26688674092292786, -0.14244209229946136, 0.275186687707901, 1.4479120969772339, 1.0013978481292725, 0.710774838924408, 0.3134571611881256, 0.2605140209197998, 0.30934303998947144, 0.2588200867176056, -0.5417358875274658, -0.308641254901886, -0.5565065741539001, -0.509224534034729, -1.232791781425476, -0.5447254180908203, -0.5220688581466675, -0.9393298625946045, 0.1392095386981964, 0.997451901435852, -0.8649480938911438, -1.151082158088684, 0.9851186275482178, -1.5093098878860474, 0.6666736006736755, 0.23282387852668762, 0.2189197838306427, 0.9945904612541199, -1.5511940717697144, 0.4682067930698395, -0.49628475308418274, -0.5417627096176147, 0.4832479953765869, 0.648068904876709, -0.049078237265348434, -0.4100373685359955, -0.2842423617839813, 0.020772799849510193, 0.5004818439483643, 0.2779882848262787, 1.3728201389312744, -0.8241646885871887, 0.4931437373161316, 0.012563377618789673, -0.3916202187538147, -0.29979950189590454, -0.9896693229675293, 0.06604008376598358, -0.26063787937164307, 1.1580721139907837, -0.21599632501602173, 1.088144302368164, 0.14376983046531677, -0.6365212202072144, 0.874747097492218, -1.064835548400879, 1.824011206626892, 1.7443264722824097, -0.0862080454826355, 0.3837670087814331, 1.2162654399871826, 0.03382717818021774, 1.359990119934082, 0.2214287668466568, -0.21311840415000916, 0.4280495345592499, -0.028470560908317566, -0.6082092523574829, 0.6973916292190552, -0.005137056112289429, 0.035924527794122696, 1.06450617313385, 0.6388243436813354, -0.23572632670402527, 0.2506565749645233, -0.39342984557151794, -0.45302772521972656, -0.056814998388290405, 0.6755946278572083, -0.14876636862754822, 0.09340256452560425, 0.0869748592376709, 0.12426701188087463, -0.9841158986091614, 0.49235814809799194, -1.6499011516571045, 0.38521939516067505, 0.33561959862709045, 0.2225220799446106, -0.5130550861358643, -0.4626041054725647, -0.05085627734661102, -1.1898036003112793, -0.37887346744537354, -0.587746262550354, 0.5311641693115234, 0.5446146726608276, 0.15232381224632263, 0.30846166610717773, -0.07197024673223495, 0.43324190378189087, 0.19816172122955322, 0.1905789077281952, 0.024578237906098366, -0.34031227231025696, -0.733884334564209, 0.2570094168186188, 0.5587554574012756, -0.09585131704807281, 0.5968567132949829, 0.1338781863451004, 0.1555386483669281, 0.3630582094192505, -0.720543622970581, -0.3283573091030121, 0.06208128482103348, 0.0014680121093988419, -1.3863228559494019, -0.037612736225128174, -0.04699735715985298, 0.42781245708465576, -0.5628423094749451, -0.20426641404628754, -0.6214264035224915, -0.19166238605976105, 0.28201088309288025, 1.0001367330551147, -0.01652386039495468, -1.0431194305419922, -0.47206827998161316, 3.5685675144195557, -1.2899446487426758, 1.484020471572876, -0.7042248845100403, -0.04190807789564133, -0.7721742987632751, -0.8655137419700623, 1.2436065673828125, 0.12489878386259079, -0.8142328858375549, -0.5920222401618958, 0.1203051209449768, -0.2458491325378418, 0.5431718230247498, -0.8839166164398193, -0.26296642422676086, -0.34305983781814575, 0.22419902682304382, -1.613397479057312, -0.6134069561958313, -0.07421007752418518, 0.6064393520355225, -0.36440837383270264, 0.6897702813148499, -0.3055018484592438, 0.7506518363952637, 0.5786523222923279, -0.10794626176357269, -0.07849957793951035, 0.3203863799571991, -0.5494576096534729, -0.5283244252204895, 0.8124339580535889, -0.221596360206604, -0.5946744680404663, -0.3033181130886078, 0.15627652406692505, -0.16034939885139465, -0.08776289224624634, -0.20323346555233002, 0.0606745108962059, 0.5632115006446838, 0.36651691794395447, 0.23664385080337524, 0.1615913063287735, -0.5689573884010315, -0.55821293592453, -0.1330414116382599, 0.010333754122257233, 0.6981064081192017, 0.6095355749130249, 0.7487736940383911, -2.3170084953308105, 0.04815221205353737, 0.23759572207927704, 0.2972739040851593, 0.39450162649154663, -0.013963337987661362, -0.027904905378818512, -0.24015216529369354, -0.18338489532470703, -0.4103930592536926, 0.20069782435894012, -0.7958225607872009, 0.07996299862861633, 0.514974057674408, -0.30522632598876953, 0.34371137619018555, -0.10387464612722397, 0.8618541359901428, 0.5271532535552979, -0.20603489875793457, -0.7241138219833374, -1.8544909954071045, 0.42392536997795105, 2.6258463859558105, 0.2825297713279724, -0.7823424935340881, -1.449216365814209, -0.40274232625961304, -0.017439410090446472, 0.04141414538025856, -0.003971405327320099, -0.5478383302688599, 0.18443915247917175, -0.7496597766876221, 0.7032713294029236, -0.6326113343238831, 0.6648508310317993, 0.3896273076534271, 1.3494584560394287, -0.8138746023178101, 0.18511849641799927, -0.40538015961647034, -0.5256021022796631, 0.8163513541221619, 0.5077444911003113, 0.24416404962539673, 0.1239129975438118, 1.3861569166183472, 0.45561087131500244, 0.8569775819778442, 0.7863580584526062, 0.8887435793876648, -0.6476541757583618, 0.07195001095533371, -0.034210920333862305, 0.9375309944152832, 0.031722426414489746, 0.41667601466178894, -0.20022347569465637, 0.35038331151008606, -0.5006076097488403, -0.5688979625701904, 0.30305927991867065, -0.1010458692908287, 1.2733163833618164, 0.4102354645729065, -0.31150323152542114, 0.5016469359397888, -0.20842090249061584, -0.7932563424110413, -0.4420076310634613, -0.3503037691116333, -0.40003377199172974, -0.8320969343185425, 1.2846866846084595, -0.25786006450653076, 0.2544668912887573, 0.1567106693983078, 0.026859186589717865, -1.2511801719665527, -0.4538462460041046, 0.3344998359680176, -0.46545833349227905, -1.00507390499115, -0.20854716002941132, 0.1258445531129837, -1.235288381576538, -0.6576869487762451, -0.22258876264095306, 0.09328063577413559, 0.1550087034702301, 1.296445369720459, 1.8916659355163574, -0.19207507371902466, 0.585404634475708, 0.07238146662712097, 1.0410906076431274, -0.7046853303909302, 0.37624216079711914, -0.11676102876663208, 0.05064832791686058, -1.1240404844284058, 0.727228045463562, -0.5097178220748901, 0.3286384046077728, 0.9067537784576416, -0.513826310634613, 0.6240320801734924, -0.19706496596336365, -1.3416225910186768, 0.8930134773254395, -0.1995726078748703, -0.3870649039745331, -0.11502329260110855, 1.7859985828399658, -0.03254220634698868, -0.5934781432151794, 0.7590012550354004, -0.4079587757587433, -0.25108596682548523, 0.929485559463501, -0.23408609628677368, -0.018463673070073128, 0.42811328172683716, 0.12446916103363037, 0.1606243997812271, 0.6860266923904419, -2.101177930831909, 1.0477280616760254, 0.9881932139396667, 0.17878036201000214, -0.6042808294296265, -1.21798837184906, 0.06068342924118042, -0.3360227346420288, 0.427973210811615, 0.5329387784004211, -0.5462575554847717, 0.8547749519348145, -0.06607146561145782, 0.17850305140018463, 1.046982765197754, -0.4187580943107605, 0.42483988404273987, 0.7545502185821533, -0.2611488103866577, -0.5267455577850342, -0.25924602150917053, 0.6757413744926453, -0.5035610795021057, -0.1686881184577942, 0.15280646085739136, 0.6225183606147766, 0.8875600099563599, -0.3935835361480713, -0.47743678092956543, 0.7375937700271606, 0.3305143713951111, 0.07925426214933395, 0.14971177279949188, -0.4113315939903259, 0.4113299250602722, -0.03511038050055504, 0.9688420295715332, -0.223027765750885, -0.6134369373321533, -0.995303213596344, -0.15290690958499908, -0.29821163415908813, -0.17972499132156372, 1.9766335487365723, 0.13523021340370178, 1.89717698097229, -0.2486868053674698, 0.3494662940502167, -0.4909764230251312, -0.3137681782245636, 0.9054191708564758, 0.5473638772964478, 0.28372013568878174, -1.032070517539978, -0.6151833534240723, 0.534887969493866, 0.12260998040437698, -0.20799094438552856, 0.0472944974899292, 0.7535756826400757, 0.030583718791604042, -0.9228130578994751, 0.6779725551605225, 0.8985514640808105, 0.400015264749527, 1.5284104347229004, -0.48655611276626587, 0.4397869408130646, 0.2542278468608856, 0.24649527668952942, 0.24167904257774353, 0.13045719265937805, -0.07206230610609055, 0.8886969089508057, 0.18980464339256287, 0.39720824360847473, 0.2182072252035141, 1.101999282836914, 1.5016734600067139, -0.49896177649497986, -1.4725003242492676, -0.47413527965545654, -0.8245975375175476, -0.021891659125685692, 0.11981867998838425, 0.22782373428344727, -0.7907293438911438, 0.3297620117664337, 0.11629415303468704, -0.6660286784172058, 0.6649763584136963, -0.4659293591976166, -1.225454330444336, 0.9654470682144165, 1.583804965019226, -0.7630225419998169, -0.4057001769542694, -0.5830073356628418, -1.5375878810882568, -0.3229122757911682, -0.27874669432640076, -0.9766340851783752, 0.6063079833984375, 0.2230338305234909, 0.832541823387146, -0.13755352795124054, -0.05294308438897133, -1.48794686794281, 1.0508249998092651, 0.5708955526351929, -1.087937593460083, 0.3269350826740265, -0.5518819689750671, 0.5017125010490417, 0.03006684221327305, -1.1989755630493164, -1.0123237371444702, 0.757698655128479, -0.2619613707065582, 0.20958147943019867, -1.3900132179260254, -0.5946524143218994, 0.09043203294277191, 0.09504233300685883, 1.0318167209625244, -0.9681463241577148, -0.025691349059343338, -0.2906937897205353, -0.5261510610580444, 1.0735365152359009, -0.6064187288284302, -0.34522387385368347, 0.8747207522392273, -0.3835691511631012, 0.6458839178085327, -0.6977313756942749, 0.1403690129518509, 1.7662090063095093, 0.025591827929019928, -0.19904249906539917, -0.37322208285331726, -11.502387046813965, 0.8659158945083618, 0.07059948146343231, 0.21286211907863617, 0.9384469389915466, -0.03603499382734299, 0.7480596303939819, -0.19754210114479065, 0.5445709228515625, -0.9943315386772156, 0.44602665305137634, 0.8033079504966736, 0.5346511006355286, -0.23151303827762604, -0.495045006275177, -1.590423583984375, -0.17012742161750793, -0.4928620457649231, 0.4883059859275818, 0.08730650693178177, 0.22233767807483673, -0.6765763163566589, -0.3155736029148102, 0.31729254126548767, 0.2976348400115967, -0.07104968279600143, -0.5208815336227417, -0.373757928609848, -0.5476714968681335, -0.5117527842521667, 0.4362180531024933, -0.08156122267246246, -0.20341750979423523, -0.46531471610069275, -0.15927496552467346, -0.2077454775571823, -0.8081380128860474, -0.0704541951417923, 0.6307191848754883, -0.015190591104328632, -0.7432006001472473, -0.15786181390285492, 0.7323444485664368, 0.08487286418676376, 0.04278450831770897, 0.14585812389850616, 0.35962042212486267, -1.0646754503250122, 0.3716544210910797, -0.17210713028907776, -0.6368619799613953, -0.10817740857601166, -0.5911920666694641, -0.30989527702331543, 0.18377183377742767, 0.9438084363937378, -0.8125773668289185, -0.6466167569160461, -0.198847234249115, -0.9317492246627808, 0.8092733025550842, 0.1829008162021637, -0.282484233379364, 0.10707917809486389, -0.07017365843057632, -0.02936982363462448, 0.19944681227207184, -0.2113703042268753, -0.482444167137146, 0.7170776724815369, -0.7832565903663635, 0.9028282165527344, 0.22089266777038574, 0.03800700604915619, -1.2475991249084473, 0.29170528054237366, -1.1792104244232178, 0.07905139774084091, 0.2365727424621582, 0.3111201226711273, -1.3705016374588013, 0.9516340494155884, 0.4879964590072632, -0.7316653728485107, -0.8126835823059082, 0.2968641221523285, -0.30791211128234863, 0.7289153337478638, 0.8101807832717896, -0.8212379217147827, 1.3928929567337036, 0.5897393822669983, -0.617451012134552, -0.5014047622680664, -0.10502059012651443, 0.6161808967590332, -0.641057550907135, 0.42076441645622253, 0.2188607156276703, -0.3675541281700134, 0.34547147154808044, -0.6095528602600098, -0.7991901636123657, -0.22271908819675446, 0.602573573589325, 0.11376103013753891, 0.44475889205932617, -0.008880801498889923, -0.06991642713546753, -0.6038229465484619, 1.1080186367034912, 0.26841676235198975, -0.6240509152412415, 0.7225266695022583, -0.3014693856239319, 0.9421447515487671, 0.34104177355766296, 0.34771546721458435, 0.14994682371616364, 0.852149248123169, -0.4848167300224304, 1.0064632892608643, 0.27247950434684753, 1.0533028841018677, -0.46034103631973267, -0.05472763255238533, 0.39555323123931885, 0.7136469483375549, -0.05484332889318466, -0.9008787870407104, 0.26128262281417847, -0.4576307237148285, 0.046147726476192474, -1.27413010597229, -0.5508577823638916, 0.09074197709560394, -0.22892890870571136, 1.6809817552566528, -0.7531790137290955, -0.5328369736671448, -0.454265832901001, -0.16103994846343994, -0.47951704263687134, -1.541723608970642, -0.7158637046813965, 0.14232340455055237, -0.8431578874588013, 0.14174464344978333, -0.4636550843715668, -0.233086496591568, -0.22000202536582947, -0.411796897649765, 1.3380413055419922, -0.9140987992286682, -0.5821932554244995, -0.5711053013801575, 0.11494459211826324, -0.4604348838329315, -0.9261572360992432, -0.4074537456035614, 0.15643906593322754, 0.9882781505584717, -1.326637625694275, 1.4460320472717285, 0.34348222613334656, -0.02421683445572853, -0.7856652736663818, 0.5523139238357544, -0.41331472992897034, 0.2168760597705841, 0.7545902729034424, -0.510809600353241, -0.2516556978225708, -0.6681801080703735, -0.6550883650779724, -0.6215055584907532, 0.5799262523651123, 1.1875388622283936, -1.3038681745529175, 0.047052547335624695, 0.11399929225444794, 1.1980705261230469, 0.10111410915851593, -0.0405200719833374, -0.10817962139844894, 0.22099122405052185, 0.17340043187141418, 1.037783145904541, -0.08978497982025146, 0.9767336249351501, -1.6616714000701904, -1.4073147773742676, -0.6993539929389954, -0.18004250526428223, 0.7004594206809998, 0.31581950187683105, 0.5519213676452637, 0.4787660837173462, 0.07893812656402588, 0.0020596012473106384, 0.006557853426784277, 0.806779146194458, 0.7124320864677429, 0.874049961566925, -0.09143947809934616, 0.2858883738517761, -0.4373084008693695, -0.1652914583683014, 0.39790675044059753, 1.0224318504333496, -1.1580147743225098, -0.07979748398065567, 0.39395809173583984, -0.03969741240143776, 0.15349063277244568, -1.2766311168670654, 0.33851003646850586, -0.5252074003219604, -0.6976974010467529, -1.3529808521270752, 0.1506604105234146, 0.549799919128418, -0.8934752941131592, 1.1200705766677856, 0.3182772099971771, 1.1871898174285889, 0.257016658782959, 0.24583487212657928, 0.7606936693191528, -0.16160941123962402, -0.18678440153598785, 0.3255833387374878, 0.6150308847427368, -0.15661293268203735, -0.7341522574424744, -1.2339814901351929, -0.6323431134223938, 0.7627831101417542, -0.3685051202774048, 0.6508840322494507, -0.33316856622695923, 0.5038286447525024, 0.7900222539901733, 1.2515754699707031, -0.38361018896102905, -1.6842122077941895, -0.3098145127296448, -1.5917619466781616, 0.06614339351654053, 0.7568675875663757, 0.08190294355154037, 0.735957682132721, 0.7502928376197815, -0.19108371436595917, 0.992972195148468, -0.8547178506851196, 0.3398471474647522, 0.19495582580566406, -0.23112444579601288, 0.8749032616615295, 0.6451035141944885, 0.2501581013202667, 0.2099534273147583, -0.4868718087673187, -0.5870922803878784, 0.17336854338645935, -0.6559768915176392, 0.6238431930541992, 0.6252596974372864, -0.42909082770347595, -0.6204418540000916, 0.06538914889097214, 1.3028814792633057, -0.957525908946991, 1.095546841621399, -0.22539640963077545, -0.3314672112464905, -0.7596672177314758, -0.7028557658195496, -0.0435955747961998, 0.4537043273448944, 0.02743956819176674, 0.018875520676374435, 0.13619409501552582, 0.43867912888526917, 0.12646031379699707, 0.16810829937458038, -0.8694445490837097, -0.2879149615764618, -0.8200476169586182, 0.035772599279880524, 0.005321701988577843, -0.593256950378418, -0.2723275125026703, 0.08681410551071167, -0.9568672776222229, 0.7475119829177856, 0.2642934322357178, -0.9237733483314514, -0.6366403102874756, 0.4687198996543884, -0.02019861340522766, 0.31947919726371765, 0.29763421416282654, -0.0808190256357193, -1.7717626094818115, 0.41864097118377686, 1.4354524612426758, -0.3515901267528534, -0.4881235957145691, -0.42687302827835083, 0.373872846364975, 0.3004136383533478, 0.7712993621826172]} +{"paper_id": "reuters21578", "embedding": [-0.69014573097229, 0.5850061178207397, -0.04113498702645302, -0.20323686301708221, 0.2551412880420685, -0.22065895795822144, 0.37226173281669617, 0.399589478969574, 0.5438952445983887, 1.0747005939483643, 0.5767052173614502, -0.1165720596909523, 0.24033543467521667, -0.5954627990722656, -0.4033813774585724, -0.06465950608253479, -0.6840003132820129, -0.4997921884059906, -0.40377259254455566, -0.260367751121521, -0.8404754400253296, -0.20248861610889435, 0.0820111334323883, -0.1216893419623375, -0.6616716980934143, -0.571655809879303, -0.13539506494998932, -0.22702188789844513, 0.7720672488212585, 0.4119088649749756, -0.07286336272954941, 0.8118612766265869, -1.4183423519134521, -0.12246796488761902, -1.1562142372131348, 0.3849262297153473, 0.498826265335083, 0.7493368983268738, -0.54982590675354, -0.11915275454521179, -0.6726131439208984, -0.6091797351837158, 0.6118476390838623, 0.2879240810871124, 0.8349249958992004, -0.05121252313256264, 0.5145472884178162, 0.25413113832473755, -0.149481862783432, 0.33961087465286255, 0.2858712673187256, 0.7820367217063904, -0.2586592435836792, 0.2787327170372009, -0.7349854707717896, 0.28225570917129517, 0.11175345629453659, -0.4137146770954132, 0.05597420781850815, -1.2794010639190674, 0.5833322405815125, 0.5789007544517517, 0.23241472244262695, -0.17187361419200897, 0.9319559931755066, -0.12842954695224762, 0.36038362979888916, 0.21320633590221405, 0.47182026505470276, 1.0346969366073608, -0.2366187572479248, -0.9665426015853882, 0.16618067026138306, -0.4149453341960907, 0.14921081066131592, 0.924960732460022, -0.1934237778186798, -0.9405165910720825, 0.3466447591781616, -0.1476462185382843, -0.38264793157577515, 0.5235946178436279, 0.37689274549484253, -0.02808269113302231, -0.42301446199417114, -0.6742997169494629, 0.4022085666656494, -0.14025136828422546, 0.3526165187358856, -1.1838719844818115, 0.7229415774345398, -0.12827977538108826, 0.03620936721563339, 0.21435537934303284, 0.22761769592761993, -0.45400330424308777, -0.3969593644142151, 0.30758702754974365, -0.7301039695739746, 0.38936376571655273, 0.6427673101425171, -0.43429040908813477, 0.1902901828289032, 0.555442750453949, 0.2622084617614746, 0.8736900687217712, -0.6783523559570312, -0.00805746391415596, -0.28249645233154297, -0.45216450095176697, -0.7589758634567261, 0.9295021295547485, 0.5757763385772705, 0.011972745880484581, -0.139120951294899, 0.15513646602630615, 0.20329830050468445, 0.05584527552127838, -0.903767466545105, -0.36459434032440186, 0.10125964879989624, -1.606891393661499, -0.18193498253822327, -0.1320580691099167, 0.586066722869873, -0.23854011297225952, 0.8542490005493164, 0.06612376123666763, -0.34823518991470337, -0.19067592918872833, 0.9580974578857422, 0.1308470368385315, -0.37363430857658386, -0.029261164367198944, 1.879367709159851, -0.7764600515365601, 0.9513429403305054, -0.14928407967090607, 0.4066707193851471, -0.36280983686447144, -0.3391571044921875, 0.6893153190612793, 0.2735544443130493, -0.3627408444881439, -0.5688096880912781, -0.49081704020500183, 0.1347942352294922, 0.6753089427947998, -0.6005547046661377, 0.037781599909067154, 0.035190925002098083, 0.9878780245780945, -0.9768694639205933, -0.863167405128479, 0.18205991387367249, 0.37757447361946106, 0.8782935738563538, 0.05177919194102287, -0.796812891960144, 0.6622767448425293, 0.8228407502174377, 0.3070012331008911, -0.49518072605133057, 0.511842668056488, -0.6216224431991577, 0.264815092086792, 0.9458246827125549, 0.26525333523750305, -0.2966673672199249, 0.07444987446069717, 0.07740143686532974, -0.6272338032722473, 0.642837643623352, 0.027523882687091827, 0.004369329661130905, 0.14280638098716736, 0.26235899329185486, 0.36247512698173523, 0.5764880776405334, -0.690050482749939, 0.41740137338638306, 0.215560644865036, -0.010088369250297546, 0.2945599853992462, 0.47512152791023254, 0.09706112742424011, -1.0616562366485596, 0.3954775333404541, -0.3667345643043518, 0.24180054664611816, -0.17074096202850342, -0.787325382232666, 0.18678277730941772, 0.3089201748371124, -0.0385204553604126, -0.1671891063451767, 0.5583432912826538, -0.7805814743041992, -0.7420099377632141, 1.489073634147644, 0.23709818720817566, 0.15806660056114197, -0.13390475511550903, 0.7007296085357666, 0.6227321028709412, -0.2793383002281189, 0.08064554631710052, -1.1662184000015259, 0.4690152406692505, 1.2204065322875977, -0.3349897563457489, -0.5084437131881714, -0.884412407875061, -0.15312163531780243, 0.5018277764320374, -1.0437508821487427, 0.16066792607307434, -0.4192756414413452, -0.2717633545398712, -1.4854072332382202, 0.2976084053516388, -0.6265339851379395, -0.3549230098724365, -0.2144475132226944, 0.9648072719573975, -0.5680074691772461, -0.698205828666687, 0.17246843874454498, -1.402724027633667, 0.6786384582519531, 0.7015908360481262, 0.21331799030303955, -0.14491774141788483, 0.21237897872924805, 0.18724346160888672, -0.08330456912517548, -0.03639419004321098, 0.25550705194473267, -0.36536478996276855, -0.38487812876701355, -0.19889792799949646, 0.47112083435058594, -0.6368368864059448, -0.06952054053544998, 0.5181648135185242, 0.2516641616821289, 0.3208055794239044, -0.7364654541015625, -0.3873291611671448, -0.08531714230775833, 0.8458482623100281, 0.7705280184745789, 0.05160537362098694, 1.0687956809997559, -0.1410842090845108, -0.23434117436408997, 0.44670370221138, -0.05401124805212021, 0.0883421003818512, -0.4593459963798523, 0.6529224514961243, -0.027071550488471985, 0.08242657780647278, -0.2737538516521454, -0.1262047290802002, -0.40515056252479553, -0.3989461064338684, 0.2997525632381439, -0.6930221915245056, -0.448851078748703, -0.6950939297676086, 0.14496292173862457, -0.3310836851596832, -0.35270723700523376, -0.32059359550476074, 0.38139262795448303, -0.25020912289619446, 0.6543306112289429, 0.31983721256256104, -0.031910546123981476, 0.3980303704738617, -0.5272574424743652, 0.029454350471496582, 0.1908639669418335, 0.5586990118026733, -0.6924335956573486, 0.14826063811779022, -0.9232488870620728, -0.8003240823745728, 0.04397284984588623, 0.2624269127845764, -0.3964470326900482, 0.06909751147031784, 0.9766436815261841, -0.26055121421813965, -1.5493543148040771, 1.1527544260025024, -0.17585931718349457, -0.23300990462303162, -0.83294677734375, 1.5675209760665894, 0.4434296488761902, 0.11914309859275818, -0.08765903860330582, 0.5857613682746887, -0.11534221470355988, 1.4790581464767456, -0.49416887760162354, 0.4594796895980835, 0.18185099959373474, -0.008344893343746662, 0.2246401458978653, 0.04892634600400925, -2.3515615463256836, -0.4441703259944916, 0.37153539061546326, -0.17287668585777283, -0.041114117950201035, 0.1801076978445053, -0.21317492425441742, -0.07975819706916809, -0.06257838010787964, 0.2543053925037384, -1.099947214126587, 0.3319896459579468, -0.2056528627872467, 0.07859954237937927, 0.9515160322189331, -0.3697710633277893, 0.0369914285838604, 0.2689291536808014, 0.2848964333534241, -0.6479538083076477, -0.6782805323600769, 0.5797072649002075, -0.1392008364200592, 0.23018412292003632, 0.5766249299049377, 0.3862140476703644, 0.7271552085876465, -0.3471347987651825, -0.17492370307445526, 0.16237320005893707, 0.38241884112358093, -0.13859575986862183, 0.38279592990875244, 0.4317363500595093, 1.0170862674713135, 0.45551958680152893, 1.0720218420028687, 0.5243686437606812, -0.2637217938899994, -0.11075165867805481, -0.07345069944858551, -0.686499297618866, -0.07780304551124573, 1.2036336660385132, 0.5492739081382751, 1.1612491607666016, 0.19927853345870972, 0.6168596148490906, -0.07652843743562698, 0.21709144115447998, 0.5619322061538696, 0.9387665390968323, -0.5087211728096008, 0.10628679394721985, 0.3747682571411133, 0.271809846162796, 0.018645983189344406, -0.7058200240135193, -0.05507446825504303, 0.36270788311958313, 0.20942309498786926, -0.9128255844116211, 0.40559425950050354, 0.6324344873428345, 0.3789377212524414, 1.2533881664276123, -0.07455359399318695, -0.7009223103523254, -0.34513917565345764, -0.10097945481538773, 0.1823158711194992, -0.4254414439201355, -0.958870530128479, -0.00944286398589611, -0.07735437154769897, 0.783028781414032, -0.5359073877334595, 0.2636294364929199, 0.36123934388160706, 0.08070650696754456, -0.6512568593025208, 0.20992198586463928, -0.7538827657699585, -0.4313301146030426, -0.2532554268836975, -0.055591996759176254, -1.1367565393447876, 0.008087031543254852, -0.0701124519109726, -1.065126895904541, -0.029554281383752823, 0.12290235608816147, -0.9701681137084961, 0.7334967255592346, 0.7472463846206665, -1.081202507019043, -0.27706167101860046, -0.05039598420262337, -0.4219237267971039, -0.45474329590797424, 0.5659323334693909, -0.27792608737945557, -0.14775417745113373, -0.2558667063713074, 1.1426200866699219, -0.5663500428199768, -0.17160460352897644, -0.40715622901916504, 0.8732510209083557, 0.7068454623222351, -0.3507859408855438, 0.34863314032554626, -0.3936554491519928, 0.1916789561510086, -0.4910680949687958, -1.597329020500183, -0.2420213371515274, 0.7503613233566284, 0.275614857673645, -0.7560155987739563, -0.43141645193099976, -0.1375339925289154, -0.45425736904144287, 0.464270681142807, 1.4073113203048706, -0.9808117151260376, 0.36689090728759766, -0.6328287720680237, 0.27267634868621826, -0.16043713688850403, -0.636976420879364, -0.4674350917339325, 0.6825947761535645, -0.19742494821548462, 0.8320837020874023, 0.18027263879776, 0.03975788131356239, 0.2950688302516937, 0.07203509658575058, 0.48897218704223633, 0.07454351335763931, -14.602728843688965, 0.25294655561447144, -0.16457903385162354, 0.35859811305999756, 0.7478957772254944, 0.3175106942653656, 0.6929768919944763, 0.5882563591003418, 0.701639711856842, -0.7523658275604248, 0.2365403175354004, 1.1600139141082764, -0.11621085554361343, -0.4751170873641968, -0.10493717342615128, -0.7021788954734802, -0.8090545535087585, -0.19907453656196594, 0.7018008828163147, 0.49075984954833984, 0.8649809956550598, 0.03364361822605133, -0.5457544922828674, -0.3722665309906006, -0.06763128191232681, -0.40502113103866577, 0.3147154450416565, -0.31578555703163147, -0.5860886573791504, -0.04432393237948418, 0.2501250207424164, 0.4008643329143524, -0.468921422958374, -0.5653752088546753, 0.1959146410226822, -0.09756366908550262, -0.0279715396463871, -0.3343794047832489, 0.9993282556533813, -0.3145097494125366, -0.03217792510986328, 0.2501402497291565, -0.15021170675754547, -0.07603683322668076, -0.34729835391044617, -0.3497088849544525, -0.3269084692001343, -0.4035301208496094, 0.3874618411064148, -0.2150832712650299, -0.3877050280570984, -0.4079248011112213, 0.09806470572948456, -0.10384373366832733, 1.011755347251892, 0.21648907661437988, -0.774382472038269, 0.24045036733150482, -0.9612795114517212, -0.2754068076610565, 0.8933573365211487, 0.06192946434020996, -0.6719951629638672, 0.3493789732456207, 0.3396590054035187, -0.656344473361969, 0.3901866674423218, 0.7133265733718872, 0.09509935230016708, -0.26303619146347046, -0.2955252230167389, 0.6407005190849304, 1.0361478328704834, -0.26036620140075684, 0.12175135314464569, 0.22841805219650269, 0.08040492981672287, -0.26583054661750793, -0.197589710354805, 0.542770504951477, -0.8659825921058655, 0.31731292605400085, -0.7858257293701172, -0.4128931164741516, -0.31985703110694885, 0.3391842544078827, 0.06406529247760773, -0.09118089824914932, 0.05109582096338272, 0.6647475957870483, 0.8977706432342529, 0.6715621948242188, -0.17100732028484344, -0.5726645588874817, -0.04995811730623245, 0.7657865881919861, -0.8519908785820007, -0.03269237279891968, -0.3710092008113861, -0.6089718341827393, 0.5378741025924683, -0.2770194709300995, 0.13520877063274384, 0.24192355573177338, 0.8046689629554749, -0.2928580939769745, 0.2356276512145996, 0.6105411052703857, -0.021904733031988144, 0.5319206118583679, 0.3050817549228668, -0.605363130569458, 0.3374689221382141, 0.8938716053962708, 0.18440186977386475, 0.577936053276062, 0.4864937663078308, -0.4340340793132782, 0.5046533942222595, 0.8904175758361816, 0.06099071353673935, -0.30193230509757996, 0.574822723865509, 1.0688719749450684, 0.7048864364624023, 0.29985132813453674, -0.3288622796535492, 0.5837836265563965, -0.006599924061447382, -0.9274330735206604, 0.05935031175613403, -0.2808871269226074, -0.22281160950660706, -0.4218479096889496, -0.36512309312820435, -0.2613661587238312, -0.574548602104187, 1.4746818542480469, 0.018039949238300323, 0.1708083152770996, -0.365892231464386, -0.43419528007507324, -0.39415082335472107, -0.8419443964958191, -0.252645343542099, -0.043353237211704254, -0.5898783206939697, -0.22309711575508118, -0.22960126399993896, -0.34572362899780273, 0.43675005435943604, -0.11951222270727158, 0.5648077130317688, -0.14940422773361206, -0.4373285472393036, 0.123349629342556, 0.38566336035728455, -0.10171674937009811, -0.3029499650001526, -0.40716347098350525, 0.6623954176902771, -0.08845185488462448, -0.996223509311676, 1.3318535089492798, 0.3437722623348236, 0.09942148625850677, -0.710143506526947, -0.5714460611343384, -0.24122348427772522, 0.3910091519355774, 0.1169966533780098, -0.42361170053482056, 0.3982621431350708, -0.3735617399215698, -0.30779945850372314, -0.7672812938690186, -0.35388869047164917, 0.736477255821228, -0.7160226702690125, 0.519794762134552, -0.011029619723558426, 0.7802556157112122, 0.6417307257652283, -0.7045510411262512, -0.4779779613018036, 0.27902159094810486, 0.21007025241851807, 0.9800483584403992, -0.34827476739883423, 0.1014055609703064, -1.0467694997787476, -0.492641806602478, -0.38472822308540344, -0.2064615935087204, 0.7221493721008301, 0.44513455033302307, 0.766943097114563, 0.48673850297927856, -0.710343599319458, -0.4738479554653168, -0.03908563777804375, 0.22850775718688965, 0.19749997556209564, 0.0008969157934188843, -0.0736733078956604, -0.22576427459716797, -0.6132016181945801, -0.08838877081871033, 0.28497493267059326, 0.6215613484382629, -0.7922235131263733, 0.038406722247600555, 0.7260975241661072, -0.4456230103969574, -0.04432453215122223, -0.7240257263183594, -0.0982796922326088, -0.27750715613365173, 0.1509498953819275, -0.17623859643936157, -0.35777533054351807, 0.24955938756465912, -0.8558249473571777, 0.9269018173217773, -0.19458866119384766, 0.5901978015899658, 0.541938304901123, 0.5204550623893738, 1.429928183555603, 0.4678820073604584, -0.6713672280311584, 0.6446851491928101, -0.4682709574699402, -0.6777395009994507, -0.17611157894134521, -0.0031455731950700283, -0.8938714861869812, 0.6009830832481384, -0.5336596965789795, 0.032075464725494385, -0.7427558302879333, -0.0772724524140358, 0.12403114140033722, 0.8085158467292786, 0.26378893852233887, -0.9680120348930359, -0.17859914898872375, -0.08317352086305618, 0.18535849452018738, -0.00606098398566246, -0.5654585957527161, 0.4979947507381439, 0.8051208257675171, -0.054136261343955994, 0.7076420783996582, -0.022106803953647614, -0.15589456260204315, 0.5324164032936096, -0.43013709783554077, 1.1839812994003296, 0.41430041193962097, 0.4107544720172882, 0.136007621884346, -0.2686181962490082, -0.7200847864151001, -0.6883421540260315, 0.003946912474930286, 0.4121299982070923, 0.8195144534111023, -0.44337859749794006, -0.24797464907169342, -0.06694385409355164, -0.2389446198940277, -0.07257301360368729, -0.2492455393075943, 0.24934156239032745, -0.08479555696249008, 0.06395816057920456, -0.25682303309440613, 0.2476426213979721, 0.6832965016365051, -0.15509933233261108, -0.6507189273834229, -0.2559162974357605, 0.3934241831302643, -0.23855237662792206, -0.4960460364818573, 0.061409980058670044, 0.18383458256721497, -0.053398728370666504, 0.1382676512002945, 0.8417422771453857, -0.5899746417999268, -0.20311018824577332, 0.0064058429561555386, -0.6372761130332947, 0.5256112813949585, -0.3332565426826477, -0.5380050539970398, 0.2164887636899948, 0.2735399007797241, -0.05893322452902794, 0.173451229929924, -0.1151643842458725, 0.13828030228614807, -0.15243971347808838, 0.45342209935188293, 0.5531639456748962, -0.3834823668003082, -0.1022222638130188, 0.7554312944412231, 0.42579007148742676, 0.341196745634079, 0.478196382522583]} +{"paper_id": "assin", "embedding": [-0.04078392684459686, 1.2159923315048218, 0.010123305022716522, -0.34084221720695496, 0.3656397759914398, -0.4286140501499176, -0.17380720376968384, 0.5133405923843384, 0.8365649580955505, 1.0225740671157837, 0.84792160987854, 0.0346817746758461, 0.0024293139576911926, -0.08509795367717743, -0.5410782098770142, 0.00041275471448898315, -1.5186859369277954, -0.8548979163169861, -0.8737930655479431, -0.22486329078674316, -0.5674114227294922, -0.7427090406417847, -0.06962007284164429, 0.2348557412624359, -1.0324305295944214, -0.4384583830833435, 0.6039628386497498, -1.0330361127853394, 0.361027330160141, 0.27146950364112854, -0.45462268590927124, 0.8938600420951843, -1.8670405149459839, 0.5065863132476807, -0.017044542357325554, -0.06227841228246689, 0.5203137397766113, 0.6177965402603149, -0.5199963450431824, -0.03308228775858879, -0.38609474897384644, -0.16345246136188507, 0.6954960227012634, 0.4622020423412323, 1.0819084644317627, -0.10911668837070465, 0.6975914835929871, 0.48625993728637695, -0.0764315128326416, 0.09701505303382874, -0.2415192723274231, -0.4581313133239746, 0.27958425879478455, 0.460719496011734, -0.4874710142612457, 1.228090763092041, 0.11953850835561752, -1.1674824953079224, 0.8100958466529846, -1.4240895509719849, 1.1044374704360962, 1.6073219776153564, -0.7901790738105774, 0.1738537847995758, 1.2148412466049194, -0.3735285997390747, 1.0128265619277954, 0.13253790140151978, 0.7530317306518555, 0.7304731011390686, -0.21264372766017914, -1.6009012460708618, 0.11874110996723175, -0.06696436554193497, 0.39461860060691833, 1.0867207050323486, 0.3834134042263031, 0.2839401960372925, 0.39679521322250366, 0.1284199357032776, -0.3405725061893463, 1.135357141494751, 0.6488366723060608, -0.6801156997680664, 0.015150841325521469, -0.024089399725198746, 0.19753029942512512, -0.5897776484489441, 1.3117284774780273, -1.699835181236267, 0.9888113737106323, 0.13412217795848846, -0.3668926954269409, -0.0534980446100235, 0.0741397961974144, 0.5232659578323364, -0.3025118112564087, -0.198334202170372, -0.41092485189437866, 0.17810553312301636, 0.994411289691925, -0.018002357333898544, 0.3088129162788391, -0.20112520456314087, 0.525336503982544, 0.8643923401832581, -0.554366946220398, -0.27781713008880615, -1.1229298114776611, -0.31769004464149475, 0.05068778619170189, 1.2110111713409424, -0.806517481803894, -0.63265061378479, -0.03264669328927994, -0.46456053853034973, -0.29924753308296204, -0.52211594581604, -0.41544920206069946, 0.21983571350574493, -0.1489713042974472, -1.5512887239456177, -0.10343525558710098, 0.26686519384384155, 0.45396584272384644, -0.2223932147026062, 0.7864049673080444, -0.06098194792866707, 0.3860957622528076, 0.22320380806922913, 0.6388397216796875, -0.21037349104881287, -1.0531054735183716, -0.3295091688632965, 2.735379934310913, -0.5359805226325989, 1.5854769945144653, -0.11823403090238571, 0.2596357464790344, -0.26187950372695923, -0.572513997554779, 1.0096015930175781, 0.286603182554245, -0.7072085738182068, -0.35205283761024475, 0.07795538753271103, -0.26088377833366394, 0.6906419992446899, -0.6962129473686218, -0.2990259826183319, -0.13080349564552307, 0.01296999305486679, -1.4230246543884277, -0.29673030972480774, -0.18719322979450226, 0.4694608151912689, 0.12432384490966797, 0.897713303565979, -0.724238395690918, 1.054618239402771, 0.591491162776947, 0.4972951412200928, -0.7895694971084595, 0.16235864162445068, -0.7185686826705933, -0.11698746681213379, 0.7373812198638916, -0.07617538422346115, -0.37877723574638367, -0.31209468841552734, 0.8538929224014282, -0.2535335421562195, -0.21048825979232788, -0.636198103427887, 0.23552602529525757, 0.2840588390827179, 0.008311154320836067, 0.6732722520828247, 0.8339015245437622, -0.3479107916355133, 0.21407344937324524, -0.047862160950899124, 0.010987363755702972, 0.11662853509187698, -0.3422912359237671, 0.42194145917892456, -1.9665014743804932, -0.033874958753585815, 0.05314965546131134, 0.398532509803772, 0.4855425953865051, -0.39134183526039124, 0.28323835134506226, 0.301248699426651, 0.08859127759933472, 0.08062255382537842, -0.020907018333673477, -1.7439919710159302, -0.6220611929893494, 0.648247241973877, 0.1840786635875702, -0.007298626936972141, 0.16083553433418274, 0.4460908770561218, 0.4449297785758972, -0.8252056837081909, -0.7884800434112549, -1.3780401945114136, 0.5079073309898376, 2.8778722286224365, -0.4038313031196594, -0.2653614282608032, -1.6883105039596558, -0.0769791379570961, 0.00348547101020813, -0.6923516988754272, 0.4881472885608673, -1.3642388582229614, 0.10422047972679138, -0.7735433578491211, 0.5488442778587341, -0.36175915598869324, 0.5101636052131653, 0.5077250599861145, 0.6187087297439575, -0.605268657207489, -0.5877813696861267, -0.30527064204216003, -1.371323585510254, 0.5466073751449585, 0.8801506161689758, -0.11641839146614075, -0.7467436194419861, 0.9380856156349182, 0.5672999024391174, 0.6964476704597473, 0.4131462574005127, 0.7459458708763123, -0.8432470560073853, -0.13437291979789734, -0.19730393588542938, -0.06581081449985504, 0.05732056498527527, 0.11086734384298325, 0.969953715801239, 0.7122237682342529, 0.15637105703353882, -0.7561449408531189, -0.22956641018390656, 0.5198887586593628, 1.2101284265518188, 0.829330325126648, -0.587971568107605, 1.5796151161193848, -1.4394651651382446, -0.02324727177619934, -0.3919559121131897, -0.9436988234519958, -0.06833203136920929, -0.6569225788116455, 0.5672959089279175, -0.6343198418617249, -0.011282311752438545, -0.3971802592277527, 0.012416958808898926, -1.4660110473632812, -0.2919200360774994, -0.12972280383110046, -0.7219403386116028, -1.2262142896652222, -0.21855203807353973, -0.10128575563430786, -1.5354297161102295, -0.9776877760887146, -0.5311943292617798, 0.3643622398376465, 0.7251393795013428, 0.8041536808013916, 1.538155436515808, -0.02869437076151371, 0.11314692348241806, -0.1780165284872055, 0.9657939076423645, -0.1181047335267067, 0.9712989330291748, -0.40586403012275696, 0.47443753480911255, -0.9931458234786987, 0.05032286047935486, -0.9249869585037231, 0.23986166715621948, 0.2883216440677643, 0.09133601933717728, 0.01933760568499565, -0.5024851560592651, -1.3278417587280273, 0.5546711087226868, -0.14486366510391235, -0.3368687629699707, -0.9299744963645935, 1.3527493476867676, 0.6130873560905457, -0.13670849800109863, 1.0107048749923706, -0.15095730125904083, -0.48567602038383484, 1.1006349325180054, -0.5081756114959717, 0.3434786796569824, 0.999603807926178, 0.47369277477264404, -0.1060848981142044, 0.6577420234680176, -2.275829792022705, 0.5795956254005432, 1.1241551637649536, -0.0576326847076416, -0.338158518075943, -0.37348565459251404, 0.5283739566802979, -0.9874058365821838, -0.5684511661529541, 0.2894801199436188, -0.5598715543746948, 0.24851563572883606, -0.05380930006504059, 0.4745083451271057, 0.7616249322891235, -1.1177246570587158, 0.4492776095867157, 0.7714868187904358, 0.7717576622962952, -0.860722541809082, -0.027456508949398994, 1.2624852657318115, -0.8945891857147217, 1.4789451360702515, -0.19056406617164612, 1.071571707725525, 0.1460525393486023, 0.12077037990093231, -0.3465193212032318, 0.07398948073387146, 0.6799045205116272, 0.21911738812923431, 0.01986418291926384, -0.2310471087694168, 0.4470553994178772, -0.2108890414237976, 1.1918879747390747, 0.846392035484314, -0.8529481291770935, -1.2917851209640503, -0.4607999324798584, 0.044321343302726746, -0.7260020971298218, 2.306588649749756, 0.9341853260993958, 1.5454230308532715, 0.022785237058997154, 0.33429858088493347, -0.12267057597637177, 0.08101186156272888, 0.7347971200942993, 0.98699951171875, 0.41679757833480835, -0.16622495651245117, -0.3785518705844879, 0.9433624744415283, -0.3201964199542999, -0.3603629171848297, 0.4527333080768585, 0.31554704904556274, -0.4249919056892395, -0.5318732857704163, 0.43423131108283997, 1.0522748231887817, 0.7197946310043335, 1.1826844215393066, -0.5157873630523682, -0.23715031147003174, -0.23789547383785248, 0.4484809339046478, -0.503169596195221, 0.387423038482666, -1.017769455909729, 0.620058000087738, 0.3385065197944641, 0.6855591535568237, -0.24152980744838715, 1.1901808977127075, 1.563818097114563, 0.46814432740211487, -1.5000501871109009, -0.6405006051063538, -1.2326748371124268, 0.08478052914142609, -0.24044597148895264, -0.4012143909931183, -0.13372066617012024, 0.5883421301841736, -0.308346688747406, -0.7658190131187439, 1.2036187648773193, -0.7062200307846069, -1.4230828285217285, 1.564731478691101, 1.1281650066375732, -0.9575458765029907, -0.5459073185920715, -0.016225725412368774, -0.8579187393188477, -0.7886145710945129, 0.06904185563325882, -0.678774356842041, 1.1554300785064697, 0.14010241627693176, 1.0143576860427856, 0.4517636299133301, -0.48651987314224243, -0.9604443311691284, 0.5863403677940369, 1.5983537435531616, -0.573578417301178, -0.22333475947380066, -0.2254517376422882, -0.4524967074394226, -0.22260865569114685, -1.152981162071228, -0.5417460799217224, 0.28447115421295166, 0.3330836594104767, -0.142741397023201, -0.6381984949111938, -1.5202833414077759, 0.19805070757865906, -0.2054746448993683, 1.473241925239563, -0.8991402387619019, 1.3929933309555054, -0.7447928786277771, 0.11781205236911774, -0.4574148952960968, -0.49547630548477173, -0.4148755967617035, 1.1768417358398438, -0.5638046264648438, 0.7687216997146606, 0.6204802989959717, 0.08350545167922974, 1.2309919595718384, -0.12840276956558228, -0.26805737614631653, -0.34365761280059814, -11.023322105407715, 0.15902918577194214, -0.04359333962202072, 0.28737348318099976, 0.7465067505836487, -0.327787309885025, 0.44217315316200256, 0.4780806303024292, 1.3441513776779175, -0.5172494649887085, 0.17021825909614563, 1.2632572650909424, -0.09208256751298904, -0.06986536830663681, -0.3544328212738037, -1.0052357912063599, -0.16864781081676483, -0.6745743155479431, 0.14338313043117523, 0.15938372910022736, -0.6456297636032104, -1.0884015560150146, -0.5187758803367615, 0.12774722278118134, 0.5534746050834656, 0.3285540044307709, -0.03663283586502075, -0.6718209385871887, -0.42646610736846924, 0.0723998099565506, 0.4492887854576111, -0.4723280668258667, -0.5854955315589905, -0.6021865010261536, 0.2355329841375351, 0.31487953662872314, -0.5619213581085205, 0.0355498343706131, 0.7617765069007874, -0.4060075283050537, -0.047415949404239655, -0.08024972677230835, 0.20835356414318085, -0.5519339442253113, -0.5520684719085693, 0.21922723948955536, -0.1521809846162796, -0.8299540281295776, -0.40070194005966187, -0.2966485917568207, -0.14283506572246552, -0.5545734167098999, -0.9944493174552917, -0.6177884340286255, 0.5092528462409973, -0.052042894065380096, -0.9034945964813232, -0.07010521739721298, -0.8271245956420898, -1.0888094902038574, 0.9413895606994629, 0.27578455209732056, 0.1772986650466919, 0.02633786015212536, 0.24012917280197144, -0.12088745087385178, 0.5009452104568481, -0.006424969062209129, -0.3616909980773926, -0.13756193220615387, -0.5837703347206116, 0.5878207683563232, 0.24016869068145752, 0.6526339054107666, -0.5583895444869995, -0.11307380348443985, -0.4876564145088196, 0.26688650250434875, 0.16465862095355988, 0.30952152609825134, -1.0893819332122803, 0.39234691858291626, -0.32216376066207886, -0.09655524045228958, -0.746695876121521, -0.22814394533634186, -0.08806239813566208, 0.11698776483535767, -0.09305394440889359, 0.052603043615818024, 1.1269447803497314, 0.279346227645874, 0.0052443817257881165, -0.1494576632976532, -0.4546162486076355, 0.5371828079223633, -0.8858298063278198, 1.2643709182739258, -0.4387699067592621, -0.4894666373729706, 0.3725202977657318, -0.28102320432662964, -0.6186099052429199, -0.1345309168100357, -0.4455852806568146, 0.14648863673210144, 0.07174934446811676, -0.11897493153810501, -0.3245697021484375, -0.9719366431236267, 0.8611580729484558, -0.1961696743965149, -0.4901984930038452, 1.2229442596435547, -0.3257417678833008, 0.8074185848236084, 0.5488122701644897, -0.5357174873352051, 0.05023641884326935, 1.5270320177078247, -0.09128638356924057, 0.6273607015609741, 0.4059944450855255, 1.2742931842803955, 0.715013325214386, 0.21990354359149933, -0.003720175474882126, 0.7214251160621643, -0.5915378928184509, -1.5912833213806152, 0.7760499715805054, -0.399530291557312, -0.034553706645965576, -0.9085862040519714, -0.081043541431427, -0.219711571931839, -0.7191417813301086, 1.2141684293746948, -0.39288127422332764, 0.14015701413154602, -0.9618101716041565, -0.7346110343933105, -0.08981652557849884, -0.6069760918617249, 0.19966371357440948, 0.5645419359207153, -1.4958869218826294, -0.2327774465084076, -0.8080671429634094, -0.38400977849960327, -0.4531668424606323, -0.395484060049057, 0.8079827427864075, -0.1978282332420349, 0.17466843128204346, 0.3657664358615875, 0.33724430203437805, 0.075992651283741, -1.3519617319107056, -0.4097030460834503, 0.42108163237571716, 1.1024506092071533, -0.5255221128463745, 0.7779754996299744, 0.2591279149055481, -0.3796517252922058, -0.906011700630188, -0.12588797509670258, -0.6376477479934692, 0.5143685340881348, 1.0259486436843872, -1.021132469177246, 0.20054057240486145, -0.48071539402008057, -0.5897722244262695, -1.1383605003356934, 0.5651716589927673, 0.7654266357421875, -1.1260021924972534, 0.26295554637908936, 0.46667057275772095, 0.4344503879547119, 0.36253517866134644, -0.25247302651405334, -0.2546248435974121, 0.09037405997514725, -0.28307250142097473, 1.4148690700531006, 0.1060066968202591, 1.0551100969314575, -1.6287412643432617, -1.089547038078308, -0.23987209796905518, 0.2957066297531128, 0.9428198933601379, -0.11824826896190643, 0.6366100311279297, 0.29438337683677673, 1.0242276191711426, 0.34054651856422424, 0.16118450462818146, 0.6867044568061829, -0.02074170485138893, 0.5589320063591003, -0.4802088439464569, 0.21111953258514404, -0.6009619832038879, 0.5010423064231873, 0.6755375862121582, 1.0866338014602661, -0.566937267780304, 0.3597830533981323, 0.3189351260662079, 0.27797651290893555, -0.18085767328739166, -1.9412119388580322, 0.3903054893016815, -0.7523182034492493, -0.9004566073417664, -0.8083260655403137, 0.10695169121026993, 1.1412945985794067, -0.345497190952301, 1.1434717178344727, 0.7792922258377075, 0.7519521713256836, 0.3168003559112549, 0.7544436454772949, 1.5895036458969116, -0.20743028819561005, -0.40916523337364197, -0.15414279699325562, 0.2984876036643982, -0.5957982540130615, 0.13435833156108856, -1.0451124906539917, -0.2814626097679138, 0.5091490149497986, -0.7742568254470825, 0.5447465777397156, -0.2749624252319336, 0.04624089226126671, 0.6129644513130188, 0.5413557887077332, -0.005167759954929352, -1.581449031829834, -0.1564389020204544, -1.2977396249771118, 0.1606871336698532, -0.44059064984321594, 0.6439799070358276, 0.6923785209655762, 0.5926804542541504, 0.55033278465271, 1.4189733266830444, 0.039501845836639404, 0.018413402140140533, -0.0781145915389061, -0.5032341480255127, 1.159124493598938, 1.0090055465698242, 0.4846518635749817, -0.14560270309448242, -0.47758957743644714, -2.0116069316864014, -0.4508228600025177, -1.0069758892059326, 1.334652304649353, 1.1755766868591309, -0.053970690816640854, 0.2786903381347656, -0.8768302798271179, 0.40124204754829407, -0.25092658400535583, 0.2792236804962158, -0.09284117817878723, -0.6667236089706421, -0.45464158058166504, -0.7038065195083618, -0.9016059637069702, 1.0354634523391724, -0.8971094489097595, 0.14968791604042053, -0.16873644292354584, 0.5882274508476257, -0.15438216924667358, -0.564324140548706, -0.970673143863678, 0.23588043451309204, -0.5361770987510681, 0.3429986238479614, 0.9414774179458618, -1.1214650869369507, -0.4285174310207367, 0.00865301862359047, -0.6527028679847717, 0.49104881286621094, 0.0019693300127983093, -0.6073020100593567, -0.6445561647415161, 0.56904536485672, -0.34630921483039856, 0.017439421266317368, 0.2157602310180664, -0.24405184388160706, -2.0132205486297607, 0.7657609581947327, 0.9106994271278381, 0.9135841727256775, -0.11911407858133316, 0.13910649716854095, 0.4460870325565338, 0.6343517899513245, 1.2339017391204834]} +{"paper_id": "taskmaster2", "embedding": [-0.609710693359375, 0.6540006995201111, 0.007713895291090012, 0.11439113318920135, 0.652378261089325, 0.6262974143028259, 0.6579081416130066, 0.5941115617752075, 0.7179465889930725, 0.18672442436218262, 1.1313344240188599, 0.2577786445617676, 0.23972466588020325, -0.08876018971204758, -0.7681991457939148, 0.23070022463798523, -1.103598952293396, -1.131450891494751, -0.9941920042037964, 0.03424999862909317, -0.9480977654457092, -0.6044391393661499, -0.10111549496650696, 0.4101252555847168, -1.0615735054016113, -0.509265661239624, 0.8401404023170471, -1.1782280206680298, -0.17192760109901428, 0.23607882857322693, -0.031770773231983185, 2.172027349472046, -0.5360692143440247, 0.3479488790035248, 0.06604574620723724, -0.8362244963645935, -0.11609934270381927, 0.380398154258728, -0.3779582977294922, 0.4111287295818329, -0.33159545063972473, 0.21282169222831726, 0.36201509833335876, 0.2982991933822632, 0.6359360814094543, -0.2079709768295288, 0.24288921058177948, 0.2737862765789032, -0.3747531771659851, 0.16234533488750458, -0.6317301988601685, 0.7777086496353149, 0.054363131523132324, 0.44645294547080994, -0.36734145879745483, 1.3845523595809937, 0.20979011058807373, 0.257154643535614, 0.3897162973880768, -1.120102882385254, 1.1143221855163574, 0.9309297204017639, 0.463450163602829, 0.6534393429756165, 0.6190220713615417, 0.2510482668876648, 1.6202855110168457, -0.18725061416625977, 0.3924170434474945, 0.35518649220466614, -0.24078138172626495, -1.6955381631851196, 0.8492084741592407, 0.33650973439216614, 0.052827149629592896, 0.899323582649231, 0.758069634437561, 0.22679951786994934, -0.4719812870025635, -0.26180922985076904, 0.10229742527008057, 0.2568339705467224, 0.559670627117157, -0.3585064709186554, 0.17268507182598114, 0.6437504887580872, 0.33052608370780945, -0.33810243010520935, 0.3353748917579651, -1.4285649061203003, 0.4991118311882019, -0.548700749874115, 0.1362137645483017, -0.10854487121105194, -0.20227232575416565, -0.4431689977645874, 0.022568246349692345, 0.13799822330474854, -0.8403358459472656, 0.8851500153541565, 0.8144945502281189, 0.007972256280481815, 0.24745947122573853, -0.3402600884437561, 0.1402876377105713, 0.19658417999744415, 0.030024155974388123, -0.25919270515441895, -0.734428882598877, -0.6856907606124878, 0.05489872023463249, 0.8085767030715942, 0.20417456328868866, 1.0669543743133545, 0.028970137238502502, 0.44475141167640686, 0.2195378839969635, -0.9390690326690674, -0.1556992530822754, 0.24615339934825897, 0.14359262585639954, -1.0096787214279175, -0.09074211865663528, 0.12485609948635101, 0.7823482751846313, -1.1016573905944824, -0.4498749077320099, -0.3524930775165558, -0.16604456305503845, -0.7177738547325134, 0.7250955104827881, -0.33400943875312805, -0.702223002910614, -0.1723128855228424, 2.97470760345459, -0.8314864039421082, 1.597511887550354, -1.1991889476776123, -1.0702072381973267, -0.699614405632019, 0.5216138958930969, 1.6226682662963867, -0.3490913510322571, -0.25913602113723755, -0.6941202282905579, -0.09489694982767105, -0.8537372946739197, 0.02974245697259903, -0.5481362342834473, -0.4434758424758911, 0.004871577024459839, 0.2738149166107178, -1.70717191696167, -0.45043349266052246, -0.5281509160995483, 0.15810170769691467, 0.508283257484436, 0.9101810455322266, -0.21853652596473694, 0.3915323317050934, 0.5209996700286865, 0.16366055607795715, -0.10592392086982727, 0.7100142240524292, -1.0877909660339355, -0.08617819100618362, 0.724461019039154, -0.7611093521118164, -0.9927237033843994, -0.6659441590309143, 0.9635801315307617, -0.35015395283699036, 0.13190343976020813, 0.41055282950401306, -0.6844156980514526, 0.41780462861061096, 0.6017939448356628, 0.6040302515029907, 0.0862605944275856, -0.451134592294693, -0.5154590606689453, -0.18049339950084686, -0.4146560728549957, 0.20388764142990112, -0.496623158454895, 0.09734392166137695, -1.4924319982528687, -0.047316230833530426, -0.12330189347267151, 0.6289848685264587, 0.2809079885482788, 0.1277003288269043, 0.5134501457214355, -0.39744317531585693, 1.1316306591033936, -0.480213463306427, 0.6634644865989685, -1.324456810951233, 0.2933569550514221, 0.21332018077373505, 0.16660989820957184, 0.25984564423561096, -0.2914544343948364, 1.5675183534622192, 0.6481598019599915, -0.3609188497066498, 0.08621172606945038, -1.3136805295944214, -0.24214690923690796, 2.4575209617614746, 0.31963133811950684, -0.9407601356506348, -0.6671857833862305, -0.2445049285888672, -0.2502652108669281, -0.4379216432571411, 0.48328283429145813, -0.6976567506790161, 0.05330536514520645, -1.8614064455032349, -0.038104139268398285, -0.23892802000045776, 0.5491927862167358, 1.1539840698242188, 1.210074543952942, -0.8804110884666443, 0.09819589555263519, -0.03567371144890785, -0.9016794562339783, 0.37834054231643677, 0.757076621055603, 0.2929481565952301, 0.38455843925476074, 0.21053120493888855, -0.0650811642408371, 0.08959119766950607, -0.07127893716096878, 0.7778679132461548, -0.7323131561279297, 0.2726603150367737, -0.048919953405857086, 1.0300767421722412, 0.31802091002464294, 0.05159766972064972, 0.2413744479417801, 0.5248680114746094, -0.11071298271417618, -1.112851858139038, 0.3559753894805908, 0.06768298149108887, 1.4734333753585815, 0.5836995244026184, -0.020404744893312454, 0.4348684549331665, -0.6628367900848389, 0.03590432554483414, -0.3682838976383209, -0.23911111056804657, -0.5275247693061829, -0.7148292660713196, 1.2448225021362305, -0.2538977861404419, -0.13072623312473297, -0.5005375742912292, 0.39721453189849854, -1.2422291040420532, 0.20723998546600342, -0.02060551941394806, -0.6109607219696045, -1.2406606674194336, 0.2660265862941742, -0.5369261503219604, -0.6046679019927979, -0.6898419260978699, 0.26367640495300293, 0.4824308454990387, 0.18847614526748657, 0.8179458379745483, 1.3867894411087036, -0.43533986806869507, -0.10504162311553955, -0.6471478343009949, 0.5940548777580261, -0.6879845261573792, 0.9363747239112854, -0.44701749086380005, 0.015123638324439526, -0.44230252504348755, 0.30596426129341125, 0.11566124111413956, -0.1548185795545578, 0.5669836401939392, -0.6529248356819153, -0.21397152543067932, -0.10104790329933167, -0.3309120535850525, 0.9901975989341736, -0.2720631957054138, 0.5305190682411194, -0.2782946825027466, 1.6161222457885742, 0.43207165598869324, -0.7239798307418823, 0.2678678631782532, -0.0774911567568779, 0.38329482078552246, 1.1770573854446411, -0.3942307233810425, 0.1837528496980667, 0.6616665720939636, -0.47584787011146545, 0.16708189249038696, 0.12880414724349976, -2.3948559761047363, 0.3771856129169464, 0.38581347465515137, -0.37887975573539734, 0.2402433454990387, -1.2226638793945312, 0.11170075833797455, -0.1364164650440216, -0.29784393310546875, -0.40696173906326294, -0.3147047758102417, 0.5435855388641357, -0.17552709579467773, 0.5766745805740356, 1.4287210702896118, -0.34718573093414307, -0.11041983962059021, 0.7055384516716003, -0.47250211238861084, -0.7504640221595764, -0.536735475063324, 0.574529230594635, -0.6695180535316467, -0.2882278263568878, 0.26140084862709045, 0.3007255494594574, 1.082265019416809, -0.2750931680202484, 0.056777723133563995, 0.7434276938438416, 0.7621155381202698, 0.17956781387329102, 0.26931753754615784, 0.03672756999731064, 0.8805742859840393, -0.3408704102039337, 0.7686532735824585, 0.1137700229883194, -0.812586784362793, -1.7736166715621948, 0.20370715856552124, -0.1279665231704712, -0.9139301180839539, 1.7085496187210083, -0.29599446058273315, 1.1171611547470093, -0.13697165250778198, 0.3400299549102783, -0.9218399524688721, -0.41162270307540894, 0.7805859446525574, 0.5122854113578796, 0.19300590455532074, -0.6652649641036987, 0.19993987679481506, 0.4932422637939453, -0.17007595300674438, -0.8300251960754395, -0.3416261374950409, 1.5094963312149048, 0.39909496903419495, -0.41763749718666077, -0.2000083029270172, 1.2553496360778809, 0.23350608348846436, 0.803309440612793, -0.22861184179782867, -0.34218594431877136, -0.5625057816505432, 1.0788602828979492, 0.26580506563186646, 0.4001982808113098, -0.7466890811920166, 0.8155363202095032, 0.3153950870037079, 0.44421789050102234, 0.21407271921634674, 0.7238375544548035, 0.16760830581188202, -1.2220702171325684, -1.1827071905136108, 0.04531082883477211, -1.3498647212982178, -0.612525999546051, 0.13210421800613403, -0.006313931196928024, -0.5640437006950378, 0.9705755114555359, -0.5321193337440491, -0.35222434997558594, 0.7160497903823853, -0.5675660371780396, -0.8783987760543823, 0.46953898668289185, 1.0014055967330933, -1.186109185218811, 0.012118106707930565, -0.4936790466308594, -1.1040360927581787, -0.6130952835083008, 0.18897387385368347, -0.7341604232788086, 0.05868977680802345, 0.11728604137897491, 0.08911918103694916, -0.4785137176513672, 0.1565815508365631, -0.7452862858772278, 0.4221256971359253, 0.48846346139907837, -0.12138958275318146, 0.9331722259521484, 0.08474176377058029, 0.3086357116699219, -0.880839467048645, -0.6907386183738708, -0.8198021054267883, 0.4430604577064514, -0.23488999903202057, -0.09110979735851288, -0.3869987428188324, -0.4725607931613922, 0.45897871255874634, -0.3270951211452484, 0.22408846020698547, -0.6905748844146729, -0.09575100243091583, -0.8233426809310913, 0.25457850098609924, 0.38148197531700134, -1.361101508140564, -0.8162477612495422, 0.7057030200958252, -0.861329972743988, 0.7343953847885132, -1.0854893922805786, 0.057832878082990646, 1.8319212198257446, 0.6449709534645081, 0.7906511425971985, 0.2700691521167755, -11.91096305847168, 0.5986660122871399, -0.18133214116096497, -0.29972338676452637, 0.0862712562084198, -0.3175625801086426, 1.1465998888015747, 0.3129078149795532, 0.913220226764679, -0.9292336106300354, 0.629396915435791, 1.037717342376709, -0.057858750224113464, -0.6612361073493958, -0.4171423017978668, -1.182051658630371, -0.5396190285682678, -0.4673749804496765, -0.19294969737529755, -0.5408222079277039, -0.016124330461025238, -0.910152018070221, -0.8044461607933044, 0.3134039640426636, -0.22456973791122437, 0.17747929692268372, -0.29291459918022156, -0.5481582880020142, -0.05710601806640625, 0.1601329743862152, 0.6629603505134583, -0.04502837732434273, 0.4271661043167114, -0.8789507746696472, -0.03840702027082443, -0.18407808244228363, -0.9698445200920105, 0.38253965973854065, 0.6778603196144104, 0.09301549941301346, -0.44563186168670654, 0.5212904810905457, 0.23425698280334473, 0.18025526404380798, -0.49293702840805054, 0.5330737233161926, 0.3576735854148865, -0.20079118013381958, 0.306329607963562, -0.28835609555244446, -0.525855302810669, -0.572292149066925, -0.7254897356033325, -0.4000576138496399, 0.3614557683467865, -0.01943017728626728, -0.6404519081115723, 0.3710666000843048, -0.5433436632156372, -1.2389572858810425, 0.9768695831298828, 0.429232656955719, 0.11483097821474075, -0.1449272632598877, 1.1684669256210327, -0.8208268284797668, -0.21920228004455566, 0.4211536645889282, 0.009998172521591187, 0.4559318721294403, -0.5608304142951965, 0.4483320116996765, 0.09613843262195587, 0.7296982407569885, -1.2419887781143188, -0.3164927363395691, -0.5485144257545471, 0.6057955622673035, 0.4735206961631775, -0.014767993241548538, -0.8233530521392822, 1.181666374206543, 0.42782357335090637, -0.9763314723968506, -0.9751216769218445, 0.44437485933303833, -0.3915693163871765, 0.26180824637413025, 1.35379159450531, -0.024936355650424957, 1.4230728149414062, 0.7232871651649475, -0.7308678030967712, 0.3208032548427582, -0.5990027189254761, 0.7879459261894226, 0.8207921981811523, 0.5525245666503906, 0.2998659312725067, -0.6204355955123901, 0.3989081084728241, -0.08729685842990875, -0.3744317591190338, 0.5453199744224548, 0.4068758487701416, 0.24639320373535156, -0.5933429002761841, 0.37331366539001465, 0.8744027614593506, 0.5960947871208191, 1.0765018463134766, -0.5769957304000854, -0.9886491894721985, 0.5692312717437744, -0.09079809486865997, 0.5739946961402893, 1.1810297966003418, 0.2822629511356354, 1.361433506011963, 0.22351829707622528, -0.09729732573032379, 0.9917352795600891, 0.11035873740911484, 0.8560242056846619, 0.21415162086486816, -0.5222787857055664, 0.7203342914581299, 1.0018075704574585, -0.2333451211452484, -1.1972631216049194, 0.3035636246204376, 0.08675266802310944, 0.4887271821498871, -0.7399916052818298, -0.03758372366428375, 0.37768328189849854, -0.6751574277877808, 1.2047234773635864, -0.7814483046531677, 0.3971530497074127, 0.09137414395809174, -0.6699457168579102, 0.22923821210861206, -0.956811785697937, -0.7893601059913635, 0.16963070631027222, -0.5918611884117126, 0.3977483808994293, -0.6258041262626648, 0.709462583065033, 0.45588210225105286, -0.11952516436576843, 0.8961138129234314, -1.0338122844696045, -0.1190875843167305, 0.15911200642585754, 0.9036763906478882, -0.4697001576423645, -0.9372576475143433, -0.43003609776496887, 0.2826136648654938, 1.1177599430084229, -0.767414927482605, 0.9578597545623779, 0.5392347574234009, -0.06536522507667542, -0.2135223150253296, 0.2594850957393646, -0.6597139835357666, 0.0035108812153339386, 0.7966557145118713, -1.151334524154663, -0.41870763897895813, -1.0367233753204346, 0.2305452674627304, -0.4804278314113617, 0.6043291091918945, 1.356600284576416, -1.0978903770446777, -0.04712396860122681, -0.033481989055871964, 0.5702623128890991, 0.09561062604188919, -0.36965715885162354, -0.5230594873428345, 0.03105970472097397, -0.08220555633306503, 1.1864290237426758, -0.004520891234278679, 0.27457502484321594, -1.9655109643936157, -0.7747703790664673, -0.6286314129829407, 0.020273834466934204, -0.5198532342910767, -0.2304413914680481, 0.7325084805488586, 0.5965894460678101, 0.7090578079223633, 0.32181522250175476, 0.6025614142417908, 1.1569459438323975, -0.4854790270328522, -0.528534471988678, -0.030270542949438095, -0.32634690403938293, -0.46949028968811035, 0.5929157137870789, 0.09641288220882416, 0.207108736038208, -1.317913293838501, -0.012758448719978333, 0.35966843366622925, -0.15358512103557587, 0.7768123745918274, -0.2866402268409729, -0.4002096652984619, -0.25985315442085266, -0.49063435196876526, -1.6846855878829956, 0.5201687216758728, 0.5843758583068848, 0.5083378553390503, 1.2255748510360718, 0.17468658089637756, 0.5232713222503662, 0.6033051013946533, -0.32973533868789673, 0.476909339427948, -0.46835798025131226, -0.1254071742296219, -0.019277449697256088, 0.2102614939212799, 0.42068585753440857, -0.017735932022333145, -0.4179333448410034, -1.0319604873657227, 0.3906266391277313, -0.9290603995323181, -0.07434336096048355, -0.6205571889877319, 0.516442596912384, 0.5613173246383667, 0.878072202205658, -0.574953019618988, -1.3583272695541382, -1.0063108205795288, -1.0938489437103271, -0.22782649099826813, 0.4534967243671417, -0.12282910197973251, 0.48038941621780396, 0.8349426984786987, -0.009090974926948547, 0.6485480070114136, -0.5899863839149475, -0.3521423935890198, 0.12265187501907349, 0.42685145139694214, 0.2549462616443634, 0.9787648916244507, 0.13515357673168182, 1.1423592567443848, 0.7491582632064819, -0.2057996690273285, 0.015731051564216614, -0.23588049411773682, 0.3783748149871826, 1.2558445930480957, -0.36402904987335205, -0.7384286522865295, -1.1555927991867065, 0.0419994555413723, -0.7879793047904968, 1.0711922645568848, 0.684475839138031, -0.8292564749717712, -1.2199795246124268, -1.0265181064605713, -0.08535057306289673, 0.4275740683078766, -0.05232274904847145, -0.5146068930625916, -0.7582099437713623, 0.9341974854469299, 0.4898432493209839, 0.24261240661144257, -1.2212154865264893, 0.3669483959674835, -0.5988388061523438, 0.39204156398773193, -0.631248950958252, -0.6482749581336975, -0.28094127774238586, 0.2716907560825348, -0.5619146227836609, 0.5305888652801514, 0.14308732748031616, -1.1517467498779297, -1.1820508241653442, 0.20746831595897675, -0.2205784171819687, 0.3913950026035309, 0.7143608331680298, 0.16828355193138123, -1.9249571561813354, 0.5715165734291077, 1.0758898258209229, 0.08595991879701614, -0.2204117625951767, 0.7200996279716492, -0.3982521593570709, -0.4990414083003998, 0.6575942039489746]} +{"paper_id": "open_subtitles", "embedding": [-0.46654748916625977, 1.1096796989440918, 0.5415724515914917, 0.03244681656360626, 0.409428209066391, -0.35123273730278015, 0.5632361769676208, 0.6074528098106384, 0.44139567017555237, 0.29575270414352417, 0.7254770398139954, -0.16494740545749664, 0.3875921368598938, 0.28208714723587036, -0.05090191587805748, -0.1685948371887207, -0.7325117588043213, -0.7299145460128784, -0.6216104030609131, -0.7773809432983398, -0.8701582551002502, 0.12446551024913788, 0.10464030504226685, 0.04225216433405876, -0.20025673508644104, 0.008591694757342339, 0.3991784155368805, -0.8245077133178711, 0.3014501929283142, 0.022914431989192963, -0.4040464758872986, 1.5273356437683105, -1.7526379823684692, 0.049566932022571564, -0.6676130294799805, 0.09348447620868683, 0.2627362310886383, 0.8731182813644409, -0.3633745610713959, -0.005312319844961166, -0.6316839456558228, -0.1419786512851715, 0.791168749332428, 0.20018067955970764, 1.2412997484207153, -0.12395727634429932, -0.17197097837924957, 0.47919583320617676, 0.02663135528564453, 0.3345991373062134, -0.25990405678749084, 0.2585824728012085, 0.2274923175573349, 0.19692668318748474, -0.538179874420166, 0.8947275876998901, 0.19664019346237183, -1.0635957717895508, 0.5967785716056824, -1.3232934474945068, 0.9084532856941223, 1.27464759349823, -0.3856683075428009, 0.13486051559448242, 1.2426773309707642, -0.3206150531768799, 0.7816325426101685, 0.3559309244155884, 0.5277246832847595, 0.8001347780227661, -0.2555201053619385, -1.1559016704559326, 0.0162179097533226, -0.04480999708175659, -0.1583193838596344, 0.47113195061683655, 0.1685866266489029, 0.2842302620410919, 0.32943296432495117, 0.631848931312561, -0.2640821933746338, 0.8101165890693665, 0.2890397608280182, -0.5507226586341858, 0.2643025815486908, -0.24707439541816711, 0.15981771051883698, -0.18410038948059082, 0.39437493681907654, -1.371899127960205, -0.18695463240146637, -0.010619008913636208, -0.3482086956501007, 0.10861094295978546, -0.26287829875946045, 0.17676430940628052, 0.6014421582221985, 0.10190200060606003, -0.539981484413147, 0.2858113646507263, 0.6938607692718506, -0.41594773530960083, 0.2639361619949341, -0.04292704910039902, 0.12217342853546143, 0.9742679595947266, -0.21058273315429688, -1.0265638828277588, -1.0973721742630005, -0.5781646370887756, -0.5520239472389221, 1.1962374448776245, 0.07778384536504745, 0.6569127440452576, 0.3208020031452179, -0.8351060748100281, -0.7373548746109009, -0.16992425918579102, -1.2278748750686646, 0.1231897696852684, -0.35434189438819885, -1.2196917533874512, -0.15273675322532654, 0.23993362486362457, 0.8499594926834106, -0.70717453956604, 0.2570246160030365, -0.3886778652667999, 0.521875262260437, -0.4193141460418701, 0.6901582479476929, 0.5036091804504395, -0.34461164474487305, 0.2893756330013275, 2.1384658813476562, -0.24461960792541504, 1.4618288278579712, -0.24402955174446106, -0.08050047606229782, -0.2688497304916382, -0.017476016655564308, 1.2605223655700684, 0.20359399914741516, -0.5810433030128479, -0.27519506216049194, -0.10145990550518036, -0.8949167728424072, 0.5596612691879272, -0.6078366041183472, -0.7393506765365601, -0.23697426915168762, 0.5729525089263916, -0.919037401676178, -0.9170305728912354, 0.2861141562461853, 0.10796693712472916, 0.322677880525589, 0.8226078748703003, -0.5934982299804688, 1.2732977867126465, 0.7196760177612305, 0.620174765586853, -0.44517165422439575, 0.3194006383419037, -0.8656429052352905, 0.12377098202705383, 0.874872088432312, -0.2707681655883789, -0.19011837244033813, -0.7332321405410767, 0.5138458609580994, -0.4753003418445587, -0.0448090136051178, -0.2641541659832001, -0.04538023844361305, 0.3914841413497925, 0.6275598406791687, 0.6514516472816467, 0.26365017890930176, -0.5543690919876099, -0.2664986550807953, -0.2902066111564636, -0.1763591766357422, 0.2544957101345062, 0.3569914996623993, 0.15834200382232666, -1.7778449058532715, 0.06622601300477982, -0.6358062028884888, 0.13003338873386383, 0.1320253163576126, -0.22989608347415924, 0.01981412246823311, 0.11866253614425659, -0.19669634103775024, 0.10370460152626038, 0.40262535214424133, -1.1604851484298706, -0.24448007345199585, 0.303913950920105, 0.15538668632507324, -0.1470978707075119, 0.46238380670547485, 0.7868834733963013, 1.011084794998169, 0.07411510497331619, -0.5590173006057739, -1.6650184392929077, -0.1384114921092987, 1.945564866065979, -0.21727371215820312, -0.7852691411972046, -0.9687819480895996, 0.02306056022644043, 0.6063729524612427, -0.606717586517334, 0.1533290147781372, -0.2529572546482086, -0.333693265914917, -0.7125577330589294, 0.6000922322273254, -0.3506046235561371, 0.0918705090880394, 0.21618923544883728, 0.9472025632858276, -0.46150022745132446, -0.7233682870864868, -0.31593725085258484, -1.252368688583374, 0.20157237350940704, 1.0159084796905518, 0.11575276404619217, -0.485740065574646, 0.9573127627372742, 0.3162960112094879, 0.2210322916507721, 0.22962221503257751, 0.45757579803466797, -0.3583902418613434, -0.5306882262229919, 0.1442190557718277, 0.6727749109268188, -0.609123170375824, -0.5874135494232178, 0.3767138123512268, 0.731528103351593, -0.1594918817281723, -0.7932953834533691, -0.5779052972793579, 0.40933701395988464, 0.9484899044036865, 1.4600993394851685, -0.750154435634613, 1.6393592357635498, -1.1294597387313843, 0.20920917391777039, 0.2897058427333832, -0.7315464615821838, -0.23543964326381683, -0.14683648943901062, 0.6333793997764587, -0.33250758051872253, 0.1081443578004837, -0.2673162817955017, -0.5287019610404968, -0.8127135038375854, -0.2266927808523178, -0.06260566413402557, -0.8887326717376709, -0.8376339673995972, -0.08771269768476486, -0.114482581615448, -0.8937287330627441, -0.5816295146942139, -0.5049809217453003, 0.7034006714820862, 0.21315625309944153, 0.8879907131195068, 1.4891941547393799, -0.3115234673023224, 0.11830552667379379, -0.07357819378376007, 0.6631025075912476, -0.24729539453983307, 1.3022401332855225, 0.015705551952123642, 0.1676890254020691, -1.14432692527771, -0.5400413274765015, -0.5795139074325562, 0.2823002338409424, -0.08767315745353699, 0.11036510020494461, 0.5873591899871826, -0.6172587871551514, -1.4054003953933716, 1.007926106452942, -0.8343712091445923, 0.22854718565940857, -0.9592766165733337, 1.3852826356887817, 0.9864120483398438, -0.0072137825191020966, 0.2415868192911148, -0.05382184684276581, 0.0016798116266727448, 1.547898530960083, -0.9844875335693359, 1.032014012336731, 0.4051474332809448, 0.10109201073646545, 0.34299564361572266, -0.06556205451488495, -2.2120909690856934, -0.31110307574272156, 0.7271147966384888, -0.29109951853752136, -0.15738920867443085, -0.6814212203025818, 0.6789600253105164, -0.37928998470306396, -0.8386796712875366, 0.0747791975736618, -0.8701050877571106, 0.3555426597595215, -0.6909246444702148, 0.616725504398346, 1.008131504058838, -0.5154148936271667, 0.44140127301216125, 0.7034971714019775, 0.7130962610244751, -0.5354204177856445, -0.5070295929908752, 0.8883736729621887, -0.7982839941978455, 0.6546038389205933, 0.2782418727874756, 0.6191409230232239, 1.381843090057373, -1.0473642349243164, -0.4217272698879242, 0.47902631759643555, 0.7628650665283203, 0.18881092965602875, 0.3417681157588959, 0.07624733448028564, 0.5184338688850403, -0.4302338659763336, 1.2645695209503174, 0.5528414845466614, -0.9826318025588989, -1.054559588432312, 0.20239511132240295, -0.38598620891571045, -0.6793568730354309, 1.69099760055542, 0.49666228890419006, 1.534642219543457, -0.20873111486434937, 0.45476725697517395, -0.15964630246162415, -0.10718277096748352, 0.8763353228569031, 0.8210026025772095, -0.09844598174095154, 0.01798515021800995, 0.16819632053375244, 0.6729693412780762, 0.32863304018974304, -0.5328335165977478, 0.0698622465133667, 0.41312482953071594, -0.4982828199863434, -0.2111063301563263, 0.023996267467737198, 0.9999890923500061, 0.6080321669578552, 1.6902340650558472, -0.4177580773830414, -0.7417927980422974, -0.34880998730659485, 0.5432685613632202, 0.2934328317642212, 0.4238343834877014, -1.2429295778274536, 0.2136295735836029, 0.600316047668457, 0.9178344011306763, -0.4731665849685669, 0.9189643263816833, 0.2893601655960083, -0.4840463101863861, -1.0023021697998047, 0.06532439589500427, -0.9077600240707397, 0.06152552738785744, -0.5146906971931458, -0.4520300030708313, -0.4388776421546936, 0.5554362535476685, -0.40521031618118286, -1.157922387123108, 0.22193697094917297, 0.4100494980812073, -1.394575595855713, 0.8129503726959229, 0.9416093826293945, -1.5471811294555664, -0.7444491386413574, -0.06791131943464279, -0.6945573091506958, -0.720014214515686, 0.22745190560817719, -0.5028771162033081, 0.24943475425243378, 0.07431410253047943, 0.7303601503372192, 0.05466224253177643, -0.39088505506515503, -0.8159456253051758, 0.46354496479034424, 1.3193955421447754, -0.743485689163208, 0.25170189142227173, 0.05008811876177788, 0.2589567303657532, -0.029195688664913177, -1.3930079936981201, -0.4883372187614441, 0.5046332478523254, 0.5461901426315308, -0.4593474268913269, -0.6067813038825989, -0.5317507982254028, -0.4066701829433441, -0.18486139178276062, 0.8807242512702942, -0.927274763584137, 0.6628944277763367, -0.4331151843070984, 0.7069875597953796, 0.07513432204723358, -0.8847364187240601, -0.7060179710388184, 0.6715930104255676, -0.8108154535293579, 0.4945908486843109, -0.08370628207921982, 0.2749108374118805, 0.4718368649482727, 0.505615770816803, 0.43325239419937134, 0.007065325975418091, -12.800874710083008, 0.18375729024410248, -0.28804704546928406, 0.15084055066108704, 0.6805366277694702, 0.057569701224565506, 0.38983336091041565, 0.6603375673294067, 0.5813305974006653, -0.3760848939418793, 0.4901909828186035, 0.7464810013771057, 0.0901641696691513, -0.4492088258266449, -0.08575370162725449, -0.7045709490776062, -0.5178816914558411, -0.6335670948028564, 0.0908067375421524, -0.1860620677471161, 0.13261185586452484, -0.8442674279212952, -0.5010437369346619, 0.43638089299201965, -0.07185960561037064, -0.06998070329427719, 0.02302969992160797, -0.1112985834479332, -0.6374344229698181, 0.26274198293685913, 0.567140519618988, -0.7285757064819336, -0.9318715929985046, -0.36578840017318726, 0.5308482050895691, 0.24831753969192505, -0.6171298623085022, -0.17877677083015442, 0.68098384141922, -0.05910342186689377, 0.1797344982624054, 0.48431456089019775, 0.13082899153232574, 0.44884219765663147, -0.4246271848678589, 0.18066491186618805, -0.0355525016784668, -0.931937038898468, 0.2970985174179077, -0.48542261123657227, -0.6294916272163391, -0.9324012994766235, -1.1969670057296753, -0.25349316000938416, 0.49966126680374146, -0.16185973584651947, -1.017600655555725, 0.4019315242767334, -0.6606295108795166, -0.6008263826370239, 1.1422693729400635, 0.5372072458267212, -0.6545533537864685, 0.13191597163677216, 0.6698950529098511, -0.5416027903556824, 1.008256196975708, 0.26970526576042175, -0.4673382341861725, 0.6759369373321533, -0.6766414046287537, 0.6234344244003296, 0.3008100986480713, 0.17681092023849487, 0.4209875464439392, -0.009974993765354156, 0.1268954873085022, -0.2321358323097229, 0.3759300112724304, 0.5579850077629089, -0.8189059495925903, 0.48191767930984497, -0.0037229578010737896, -0.6660174131393433, -0.5443431735038757, 0.26855745911598206, -0.08726311475038528, -0.36920398473739624, 0.7284280061721802, 0.12034106999635696, 1.2457302808761597, 0.2107740342617035, 0.019632408395409584, -0.22365009784698486, -0.6060147285461426, 0.6518236398696899, -0.987084150314331, 0.7847275733947754, -0.19363322854042053, -0.7628012299537659, 0.05327274277806282, 0.17488345503807068, -0.17967729270458221, -0.0641464814543724, 0.7071003913879395, -0.515616774559021, 0.37043297290802, 0.31077811121940613, -0.0617096982896328, 0.09821606427431107, 0.9761804938316345, 0.30872491002082825, 0.16200946271419525, 1.1640986204147339, 0.441609650850296, 1.179118275642395, 0.8973656892776489, -0.38694190979003906, 0.4837871491909027, 1.4264745712280273, -0.06759155541658401, 0.24654537439346313, 0.42667025327682495, 1.2328022718429565, -0.06362135708332062, 0.18017129600048065, 0.2213984727859497, 0.4364077150821686, -0.2653767764568329, -0.6329979300498962, -0.20724990963935852, 0.11652730405330658, 0.16909918189048767, -0.9918023943901062, -0.6116321086883545, -0.5931845903396606, -0.9110661149024963, 1.2350592613220215, -0.4974072575569153, -0.07972625643014908, -0.5237233638763428, -0.9802554249763489, -0.19226226210594177, -0.08100531995296478, 0.02018679678440094, -0.43530791997909546, -1.6679922342300415, -0.24246740341186523, -0.6281529664993286, -0.6627542972564697, 0.30816829204559326, -0.367535799741745, 0.6108752489089966, -0.4691147208213806, -0.23841612040996552, 0.05675496906042099, 0.5508742928504944, -0.48889392614364624, -0.5025827288627625, -0.42992356419563293, 0.16443970799446106, 0.6356191039085388, -0.5376759171485901, 0.7705127596855164, 0.6475372314453125, 0.1953364908695221, -0.4906270205974579, -0.2109222263097763, -0.8703318238258362, 0.5580289363861084, 0.8036745190620422, -1.2278804779052734, -0.10919765383005142, -0.6879385709762573, -0.32256782054901123, -0.4334169030189514, 0.5917620658874512, 1.1149429082870483, -0.7035021781921387, 0.65363609790802, -0.018109675496816635, 0.5922029614448547, 0.4396940767765045, -0.7601302266120911, -0.7862002849578857, 0.6538769602775574, -0.04339296743273735, 1.1438052654266357, -0.10196244716644287, 0.4686504602432251, -1.6088042259216309, -0.799149751663208, -0.37865573167800903, -0.21642576158046722, 0.9294206500053406, -0.18819472193717957, 1.1077704429626465, -0.1192992702126503, 0.18213379383087158, 0.22254785895347595, -0.11686019599437714, 0.7269139885902405, 0.5264686346054077, 0.26596394181251526, -0.30878114700317383, -0.18001338839530945, -0.41241729259490967, -0.007279802113771439, 0.49630919098854065, 0.5535945892333984, -1.2725106477737427, -0.20765985548496246, 0.26123377680778503, 0.5340406894683838, -0.08649444580078125, -1.0564299821853638, 0.6483052372932434, 0.0436369888484478, -0.5148916840553284, -1.1701645851135254, -0.46539247035980225, 0.920068621635437, -0.5233650803565979, 1.1210969686508179, 0.2577292025089264, 0.19865068793296814, 0.4456996023654938, 0.4833880066871643, 0.5075377225875854, -0.4318130910396576, -0.8448556065559387, -0.01876833662390709, 0.1068824827671051, -0.2501292824745178, -0.015240486711263657, 0.25854799151420593, -0.9130645394325256, 0.13295739889144897, -0.8914079070091248, 0.4131660759449005, -0.016927439719438553, 0.13835594058036804, -0.06185460090637207, 0.8600736856460571, 0.34181374311447144, -1.575661301612854, -0.1460174173116684, -0.26298391819000244, 0.3713702857494354, 0.6777924299240112, -0.20571476221084595, 0.70131915807724, 0.6700876355171204, 0.10238157957792282, 1.2179914712905884, -0.02451460063457489, -0.06682232022285461, 0.28557056188583374, 0.06280973553657532, 1.1827439069747925, 0.5614863634109497, -0.004780479706823826, 0.20998239517211914, -0.25836971402168274, -1.226808786392212, -0.42107272148132324, -0.22247113287448883, 0.527295708656311, 1.1718271970748901, -0.4890614151954651, -0.04240456223487854, -0.6863248944282532, 0.006315212696790695, -0.4372681677341461, 0.5369638800621033, 0.5520422458648682, -0.7628339529037476, -0.7476083636283875, -0.6260677576065063, -0.25730013847351074, 1.3240629434585571, -0.7378187775611877, 0.023399338126182556, -0.9518788456916809, 0.34567704796791077, -0.09313363581895828, -0.6486433744430542, -0.6415183544158936, 0.4214591085910797, -0.5080962181091309, -0.05202532559633255, 0.4443938136100769, -0.4072871208190918, -0.5567244291305542, 0.03385423123836517, -0.42203807830810547, 0.5486919283866882, 0.23803146183490753, -0.8531074523925781, -0.2896415591239929, 0.334199458360672, -0.06458409130573273, -0.026777807623147964, 0.8030349612236023, -0.21011942625045776, -1.4302276372909546, 1.1526870727539062, 0.5758041739463806, 0.2660743296146393, -0.2720593512058258, 0.444139689207077, 1.0797772407531738, 0.022199146449565887, 0.7264111638069153]} +{"paper_id": "cc100", "embedding": [-0.3861464560031891, 0.7295156121253967, 0.5742149949073792, -0.2728766202926636, 0.6740688681602478, -0.8589606285095215, 0.1542055606842041, -0.0045371949672698975, 0.9630730152130127, 0.5192611217498779, 0.4865783751010895, -0.32705309987068176, 0.3461878299713135, -0.11278209090232849, 0.4008530080318451, -0.412639319896698, -1.2916103601455688, -1.1249706745147705, -1.659319519996643, -0.1882227659225464, -0.7581177949905396, -0.45417648553848267, 0.23347607254981995, 0.8836981654167175, -0.03633353114128113, -1.0928105115890503, 0.6013193726539612, -0.3652505874633789, 0.3192262351512909, 0.39939409494400024, -0.35107505321502686, 1.3647977113723755, -1.775119423866272, 0.4572151005268097, -0.5769932270050049, -0.4434750974178314, 0.5192804932594299, 1.0471457242965698, -0.05802646279335022, -0.15014131367206573, -0.6141772866249084, -0.7196825742721558, 0.31526434421539307, 0.4882051646709442, 1.3138870000839233, -0.14391589164733887, -0.33673974871635437, 0.09264861792325974, 0.6392124891281128, -0.42367538809776306, 0.3218615651130676, 0.18402105569839478, -0.22537314891815186, 0.3059665560722351, -0.599655032157898, 1.1263442039489746, 0.1015869751572609, -1.1975866556167603, 0.17157778143882751, -0.7239279747009277, 0.5458932518959045, 1.6863577365875244, -0.9742785692214966, 0.18597400188446045, 1.4560894966125488, 0.7733370065689087, 1.4295654296875, 0.3699185848236084, 0.782478928565979, 0.5575785040855408, 0.02186305820941925, -0.9659472703933716, 0.5839852094650269, 0.06200040876865387, 0.9894721508026123, 0.9517859220504761, 0.2686569094657898, 0.1301330327987671, -0.2812751829624176, -0.5851526856422424, -0.5669429302215576, 0.5877346396446228, 0.38984525203704834, -0.6111559271812439, -0.29078203439712524, 0.7316724061965942, 0.26194924116134644, -1.2844433784484863, 0.8620826601982117, -2.2271363735198975, 0.8837575316429138, -0.20100411772727966, 0.4768267273902893, 0.058761075139045715, -0.06000247597694397, 0.08097286522388458, -0.21431340277194977, 0.12466594576835632, -0.5044378042221069, 0.051949433982372284, 0.43023422360420227, -0.6178121566772461, 0.8944738507270813, 0.43546703457832336, 0.09669866412878036, 1.5143433809280396, -0.19975510239601135, -0.6582963466644287, -1.3039679527282715, -0.11219199001789093, 0.346157968044281, 1.0736372470855713, -0.1276427060365677, -0.011652572080492973, -0.03571236506104469, -0.2732134461402893, 0.5776664614677429, -0.6567436456680298, -0.648400604724884, -0.08211366832256317, -0.008157260715961456, -1.0724743604660034, -1.147447943687439, -0.05229853093624115, 1.0273228883743286, -0.7203330397605896, 0.06618636846542358, -0.4243447184562683, 0.5556998252868652, -0.5851408839225769, 0.6370530128479004, 0.44401198625564575, -0.7531358599662781, -0.17130528390407562, 3.0575695037841797, -0.5338690876960754, 1.5299168825149536, -0.643945574760437, 0.2606402337551117, -0.1935989111661911, -0.19076210260391235, 1.2114243507385254, 0.18139147758483887, -1.0795516967773438, -0.5258975625038147, 0.5005724430084229, -0.9118198752403259, 0.24944505095481873, -0.7468634843826294, -0.5857220888137817, -0.12551917135715485, 0.46228790283203125, -0.489688515663147, -0.6473129391670227, 0.4662171006202698, -0.03149151802062988, 0.10322211682796478, 0.975709855556488, -0.62449049949646, 1.273529052734375, 0.12709453701972961, 0.8071586489677429, -0.4544565677642822, 0.9362020492553711, -0.9332911968231201, 0.24249200522899628, 1.184421181678772, -0.1689043939113617, -0.4201289117336273, -0.8446592092514038, 1.0348560810089111, 0.08999571949243546, -0.015033118426799774, 0.10882988572120667, 0.00516161136329174, 0.2296803891658783, 0.3417537808418274, 0.6107327938079834, 0.08125634491443634, -0.06661258637905121, 0.16560980677604675, -0.18491972982883453, 0.1786978542804718, 0.7474797368049622, 0.10746606439352036, 0.3363897204399109, -1.6994521617889404, -0.41210222244262695, -0.4983018636703491, -0.25838005542755127, -0.3153069019317627, -0.9615504741668701, 0.24863135814666748, -0.39846882224082947, 0.9504385590553284, -0.5534650683403015, 0.9031832218170166, -0.9384311437606812, -1.1064550876617432, 0.45977771282196045, -0.13763631880283356, -0.17200665175914764, 0.6376374959945679, 0.47204625606536865, -0.2912460267543793, -0.2334420084953308, -0.17808650434017181, -1.3363847732543945, -0.19328153133392334, 2.3104825019836426, -0.1273089200258255, -0.6638117432594299, -0.6713926792144775, -0.7832115888595581, -0.2667372226715088, -1.3383967876434326, 0.25718921422958374, -0.6944532990455627, -0.20799854397773743, -1.1689238548278809, 0.2417299449443817, -0.7071394324302673, 0.06005571037530899, 0.17625387012958527, 1.3180391788482666, -0.38492894172668457, -0.06795455515384674, -0.15621589124202728, -1.1556296348571777, 0.7006776928901672, 0.7830245494842529, 0.12745001912117004, -0.911859393119812, 0.5770823955535889, 0.24356234073638916, 0.46719133853912354, 0.8575928807258606, 0.4794735312461853, -0.3342633843421936, -0.16205932199954987, -0.49485769867897034, 0.7380735874176025, -0.250552773475647, -0.31913888454437256, 0.29264527559280396, 0.831322431564331, -0.3239186108112335, -0.846419632434845, -0.11693907529115677, -0.14526396989822388, 1.1890332698822021, 1.3252794742584229, -0.670619785785675, 1.7265230417251587, -0.8898444771766663, 0.09566297382116318, 0.07688045501708984, -0.928978681564331, -0.07245516777038574, -0.14573052525520325, 0.5429797172546387, -0.8949659466743469, 0.35878393054008484, -0.1486160159111023, -0.5425829887390137, -1.8000752925872803, -0.31708627939224243, -0.1385229378938675, -1.0562825202941895, -1.2670283317565918, -0.225301593542099, -0.3612326383590698, -0.8510851263999939, -0.7519240379333496, 0.5071387887001038, 0.8525832891464233, -0.056401435285806656, 1.0949225425720215, 1.8746644258499146, -0.12380055338144302, 0.9724609851837158, 0.312888503074646, 0.4903416037559509, -0.6068171858787537, 0.8297470808029175, 0.7822851538658142, 0.5867764949798584, -0.8961023688316345, -0.36287784576416016, -0.18785730004310608, -0.12140142917633057, 0.6457899212837219, 0.13094562292099, 0.5999613404273987, -0.4845813512802124, -1.5262240171432495, 1.0686945915222168, -0.4010423421859741, 0.23866435885429382, -1.2517406940460205, 1.7584590911865234, 0.6738436818122864, 0.11234252154827118, 0.6023389101028442, -0.37775540351867676, 0.2971961498260498, 1.2304023504257202, -0.5564398765563965, 0.27818647027015686, 0.3282642960548401, -0.5454124212265015, 0.037078484892845154, 0.643642008304596, -1.8799346685409546, 0.35414451360702515, 0.38293230533599854, 0.6630545854568481, -0.17028604447841644, -0.7808390259742737, 0.3866099715232849, -0.41607755422592163, -0.33821794390678406, 0.14195312559604645, -0.07311241328716278, 0.4221053421497345, 0.402898907661438, -0.16757145524024963, 1.3496006727218628, -0.5965282917022705, 0.7064758539199829, 1.5851686000823975, 0.5555920600891113, -0.14385569095611572, 0.05971026420593262, 0.5806373357772827, -0.2454228550195694, 1.0461534261703491, 0.4582778811454773, 0.11984085291624069, 1.6966321468353271, -0.6945887804031372, 0.009134012274444103, 0.13376466929912567, 1.0535341501235962, 0.297757625579834, 0.654552161693573, -0.6016809344291687, 0.16582904756069183, 0.028293969109654427, 1.1452229022979736, 0.44236183166503906, -1.3465619087219238, -1.1307238340377808, -0.0681118369102478, -0.4214916229248047, -0.7684767246246338, 1.9186919927597046, 0.341570645570755, 0.89775550365448, -0.16368477046489716, 0.2353389412164688, 0.03944580629467964, 0.4930380880832672, 0.9950445890426636, 0.5590937733650208, -0.1503276526927948, -0.2164914309978485, 0.8085864782333374, 0.8616127371788025, -0.5668752789497375, -0.8517844080924988, -0.04888301342725754, 1.1314990520477295, -0.7005499005317688, -1.1090503931045532, 0.05249127000570297, 0.7949598431587219, 0.31455913186073303, 0.8826554417610168, -0.8099982142448425, -0.41314202547073364, -0.024648373946547508, 0.8487335443496704, -0.34556472301483154, 0.7182275652885437, -0.556351363658905, 0.1275978684425354, 0.5320980548858643, 1.3847713470458984, 0.24527262151241302, 0.6797316074371338, 0.7849227786064148, -1.2364778518676758, -0.8775772452354431, -0.00560845248401165, -0.8080228567123413, -0.5005977749824524, -0.3159889280796051, -0.3057090938091278, -0.8668842315673828, 1.1138834953308105, -0.9873335957527161, -0.2935505211353302, 0.4306642711162567, -0.8158720135688782, -1.506124496459961, 1.0330842733383179, 0.7858459949493408, -0.6272245049476624, -0.34621530771255493, -0.5012547969818115, -0.7982137799263, -1.1527372598648071, 0.4789949655532837, -0.5667409300804138, -0.605102002620697, -0.3840085566043854, 0.7523953318595886, -0.3889503479003906, -0.8823485970497131, -0.4646982252597809, 0.5519801378250122, 1.830575704574585, -0.9764626622200012, -0.13294804096221924, 0.344621866941452, 0.5086680054664612, -0.16987623274326324, -0.8275439739227295, -0.43836310505867004, 1.1597195863723755, 0.46623674035072327, 0.409814715385437, -0.6833066344261169, -0.3959360718727112, 0.3668389916419983, -0.20193268358707428, 0.9245573878288269, -1.0492287874221802, -0.15506082773208618, -0.1620016247034073, 0.507444441318512, 0.510642409324646, -0.37111419439315796, -0.2873387932777405, 1.0942084789276123, -0.2465876042842865, 0.7850239276885986, -0.133545383810997, 0.5712150931358337, 0.5902804732322693, 0.19125446677207947, 0.6906710863113403, -0.4631883203983307, -10.959332466125488, 0.21409103274345398, -0.5379877090454102, 0.06346389651298523, 0.4833132028579712, -0.40554094314575195, 1.2816691398620605, 0.11635804176330566, 0.05230853706598282, -0.7523294687271118, 0.30877286195755005, 1.181599736213684, 0.7726436853408813, -0.6359374523162842, -0.4395264685153961, -0.47628694772720337, -0.32956406474113464, -0.1039414256811142, 0.40903401374816895, 0.018727660179138184, -1.126804232597351, -0.7193877100944519, -0.15184983611106873, 0.055128488689661026, 0.07041720300912857, -0.34188777208328247, -0.2143288254737854, -0.16194283962249756, -0.045742981135845184, -0.530889093875885, 0.26995933055877686, -0.2480737268924713, -1.1962660551071167, -0.5145009756088257, 0.9309560656547546, 0.10413798689842224, -1.0354617834091187, 0.049379266798496246, 1.1812753677368164, -0.04997828230261803, -0.5189331769943237, 0.7396612763404846, 0.02044629119336605, 0.641819953918457, -0.5043447017669678, 0.3040003776550293, 0.9248839616775513, -0.41057685017585754, 0.504982590675354, -1.1606059074401855, -0.10072048008441925, -1.108896255493164, -1.0303864479064941, -0.41053295135498047, 1.0151828527450562, 0.3563048541545868, -0.2702280282974243, 0.10912364721298218, -0.6760380268096924, -1.0692161321640015, 0.791721522808075, 0.37407082319259644, -0.7628448605537415, -0.15635526180267334, -0.19805076718330383, -0.7187817692756653, 0.7738374471664429, 0.7219052314758301, -0.44198569655418396, 0.13931190967559814, -0.5863131284713745, 0.1443648338317871, 0.1354651153087616, -0.16394701600074768, 0.14677608013153076, -0.25366589426994324, 0.22248606383800507, 0.1812218874692917, -0.1685052216053009, 0.12803758680820465, -1.0086511373519897, 0.061531003564596176, 0.04030619561672211, -0.4021804630756378, -0.34138795733451843, -0.02211306244134903, -0.9055439829826355, 0.3906777501106262, 0.485702246427536, 0.3709123134613037, 1.3324259519577026, -0.09200301766395569, 0.5552006363868713, -0.15912103652954102, -0.26246994733810425, 0.9113665223121643, -0.7725417017936707, 1.0471327304840088, -0.14267629384994507, -0.7820624113082886, 0.42679449915885925, -0.39016982913017273, -0.19641607999801636, -0.1462605893611908, 0.8741844296455383, 0.2270680069923401, 0.5933465957641602, 0.2185782492160797, 0.45244452357292175, -0.009492889977991581, 0.6096639037132263, -0.3021937608718872, -0.34184110164642334, 1.1103249788284302, 0.16184672713279724, 1.4373892545700073, 0.0954555869102478, 0.355601966381073, 0.537152111530304, 0.8307988047599792, -0.09608904272317886, 0.7090396285057068, 0.09070909768342972, 1.5532009601593018, -0.1939912736415863, 0.21969585120677948, -0.013741791248321533, 0.6524829268455505, 0.17176315188407898, -1.3832414150238037, 0.285728394985199, -0.3166634142398834, 0.1357944905757904, -0.640671968460083, 0.20280827581882477, -0.7659207582473755, -1.390312671661377, 1.384842038154602, -0.13508260250091553, 0.5993971824645996, -0.11057476699352264, -1.4025654792785645, 0.6732584238052368, -0.7030394077301025, -0.620422899723053, -0.10642891377210617, -1.2408466339111328, -0.6862554550170898, -0.45745283365249634, -0.8540021181106567, 0.8608350157737732, 0.3001512587070465, 0.6105348467826843, -0.6899592876434326, -0.12360186874866486, 0.03931831568479538, 0.2824653387069702, -0.5623764991760254, -1.0917550325393677, -0.0868767648935318, 0.09907030314207077, 1.6077693700790405, -1.0159510374069214, 0.8676916360855103, 0.4579397141933441, -0.09783965349197388, -0.7680351138114929, -0.3156987428665161, -0.7450442314147949, 0.4362894296646118, 1.3586214780807495, -0.5495898723602295, -0.3939000964164734, -0.626606822013855, -0.6354397535324097, -1.0048134326934814, 0.013585172593593597, 1.2626714706420898, 0.23305955529212952, 0.7618736028671265, -0.22297266125679016, 0.6240428686141968, -0.12591002881526947, -0.9224807024002075, -1.4068933725357056, -0.15654996037483215, -0.649290919303894, 0.4160458445549011, -0.03455961123108864, 0.5750584602355957, -1.4809173345565796, -1.0682717561721802, -0.22274406254291534, -0.45735135674476624, 0.32948195934295654, -0.3503190279006958, 0.9122930765151978, 0.013331945985555649, 0.057331010699272156, 0.25906452536582947, -0.3089297413825989, 0.30587562918663025, -0.3761669397354126, -0.30323120951652527, 0.05155863240361214, 0.049220748245716095, -0.7440571188926697, 0.4895913004875183, 0.7364211678504944, -0.054841574281454086, -1.147173285484314, -0.4120602607727051, -0.08007164299488068, -0.46216022968292236, 0.3055182695388794, -0.41468656063079834, 0.5785410404205322, -0.12568773329257965, 0.09309360384941101, -1.2433819770812988, -0.08162648230791092, 1.5935355424880981, 0.08081945776939392, 0.4752756357192993, 0.11726480722427368, 0.3694266676902771, 0.5857044458389282, 0.9285281300544739, 1.6457241773605347, -0.8129785656929016, -0.630085289478302, -0.3133658468723297, 0.16194237768650055, -0.44849446415901184, -0.25218138098716736, 0.3332940340042114, -1.359338402748108, -0.0423676073551178, -1.400261640548706, 0.7132276892662048, -0.41724884510040283, 0.0646582767367363, -0.08051420748233795, 0.5379509329795837, -0.34166014194488525, -1.1536086797714233, 0.4669361710548401, -0.9112060070037842, -0.028508685529232025, -0.0642348900437355, 0.43091797828674316, 0.3545742332935333, 0.7745746970176697, 0.09469504654407501, 1.4532932043075562, 0.01062968373298645, -0.5622009634971619, -0.2464679479598999, 0.10271323472261429, 1.447096824645996, 0.2771817147731781, 0.3590671122074127, -0.13499727845191956, -0.10151945799589157, -0.8935794234275818, -0.884975790977478, 0.07034335285425186, 0.7630938291549683, 0.8786807656288147, -0.04538490250706673, 0.44992226362228394, -0.9088647961616516, -0.09708328545093536, -0.5222457647323608, 0.5425981879234314, 1.0779695510864258, -0.5114910006523132, -0.7500951290130615, -1.5892531871795654, 0.43128353357315063, 1.6189773082733154, -0.5321094393730164, 0.05497807264328003, -0.6183434128761292, 0.47407233715057373, 0.2229163944721222, -0.8416249752044678, -1.075929045677185, 0.3136020004749298, -0.004741465672850609, 0.19618530571460724, 0.7437528371810913, -0.7972812652587891, -0.7457724809646606, 0.31697386503219604, -1.3224245309829712, 0.26550033688545227, -0.34543436765670776, -0.16138511896133423, -0.370351642370224, 0.532576322555542, -0.8134448528289795, -0.7072615027427673, 0.7945305705070496, -0.20186467468738556, -1.7229751348495483, 1.1671525239944458, 1.2826459407806396, -1.0426454544067383, -0.38256707787513733, 0.31722724437713623, 0.1656249612569809, 0.22392737865447998, 1.5278875827789307]} +{"paper_id": "euronews", "embedding": [-0.442632257938385, 1.1701910495758057, -0.15048512816429138, -0.3296091854572296, -0.28297168016433716, -0.17029839754104614, -0.4025283455848694, 0.678407609462738, 0.8888270854949951, 0.6685162782669067, 0.4278758466243744, -0.2742304801940918, 0.06523019075393677, 0.08362902700901031, -0.5374472141265869, -0.1147545799612999, -0.20142477750778198, -0.6372316479682922, -0.4112863838672638, -0.41484639048576355, -0.7986092567443848, -0.7428846955299377, -0.3836716115474701, 0.3488917946815491, -1.3199926614761353, -0.3636292815208435, 0.13123410940170288, -0.85721355676651, 0.07088932394981384, 0.33172935247421265, -0.10749734193086624, 0.9952360987663269, -0.9852598905563354, 0.08492059260606766, -0.4146559536457062, 0.43025001883506775, 0.4735638499259949, 1.0163483619689941, -0.6236323714256287, 0.27925434708595276, -1.2535942792892456, -0.29265496134757996, 0.5519963502883911, 0.100773885846138, 1.507117509841919, -0.42238783836364746, 0.669707179069519, 0.34729063510894775, 0.6974830627441406, -0.3719571530818939, -0.21560049057006836, 0.3502635359764099, -0.14010317623615265, -0.36018308997154236, -0.20128649473190308, 0.7989575862884521, 0.08509648591279984, -0.8967959880828857, 0.03242461383342743, 0.17444942891597748, 0.27460211515426636, 0.6614022254943848, -0.534433126449585, -0.38412606716156006, 0.5713940262794495, 0.10075367987155914, 1.7089672088623047, -0.008728571236133575, 1.0273226499557495, 0.7710180282592773, 0.2837523818016052, -1.1482176780700684, 0.6387980580329895, -0.302884578704834, 0.7855397462844849, 1.2378023862838745, 0.7216042876243591, -0.31536829471588135, 0.776620626449585, 0.0008751656860113144, -0.6165828108787537, 0.8961374759674072, 0.6234127879142761, -0.2692716717720032, -0.534224271774292, -0.12109118700027466, 0.6977804899215698, -0.5013704895973206, -0.03790363669395447, -1.7843009233474731, 0.18220791220664978, 0.09566383063793182, -0.5435845255851746, -0.16109532117843628, -0.26461315155029297, 0.21665352582931519, 0.44783324003219604, -0.6004202961921692, -0.8141297101974487, 0.051481351256370544, 1.0155647993087769, -0.2692829668521881, -0.04370418190956116, -0.22741162776947021, 0.004816997796297073, 1.5457181930541992, -1.0375638008117676, -0.13604602217674255, -0.7813245058059692, -0.17594623565673828, -0.0007405057549476624, 1.1711970567703247, 0.5193403959274292, 0.6188924312591553, -0.5963227152824402, -0.2582796812057495, 0.36212781071662903, -0.47206029295921326, -1.1280426979064941, -0.08243893086910248, -1.1708625555038452, -0.7651558518409729, -0.24034848809242249, 0.7707457542419434, 1.2308863401412964, -0.40594539046287537, 0.7012961506843567, 0.2664506733417511, 0.054705966264009476, -0.5922171473503113, 0.6207301616668701, -0.4687817096710205, -0.6980018615722656, -0.34668782353401184, 2.458761215209961, -0.8459590077400208, 0.43054601550102234, -0.07439766824245453, 0.08175765722990036, -0.09416908770799637, 0.0390312522649765, 1.1530344486236572, 0.5329657196998596, -0.6274118423461914, -0.4003831446170807, 0.6188727617263794, -0.9180927872657776, 0.4209184944629669, -0.4974770247936249, -0.4594392478466034, 0.17632116377353668, 0.5546230673789978, -1.2671287059783936, -0.24821633100509644, 0.05513240024447441, 0.5999568700790405, -0.011228339746594429, -0.10020779073238373, -0.026001181453466415, 1.3401767015457153, 1.182052493095398, -0.11796483397483826, -0.8223802447319031, 0.586562991142273, -0.6315816044807434, 0.3924544155597687, 1.8315092325210571, 0.04936591535806656, -1.4316585063934326, -0.12236741185188293, 0.6316046714782715, -1.0202200412750244, -0.28431466221809387, -0.40381428599357605, -0.11301453411579132, -0.37208864092826843, 0.4997614026069641, 0.1912510246038437, -0.28305697441101074, -0.30410143733024597, -0.05051814764738083, 0.27579227089881897, -0.3762880563735962, 0.8694860339164734, 0.19030414521694183, 0.404055655002594, -1.6684467792510986, -0.06026455760002136, -0.44509440660476685, 0.3839529752731323, -0.5199418067932129, -0.37662172317504883, -0.3349222242832184, 0.7132665514945984, 0.7458255887031555, -0.32289186120033264, 0.30176275968551636, -1.402503490447998, -0.8370699286460876, 0.0322747528553009, 0.20228560268878937, -0.39125168323516846, -0.32909902930259705, 0.7577571868896484, 0.47148504853248596, -0.617042601108551, -0.31059208512306213, -1.5704008340835571, 0.3605634868144989, 1.7496414184570312, -0.47526758909225464, -0.7803588509559631, -2.0059566497802734, 0.07241660356521606, 0.5899658203125, -0.7964599132537842, 0.4429772198200226, 0.021252267062664032, 0.3321341574192047, -0.5036149621009827, 0.8540051579475403, -0.6216762065887451, 0.08529769629240036, -0.22594137489795685, 0.5374062061309814, -0.3363988399505615, -0.9169502258300781, -0.49677759408950806, -0.9274797439575195, 0.563456654548645, 0.1615477055311203, 0.5969346165657043, -0.10583601891994476, 0.8017004132270813, 0.8840256929397583, 0.5786410570144653, -0.3628733456134796, 0.7874956727027893, -0.6473599076271057, 0.2951712906360626, -0.4125432074069977, 0.5187196731567383, -0.2525061368942261, -0.7608941197395325, 0.7021336555480957, 0.29665476083755493, -0.0858888179063797, -0.29856637120246887, 0.19247128069400787, 0.249304860830307, 1.033342957496643, 1.1777600049972534, -0.9949762225151062, 1.314475417137146, -1.4799860715866089, 0.42648816108703613, -0.6434018015861511, -0.8024107217788696, -0.3604319095611572, 0.09200453758239746, 0.4867694675922394, 0.09069618582725525, 0.31125009059906006, 0.29460978507995605, -0.353537917137146, -1.2085025310516357, -0.21208345890045166, -0.007295981049537659, -0.8576675057411194, -0.5269585847854614, 0.372599333524704, -0.14846038818359375, -1.397316575050354, -0.5436200499534607, -0.19203592836856842, 0.6367522478103638, -0.3178539574146271, 0.18840700387954712, 0.9403815269470215, -0.05313614755868912, 0.2550904154777527, 0.43618059158325195, 0.545693039894104, -0.7199552059173584, 0.8669061660766602, 0.0450652651488781, -0.05762477591633797, -1.1723926067352295, 0.3720543682575226, -0.05888357758522034, 0.3339434862136841, 0.059769414365291595, 0.2819863259792328, 0.4402647614479065, -0.2595987319946289, -1.30702805519104, 1.1973237991333008, -0.09269946813583374, -0.2624049782752991, -1.8383920192718506, 1.2615596055984497, 0.4760066866874695, 0.20470769703388214, 0.4674833416938782, -0.015076149255037308, 0.22317294776439667, 1.4838299751281738, -0.2695099711418152, 0.6670503616333008, -0.06469504535198212, 0.40876051783561707, -0.39692211151123047, 0.9663532972335815, -2.0556368827819824, -0.4276452958583832, 0.37778207659721375, 0.17702387273311615, 0.49688923358917236, -0.1761970818042755, 0.7435202598571777, -0.3136328160762787, -0.4704727828502655, 0.28699034452438354, -0.9641846418380737, 0.3318503797054291, -0.970463752746582, -0.2092844545841217, 0.7455188035964966, -0.3220699429512024, 0.6417409181594849, 0.3659411072731018, 0.036536939442157745, -1.2550970315933228, 0.14637568593025208, 1.493607759475708, -0.024567097425460815, 0.8706189393997192, 0.24538946151733398, 0.7912194132804871, 0.808751106262207, -1.224187970161438, 0.0528414212167263, 0.47640395164489746, 0.3817535638809204, 0.5461987853050232, 0.5718400478363037, 0.22379402816295624, 0.8839989900588989, -0.9213700294494629, 1.058733582496643, 0.39424237608909607, -0.9345213174819946, -1.6157574653625488, 0.23956729471683502, -1.127044916152954, 0.1096387431025505, 2.212916612625122, 0.986617922782898, 2.275421142578125, -0.1094309464097023, -0.0015401560813188553, -0.5588719844818115, 0.11042468249797821, 1.1758612394332886, 0.955614447593689, -0.26748305559158325, 0.03680960834026337, 0.4015965163707733, 0.016358613967895508, -0.3390635550022125, -0.530685544013977, 0.07163767516613007, 0.45031020045280457, 0.16273678839206696, -1.189034104347229, 0.10323099046945572, -0.4215533435344696, 0.8304489850997925, 2.0103490352630615, -0.7099970579147339, -0.7253373861312866, -0.49236443638801575, 0.2492327094078064, 0.5866020321846008, 0.6748735308647156, -1.26631760597229, -0.10945902019739151, 0.06498388946056366, -0.3560847342014313, -0.3580658435821533, 0.8656644821166992, 1.1413789987564087, 0.024078059941530228, -1.0001068115234375, 0.38921836018562317, -1.3128242492675781, -0.1079220175743103, -0.1921367049217224, 0.20161394774913788, -0.6337477564811707, 0.5007174015045166, 0.09816465526819229, -1.441442847251892, 0.39028456807136536, -0.4700181782245636, -1.6006089448928833, 1.0432374477386475, 1.435157299041748, -0.8525689840316772, -0.5357152223587036, 0.054732829332351685, -0.282602995634079, -0.5851551294326782, -0.26962557435035706, -1.4422743320465088, 0.6305611729621887, 0.3310244679450989, 0.8663121461868286, 0.4049198031425476, -0.34530454874038696, -0.3301413357257843, 0.3904440402984619, 0.5032448172569275, -0.09090098738670349, 0.199456125497818, 0.005803593900054693, 0.4433686137199402, 0.02129346691071987, -1.7202614545822144, -1.0235275030136108, 0.5599762797355652, 0.009521007537841797, -0.28304633498191833, -0.8328619599342346, -1.1563022136688232, 0.0627300813794136, 0.009767778217792511, 0.5772103071212769, -1.0009013414382935, 0.7831488847732544, -1.0158653259277344, 0.5173661708831787, -0.1784648895263672, -0.9444363713264465, -1.4185925722122192, 1.074993371963501, -0.03731643781065941, 0.2814452052116394, 0.22924542427062988, 1.1670516729354858, 0.7880386114120483, 0.17327702045440674, 0.03676649183034897, -1.0064547061920166, -11.524971961975098, 0.13022686541080475, 0.009701927192509174, 0.5456000566482544, 0.8858454823493958, 0.41231340169906616, 0.7890878319740295, -0.2515740394592285, 1.273221492767334, -0.19715330004692078, 0.4337800145149231, 1.0894135236740112, 0.21238195896148682, 0.2563089430332184, -0.3577425479888916, -1.262715220451355, -0.7146942615509033, -0.4663405418395996, 0.4752432703971863, 0.1988353580236435, -0.21894268691539764, -1.1097065210342407, -0.18861517310142517, 0.45142051577568054, 0.5270153284072876, -0.3540273904800415, 0.6338909864425659, 0.20218007266521454, -0.674892008304596, -0.2169674187898636, 0.9105632305145264, -0.6925808191299438, -1.1069378852844238, 0.3957855701446533, 0.5771617293357849, 0.2510170042514801, -1.5519068241119385, -0.09160717576742172, 1.3040522336959839, 0.07643977552652359, -0.33716756105422974, 0.3760357201099396, 0.05390820652246475, 0.07281375676393509, -0.6052976250648499, -0.011984378099441528, 0.4393733739852905, -1.0946016311645508, -0.1768907755613327, -0.0905282124876976, -0.5194227695465088, -0.07343117147684097, -1.0673878192901611, -0.17318004369735718, 1.4944840669631958, 0.3501157760620117, 0.06009655445814133, -0.4882865846157074, -0.8028773665428162, -0.7733331918716431, 1.341914415359497, -0.00842883437871933, -0.46521952748298645, 0.24097256362438202, -0.049616649746894836, -0.11501020193099976, 0.7116159796714783, 0.42115187644958496, 0.41675347089767456, 0.013157906010746956, -0.5434252023696899, 0.6772591471672058, 0.6758087873458862, 0.12349899113178253, 0.09736999869346619, -0.4349774718284607, -0.014936801046133041, -0.7338059544563293, -0.2889251708984375, 0.5846768021583557, -0.9351157546043396, 1.239676594734192, -0.47450271248817444, 0.1963101029396057, -0.17916016280651093, -0.3762156069278717, -0.0926433727145195, -1.029380440711975, -0.04808225482702255, 0.13569894433021545, 1.1081939935684204, -0.6263014674186707, -0.4652135968208313, 0.07405758649110794, -0.9455109238624573, 0.47183045744895935, -0.39040473103523254, 1.3063089847564697, 0.5836845636367798, -0.6722816824913025, 0.0884002223610878, -0.6226872205734253, -0.4042397439479828, -0.8624120950698853, 0.8504032492637634, -0.06403270363807678, 0.11327460408210754, 0.05742977559566498, -0.04023396596312523, -0.16190803050994873, 0.9989174008369446, -0.7375268936157227, 0.4528619647026062, 1.178071141242981, 0.17776259779930115, 1.1572197675704956, 0.3691578805446625, 0.08099724352359772, 0.6937253475189209, 1.4521543979644775, 0.8539129495620728, 0.5963571667671204, -0.01813516579568386, 0.7941790223121643, -0.07852557301521301, -0.3198365569114685, 0.3534684479236603, 0.8195362687110901, 0.18112589418888092, -1.3731472492218018, -0.5462696552276611, 0.3730277717113495, 0.10524822771549225, -1.1873300075531006, -0.5714455842971802, -0.976510763168335, -0.7502727508544922, 0.7423741817474365, -0.02841148152947426, -0.0893702432513237, -0.11753466725349426, -0.6094444394111633, 0.41981399059295654, 0.1549648642539978, -0.5469494462013245, -0.16435837745666504, -1.035731315612793, -0.2151709794998169, -0.6287403702735901, -1.266272783279419, 0.676795482635498, -0.434585839509964, 0.8123529553413391, -0.12217698991298676, 0.438257098197937, 0.42374300956726074, -0.06983089447021484, -0.4977715313434601, -0.041473448276519775, 0.3321971595287323, 0.25066009163856506, 0.4609399437904358, -0.7693419456481934, 1.1230716705322266, 0.6772387027740479, -0.3149833083152771, -0.677178680896759, -0.8482067584991455, -0.847221851348877, 0.14151901006698608, 0.9255310297012329, -1.1355534791946411, 0.2881980240345001, -0.5804371237754822, -0.24877652525901794, -0.9836706519126892, 0.17278951406478882, 1.0762205123901367, -0.5664405822753906, 0.2474365383386612, 0.4482519030570984, 0.39185747504234314, 0.6349747776985168, -0.027737528085708618, -0.2111971378326416, -0.6102588772773743, 0.21949908137321472, 0.78541499376297, 0.40457358956336975, 0.5380449295043945, -1.3512557744979858, -0.593392014503479, -0.5548186898231506, -0.6170763969421387, 1.2476511001586914, 0.28269314765930176, 1.0566470623016357, 0.618484616279602, 0.02394804358482361, 0.45920902490615845, 0.39027848839759827, 1.1685189008712769, 0.9181278944015503, 0.7466572523117065, -0.8535276055335999, -0.6346617937088013, -1.1046857833862305, 0.45170319080352783, 0.7758272290229797, 0.4816040098667145, -0.730634868144989, -0.3934803605079651, 0.6910408735275269, -0.32223328948020935, 0.9341102242469788, -0.7053208351135254, 0.8344565629959106, -0.09442924708127975, -0.5117188096046448, -1.1466975212097168, -0.17027878761291504, 0.567897617816925, -0.8337289094924927, 0.8020975589752197, -0.14438310265541077, -0.3987656235694885, 0.4890212416648865, 0.13993234932422638, 1.5589022636413574, -0.5311866998672485, 0.0020345887169241905, 0.9365739226341248, -0.2908243238925934, -0.22375136613845825, -0.691410481929779, 0.6499460339546204, -0.5552364587783813, 0.7455778121948242, -0.3934195041656494, 0.30250680446624756, -0.2796816825866699, -0.00891997292637825, -0.457483172416687, 0.5654510855674744, -0.11585497856140137, -1.1946566104888916, -0.6470782160758972, -0.1441938281059265, -0.19175779819488525, 0.2627815306186676, 0.3366495966911316, 0.2924489676952362, 0.6826179623603821, 0.35287439823150635, 1.226741909980774, 0.02139052003622055, -0.031796373426914215, 0.4194251298904419, -0.0410725474357605, 1.180105447769165, 1.0102490186691284, 0.16284990310668945, 0.3003162145614624, 0.1340632438659668, -1.2938566207885742, -1.1072279214859009, -0.732666552066803, 0.21000869572162628, 1.3323042392730713, -0.9806462526321411, 0.47355425357818604, -0.40579521656036377, 1.0213981866836548, -0.04910774901509285, 0.23654264211654663, 0.2756379544734955, -0.13114535808563232, -0.28056061267852783, -0.6465453505516052, 0.17025578022003174, 1.129747748374939, -0.5693046450614929, -0.06134282052516937, -0.6512132883071899, -0.1900080442428589, -0.9047683477401733, -0.39403805136680603, -0.46902987360954285, 0.8347957730293274, -0.30750665068626404, -0.13318006694316864, -0.3362475335597992, -0.7459149360656738, -0.7920806407928467, 0.5322638154029846, -0.8518092036247253, 0.06438381969928741, 0.6828679442405701, -0.6999807357788086, 0.29749447107315063, 0.6140686273574829, -0.8197131156921387, 0.17566236853599548, 0.5988008379936218, -0.7793819904327393, -1.0041892528533936, 0.26796478033065796, 0.01693977415561676, 0.13941283524036407, -0.8151196241378784, 0.38728827238082886, 1.0457208156585693, -0.16515076160430908, 0.3223782479763031]} +{"paper_id": "fashion_mnist", "embedding": [-0.1420774757862091, 0.6856357455253601, -0.16227774322032928, -0.42326608300209045, -0.20279386639595032, 0.03425093740224838, 0.7981532216072083, 0.013070814311504364, 0.9466850757598877, 0.2655200660228729, 0.7776673436164856, -0.05048852413892746, 0.1068618893623352, -0.4926840364933014, -0.4303060472011566, 0.6059363484382629, 0.21736857295036316, -0.6141218543052673, -0.5790635347366333, 0.07488066703081131, -1.4316744804382324, -0.9216288328170776, -0.4363398551940918, 0.4020651876926422, -0.927247166633606, -0.10667701065540314, 0.9136026501655579, -0.368095338344574, 0.6671026945114136, 0.6252382397651672, 0.49112069606781006, 0.8343207836151123, -1.7470221519470215, 1.1632918119430542, -0.9465953707695007, -0.18769121170043945, 0.3988565504550934, 0.7519656419754028, -0.6236661076545715, -0.6780151724815369, -0.12799152731895447, -0.03374254330992699, 0.8055287599563599, 0.2312036007642746, 0.5067852139472961, -0.3293207585811615, -0.2584027647972107, 0.032401006668806076, 0.11738897860050201, 0.3433109223842621, -0.18182581663131714, 0.24520263075828552, 0.06291073560714722, 0.25906091928482056, -1.200052261352539, 0.4605441689491272, -0.3264285922050476, -0.16057178378105164, 0.3414106070995331, -0.6360836029052734, 0.09662117063999176, 0.9419466257095337, 0.1991562843322754, 0.39022621512413025, 0.2710023820400238, 0.5103079080581665, 0.39213627576828003, 0.017443642020225525, 0.16288115084171295, 0.22287923097610474, -0.26672428846359253, -1.0654361248016357, 0.6554816961288452, 0.5400930643081665, -0.37625133991241455, 1.3307088613510132, -0.5657528042793274, -0.7576247453689575, 0.3883010149002075, 0.1322416067123413, -0.21761786937713623, -0.3897935152053833, -0.8858059048652649, 0.3621811270713806, 0.2374170869588852, -0.47730666399002075, -0.5335912704467773, -1.3070615530014038, 0.22039827704429626, -1.1348395347595215, 0.34481948614120483, -0.20687444508075714, 0.9012486338615417, -0.15195779502391815, -0.1573655903339386, -0.855600118637085, -0.027175508439540863, 0.09442873299121857, -1.1440712213516235, 0.6677665114402771, 0.26986560225486755, -0.5695921182632446, 1.2605222463607788, -0.2353106141090393, 0.11538476496934891, 0.565365731716156, 0.03570036590099335, -0.36908677220344543, 0.06703619658946991, -0.16988195478916168, -0.2950667142868042, 0.936508059501648, 0.5165086388587952, 0.23973995447158813, 0.25103139877319336, -0.08236818015575409, 0.020550981163978577, 0.5127812623977661, -0.7698587775230408, 0.2586405277252197, 0.751132607460022, -1.8214656114578247, -0.5785398483276367, 0.003379151225090027, 0.33563920855522156, 0.011115366593003273, 0.36232879757881165, 0.10811778157949448, -0.6029164791107178, -0.24331608414649963, 0.7956575155258179, 0.2264101207256317, -0.5169979333877563, 0.7248345613479614, 2.9921157360076904, -0.36022281646728516, -0.07164598256349564, -0.611016571521759, -0.8573579788208008, -0.5499966144561768, -0.2965836226940155, 1.0204769372940063, 0.2831430435180664, -1.3154146671295166, -0.8724849224090576, 0.00498502142727375, -0.5535068511962891, -0.12702736258506775, -0.7543559670448303, 0.07169198244810104, 0.2965233623981476, 1.2096290588378906, -0.7074736952781677, -1.4421710968017578, 0.0008266642689704895, 0.37205442786216736, 0.515033483505249, -0.4080006182193756, -0.7536889314651489, 0.7793117761611938, 0.6078097224235535, 0.8496112823486328, -0.35543733835220337, 0.6714311838150024, 0.14366763830184937, 0.12097612023353577, 0.8150975704193115, 0.4169710874557495, -0.16857635974884033, -0.9768295884132385, 0.4672242999076843, -0.4121873080730438, 0.6041932702064514, 0.17157523334026337, -0.014283182099461555, 0.45006993412971497, -0.18124130368232727, 0.3303884267807007, 0.557979166507721, -0.6381164789199829, -0.20343858003616333, 0.10481305420398712, -0.3410734534263611, -0.07516465336084366, 0.9675821661949158, -0.30968794226646423, -1.4463818073272705, 0.17938357591629028, -1.2359634637832642, 0.030300091952085495, 0.5379343032836914, -0.34425193071365356, -0.042984962463378906, -0.030775928869843483, -0.07652360200881958, 0.29833734035491943, 0.23129858076572418, -1.216715931892395, -0.4264446794986725, 2.1290411949157715, -0.29466453194618225, 0.385306179523468, -0.7470198273658752, 0.5374863743782043, 0.3826822340488434, 0.5828119516372681, 0.4352082908153534, -0.7510955333709717, 0.23529520630836487, 0.8623507618904114, 0.2549923062324524, -1.1705329418182373, 0.22947803139686584, -0.7164517641067505, 0.33815231919288635, -0.939935028553009, 0.8106685876846313, -0.5677902698516846, -0.5378103256225586, -1.0410314798355103, -0.016339071094989777, -0.6327117681503296, 0.14856669306755066, 0.27866464853286743, 1.1887158155441284, -0.6697929501533508, -0.5052399635314941, 0.4476358890533447, -1.2547619342803955, 0.3507537543773651, 0.20510520040988922, 0.475268691778183, -0.12409521639347076, 1.3387227058410645, -0.017123520374298096, 0.06780193001031876, 0.9891048073768616, 0.9635009765625, -0.7139428853988647, 0.5577406883239746, 0.006131533533334732, -0.2582653760910034, -0.9052307605743408, -0.6283371448516846, -0.2902674674987793, -0.42676740884780884, -0.28858232498168945, -1.582033395767212, -0.27657586336135864, 0.20970016717910767, 1.7124600410461426, 0.20214438438415527, -0.08474394679069519, -0.025929313153028488, 0.6068696975708008, -0.25913703441619873, 1.050566554069519, 0.15103919804096222, 0.6803811192512512, -1.235783338546753, 0.1831272840499878, -0.32342779636383057, -0.02975153550505638, 0.06457951664924622, -0.021764058619737625, 0.07886965572834015, -0.46142101287841797, 0.050028033554553986, -0.9407323002815247, -0.14630532264709473, -0.20566710829734802, 0.7674760222434998, -0.7400373220443726, -0.4432532489299774, -0.30972200632095337, 1.0047332048416138, -0.33982163667678833, 1.0344140529632568, 0.6816561222076416, -0.6278849840164185, 0.5970214009284973, -0.48014193773269653, 0.3197132349014282, -0.16379401087760925, 0.30782201886177063, 0.21965551376342773, -0.42107492685317993, -1.3288439512252808, -0.9276895523071289, -1.1525851488113403, -0.1050877645611763, -0.3849109709262848, -0.40988287329673767, 0.8561853766441345, -0.35787397623062134, -1.2822612524032593, 2.0180304050445557, 0.17149806022644043, 0.24943608045578003, 0.30265945196151733, 0.7023822069168091, 0.5818982720375061, -0.3799237310886383, -0.33085256814956665, -0.26270103454589844, 0.08917126059532166, 1.4168356657028198, -0.3587174713611603, 0.016395460814237595, 0.6432819962501526, -0.15638837218284607, 0.16346853971481323, -0.055547621101140976, -1.6155989170074463, -0.4170418679714203, -0.7734560370445251, -0.17009462416172028, 0.2877424955368042, -0.9762980341911316, -0.2476096749305725, -0.13211625814437866, 0.34811848402023315, -0.12183306366205215, -1.2860610485076904, -0.3079088032245636, 0.031812213361263275, 0.4397891163825989, -0.08200465142726898, -0.5667997002601624, 0.02677745744585991, 0.2716601490974426, -0.07435279339551926, -0.7520689368247986, 0.21491652727127075, 0.6883043646812439, -0.6572967171669006, -0.31334102153778076, 0.5531747937202454, 0.5675744414329529, 0.25144898891448975, 0.0410473495721817, 0.11941694468259811, 0.21433712542057037, -0.1400594711303711, -0.24069248139858246, 0.19264842569828033, 1.0886605978012085, 0.6213358640670776, 0.7669151425361633, 1.422825574874878, -0.20466798543930054, -0.3129580020904541, -0.9887758493423462, 0.9717234373092651, -0.07466296851634979, 0.0732264444231987, 1.4162206649780273, 0.3090595304965973, 0.7647388577461243, -0.8009606599807739, 0.8503885865211487, 0.43940645456314087, 0.1293405145406723, 0.26195475459098816, 1.5407909154891968, -0.22407309710979462, -0.17502814531326294, 0.2655768394470215, -0.2878003418445587, 0.3017745018005371, 0.19412736594676971, -0.29999154806137085, 0.42137858271598816, -0.1711881011724472, -0.1574748307466507, -0.15328571200370789, 0.48951640725135803, 0.6526194214820862, 1.860126256942749, -0.17903420329093933, -0.5142858028411865, -0.14011506736278534, 0.3551689088344574, 0.5110113024711609, -0.9680175185203552, -0.0641329437494278, 0.3384721279144287, 0.023205313831567764, 1.022344946861267, 0.2932834029197693, 0.5361576080322266, -0.2588057816028595, 0.10250608623027802, -0.7273318767547607, 0.4770382344722748, -0.7866041660308838, -0.6928867697715759, -0.0790090560913086, 0.3701300024986267, -0.0662749633193016, 0.13178032636642456, -0.1344487965106964, -1.5447455644607544, 0.3288402855396271, 0.00859915278851986, -0.16094174981117249, -0.076637864112854, 1.5878629684448242, -0.5892223715782166, -0.31777966022491455, -0.5919176340103149, -0.6620233058929443, -0.24517549574375153, 0.5020440220832825, -0.3255452513694763, -0.08284517377614975, 0.08820103108882904, 0.5019306540489197, -0.29386383295059204, -0.8594049215316772, -0.08706818521022797, 1.2422281503677368, 0.8525709509849548, -0.7289597392082214, 0.6061458587646484, -0.7874675989151001, 0.3060768246650696, 0.14613524079322815, -0.6477090716362, 0.07443311810493469, 1.0964282751083374, 0.6563878059387207, -0.24206486344337463, -1.143669843673706, 0.03367127105593681, -0.542606770992279, 0.22894440591335297, 1.378412127494812, -0.5469481945037842, -0.6303249597549438, 0.3266870081424713, 1.2030651569366455, 0.349974662065506, 0.2421056181192398, -0.15933012962341309, 1.9557344913482666, -0.36603397130966187, 0.6100825071334839, -1.2749203443527222, -0.27872273325920105, 0.7980111241340637, 0.2276400923728943, -0.07192014902830124, 0.2652491331100464, -12.67808723449707, 0.7453828454017639, -0.2742268145084381, 0.6220608949661255, 1.300345778465271, -0.04824087768793106, 0.2127210795879364, 0.277100145816803, 0.6000190377235413, -0.16349852085113525, -0.0313577838242054, 0.3404688239097595, 0.5817557573318481, -0.1366952508687973, -0.29192113876342773, -1.5808279514312744, -1.1152589321136475, -0.7078503370285034, -0.09403151273727417, 0.37657466530799866, 0.7847364544868469, -0.03547287732362747, -0.6982676386833191, -0.03925401344895363, -0.2271406501531601, -0.9975239038467407, -0.21905609965324402, -0.2969537675380707, -0.2405223250389099, 0.4613724648952484, 0.12239530682563782, 0.13578176498413086, -0.7944285869598389, -0.5490878224372864, -0.14344888925552368, 0.02313244342803955, -0.4345599412918091, -0.004167567472904921, 1.4276317358016968, -0.0471208281815052, -1.1540824174880981, 0.6026377081871033, -0.16668188571929932, 0.6567005515098572, -0.4614662230014801, -0.35025209188461304, -0.04155173897743225, -0.35018840432167053, -0.501860499382019, -0.4942491054534912, -0.08412247896194458, -0.27811118960380554, -0.10048931837081909, -0.42236196994781494, 0.7400040030479431, 0.4120935797691345, -0.8518315553665161, -0.22984924912452698, -0.49821919202804565, -0.8292787075042725, 0.3442773222923279, 0.546822726726532, -1.1049290895462036, 0.4589153826236725, 0.7053241729736328, -0.6276825070381165, 1.1792105436325073, 0.9922769069671631, 0.13934782147407532, 0.49134570360183716, -0.9884141087532043, 0.7168596982955933, 0.8570227026939392, -0.06913502514362335, -0.26612064242362976, 0.24683520197868347, -0.024733275175094604, 0.2721233665943146, -0.31356626749038696, 0.1020488291978836, -0.9481467604637146, 0.24234053492546082, -0.7497012615203857, -0.7230034470558167, 0.0010805130004882812, 0.7899885177612305, -0.5171356797218323, -0.28978022933006287, 0.2943558692932129, -0.03364281356334686, 0.9772481918334961, -0.40644407272338867, 0.04619009420275688, -0.07409802824258804, -0.6832250952720642, 0.7424030900001526, -0.7264300584793091, -0.41322606801986694, -0.7041212320327759, -0.5626323819160461, 0.3775481879711151, 0.49555131793022156, -0.10778041929006577, -0.11212113499641418, 0.5866532325744629, 0.20468920469284058, 0.14927861094474792, 0.3157031536102295, 0.43077078461647034, 0.9971103668212891, -0.10270899534225464, -1.285375952720642, -0.49013733863830566, 1.298017144203186, -0.44171538949012756, 0.7350192070007324, 1.1671608686447144, -0.47543999552726746, 0.3085136413574219, -0.199846550822258, -0.27138787508010864, 0.1916969120502472, 1.4784773588180542, 0.7084371447563171, -0.14104300737380981, 0.005145993083715439, 0.5993385910987854, 0.46936851739883423, 0.0856931209564209, -0.8793593049049377, 0.9661772847175598, -0.23352235555648804, -0.708189845085144, 0.07361143082380295, 0.13836421072483063, -0.45862942934036255, -0.7020034193992615, 1.2343497276306152, -0.5750548243522644, 0.19844669103622437, -0.09902966767549515, -0.6296555995941162, -0.5898383855819702, -0.5073830485343933, -0.38588008284568787, -0.3538469076156616, -0.9646691679954529, 0.08223994076251984, 0.09522565454244614, -0.6640747785568237, 0.17786666750907898, 0.1517796814441681, 1.0372310876846313, -0.22440630197525024, -0.552582859992981, 0.12299763411283493, 0.6325110197067261, -1.2438068389892578, 0.036175936460494995, -0.500016450881958, 1.3338629007339478, 0.2407660186290741, -0.22682473063468933, 1.1752058267593384, 0.6387526988983154, -0.3101642429828644, -0.6729601621627808, 0.13321292400360107, -0.11250561475753784, -0.1937207281589508, 0.6354577541351318, -1.0268586874008179, 0.2756488025188446, -0.5648066997528076, -0.3451858162879944, -0.885304868221283, 0.1066218912601471, 1.1090353727340698, -1.158564805984497, 1.2169996500015259, 0.18886379897594452, 0.8778951168060303, 0.9116406440734863, -1.6479876041412354, -0.3221740126609802, -0.4288759231567383, 0.8103650808334351, 0.3186217248439789, -0.22514969110488892, 0.5368317365646362, -1.8016541004180908, -0.9989878535270691, -0.012671024538576603, 0.04642287269234657, 0.9707134962081909, 0.29860979318618774, -0.04372629523277283, 0.36835646629333496, -0.016807228326797485, 0.6733914017677307, -0.45943647623062134, -0.338702917098999, 0.2761225998401642, -0.41461771726608276, 0.7431195378303528, -0.2993770241737366, -0.05773434042930603, -0.9934810400009155, -0.216261625289917, 0.6552823781967163, -0.909754753112793, -0.35600745677948, 0.2075788527727127, 0.5807669162750244, 0.5205734372138977, -0.034729864448308945, 0.0763828307390213, -0.2261103242635727, 0.025931568816304207, -0.8759220242500305, 0.41843628883361816, 0.021302590146660805, -0.085780069231987, 1.1868715286254883, 0.06257187575101852, 0.4785934090614319, 0.6646310687065125, 0.5415987968444824, 0.5882992744445801, 0.6187129020690918, -0.997606098651886, -0.09699410200119019, 0.4752527177333832, -0.6765562891960144, -0.30003756284713745, -0.25433504581451416, -1.1055234670639038, 0.4028787612915039, -0.7128089070320129, -0.4128546714782715, -0.8473517894744873, 0.26265665888786316, -0.40751969814300537, 1.1941131353378296, 0.16213050484657288, -0.740094006061554, -0.19474297761917114, -1.360657811164856, 0.015747662633657455, 0.0557575449347496, -0.5937355160713196, 1.5299487113952637, 0.6470766067504883, 0.47573286294937134, 0.9418521523475647, 0.5686508417129517, -1.1076548099517822, 0.05209485441446304, 0.10624756664037704, 1.5578550100326538, 0.2852196991443634, -0.0849401131272316, 1.036064863204956, 0.3635053038597107, 0.05992129445075989, -0.6308529376983643, 0.41949135065078735, 0.6849187016487122, 0.40911537408828735, -0.7917553186416626, -1.0219714641571045, -0.22043611109256744, -0.3805127441883087, -0.7387922406196594, -0.23811088502407074, 0.8522476553916931, -0.4231313467025757, -1.105567455291748, 0.01754780299961567, 0.6568084359169006, 0.4493044912815094, 0.3644992411136627, -0.3772842288017273, -0.11924774944782257, 0.7744752764701843, 0.586027979850769, 0.3080129623413086, -0.18349489569664001, 0.16873842477798462, -0.19873125851154327, -0.11656787991523743, -0.04008510708808899, -1.3425655364990234, -0.05363480746746063, 0.38079962134361267, -0.7968460917472839, 0.2901112735271454, -0.27040570974349976, -0.07629838585853577, -0.029474705457687378, 0.15344272553920746, 0.355472207069397, 0.16939285397529602, -0.2233610600233078, 1.222467303276062, -0.44459566473960876, 0.7196945548057556, 0.5779469013214111, -0.42576003074645996, -0.14555557072162628, 0.4367719888687134, -0.29396775364875793, -0.31409209966659546, 0.7854368090629578]} +{"paper_id": "generics_kb", "embedding": [-0.6217765212059021, 0.715603768825531, -0.4139070212841034, -0.12084025889635086, -0.1835925579071045, -0.2294696867465973, 0.29349350929260254, 0.5655060410499573, 0.7777641415596008, 1.1448440551757812, 0.7530099749565125, 0.6309475898742676, -0.31767287850379944, 0.2944539189338684, -0.5366798639297485, -0.6507580876350403, -0.7849133610725403, -0.7390937805175781, -1.076804518699646, -0.1805540770292282, -0.902917742729187, -0.7998446822166443, 0.01376054435968399, 0.46301376819610596, -0.9336663484573364, -0.5250556468963623, 1.0276600122451782, -1.0322543382644653, 0.5790351629257202, -0.3277212083339691, -0.5985433459281921, 1.3072984218597412, -1.2184805870056152, 1.4428644180297852, -0.2281494140625, -0.17144352197647095, 0.1460152119398117, 0.9734209179878235, -0.1454807072877884, 0.24782049655914307, -0.09625318646430969, 0.19955727458000183, 0.9046241044998169, -0.2731887102127075, 0.21346570551395416, -0.7487211227416992, -0.08078242838382721, 0.6647955179214478, -0.15866394340991974, 0.2876523733139038, -0.21428994834423065, 0.5423895716667175, -0.283549427986145, 0.87990403175354, -0.009552784264087677, 1.200092077255249, 0.4920983612537384, -0.9118445515632629, 1.1910827159881592, -1.0069618225097656, 0.8902597427368164, 1.7540719509124756, -0.9031938314437866, 0.15833546221256256, 0.6143520474433899, -0.08327027410268784, 1.001146674156189, 0.2652915120124817, 0.7870789766311646, 0.46829575300216675, 0.1796640306711197, -0.842444658279419, 0.4816964566707611, 0.0009912699460983276, 0.3936781585216522, 0.22198078036308289, 0.5081486105918884, -0.3665435314178467, 0.01293121837079525, 0.2450200915336609, 0.06825122237205505, 0.16134895384311676, 0.5445986390113831, -0.56801438331604, 0.025562524795532227, 0.4135187566280365, -0.004618600010871887, -0.872604489326477, 0.030951563268899918, -1.8830312490463257, 0.3168485164642334, 0.024383315816521645, -0.3575323522090912, -0.5662195682525635, 0.2295958697795868, 0.43521392345428467, -0.6417981386184692, -0.7657723426818848, 0.24226149916648865, 0.6553624868392944, 0.5870164036750793, -0.5915004014968872, -0.07991527020931244, 0.27276715636253357, 0.08088380098342896, 0.7604588866233826, -0.12198247760534286, 0.3729393482208252, -1.095109224319458, -0.3362652063369751, 0.27164825797080994, 1.2156888246536255, 0.18124186992645264, 0.3275163471698761, -0.3505936563014984, -0.05876411870121956, 0.2083674967288971, -0.3807646334171295, -0.037158090621232986, 0.4540640711784363, -0.25414934754371643, -0.7329058647155762, -0.20596185326576233, 0.7175310254096985, 0.8325825333595276, -0.6659501194953918, -0.06861063838005066, 0.06638256460428238, 0.21858234703540802, -0.3043411076068878, 0.5419098138809204, -0.02121555432677269, -0.7749502658843994, 0.45318692922592163, 3.488668441772461, -0.584673285484314, 1.599653720855713, 0.041172243654727936, -0.39259645342826843, -0.24091875553131104, -0.300527423620224, 0.4379342198371887, 0.9037121534347534, -0.5395058393478394, -0.7405681610107422, 0.14084522426128387, -0.6717508435249329, 0.3915288746356964, -0.9684374332427979, 0.3583616018295288, 0.27300241589546204, 0.14879927039146423, -1.8215868473052979, 0.2018928825855255, -0.3712824285030365, 0.8260855078697205, -0.4082406163215637, 0.539665699005127, -1.0321335792541504, 0.45983919501304626, 0.2985208034515381, -0.03293794393539429, -0.4314051568508148, -0.015630904585123062, -0.8498360514640808, -0.21004897356033325, 1.411840558052063, -0.7878056764602661, -0.9603996276855469, -0.20661641657352448, 0.7654328942298889, 0.0983007550239563, -0.16004104912281036, -0.6541482210159302, 0.31015846133232117, 0.7726559042930603, 0.3259347677230835, 0.6198390126228333, -0.27761268615722656, -0.504022479057312, -0.9947482943534851, -0.7603607177734375, -0.12769344449043274, 0.5367473363876343, -0.2744930684566498, 0.5508983731269836, -2.4819231033325195, -0.7238820195198059, -0.7586086988449097, 0.8966202139854431, -0.31111419200897217, 0.8908751010894775, 0.35231587290763855, 0.44762420654296875, -0.3274473547935486, -0.36452996730804443, 0.5293539762496948, -1.4336110353469849, -0.2866353392601013, 0.05232296884059906, -1.1145639419555664, 0.34952959418296814, -0.4000728130340576, 0.8267780542373657, 0.4206336438655853, -1.1030205488204956, -0.5135912299156189, -2.0419600009918213, 0.34502166509628296, 1.9271113872528076, 0.3633236885070801, -0.3995835483074188, -1.069013237953186, -0.3456375300884247, 0.726157009601593, -0.3352532386779785, 0.011872775852680206, -1.0019201040267944, 0.3461633622646332, -1.1690832376480103, 0.5330303311347961, 0.3384547233581543, 0.6034407615661621, 0.7434443831443787, 1.6021250486373901, -1.0770162343978882, 0.06472167372703552, -0.46950289607048035, -0.3947394788265228, 0.7045519351959229, 0.6418046951293945, 0.7311899662017822, 0.09697670489549637, 1.0190056562423706, -0.11467031389474869, 1.3640202283859253, 0.10080725699663162, 0.48628926277160645, -1.1472605466842651, 0.3741670250892639, 0.573737621307373, 1.0214101076126099, -0.07116967439651489, -0.013258516788482666, 0.00692237913608551, 0.1293005645275116, -0.40418365597724915, -0.4125288128852844, 0.16368764638900757, -0.7160952687263489, 1.6756412982940674, 0.6032836437225342, 0.15266017615795135, 0.8765314817428589, -1.210105538368225, 0.06606373190879822, -0.496492862701416, -1.511277198791504, -0.49382346868515015, 0.15821683406829834, 1.3574904203414917, 0.3939177691936493, 0.019191771745681763, -0.06509022414684296, -0.31092333793640137, -1.641669750213623, 0.2485227882862091, -0.20156121253967285, -0.12545211613178253, -1.246350884437561, 0.7192227244377136, -0.23612068593502045, -0.6791719794273376, -0.9424370527267456, -0.28389233350753784, 0.21029570698738098, 0.23135988414287567, 0.549858808517456, 1.1579686403274536, -0.6610811352729797, 0.29565542936325073, -0.2694087326526642, 1.3227735757827759, -0.8445382118225098, 0.8328431844711304, 0.6318694353103638, -0.20003201067447662, -1.2482341527938843, 0.2569689452648163, -0.730402946472168, 0.7129252552986145, 0.32491248846054077, -0.8799150586128235, -0.21956095099449158, -0.0710635781288147, -0.15404820442199707, 1.1866673231124878, -0.046662021428346634, -0.34405797719955444, -0.426175594329834, 1.1432909965515137, -0.18446195125579834, -0.5559154748916626, 0.43987375497817993, 0.47339287400245667, 0.187129408121109, 1.237172245979309, 0.05484782159328461, 0.7896348834037781, -0.048832498490810394, 0.8431920409202576, 0.08515142649412155, -0.08150473237037659, -1.8189470767974854, 0.5804464221000671, 1.2573237419128418, -0.6200018525123596, -0.04396398738026619, -1.2033408880233765, 0.28238338232040405, -0.9433704614639282, -0.32610446214675903, 0.8191620707511902, -0.20716135203838348, 0.05243926867842674, -0.6467114090919495, -0.1743117719888687, 0.38102561235427856, -1.220160961151123, 0.7543102502822876, 0.6791337132453918, 0.30303332209587097, -0.8934481143951416, 0.6762490272521973, 1.0104635953903198, -0.15915068984031677, 0.8424190282821655, -0.310057133436203, 1.3642969131469727, 1.0786808729171753, -0.6029577255249023, -0.16418851912021637, 0.45076102018356323, 0.010081294924020767, 0.8012334704399109, 0.749612033367157, -0.6872978806495667, 0.4882739782333374, -0.29862847924232483, 1.1002891063690186, -0.24952852725982666, -0.7111564874649048, -0.689153790473938, -0.26370418071746826, -0.4635210633277893, -1.215871810913086, 1.92985999584198, 0.9883261322975159, 1.8411535024642944, -0.7706485390663147, 0.5708258152008057, -0.8575175404548645, -0.5082354545593262, 0.5227407813072205, 0.05186457186937332, 0.19661137461662292, -1.5189248323440552, -0.10816597938537598, 0.6952444911003113, -0.34126293659210205, -0.06609831750392914, -0.5009751915931702, 0.1462680697441101, 0.9526889324188232, -0.5477151274681091, 0.358935683965683, 0.23208357393741608, 0.45634862780570984, 0.9270192384719849, -0.5990059971809387, -0.09661340713500977, -0.06666087359189987, 0.40619465708732605, 0.0165158212184906, 0.4307994842529297, -1.4068633317947388, 0.8156975507736206, 0.0009779930114746094, 0.9333045482635498, 0.36473655700683594, 1.0174667835235596, 1.7358976602554321, -0.2610330581665039, -1.827368140220642, -0.5239289999008179, -0.9293929934501648, -0.332293301820755, 0.7242971658706665, -0.4587751626968384, -0.05874314159154892, 0.169033020734787, 0.025532562285661697, -0.7956585884094238, 0.835191011428833, -0.737764835357666, -1.2603750228881836, 0.723676860332489, 1.3537168502807617, -1.5903432369232178, -0.25752922892570496, 0.4107505679130554, -0.8239490389823914, -0.8690389394760132, -0.30253276228904724, -0.4618757963180542, 0.7932448387145996, 0.5827887058258057, 0.5293869972229004, -0.042603492736816406, 0.08753569424152374, -1.0420433282852173, 0.7353301644325256, 0.8012535572052002, -0.3205147683620453, 0.8354223966598511, 0.38966652750968933, 0.7721215486526489, 0.7326036691665649, -1.1160463094711304, -0.5238760709762573, 1.146000623703003, 0.4308173954486847, -0.031050920486450195, -1.310543179512024, -1.293891429901123, 0.5918136239051819, 0.23761413991451263, 0.31410956382751465, -1.0981214046478271, 0.6638452410697937, -0.431577205657959, 0.4323630928993225, 0.722728967666626, -0.5671672821044922, -1.2553173303604126, 1.8205220699310303, -0.10945232957601547, 0.6335399150848389, -0.41165968775749207, -0.39599230885505676, 1.9334295988082886, -0.09728692471981049, -0.06719546765089035, -0.3657880127429962, -10.930744171142578, 0.4777721166610718, -0.010360542684793472, 0.5240417718887329, 0.8095700144767761, -0.3331257700920105, 0.46292710304260254, -0.08972811698913574, -0.041107453405857086, -0.9476608633995056, 0.25330430269241333, 1.1258254051208496, 0.5479081273078918, 0.48479777574539185, -0.5686191916465759, -1.8941569328308105, -0.4050323963165283, -0.5810801386833191, -0.06319078058004379, -0.208823561668396, 0.2501415014266968, -1.3641393184661865, 0.6398696899414062, 0.22681941092014313, 0.5517573356628418, -0.23687222599983215, -0.500313937664032, 0.14158931374549866, -0.828731894493103, -0.21383409202098846, 0.4297591745853424, 0.0881027951836586, -0.8543644547462463, -0.15898437798023224, -0.5342466235160828, -0.7109541296958923, -0.9406092762947083, -0.05657525360584259, 0.8366162776947021, 0.16437596082687378, -0.4881402254104614, 0.26856252551078796, 0.3632202744483948, -0.4984198212623596, -0.9782853722572327, 0.21510495245456696, 0.5418952703475952, -0.7622953057289124, 0.14877626299858093, -0.06115490198135376, -0.20300090312957764, -0.4681563377380371, -0.42382103204727173, -0.7573459148406982, 0.15403485298156738, 0.29032623767852783, -0.8464196920394897, 0.14031729102134705, -0.9534488916397095, -1.4647315740585327, 0.24873319268226624, 0.37647753953933716, 0.014595173299312592, -0.1444416642189026, 0.22393649816513062, -0.4445934295654297, -0.1461082398891449, 0.3233794569969177, -0.464394211769104, -0.24007245898246765, -0.6730259656906128, 0.7365368008613586, -0.010714612901210785, -0.32561245560646057, -0.6055279970169067, -0.014080405235290527, -0.3940461575984955, -0.3152010440826416, 0.8369741439819336, 0.08026395738124847, -1.101698398590088, 1.2079200744628906, 0.17720089852809906, -0.43524566292762756, -1.3977676630020142, 0.12778213620185852, 0.19005820155143738, 0.10017342865467072, 0.6426140069961548, -0.8767347931861877, 1.1368952989578247, 0.08781340718269348, -0.3186231255531311, -0.5584118962287903, 0.033398404717445374, 0.992160975933075, 0.3260384500026703, 0.3095249533653259, 0.26264071464538574, -0.49493780732154846, 0.7057514190673828, 0.12061034888029099, -1.3605989217758179, -0.34320351481437683, -0.14592929184436798, 0.7419095039367676, -0.029516883194446564, -0.33157652616500854, -0.24267376959323883, -0.338107705116272, 0.9104417562484741, 0.29041364789009094, -0.9251209497451782, 0.7964591383934021, -0.8145318031311035, 0.4331415593624115, 0.8954525589942932, -0.2052927166223526, 0.5069207549095154, 0.8680471777915955, 0.34647437930107117, 0.16925494372844696, 0.19464530050754547, 0.7514773011207581, -0.4893436133861542, -0.5014636516571045, 0.4564568102359772, 0.39638978242874146, -0.0716678649187088, -1.242787480354309, 0.339886873960495, 0.10750281810760498, -0.1544835865497589, -0.4002312123775482, -0.6625247597694397, -0.7261541485786438, -0.5462603569030762, 1.490060567855835, 0.06136147677898407, 0.24694865942001343, 0.05895256996154785, -0.06687154620885849, -0.2758607864379883, -0.9487181901931763, -0.051122091710567474, -0.07679019123315811, -1.959562063217163, 1.0025913715362549, -0.39867550134658813, -0.8564836978912354, -0.11363448202610016, -0.4863933026790619, 1.0307416915893555, -0.786786675453186, 0.1384381502866745, 0.18877261877059937, 0.49625644087791443, -0.24988198280334473, -0.49941086769104004, 0.294865220785141, -0.052932433784008026, 0.867750346660614, -0.7539466619491577, 0.36106863617897034, 0.44937506318092346, -0.39288029074668884, 0.053518615663051605, -0.6036703586578369, -0.5525184273719788, -0.1454135775566101, 0.658912181854248, -1.228426218032837, -0.21314935386180878, -0.400108277797699, -0.020781517028808594, -0.8061590194702148, 0.9381483793258667, 0.8648104667663574, -0.6223580241203308, -0.4006330966949463, 0.4553964138031006, 0.8681862950325012, 0.23182567954063416, -0.486516535282135, -0.4330282509326935, -0.45891621708869934, 0.39222973585128784, 0.4660939574241638, 0.19307395815849304, 1.3220553398132324, -1.046597957611084, -0.898750901222229, -0.39594918489456177, 0.7068457007408142, 0.9445380568504333, -0.1861254870891571, 1.6055628061294556, 0.7297627329826355, 0.7712327241897583, 0.7775060534477234, 0.19017450511455536, 1.1076443195343018, 0.16157563030719757, 0.6420314908027649, -0.426052063703537, 0.1724495142698288, -1.2201694250106812, -0.41350722312927246, 0.23961032927036285, 0.9763716459274292, -1.4428356885910034, 0.1472751945257187, 0.5582581162452698, -0.9096245169639587, -0.6031776070594788, -0.5193789005279541, 0.7202191948890686, -1.064749002456665, -0.9372310638427734, -1.0771316289901733, 1.1521315574645996, 0.9040876626968384, -0.1357119083404541, 0.9135022163391113, 0.38573840260505676, 0.9236847162246704, 0.5753453969955444, 0.18093310296535492, 1.4636540412902832, -0.08211581408977509, 0.10686817765235901, 0.22873350977897644, 0.9132534265518188, -0.05603702366352081, 0.09620577096939087, -0.7843552827835083, -0.22897638380527496, 0.575344443321228, -0.16505621373653412, 0.8112607002258301, -0.0601368173956871, 0.2909838855266571, 0.8649861216545105, 0.9670836329460144, -0.7767689824104309, -2.02933406829834, -0.06607264280319214, -0.9124698638916016, 0.27896279096603394, 0.548713207244873, 1.118538737297058, 0.6563898921012878, 0.8838853240013123, 0.6162510514259338, 0.6639564037322998, -0.5239595174789429, -0.07854597270488739, 0.41888943314552307, 0.2843244671821594, 0.9365612864494324, 1.0680314302444458, 0.37303170561790466, 0.3937392830848694, -0.08555976301431656, -0.339852511882782, -0.1927873194217682, -0.25276103615760803, 0.5739073157310486, 0.8026564717292786, -0.26863208413124084, -0.06300893425941467, -0.6432591676712036, 1.169869065284729, -0.813913106918335, 0.39222821593284607, -0.6800117492675781, -0.5317971110343933, -1.1248037815093994, -0.48700404167175293, -0.5583871603012085, 0.6368433833122253, -0.2859322130680084, -0.8551792502403259, 0.4623897671699524, 1.224609375, -0.15525533258914948, -0.09351921081542969, -0.5890488624572754, -0.17356188595294952, -0.4978213310241699, -0.49561119079589844, -0.4636213183403015, -0.6766906380653381, -0.8480839729309082, -0.06062828376889229, -0.48770999908447266, 0.02750559337437153, 0.11596959829330444, -0.7011275887489319, -0.5010485053062439, 0.12537431716918945, -0.12411810457706451, 0.2880028784275055, 0.15238481760025024, -0.08584278076887131, -1.9949179887771606, 0.7218821048736572, 0.8585579991340637, -0.03398909792304039, -1.3416469097137451, -0.06307132542133331, 0.12703652679920197, -0.2162620723247528, 0.48897629976272583]} +{"paper_id": "bianet", "embedding": [-0.318257212638855, 0.5608306527137756, 0.6355391144752502, 0.0129304900765419, 0.662894070148468, -0.5630205869674683, -0.05063101649284363, 0.9411072134971619, 0.36554422974586487, -0.3822392523288727, 0.49516257643699646, -0.44023004174232483, 0.926701009273529, 0.4208551347255707, -0.35051268339157104, -0.3436800539493561, -1.0731604099273682, -0.4665718078613281, -0.8325682282447815, -0.35428741574287415, -0.17424045503139496, -0.2539178729057312, -0.6887487769126892, -0.0903942659497261, -0.4271770715713501, -0.18347367644309998, 0.29991835355758667, -0.6877340078353882, 0.6139401197433472, 0.42367586493492126, -0.03918644040822983, 0.7810666561126709, -1.2685060501098633, 0.2831280827522278, -0.48419877886772156, -0.47814005613327026, -0.18700207769870758, 0.8169373869895935, -0.4527498781681061, -0.19281360507011414, -0.6397591233253479, -0.5392777323722839, 0.7018276453018188, 0.5040768384933472, 0.9035155773162842, 0.0037027373909950256, 0.18757931888103485, 0.264320433139801, 0.18527574837207794, 0.320034384727478, -0.2453179955482483, 0.37186458706855774, -0.22365954518318176, 0.7546044588088989, -0.7097427845001221, 1.1638578176498413, 0.030773527920246124, -0.8178749084472656, 0.2504933476448059, -1.297390103340149, 1.255717158317566, 1.2024480104446411, -0.8832204937934875, 0.27193984389305115, 1.1470879316329956, -0.2997533082962036, 1.2496607303619385, -0.1934797465801239, 0.8511520624160767, 0.8872987031936646, 0.14476211369037628, -0.94761061668396, 1.2019966840744019, -0.4477299153804779, 0.554315984249115, 0.5276226997375488, 0.6426316499710083, 0.28103238344192505, 0.15414702892303467, 0.26975834369659424, -0.10494190454483032, 0.7553403973579407, 0.5159237384796143, -0.13200661540031433, -0.19025765359401703, -0.5795748829841614, 0.044744476675987244, -0.6361997127532959, 0.5185434818267822, -1.527432918548584, -0.13782280683517456, -0.058523066341876984, 0.06035447120666504, -0.031053073704242706, -0.2291581630706787, -0.026882927864789963, 0.4508187174797058, 0.47059959173202515, -0.7691100835800171, 0.03122911974787712, 0.9398889541625977, -0.7885748147964478, -0.38321322202682495, -0.21464106440544128, 0.36123159527778625, 0.803697943687439, -0.08953025937080383, -0.999729573726654, -1.050324559211731, -0.407857209444046, -0.47977808117866516, 1.2254139184951782, -0.5139381885528564, 0.5787678360939026, 0.24872028827667236, -0.5932319760322571, -0.8092343211174011, -0.30709394812583923, -1.5787724256515503, -0.21561597287654877, -0.5798245072364807, -1.5107320547103882, -0.04015447944402695, 0.3306727409362793, 0.5387683510780334, -0.6203034520149231, 0.010313451290130615, -0.6841246485710144, 0.22612364590168, -0.36236992478370667, 0.8657982349395752, -0.049782607704401016, -0.25634902715682983, -0.6301904320716858, 2.5299506187438965, -0.05811091512441635, 1.3317118883132935, -0.6038603782653809, 0.2586776912212372, -0.46731722354888916, -0.14490383863449097, 1.8271923065185547, -0.3675975203514099, -0.7800420522689819, 0.053149838000535965, 0.0852099284529686, -1.0479400157928467, 0.22554543614387512, 0.2779189348220825, -0.481185644865036, -0.23592767119407654, 0.6822768449783325, -0.9400784969329834, -0.616179347038269, -0.14313387870788574, 0.25229698419570923, 0.8763483762741089, 1.2989875078201294, -0.7590569257736206, 1.149532675743103, 0.7362979054450989, 0.2737443149089813, -0.5225390791893005, 0.16089092195034027, -0.9795593619346619, 0.2861504852771759, 1.3133265972137451, 0.4312831461429596, -0.25413092970848083, -0.73438560962677, 0.7772421836853027, -0.03691743314266205, -0.12019194662570953, 0.14896738529205322, 0.3229278326034546, 0.292367547750473, 0.0003145560622215271, 0.7456274628639221, 0.1156407818198204, -0.2149839848279953, -0.41381657123565674, -0.5299397110939026, 0.0524100586771965, 0.36235150694847107, 0.48774364590644836, -0.14509744942188263, -1.7579574584960938, -0.26470911502838135, -0.6607344150543213, -0.6594442129135132, -0.07263089716434479, -0.8812181353569031, -0.14844021201133728, -0.3169268071651459, 0.15946032106876373, 0.322602778673172, 0.36380746960639954, -0.7475354671478271, -0.35030001401901245, 0.5662550330162048, 0.27466434240341187, -0.12036057561635971, 0.28276368975639343, 0.3652132451534271, 0.3155849874019623, -0.016212616115808487, -0.5142399072647095, -0.7303155064582825, -0.2221795916557312, 2.0920968055725098, -0.28669485449790955, -0.38983285427093506, -1.5440030097961426, -0.06615923345088959, 0.6913788318634033, -0.7076348066329956, -0.16129231452941895, -0.7900158166885376, -0.2386813461780548, -1.0449472665786743, 0.35293227434158325, -0.1922810673713684, 0.055671341717243195, 0.14455774426460266, 0.5695556402206421, -0.5108126997947693, -0.8117078542709351, -0.4829292297363281, -1.2923691272735596, 0.7963355779647827, 0.6131983399391174, 0.20717808604240417, -0.4195077419281006, 0.8462327122688293, 0.3508450388908386, 0.2667282223701477, 0.2432824671268463, 0.9259127974510193, 0.08157630264759064, -0.782440185546875, 0.3192923963069916, 1.029453992843628, -0.7448039650917053, 0.33207035064697266, 0.053174689412117004, 1.1698423624038696, 0.061099566519260406, -0.49793171882629395, -0.34462279081344604, -0.14959105849266052, 1.5259445905685425, 1.7271567583084106, -0.6451677083969116, 1.7808548212051392, -1.2715989351272583, 0.5901827812194824, 0.4452645778656006, -1.2093760967254639, -0.195293128490448, -0.08696397393941879, 0.8561326265335083, -0.010810410603880882, 0.6452137231826782, 0.09250549972057343, -0.2636730968952179, -0.7754197716712952, -0.460502564907074, -0.6879627108573914, -1.0085585117340088, -1.481464147567749, -0.29615867137908936, 0.22135035693645477, -0.849927544593811, -0.3818748891353607, -0.6195904612541199, 0.827055811882019, 0.03588895872235298, 1.0628902912139893, 1.8242353200912476, 0.04469545930624008, 0.4707447290420532, -0.3003092110157013, 0.11189799010753632, -0.7802495956420898, 1.3136506080627441, 0.05254790559411049, 0.0307123102247715, -1.0177910327911377, -0.6506820917129517, -0.14437395334243774, -0.11740799248218536, 0.3221665620803833, -0.341573029756546, 0.7497520446777344, -0.20828327536582947, -1.4238495826721191, 0.6184123754501343, -0.726732075214386, 0.17879676818847656, -0.9844930171966553, 1.4457480907440186, 0.4894941449165344, 0.7272580862045288, 0.3746674656867981, -0.7958935499191284, -0.00478304922580719, 1.370773196220398, -0.9402045011520386, 0.7220671772956848, 0.8141164779663086, 0.4277869760990143, -0.16039694845676422, -0.009204551577568054, -2.143446207046509, -0.4979076683521271, 0.9229280352592468, -0.6373892426490784, -0.49056413769721985, -0.4939979612827301, 0.7544107437133789, -0.22674545645713806, -0.907110869884491, 0.1502458155155182, -0.944362223148346, 0.30500078201293945, -0.34172818064689636, 0.18379010260105133, 0.8211092948913574, -0.3792678117752075, 0.7998506426811218, 1.2368780374526978, 0.9119271039962769, -0.26887500286102295, -0.03465019538998604, 0.668611466884613, -0.8443134427070618, 0.5128971338272095, 0.5300329923629761, 0.6660249829292297, 1.5174146890640259, -0.8131330013275146, 0.060777969658374786, 0.0927843451499939, 1.2923657894134521, -0.039215873926877975, 0.2261924296617508, 0.04442182928323746, 1.2837069034576416, 0.031182045117020607, 1.0157208442687988, 0.2584016025066376, -1.0471841096878052, -0.7837991118431091, 0.025064963847398758, -0.1890634447336197, -0.7096337080001831, 1.497215986251831, 0.5623832941055298, 1.471823811531067, 0.3050280213356018, 0.43821147084236145, -0.35680150985717773, -0.0303779449313879, 1.436326026916504, 0.6503385305404663, -0.49876415729522705, 0.24302825331687927, -0.13219285011291504, 1.1416875123977661, 0.0218927301466465, -1.1953327655792236, -0.04151884838938713, 0.6298316121101379, -0.5557286739349365, -1.0000697374343872, 0.5382503867149353, 1.1732439994812012, 0.9119794964790344, 1.3520737886428833, -0.5271739959716797, -0.3579719066619873, -0.4383748769760132, 0.6822766661643982, -0.06373830884695053, 0.294410765171051, -1.5713447332382202, 0.3238523006439209, 0.9545363187789917, 1.1559598445892334, -0.5761407613754272, 0.6686443090438843, 0.3324149549007416, -0.8657771944999695, -0.4001261591911316, 0.011690281331539154, -0.5091385245323181, -0.1364164650440216, -0.7616071701049805, -0.22723431885242462, -0.8352022767066956, 0.7369856834411621, 0.14974543452262878, -0.7232553362846375, 0.05243094265460968, 0.46911150217056274, -1.335437536239624, 0.5885303616523743, 0.8923382759094238, -1.2957347631454468, -0.14490363001823425, -0.2196779102087021, -0.9525617361068726, -0.585500955581665, 0.5866459012031555, -0.40518149733543396, 0.12266702204942703, 0.2054322212934494, 0.420487642288208, -0.5263306498527527, -0.8369814157485962, -1.027248501777649, 0.2069789320230484, 1.600254774093628, -0.4537998139858246, -0.21878601610660553, -0.060056548565626144, 0.14498339593410492, 0.27839574217796326, -1.30753493309021, -0.2693163752555847, -0.0772547498345375, 0.73738694190979, -0.05514393001794815, -0.20253242552280426, -0.4240894317626953, -0.5084339380264282, 0.5496068000793457, 1.2740837335586548, -1.4761831760406494, 0.5806392431259155, -0.4059135615825653, 0.8551463484764099, 0.046100154519081116, -0.9344722032546997, -0.5834417939186096, 0.9649802446365356, -0.7854092717170715, 0.42490798234939575, 0.2311745584011078, 0.023572567850351334, 0.6013334393501282, 0.7462863326072693, 0.5549436211585999, -0.3493368625640869, -11.702250480651855, 0.07583793252706528, -0.07753115892410278, -0.2930225431919098, 1.0384312868118286, 0.2865763008594513, 0.5917285680770874, 0.9463196992874146, 0.17330439388751984, -0.020273778587579727, 0.3381188213825226, 0.9877784252166748, 0.22914710640907288, -0.6613955497741699, -0.3623788058757782, -0.5002573728561401, -0.9053657650947571, -0.21727940440177917, 0.6442663669586182, 0.0336802639067173, -0.2477601319551468, -1.2065966129302979, -0.2240372747182846, 0.34521982073783875, 0.15021871030330658, -0.14066484570503235, -0.23286622762680054, -0.20008768141269684, -0.7076365947723389, 0.14129194617271423, 0.18183155357837677, -0.8272997140884399, -0.8113234043121338, -0.5536164045333862, 0.8050985336303711, 0.3983392119407654, -0.9056227207183838, -0.2215193212032318, 0.7960726618766785, -0.6971974968910217, 0.21804594993591309, 0.24324114620685577, -0.33891499042510986, -0.020003732293844223, -0.007444621063768864, -0.4204747676849365, -0.714098334312439, -0.9363410472869873, 0.464263379573822, -0.7343511581420898, -0.643909215927124, -0.7359491586685181, -0.9904186129570007, -0.9785469770431519, 0.18163688480854034, 0.6242407560348511, -1.1687839031219482, 0.8510920405387878, -0.3587053120136261, -1.0247753858566284, 0.9646875858306885, 0.03692634403705597, -0.4183240234851837, 0.2244652658700943, -0.11775355786085129, -0.4465726613998413, 0.5627798438072205, -0.044004641473293304, -0.02679036743938923, 0.20215541124343872, -0.931903064250946, 0.2609499990940094, 0.15495824813842773, -0.07355058193206787, 0.09350307285785675, 0.15970700979232788, 0.07865380495786667, -0.9222145080566406, 0.8024834394454956, 0.6013156771659851, -0.8007720112800598, -0.1055225059390068, 0.2464502453804016, -0.14736077189445496, -0.3234331011772156, -0.027188124135136604, 0.10617194324731827, -0.18290546536445618, 1.0184826850891113, -0.1556488573551178, 1.316664457321167, 0.16290423274040222, 0.31403177976608276, -0.3837476968765259, -0.5134904384613037, 0.6327278017997742, -0.9871710538864136, 1.1447970867156982, 0.4296528995037079, -0.41275134682655334, 0.4074012041091919, 0.5502182841300964, -0.8593529462814331, 0.3492858409881592, 1.1698939800262451, -0.27431121468544006, 0.39576852321624756, 0.5388762950897217, -0.26809826493263245, -0.06491400301456451, 1.2886676788330078, 0.5853591561317444, 0.378110408782959, 0.3094772696495056, 0.11142389476299286, 1.5073245763778687, 0.5971336364746094, 0.05259948968887329, 0.38263794779777527, 0.6123881936073303, 0.11356910318136215, 0.43729114532470703, 0.3864775598049164, 1.7023264169692993, -0.1232113242149353, 0.4098659157752991, -0.0976196676492691, 0.6818756461143494, -0.2853754460811615, -0.8533981442451477, 0.043470822274684906, -0.13297641277313232, 0.17618970572948456, -0.7873609662055969, -0.24848735332489014, -0.40797317028045654, -0.5012198686599731, 1.1100797653198242, -0.005437426269054413, 0.060090046375989914, -0.2807229161262512, -0.7118927240371704, 0.05073554813861847, 0.1934763789176941, 0.061587247997522354, -0.07811831682920456, -1.311475396156311, -0.14948756992816925, -0.1481497436761856, -0.3887339234352112, 0.46145012974739075, -0.05121161788702011, 0.43634188175201416, -0.5474066734313965, -0.2444465160369873, 0.389979749917984, 0.2779275178909302, -0.7315519452095032, -0.33102861046791077, 0.028316229581832886, 0.47338929772377014, 0.9190086722373962, -1.1271891593933105, 1.1813855171203613, 0.6645642518997192, 0.5094708800315857, -0.981981635093689, -0.3418732285499573, -0.7361950874328613, 0.719562828540802, 0.3721233308315277, -1.0207844972610474, -0.850857675075531, -0.3184637129306793, -0.8105053305625916, -0.2356347143650055, 0.0737021192908287, 0.9258137941360474, -1.0288498401641846, 0.8876789808273315, -7.439404726028442e-06, 0.29975369572639465, -0.15446652472019196, -0.48866164684295654, -0.61997389793396, 0.5295241475105286, -0.7122357487678528, 1.4452235698699951, -0.17298953235149384, 0.3965180814266205, -1.6469426155090332, -1.073582649230957, -0.2430732548236847, -0.35963088274002075, 1.035468339920044, -0.3554210364818573, 0.8185039162635803, -0.4270630478858948, 0.35186463594436646, -0.02675047144293785, -0.3319229185581207, 0.5373826026916504, 0.41151437163352966, 0.3709532916545868, -0.22826917469501495, 0.15456175804138184, -0.6706974506378174, 0.024725202471017838, 0.3818000853061676, 0.35853973031044006, -1.4007487297058105, -0.06615925580263138, 0.32818734645843506, 0.6923828125, -0.33114221692085266, -1.0276551246643066, 0.4792981743812561, 0.26613330841064453, 0.1070193499326706, -1.0843391418457031, -0.3498991131782532, 0.9135503768920898, -0.5927974581718445, 1.0641982555389404, 0.1839696317911148, 0.5334203839302063, 0.2937486469745636, 0.5416697263717651, 0.6340436339378357, 0.007629822939634323, -1.568061351776123, -0.38188591599464417, 0.3458479046821594, -0.18421000242233276, 0.3581799864768982, 0.6323564052581787, -1.2374500036239624, -0.1771833598613739, -1.445814847946167, 0.36119344830513, -0.4081648588180542, -0.2937772274017334, -0.4390198588371277, 0.7526162266731262, 0.473879337310791, -1.291617512702942, 0.14968262612819672, -0.38293546438217163, 0.5960637927055359, 0.1594846248626709, -0.17447124421596527, 0.5224509239196777, 0.47761866450309753, 0.2047492265701294, 0.8784134387969971, -0.732867956161499, -0.08581686019897461, 0.6719121932983398, -0.23284070193767548, 0.6705420613288879, 0.45951005816459656, 0.12018118053674698, 0.2382558137178421, -0.037760429084300995, -1.2592869997024536, -0.6346598267555237, 0.12327849119901657, 0.8994414806365967, 1.4460017681121826, 0.09050662815570831, -0.2420821487903595, -0.8593696355819702, 0.31936877965927124, -0.3478962481021881, 1.08431077003479, 1.2519888877868652, -0.4379480481147766, -1.3309099674224854, -0.6999943256378174, -0.027842866256833076, 1.0121253728866577, -0.3418312072753906, 0.4455784559249878, -0.9175928235054016, 0.1489710956811905, 0.36652377247810364, -0.7597723603248596, -0.7903989553451538, 0.5816316604614258, -0.36562657356262207, -0.3599185347557068, 1.0627814531326294, -0.9252979159355164, -0.6229872703552246, 0.35442692041397095, -0.992139458656311, 0.19319351017475128, 0.044230878353118896, -1.3299610614776611, -0.12442035973072052, 0.22494331002235413, 0.08784353733062744, -0.5859301090240479, 0.5744439363479614, -0.4569122791290283, -1.3750823736190796, 1.2412042617797852, 1.185793161392212, -0.02656528353691101, -0.43921199440956116, 0.5514796376228333, -0.014066498726606369, 0.37716376781463623, 1.3079801797866821]} +{"paper_id": "squad_es", "embedding": [-0.060712266713380814, 0.8761715888977051, -0.8055844902992249, -0.1534026563167572, 0.3257550299167633, -0.10111872851848602, 0.6780324578285217, 0.6932821869850159, 1.202407717704773, 0.6731907725334167, -0.08869566023349762, -0.09758833795785904, 0.17945829033851624, -0.028674425557255745, -0.25276753306388855, -0.1349618136882782, -1.4402945041656494, -0.43191418051719666, -1.455169439315796, 0.06623450666666031, -1.0761547088623047, -0.5470297932624817, 0.02371976152062416, 0.8697308301925659, -0.3819389343261719, -1.3440957069396973, 0.13179096579551697, -0.9335411787033081, 0.5128848552703857, -0.03885599970817566, -0.06410496681928635, 1.538704752922058, -1.5978261232376099, 0.29423987865448, -1.0214800834655762, -0.3786102533340454, 0.6429296135902405, 1.1901805400848389, 0.27326616644859314, -0.1282525211572647, -0.14499737322330475, 0.21054935455322266, 0.24678553640842438, 0.45896822214126587, 1.160077452659607, -0.16436010599136353, 0.899815559387207, -0.12516751885414124, -0.36652958393096924, -0.2559299170970917, -0.41589581966400146, 0.4948483109474182, -0.48628461360931396, 0.45760026574134827, -0.2580956220626831, 0.7165496945381165, 0.6467057466506958, -0.4101831316947937, 0.9813145995140076, -0.9669257402420044, 1.4738683700561523, 1.0567209720611572, -0.21967962384223938, 0.05059812590479851, 1.364827275276184, 0.0752444863319397, 1.5472725629806519, -0.0011622756719589233, 0.2697388231754303, -0.03554262965917587, 0.06532800197601318, -1.0228163003921509, -0.14140528440475464, -0.1653546392917633, -0.21011888980865479, 0.9900846481323242, -0.4119366705417633, -0.16306810081005096, 0.15096211433410645, -0.3509979546070099, -0.6353933811187744, 0.2633581757545471, 0.6403041481971741, -0.25324586033821106, 0.8103127479553223, 0.249320387840271, 0.7392987012863159, -0.9200496673583984, 0.31489813327789307, -2.265132188796997, 0.828883945941925, 0.36951693892478943, 0.03588179498910904, 0.3210676610469818, -0.32043617963790894, 0.7915434241294861, -0.9126266241073608, -0.2118590623140335, -0.8799306154251099, 0.3173189163208008, 0.7236801385879517, -0.08349888026714325, 0.3680916428565979, 0.1606278121471405, 0.14291885495185852, 1.3358477354049683, 0.4981057643890381, 0.018553249537944794, -1.0501008033752441, -0.6675815582275391, -0.3219577968120575, 0.8663277626037598, -0.17309069633483887, 0.058283112943172455, -0.28476276993751526, 0.6926590204238892, 0.5604888796806335, -0.7046297788619995, -0.307669997215271, -0.18951253592967987, -0.2338097095489502, -1.2415471076965332, -0.5127987861633301, -0.5111042261123657, 1.2371107339859009, -0.5407372117042542, 0.2691638767719269, -0.2774713933467865, -0.00112622301094234, 0.8035706877708435, 1.1838443279266357, -0.6115248799324036, -0.7190719842910767, 0.0331466980278492, 2.5986084938049316, -0.9049835205078125, 1.6858956813812256, -0.7260587215423584, -0.058453455567359924, -0.534834623336792, -0.16801238059997559, 0.8979597687721252, -0.08309142291545868, -0.46816861629486084, -0.7467150092124939, 0.19267523288726807, -0.3320979177951813, 0.4410238265991211, -1.4149162769317627, -0.8501496315002441, -0.7014934420585632, 0.30113640427589417, -1.48574697971344, -0.5397651791572571, 0.4598613977432251, 0.889664351940155, -0.0903913676738739, 0.4601197838783264, -0.48500609397888184, 0.29673415422439575, 0.33718857169151306, 0.0661570206284523, -0.01793365180492401, 0.3340538442134857, -0.40813347697257996, -0.4692768156528473, 0.5858232378959656, 0.07190799713134766, -0.9650823473930359, -0.5635095238685608, 0.6127722859382629, -0.6534040570259094, -0.3858189880847931, 0.7478675246238708, -0.5554964542388916, 0.1499374806880951, 0.29882630705833435, 0.9086386561393738, 0.21659108996391296, -1.008284091949463, 0.18370702862739563, 0.2844342589378357, 0.21788156032562256, 0.09740685671567917, 0.07903272658586502, 0.19090813398361206, -2.1219449043273926, -0.09282654523849487, -0.7560295462608337, 1.1535561084747314, -0.18207919597625732, -0.14065638184547424, 0.23068609833717346, 0.47786810994148254, 0.17677326500415802, -0.2451612651348114, 0.7135193943977356, -1.2110121250152588, 0.002025693655014038, 0.12090282142162323, -0.039384517818689346, -0.17688344419002533, 0.4609929621219635, 0.8512253761291504, 0.45536258816719055, -0.5531755685806274, -0.31617140769958496, -1.594208002090454, -0.10168334096670151, 1.5994237661361694, 0.014944784343242645, -0.4797653257846832, -0.49178117513656616, -0.6570016145706177, 0.604261040687561, -0.5240134000778198, 0.31874290108680725, -1.0182220935821533, -0.2609986662864685, -1.4106560945510864, 0.6469764113426208, -0.3860132396221161, 0.11696141213178635, 1.3457430601119995, 1.3975013494491577, -0.8806087374687195, -0.2831459641456604, -0.3025675415992737, -0.8005635738372803, 0.48981329798698425, 0.6402103304862976, 0.5731175541877747, 0.2767850160598755, 1.0404413938522339, 0.4133586883544922, 0.7435742616653442, 0.5892061591148376, 1.0037676095962524, -0.9812805652618408, -0.47376304864883423, -0.6002700328826904, -0.012813881039619446, 0.09611855447292328, -0.35498517751693726, 0.7138300538063049, 0.45721107721328735, -0.012436248362064362, -0.9531276822090149, 0.31630241870880127, 0.1529344767332077, 1.4167165756225586, 0.1503877341747284, -0.1657041311264038, 1.208372712135315, -0.5838961005210876, -0.7345808744430542, 0.026434246450662613, -0.034632306545972824, 0.17477817833423615, -0.7155384421348572, 0.5556545257568359, -0.21381382644176483, 0.24961256980895996, -0.24726247787475586, 0.1657256782054901, -1.1346261501312256, 0.11097826063632965, 0.6168559789657593, -0.6378766298294067, -0.5471389293670654, -0.2069903165102005, -0.1692708283662796, -0.8774492144584656, -0.765856921672821, -0.07659003138542175, 0.20458440482616425, -0.24513237178325653, 0.9494199752807617, 1.3090943098068237, -0.3182404339313507, 0.02033977583050728, -0.14084534347057343, 1.7182362079620361, -0.4610242247581482, 0.980000913143158, -0.41267597675323486, 0.7747587561607361, -1.144901990890503, 0.6714131832122803, -0.6922951936721802, 0.47705936431884766, 0.2954727113246918, 0.6127480268478394, 1.2389572858810425, -0.5219311714172363, -1.179729700088501, 1.1151254177093506, 0.29394862055778503, 0.005029246211051941, -0.1826017200946808, 1.5652849674224854, 0.2852881848812103, -0.2931775450706482, 0.3179978132247925, -0.30727556347846985, -0.22131827473640442, 1.1585198640823364, -0.8585329055786133, 0.1534542739391327, 0.4295138716697693, -0.31984376907348633, -0.03838005289435387, 1.2624634504318237, -1.4845774173736572, 0.367410808801651, 0.8915167450904846, -0.023815421387553215, -0.22851736843585968, -0.6348947286605835, -0.1807430386543274, -0.7243691086769104, 0.45403820276260376, 0.11542172729969025, -0.11232943087816238, 0.34173980355262756, -0.3789677917957306, -0.23836980760097504, 1.1088396310806274, -0.8561245799064636, 0.5002371668815613, 0.8978705406188965, -0.3006899952888489, -1.1038336753845215, -1.0978235006332397, 0.8746768236160278, -0.012335863895714283, 0.0778835117816925, -0.15510308742523193, 0.8368536829948425, 1.3259289264678955, 0.1918296366930008, -0.7939481139183044, 0.30421197414398193, 0.9408481121063232, 0.39385586977005005, -0.4007440209388733, -0.19262582063674927, 0.26745522022247314, -0.38324835896492004, 1.0106536149978638, 0.22464650869369507, -0.3007935881614685, -0.9890724420547485, 0.3368644118309021, -0.0626164972782135, 0.25415706634521484, 1.6247670650482178, -0.016780003905296326, 0.672260582447052, 0.11095861345529556, 0.9555923938751221, 0.21581719815731049, 0.18984867632389069, 0.668444037437439, 0.6236400604248047, 0.11961463838815689, -0.23446643352508545, 0.5982552766799927, 0.05912640318274498, -0.07765571027994156, -0.9580270051956177, 0.6900697946548462, 0.6415978670120239, -0.4320111870765686, -0.851990282535553, 0.3266877233982086, 1.2391057014465332, 0.0491572767496109, 1.518237829208374, -0.5099849104881287, -0.40435028076171875, -0.1846727579832077, 0.40461400151252747, 0.014820965938270092, 0.44132500886917114, -0.1675657331943512, 0.45132747292518616, 0.2172197848558426, 0.16890504956245422, -0.09985333681106567, 0.81551194190979, 0.2987639904022217, -0.5036481022834778, -1.2795530557632446, -0.24795061349868774, -0.530984103679657, 0.21068470180034637, 0.5129062533378601, 0.03567097336053848, -0.553733229637146, 0.6640289425849915, -0.4583662152290344, -1.7341798543930054, 0.0035551488399505615, -0.7843056321144104, -1.408896803855896, 2.4481685161590576, 1.0790654420852661, -0.6994634866714478, -0.22326409816741943, -0.3992713689804077, -1.0454823970794678, -0.11213304847478867, -0.011634095571935177, -1.2080415487289429, 0.021746527403593063, 0.029901767149567604, 0.9626080393791199, 0.17051991820335388, -0.00278395414352417, -0.8154727816581726, 0.5986572504043579, 0.9271796941757202, -1.4515899419784546, 0.7931039333343506, 0.15129637718200684, 0.13053958117961884, -0.265128493309021, -1.078055739402771, -0.7511038184165955, 0.8205658197402954, -0.04414159804582596, 0.2619548738002777, -1.2679722309112549, -0.3840303122997284, 0.46732297539711, -0.5526628494262695, 0.9823967814445496, -0.46700629591941833, 0.7031448483467102, -0.29708370566368103, -0.17044174671173096, -0.10516099631786346, -0.7273134589195251, -0.023478427901864052, 0.6780894994735718, -0.08302362263202667, 0.7543423175811768, -0.5363414287567139, -0.6788362860679626, 1.875973105430603, 0.06054318696260452, 0.1671939492225647, 0.16210854053497314, -11.806489944458008, 0.4155041575431824, -0.6295450329780579, 0.00325746089220047, 0.4660516381263733, 0.14675691723823547, 0.7480720281600952, -0.31436535716056824, 0.95927894115448, -0.8675810098648071, 0.28867220878601074, 1.0349998474121094, -0.0033765770494937897, -0.2175597846508026, -0.6041637659072876, -0.38145381212234497, -0.24063600599765778, -0.8116640448570251, 0.49115538597106934, 0.23496684432029724, -0.17190368473529816, -0.4809562563896179, -0.2111939787864685, -0.47354501485824585, 0.23291292786598206, -0.33675631880760193, -0.7506797909736633, -0.42910027503967285, -0.810603678226471, 0.46722421050071716, 0.807282030582428, 0.4964110255241394, -0.1256931722164154, -1.518791675567627, -0.24792587757110596, -0.21619556844234467, -0.7869998216629028, 0.24926510453224182, 1.2421212196350098, 0.042141977697610855, -0.07767079770565033, -0.06785309314727783, 0.05049676448106766, -0.046635277569293976, -0.19298027455806732, -0.2224687933921814, -0.2966460585594177, -0.6436089277267456, 0.0944669246673584, 0.18492057919502258, -0.8163078427314758, 0.08838960528373718, -0.59981369972229, 0.033227454870939255, 0.455096572637558, 0.40389975905418396, -0.6233122944831848, 0.23086902499198914, -1.005020022392273, -0.6813353300094604, 0.687886118888855, -0.38521355390548706, -1.0192537307739258, 0.09775827825069427, 0.32447221875190735, -0.8576900362968445, 0.2181217074394226, 0.5033255219459534, -0.9930604696273804, 0.026946023106575012, -0.752600371837616, 1.0889883041381836, 0.21719440817832947, 0.5281715393066406, -1.1306341886520386, -0.14279240369796753, -0.9089317321777344, 0.17164333164691925, -0.31460925936698914, 0.14412207901477814, -1.6920225620269775, 0.3958131670951843, 0.1577136069536209, -0.7009912729263306, -1.607780933380127, 0.7915740609169006, -0.021881558001041412, -0.016457434743642807, 0.41264262795448303, -0.5780789256095886, 1.2655421495437622, 0.5026484727859497, -0.2634442448616028, -0.0006648264825344086, 0.1884843111038208, 0.6797662973403931, -0.298004686832428, 0.5819920301437378, -0.5849894285202026, -0.9369378089904785, 0.8368158936500549, -0.5005677938461304, -0.01717420294880867, 0.76592618227005, 0.1786976307630539, -0.12253672629594803, 0.7055734992027283, 0.050939157605171204, 0.3499794602394104, -0.4566565454006195, 0.8022077679634094, -0.6073708534240723, -0.06768883764743805, 1.2631334066390991, -0.03461185097694397, 1.0478262901306152, 0.6881117224693298, 0.08747318387031555, 0.40311941504478455, 0.49555638432502747, -0.47875529527664185, 0.49733811616897583, 0.24411706626415253, 1.283756971359253, 0.2925931215286255, 0.29409143328666687, -0.03672831133008003, 0.19880613684654236, -0.006236936431378126, -1.6263760328292847, 0.9523622393608093, -0.1803087294101715, 0.07936964184045792, -0.6400041580200195, -0.13417574763298035, 0.09722772240638733, -0.8646892309188843, 1.495701551437378, -0.5881791710853577, -0.022911623120307922, -0.42660534381866455, -0.16898596286773682, -0.16170357167720795, -1.1374752521514893, -1.0220929384231567, 0.322738915681839, -1.0869853496551514, 0.18794125318527222, -0.20918864011764526, -0.04209238290786743, 0.3988892734050751, -0.4964674413204193, 0.871393620967865, -0.47800135612487793, 0.09018772095441818, 0.2053661048412323, 0.13953083753585815, -0.39615097641944885, -0.44904136657714844, 0.36093834042549133, 0.5387255549430847, 0.11297732591629028, -0.8650112748146057, 1.1721051931381226, -0.19119368493556976, -0.7919059991836548, -0.0035009607672691345, -0.16031506657600403, -0.2214173972606659, 0.46616673469543457, 0.9113138318061829, -0.7370154857635498, 0.16522085666656494, -0.6863592267036438, -0.11528034508228302, -1.033597469329834, 0.10247907042503357, 1.14314866065979, -0.5991474986076355, -0.008482009172439575, -0.5529695153236389, 1.409389853477478, 0.5292923450469971, -0.8729962706565857, -0.7873766422271729, 0.40074238181114197, 0.1557418406009674, 0.3776783049106598, 0.4816661477088928, 0.8544823527336121, -2.2063207626342773, -0.8720726370811462, -0.5691315531730652, -0.1857997626066208, 0.8098704814910889, 0.2648842930793762, 0.42044544219970703, 0.5933272242546082, 0.039586201310157776, 0.24916082620620728, 0.05633833259344101, 0.5695384740829468, -0.018663164228200912, -0.21240730583667755, -0.38114607334136963, 0.31176501512527466, -0.11587652564048767, -0.2153434306383133, 1.2104682922363281, 1.3684508800506592, -0.7707636952400208, 0.0569671168923378, 0.03973774611949921, 0.14096368849277496, 0.46383464336395264, -0.7533848285675049, -0.3230125308036804, -0.6972901225090027, -0.4288235902786255, -1.3372807502746582, 0.05194879323244095, 0.9417048692703247, -0.3298338055610657, 0.7972577214241028, 0.22144022583961487, 1.0252587795257568, 0.46175727248191833, -0.022413179278373718, 0.7236981391906738, 0.232339546084404, 0.7537856101989746, 0.36448726058006287, -0.31596633791923523, -0.15431082248687744, -0.5188966989517212, -0.6802847385406494, -0.9071312546730042, 0.9661893844604492, -0.541446328163147, 0.251213014125824, -0.13191935420036316, 0.22888201475143433, 0.3766619563102722, 0.42153647541999817, 0.43458282947540283, -1.242203712463379, 0.3383775055408478, -0.7434031963348389, -0.15508978068828583, 0.40556108951568604, -0.44378164410591125, 1.1403086185455322, 0.8374658823013306, -0.0182483047246933, 1.335957407951355, -0.4357057213783264, -0.23477520048618317, 0.021603014320135117, -0.2585545778274536, 1.1590793132781982, 0.17656223475933075, 0.33539652824401855, 0.10280462354421616, -0.33483773469924927, -0.5048730969429016, -0.3632206618785858, -0.49194106459617615, 1.471047043800354, 0.26560789346694946, -1.0238869190216064, -0.09437558054924011, -0.34779876470565796, 0.8613728284835815, -0.39713722467422485, 0.7433040142059326, -0.4908095598220825, -0.4990042448043823, 0.03734881058335304, -0.6578755974769592, -0.47412949800491333, 1.4368884563446045, 0.1763937920331955, -0.07243064790964127, 0.5483030676841736, -0.03195459768176079, -0.08494390547275543, -0.6677200198173523, -0.7952387928962708, -0.09922906756401062, -0.6398604512214661, -0.19014620780944824, 0.5293012857437134, -1.0864942073822021, -0.5288279056549072, -0.7578028440475464, -0.9478568434715271, 0.44564032554626465, -0.09220191836357117, -0.6674330830574036, -0.5124741196632385, 0.006327035836875439, 0.2586975395679474, -0.09027530252933502, -0.4525652527809143, 0.02817750722169876, -1.5294387340545654, 0.289357990026474, 0.6511173844337463, -0.431302547454834, -0.5168373584747314, 0.4301179051399231, 1.0583739280700684, -0.07266199588775635, 1.0831825733184814]} +{"paper_id": "newsqa", "embedding": [-0.4586281180381775, 0.723476767539978, -0.036607854068279266, -0.20268097519874573, 0.14516514539718628, -0.08991889655590057, 0.5823304057121277, 0.9856007695198059, 0.6193509101867676, -0.051617980003356934, 0.7123046517372131, -0.26348623633384705, 0.7351379990577698, 0.37254437804222107, -0.26104918122291565, -0.7377037405967712, -0.6502430438995361, -0.5750076770782471, -1.2336575984954834, -0.5315613746643066, -0.7789522409439087, -0.5103145837783813, -0.2451716959476471, 0.6802541613578796, -0.7358057498931885, -0.6735011339187622, 0.64419025182724, -1.1673777103424072, 0.7751293778419495, -0.1085548922419548, 0.42994970083236694, 1.084869146347046, -1.0118191242218018, 0.7478533983230591, -0.4943891167640686, -0.44181573390960693, 0.10399520397186279, 0.6864660978317261, -0.130443274974823, -0.6784218549728394, -0.4551333487033844, 0.22488296031951904, 0.6118878722190857, 0.02362385019659996, 0.49418750405311584, -0.3548295497894287, 0.5245853662490845, -0.06152601167559624, -0.5020357370376587, -0.012772824615240097, -0.6437027454376221, 0.05660570040345192, -0.30745288729667664, 0.71923828125, -0.5272806882858276, 0.8238391280174255, 0.12907260656356812, -0.5121546387672424, 0.7376916408538818, -1.0619302988052368, 1.262326955795288, 1.2921383380889893, -0.06564263999462128, 0.36979940533638, 1.3826762437820435, 0.03487728536128998, 0.8340602517127991, 0.025318987667560577, -0.2542967200279236, 0.958670973777771, -0.2876247763633728, -0.3840530812740326, 0.5532024502754211, -0.20550046861171722, 0.5246012210845947, 0.7016469240188599, 0.22228066623210907, -0.1936396360397339, 0.2104933261871338, 0.28405073285102844, -0.06539897620677948, 0.14288567006587982, 0.5663880109786987, 0.1266196370124817, -0.050477128475904465, 0.04391685873270035, 0.18516921997070312, -0.8432136178016663, 0.2973772883415222, -1.6708416938781738, 0.013177186250686646, 0.20429420471191406, 0.3001192808151245, 0.1225554347038269, -0.2918536067008972, 0.3410438299179077, -0.5060590505599976, -0.3610304594039917, -0.3951570391654968, 0.5097088813781738, 0.7587745785713196, -0.12870512902736664, 0.38489532470703125, -0.1653527021408081, 0.5080722570419312, 0.2300702929496765, 0.23286771774291992, -0.325848788022995, -0.6897754073143005, -0.8455708026885986, -0.21021483838558197, 0.7983850836753845, -0.15583521127700806, 0.4567052125930786, 0.02813050150871277, 0.34102872014045715, 0.32909753918647766, -0.6053340435028076, -0.48226678371429443, 0.23079971969127655, -0.18050387501716614, -1.1580907106399536, 0.03992726653814316, -0.6452594995498657, 0.7767508625984192, -0.19488441944122314, -0.24838650226593018, -1.0784358978271484, -0.5482149720191956, 0.0034799985587596893, 0.7439886331558228, 0.44366568326950073, -0.5796647071838379, -0.1907224953174591, 3.108571767807007, -0.8111748695373535, 1.258774995803833, -0.4681427478790283, -0.27193284034729004, -0.5651617646217346, -0.8819558620452881, 1.5520589351654053, -0.02885047346353531, -0.8185726404190063, -0.4692855477333069, 0.17652073502540588, -0.33959293365478516, -0.07481299340724945, -0.6400850415229797, -0.2582991123199463, -0.3175199031829834, 0.17850549519062042, -1.4316948652267456, -0.6121552586555481, 0.25688162446022034, 0.40380626916885376, 0.10610945522785187, 0.7868912816047668, -0.6156668066978455, 0.6324740648269653, -0.07420562952756882, -0.009634599089622498, -0.20259669423103333, 0.7611141800880432, -0.6507107019424438, 0.12586171925067902, 0.791551411151886, -0.07400848716497421, -0.5052042007446289, 0.039424993097782135, 0.3988170623779297, -0.11760462075471878, -0.19051915407180786, -0.12381591647863388, -0.18921932578086853, 0.6566864252090454, -0.05024087429046631, 0.497209757566452, 0.055351950228214264, -0.8143959641456604, -0.3964604437351227, -0.4310115873813629, 0.18334677815437317, 0.6186593174934387, 0.2780916690826416, 0.39550262689590454, -2.573456287384033, -0.05233839899301529, -0.35301798582077026, 0.49119624495506287, -0.103078693151474, -0.025633513927459717, 0.3877526819705963, 0.309738427400589, -0.026811592280864716, -0.15313731133937836, 0.6833118796348572, -0.8656054139137268, 0.5564016699790955, 0.5950080752372742, 0.29542332887649536, -0.07093052566051483, -0.030332675203680992, 0.8670459985733032, 0.36205461621284485, -0.18557235598564148, -1.059973955154419, -1.6155914068222046, 0.11911678314208984, 2.3214166164398193, 0.16180187463760376, -0.379888653755188, -1.2189217805862427, -0.36921846866607666, 0.11527810245752335, -0.22671717405319214, 0.1634218543767929, -0.28422439098358154, 0.07222214341163635, -0.8765594959259033, 0.5660231113433838, -0.42915767431259155, 0.05708763748407364, 0.6022105813026428, 1.2661951780319214, -0.6980403065681458, -0.35000571608543396, -0.17688338458538055, -0.13017521798610687, 0.38500186800956726, 0.4339810609817505, 0.2772369682788849, -0.11849309504032135, 0.29416149854660034, 0.5033167600631714, 1.0315322875976562, 0.5529112815856934, 0.6612072587013245, -0.5474681854248047, 0.04563006013631821, -0.09146516025066376, 0.9381667971611023, -0.07547098398208618, -0.08162157237529755, -0.07884654402732849, 0.22142723202705383, -0.35888049006462097, -0.3395920991897583, -0.22799968719482422, 0.2173728048801422, 1.2048667669296265, 1.0165189504623413, -0.08526267111301422, 0.41363468766212463, -0.8250095248222351, -0.13993525505065918, 0.05732765048742294, -0.4839700758457184, -0.6665647625923157, -0.36896997690200806, 0.7945615649223328, -0.295930415391922, 0.3126680552959442, 0.041064582765102386, 0.2736087143421173, -1.2194867134094238, -0.8977989554405212, 0.08632517606019974, -0.20481811463832855, -0.8046978712081909, -0.36207646131515503, 0.12154713273048401, -0.8402717709541321, -0.34953978657722473, -0.3969029188156128, -0.04248862713575363, 0.41998639702796936, 0.7687630653381348, 1.7551652193069458, -0.21497617661952972, 0.18773743510246277, -0.15751251578330994, 0.7270283699035645, -0.6561932563781738, 0.6779863238334656, -0.2634013295173645, 0.4865625202655792, -1.1655784845352173, -0.07435965538024902, -0.7047487497329712, 0.3450481593608856, 0.24692490696907043, -0.44819244742393494, 0.617257833480835, -0.31491371989250183, -1.0531859397888184, 0.5211181044578552, -0.43560147285461426, -0.09661363810300827, -0.7507333159446716, 1.6693058013916016, 0.17982681095600128, -0.6414627432823181, 0.6315928101539612, -0.06502814590930939, 0.06185184046626091, 1.384104609489441, -0.1396973878145218, -0.1622655838727951, 0.5305643081665039, -0.2843853533267975, 0.26665034890174866, -0.05707983300089836, -2.304893732070923, 0.68935626745224, 1.162502408027649, -0.309001624584198, -0.2445329874753952, -1.0391666889190674, 0.3037838935852051, -0.43967723846435547, 0.20272323489189148, 0.7778283953666687, -0.9167393445968628, 0.7987062931060791, -0.360887736082077, 0.38211631774902344, 0.3283282518386841, -0.27803319692611694, 0.3928382098674774, 0.3650979697704315, 0.4495413303375244, -0.6032394766807556, -0.2854090929031372, 1.0065284967422485, -0.5181654691696167, 0.14903384447097778, 0.30372563004493713, 0.8461323380470276, 0.49560922384262085, -0.3751606047153473, -0.30300626158714294, 0.3032001256942749, 0.7624083161354065, -0.3705650866031647, -0.21822519600391388, 0.20358702540397644, 0.77972811460495, 0.09094074368476868, 1.2827212810516357, -0.18935242295265198, -0.39991873502731323, -0.6190654635429382, -0.30714014172554016, -0.26529473066329956, -0.2574251890182495, 1.4263722896575928, 0.5530368089675903, 1.604036569595337, 0.46921035647392273, 0.46533626317977905, -0.33762601017951965, -0.3640885055065155, 0.32413390278816223, 0.151810884475708, -0.02462252974510193, -0.602210521697998, -0.45955511927604675, 0.8065193295478821, 0.7513717412948608, -0.4921732544898987, 0.4230669140815735, 0.5691759586334229, -0.21308670938014984, -1.2058881521224976, 0.8008608818054199, 0.96522456407547, 0.8133062720298767, 1.944322109222412, -0.35875004529953003, 0.1574990600347519, -0.006849488243460655, 0.08606115728616714, 0.06485547870397568, -0.07863621413707733, -0.15465423464775085, 0.6148163080215454, 0.5539361238479614, 1.0893135070800781, 0.24794836342334747, 0.7560302019119263, 1.2132885456085205, -0.7337127327919006, -1.1896213293075562, -0.2575892210006714, -0.8476113080978394, 0.10682456195354462, 0.259514182806015, 0.0067167729139328, -0.24172863364219666, 0.43343836069107056, 0.2899939715862274, -1.179144024848938, 0.46491143107414246, -0.3926219046115875, -1.251590609550476, 0.7647836208343506, 1.6980080604553223, -1.015256404876709, -0.34093424677848816, -0.37146925926208496, -1.002466082572937, -0.25000834465026855, 0.12922649085521698, -0.8073835372924805, 0.8375179171562195, 0.21238939464092255, 0.7385091781616211, -0.14229078590869904, 0.1439276486635208, -1.0886238813400269, 1.1691646575927734, 0.8842818737030029, -1.041122317314148, 0.4715297818183899, -0.30206531286239624, 0.33302992582321167, 0.13514414429664612, -1.1304320096969604, -0.4393070340156555, 0.9009333848953247, 0.39568039774894714, -0.4104014039039612, -0.9942137002944946, -0.23959720134735107, 0.454497754573822, 0.7775358557701111, 0.6084176301956177, -0.8915858268737793, 0.17717060446739197, -0.9681188464164734, -0.04746120423078537, 0.6656558513641357, -1.285802960395813, -1.008978009223938, 0.5333782434463501, -0.5372055768966675, 0.673027753829956, -0.09763740003108978, -0.24128949642181396, 1.363477110862732, -0.17710940539836884, 0.059131182730197906, 0.05300793796777725, -12.74050521850586, 0.8962239027023315, -0.17331169545650482, -0.09747451543807983, 0.5492849946022034, 0.1358024775981903, 0.16832584142684937, 0.5869467854499817, 0.08292516320943832, -0.8474105596542358, 0.48229485750198364, 1.0560041666030884, 0.06857442855834961, 0.07076647877693176, -0.7659966349601746, -0.9650737643241882, -0.719546377658844, -1.0231308937072754, 0.7888365983963013, 0.542048990726471, 0.22953785955905914, -0.7922521829605103, -0.07976379245519638, -0.27684924006462097, 0.2780389189720154, -0.18977993726730347, -0.5903096199035645, -0.091548852622509, -0.43545854091644287, 0.1254776120185852, 0.2944345772266388, -0.1238970160484314, -0.4189521074295044, 0.10694273561239243, -0.006758004426956177, 0.11737100780010223, -0.8121102452278137, -0.24311307072639465, 0.2800927758216858, -0.19698210060596466, -0.30312830209732056, -0.2300056666135788, 0.4002099335193634, -0.46066775918006897, -0.46189969778060913, 0.1393887847661972, 0.13191238045692444, -0.8001024723052979, -0.04775097966194153, -0.7707810997962952, -0.9258028864860535, -0.3406464457511902, -0.8576661944389343, -0.8358622193336487, 0.7029067873954773, 0.4758671820163727, -0.7169218063354492, -0.303458571434021, -0.2830770015716553, -0.8267308473587036, 0.8312388062477112, -0.09637843072414398, -0.3836040496826172, 0.3118966221809387, 0.20954149961471558, -0.39035680890083313, 0.2270236313343048, 0.08446428179740906, 0.05893710255622864, 0.635053277015686, -0.6704621315002441, 1.1959664821624756, 0.23535853624343872, 0.7764710783958435, -1.0006155967712402, 0.42082899808883667, -0.9964595437049866, -0.37775108218193054, 0.7090527415275574, -0.044936489313840866, -1.2916929721832275, 0.6499791741371155, 0.35401853919029236, -0.26268064975738525, -0.6055654287338257, 0.4903775155544281, 0.12452112138271332, 0.4553033709526062, 1.0078952312469482, -0.27890026569366455, 1.3846867084503174, 0.4120003283023834, -0.8875531554222107, -0.6415802836418152, -0.14405164122581482, 0.9806522130966187, -0.610999345779419, 0.43614792823791504, 0.36020994186401367, -0.564082682132721, 0.19948318600654602, -0.11721311509609222, -0.9982647895812988, -0.14043790102005005, 1.133956789970398, 0.1748361885547638, 0.18476346135139465, 0.30712392926216125, 0.1408410370349884, -0.5436862707138062, 0.9680414199829102, 0.20366165041923523, 0.03193283453583717, 1.3858435153961182, -0.5089261531829834, 0.6224794387817383, 0.7814018726348877, 0.005611449480056763, 0.4721585214138031, 0.15641264617443085, -0.9554744362831116, 0.8503584861755371, 0.4643964171409607, 1.519653558731079, 0.4148968756198883, 0.055882107466459274, 0.2494809925556183, 0.43756216764450073, -0.47876229882240295, -1.0391273498535156, 0.5068659782409668, -0.36238881945610046, -0.03557080775499344, -0.513670027256012, -0.02936425432562828, 0.18270418047904968, -0.08343926072120667, 1.8599035739898682, -0.9948291182518005, -0.19857683777809143, -0.05445009842514992, -0.17407238483428955, -1.0590182542800903, -0.8933335542678833, -0.6346067786216736, 0.16731609404087067, -1.2199018001556396, 0.18258339166641235, -0.0944678783416748, -0.19730901718139648, -0.4753178656101227, -0.6923088431358337, 0.8019446134567261, -0.4161036014556885, -0.3137734830379486, -0.33135169744491577, 0.4729694426059723, -0.6392427086830139, -0.4367942214012146, -0.39918193221092224, 0.6166231632232666, 1.1274276971817017, -1.0010793209075928, 1.369494915008545, 0.6141588687896729, -0.07312600314617157, -0.7922598123550415, 0.21807095408439636, -0.510188639163971, 0.528373122215271, 0.6360039114952087, -0.9371338486671448, -0.49030300974845886, -0.26331084966659546, -0.1349751502275467, -0.39203113317489624, -0.16061744093894958, 0.9463642835617065, -1.3735249042510986, 0.037898942828178406, -0.12909963726997375, 0.652647078037262, 0.40128853917121887, -0.555935263633728, -0.15726323425769806, 0.312264084815979, -0.2025020718574524, 0.9307259917259216, 0.11397074162960052, 0.5547662973403931, -1.2515779733657837, -1.2872307300567627, -0.5696156024932861, -0.06968974322080612, 0.7465008497238159, 0.5574228763580322, 0.7543416023254395, 0.16447079181671143, -0.5424238443374634, -0.29294052720069885, -0.08474206924438477, 0.40571051836013794, 0.33176255226135254, 0.43192729353904724, -0.2856040596961975, 0.34554392099380493, -0.732658326625824, -0.060838956385850906, 0.17536473274230957, 0.8871574401855469, -1.2473163604736328, -0.2186681181192398, 0.057034023106098175, -0.22006498277187347, -0.05826552212238312, -1.25894033908844, -0.08036207407712936, -0.4464242160320282, -0.26458531618118286, -1.2796250581741333, 0.16757798194885254, 0.7733278274536133, -0.6447179317474365, 0.9087005257606506, 0.22566573321819305, 0.6823339462280273, 0.811760425567627, 0.06373700499534607, 0.807140052318573, -0.24929721653461456, -0.35168084502220154, 0.07836609333753586, 0.56330406665802, 0.4495380222797394, -0.04326479136943817, -0.4546733796596527, -1.1746021509170532, 0.026428397744894028, -0.46507418155670166, 0.6216455101966858, -0.14143416285514832, 0.04194749519228935, 0.6252591013908386, 1.1383111476898193, 0.0403958261013031, -1.440006971359253, -0.2931939661502838, -1.376138687133789, 0.2607744336128235, 0.7343449592590332, 0.31915268301963806, 0.5115545392036438, 0.7479656934738159, -0.6201703548431396, 0.6706830859184265, -0.8008102774620056, 0.17850950360298157, 0.33970803022384644, -0.22629119455814362, 0.9483758211135864, 0.4262658655643463, 0.3463993966579437, 0.6028695702552795, -0.3266465365886688, -0.6223185062408447, 0.11729153990745544, -0.7021963000297546, 0.8785741329193115, 0.4840567708015442, -0.2534765899181366, -0.46319830417633057, -0.14793045818805695, 0.5789383053779602, -0.3016485869884491, 1.1482291221618652, 0.18795964121818542, -0.12346313148736954, -0.6043906211853027, -0.9221965670585632, -0.2510997951030731, 0.27051931619644165, -0.050659943372011185, -0.20897361636161804, 0.09769060462713242, 0.4036701023578644, 0.5030218362808228, -0.030132826417684555, -0.6909850835800171, -0.03948495164513588, -0.4066011905670166, 0.12306463718414307, 0.27634572982788086, -0.8601341843605042, -0.7535698413848877, 0.39783093333244324, -0.730480968952179, 0.356564998626709, 0.39210742712020874, -0.7536419630050659, -0.4586597681045532, 0.6467341780662537, 0.016114018857479095, -0.11263436079025269, 0.40238964557647705, -0.07667779922485352, -1.5595673322677612, 0.7538013458251953, 1.0646780729293823, -0.46426475048065186, -0.424246221780777, 0.6191884279251099, 0.33104264736175537, 0.15082105994224548, 1.009218692779541]} +{"paper_id": "matinf", "embedding": [-1.1315410137176514, 0.5960304141044617, -0.8115444779396057, -0.700539231300354, 0.6389173269271851, 0.19472426176071167, -0.1832161843776703, 1.4289677143096924, 0.8948736786842346, 0.8407632112503052, 0.22118157148361206, -0.547764778137207, 0.3979872763156891, 0.22564713656902313, -0.6855658888816833, -0.28712332248687744, -1.2519752979278564, -0.7698366045951843, -1.6545908451080322, -0.3661545217037201, -0.6074082255363464, -0.533440351486206, 0.34838569164276123, 0.9188429713249207, -0.12034904211759567, -0.9446189999580383, 0.8963956832885742, -0.7815012335777283, 0.23911017179489136, -0.1765824556350708, 0.20725983381271362, 1.155331015586853, -1.6399083137512207, 0.558966338634491, -0.3686812222003937, -0.760871946811676, -0.04648921266198158, 0.7174282073974609, -0.41524332761764526, -0.6885920166969299, -0.7031158208847046, -0.4786543846130371, 0.8352510929107666, 0.7601691484451294, 0.6661986112594604, -0.6766717433929443, 0.5336332321166992, 0.08476422727108002, -0.8772809505462646, -0.3013288378715515, -0.11545288562774658, 0.37195226550102234, 0.0008076950907707214, 0.7894562482833862, -0.13741368055343628, 1.5283809900283813, -0.06512697041034698, -0.8460152745246887, 0.7764439582824707, -1.22201406955719, 1.0576728582382202, 1.7097326517105103, -0.481787770986557, -0.05988657847046852, 1.4135664701461792, -0.06834107637405396, 1.156860113143921, -0.38594359159469604, 0.12672366201877594, 0.7287265658378601, -0.5334955453872681, -1.1831566095352173, 0.33762505650520325, -0.8957262635231018, 0.626244306564331, 0.5249466896057129, 0.40162983536720276, 0.059513553977012634, 0.05278707295656204, -0.791175901889801, -0.17983390390872955, 0.2982538938522339, 0.9970271587371826, 0.34640273451805115, -0.16849222779273987, 0.24135059118270874, 0.1661248505115509, -1.0699881315231323, 0.3269621431827545, -1.6692882776260376, 0.8964426517486572, 0.010716894641518593, -0.36945757269859314, 0.031544893980026245, -0.13542768359184265, 0.6804013252258301, -1.2220189571380615, -0.6834948658943176, 0.6123336553573608, 1.2267441749572754, 0.40672802925109863, -0.9956843852996826, 0.1374933272600174, -0.11351446062326431, -0.08797252178192139, 0.7988576292991638, -0.026352763175964355, 0.25380969047546387, -0.795707643032074, -0.4918537437915802, 0.6990914940834045, 0.8909595012664795, -0.04316793382167816, 0.3175866901874542, 0.27219197154045105, 0.7295355796813965, 0.14686183631420135, -0.6792947053909302, -0.2188807874917984, 0.5421245694160461, -0.1257808953523636, -1.4000135660171509, -0.7211046814918518, -0.4250263571739197, 1.074532389640808, -0.5333867073059082, 0.6641018986701965, -0.36575931310653687, -0.09656606614589691, 0.4590815305709839, -0.13737618923187256, -0.32075726985931396, -0.7847311496734619, 0.266605943441391, 2.7376019954681396, -1.1273494958877563, 1.6017903089523315, -0.2938639521598816, -0.06100000441074371, -0.5379297137260437, 0.12876713275909424, 1.1474497318267822, 0.09705879539251328, -1.3755124807357788, -1.1659539937973022, 0.5711908936500549, 0.056169841438531876, 0.7730056047439575, -0.9988934993743896, 0.09761707484722137, -0.25039416551589966, -0.08482549339532852, -1.1187556982040405, -0.23785901069641113, 0.04067140445113182, 0.4005536735057831, 0.45449212193489075, 0.11563332378864288, -1.1708545684814453, 0.9417946338653564, 0.12558186054229736, 0.4983175992965698, -0.19352427124977112, 0.9773284196853638, -0.9875849485397339, -0.5815554857254028, 1.089441180229187, -0.19734236598014832, -1.0068715810775757, -0.23917853832244873, 0.919484555721283, -0.2959541082382202, 0.15611419081687927, -0.24447545409202576, -0.24106331169605255, 0.2915860116481781, 0.17149779200553894, 0.795302152633667, 0.08907318860292435, -0.5095148086547852, -0.17064720392227173, -0.44207116961479187, -0.2158738374710083, 1.0506771802902222, 0.6710919141769409, 0.6369779706001282, -2.520103693008423, -0.18238453567028046, -0.47892725467681885, 0.8219250440597534, -0.13246990740299225, -0.4503805935382843, 0.16432800889015198, 0.6564677953720093, -0.11965110152959824, -0.8744783997535706, 0.7461367249488831, -0.8015226125717163, -0.18771463632583618, -0.013879828155040741, -0.44636619091033936, -0.3938472270965576, 0.1029403880238533, 1.0770142078399658, 1.2706888914108276, -1.285069465637207, -0.8066964149475098, -1.7145717144012451, -0.07500245422124863, 2.5388145446777344, 0.290834903717041, -0.47946304082870483, -1.5885804891586304, -0.313814640045166, 0.8041001558303833, -0.1604366898536682, -0.17165622115135193, -1.2562206983566284, 0.2754264771938324, -1.3084588050842285, -0.023949049413204193, -0.6833562254905701, 0.0824853703379631, 0.35957762598991394, 0.8132919073104858, -0.696753203868866, -0.47750744223594666, 0.18042999505996704, -0.35388484597206116, 0.9691612124443054, 0.6847949624061584, 0.07440640777349472, -0.15386520326137543, 0.8112741708755493, 0.9198876023292542, 0.9045496582984924, 0.4222591519355774, 0.040121085941791534, -0.25692689418792725, 0.3462469279766083, -0.2748103439807892, 0.9605961441993713, 0.028752997517585754, 0.009383225813508034, 0.29334914684295654, -0.298322468996048, -1.0698435306549072, -0.6567367315292358, -0.10087013244628906, -0.8037291169166565, 1.333113670349121, 0.9302660226821899, -0.13184159994125366, 0.7520500421524048, -0.9482498168945312, -0.11953210085630417, 0.4233667254447937, -0.5820567607879639, -0.09179516136646271, -0.19284416735172272, 1.1468786001205444, 0.4559876024723053, -0.06170455738902092, -0.2493545114994049, 0.3917440176010132, -1.291314959526062, -0.8870455622673035, 0.27517202496528625, -1.0469815731048584, -0.6061693429946899, -0.026534304022789, 0.3558235764503479, 0.004600927233695984, -0.2966948449611664, 0.13659921288490295, 0.4711591899394989, 0.49750134348869324, 1.026430606842041, 1.1394156217575073, 0.07987454533576965, 0.7856670022010803, 0.6101170182228088, 1.122892141342163, -0.11920714378356934, 1.0630706548690796, -0.512557327747345, 0.4526362717151642, -0.23082664608955383, -0.1986568719148636, -0.6147085428237915, 0.25207948684692383, -0.16066280007362366, -0.8946945071220398, 0.5986127257347107, -0.28355997800827026, -0.9672625660896301, 1.0664812326431274, -0.6332213282585144, -0.06888539344072342, -0.4836345314979553, 1.3073731660842896, 0.013140769675374031, -0.9525442123413086, 0.6673796772956848, 0.22663605213165283, 0.248603954911232, 0.8032054305076599, 0.31755027174949646, 0.06651093065738678, 1.0274112224578857, -0.2379835993051529, 0.06871843338012695, 0.8250952363014221, -1.4431780576705933, 0.3830289840698242, 0.9442731738090515, -0.2975090444087982, -0.5333196520805359, -0.9921745657920837, -0.5125583410263062, -0.8362347483634949, -0.4720747768878937, 0.05326775461435318, -0.9208489656448364, 0.40127772092819214, 0.2758043110370636, -0.2107672542333603, 0.7525993585586548, -0.7487340569496155, 0.4591583013534546, 0.550891101360321, 0.20988494157791138, -0.4772583544254303, -0.0629328265786171, 1.0163108110427856, -0.27168285846710205, -0.4004398286342621, 0.4752069413661957, 1.05814528465271, 1.5112740993499756, -0.468148410320282, 0.45494168996810913, 1.076314091682434, 0.5756585597991943, 0.08350304514169693, -0.2358558624982834, -0.6354703903198242, 0.45317378640174866, 0.4910697937011719, 0.48973003029823303, 0.3646836280822754, -0.6827484369277954, -0.79754239320755, -0.2995019853115082, 0.48274320363998413, -0.7662743330001831, 1.2510228157043457, 0.5113502740859985, 1.4660227298736572, -0.5101034045219421, 0.5271139740943909, -1.025164246559143, 0.14393195509910583, 0.7597677111625671, 0.5621311664581299, -0.013671696186065674, -0.6184276342391968, 0.3839723765850067, 0.13107068836688995, -0.11745814979076385, -0.5416085124015808, -0.32585608959198, 0.849175751209259, 0.4106670022010803, -1.055902361869812, -0.06341254711151123, 0.9444053769111633, 1.2453354597091675, 0.9879602193832397, -0.44318944215774536, -0.3426004648208618, 0.026040753349661827, -0.1506100594997406, 0.48607009649276733, -0.0553334578871727, -0.659429669380188, 0.6903778910636902, -0.029978856444358826, 0.9396172165870667, 0.33293044567108154, 1.4827500581741333, 0.900168240070343, -0.5744234919548035, -1.1028047800064087, -0.3498978614807129, -1.2221159934997559, -0.752501904964447, -0.19203951954841614, 0.14524173736572266, -1.7608067989349365, 1.0460283756256104, -0.24838820099830627, -0.6430115103721619, 0.6740559339523315, -0.20914261043071747, -1.0469309091567993, 1.615771770477295, 1.1478806734085083, -1.409740686416626, 0.13042742013931274, -0.18199151754379272, -0.8348602056503296, -0.5780947804450989, 0.005053448490798473, -0.779185950756073, 0.18726381659507751, -0.4191916584968567, 0.6584658622741699, -0.03190923482179642, 0.27111393213272095, -0.7334352731704712, 0.840802788734436, 0.5871244668960571, -1.4194457530975342, 0.1448834091424942, -0.007787007838487625, 0.4148595333099365, -0.037872761487960815, -1.7659368515014648, -0.6366833448410034, 0.45092254877090454, 0.08286447823047638, 0.5530350804328918, -0.5895556211471558, -0.5048806071281433, 0.20540091395378113, 0.3658374845981598, 0.881653904914856, -0.41422489285469055, 0.3283613920211792, 0.005547374486923218, 0.16920232772827148, 0.8768470287322998, -0.1809050291776657, -1.0103050470352173, 1.246338129043579, -0.279359370470047, 1.0151408910751343, 0.16034181416034698, 0.4698910713195801, 1.2433016300201416, -0.2605264186859131, 0.2973368167877197, -0.4492594003677368, -11.214317321777344, 0.5189229846000671, -0.1816340684890747, 0.2762688994407654, 0.15739333629608154, -0.5356164574623108, 1.1093696355819702, -0.2868053615093231, 0.28576675057411194, -0.9380103945732117, 0.7685918807983398, 1.5935124158859253, 0.9913541674613953, 0.2304030954837799, -0.958414614200592, -0.7437518239021301, -0.18116216361522675, 0.34467262029647827, 1.2882804870605469, -0.22509682178497314, -0.3139728605747223, -0.5818597078323364, 0.2137446254491806, -0.5549754500389099, 0.028692472726106644, 0.3082317113876343, 0.08801241219043732, -0.2362642139196396, -0.7977311611175537, -0.408042848110199, 1.09884512424469, 0.15916863083839417, -0.5654699802398682, -0.3349606990814209, -0.1646503210067749, -0.3725384473800659, -0.16922974586486816, -0.7965490818023682, 1.1387276649475098, -0.0966143012046814, -0.23423416912555695, -0.8122043609619141, 0.8025802969932556, -0.005324775353074074, -0.5527777075767517, 0.9288069605827332, -0.13354584574699402, -0.8618232607841492, 0.18293720483779907, -0.4537087082862854, -0.8112262487411499, -0.024081826210021973, -0.06755323708057404, -0.47758761048316956, 0.6578474640846252, 0.22290022671222687, -1.2452197074890137, -0.15754520893096924, -0.5953097343444824, -1.2691161632537842, 1.2487083673477173, -0.1559235155582428, -0.33667391538619995, 0.6802806854248047, -0.299172967672348, -0.74169921875, -0.010153770446777344, -0.05837863311171532, -0.10278733819723129, 0.4721304178237915, -0.6169304251670837, 0.7378385663032532, 0.4327370226383209, -0.5553264021873474, -0.5315433144569397, -0.026586569845676422, -1.2829312086105347, -0.5561866760253906, 0.6869248151779175, -0.26143696904182434, -1.06922447681427, 0.6497541069984436, -0.06759881973266602, -0.3730957806110382, -0.9560171365737915, -0.1069011315703392, -0.5044723749160767, 0.14494924247264862, 0.8746801614761353, -0.5328552722930908, 1.2182209491729736, 0.26571130752563477, -0.7543861865997314, -0.3701763153076172, -0.4954034090042114, 1.1058086156845093, -0.4532777965068817, 0.6245487928390503, -0.49833056330680847, -0.6079486608505249, 0.2892628610134125, -0.24688056111335754, -0.11369852721691132, 0.541149914264679, 0.48360690474510193, 0.470461905002594, 0.4157997965812683, 0.5778090953826904, 0.03355654701590538, 0.10298127681016922, 1.1318327188491821, 0.23845568299293518, -0.31093060970306396, 0.9643353223800659, -0.4354138970375061, 0.4248690903186798, 0.09624503552913666, 0.7125827074050903, 0.1726582795381546, -0.0768231749534607, 0.002684537088498473, 0.9598197937011719, -0.3126237094402313, 1.9479693174362183, 0.20538754761219025, -0.31424227356910706, 0.19090759754180908, 0.29452359676361084, -0.5383384823799133, -1.5397189855575562, 0.5227735042572021, 0.46339547634124756, -0.3074614107608795, -0.7429183125495911, -0.41205406188964844, -0.04967264086008072, -0.3110913634300232, 1.7939704656600952, -0.22150444984436035, -0.26149311661720276, -0.42308878898620605, -0.07311435043811798, -0.18675342202186584, -0.8469092845916748, -1.1380454301834106, 0.26491883397102356, -0.36674389243125916, 0.6385290026664734, -0.4365605413913727, -0.33729901909828186, -0.16171418130397797, -0.2914194166660309, 0.8255991339683533, -1.3773634433746338, -0.3875894546508789, -0.44567275047302246, 0.9891752004623413, 0.29805225133895874, -1.318696141242981, -0.006232745945453644, 0.1809600591659546, 0.23274514079093933, -1.1286466121673584, 1.3728793859481812, 0.6485284566879272, 0.004797959700226784, -0.5717267394065857, -0.04834812879562378, -0.2731810510158539, 0.17356166243553162, 0.4666614532470703, -0.1182992160320282, -0.16978000104427338, 0.0048404354602098465, 0.40308645367622375, -0.0883549153804779, -0.09459822624921799, 1.390743613243103, -1.6880085468292236, 0.022357389330863953, -0.39153483510017395, 1.5532827377319336, -0.15715688467025757, -0.19009217619895935, -0.4854990541934967, 0.18823376297950745, -0.3876096308231354, 0.9377433657646179, 0.2639999985694885, 0.9376387000083923, -1.6615992784500122, -1.5756616592407227, -0.29192599654197693, 0.29541635513305664, 1.1862612962722778, 0.026690350845456123, 1.1408549547195435, 0.3173792362213135, 0.15337181091308594, 0.0640256330370903, 0.3782278597354889, 0.7099636197090149, 0.7508495450019836, 0.5819894075393677, -0.23440854251384735, 0.23397716879844666, -1.2204828262329102, 0.12104478478431702, 0.10789425671100616, 0.9174988865852356, -1.5085021257400513, 0.3390311002731323, 0.5830689072608948, -0.7412216067314148, 0.0364849828183651, -1.5370118618011475, 0.36943474411964417, -0.6758342981338501, -0.2570157051086426, -1.0584936141967773, 0.19905368983745575, 0.9310916662216187, -0.5894931554794312, 0.8627018332481384, -0.616327166557312, 0.5181561708450317, 0.731256902217865, -0.10684235394001007, 1.3292683362960815, 0.23984132707118988, -0.05777335539460182, -0.028593044728040695, 0.5661020278930664, -0.7524210214614868, -0.45993611216545105, -0.03671480342745781, -0.5777896642684937, 0.1806490421295166, -0.6187793016433716, 0.7586914300918579, -0.8156571388244629, 0.32445862889289856, 0.5122672915458679, 1.0332319736480713, -0.4899473190307617, -1.1383566856384277, -0.02070748805999756, -0.8852455615997314, 0.1527177095413208, 0.7225160598754883, 0.40731745958328247, 0.3922296166419983, 0.7419241070747375, -0.2769327759742737, 0.8073387742042542, -0.3501964211463928, 0.10187734663486481, -0.08931059390306473, 0.029364895075559616, 0.799140453338623, 0.6818765997886658, 0.47552117705345154, -0.2664536237716675, -0.35888922214508057, 0.019105397164821625, -0.09047339856624603, -0.2828518748283386, 0.07274222373962402, 1.1173183917999268, -0.4623072147369385, -0.2939688265323639, -0.6804648041725159, 0.8517674803733826, -0.37656891345977783, 0.2880572974681854, 0.4198492169380188, -0.002256527543067932, -0.8756970763206482, -0.08391561359167099, 0.15751652419567108, 0.4565986692905426, 0.08832710981369019, -0.3303137421607971, 0.14992673695087433, 0.8817763924598694, 0.02831604704260826, -0.4686128795146942, -1.1538338661193848, 0.2961105406284332, -1.0417219400405884, 0.8793695569038391, 0.34001582860946655, -0.5487365126609802, -0.8824573159217834, -0.5049129724502563, -0.7839346528053284, 0.02377399243414402, -0.057335130870342255, -0.18158075213432312, -0.4973779320716858, 0.0662834495306015, -0.34162306785583496, 0.7599561214447021, 0.008789610117673874, -0.47047990560531616, -1.286368489265442, 0.7430933117866516, 1.2614637613296509, -1.0071115493774414, -0.9439730048179626, 0.265916109085083, -0.4384687840938568, 0.02352975308895111, 0.1846688836812973]} +{"paper_id": "sberquad", "embedding": [0.16343040764331818, 1.182498574256897, 0.09780259430408478, 0.1775159239768982, 0.4480527937412262, -0.6003641486167908, 0.21609464287757874, 0.4535549283027649, 1.0804446935653687, 0.1350073516368866, 0.7282921075820923, -0.6617005467414856, 0.5210933089256287, 0.2024790346622467, -0.20054209232330322, -0.27571946382522583, -0.706213116645813, -0.5414025783538818, -1.618335485458374, -0.7066169381141663, -0.8584542274475098, -0.6787970066070557, -0.03551742807030678, 1.2496402263641357, -0.6332463622093201, -1.038827896118164, 0.16435441374778748, -0.8647668957710266, 0.2750639021396637, -0.13643667101860046, -0.08782739192247391, 0.8853132128715515, -1.5061407089233398, 0.43077316880226135, -0.10344906151294708, -1.1189392805099487, 0.6091486215591431, 0.5985682010650635, 0.17472437024116516, -0.8043087124824524, -0.5345279574394226, -0.02559724636375904, -0.12067747116088867, -0.01893915981054306, 1.044769525527954, -0.397919237613678, 0.34449461102485657, -0.31763899326324463, -0.026590265333652496, -0.39793533086776733, -0.7693130373954773, 0.17071476578712463, -0.08849482238292694, 0.2351975440979004, -0.7644492387771606, 0.9268448352813721, -0.15028537809848785, -0.6692595481872559, 0.4789731502532959, -0.5880126953125, 1.4223685264587402, 1.4923415184020996, -0.19613322615623474, 0.13599751889705658, 2.1748037338256836, 0.4172673225402832, 1.439374327659607, -0.16490164399147034, -0.15878647565841675, 0.4544726312160492, -0.3524959683418274, -0.49774715304374695, 0.15909308195114136, -0.43699130415916443, 0.4445507228374481, 1.0613212585449219, 0.6446223855018616, -0.15793536603450775, 0.08813753724098206, -0.10537910461425781, -0.5882661938667297, 0.7874760627746582, 0.940849244594574, -0.014350797981023788, 0.24780775606632233, -0.10824871808290482, 0.7068655490875244, -0.7171831130981445, 0.7007378339767456, -2.2066030502319336, 1.0164390802383423, 0.30448779463768005, 0.5690602660179138, 0.5274103283882141, -0.43696755170822144, 0.2577575743198395, 0.15720587968826294, -0.31908246874809265, -0.39837881922721863, -0.6469568014144897, 0.49900317192077637, -0.045045867562294006, 0.6321049928665161, -0.4476311504840851, -0.044412121176719666, -0.019433971494436264, -0.03925199806690216, -0.370297908782959, -0.5012492537498474, -0.6952011585235596, 0.3771314024925232, 0.6746786832809448, -0.30774518847465515, 0.44721439480781555, 0.13614341616630554, 0.007222749292850494, 0.400115966796875, -0.5477697849273682, -0.7445111870765686, -0.14037038385868073, -0.3631766438484192, -0.7783587574958801, -0.49714744091033936, -0.8462807536125183, 0.3843690752983093, -0.661296010017395, 0.0021170522086322308, -1.4562475681304932, 0.1773916780948639, -0.4083327054977417, 0.6296004056930542, 0.13526993989944458, -1.1877191066741943, -0.36400219798088074, 2.516850709915161, -1.2057291269302368, 1.3136385679244995, -0.07722784578800201, -0.027304645627737045, -0.6498163342475891, -0.7450223565101624, 1.477170705795288, -0.06434443593025208, -0.985249400138855, -0.2108267992734909, 0.23396432399749756, -0.2518409788608551, 0.5228544473648071, -0.4745296537876129, -0.7603586316108704, -0.049642886966466904, 0.09512036293745041, -1.4594413042068481, -1.0577094554901123, -0.03846055269241333, -0.34604591131210327, -0.20899660885334015, 0.9886350035667419, 0.029856223613023758, 1.2576106786727905, 0.22030377388000488, 0.26512235403060913, -0.33127617835998535, 0.6508662700653076, -0.7098245024681091, 0.14170695841312408, 0.8051897883415222, 0.20274409651756287, -0.3308119773864746, -0.01685243844985962, 0.28027790784835815, -0.14122730493545532, -0.6921858787536621, -0.13416457176208496, -0.1245015561580658, -0.06975536793470383, 0.3347643315792084, 1.1288212537765503, 0.4508724510669708, -0.37638068199157715, 0.2538387179374695, -0.9110496640205383, 0.6408861875534058, 0.6708575487136841, 0.07598818093538284, 0.9511733651161194, -2.813633441925049, -0.00024719536304473877, -0.6288339495658875, 0.5878133773803711, -0.09974396228790283, -0.31764721870422363, 0.730502188205719, 0.2908038794994354, 0.030374042689800262, -0.5370402336120605, 0.9192208051681519, -0.9378259778022766, 0.23705771565437317, 0.41526728868484497, 0.6259641647338867, -0.3945966958999634, 0.5080766081809998, 0.9803426265716553, 0.38053786754608154, -0.42949071526527405, -0.8765961527824402, -1.7668704986572266, 0.40310272574424744, 2.1647167205810547, 0.00885581225156784, -0.28736549615859985, -0.5835955142974854, -0.8901657462120056, -0.1927194893360138, -0.9663814902305603, 0.3996506631374359, -0.6270033717155457, -0.23763465881347656, -0.3801054358482361, 0.6627602577209473, -0.6242476105690002, -0.1938723772764206, 0.4829760789871216, 1.3348809480667114, -0.29195335507392883, -0.6438515186309814, -0.06558290123939514, -0.6911563873291016, 0.15333054959774017, 0.5530526638031006, 0.0035540303215384483, -0.38276126980781555, 0.45901626348495483, 0.22901463508605957, 0.9043136239051819, 1.2699452638626099, 0.6625403165817261, -0.12068481743335724, 0.7510613203048706, -0.14462749660015106, 1.0883750915527344, -0.3518591523170471, -0.0012314878404140472, 0.9611988663673401, 0.8880527019500732, 0.1229674369096756, -0.5347890853881836, -0.7079405188560486, -0.13702023029327393, 0.7557467818260193, 0.7650787234306335, -0.4819495379924774, 1.0630693435668945, -1.1303353309631348, 0.09510290622711182, -0.17399629950523376, -0.260251522064209, -0.36888957023620605, -0.18860644102096558, -0.16821900010108948, -0.7823843359947205, -0.0956333577632904, -0.21349871158599854, 0.4349021911621094, -1.1947147846221924, -1.1470448970794678, -0.0013102740049362183, -0.37585437297821045, -1.5998514890670776, -1.1966519355773926, 0.3294715881347656, -1.5394879579544067, -0.09833918511867523, 0.48460543155670166, 0.13972197473049164, 0.09955842792987823, 0.643231987953186, 1.7493118047714233, 0.0122910775244236, 0.5026506781578064, -0.5983558297157288, 1.0387529134750366, -0.5128931999206543, 0.528107225894928, -0.15866711735725403, 0.30519452691078186, -0.9485296607017517, 0.15997570753097534, -0.6852390170097351, 0.6505861282348633, 0.919767439365387, 0.6330870389938354, 0.9440886378288269, -0.38502633571624756, -1.050239086151123, 0.5705313086509705, -0.3548535108566284, 0.06767700612545013, -1.2943801879882812, 1.8016787767410278, 0.32150816917419434, -0.40520182251930237, 0.7323261499404907, -1.032477617263794, -0.6169064044952393, 1.0700589418411255, -0.3694663345813751, 0.6212868094444275, 0.3097202181816101, -0.5457385182380676, 0.18523022532463074, 0.223860502243042, -1.8799477815628052, 1.118943214416504, 0.9012621641159058, 0.42858660221099854, 0.07105638831853867, -0.5985923409461975, 0.5099539756774902, -0.42644187808036804, 0.18475660681724548, 0.7068607807159424, -0.6929779648780823, 0.5684017539024353, 0.11469633132219315, -0.05407801643013954, 0.8125903606414795, -0.11107614636421204, 0.8139282464981079, 1.0201243162155151, 0.962853729724884, -0.9724206924438477, -0.31429794430732727, 1.2822997570037842, -0.3156501352787018, 0.8576722145080566, 0.4456389844417572, 0.3883211314678192, 0.49690866470336914, -0.0037111565470695496, -0.20316492021083832, -0.2229524552822113, 0.4915362298488617, 0.17701482772827148, 0.2356524020433426, -0.1735067069530487, 0.307720422744751, -0.26852381229400635, 1.6764198541641235, 0.2675451636314392, -0.7158142328262329, -1.1324033737182617, -0.2808985710144043, -0.7825988531112671, 0.04262935370206833, 1.8878902196884155, 0.14973671734333038, 1.9623068571090698, 0.7167622447013855, 0.019332878291606903, 0.3605422377586365, 0.3100872039794922, 0.548244059085846, 0.41522306203842163, -0.03144626319408417, -0.3912510871887207, 0.2884376049041748, 0.5497952103614807, 0.9109031558036804, -0.7417868971824646, 0.26141053438186646, 0.3155030608177185, -0.8183436989784241, -0.9760957360267639, 0.9558858871459961, 0.7939035892486572, 0.9056567549705505, 1.6641935110092163, -0.1797870695590973, -0.04187978804111481, -0.12559178471565247, -0.07310710847377777, 0.16416595876216888, 0.30691298842430115, 0.2715787887573242, 0.6989620327949524, 0.9755336046218872, 1.350460171699524, -0.0927048996090889, 0.6538639664649963, 1.279147982597351, -0.5885679721832275, -1.5992523431777954, -0.03690594062209129, -0.9177560806274414, -0.16620944440364838, -0.1882033348083496, 0.10849699378013611, -0.5875510573387146, 0.39199069142341614, -0.31678348779678345, -0.9337475895881653, 0.1846974492073059, -0.14120417833328247, -1.453377604484558, 1.186051368713379, 1.3499201536178589, -0.6969226598739624, -0.2732866108417511, -0.23481537401676178, -1.0728235244750977, 0.06981911510229111, -0.538939893245697, -1.5082240104675293, 0.6140873432159424, 0.044200606644153595, 0.7477682828903198, -0.22016341984272003, -0.42452025413513184, -1.0264393091201782, 1.2931818962097168, 2.1762893199920654, -0.8165437579154968, 0.4956772029399872, 0.4642333686351776, 0.6437532901763916, -0.18848448991775513, -1.3360017538070679, -0.6612920761108398, 0.516307532787323, 0.24581265449523926, 0.07383378595113754, -1.0058248043060303, -0.053202249109745026, 1.0114824771881104, 0.6834340691566467, 0.6087225675582886, -0.5395001769065857, 0.6249257326126099, -0.8476539254188538, 0.08511621505022049, 0.6480050086975098, -1.843389630317688, -0.4531317353248596, 0.7962517738342285, -0.6812161803245544, 0.4264850914478302, 0.35921037197113037, 0.30279800295829773, 1.9365843534469604, -0.3261231482028961, -0.3109860420227051, -0.33607035875320435, -10.727056503295898, 0.47072792053222656, -0.9966989755630493, -0.3022322952747345, 0.4216059446334839, -0.31840312480926514, 0.35855719447135925, 0.840303897857666, 0.6586588621139526, -0.5901433825492859, 0.5039117336273193, 1.3750288486480713, 0.19042664766311646, -0.7167535424232483, -0.3399510383605957, -0.11253011971712112, -0.33268946409225464, -1.020823359489441, -0.04024120047688484, 0.6012146472930908, -0.32819652557373047, -0.6432766318321228, -0.2532525658607483, 0.11509677767753601, 0.012887307442724705, -0.5768198370933533, -0.5016434192657471, -0.8858212828636169, 0.21825234591960907, 0.2721857726573944, 0.3707273602485657, -0.49995896220207214, -0.6923108100891113, -0.3588958978652954, 0.8540459275245667, -0.15234944224357605, -1.2374467849731445, -0.6078018546104431, 0.5685611963272095, -1.1977980136871338, -0.6001631021499634, -0.0030616801232099533, 0.3755597174167633, -0.8881930112838745, -0.37746915221214294, 0.020608827471733093, -0.1293732076883316, -1.063901424407959, -0.0956597626209259, -0.88028484582901, -0.5010531544685364, -0.6113041043281555, -1.4572643041610718, -0.1887749433517456, 0.7916734218597412, 0.048251643776893616, -0.34674710035324097, -0.012905926443636417, -0.40012937784194946, -0.7069562673568726, 0.7765927910804749, -0.3085848093032837, -0.6110694408416748, 0.7160816788673401, 0.37688568234443665, -0.6701228022575378, 1.1686805486679077, 0.03922858461737633, -0.01586010307073593, 0.6683839559555054, -0.25093841552734375, 1.0022097826004028, -0.31495988368988037, 0.4612717628479004, -0.06948169320821762, 0.16193494200706482, -0.20236878097057343, -0.1768898069858551, 0.3912110924720764, 0.5441446900367737, -0.9558011293411255, 0.3841196596622467, 0.26983171701431274, -0.3167290985584259, -0.8648775815963745, -0.18194392323493958, -0.0392538458108902, 0.43773752450942993, 0.4388677477836609, -0.6395690441131592, 1.407138466835022, -0.04686231538653374, -0.07456700503826141, -0.19461938738822937, -0.9443941712379456, 0.8877736330032349, -1.0002648830413818, 1.0149695873260498, 0.410596638917923, -0.38829028606414795, -0.04236787557601929, 0.3029960095882416, -0.6894739866256714, -0.22448939085006714, 1.0946933031082153, -0.14874067902565002, -0.16290612518787384, 0.19341915845870972, 0.17502589523792267, -0.9087826609611511, 0.957145094871521, 1.0497816801071167, -0.14729979634284973, 1.3739734888076782, -0.6012203693389893, 1.5003525018692017, 0.2506072521209717, 0.06973421573638916, -0.7912816405296326, 1.4873563051223755, -0.6608368754386902, 0.9689079523086548, 0.9576444029808044, 1.9373785257339478, 0.6390326023101807, 0.1833420991897583, 0.679915726184845, 0.35295650362968445, -0.007916618138551712, -1.3665940761566162, 0.37010470032691956, -0.5174533724784851, 0.06608600914478302, -0.2728458344936371, -0.03415755182504654, -0.06300091743469238, -1.166115641593933, 1.525547742843628, -0.8556097149848938, 0.046962328255176544, -0.13908296823501587, -0.7300006747245789, -0.5821412801742554, -0.37730464339256287, -0.6850743293762207, 0.40851491689682007, -2.252406358718872, -0.4182675778865814, -0.4197397530078888, -0.6013167500495911, -0.5707548260688782, -0.3327503502368927, 0.40514445304870605, 0.21918676793575287, -0.30592119693756104, -0.1909719705581665, 0.9029144048690796, -1.3910845518112183, -0.3117974102497101, -0.19958928227424622, 0.5328585505485535, 1.266446590423584, -0.857240617275238, 0.5881356596946716, 0.4937376081943512, -0.32508552074432373, -1.1871939897537231, 0.05563470721244812, -0.7068150043487549, 1.2159234285354614, 0.9874568581581116, -0.9392000436782837, -0.3149992525577545, -0.3703565001487732, -0.08255477249622345, -0.5621578097343445, -0.3187771737575531, 1.2787706851959229, -0.9191147089004517, 0.2830078899860382, 0.3434467911720276, 0.08517482131719589, 0.6648692488670349, -1.091249942779541, -0.23932614922523499, 0.13330808281898499, -0.5539619326591492, 0.6642460823059082, 0.15121112763881683, 0.7750656604766846, -1.3638643026351929, -1.255147933959961, -0.2273140251636505, -0.42678284645080566, 0.07737714797258377, -0.25280287861824036, 1.2055259943008423, -0.14075550436973572, -0.6070356369018555, -0.367349773645401, -0.4938696622848511, 0.16227596998214722, -0.08627566695213318, 0.8076665997505188, 0.002714943140745163, 0.08414669334888458, -0.6509796380996704, 0.2297496497631073, 0.7324237823486328, 1.0438151359558105, -0.597133994102478, -0.03701210021972656, 0.0299918781965971, 0.10523520410060883, -0.23395027220249176, -1.414771318435669, -0.07740508019924164, -0.1638820916414261, -0.1233224868774414, -1.0829648971557617, -0.3241922855377197, 1.2579108476638794, -0.22289496660232544, 0.19960978627204895, 1.280031442642212, 0.1645055115222931, 0.40717071294784546, 0.5855852365493774, 1.401412844657898, 0.09017550945281982, -0.2474939376115799, -0.05183526501059532, 0.5134040117263794, -0.20969536900520325, 0.129556804895401, -0.37461575865745544, -0.8341857194900513, 0.007371548563241959, -0.7682722806930542, 0.8002579808235168, -0.30329984426498413, -0.17273716628551483, 0.4883244037628174, 0.5647051334381104, 0.637885570526123, -1.7753605842590332, -0.17121997475624084, -0.9669566750526428, -0.19597920775413513, 0.45303875207901, -0.7876928448677063, 0.6911697387695312, 0.3865319788455963, -0.452096164226532, 1.5413991212844849, -0.3150175213813782, -0.28875964879989624, 0.0696616992354393, -0.2640238404273987, 0.5953978300094604, 0.6737992167472839, 0.4660782814025879, 0.02694687806069851, -0.5970984101295471, -1.4213440418243408, -0.20212478935718536, -0.9509017467498779, 1.068835973739624, 0.1826518028974533, -0.30032724142074585, 0.23084472119808197, -0.12481491267681122, 0.40797606110572815, -0.34218862652778625, 1.3040376901626587, 0.2230491042137146, 0.014485105872154236, -0.2568008601665497, -1.3445671796798706, -0.2365064024925232, 0.4680032432079315, -0.8258805274963379, 0.17117424309253693, -0.25466281175613403, 0.4093568027019501, 0.0727640837430954, -0.28353023529052734, -0.5176559090614319, -0.1317526400089264, -0.3595784902572632, 0.400160014629364, 1.109779953956604, -0.5002710819244385, -1.1454356908798218, 0.0331868976354599, -1.0001015663146973, 0.20385566353797913, 0.20235402882099152, -0.6766085624694824, 0.04173099622130394, 0.6748826503753662, -0.3740695118904114, -0.9950092434883118, 0.5791240930557251, 0.7127923965454102, -2.00167179107666, 1.0216223001480103, 0.8588860630989075, -0.6415756344795227, 0.3111441731452942, 0.0992230772972107, 0.1750274896621704, 0.44465357065200806, 1.465800404548645]} +{"paper_id": "ecb", "embedding": [-0.7599227428436279, 0.782913863658905, 0.09617774188518524, 0.65668785572052, 0.6897149085998535, -0.021967843174934387, 0.7547431588172913, 0.37151288986206055, 0.4516487419605255, 1.3665151596069336, -0.1465708613395691, -0.43896225094795227, -0.34315183758735657, 0.32478249073028564, -0.3469054698944092, -1.0003989934921265, -1.2671576738357544, -0.3168599307537079, -0.6806945204734802, -0.7384346127510071, -0.818481981754303, -0.1111302450299263, -0.3121810555458069, 0.05063221603631973, -0.5996440649032593, 0.14118601381778717, 0.21797218918800354, -0.790472686290741, 0.4778224527835846, -0.0866578221321106, 0.17908400297164917, 1.346537709236145, -1.113882064819336, -0.03778260201215744, -0.5385504961013794, -0.02182716131210327, 0.10644545406103134, 1.0011368989944458, -0.5867921113967896, 0.1512763947248459, -0.546602725982666, -0.09801269322633743, 0.7583988308906555, 0.25751999020576477, 0.5435364842414856, -0.23338940739631653, -0.43982741236686707, 0.08815174549818039, -0.539634108543396, 0.2004256695508957, 0.18955734372138977, 0.15868577361106873, 0.5313102006912231, 0.09598849713802338, 0.08639557659626007, 1.0849559307098389, 0.2539316415786743, -1.23227059841156, 0.39090394973754883, -0.36407771706581116, 0.31990304589271545, 1.077122688293457, -0.7226011753082275, 0.3610209822654724, 0.9509521722793579, -0.6214964985847473, 0.7709426879882812, -0.2765355706214905, -0.14266124367713928, 1.0069020986557007, -0.1572132110595703, -0.6581201553344727, -0.30887213349342346, -0.3459021747112274, -0.09849713742733002, 0.4992388188838959, 0.6992383003234863, 0.06503566354513168, -0.11759545654058456, 0.896744966506958, 0.17447049915790558, 0.8485830426216125, 0.9638926982879639, -0.781646192073822, -0.31085896492004395, 0.04514693468809128, 0.6390626430511475, -0.4871859550476074, 0.558236837387085, -1.4487310647964478, -0.28533273935317993, -0.2670533061027527, -0.5649451613426208, 0.10151292383670807, -0.6370019316673279, 0.4386812448501587, -0.29322105646133423, -0.17822833359241486, -0.3502879738807678, 0.6282697319984436, -0.13744854927062988, -0.6000369787216187, -0.4282340407371521, 0.08799190819263458, 0.34755972027778625, 0.619896411895752, -0.474019855260849, 0.5351502299308777, -0.15825408697128296, -0.35198909044265747, -0.12541265785694122, 1.2178332805633545, 0.2919815480709076, 0.7240319848060608, -0.4650363326072693, -0.7646142840385437, -0.00921320915222168, -0.4490090012550354, -0.9579116106033325, 0.22828178107738495, -0.7556303143501282, -0.37224435806274414, 0.15854841470718384, -0.041451066732406616, 1.3536089658737183, -0.44073453545570374, 0.5385193228721619, -0.36579740047454834, -0.26176875829696655, -0.17566053569316864, -0.2572106122970581, 0.25094524025917053, -0.4775480031967163, 0.0011063329875469208, 3.2780797481536865, -1.0690797567367554, 1.1515430212020874, -0.23468394577503204, -0.046151816844940186, -0.617742657661438, -0.026790009811520576, 1.1264560222625732, -0.013600194826722145, -0.11333130300045013, 0.06309787929058075, -0.1331852674484253, -0.3657729923725128, 0.4611511826515198, -0.21298319101333618, -0.7911911606788635, 0.18869048357009888, -0.09808891266584396, -1.1874257326126099, -0.23784226179122925, 0.14195238053798676, 0.4455196261405945, -0.5550637245178223, 0.38725534081459045, -0.6064643263816833, 1.1534970998764038, 0.5324991345405579, -0.4606166481971741, -0.041587814688682556, 0.8147454261779785, -0.4187754988670349, 0.36478880047798157, 1.5793590545654297, -0.11374936252832413, -1.037550449371338, 0.317481130361557, 0.565696120262146, -0.1641465723514557, -0.522475004196167, -1.1829129457473755, -0.29985255002975464, 0.3157278001308441, 0.8130728602409363, 0.9394959211349487, -0.18322539329528809, -0.5019350051879883, -0.5496000051498413, -0.35914018750190735, -0.0815594345331192, 0.5804136991500854, 0.2363613396883011, 0.4889443516731262, -2.0698299407958984, -0.5419169664382935, -0.6683762073516846, 0.8459078669548035, -0.5272258520126343, -0.046995554119348526, 0.19812318682670593, 0.9207921028137207, -0.4893832206726074, -0.15972653031349182, 0.8393521904945374, -1.239890217781067, -0.47499993443489075, -0.6688740253448486, -0.1715683788061142, -0.2856934368610382, -0.29088494181632996, 0.6141402125358582, 1.2937703132629395, -0.3841041922569275, -0.39101389050483704, -2.354658365249634, 0.6054980754852295, 2.260240077972412, -0.10247160494327545, -0.27154916524887085, -1.8706668615341187, 0.2115745097398758, 0.6067766547203064, -0.37965279817581177, 0.5111358165740967, -0.21929961442947388, 0.6628854870796204, -0.599492073059082, 0.2805757224559784, -0.5577999353408813, 0.4568122923374176, 0.0687590017914772, 0.3205251693725586, -0.5117083191871643, -0.5797173380851746, -1.0596141815185547, -0.400116503238678, 0.3911014497280121, 0.9529728293418884, -0.1143689900636673, -0.13233120739459991, 1.047162413597107, 0.6495981812477112, 0.6395248174667358, -0.2149372696876526, 0.0856599435210228, -0.04461182653903961, -0.39857515692710876, 0.32606959342956543, 0.31210318207740784, 0.15284110605716705, 0.1307702213525772, 1.034136176109314, 0.29882243275642395, -0.13190209865570068, 0.19966427981853485, -0.5430278182029724, -0.3641665279865265, 0.6753899455070496, 0.9700987935066223, -0.8778367042541504, 1.052077293395996, -1.504207730293274, 0.6216988563537598, -0.036195460706949234, -0.812965452671051, -0.8938699960708618, 0.16853107511997223, 0.9804812669754028, 0.06194958835840225, 0.07610286772251129, 0.05001601576805115, -0.5484917163848877, -0.8371451497077942, -0.45990946888923645, -0.24210649728775024, 0.3522884249687195, -1.37750244140625, -0.1995471715927124, -0.21503151953220367, -0.9004532098770142, -0.4250286817550659, -0.3921669125556946, 0.31428226828575134, -0.1282484382390976, -0.2729785442352295, 1.6907352209091187, 0.20127363502979279, -0.13200905919075012, 0.1946699172258377, 0.7330625653266907, -0.5925981402397156, 0.9516599178314209, -0.7008768916130066, 0.01530353631824255, -0.8584133982658386, -0.28995823860168457, 0.28572285175323486, 0.7525599598884583, -0.20928239822387695, -0.2258395254611969, -0.12954461574554443, -0.24526932835578918, -0.597903847694397, 1.3389968872070312, -0.7200701832771301, -0.4554770290851593, -1.7905259132385254, 1.6215835809707642, 0.5052327513694763, 0.2893698513507843, 0.8826339244842529, -0.04905645549297333, -0.540647029876709, 1.4689083099365234, 0.027161315083503723, 0.8476359844207764, 0.5696356296539307, 0.24553096294403076, 0.12268057465553284, 0.42982473969459534, -2.1836092472076416, 0.19630490243434906, 0.8670831918716431, -0.3541436493396759, -0.10040007531642914, -0.8187501430511475, 0.7881858348846436, -0.43597349524497986, -0.905249834060669, 0.18781206011772156, -0.18263724446296692, 0.15410566329956055, -0.3919168710708618, 0.3398997187614441, 0.6140607595443726, -1.293708086013794, 0.37933290004730225, 0.8182375431060791, 0.9696090817451477, -0.7748605012893677, -0.45193859934806824, 1.1727137565612793, 0.04044368490576744, 1.239722728729248, 0.1590753197669983, 1.0902422666549683, 0.853252649307251, -1.1714427471160889, 0.0186595618724823, 1.5136098861694336, 0.44672879576683044, 0.5498324632644653, 0.7844048142433167, 0.1574927568435669, 0.49152475595474243, -0.4901067614555359, 1.1754215955734253, 0.9112240076065063, -1.0741215944290161, -0.7156184315681458, -0.840468168258667, -0.6515296697616577, -0.5555578470230103, 1.1738249063491821, 1.253574013710022, 2.5754151344299316, -0.1872902810573578, -0.0064775594510138035, -0.144501730799675, -0.10555508732795715, 0.8485699892044067, 0.3720530569553375, 0.8227289319038391, -0.9153908491134644, -0.060558632016181946, 0.5929874181747437, -0.027200888842344284, 0.2509845793247223, -0.44370734691619873, -0.36322128772735596, 0.10457734763622284, 0.04358964040875435, 0.6113544702529907, -0.23171520233154297, 0.24172812700271606, 1.8049249649047852, -0.6350498199462891, -0.8133600950241089, -0.04406166821718216, 0.03189435601234436, -0.1898917853832245, 0.9284441471099854, -1.491010069847107, 0.6567301154136658, 0.1270935982465744, 0.1972847878932953, -0.6593828797340393, 1.0429319143295288, 0.733424186706543, 0.7378536462783813, -1.0229140520095825, -0.8420277833938599, -0.8278005123138428, 0.5574957132339478, 0.28158125281333923, -0.4650331735610962, -0.09471151232719421, 0.8332358598709106, -0.41927680373191833, -1.5547770261764526, 0.844749927520752, 0.04766567423939705, -1.1142690181732178, 0.5133289098739624, 1.2052894830703735, -1.1610757112503052, -0.5736638903617859, 0.6371726989746094, -0.7927675843238831, -0.5524134635925293, -0.18618831038475037, -0.7080961465835571, 1.1793723106384277, 0.40025752782821655, 0.8109166026115417, -0.299482524394989, 0.1996833235025406, -0.4477289617061615, 0.9275807738304138, 0.9411574006080627, -0.027422357350587845, 0.5303062200546265, 1.1339573860168457, 0.11885745823383331, -0.22884055972099304, -0.8488865494728088, -1.2423676252365112, 0.3652845621109009, 0.2965641915798187, 0.3731341063976288, -0.8592614531517029, -0.8123911023139954, -0.3198305368423462, -0.011679448187351227, 0.999845027923584, -1.4583042860031128, 1.4065994024276733, -0.7247591018676758, 0.13363833725452423, -0.12194067239761353, -1.4165031909942627, -1.2639179229736328, 0.6751344203948975, -0.6781939268112183, 0.27719539403915405, -0.01948973536491394, 0.3887999355792999, 1.632847785949707, 0.08459048718214035, 0.3106030225753784, -0.19497135281562805, -11.562470436096191, 0.5685868859291077, -0.029983947053551674, 0.7596091032028198, 0.7899621725082397, -0.4430149495601654, 0.06215408444404602, 0.9305017590522766, 0.7262459397315979, -0.3491244912147522, -0.2159450501203537, 1.3001621961593628, -0.5115215182304382, -0.6353703141212463, -0.664038360118866, -0.9975038170814514, -0.15394076704978943, -0.1810365617275238, 0.1544467955827713, 0.33913955092430115, -0.4025254547595978, -1.5154327154159546, 0.02475006878376007, 0.3594896197319031, 0.9036457538604736, 0.09136650711297989, -0.12117944657802582, -0.15394818782806396, -0.5541931986808777, -0.01819061115384102, 0.7504385113716125, -0.6909043788909912, -1.282172441482544, -0.11740852147340775, 0.932155191898346, -0.10909181833267212, -0.7414639592170715, -0.287121057510376, 0.548435628414154, 0.3091678023338318, 0.3266392946243286, -0.015216806903481483, 0.14126312732696533, -1.0902130603790283, -0.7026234865188599, -0.035144805908203125, -0.1995447874069214, -0.7643452882766724, -0.5357295870780945, 0.00991598516702652, -0.7509291172027588, -0.13046707212924957, -0.8500083684921265, -0.792567789554596, 0.7808091640472412, -0.5673670172691345, -0.15744008123874664, 0.004002823028713465, -0.4241896867752075, -1.1425628662109375, 1.3398358821868896, -0.15850022435188293, 0.07013510912656784, 0.483187735080719, 0.44699111580848694, -0.9179767370223999, 1.1590052843093872, -0.03381761908531189, 0.4792605936527252, 0.24365557730197906, -0.4006788730621338, 0.8356853127479553, 0.7371595501899719, 0.5221623182296753, 0.17228484153747559, 0.39355793595314026, -0.038075633347034454, -0.9500446915626526, 0.05396086350083351, 0.17202423512935638, -0.6310919523239136, 0.7273774743080139, 0.07138403505086899, -0.2288183569908142, -0.5284088253974915, -0.3095099627971649, 0.36774376034736633, -0.9571810960769653, 0.4246473014354706, -0.07555720210075378, 1.1240111589431763, -0.18000850081443787, -0.2734072208404541, 0.03676795959472656, -0.7889930605888367, 1.2293167114257812, -0.4079994857311249, 1.3772871494293213, 0.1880694031715393, -0.501909077167511, 0.17839574813842773, -0.28989481925964355, -0.5372337102890015, -0.3533792495727539, 0.6480535864830017, -0.14827421307563782, 0.4116302728652954, -0.3429482579231262, -0.5592477917671204, -0.5060079097747803, 0.46429431438446045, 0.674078106880188, 0.14210954308509827, 0.9374409317970276, -0.10216880589723587, 0.20882254838943481, 0.16345033049583435, -0.4613625407218933, 0.05294422805309296, 2.0831799507141113, 0.341694176197052, 0.304319828748703, 0.1982424259185791, 0.711060106754303, 0.1463237702846527, 0.1314854770898819, 0.1962842047214508, 0.8607601523399353, -0.17845581471920013, -1.3531224727630615, -0.19160743057727814, -0.5586497783660889, 0.626085102558136, -0.9537593722343445, -0.7837904691696167, -0.7124810814857483, 0.0926324799656868, 0.9402122497558594, -0.5160786509513855, 0.23942649364471436, 0.15240360796451569, -0.6508220434188843, -0.14710073173046112, -0.36760425567626953, -0.19459585845470428, -0.18656578660011292, -2.0335018634796143, 0.5706626176834106, -0.6739442944526672, -0.3649444580078125, -0.301949679851532, -0.6504465937614441, 0.3910166621208191, -0.5288918614387512, 0.10129845142364502, 0.42546406388282776, -0.3132803738117218, 0.18425437808036804, -0.6061452031135559, -0.1755256950855255, -0.5996603965759277, 1.4858553409576416, -0.8687818050384521, 0.20012041926383972, 0.5460866689682007, 0.24317502975463867, -1.0407648086547852, -0.16150939464569092, -0.8278880715370178, 0.23748740553855896, 1.1986688375473022, -1.0959266424179077, -0.02800007164478302, -0.9025686979293823, -0.121151402592659, -0.8312424421310425, 1.1688625812530518, 0.37438642978668213, -0.7825456857681274, -0.356589138507843, 0.13245069980621338, -0.29512134194374084, -0.17576338350772858, -0.6745902299880981, -0.004907533526420593, 0.11438155919313431, 0.003994879312813282, 0.5806177258491516, -0.02171597257256508, 1.157453179359436, -1.327507495880127, -0.8845014572143555, -0.6383926272392273, 0.365195631980896, 0.8015007376670837, -0.9422184824943542, 1.531677007675171, 0.28379473090171814, 0.14316338300704956, -0.14117997884750366, 0.27064749598503113, 1.242602825164795, 0.5205780863761902, 0.7653506398200989, -1.1332120895385742, -0.5130034685134888, -1.2598726749420166, -0.2854444086551666, 0.1249084323644638, 0.04162779077887535, -0.4400048553943634, -0.16626091301441193, -0.07124470174312592, -0.31583476066589355, 0.01820266619324684, -1.2289847135543823, 1.0509177446365356, -0.33615928888320923, -0.36571043729782104, -0.5646921992301941, 0.26597705483436584, 1.1069724559783936, -0.5443270206451416, 1.2515276670455933, 0.16199246048927307, -0.13739103078842163, 0.3873310089111328, 0.7266005873680115, 1.1280351877212524, -0.22054187953472137, -0.5694100260734558, 0.2507314085960388, -0.2505969703197479, 0.31217095255851746, -0.10090059787034988, -0.38991639018058777, -0.40482091903686523, 0.13787487149238586, -0.6021167635917664, 0.18095120787620544, -0.568670928478241, -0.05869343876838684, 1.1830672025680542, 0.9347440004348755, -0.653441309928894, -1.1551567316055298, -0.17998385429382324, -0.6559791564941406, 0.75876784324646, 1.3817107677459717, 0.7091934084892273, 0.11680406332015991, 0.38082852959632874, 0.24303895235061646, 1.0696934461593628, -0.21793952584266663, 0.05558888986706734, 0.9448599815368652, 0.4426928162574768, 1.3775534629821777, 1.213915467262268, 0.1845519244670868, -0.013958169147372246, 0.15871897339820862, -1.0179141759872437, 0.32109829783439636, -0.40320396423339844, 0.3492906093597412, 0.7289747595787048, -0.6172553300857544, 0.3053557276725769, -0.6475669145584106, 0.5427331924438477, -0.7079334259033203, 0.028374753892421722, 0.24773521721363068, -0.4911912679672241, 0.2358393520116806, -0.975993812084198, -0.276597261428833, 0.3684726655483246, -0.5612807273864746, -0.5417392253875732, -0.26833224296569824, 0.9226731657981873, -0.5023914575576782, -0.5609431266784668, -0.2516612708568573, 0.6814263463020325, -0.8412575125694275, 0.5039018392562866, 0.0663018673658371, -0.7834323644638062, -0.7080169916152954, 0.016181863844394684, -0.23518340289592743, 0.1809420883655548, 0.2805668115615845, -0.8444966077804565, -0.1820860356092453, -0.04961645230650902, -0.3746448755264282, -0.39211612939834595, 0.6906075477600098, 0.04912813752889633, -1.1442618370056152, 0.760613203048706, 0.7330795526504517, 0.5793737769126892, -0.5522345304489136, 0.031914930790662766, 0.9545007944107056, 0.16011279821395874, 1.0497794151306152]} +{"paper_id": "um005", "embedding": [-0.430330365896225, 1.2772372961044312, 0.2479535937309265, 0.04766526818275452, 0.7193669080734253, -0.3892257809638977, 0.23045793175697327, 0.8570283055305481, 0.5738059878349304, 0.40412425994873047, 0.6187304258346558, -0.8525846600532532, 0.31631940603256226, 0.19305846095085144, 0.22097620368003845, -1.032149076461792, -1.2336798906326294, -0.6260090470314026, -1.274431586265564, -0.869600236415863, -0.7893338203430176, -0.24583835899829865, -0.197239488363266, 0.4779092073440552, -0.46137693524360657, -0.7080212831497192, 0.5963850021362305, -0.5439520478248596, 0.2472936511039734, 0.42020490765571594, -0.41948556900024414, 1.2834323644638062, -1.627720832824707, 0.30137917399406433, -0.5461012125015259, -0.4202483594417572, 0.26364845037460327, 0.36714890599250793, -0.6401888132095337, 0.32910314202308655, -1.2299712896347046, -0.541336178779602, 0.24344435334205627, 0.13109128177165985, 1.1882528066635132, -0.16439910233020782, -0.019366763532161713, 0.6697580814361572, 0.15362538397312164, 0.46291980147361755, -0.2810394763946533, -0.15912556648254395, 0.3551224172115326, 0.01567857712507248, -0.5094776749610901, 1.0512406826019287, 0.3570495843887329, -1.024849534034729, 0.29572954773902893, -1.3073723316192627, 0.47740599513053894, 1.9064253568649292, 0.061852455139160156, 0.2776067554950714, 1.1422019004821777, -0.5938130617141724, 1.3617709875106812, -0.10909339785575867, 0.8956887125968933, 0.9995421171188354, -0.2514711022377014, -0.9223015904426575, 0.6624694466590881, -0.13389219343662262, 0.5652384161949158, 1.1663202047348022, 0.6308168172836304, 0.20266400277614594, 0.10746236890554428, -0.07023532688617706, -0.6224998831748962, 1.0192466974258423, 0.7117398381233215, -0.6767983436584473, 0.24971377849578857, -0.3522231876850128, 0.2188052535057068, -0.1728607714176178, 0.3744029104709625, -1.515686273574829, -0.35932695865631104, 0.2587674558162689, -0.18238237500190735, 0.019574224948883057, -0.12881885468959808, 0.08250965178012848, 0.19390732049942017, 0.34403738379478455, -0.35770171880722046, -0.07301551103591919, 0.8086774349212646, -0.780339241027832, 0.2237372249364853, 0.21012505888938904, -0.16270172595977783, 0.8751330971717834, -0.7607490420341492, -0.7573763728141785, -0.6072471737861633, -0.27686503529548645, -0.3001667857170105, 1.0413051843643188, -0.7830615043640137, 0.5338019132614136, 0.25477322936058044, -0.3742845952510834, -0.3276992440223694, -0.4994772970676422, -1.279934048652649, -0.6002522706985474, -0.8400037884712219, -1.105186104774475, -0.30980128049850464, -0.5608274340629578, 0.3503667116165161, -0.5020219683647156, 1.114086627960205, -0.18140152096748352, 0.5323619246482849, 0.010938664898276329, 0.7376071214675903, -0.16686947643756866, -0.1313551962375641, -0.36794716119766235, 2.5469017028808594, -0.626819372177124, 0.8907869458198547, -0.21662349998950958, 0.5822125673294067, 0.11981378495693207, -0.19975495338439941, 1.268426775932312, -0.2436336874961853, -0.6184472441673279, -0.11098932474851608, 0.17342239618301392, -0.5695198178291321, 0.5232346653938293, -0.8826040029525757, -0.306064635515213, 0.03467794507741928, 0.4635731279850006, -0.701787531375885, -0.6526464223861694, 0.5026752948760986, 0.13096359372138977, 0.8955581188201904, 0.7695783972740173, -0.6015905141830444, 1.0474047660827637, 1.2575922012329102, 0.09668292105197906, -1.2604544162750244, 0.23717616498470306, -1.247523307800293, 0.01561035867780447, 1.3630954027175903, 0.4868040978908539, -0.8523426055908203, -0.6389545798301697, 0.49622175097465515, 0.14636552333831787, 0.2554636597633362, 0.13346846401691437, -0.060681357979774475, 0.07405447214841843, 0.5019713640213013, 0.731107234954834, 0.20683878660202026, -0.7079721093177795, 0.034844402223825455, -0.2261718362569809, -0.15321853756904602, 0.41876572370529175, 0.3502090275287628, 0.7907148599624634, -1.645074486732483, -0.03672168403863907, 0.15054742991924286, 0.00294698029756546, -0.2604987621307373, -0.9613405466079712, 0.3745986521244049, -0.1641637086868286, 0.5377621650695801, -0.10699684917926788, 0.28938746452331543, -0.9595258831977844, -0.033069364726543427, 1.1336055994033813, 0.19103661179542542, -0.04350164905190468, 0.3022930920124054, 1.1502935886383057, 0.8228700757026672, -0.19963383674621582, -0.7363508939743042, -0.9256959557533264, 0.15907973051071167, 2.4019339084625244, -0.11600041389465332, -0.24989604949951172, -1.0743931531906128, -0.5012443661689758, 0.4242587387561798, -1.0794472694396973, 0.20712196826934814, -0.6036688089370728, -0.5170267224311829, -0.8546410202980042, 0.5989733338356018, -0.7875590324401855, -0.5400944948196411, -0.06651413440704346, 0.9333746433258057, -0.6899265050888062, -1.0454204082489014, -0.09991133213043213, -0.31822746992111206, 0.007456483319401741, 1.0230331420898438, 0.16417132318019867, -0.7376835346221924, 0.6945934295654297, 0.46832579374313354, 0.2008964568376541, 0.2993994653224945, 0.7082458734512329, -0.10424897074699402, -0.12084915488958359, 0.11957600712776184, 0.9477795958518982, -0.7406972050666809, -0.6048818826675415, 0.6352988481521606, 0.7537376880645752, -0.25664013624191284, -0.2419300228357315, -0.26113206148147583, 0.5627825856208801, 0.7309062480926514, 1.5533661842346191, -0.8363754153251648, 1.8320255279541016, -1.3580747842788696, 0.6099203824996948, 0.2989535927772522, -0.5648368000984192, -0.2532387971878052, 0.013434410095214844, 0.4055171310901642, 0.1784801334142685, 0.5001929998397827, -0.2785533368587494, -0.10538303107023239, -0.8142133355140686, -1.0037212371826172, -0.09846653789281845, -0.665571928024292, -1.2348495721817017, -0.6188216209411621, 0.10496938973665237, -0.8554726243019104, -0.29313114285469055, -0.4398348033428192, 0.9592967629432678, 0.20516428351402283, 0.7057852745056152, 1.556351900100708, 0.2655687928199768, 0.6612319350242615, -0.457139790058136, -0.0010800063610076904, -0.3055061101913452, 0.5420523881912231, -0.36031970381736755, 0.24881093204021454, -0.8536933660507202, -0.49017030000686646, -0.23534001410007477, 0.47059208154678345, 0.31498223543167114, 0.19173872470855713, 0.7021850943565369, -0.3702159523963928, -1.616807460784912, 0.6809425950050354, -0.4825441539287567, 0.2698323726654053, -1.2176662683486938, 1.354349136352539, 0.913725733757019, 0.6418997049331665, 0.4874621033668518, -0.24615533649921417, 0.3096988797187805, 1.2392570972442627, -0.549220085144043, 0.7142513394355774, 0.3495330214500427, -0.30907583236694336, 0.265971302986145, 0.22768935561180115, -2.2946038246154785, 0.04409639537334442, 1.3369406461715698, -0.18712706863880157, -0.30898287892341614, -0.6563071012496948, 0.1958557814359665, -0.2473689764738083, -0.26180344820022583, 0.3346746563911438, -1.0784575939178467, 0.21689985692501068, -0.4253736734390259, -0.10669144988059998, 0.8431224226951599, -0.5638611316680908, 0.6409915685653687, 1.069151520729065, 0.7281597852706909, -0.49214938282966614, -0.4720596969127655, 0.2101323902606964, -0.5829706192016602, 0.7926170825958252, 0.4562658965587616, 0.8327094912528992, 1.0583752393722534, -0.3840250074863434, -0.20167626440525055, 0.3333301544189453, 1.1522204875946045, 0.18219175934791565, 0.30779626965522766, -0.04155068099498749, 0.9109424948692322, 0.08731010556221008, 0.9429325461387634, 0.5810080766677856, -0.5681091547012329, -1.0459871292114258, -0.13338705897331238, -0.32423463463783264, -0.4980032444000244, 1.8024195432662964, 0.49060723185539246, 1.1628496646881104, 0.2013554722070694, 0.24429106712341309, -0.2741142809391022, -0.27814432978630066, 1.0103884935379028, 0.7087954878807068, -0.2821311354637146, 0.3010926842689514, -0.005146846175193787, 0.5535085797309875, -0.3785611391067505, -0.9424111843109131, 0.3261197805404663, 0.5256427526473999, -0.6087407469749451, -0.9411009550094604, -0.09413626044988632, 1.069115161895752, 0.4645461440086365, 1.9183807373046875, -0.5031359195709229, -0.8895778059959412, 0.15283314883708954, 0.27473413944244385, -0.018297899514436722, 0.08857185393571854, -1.0822831392288208, -0.12263699620962143, 0.24820487201213837, 0.9780348539352417, -0.5189051628112793, 0.8556715846061707, 0.7327261567115784, -0.5547249913215637, -0.8058866262435913, 0.262414813041687, -1.2013236284255981, -0.2807261645793915, -0.6493666172027588, -0.4302673935890198, -0.9176526069641113, 0.7498708963394165, -0.5514768362045288, -1.0153998136520386, 0.3554646372795105, 0.00445045530796051, -1.5815707445144653, 1.0111353397369385, 1.1540201902389526, -1.1917684078216553, 0.16164922714233398, -0.18596172332763672, -0.4550709128379822, -0.7467796206474304, 0.09458999335765839, -0.5335171818733215, 0.4415163993835449, -0.05556730553507805, 0.8919264674186707, -0.3254457116127014, -0.6855037212371826, -1.5702849626541138, 0.44625401496887207, 1.524510383605957, -1.2904999256134033, -0.5504770278930664, -0.1596921980381012, 0.3238005042076111, -0.052507080137729645, -1.376307725906372, -0.056981317698955536, 0.3726039230823517, 0.2148735225200653, -0.40115344524383545, -0.30445751547813416, -0.6887518167495728, -0.011909827589988708, 0.2613591253757477, 0.8065500259399414, -0.7299045324325562, 0.8412481546401978, -0.1839945912361145, 0.986989438533783, 0.638205885887146, -0.5882489681243896, -0.5680221915245056, 1.2335166931152344, -1.0031580924987793, 0.012400820851325989, 0.44705715775489807, 1.0298984050750732, 0.20534011721611023, 0.42143383622169495, 0.34184330701828003, -0.20871539413928986, -11.849719047546387, 0.1790338158607483, -0.035555653274059296, 0.1383001208305359, 0.45110756158828735, 0.04552357643842697, 0.4499770998954773, 0.09150104224681854, 0.29512307047843933, -0.3067914545536041, 0.6999109983444214, 0.8748139142990112, 0.23695948719978333, -0.38301223516464233, -0.352594792842865, -0.36387866735458374, -0.8114456534385681, -0.30944332480430603, 0.4456910490989685, 0.4425208270549774, -0.5194361209869385, -0.8754431009292603, -0.17809554934501648, -0.10007883608341217, 0.2665872871875763, -0.7223143577575684, 0.2517699897289276, 0.11490774154663086, -0.3641974925994873, 0.07147493958473206, 0.6399062275886536, -0.04006608948111534, -0.9208751916885376, 0.1426841914653778, 0.648234486579895, 0.17378482222557068, -0.7997002601623535, -0.49739816784858704, 0.5989704728126526, -0.4886036515235901, 0.09411634504795074, 0.07348886877298355, 0.2156953662633896, -0.14686048030853271, -0.18731331825256348, 0.08697953820228577, -0.2936858832836151, -0.6451853513717651, 0.5332885384559631, -0.7363021373748779, -0.35264885425567627, -0.6874150037765503, -1.1669098138809204, -1.1119235754013062, 0.1781679093837738, -0.36516204476356506, -0.4094582498073578, 0.483425498008728, -0.09506365656852722, -0.09352926164865494, 0.9928683638572693, 0.4540720582008362, -0.6957139372825623, 0.32531121373176575, 0.16982543468475342, -0.8792118430137634, 0.9086703658103943, 0.7595061659812927, 0.027893878519535065, 0.43324294686317444, -1.013485312461853, 0.8343905210494995, 0.35792276263237, 0.1264297068119049, 0.10544188320636749, -0.11973828822374344, -0.13447615504264832, -0.368422269821167, -0.019464198499917984, 0.6440958380699158, -0.9286667704582214, 0.011131846345961094, -0.20832785964012146, -0.3237666189670563, -0.6693199276924133, -0.1827075481414795, 0.0932905375957489, 0.21424594521522522, 1.2112531661987305, 0.08204487711191177, 1.1827144622802734, 0.12899988889694214, -0.6651790142059326, -0.3881050944328308, -0.5505341291427612, 0.8070877194404602, -0.6932356357574463, 0.8215067386627197, -0.18533053994178772, -0.8129580020904541, 0.2744096517562866, -0.33849483728408813, -0.21262042224407196, -0.16094450652599335, 1.2553014755249023, -0.11510282009840012, 0.35644155740737915, 0.7169821262359619, 0.3915115296840668, 0.12529675662517548, 1.0011568069458008, -0.07907174527645111, -0.16933812201023102, 1.014164686203003, 0.397693008184433, 1.1842374801635742, 0.8841855525970459, 0.45724719762802124, 0.44294315576553345, 0.7355585694313049, -0.3962358236312866, 0.7895801663398743, 0.2035692185163498, 1.7836899757385254, 0.3039221167564392, 0.33115291595458984, 0.14530766010284424, 0.7400214076042175, -0.5871373414993286, -0.7275197505950928, 0.060848169028759, -0.22752314805984497, -0.3420116901397705, -0.9900811910629272, -0.04877525568008423, -0.42447760701179504, -0.8296467065811157, 1.2833068370819092, -0.340681254863739, 0.24666428565979004, 0.20332728326320648, -0.6286807060241699, -0.2967596650123596, -0.36484265327453613, -0.5669327974319458, 0.3788018822669983, -1.8439881801605225, -0.5045016407966614, -0.24725529551506042, -0.8905230164527893, 0.881084144115448, -0.031805168837308884, 0.7792613506317139, -0.7611441612243652, -0.21633604168891907, -0.34511327743530273, 0.7758500576019287, -0.9862212538719177, -0.6645217537879944, -0.14212766289710999, 0.48578721284866333, 0.4945109784603119, -0.9759686589241028, 0.7711939811706543, 1.0085582733154297, 0.615092933177948, -1.1438491344451904, -0.3418548107147217, -0.7509657740592957, 0.731465756893158, 0.9471481442451477, -1.5411959886550903, -0.2501128017902374, -0.07774163037538528, -0.49306848645210266, -0.45807281136512756, 0.08983151614665985, 1.079235553741455, -1.1677030324935913, 0.9165300726890564, -0.6096979379653931, 0.10756050795316696, 0.09791046380996704, -0.7285289764404297, -1.484231948852539, 0.4510304033756256, -0.2720584273338318, 1.136016845703125, -0.2714999318122864, 0.606428325176239, -1.9797459840774536, -1.0138771533966064, 0.021665388718247414, -0.3653891980648041, 0.6647822260856628, -0.1819378286600113, 1.1101438999176025, -0.2917841970920563, 0.19929030537605286, -0.25857415795326233, 0.1405581682920456, 0.44865813851356506, -0.16541139781475067, 0.15660054981708527, -0.5087653994560242, 0.9007196426391602, -0.7701632380485535, -0.0387987345457077, 0.5663590431213379, 0.4795266091823578, -0.8702782392501831, -0.10426203906536102, 0.11755144596099854, 0.3538881242275238, -0.06132442504167557, -1.2181590795516968, 0.18485119938850403, -0.07151301950216293, -0.7165254950523376, -1.0800607204437256, -0.38279271125793457, 1.2053985595703125, -0.05480274558067322, 0.9258742332458496, 0.8366089463233948, 0.34808772802352905, 0.2544941008090973, 0.5103704333305359, 1.262597918510437, -0.08217070996761322, -0.6508766412734985, -0.02899431809782982, 0.11325730383396149, -0.5308398008346558, -0.13506361842155457, 0.22595299780368805, -1.277259111404419, -0.09608841687440872, -1.3118332624435425, 1.3324228525161743, -0.1645524501800537, -0.38211414217948914, -0.25837844610214233, 0.807780921459198, -0.04562733322381973, -1.276340365409851, -0.2537074387073517, -0.4500967264175415, -0.0017908606678247452, -0.3818851709365845, 0.15622635185718536, 0.36829105019569397, 0.5786049365997314, 0.16867397725582123, 1.0607976913452148, 0.0834847241640091, 0.21692149341106415, -0.11803192645311356, -0.5678414106369019, 1.2664498090744019, 0.5968794822692871, 0.2898588180541992, -0.18556000292301178, -0.33509352803230286, -1.154468297958374, -0.39659664034843445, -0.40783727169036865, 0.6224231719970703, 1.284534215927124, -0.03623514994978905, 0.10354803502559662, -1.135576844215393, -0.09161904454231262, -0.22181327641010284, 0.8399527072906494, 0.7384612560272217, -0.38895082473754883, -0.17697075009346008, -0.3736856281757355, 0.1776326596736908, 0.825353741645813, -0.5461992621421814, 0.0515855997800827, -0.981706440448761, 0.0035476423799991608, -0.06451816111803055, -0.11497543752193451, -0.8091671466827393, 0.3527992367744446, -0.7294284105300903, 0.3865009546279907, 1.039960265159607, 0.10938873142004013, -0.4947099983692169, 0.016988705843687057, -0.9476842880249023, 0.44014933705329895, -0.1917857527732849, -0.9295784831047058, 0.2450786530971527, 0.7743167877197266, -0.5251456499099731, -0.5221031308174133, 0.4673839807510376, -0.5711554288864136, -1.3538703918457031, 0.8617758750915527, 0.6946905851364136, -0.6815851926803589, -0.3200255036354065, -0.16620543599128723, 0.6607628464698792, 0.466991126537323, 1.1204520463943481]} +{"paper_id": "compguesswhat", "embedding": [-0.5229746699333191, 1.1969424486160278, -0.09484921395778656, 0.07453512400388718, 0.3710760474205017, -0.2877787947654724, 0.48620766401290894, 0.33998656272888184, 0.8807594776153564, 1.0098623037338257, 0.49597540497779846, 0.5669975280761719, -1.2454371452331543, -0.49793699383735657, -0.06858065724372864, 0.16845402121543884, -0.620349645614624, -0.48638442158699036, -0.9712173342704773, -0.09009765088558197, -0.8263825178146362, -0.953644871711731, 0.6791105270385742, 0.4177764356136322, -0.5669991970062256, -0.28834012150764465, 1.120557427406311, -1.12703537940979, -0.5172728896141052, 1.0629448890686035, -0.9219424724578857, 1.1050899028778076, -1.1013941764831543, 0.5341045260429382, -0.23810535669326782, -0.7852051258087158, 0.5826348066329956, 0.6371553540229797, 0.13011029362678528, -0.06128613278269768, -0.30100589990615845, 0.05418631434440613, 0.49868831038475037, 0.08205598592758179, 0.4376020133495331, -0.24595648050308228, -0.07309087365865707, 0.26651737093925476, -0.8887020349502563, -0.29880839586257935, -1.0290753841400146, 0.5406181216239929, 0.046132076531648636, 0.17340312898159027, -0.1558447778224945, 0.9522295594215393, 0.2938231825828552, -0.4946889579296112, 0.35899701714515686, -0.4511796236038208, 1.4280153512954712, 1.2934815883636475, -0.6280530095100403, 0.5455562472343445, 0.851589024066925, 0.4993633031845093, 1.351041316986084, 0.8760156631469727, -0.19173257052898407, 0.5585126280784607, -0.2764943838119507, -1.1160019636154175, 0.016524609178304672, -0.08062517642974854, 0.48950791358947754, 0.2825183868408203, 0.06832783669233322, -0.08869776129722595, 0.18356645107269287, 0.4046178460121155, -0.339413046836853, 0.18799133598804474, 0.20888660848140717, -0.5017114281654358, 0.42089787125587463, 0.49232104420661926, 0.7461889982223511, -0.47494909167289734, 0.35338860750198364, -1.3251181840896606, 1.3449373245239258, 0.21191181242465973, 1.08397376537323, -0.2697640061378479, -0.24879863858222961, 0.11096663028001785, 0.2536284625530243, -1.0790679454803467, -0.632317066192627, 0.782659649848938, 0.0008456073701381683, 0.10704481601715088, 0.3022873103618622, -0.13751697540283203, 0.393325537443161, -0.07457952201366425, 0.03705945611000061, 0.2994104325771332, -0.4741238057613373, -0.31163984537124634, 0.39973852038383484, 1.0535228252410889, 0.3609977662563324, 0.2947043776512146, -0.40300360321998596, -0.03654465079307556, 0.6953773498535156, -0.38378143310546875, -0.3589053153991699, 0.17153134942054749, 0.2509986460208893, -0.9309407472610474, -0.0719551295042038, 0.0027387067675590515, 0.6432117223739624, -0.8348700404167175, -0.11303668469190598, -0.35647115111351013, -0.5056559443473816, -0.5355247259140015, 0.012236595153808594, 0.3158625662326813, -0.8556755781173706, -0.5591921806335449, 3.067558526992798, -0.8977046012878418, 0.8968357443809509, -0.5464355945587158, -0.7675880789756775, -0.7715857028961182, -0.5141223073005676, 0.6587828993797302, 0.7332496047019958, -0.47123363614082336, -0.0538337342441082, 0.5481904149055481, -0.11948180198669434, 0.23142102360725403, -1.3555972576141357, 0.15190942585468292, 0.30751413106918335, 0.7775219082832336, -1.7338762283325195, -1.1032353639602661, 0.04578075185418129, 0.2497815191745758, -0.8318747878074646, -0.03822685778141022, -0.34236568212509155, 0.6907488703727722, -0.06471767276525497, 0.007107846438884735, -0.6678494215011597, 0.0537048801779747, -0.12257658690214157, 0.5849751234054565, 0.45272406935691833, -0.9151714444160461, -0.36789995431900024, -0.6997129321098328, 0.9743462800979614, -0.5726847648620605, -0.574993908405304, -0.9584571719169617, 0.33641189336776733, 0.4292452931404114, 0.7543210387229919, 0.45266926288604736, 0.5877227187156677, -0.2177484929561615, -0.5828334093093872, -0.3130169212818146, 0.0900532677769661, 0.1769687980413437, -0.39283886551856995, -0.26694756746292114, -2.6888034343719482, 0.04499831423163414, -0.6274136900901794, 0.1377738118171692, 0.47330784797668457, -0.07747048884630203, 0.16262361407279968, 0.5446537733078003, -0.957492470741272, -0.11351785063743591, 0.5598058700561523, -0.527929425239563, -0.5255565643310547, 0.5975615978240967, -0.13593260943889618, 0.40921342372894287, -0.6194934248924255, 1.0409716367721558, 0.57181715965271, 0.04832778126001358, -0.2606698274612427, -2.0718140602111816, -0.025621406733989716, 1.0180970430374146, 0.5057641267776489, -1.0477931499481201, -0.9549753069877625, -0.14941172301769257, -0.01620606705546379, -0.31272509694099426, 0.6954299211502075, -0.10415912419557571, 0.35520705580711365, -1.7074021100997925, -0.20326918363571167, -0.33900800347328186, 0.8733781576156616, 0.5067724585533142, 1.6572078466415405, -0.7106149792671204, 0.006231136620044708, -0.6843978762626648, -1.2200355529785156, 0.12217407673597336, 0.42405039072036743, 0.45374807715415955, 0.34568309783935547, 0.35719531774520874, -0.09772111475467682, 0.37205588817596436, 0.9024524092674255, 1.1386758089065552, -0.5278841853141785, 1.0994682312011719, 0.7176713943481445, 0.6250000596046448, 0.5399333834648132, 0.1396549791097641, -0.613604724407196, -0.06702900677919388, -0.2928905189037323, -0.889371931552887, -0.4631803035736084, 0.009256243705749512, 2.128894090652466, 0.08197386562824249, -0.7996844053268433, -0.032756730914115906, -0.13720238208770752, -0.00682087242603302, -0.18488001823425293, 0.1288800984621048, 0.1593569666147232, 0.004469580948352814, 0.7536845207214355, 0.17614881694316864, -0.13341832160949707, -0.6064651608467102, 0.009890139102935791, -1.1893621683120728, -0.669919490814209, -0.31111782789230347, -0.331046462059021, -1.2064213752746582, -0.12656012177467346, 0.14172518253326416, -0.750261664390564, -1.5102722644805908, 0.165765643119812, 0.6569531559944153, -0.03890951722860336, 0.9776800870895386, 0.3819573223590851, -0.08285512030124664, 0.05423155426979065, -0.20176754891872406, 1.4186904430389404, -0.31489986181259155, 0.8039897084236145, -0.47582942247390747, -0.08305781334638596, -0.5940603017807007, 1.0356143712997437, -1.0586940050125122, 0.010847173631191254, 0.2351667582988739, -0.5739895105361938, 0.5155025720596313, -0.4154607653617859, -0.7008390426635742, 1.8379690647125244, -0.2733291983604431, 0.38606274127960205, -0.3903995752334595, 0.6463145613670349, 0.9488097429275513, -1.0543760061264038, 1.2451045513153076, -0.8975017070770264, -1.1332347393035889, 1.3034693002700806, -0.5096174478530884, 0.5015049576759338, 0.48781818151474, 0.2727469205856323, 0.48619070649147034, -0.18471142649650574, -2.4534130096435547, 0.4124286472797394, 0.39272478222846985, -0.17308221757411957, -0.059577424079179764, -1.0004037618637085, 0.02054552733898163, -0.6270177960395813, 0.47916924953460693, 0.40133076906204224, -0.34960466623306274, 0.9282239079475403, -0.3120328485965729, 0.3821873664855957, 1.6163592338562012, -0.8260583877563477, 0.024186018854379654, 0.9652107954025269, 0.26878586411476135, -1.2374627590179443, 0.23064467310905457, 1.4577703475952148, -0.5671395063400269, 0.1394839882850647, 0.1452455222606659, 1.0607037544250488, 0.3731532394886017, -0.504092812538147, 0.5198221802711487, 0.8222072720527649, 0.14620912075042725, 0.6679258346557617, 0.9103310704231262, -0.20041945576667786, 0.24980056285858154, -0.4366212487220764, 1.4879478216171265, -0.42895621061325073, -0.5264397263526917, -0.8606494665145874, -0.0084308460354805, -1.1312446594238281, -0.057294417172670364, 1.1352492570877075, 0.3162568211555481, 1.3022129535675049, -0.22532987594604492, 0.3597281873226166, -0.7077130675315857, -0.14907631278038025, -0.09370087087154388, 0.8521788716316223, 0.09484617412090302, -0.711678147315979, 0.19794201850891113, -0.055256832391023636, 0.111890509724617, 0.49757009744644165, -0.739123523235321, 0.9731425046920776, 0.14287811517715454, -0.5602479577064514, 1.3824970722198486, 0.41389402747154236, 0.4825003445148468, 1.238982915878296, -0.33652639389038086, -0.37085673213005066, -0.07856033742427826, 0.5301844477653503, 0.8620994687080383, -0.4270077645778656, -0.7194311618804932, 0.6548242568969727, 0.8187092542648315, 0.8870916366577148, 0.5509229302406311, 0.7762253284454346, 1.2723690271377563, -0.1068289577960968, -1.315321922302246, 0.004785697907209396, -0.5796148777008057, -0.06697851419448853, 0.26457905769348145, 0.3233494460582733, 0.5404648780822754, 0.662337064743042, -0.31597286462783813, -0.24333374202251434, 1.0620076656341553, -0.40832093358039856, -0.18230783939361572, -0.4440068006515503, 0.8930093050003052, 0.025839004665613174, -1.363052487373352, 0.0499647855758667, -0.7744571566581726, -0.9449993371963501, -0.5610640048980713, 0.08384975045919418, 0.5093411207199097, 0.24041660130023956, 0.4312059283256531, 0.46984052658081055, 0.3411634564399719, -0.13818639516830444, 0.8437840938568115, 1.1572721004486084, -1.0150052309036255, 1.1572173833847046, 0.482546865940094, 0.04596976935863495, 0.17176616191864014, -0.6879845261573792, -0.751567542552948, 1.4569945335388184, 0.5091516971588135, 0.344328910112381, -0.9155508875846863, -0.6022822260856628, 0.4189814627170563, -0.33164164423942566, 0.33930161595344543, -1.3217216730117798, -0.2860982418060303, -0.668944239616394, 0.05179659277200699, 0.4429071545600891, -0.934615433216095, 0.2727576196193695, 1.2406260967254639, -0.6699759364128113, 0.5881704092025757, -0.37171509861946106, -0.15203547477722168, 2.1890196800231934, 0.4117712080478668, -0.23435935378074646, -0.2529902756214142, -11.485764503479004, 0.8203277587890625, -0.4561586380004883, 0.03300899267196655, 0.36972203850746155, -0.6426222324371338, 0.456074059009552, 0.4326742887496948, 0.8254088163375854, -1.2185254096984863, 0.41777193546295166, 0.4699479043483734, 0.3776330351829529, -0.5427601337432861, -0.9908437728881836, -1.3100773096084595, -0.32201096415519714, -0.9193111658096313, 0.16184481978416443, 0.4013770520687103, 1.142405390739441, -1.44477379322052, -0.5205759406089783, 0.4533907473087311, 0.1837436854839325, -0.8702835440635681, -0.27179014682769775, -0.31633323431015015, -0.3470642566680908, 0.5727711915969849, 0.9528206586837769, -0.4357078969478607, -0.3661883771419525, -1.2392053604125977, 0.7042465806007385, 0.09764763712882996, -1.246129035949707, 0.4633806645870209, 0.696876585483551, 0.14613153040409088, -0.5195785760879517, 1.2304651737213135, -0.09524272382259369, 0.30897825956344604, -0.24684225022792816, 0.5949455499649048, 0.7659991979598999, -1.0954954624176025, 0.39709264039993286, -0.4974178671836853, 0.2722310423851013, -0.940380334854126, -0.19657909870147705, -0.7312148213386536, 0.695593535900116, -0.1381411850452423, -0.37759360671043396, -0.5641533732414246, -0.8394216895103455, -1.7664854526519775, 0.06914107501506805, 0.225924551486969, -0.31611815094947815, 0.32219362258911133, 1.1262612342834473, -0.5935277938842773, 1.0723601579666138, 0.7128180265426636, 0.09415978938341141, 0.7452319264411926, -1.3898534774780273, 0.7945274114608765, 0.34524714946746826, 0.370403528213501, -0.37169018387794495, -0.318546324968338, 0.04685990884900093, 1.082754373550415, 0.07174704968929291, -0.34088581800460815, -1.1104596853256226, 0.8928810954093933, 0.321938693523407, -0.6882520318031311, -0.9633551836013794, 0.6282556056976318, 0.7049458622932434, 0.129053995013237, 0.5397924184799194, -0.4207156002521515, 0.8049442172050476, -0.3467616140842438, -0.4874218702316284, -0.22975751757621765, -0.9587746262550354, 0.9859694242477417, 0.17445054650306702, 0.48628801107406616, 0.5323148965835571, -0.9870978593826294, 0.1347091943025589, -0.1669946312904358, -0.35544657707214355, -0.148671954870224, 0.4303261339664459, -0.15598806738853455, 0.049314022064208984, -0.2115965187549591, 0.5391131639480591, -0.08885303884744644, -0.3367546796798706, -0.2575712203979492, -0.9522563815116882, 0.8423731923103333, -0.8012045621871948, 0.2984545826911926, 0.8825933933258057, -0.4055338501930237, 1.009207010269165, 1.401803731918335, 0.2289184033870697, 0.6911585330963135, 0.2802548408508301, 0.9562185406684875, -0.47752371430397034, 0.11022299528121948, 0.8439993858337402, 0.14289166033267975, 0.30914297699928284, -1.6971862316131592, 0.28806930780410767, -0.8458160161972046, -0.4956156015396118, -0.09262371808290482, -0.3241170048713684, -0.5213305950164795, -0.6049513220787048, 1.3161002397537231, -0.779798686504364, 0.6812976598739624, 0.6460077166557312, -0.3701130449771881, -0.4486111104488373, -0.8447727560997009, -1.0026650428771973, 0.08083079010248184, -1.8686827421188354, 0.08283499628305435, -0.9032565951347351, -0.6020839810371399, 0.4597218930721283, -0.38383612036705017, 0.6471954584121704, -0.6291239857673645, -0.3420588970184326, -0.06354770064353943, -0.1377982795238495, -0.6422910690307617, -0.6169842481613159, -0.4287039041519165, 0.7032321095466614, 1.2033413648605347, -0.8403480648994446, 0.6097300052642822, -0.2763502299785614, -0.40340951085090637, -0.305130273103714, -0.3587799668312073, 0.07435352355241776, -0.1598334014415741, 1.401396632194519, -1.1028424501419067, -0.08458779007196426, -0.8620066046714783, 0.46282437443733215, -1.3563575744628906, 0.41835248470306396, 0.7408876419067383, -0.6415539383888245, -0.12011544406414032, 0.4233333468437195, 0.9970080852508545, 0.7048274874687195, -0.8188639879226685, 0.19235077500343323, -0.7899361252784729, 0.2544676661491394, 0.025844380259513855, -0.046741001307964325, 1.061784029006958, -1.2458447217941284, -0.5565085411071777, -0.8865058422088623, -0.12628108263015747, 0.2278394252061844, 0.061167024075984955, 0.7035058736801147, 0.8519019484519958, -0.3540637493133545, 0.5644518136978149, 0.015372468158602715, 0.8056303858757019, 0.3453826606273651, 0.019018635153770447, 0.41398489475250244, -0.4098314940929413, -0.2470897138118744, -0.29898372292518616, -0.07448291778564453, 0.8666723966598511, -0.49107953906059265, 0.349950909614563, 0.10900980979204178, -0.41221386194229126, 0.45914390683174133, -0.9157329797744751, -0.0546446219086647, -0.7568522095680237, 0.3092910945415497, -1.1087075471878052, 0.2628015875816345, 0.9854860901832581, -0.0569470152258873, 0.9108883738517761, 0.7327877879142761, 0.3410959839820862, 0.6661961078643799, -0.006587468087673187, 1.4928464889526367, 0.012272823601961136, -0.26518166065216064, 0.33489397168159485, 0.22065863013267517, 0.02765386551618576, -0.4250868558883667, -0.6524677872657776, -1.1329623460769653, 0.545103907585144, -0.7893924117088318, 0.4593297243118286, -1.1579456329345703, -0.37307238578796387, 0.9080005884170532, 0.8681584000587463, -0.3217739462852478, -1.727842092514038, -0.9970057606697083, -1.3660578727722168, -0.5170379281044006, 0.2953507602214813, -0.19474448263645172, 0.8504907488822937, 0.6947365999221802, -0.25063925981521606, 0.40166306495666504, 0.3001658618450165, -0.6903213262557983, 0.28337013721466064, 0.3940327763557434, 1.3969483375549316, 0.6960859298706055, 0.29160723090171814, 0.8461658954620361, 0.21186664700508118, -0.5570842623710632, 0.21577270328998566, -0.7310124635696411, 0.1362062245607376, 0.16960977017879486, -1.009068250656128, -0.3424312472343445, -0.24426229298114777, -0.20610156655311584, -1.467156171798706, 0.19332599639892578, -0.3838055729866028, 0.09634989500045776, -1.1357660293579102, -0.3108192980289459, 0.04123135656118393, 0.28563711047172546, -0.009526010602712631, -0.49849534034729004, -0.2742825746536255, 1.1437627077102661, -0.1665714532136917, 0.5374915599822998, -0.42533621191978455, -0.02225911244750023, -0.2709270119667053, 0.21611787378787994, -0.030457008630037308, -0.42913493514060974, -1.1220049858093262, 0.001583707518875599, -0.6088947057723999, 0.20386533439159393, -0.10160157084465027, -0.22642669081687927, -1.1636507511138916, 0.11867442727088928, 0.30819711089134216, -0.28269094228744507, 0.9369866847991943, 0.7867895364761353, -0.9162670969963074, 0.8312183618545532, 0.6362894773483276, -0.15186205506324768, -0.3712577521800995, -0.03630786016583443, 0.5633915662765503, -0.2026355266571045, 1.3813332319259644]} +{"paper_id": "irc_disentangle", "embedding": [-0.824854850769043, 0.23323513567447662, -0.03280648589134216, 0.13801558315753937, 0.9566459059715271, 0.2568165361881256, 0.9551822543144226, 0.042214419692754745, 0.8006448745727539, 0.15222832560539246, -0.14257264137268066, -0.46749308705329895, 0.738885760307312, -0.011774910613894463, -0.034728359431028366, -0.5707523822784424, -1.1947354078292847, -0.17839162051677704, -0.9928358793258667, -0.3743208348751068, -0.42337214946746826, -0.4841412305831909, -0.7156843543052673, 1.0447652339935303, -0.41913142800331116, -0.26653021574020386, 1.1639597415924072, -0.30690863728523254, 0.4992464780807495, -0.1514856219291687, -0.056734003126621246, 1.954116940498352, -1.3627818822860718, -0.6222991943359375, -0.19252899289131165, -0.5973549485206604, -0.6055262684822083, 0.3880394399166107, -0.9507904052734375, 0.26466798782348633, -0.8058605194091797, 0.7715546488761902, 0.2899814248085022, 0.9795435667037964, 0.3368089497089386, 0.6596834063529968, 0.060859352350234985, 0.6315163969993591, -0.48162752389907837, -0.0016607120633125305, -0.2681180238723755, 0.046618685126304626, 0.4291583001613617, 0.7536859512329102, 0.180547833442688, 1.0696663856506348, -0.17748816311359406, -1.0475603342056274, 0.117672398686409, -0.7413442134857178, 0.9959582090377808, 0.549605667591095, -0.4298565685749054, 0.44325125217437744, 0.7579496502876282, -0.23955607414245605, 0.7854102849960327, -0.5075049996376038, 0.18660852313041687, 1.35105562210083, -0.7794936299324036, -1.174261450767517, 0.32322272658348083, -0.5425665378570557, -0.25772005319595337, 0.7139098644256592, 0.5328302979469299, 0.8321428298950195, -0.006253859028220177, 0.47589313983917236, 1.1430505514144897, 0.16824699938297272, 0.3964484930038452, 0.3173617720603943, 0.5013616681098938, -0.11184961348772049, 0.47803863883018494, -0.6408939957618713, 0.2943129241466522, -1.6609265804290771, 0.2840120792388916, -0.37145182490348816, -0.6267121434211731, -0.09982253611087799, -0.3249943256378174, 1.018669605255127, -0.18480850756168365, -0.14453166723251343, -0.007652178406715393, 0.4017803370952606, 0.14864903688430786, -1.0404126644134521, 0.1415438950061798, -0.5702034831047058, -0.1725633442401886, 0.8092544674873352, 0.31837552785873413, -0.14152559638023376, -0.04736514762043953, -0.3528287410736084, -0.6507968306541443, 0.8635572195053101, -0.3601239025592804, 1.3168249130249023, 0.11686675995588303, 0.6289133429527283, 0.6958010196685791, -0.758502721786499, -0.01582016795873642, 0.5993672013282776, -0.38684308528900146, -0.2894923686981201, 0.27107924222946167, -0.07706062495708466, 1.4427306652069092, -0.21025390923023224, 0.26651516556739807, -0.22115081548690796, 0.14836134016513824, -0.05176279693841934, 0.45627036690711975, -0.02587270736694336, -0.18794605135917664, 0.48605287075042725, 1.9431532621383667, -0.7811545133590698, 1.7211356163024902, -0.6251381635665894, -0.6211327910423279, -0.2723807692527771, 0.6892397999763489, 1.2161065340042114, 0.038416311144828796, -0.42302247881889343, -1.1643027067184448, 0.03253968805074692, 0.06889518350362778, -0.4412509799003601, -0.43097683787345886, -1.0944325923919678, -0.5300529599189758, 0.08369006961584091, -0.8723584413528442, -0.24676722288131714, 0.47634392976760864, 0.32638221979141235, -0.10448475182056427, 0.6998028755187988, -0.13769440352916718, 0.28607702255249023, 0.15829557180404663, 0.02567276358604431, -0.0718337669968605, 0.5359082221984863, -0.6881579160690308, -0.056379079818725586, 0.7687779068946838, -0.21511533856391907, -0.784028172492981, -0.1352219581604004, 0.04184447601437569, 0.03315029665827751, 0.37897562980651855, 0.018082672730088234, -0.6761446595191956, -0.1069565862417221, 0.05485148727893829, 1.3386825323104858, 0.36944544315338135, -0.35126733779907227, -0.47978323698043823, -0.3547195792198181, -0.4506874978542328, 0.5675480961799622, -0.256772518157959, 0.14354631304740906, -2.104426622390747, 0.0769563838839531, -0.5081572532653809, 1.0407090187072754, 0.5873888731002808, -0.5320249199867249, 0.459080308675766, 0.02859567478299141, 0.16467341780662537, -0.16967074573040009, 0.6250025033950806, -1.5729820728302002, 0.1305513083934784, -0.7585300207138062, 0.1670164316892624, -0.643216609954834, 0.3695400059223175, 0.890418529510498, 0.8928976058959961, -0.669506311416626, -0.47263121604919434, -1.6057558059692383, -0.2484230101108551, 2.287832021713257, 0.025641612708568573, -0.6169109344482422, -1.104310393333435, 0.1041644960641861, 0.24761632084846497, -0.15196029841899872, 0.6321731805801392, -0.4845259189605713, 0.03409028798341751, -1.1366820335388184, 0.2710477411746979, -0.8493197560310364, 0.19268685579299927, 0.4876028299331665, 0.9626384973526001, -0.5404955148696899, -0.2778637409210205, -0.5226860046386719, -0.21929672360420227, -0.16414391994476318, 0.5568059086799622, 0.3161141276359558, 0.19534039497375488, 0.959841787815094, 0.43378138542175293, 0.5259135365486145, -0.16861052811145782, 0.07384270429611206, -0.5566776394844055, 0.11595151573419571, 0.2940683364868164, 0.8868062496185303, 0.3582882583141327, 0.16558687388896942, 0.4487253427505493, 0.9676851034164429, 0.3999675214290619, -0.7097099423408508, -0.012819521129131317, -0.34688350558280945, 0.4916215240955353, 1.4355759620666504, 0.12478207051753998, 0.6900926232337952, -0.3731372654438019, 0.5098460912704468, -0.38613951206207275, -0.8185787796974182, -0.974990725517273, -0.2369360625743866, 0.9007985591888428, 0.36405351758003235, 0.2765468657016754, -0.26016765832901, 0.18509970605373383, -0.369607537984848, -0.32442712783813477, 0.20567601919174194, -0.3920583724975586, -0.6374101638793945, -0.2242002934217453, -0.42082422971725464, -0.8064976334571838, -0.3909499943256378, -0.9454741477966309, 0.48623350262641907, 0.32759255170822144, 0.1637234091758728, 1.3780001401901245, 0.4414995312690735, -0.3773081600666046, -0.5082315802574158, 0.6987324953079224, -0.536416232585907, 0.7122306823730469, -0.29972222447395325, -0.11111042648553848, -0.9328985810279846, -0.6014023423194885, 0.11217105388641357, -0.2125258445739746, -0.7178977131843567, -0.21750903129577637, 0.30046650767326355, -0.17863163352012634, 0.0053365230560302734, 0.4009350538253784, -0.4660358726978302, 0.04779670760035515, -0.5539186000823975, 1.2682701349258423, 0.1904119849205017, -0.21671535074710846, 0.8950644135475159, 0.20929861068725586, 0.3455723822116852, 1.1152639389038086, -0.49682503938674927, 0.4178929924964905, 0.6873623728752136, -0.22887974977493286, 0.2771114408969879, 0.1373177468776703, -1.4952772855758667, -0.0715336948633194, 0.5745155811309814, -0.16349896788597107, -0.31006312370300293, -0.532837450504303, 0.2266012579202652, -0.20843087136745453, -0.3128560781478882, -0.1775098741054535, -0.27308887243270874, 0.16992227733135223, -0.0866623967885971, 0.7293643355369568, 0.46693548560142517, -0.048155054450035095, -0.350125789642334, 0.5448687672615051, 0.4833323061466217, -0.5935698747634888, -0.5288188457489014, 0.4937911033630371, -0.17821216583251953, 0.5968620777130127, 0.8495460748672485, 0.713904857635498, 0.6478145122528076, -0.16206830739974976, -0.19855155050754547, 0.96404629945755, 0.10760761052370071, -0.16864126920700073, -0.4509374499320984, -0.4257640242576599, 1.0178272724151611, -0.9185733795166016, 0.7255968451499939, 0.2236824333667755, -0.14124427735805511, -0.9935095906257629, -0.32881632447242737, -0.28426849842071533, -0.876164436340332, 0.8369453549385071, 0.5555537939071655, 0.8985433578491211, -0.1695283055305481, 0.07954181730747223, -0.35934218764305115, 0.03873898461461067, 0.5235869884490967, 0.28197288513183594, 0.3019537925720215, -0.5602715015411377, 0.06112479418516159, 0.8525064587593079, 0.29245084524154663, -0.4809192419052124, -0.4706464111804962, 0.4381067454814911, -0.7060409784317017, 0.2108292132616043, -0.6258411407470703, 0.6170067191123962, -0.16399377584457397, 1.355074167251587, -0.8544209003448486, -0.5468817949295044, -0.5935631394386292, 0.8213711380958557, 0.1698012351989746, 0.6858897805213928, -0.8025385141372681, 0.38143131136894226, -0.11630977690219879, 0.4439449906349182, -0.0883522480726242, 1.3561463356018066, 0.09934145957231522, -1.4636814594268799, -1.2867621183395386, -0.47421780228614807, -1.0071806907653809, -0.053224314004182816, 0.4443698525428772, -1.0494303703308105, 0.01512550562620163, 1.0178782939910889, -0.2851960361003876, -0.6835795044898987, 0.8857667446136475, -0.506772518157959, -0.932974100112915, 0.5768650770187378, 0.897813081741333, -1.602385401725769, 0.14885571599006653, 0.21815310418605804, -0.8594347834587097, 0.3819795250892639, -0.32440629601478577, -0.6455454230308533, 0.7664883732795715, -0.31827178597450256, 0.10717157274484634, -0.22152502834796906, 0.5072664618492126, -0.20803478360176086, 1.069991946220398, 0.22125224769115448, -0.3961482346057892, -0.20058439671993256, 0.3908902108669281, 0.31154805421829224, 0.0009814538061618805, -0.7578037977218628, -0.01557583175599575, 0.5626350045204163, -0.32110679149627686, 0.5668732523918152, -0.2415650635957718, -0.30910003185272217, 0.8095067739486694, -0.7703712582588196, 0.4286886155605316, -0.7578895092010498, 0.6735143661499023, -0.3687104880809784, -0.2578449249267578, 0.962416410446167, -1.0274986028671265, -1.286094069480896, 0.17941465973854065, -1.3264667987823486, 0.07404949516057968, -0.22796474397182465, -0.054961420595645905, 0.7203053832054138, 0.3383451998233795, 0.6618521213531494, 0.2680884003639221, -12.873302459716797, 1.1796860694885254, 0.1362154334783554, 0.11981463432312012, 0.21905149519443512, 0.030327197164297104, -0.1763516068458557, 0.6966496706008911, 0.794007420539856, -0.44757378101348877, -0.03456563502550125, 1.3367745876312256, -0.7183488011360168, -0.13849811255931854, -0.670849084854126, -0.47137200832366943, -0.28545576333999634, -0.38619500398635864, 0.11821296811103821, 0.3430963456630707, -0.6190248131752014, -0.4402211904525757, 0.21570546925067902, -0.000538775697350502, 0.4135449528694153, 0.23767665028572083, -0.025347959250211716, -0.746383547782898, -0.45103663206100464, 0.0517938956618309, 0.877568781375885, -0.1082574650645256, -0.06864436715841293, -0.5212318301200867, -0.12348036468029022, 0.34514185786247253, -0.7001052498817444, -0.3208197057247162, 0.4855366349220276, -0.32918861508369446, 0.312383234500885, -0.351929634809494, 0.8431858420372009, -0.801332950592041, -0.49362197518348694, 0.25051385164260864, -0.663517415523529, 0.28947150707244873, -0.11974453926086426, -0.49146658182144165, -0.8758124113082886, -0.166518434882164, -1.2986278533935547, -0.8168609142303467, 0.6803900599479675, -1.089017391204834, -0.5606628656387329, 0.4136125445365906, 0.08333419263362885, -0.49337315559387207, 1.104262351989746, -0.07512180507183075, -0.27851706743240356, 0.47985467314720154, 0.24871858954429626, -0.8772512078285217, 0.39582985639572144, 0.37822413444519043, -0.41997218132019043, 0.388208270072937, -0.6552207469940186, 0.3053699731826782, -0.252173513174057, 1.086228847503662, -0.16609445214271545, -0.3321482837200165, -0.637382984161377, -0.17111700773239136, 0.8623279929161072, 0.07043752074241638, -0.3424217402935028, 0.45485398173332214, 0.06285545229911804, -0.3840539753437042, -0.9991932511329651, 0.0347071997821331, -0.20681282877922058, -0.24487492442131042, 0.618680477142334, 0.5212042331695557, 0.9577991962432861, 0.47846201062202454, -1.0040968656539917, 0.32474422454833984, -0.48637446761131287, 0.8761452436447144, 0.14268139004707336, 0.5764474868774414, 0.1242000013589859, 0.32553887367248535, -0.08572559803724289, 0.2905460298061371, -0.5952154397964478, 0.35982242226600647, 0.5761589407920837, -0.0355154350399971, -0.45054513216018677, 0.37321242690086365, 0.1845538467168808, -0.3279067575931549, 0.54139244556427, 0.0890292376279831, -0.11491073668003082, 1.4880839586257935, -0.4162716567516327, 0.4667723476886749, 0.9532182216644287, 0.5911973714828491, 1.186745047569275, 0.2610785663127899, -0.5248448252677917, 0.8031341433525085, -0.2632724642753601, 1.2194874286651611, 0.6757716536521912, -0.4691898226737976, 0.6548829674720764, 0.45611611008644104, -1.035362958908081, -1.3029985427856445, 0.25713321566581726, -0.1091034859418869, 0.8618190884590149, -0.5309305787086487, 0.01066148653626442, 0.40184566378593445, -0.20248059928417206, 1.061233401298523, -0.9755975008010864, 0.6817211508750916, -0.36568909883499146, -0.5617901086807251, -0.19512206315994263, -0.8018918037414551, -0.8145124316215515, 0.029918000102043152, -0.9913370013237, 0.4904650151729584, -0.6006304621696472, 0.43238043785095215, 0.11262816190719604, -0.5006843209266663, 0.7995213270187378, -0.755412757396698, 0.17403388023376465, 0.14331457018852234, 0.5398839116096497, -0.06660471111536026, -1.1169698238372803, -0.11419937014579773, 0.007247578352689743, 1.0867209434509277, -0.505500853061676, 1.1424946784973145, 0.2750404477119446, 0.42039215564727783, -0.7099530696868896, -0.4139656722545624, -0.8467603325843811, 0.12749987840652466, 1.1658785343170166, -0.9264223575592041, -0.7423072457313538, -0.1805037260055542, -0.26544344425201416, -0.6996751427650452, 0.8644826412200928, 0.5367529988288879, -1.0800135135650635, -0.2693977952003479, -0.8068103790283203, -0.2107773721218109, -0.25254541635513306, -0.18284979462623596, -0.3868415057659149, 0.2548050582408905, 0.16112947463989258, 1.1512129306793213, 0.36044761538505554, -0.0529310405254364, -1.2971311807632446, -1.4665896892547607, -0.32379013299942017, -0.16536854207515717, -0.15786871314048767, -0.528674840927124, 1.0168367624282837, 0.2869429588317871, 0.18891751766204834, -0.09667778015136719, -0.17524442076683044, 0.4185214936733246, -0.48521849513053894, 0.29620301723480225, -0.9319980144500732, 0.7331826686859131, -1.0481950044631958, 0.4499046206474304, 0.1100236177444458, -0.1700301170349121, -0.5459547638893127, -0.6615523099899292, 0.3277265131473541, -0.20945881307125092, 0.6446698307991028, -1.164503574371338, -0.023286227136850357, 0.23353679478168488, -0.371778666973114, -0.4280685484409332, 0.20617394149303436, 1.1524791717529297, 0.21869154274463654, 1.219488501548767, 0.2664685547351837, 0.290191113948822, 0.5981281399726868, 0.24759121239185333, 0.6218312978744507, -0.1111484169960022, -0.12541837990283966, -0.1084904819726944, -0.4463510513305664, 0.4143347442150116, 0.22146636247634888, -0.5464756488800049, -0.714430570602417, 0.38464775681495667, -0.39623773097991943, 0.24514499306678772, 0.8010610342025757, 1.1898430585861206, 0.9209483861923218, 1.0938868522644043, -1.1528347730636597, -0.44442057609558105, -0.8556935787200928, -0.924886167049408, 0.7991612553596497, 1.253187894821167, 1.2427507638931274, 0.3592950701713562, 0.4042615592479706, 0.20161351561546326, 0.7044433951377869, -0.4474847912788391, 0.5233641266822815, -0.22938749194145203, 0.7899454236030579, 0.9792266488075256, 0.6159681677818298, -0.07773634791374207, -0.47512152791023254, -0.19487881660461426, -0.980479896068573, 0.30509984493255615, 0.04427727311849594, 0.601970374584198, 0.3191952705383301, -0.19980260729789734, -0.1362806111574173, -0.8896493315696716, 0.4286426305770874, 0.36369770765304565, 0.9602980613708496, 0.6114176511764526, -1.3187388181686401, -0.598814845085144, -1.341343641281128, -0.6787636876106262, 0.429372638463974, -0.3502373993396759, -0.5292295813560486, -0.34859704971313477, 0.5579917430877686, 0.11886033415794373, -0.6238821744918823, -0.6736897826194763, 0.8060712814331055, -0.9360891580581665, 0.9768561720848083, -0.5648252964019775, -0.7211508750915527, -0.09646162390708923, 0.5330872535705566, -0.27074936032295227, 1.0396753549575806, 0.011498428881168365, -1.1222463846206665, -1.0115940570831299, -0.2763291895389557, 0.023112677037715912, 0.2874748408794403, 0.33634912967681885, -0.3272969126701355, -2.276506185531616, 0.7229323387145996, 1.0146909952163696, 0.43978971242904663, -0.20408794283866882, 0.5341230630874634, -0.3331054449081421, 0.17568185925483704, 1.0679399967193604]} +{"paper_id": "assin2", "embedding": [-0.5552959442138672, 1.4036470651626587, -0.3519876301288605, -0.3882204294204712, 0.5348979830741882, -0.5842259526252747, 0.45367997884750366, 0.32798781991004944, 0.438493013381958, 1.2502732276916504, 0.5830338001251221, 0.27767422795295715, -0.4820984899997711, -0.38130301237106323, -0.7918424010276794, 0.1479589343070984, -1.102145791053772, -0.6481380462646484, -0.5935323238372803, -0.30370235443115234, -0.7054824829101562, -0.5697856545448303, 0.09767359495162964, 0.23881885409355164, -1.0649677515029907, -0.7977394461631775, 0.4864843785762787, -1.0796135663986206, 0.4115721881389618, 0.5013450384140015, 0.21011242270469666, 0.7600119709968567, -1.7154514789581299, 0.28158026933670044, -0.28237083554267883, -0.27087220549583435, 0.28780412673950195, 1.147896409034729, -0.8247032165527344, 0.13925088942050934, -0.4726479947566986, -0.14114099740982056, 0.27927401661872864, 0.32506394386291504, 0.962591290473938, -0.3068080544471741, 0.447724848985672, 0.33733874559402466, 0.25923997163772583, 0.37622949481010437, -0.4261762201786041, -0.5905551910400391, 0.31076109409332275, 0.14672443270683289, -0.39813318848609924, 1.2463147640228271, -0.0309565719217062, -0.7801597714424133, 0.6367965936660767, -1.8256396055221558, 0.9999216794967651, 1.2843053340911865, -0.2337081879377365, 0.04402875900268555, 0.8645694851875305, -0.5635779500007629, 1.182630181312561, -0.08340885490179062, 0.17197608947753906, 0.5857323408126831, -0.6639468669891357, -1.365578532218933, 0.21400049328804016, 0.156938374042511, 0.618476390838623, 1.3670084476470947, 0.7161675691604614, -0.3472967743873596, 0.6500966548919678, -0.015114963985979557, -0.44326579570770264, 0.7939249873161316, 0.6805354356765747, -0.7129697203636169, -0.34818974137306213, -0.21427038311958313, 0.2655312418937683, -0.03864641487598419, 0.9274263978004456, -1.0567553043365479, 0.6352930665016174, -0.4099290370941162, 0.08868416398763657, 0.41819608211517334, -0.4672362804412842, -0.023661943152546883, -0.26626473665237427, -0.2466440051794052, -0.4475727081298828, 0.3753677010536194, 1.0858969688415527, 0.021718395873904228, 0.49121299386024475, 0.05668177828192711, 0.23988693952560425, 0.3847652077674866, -0.5463316440582275, -0.29286518692970276, -0.2249162197113037, -0.1997828632593155, -0.28738197684288025, 1.2469580173492432, -0.36041730642318726, -0.5759125351905823, -0.14588595926761627, -0.03232673183083534, 0.152279794216156, -0.3513062596321106, -0.48581209778785706, 0.17907047271728516, 0.490031898021698, -1.3706018924713135, -0.16851335763931274, -0.057424262166023254, 0.5308570861816406, -0.21783387660980225, 0.958624005317688, 0.49988672137260437, -0.07965600490570068, 0.5639006495475769, 0.4475938081741333, -0.08163025975227356, -1.0443785190582275, -0.6894885897636414, 2.550868511199951, -0.39209845662117004, 1.1720404624938965, 0.03315809369087219, 0.23220324516296387, -0.6854352355003357, -0.4195490777492523, 0.49764496088027954, 0.4480762779712677, -0.8363783359527588, -0.2543637454509735, -0.3121325671672821, 0.16172601282596588, 0.8024871945381165, -0.9326493740081787, 0.09586581587791443, -0.2616276741027832, -0.33289578557014465, -1.241851568222046, -0.42083078622817993, -0.12594904005527496, 0.22021746635437012, 0.0597851537168026, 0.11055266857147217, -0.7491056323051453, 0.7050784230232239, 0.6602303981781006, 0.19169901311397552, -0.8626813292503357, -0.14889146387577057, -0.4069966673851013, -0.28209245204925537, 0.4775179624557495, 0.4734273850917816, -0.5661909580230713, 0.03442860394716263, 0.5597883462905884, -0.5221536159515381, 0.40207627415657043, -0.5431579351425171, 0.38212722539901733, 0.011677656322717667, 0.4275774359703064, 0.4704945683479309, 0.6299864649772644, -0.692484974861145, 0.35517996549606323, -0.017501574009656906, 0.23166966438293457, -0.04141666740179062, -0.191986083984375, 0.2347031533718109, -1.5579392910003662, 0.38493186235427856, -0.08675967901945114, 0.2334442436695099, 0.352642297744751, -0.0318714864552021, 0.2562633454799652, 0.21924777328968048, -0.4016183614730835, -0.03153008967638016, -0.12876972556114197, -1.7202720642089844, -0.33119112253189087, 0.674649178981781, -0.018365317955613136, 0.3368648886680603, 0.00122926477342844, 1.0133957862854004, 0.48942190408706665, -0.57325279712677, -0.34421712160110474, -1.3771374225616455, 0.8221698999404907, 2.044494152069092, -0.5491942167282104, -0.47089695930480957, -1.3474150896072388, -0.34793198108673096, 0.14916914701461792, -0.6345844268798828, 0.6000216007232666, -0.9559910297393799, 0.033626146614551544, -1.138380765914917, 0.45941293239593506, -0.7153847813606262, 0.41851022839546204, 0.2993576228618622, 1.202623963356018, -0.6031813025474548, -0.23373018205165863, -0.14650040864944458, -1.4716250896453857, 0.20030179619789124, 1.2112271785736084, -0.11345010995864868, -0.5605908036231995, 0.7744184732437134, 0.1310960352420807, 0.1335570514202118, 0.6394795775413513, 0.8339282274246216, -0.6765168905258179, -0.613075315952301, -0.22812584042549133, 0.7208576798439026, 0.2786155343055725, 0.08966021239757538, 0.7773845195770264, 0.34945371747016907, 0.07867829501628876, -0.8811236023902893, 0.24488236010074615, 0.5619466304779053, 1.0264250040054321, 0.4014723300933838, -0.338796466588974, 1.056274175643921, -0.45339763164520264, -0.6117603778839111, -0.03968260809779167, -0.4019494950771332, -0.2921605706214905, -0.7579634785652161, 0.7329108715057373, -0.675383448600769, -0.035682275891304016, -0.05770571529865265, 0.214218407869339, -1.1244107484817505, 0.14833740890026093, -0.3605935275554657, -0.33762240409851074, -0.8803215026855469, -0.7351065874099731, 0.4817415475845337, -1.1691033840179443, -0.691617488861084, -0.11566944420337677, 0.3790009319782257, 0.4065127372741699, 0.6115036010742188, 0.9271011352539062, -0.06433211266994476, 0.1020219549536705, -0.5632113814353943, 1.3994214534759521, 0.31902462244033813, 0.8425453901290894, -1.3212776184082031, 0.22475481033325195, -0.7567827701568604, -0.04501479119062424, -0.8803890347480774, 0.3785479664802551, 0.3996011018753052, -0.27770695090293884, 0.355555921792984, -0.4187765121459961, -1.8095812797546387, 0.814236044883728, 0.5732011795043945, -0.1997005045413971, -0.3323277235031128, 0.9661486148834229, 0.6665855646133423, -0.1333000510931015, 0.9554736614227295, -0.0855030044913292, -0.7881329655647278, 1.091477394104004, -0.25806164741516113, -0.0732070729136467, 0.35840797424316406, 0.5019184350967407, -0.19543303549289703, 0.4654912054538727, -1.5114078521728516, 0.3235529363155365, 1.063350796699524, -0.25578054785728455, -0.3783828020095825, -0.3292962312698364, -0.05093734711408615, -0.7784929275512695, 0.11860986053943634, 0.4853251874446869, -0.7240278124809265, 0.5965871810913086, -0.28798696398735046, 0.4997761845588684, 1.0777866840362549, -0.9878350496292114, 0.0757310539484024, 0.3476100265979767, 0.8315269351005554, -0.8483306169509888, -0.45233991742134094, 0.7493312954902649, -0.6574035286903381, 1.3893697261810303, -0.035291001200675964, 0.7406929731369019, 0.05663248896598816, -0.18764635920524597, -0.1253078430891037, -0.07631635665893555, 0.17454013228416443, 0.32404252886772156, -0.04741489514708519, 0.16645057499408722, 0.7954099774360657, 0.059629108756780624, 1.3697055578231812, 0.7049978971481323, -0.5933858752250671, -1.0596598386764526, -0.37783464789390564, -0.16074979305267334, -0.5089701414108276, 1.9956369400024414, 0.9942603707313538, 1.5056241750717163, 0.486409455537796, 0.15064115822315216, 0.2856016159057617, 0.10573798418045044, 0.454335480928421, 1.1679264307022095, 0.12217120826244354, -0.21079009771347046, 0.05293130874633789, 0.2731345295906067, -0.13499979674816132, 0.0968291386961937, 0.24288812279701233, 0.5664206743240356, -0.32367148995399475, -0.7203496694564819, 0.6746140122413635, 0.9686878323554993, -0.07433107495307922, 1.1522616147994995, -0.28860586881637573, -0.06180354207754135, -0.027155233547091484, 0.8401292562484741, 0.03743721544742584, -0.359772264957428, -0.5636389255523682, 0.39090853929519653, 0.09175094962120056, 0.6889012455940247, -0.24758245050907135, 0.8227793574333191, 1.329590916633606, 0.3076305091381073, -1.4721587896347046, -0.39763692021369934, -1.3759304285049438, 0.056636665016412735, -0.23104152083396912, 0.03662595525383949, -0.06162639707326889, 0.5177114605903625, -0.3693014085292816, -0.7645599246025085, 1.0491206645965576, -0.8492871522903442, -0.797563910484314, 0.9940616488456726, 0.9865999221801758, -0.9535335302352905, 0.3536323308944702, -0.3611929416656494, -0.916743278503418, -0.7418839335441589, -0.511462926864624, -0.49577513337135315, 0.9056472182273865, -0.031044501811265945, 1.1965603828430176, -0.1363333761692047, 0.015504278242588043, -0.9578525424003601, 0.8376357555389404, 0.7002183794975281, -0.29549360275268555, 0.41727420687675476, -0.19346588850021362, -0.5049653053283691, -0.677536129951477, -1.049569845199585, -0.16886025667190552, 0.6139061450958252, 0.1355254203081131, -0.2938114404678345, -0.9986282587051392, -1.1483694314956665, 0.3680078983306885, 0.042157698422670364, 1.4475864171981812, -0.8486347794532776, 1.1443747282028198, -0.31718894839286804, -0.2879178822040558, -0.3220493495464325, -0.30439597368240356, -0.38430237770080566, 0.7180308103561401, -0.6810888648033142, 0.9012519121170044, -0.40266045928001404, -0.17648670077323914, 0.9621132612228394, -0.3392632007598877, -0.526751697063446, -0.02193264663219452, -12.64760971069336, 0.4424292743206024, -0.27680498361587524, 0.2795030474662781, 1.1219491958618164, -0.19758161902427673, 0.8133062124252319, -0.14575080573558807, 1.4899126291275024, -0.38293612003326416, -0.044556982815265656, 1.090244174003601, -0.1698417067527771, -0.24830080568790436, -0.6063894033432007, -1.4343761205673218, -0.48846161365509033, -0.09628693759441376, 0.1502026468515396, -0.20400214195251465, 0.29155221581459045, -0.5908385515213013, -0.7250925898551941, -0.19632698595523834, 0.42612162232398987, -0.10477849096059799, -0.35108405351638794, -0.7764200568199158, -0.13248956203460693, -0.13519275188446045, 0.3888499140739441, 0.10843518376350403, -0.08381999284029007, -0.6116281151771545, -0.16836172342300415, -0.1751651018857956, -0.6222348809242249, 0.004130783956497908, 0.7725691795349121, -0.0029581787530332804, 0.008765451610088348, 0.05461495742201805, 0.1511906385421753, -0.29714977741241455, 0.0476272776722908, 0.07207284867763519, -0.4253999888896942, -0.493104487657547, -0.2785630524158478, -0.05867120623588562, 0.07232441008090973, -0.3831450641155243, -0.09045884013175964, -0.3615456819534302, 0.12516163289546967, 0.07788626849651337, -0.8012756705284119, -0.5400736927986145, -0.8238194584846497, -0.5066059231758118, 0.43137305974960327, 0.17096397280693054, -0.38893651962280273, 0.20068174600601196, 0.26889610290527344, -0.09005381911993027, 0.5752791166305542, 0.571524441242218, -0.18218830227851868, -0.15684522688388824, -0.49639177322387695, 0.5440548062324524, 0.5713992714881897, 0.20561695098876953, -0.6880897283554077, 0.14590993523597717, -0.08320797234773636, 0.7089868187904358, -0.1489325612783432, 0.18282006680965424, -0.8241049647331238, 0.1838495284318924, -0.2873211205005646, -0.8179908990859985, -0.3829174041748047, 0.07567115128040314, -0.23174870014190674, -0.02095891162753105, -0.09528176486492157, 0.1661471426486969, 0.8037633299827576, 0.6892292499542236, -0.03897787630558014, -0.16997188329696655, -0.6346163749694824, 0.6823569536209106, -0.8680714964866638, 0.8471139073371887, -0.6255725622177124, -0.4441603720188141, -0.012236759066581726, -0.611761212348938, -0.30006566643714905, -0.27071264386177063, -0.03832321614027023, 0.02012297511100769, 0.1726256012916565, -0.201165109872818, 0.026714853942394257, -0.47464120388031006, 0.4396340548992157, -0.5102460384368896, -0.48975062370300293, 1.3029513359069824, -0.8927524089813232, 0.19891457259655, 0.9462877511978149, -0.5797853469848633, -0.11901392042636871, 1.7922548055648804, 0.0852016806602478, 0.5469687581062317, 0.4678059220314026, 1.0273041725158691, 0.8236923217773438, -0.1940411478281021, -0.27084118127822876, 1.032957911491394, -0.507364809513092, -1.722400188446045, 0.3829403817653656, -0.6355187892913818, 0.0943332388997078, -0.6578444838523865, 0.1210581511259079, -0.1052379459142685, -0.5445880889892578, 1.3185354471206665, -0.5720000267028809, 0.3480147421360016, -0.9045711755752563, -0.643645167350769, -0.3569263815879822, -0.9420371651649475, -0.49484413862228394, 0.8040496110916138, -0.9509201645851135, -0.10246224701404572, -0.6701235175132751, -0.013620622456073761, -0.5476195812225342, -0.22195127606391907, 0.5859185457229614, -0.2898622751235962, -0.4128946363925934, -0.09929744899272919, -0.1153334379196167, 0.05677012354135513, -1.1293632984161377, -0.6032538414001465, 0.45473501086235046, 0.9145978689193726, -0.6959549188613892, 0.9716001749038696, 0.114482581615448, -0.35123851895332336, -0.8087117075920105, -0.0134635791182518, -0.5514313578605652, 0.5781046152114868, 0.6433832049369812, -0.6192995309829712, 0.325346976518631, -0.4609414339065552, -0.672285258769989, -1.0294077396392822, 0.888799250125885, 0.7094286680221558, -0.9262048006057739, -0.33162039518356323, 0.2345111072063446, 0.6462265849113464, 0.42436683177948, -0.22383388876914978, -0.5187369585037231, -0.05465906858444214, 0.06788085401058197, 1.1471967697143555, -0.18211796879768372, 0.9541504383087158, -1.5716936588287354, -0.8977481126785278, -0.39384517073631287, 0.07914252579212189, 0.8203504085540771, 0.19515784084796906, 0.29364457726478577, 0.971899151802063, 0.43222466111183167, 0.40860360860824585, 0.4767219126224518, 0.6779804825782776, 0.26679229736328125, 0.5992583632469177, -0.10172680020332336, 0.14028194546699524, -0.18818582594394684, 0.16226918995380402, 0.2955891191959381, 1.2378267049789429, -0.42417240142822266, 0.5404046773910522, 0.3968047797679901, 0.08581456542015076, 0.022346798330545425, -1.4261279106140137, 0.32391035556793213, -0.7617000937461853, -0.294420063495636, -0.22211448848247528, 0.3043162226676941, 1.1700760126113892, -0.47549372911453247, 1.2801514863967896, 0.7631744742393494, 1.0141215324401855, 0.2928929328918457, 0.8123137354850769, 1.5326582193374634, 0.07839331775903702, -0.41306447982788086, 0.5632844567298889, 0.4165191352367401, -0.38437867164611816, -0.160415381193161, -1.5860083103179932, -0.35498785972595215, 0.7678564190864563, -0.5547611117362976, 0.33298954367637634, -0.3260624408721924, 0.41396504640579224, 0.7432053685188293, 0.38707199692726135, -0.2996317744255066, -1.6245912313461304, -0.3820776045322418, -1.5414822101593018, 0.1470096856355667, -0.5999752283096313, 0.18070153892040253, 0.5562918186187744, 0.7440032362937927, 0.2397095113992691, 1.3414452075958252, -0.18038728833198547, 0.1940576136112213, -0.011040858924388885, -0.7440106272697449, 1.4385319948196411, 0.7770325541496277, 0.4473515450954437, 0.4925236403942108, -0.2307196855545044, -1.2040590047836304, -0.39827385544776917, -0.8354456424713135, 0.7905189990997314, 1.535895824432373, -0.7122063636779785, 0.1269458383321762, -0.55080646276474, 0.26186129450798035, -0.13468335568904877, -0.17869387567043304, 0.06322204321622849, -0.7915735840797424, -0.02120141126215458, -0.312587708234787, -0.4392492473125458, 0.8300796151161194, -0.28115522861480713, -0.21126610040664673, 0.337690532207489, 0.6543775796890259, -0.045923493802547455, 0.08574187755584717, -0.5972102284431458, -0.19005915522575378, -0.2707447409629822, 0.3631855845451355, 0.9786256551742554, -0.7421220541000366, -0.3052998483181, -0.18996059894561768, -0.5821629762649536, 0.37184080481529236, -0.006850291043519974, -0.5424889326095581, -0.4884665608406067, 0.8537471294403076, -0.10549676418304443, 0.26323166489601135, -0.3116225600242615, -0.2575778067111969, -1.4282550811767578, 0.5096549391746521, 1.0031465291976929, 0.8999122381210327, -0.016838058829307556, -0.32617196440696716, 0.04465760663151741, 0.04305470734834671, 1.1914058923721313]} +{"paper_id": "doc2dial", "embedding": [-1.185028076171875, 0.8238750696182251, -0.25847965478897095, 0.11984431743621826, 0.5350337624549866, -0.2165491133928299, 1.0025590658187866, 0.4552151560783386, 0.4238252341747284, 0.6088805198669434, 0.5977630615234375, -0.17752033472061157, -0.37149548530578613, -0.33045458793640137, -0.597497820854187, -0.04772520810365677, -0.7797857522964478, -0.7554543614387512, -0.6613227725028992, -0.3722706139087677, -0.6270037293434143, -0.5178491473197937, -0.5733214616775513, 0.8093698620796204, -0.8387898802757263, -0.3725672960281372, 1.1068532466888428, -1.0082173347473145, 0.278743177652359, 0.20851677656173706, 0.06827391684055328, 1.618021845817566, -1.0725709199905396, 0.11678231507539749, -0.051354438066482544, -0.34668296575546265, -0.08269458264112473, 0.7669829726219177, -0.5512706637382507, 0.005260109901428223, -0.9197500944137573, 0.40722325444221497, 0.3089466094970703, 0.42036280035972595, 0.5284996628761292, 0.4529035687446594, -0.13552094995975494, 0.5318347811698914, -0.8410381078720093, -0.16275615990161896, -0.7994762063026428, 0.3327896296977997, -0.19967477023601532, 0.3766114115715027, -0.1904277503490448, 1.3922325372695923, 0.3378658592700958, -0.48474279046058655, 0.3339017927646637, -0.4259980618953705, 1.3202236890792847, 0.8171600103378296, -0.43267858028411865, 0.18258631229400635, 0.8500837087631226, 0.004255242645740509, 1.030064582824707, -0.23774142563343048, -0.0025761742144823074, 0.660807728767395, -0.2669063210487366, -1.2892565727233887, -7.509812712669373e-05, -0.8490333557128906, -0.2699013948440552, 1.1627323627471924, 0.9639914035797119, 0.027344493195414543, -0.12957076728343964, 0.10852696746587753, 0.8102993965148926, 0.7668172717094421, 0.6799008846282959, -0.014191899448633194, 0.9984791874885559, 0.11709340661764145, 0.38425111770629883, -0.17731162905693054, 0.26616573333740234, -2.256434917449951, 0.7750173211097717, -0.1581978052854538, 0.46230942010879517, -0.1938779354095459, -0.25726741552352905, 0.15626585483551025, 0.029684031382203102, -0.42125624418258667, -0.3400231897830963, 0.30273106694221497, 0.19817474484443665, -0.5347845554351807, -0.07024351507425308, -0.34770700335502625, 0.2932806611061096, 0.39642804861068726, 0.2510932385921478, 0.3892824649810791, -0.08160672336816788, -0.3713575601577759, 0.4124363362789154, 1.1148313283920288, 0.4018486440181732, 1.3789108991622925, -0.11042268574237823, 0.24656790494918823, 0.23204463720321655, -0.5896750688552856, 0.074138343334198, 0.4036821722984314, 0.024454044178128242, -0.2699824571609497, 0.27014023065567017, 0.10757118463516235, 1.0741404294967651, -0.9577385187149048, -0.10011274367570877, -0.4335201382637024, -0.2053348571062088, -0.6800462007522583, 0.31411585211753845, -0.17722736299037933, -0.6155979633331299, 0.04776589944958687, 2.1703591346740723, -0.8968960046768188, 1.432061791419983, -0.5761302709579468, -1.4441086053848267, -0.4971163272857666, 0.6907158493995667, 1.1857314109802246, -0.04605579003691673, -0.8789703249931335, -0.32987719774246216, 0.2652985155582428, -0.6417579054832458, 0.2509137988090515, -0.45167094469070435, -0.7319985032081604, -0.014780353754758835, -0.015046201646327972, -1.7458064556121826, -0.01288081705570221, -0.5326569676399231, -0.0934486985206604, 0.4124425947666168, 0.4006020426750183, -0.30176985263824463, 0.820630669593811, 0.9818369150161743, 0.5128831267356873, -0.3063124418258667, 0.1503366231918335, -1.0924665927886963, -0.20539861917495728, 0.4943096935749054, -0.35570642352104187, -1.0128885507583618, -0.4701325297355652, 0.529329776763916, -0.7699848413467407, 0.1345864087343216, -0.2855756878852844, -0.5008686780929565, 0.007052920758724213, 0.7557752132415771, 0.9162253737449646, 0.4417661130428314, -0.5543781518936157, -0.5284968614578247, -0.6272329688072205, -0.28284624218940735, 0.411878377199173, -0.27372217178344727, 0.3150641620159149, -2.3490395545959473, -0.11666253209114075, -0.6712906956672668, 0.9470387101173401, 0.1518774926662445, -0.3253919184207916, 0.47999855875968933, -0.2191043645143509, 0.041404470801353455, -0.6311429142951965, 0.4912846088409424, -1.497153401374817, 0.434814989566803, 0.08368110656738281, -0.15792161226272583, -0.029706569388508797, 0.4002833664417267, 1.32704758644104, 1.0742584466934204, -0.824504017829895, -0.5231304168701172, -1.7602925300598145, 0.17606696486473083, 2.352360963821411, 0.056242458522319794, -1.0187546014785767, -1.0882052183151245, -0.11228469014167786, 0.2848847806453705, 0.38441166281700134, 0.23836734890937805, -0.47803229093551636, -0.37554773688316345, -1.0518674850463867, -0.1989040970802307, -0.657281756401062, 0.759339451789856, 0.8530499339103699, 1.0323090553283691, -0.7549927830696106, -0.20381441712379456, -0.17039646208286285, -1.0135722160339355, -0.054903119802474976, 0.236577570438385, 0.2232094258069992, 0.34777727723121643, 0.567818820476532, 0.07861886918544769, 0.13210076093673706, 0.23151925206184387, 0.06786960363388062, -0.6330657005310059, 0.41518229246139526, 0.5615795850753784, 1.5338865518569946, 0.009881824254989624, 0.0004602018743753433, -0.18295830488204956, 0.24655497074127197, 0.5739511847496033, -1.0161168575286865, -0.32141274213790894, -0.1927102506160736, 1.1250665187835693, 1.5270386934280396, -0.22492513060569763, 0.5213820934295654, 0.301051527261734, -0.19436204433441162, -0.41265392303466797, -0.2816395163536072, -0.30039089918136597, -0.058557335287332535, 0.7300670742988586, 0.5425143837928772, 0.36174678802490234, -0.49861425161361694, 0.5022169947624207, -0.8253082036972046, -0.34519162774086, 0.5408992767333984, -0.4978024363517761, -1.1168252229690552, 0.007155321538448334, 0.1483919471502304, -0.8805455565452576, -0.23115992546081543, 0.31636250019073486, 0.4112725257873535, -0.05415614694356918, 0.5491138696670532, 0.7381953001022339, 0.5402997732162476, -0.7060530185699463, -0.5632986426353455, 0.5916590094566345, -0.3170311450958252, 0.847216010093689, -0.8570364117622375, -0.6145766973495483, -1.0463942289352417, 0.6904819011688232, -0.03451864421367645, -0.017554596066474915, -0.18161070346832275, -1.1352381706237793, 0.5386993288993835, -0.23562605679035187, -0.6471788883209229, 1.046271800994873, -0.43495291471481323, 0.08244678378105164, 0.014437269419431686, 1.3044474124908447, 0.16196763515472412, -0.5572962164878845, 1.0189189910888672, 0.3114391267299652, -0.49017637968063354, 1.8151212930679321, -0.0919378250837326, 0.3485466539859772, 0.9533198475837708, -0.44502806663513184, -0.1938343644142151, 0.20393243432044983, -1.733920931816101, -0.27393242716789246, 1.106902003288269, -0.7942793369293213, 0.013171330094337463, -0.9661464691162109, 0.09630309045314789, -0.031932905316352844, -0.3793022632598877, 0.046207066625356674, -1.1574695110321045, 0.5504195690155029, -0.31736212968826294, 0.16820916533470154, 1.4763742685317993, -0.24945472180843353, 0.09945416450500488, 0.28119680285453796, 0.005925275385379791, -0.9117390513420105, -0.2796782851219177, 0.6972563862800598, -0.4792201519012451, -0.036933816969394684, 0.6035846471786499, 0.7988264560699463, 1.0693522691726685, -0.38008132576942444, -0.2523662745952606, 1.1805272102355957, 0.2408697009086609, 0.27999281883239746, 0.30983003973960876, -0.03459877520799637, 1.1091015338897705, -0.57923823595047, 1.369912028312683, 0.22532162070274353, -0.4144188165664673, -1.6061723232269287, -0.2571426033973694, -0.8303834199905396, -0.5072304606437683, 1.394006371498108, 0.23385095596313477, 1.9394046068191528, -0.16928505897521973, 0.11792764812707901, -1.1639442443847656, -0.3519381880760193, 0.261794775724411, 0.40968117117881775, -0.2950236201286316, -0.43407899141311646, -0.00794018805027008, 0.9868552684783936, 0.25493109226226807, -0.3189918100833893, -0.8434690237045288, 0.9638960361480713, -0.04372699186205864, -0.653154730796814, 0.0742214024066925, 1.1880874633789062, -0.08786359429359436, 1.2761595249176025, -0.7360204458236694, -0.433945894241333, -0.19912591576576233, 0.80698162317276, 0.32160013914108276, 0.6336402893066406, -0.7847779989242554, 0.6243969798088074, 0.2528040111064911, 0.5361394882202148, -0.04280654713511467, 1.5071409940719604, 0.004689421504735947, -0.43041810393333435, -1.0206440687179565, -0.2874915599822998, -0.786101758480072, -0.7558066248893738, 0.2331356406211853, 0.22421418130397797, -0.7245079874992371, 0.7830211520195007, -0.3812592625617981, -0.8032523393630981, 0.998091459274292, -0.417987585067749, -0.9649149179458618, 0.3212706446647644, 1.1557338237762451, -1.259312629699707, -0.21165527403354645, -0.12443403154611588, -0.9168399572372437, -0.20897451043128967, -0.2969968318939209, -0.42858871817588806, 1.027991533279419, 0.026930449530482292, -0.08898989111185074, 0.09675440937280655, 0.4639001488685608, 0.08739020675420761, 0.9755870699882507, 0.6865198612213135, -0.8790693283081055, 0.6760762929916382, 0.28107786178588867, 0.5494822263717651, 0.0528966560959816, -1.156748652458191, -0.9813703894615173, 1.0998215675354004, -0.7887613773345947, -0.08212204277515411, -0.6242387294769287, -0.3287520408630371, 0.5098369717597961, 0.13110505044460297, 0.21492138504981995, -0.800214409828186, -0.02341211587190628, -0.39252832531929016, -0.2384123057126999, 0.516582727432251, -1.199654459953308, -1.2781572341918945, 0.5892966389656067, -0.32313647866249084, 0.49645039439201355, -0.43708401918411255, 0.0693582147359848, 1.432090401649475, 0.5945267677307129, 0.16988135874271393, 0.17947199940681458, -11.947650909423828, 1.3575170040130615, -0.041564807295799255, -0.058812692761421204, 0.6510570645332336, -0.12989315390586853, 0.5375945568084717, 0.4092521667480469, 1.269838571548462, -1.0119833946228027, 0.5218539834022522, 0.7373890280723572, -0.46207669377326965, -0.6186813116073608, -0.6717408895492554, -1.1599394083023071, -0.8361199498176575, -0.38625669479370117, 0.026032157242298126, -0.08711979538202286, 0.6285735964775085, -0.42131441831588745, -0.3523100018501282, 0.3553473949432373, -0.21003614366054535, -0.04498899355530739, 0.06435100734233856, -0.23579147458076477, -0.3161202371120453, -0.008485473692417145, 0.9817513823509216, -0.11733733862638474, 0.012249946594238281, -1.5481245517730713, 0.23279516398906708, 0.4827219247817993, -0.9412089586257935, -0.5738967061042786, 0.4589855372905731, -0.28209465742111206, -0.47074878215789795, 0.36479389667510986, 0.9261221885681152, 0.14178389310836792, -0.3862452805042267, 0.22065357863903046, 0.04419771581888199, -0.14713436365127563, 0.37435027956962585, -0.6456002593040466, -0.7556396126747131, -0.22727787494659424, -0.5310706496238708, 0.24105821549892426, 0.19125662744045258, -1.1355317831039429, -0.4687933921813965, 0.47560110688209534, -0.3007360100746155, -0.8180192708969116, 0.4366239309310913, -0.07796039432287216, -0.40713822841644287, 0.24713711440563202, 0.5379934310913086, -0.5375014543533325, 0.9210038185119629, 0.49843671917915344, 0.1457105576992035, 0.5736523270606995, -0.7149994373321533, 0.02974209375679493, -0.06974822282791138, 0.46431320905685425, -0.06353653967380524, -0.09549353271722794, -0.2615768313407898, 0.04914452135562897, 0.5847855806350708, 0.12399426102638245, -0.46803462505340576, 0.5630610585212708, 0.5010206699371338, -0.7104964852333069, -1.1267403364181519, 0.18836256861686707, 0.2499372959136963, 0.03946850076317787, 1.0855025053024292, -0.46122869849205017, 1.273327350616455, 0.6574569344520569, -0.6320885419845581, -0.3842790722846985, -0.5537151098251343, 0.5558342933654785, 0.5687699317932129, 0.7554519176483154, 0.210840106010437, -0.3191249668598175, -0.039658695459365845, -0.29584330320358276, -0.07321453839540482, -0.27337610721588135, 0.6834436058998108, -0.07682467997074127, -0.5822319388389587, 0.7236747741699219, -0.07938405871391296, 0.034663766622543335, 0.6072320342063904, 0.45052558183670044, -0.8843383193016052, 0.4809189736843109, -0.6250160932540894, 0.40127038955688477, 1.0692167282104492, -0.08477838337421417, 0.7388612031936646, 1.1126946210861206, 0.015562453307211399, 1.2046009302139282, 0.05715379863977432, 0.9205870032310486, -0.009356679394841194, -0.4385508894920349, 0.5498088002204895, 0.4870871901512146, -0.9906136393547058, -1.118144154548645, -0.08857911825180054, 0.0005634576082229614, 0.4412686228752136, -0.7840971946716309, -0.7811133861541748, -0.12637047469615936, -0.6670646071434021, 1.4773560762405396, -0.378293514251709, 0.6127897500991821, -0.19988329708576202, -0.7573596239089966, 0.12526017427444458, -1.5018471479415894, -0.9385153651237488, -0.2009771168231964, -1.017626166343689, 0.4895246624946594, -0.7904547452926636, 0.5747450590133667, 0.679711103439331, -0.11010600626468658, 0.581468403339386, -0.9651209115982056, -0.6191906929016113, 0.3989693820476532, 0.21938391029834747, 0.04074013978242874, -1.0184404850006104, -0.22197847068309784, -0.16290536522865295, 0.5778626799583435, -0.919369637966156, 1.0773711204528809, 0.6049067974090576, -0.032375436276197433, -0.7851386666297913, -0.00981142744421959, -1.051959753036499, 0.24894306063652039, 1.6202383041381836, -1.1003053188323975, -0.37205666303634644, -0.3969854712486267, 0.32214686274528503, -0.4729292392730713, 0.7889730334281921, 0.7580150365829468, -0.7824996113777161, -0.0751660168170929, -0.4056354761123657, 0.33721923828125, 0.262195885181427, 0.012896224856376648, -0.10507643967866898, 0.371660977602005, 0.0501481331884861, 0.44483280181884766, 0.23735061287879944, 0.4372815191745758, -1.223207712173462, -1.4485890865325928, -0.3747920095920563, -0.9264757037162781, -0.08195600658655167, -0.40419065952301025, 1.44499671459198, 1.1048378944396973, 0.2918983995914459, 0.15501609444618225, 0.34411919116973877, 0.6442307233810425, -0.2021433562040329, 0.3581397235393524, -0.4366791546344757, -0.1704036295413971, -0.8526880145072937, 0.16022475063800812, -0.0035017039626836777, 0.3164679706096649, -0.18402108550071716, -0.2941737174987793, 0.5631790161132812, -0.5220794677734375, 1.0105066299438477, -1.3413816690444946, -0.08239055424928665, -0.10822604596614838, -0.5318137407302856, -1.39116370677948, 0.2574722170829773, 1.1845619678497314, -0.013953536748886108, 1.110072135925293, 0.2634817659854889, 0.1528960019350052, 1.2447973489761353, -0.10439158976078033, 0.9577208757400513, 0.08036722242832184, -0.17458641529083252, 0.28497114777565, 0.010327190160751343, 0.4968588054180145, 0.09909293055534363, -0.8612743616104126, -0.7440835237503052, 0.3552899658679962, -0.8638502359390259, -0.05383913964033127, -0.4973774552345276, 0.22228924930095673, 0.7497679591178894, 1.528192162513733, -0.9261278510093689, -1.4330830574035645, -0.9387430548667908, -1.2587902545928955, 0.1424449235200882, 0.8902134895324707, 0.7302114963531494, 0.09611934423446655, 0.7060311436653137, 0.029969260096549988, 0.9787676930427551, -0.9331088662147522, 0.016672387719154358, 0.23143517971038818, -0.2662869095802307, 0.5324504375457764, 0.9121472239494324, 0.7302345037460327, 0.34724992513656616, -0.1240709200501442, -0.4661686420440674, 0.07644996047019958, 0.18447555601596832, 0.630229651927948, 0.9999028444290161, -0.5898845195770264, -0.5896239876747131, -0.9303049445152283, 0.5156934857368469, -0.30656716227531433, 0.5046744346618652, -0.1623372733592987, -0.9843571186065674, -0.5937007069587708, -1.0629061460494995, -0.506223201751709, 0.4503362476825714, -0.3299994170665741, -0.5101921558380127, -0.278808057308197, 1.0188254117965698, 0.35361596941947937, 0.2905956506729126, -1.0321414470672607, 0.3189316391944885, -1.1519984006881714, 0.8782541751861572, -0.3327709436416626, -0.08696544915437698, -0.8569889664649963, 0.07102388143539429, -0.275655061006546, 0.7543435096740723, -0.07719673216342926, -0.8259049654006958, -0.7715611457824707, 0.6489429473876953, 0.3061002790927887, 0.8001840114593506, 0.9624403119087219, 0.5402501821517944, -1.827065110206604, 1.2616525888442993, 0.7031160593032837, 0.30727913975715637, -0.8116239905357361, 0.6518135070800781, -0.6463775634765625, 0.030803963541984558, 1.1177806854248047]} +{"paper_id": "weibo_ner", "embedding": [-0.6179733276367188, 1.513912558555603, -0.4311271011829376, -0.1696402132511139, 0.05597850680351257, -0.32715314626693726, -0.199200838804245, 0.5491867065429688, 1.2236374616622925, 0.867002546787262, 0.5930856466293335, -0.35027337074279785, -0.18305493891239166, -0.9875900149345398, 0.022140197455883026, 0.1311962902545929, -0.07857553660869598, -1.1140271425247192, -0.16821855306625366, -0.41358810663223267, -1.2118606567382812, -0.5429356694221497, 0.07522508502006531, 0.40034037828445435, -1.1096084117889404, -0.7602269649505615, -0.0419699028134346, -0.8114807605743408, 0.24106767773628235, 0.017579443752765656, -0.4066505432128906, 0.6901279091835022, -1.3642878532409668, 0.36050495505332947, -0.5607547163963318, 0.01585407368838787, 0.6371456384658813, 0.25241607427597046, -0.17049437761306763, -0.23534545302391052, -0.49987608194351196, -0.319888710975647, 0.4636073112487793, 0.3501133620738983, 1.6009160280227661, -0.07742706686258316, 0.7118725776672363, 0.25432369112968445, 0.653420090675354, 0.07764966785907745, -0.3307831585407257, 0.4030072093009949, 0.3060663938522339, 0.414469838142395, -0.8410845398902893, 0.7909311056137085, 0.2804388701915741, -0.7979824542999268, 0.3228135406970978, -1.0637986660003662, 0.8207639455795288, 0.8832284808158875, -0.1993112564086914, -0.24469700455665588, 0.6469945907592773, 0.45630741119384766, 1.1683648824691772, -0.23481090366840363, 1.0006940364837646, 0.6601369380950928, -0.06295843422412872, -1.3972269296646118, 0.2166409194469452, -0.6866856217384338, 0.391593873500824, 0.8135998249053955, 0.6132514476776123, -0.23924654722213745, 0.5689066052436829, -0.09561621397733688, -0.4288513660430908, 1.1284217834472656, 0.22019629180431366, 0.09291917830705643, -0.28890398144721985, -0.2039484679698944, 0.5919766426086426, -0.18847861886024475, 0.8847895264625549, -1.6993796825408936, 0.24140973389148712, 0.2057141363620758, -0.9969128966331482, 0.21367156505584717, 0.06483355164527893, 0.5425435900688171, -0.22504015266895294, -0.36012473702430725, -0.9371218681335449, 0.33220481872558594, 0.5240123271942139, -0.4550078213214874, 0.25701963901519775, -0.28976327180862427, -0.33650878071784973, 1.980064034461975, -1.078272819519043, -0.16913890838623047, -1.3867220878601074, 0.08531041443347931, 0.0035112760961055756, 1.7187906503677368, -0.029126808047294617, 0.2193719446659088, 0.16712695360183716, -0.3087656497955322, 0.6199703812599182, -0.5259283781051636, -0.8783839344978333, 0.21135671436786652, -0.5210068821907043, -1.0978705883026123, -0.24575597047805786, 0.5556002855300903, 1.0340021848678589, -0.4701403081417084, 1.0142436027526855, 0.1255861222743988, 0.0939522236585617, 0.19114886224269867, 0.9485452175140381, -0.25710922479629517, -0.5322532653808594, -0.2018807977437973, 2.1804678440093994, -1.263948678970337, 1.0216987133026123, -0.3069300651550293, 0.3589880168437958, -0.13720734417438507, 0.01573074609041214, 1.0383225679397583, 0.4446549117565155, -0.2824835777282715, -1.4667223691940308, 0.7431880235671997, -0.874515950679779, 0.5885991454124451, -0.7269439101219177, -0.5946935415267944, 0.25898072123527527, 0.9497236609458923, -1.1494492292404175, -0.2036370038986206, 0.24369291961193085, 0.8918304443359375, -0.029779206961393356, 0.4960262179374695, -0.4359227418899536, 1.0297462940216064, 0.7875380516052246, -0.13489705324172974, -0.6074607372283936, 0.5343828201293945, -1.200990915298462, -0.09280958026647568, 1.1530039310455322, 0.5104497671127319, -1.0354676246643066, -0.5007508397102356, 0.9171493053436279, -0.39708101749420166, 0.22609402239322662, -0.019833026453852654, -0.5166515111923218, -0.2339756190776825, 0.41343003511428833, 0.1420906037092209, 0.22042123973369598, -0.37519556283950806, 0.15383172035217285, 0.020962432026863098, -0.396624356508255, 0.4168223440647125, 0.06582363694906235, 0.3037738502025604, -1.2406961917877197, -0.5666927695274353, -0.34296131134033203, 1.1211271286010742, -0.5360952019691467, -0.4965764582157135, -0.4058416485786438, 0.5387642979621887, 0.6553798913955688, 0.058770280331373215, 0.1894039362668991, -1.5290039777755737, -0.6842924356460571, 0.41047823429107666, 0.12945875525474548, -0.8447501063346863, 0.0017704437486827374, 0.7178574204444885, 0.5470116138458252, -0.7272087335586548, -0.24423500895500183, -1.3093172311782837, 0.25291115045547485, 1.633535385131836, 0.43013930320739746, -1.146521806716919, -0.9360284805297852, -0.3015671670436859, 0.3323315680027008, -1.0983167886734009, 0.5880007743835449, -0.6215441823005676, 0.44785791635513306, -1.4372750520706177, 0.8337734341621399, -0.7144521474838257, -0.1256147027015686, 0.41961565613746643, 0.7634534239768982, -0.5057695508003235, -0.6623110771179199, 0.04901611804962158, -1.1823687553405762, 0.37383896112442017, 0.8927345275878906, 0.4284999966621399, -0.038296304643154144, 0.9497660994529724, 0.6557832956314087, 0.24110016226768494, -0.569863498210907, 0.5696559548377991, -0.5762009620666504, 0.3891620934009552, -0.5694151520729065, -0.0378432422876358, -0.44608205556869507, -0.49113649129867554, 1.1032170057296753, 0.5078811645507812, -0.12152636051177979, -0.7095639705657959, 0.41255539655685425, 0.36457958817481995, 0.7271983623504639, 0.8184791207313538, -0.15044856071472168, 0.9149114489555359, -0.8989934921264648, 0.27104824781417847, -0.17728827893733978, -0.24578483402729034, 0.10034796595573425, -0.41119104623794556, 0.5274969339370728, -0.5998675227165222, 0.23200786113739014, -0.11134472489356995, -0.0491909421980381, -0.9255318641662598, -0.24734477698802948, 0.5392232537269592, -1.0300534963607788, -0.9010930061340332, 0.16216491162776947, 0.08038260787725449, -0.6375306248664856, -0.7685094475746155, 0.1074129194021225, 0.3711932599544525, -0.03306986391544342, 0.6016420125961304, 1.079749584197998, -0.7288045287132263, -0.07790621370077133, -0.4582809805870056, 0.5136712193489075, -0.5216059684753418, 0.9330354332923889, 0.13707883656024933, 0.7612090706825256, -0.731803834438324, -0.14304563403129578, 0.3875272870063782, 0.23204785585403442, 0.2530427575111389, 0.44907844066619873, 0.5784398913383484, -0.369035005569458, -1.0960477590560913, 1.4682152271270752, 0.07865971326828003, 0.028803708031773567, -1.013021469116211, 1.3111836910247803, 0.6040553450584412, -0.10520855337381363, 0.25171154737472534, 0.45545363426208496, 0.33504146337509155, 0.9189155697822571, -0.744641900062561, 0.58888840675354, 0.1850646585226059, -0.023454736918210983, -0.10533592104911804, 0.6362353563308716, -2.035383701324463, -0.5586771965026855, 0.5639436841011047, -0.33923935890197754, 0.5513249039649963, 0.3131483793258667, 0.2174253612756729, -0.7721585035324097, -0.1529839038848877, -0.049960002303123474, -0.6151248216629028, 0.2677721083164215, -0.40074509382247925, -0.11343803256750107, 0.6113013029098511, -0.5380142331123352, 0.263235867023468, 0.47330695390701294, 0.30873551964759827, -0.8935231566429138, 0.15484127402305603, 0.8783068656921387, -0.2665133774280548, 0.3760378956794739, 0.05300561338663101, 0.7871630787849426, 1.3092130422592163, -0.7595534324645996, 0.02523527294397354, 0.2920418381690979, 0.422529399394989, 0.07560662180185318, -0.16583441197872162, 0.28273504972457886, 0.7263311147689819, -0.17442569136619568, 1.0610387325286865, 0.6693592667579651, -0.7198859453201294, -1.332250952720642, 0.11123429238796234, -0.45910412073135376, -0.24946528673171997, 2.2755696773529053, 0.19839951395988464, 1.096840262413025, -0.11595446616411209, 0.7819697856903076, -0.26540544629096985, 0.2865760922431946, 1.0408042669296265, 0.935118556022644, -0.17180390655994415, 0.1745043396949768, 0.8756204843521118, -0.4239199459552765, -0.22930455207824707, -0.5701719522476196, 0.36754074692726135, 0.5354069471359253, -0.2829764485359192, -0.880313515663147, -0.2662135362625122, 0.017377067357301712, 0.07321862131357193, 1.1778806447982788, -0.3825564980506897, -1.0876387357711792, -0.2565051019191742, 0.5157662630081177, 0.977678120136261, 0.4728909134864807, -0.6838688850402832, 0.2329404354095459, 0.20345042645931244, 0.1394050568342209, -0.07714176177978516, 0.440791517496109, 0.8200923204421997, -0.41912341117858887, -1.225951910018921, 0.34577372670173645, -1.341555118560791, -0.23359213769435883, -0.1669134795665741, 0.2810100317001343, -0.9424213171005249, 0.12936680018901825, -0.2650075852870941, -1.344443678855896, 0.35763952136039734, -0.8937311172485352, -1.4027189016342163, 1.6193022727966309, 1.6958098411560059, -0.7736547589302063, -0.5718414187431335, -0.18760743737220764, -0.3285493552684784, -0.6778820753097534, -0.10804350674152374, -1.2518123388290405, 0.1605515480041504, -0.13155820965766907, 0.6620117425918579, 0.3232317566871643, -0.03488298878073692, -0.5877224206924438, 0.5076637268066406, 1.0539309978485107, -0.3006778657436371, 0.19355426728725433, -0.24397510290145874, -0.38608044385910034, -0.39832693338394165, -1.8682223558425903, -1.0452977418899536, 0.3359336256980896, -0.05763392895460129, -0.10893243551254272, -0.899764358997345, -0.7361204028129578, 0.06766632199287415, -0.6026184558868408, 0.8871645927429199, -0.5998715162277222, 0.7985823154449463, -0.8681963682174683, -0.021851079538464546, -0.3294607996940613, -0.3801094889640808, -1.1261318922042847, 1.09495210647583, -0.04296186566352844, 0.13540849089622498, -0.188204824924469, 1.007789134979248, 1.0139955282211304, 0.2859407961368561, -0.09752762317657471, -0.40892812609672546, -12.474747657775879, 0.44319048523902893, -0.071701280772686, 0.6255591511726379, 0.7844876050949097, -0.04850887507200241, 0.4345865845680237, -0.28824031352996826, 1.2332112789154053, -0.6942341327667236, 0.4226510226726532, 1.2780448198318481, -0.1382788121700287, -0.2985508143901825, -0.0494675412774086, -0.3899533152580261, -0.38790008425712585, -0.46612441539764404, 0.18988843262195587, 0.5625132918357849, -0.511577844619751, -1.2134184837341309, -0.48532634973526, -0.02134210243821144, 0.3568759262561798, 0.04635785520076752, 0.12657037377357483, -0.21863502264022827, -0.5632981061935425, 0.6445832252502441, 0.5758658051490784, 0.02759849652647972, -0.854603111743927, -0.39635348320007324, -0.261426717042923, 0.16209188103675842, -0.9923697113990784, 0.35325801372528076, 0.9266307950019836, 0.10392177850008011, -0.20946820080280304, 0.18398308753967285, 0.45629292726516724, -0.19978250563144684, -0.5577852725982666, 0.0015188753604888916, 0.5064584016799927, -0.7955712676048279, -0.07993029057979584, -0.29667899012565613, -0.1000860258936882, -0.4904080033302307, -1.2978386878967285, -0.026604371145367622, 1.0102510452270508, -0.13441099226474762, -0.5684963464736938, 0.7311497330665588, -0.7682934999465942, -1.1100263595581055, 1.6983602046966553, 0.2501147389411926, -0.5050244331359863, -0.023574981838464737, 0.9118055105209351, -0.6885583400726318, 0.36507582664489746, 0.1409294158220291, 0.08819138258695602, 0.03837093338370323, -0.5267046689987183, 0.7044395208358765, 0.6141889691352844, 0.19337786734104156, -0.46091553568840027, -0.2172876000404358, -0.006993371527642012, 0.29586684703826904, 0.06901565194129944, 0.5737561583518982, -0.97740238904953, 0.750353217124939, -0.7260646820068359, -0.015256039798259735, -1.2005027532577515, -0.1409691572189331, -0.7176954746246338, -0.9359260201454163, -0.0667676106095314, 0.054186008870601654, 0.39728766679763794, 0.2990114390850067, -0.6802231669425964, 0.21346327662467957, -0.3567858040332794, 0.33203452825546265, -0.38478872179985046, 0.9487283825874329, -0.027800828218460083, -0.1683380901813507, 0.4194032549858093, -0.9298675060272217, -0.10214725136756897, -0.11547759175300598, 0.8717435002326965, -0.09772084653377533, -0.12428595125675201, 0.4255613386631012, 0.4423743784427643, 0.5126442909240723, 1.0380314588546753, -0.8853968977928162, 0.14761313796043396, 1.2330210208892822, 0.5637086629867554, 0.7911406755447388, 0.8063330054283142, 0.009565845131874084, 0.6965512037277222, 0.807046115398407, 0.3055438697338104, 0.18592552840709686, 0.10108856111764908, 0.6620436310768127, 0.4439760744571686, -0.05729833245277405, 0.6542643308639526, 0.4373241066932678, 0.5421157479286194, -1.7735432386398315, 0.2743580937385559, 0.1541866958141327, -0.40460312366485596, -0.5359086394309998, -0.15770670771598816, -0.22085078060626984, -0.5256698727607727, 1.3081541061401367, -0.21147355437278748, 0.5915796756744385, -0.1844196915626526, -0.6103646755218506, 0.6737651824951172, 0.4838015139102936, -0.662681519985199, -0.4485287666320801, -0.6293306946754456, -0.566166341304779, -0.8922234773635864, -0.5180396437644958, 0.4315659701824188, -0.12010202556848526, 0.7107064127922058, -0.42028099298477173, 0.3671441674232483, 0.03423704952001572, 0.6017698645591736, -0.37552496790885925, -0.4459005892276764, 0.19074684381484985, 0.7551518678665161, 0.5086838006973267, -0.4527376592159271, 0.9475595951080322, 0.1941271424293518, -0.48962944746017456, -0.35094621777534485, -0.2816430330276489, -0.23162677884101868, -0.1454790234565735, 1.110899567604065, -1.1169301271438599, 0.5875702500343323, -0.3301880955696106, -0.21909072995185852, -1.4614088535308838, 0.20531362295150757, 1.3362839221954346, -0.5515762567520142, 0.41527509689331055, -0.01284313015639782, 1.123651146888733, 0.865190863609314, -0.04072413593530655, -0.4973449110984802, -0.4738871455192566, 0.24006372690200806, 1.0315041542053223, 0.14150811731815338, -0.3643188178539276, -1.3873921632766724, -0.5022480487823486, -0.40064847469329834, -0.5549193620681763, 0.7084861397743225, 0.6224638223648071, 0.41016632318496704, 1.0526024103164673, 0.28685396909713745, -0.06963556259870529, 0.1280854046344757, 0.7814586758613586, 0.4475593864917755, -0.3925350308418274, -0.6288658380508423, -0.26727160811424255, -0.32166725397109985, 0.7177653312683105, 0.7194368243217468, 0.37617021799087524, -1.5102752447128296, -0.12195419520139694, 0.6643392443656921, -0.23443324863910675, 0.38527610898017883, -0.6382098197937012, 0.32506391406059265, 0.16966649889945984, -0.6031240224838257, -0.8359354138374329, -0.01129886507987976, 0.20588576793670654, -0.9215416312217712, 0.6620707511901855, -0.4551715552806854, 0.11542268842458725, 0.5637041926383972, -0.0892655998468399, 1.8539860248565674, -0.579207181930542, 0.1306377351284027, 0.4640320837497711, -0.7800140380859375, -0.4871460795402527, -0.8723866939544678, 0.5453687310218811, -0.6638585329055786, 0.8466147184371948, -1.181456208229065, 0.15127623081207275, -0.02160419523715973, -0.3028092086315155, -0.0886830985546112, 0.25210604071617126, -0.103724405169487, -0.4126523435115814, -0.8231850862503052, 0.14381176233291626, -0.28310415148735046, 0.3078991770744324, -0.40667223930358887, 1.16273033618927, 0.9466488361358643, 0.05969495326280594, 1.4783518314361572, 0.16933000087738037, -0.7026512622833252, -0.24289020895957947, -0.0505651980638504, 1.3214478492736816, 0.589792788028717, 0.06853090971708298, -0.17566396296024323, -0.23408275842666626, -0.6888686418533325, -0.714021623134613, -0.5778716206550598, 0.3989526629447937, 0.7132066488265991, -0.6021710634231567, -0.10066044330596924, -0.6049699187278748, -0.05886024609208107, 0.12008635699748993, 0.030106190592050552, 0.483177125453949, -0.13773983716964722, -0.03252910077571869, -0.41983887553215027, -0.23549984395503998, 1.4224600791931152, -0.33656466007232666, -0.0334898941218853, -0.4302319288253784, -0.15760472416877747, -0.6378034949302673, -0.7533177137374878, -0.6871439218521118, 0.23368620872497559, -0.08528035879135132, 0.4546395540237427, 0.16251108050346375, -0.4092213809490204, -0.6105260848999023, -0.1212841272354126, -0.42158129811286926, 0.8234413862228394, 0.38106536865234375, -0.9555453062057495, -0.009776927530765533, 0.25533178448677063, -0.6813962459564209, -0.05296853557229042, 0.4525687098503113, -0.7519584894180298, -1.2159953117370605, 0.04920656606554985, 0.6118631362915039, 0.4116802513599396, 0.07697038352489471, 0.45936068892478943, 0.8956372737884521, -0.3508347272872925, 0.6852544546127319]} +{"paper_id": "arcd", "embedding": [-0.9907363057136536, 0.9127576351165771, 0.0734381228685379, -0.09378992021083832, 0.11524432897567749, 0.1442357301712036, -0.8147725462913513, 0.7724448442459106, 0.6008926033973694, 0.9709915518760681, 0.7434424161911011, -0.3675867021083832, -0.1202772930264473, -0.20565025508403778, -0.5709167122840881, -0.3826366662979126, -1.2340730428695679, -0.4989463984966278, -1.847882628440857, -0.589819073677063, -0.5337110161781311, -0.9883206486701965, 0.4990125894546509, 1.1123559474945068, -1.5234133005142212, -1.1380544900894165, 0.8474308848381042, -0.6160305738449097, 0.5100771188735962, -0.06909370422363281, -0.5336302518844604, 0.318894624710083, -1.582213044166565, 0.5976438522338867, 0.3996393382549286, -0.178702712059021, 0.4561351239681244, 1.3555740118026733, 0.2184341847896576, -0.35850584506988525, -0.2958213984966278, 0.23142892122268677, 0.477206289768219, 0.37289705872535706, 1.2465195655822754, -1.0455797910690308, 0.8932508230209351, -0.4376385509967804, -0.20282715559005737, 0.24020715057849884, -0.5663675665855408, -0.027347050607204437, -0.5810341238975525, 0.3762698471546173, 0.04038836061954498, 1.2766810655593872, 0.41839131712913513, -0.45021843910217285, 0.19046494364738464, -0.4317173659801483, 0.8361856937408447, 2.393272638320923, -0.22951392829418182, 0.4093065559864044, 1.532280445098877, -0.3688274025917053, 1.0970242023468018, 0.9181473255157471, 0.013397845439612865, 0.7047380208969116, -0.5213600397109985, -0.0600593127310276, 1.078971028327942, -0.8756037354469299, 0.2796335220336914, 1.5150902271270752, 0.4226173758506775, 0.4290012717247009, -1.2027276754379272, -0.9907216429710388, 0.38101813197135925, 0.15839940309524536, 1.0988577604293823, -0.9102528691291809, -0.1424737125635147, 0.6736485362052917, 0.5130431652069092, -0.8143549561500549, 0.42932817339897156, -2.790675640106201, 1.4968242645263672, 0.017692850902676582, 0.09129200130701065, -0.5352294445037842, -0.09188683331012726, -0.07414823770523071, -0.8135241270065308, -0.009474340826272964, -0.29878300428390503, -0.22589409351348877, 0.5054991841316223, -0.21695998311042786, 0.2694001793861389, -0.3932565450668335, 0.6752654314041138, -0.45768436789512634, -0.04869195818901062, 0.5783529281616211, -0.5836467742919922, -1.2046678066253662, 0.2810428738594055, 0.8225586414337158, 0.7094393372535706, 0.04892704635858536, -0.0315471887588501, 0.3119090497493744, 0.778042733669281, -1.516432523727417, -0.2966150939464569, 0.029343191534280777, -0.2576480805873871, -1.0146900415420532, -0.7789976000785828, 0.05637413263320923, 0.31760305166244507, -0.10306048393249512, -0.82542884349823, -0.568854808807373, -0.46736547350883484, -0.18167583644390106, 1.0099903345108032, -0.9938513040542603, -1.093897819519043, -0.20964021980762482, 3.799333095550537, -1.7812961339950562, 1.7822506427764893, -0.4995328187942505, 0.2818087339401245, -0.874245822429657, -1.3762953281402588, 1.1176512241363525, -0.3440592885017395, -0.9897827506065369, -0.15565438568592072, 0.6863253116607666, -0.2414126992225647, 0.8500165939331055, -0.8981680870056152, -0.32314592599868774, 0.0893184095621109, -0.1658726930618286, -1.9810367822647095, -0.6096736192703247, -0.25860485434532166, 0.6404002904891968, -0.535668671131134, 0.2911301255226135, 0.16593661904335022, 1.3822335004806519, -0.2815113961696625, -0.11895875632762909, -0.5886541604995728, 0.10702264308929443, -0.6649597883224487, -0.375629186630249, 0.35585030913352966, -0.07390012592077255, -0.9517625570297241, 0.09145887941122055, -0.08391395956277847, -0.3381248116493225, -0.468131422996521, -0.6942196488380432, -0.30916479229927063, -0.1587185263633728, 0.6041211485862732, 0.6960238218307495, 0.5163227915763855, -0.8443036079406738, 0.27413296699523926, -0.7212914824485779, 0.5870169997215271, 0.7111645936965942, 0.782356321811676, 0.60334712266922, -2.399649143218994, 0.14344018697738647, -0.20614725351333618, 1.4962602853775024, -0.052166394889354706, 0.5850679874420166, 0.3428345024585724, 0.3778190314769745, 0.618500828742981, -1.0988582372665405, 0.42005375027656555, -1.060170292854309, 0.03723548352718353, 0.6302443146705627, -0.29678648710250854, 0.06836709380149841, 0.18956473469734192, 1.4179625511169434, 0.046139493584632874, -1.4521828889846802, -0.9619971513748169, -2.063525676727295, -0.1426801085472107, 2.660015821456909, 0.36867523193359375, -0.3610324263572693, -0.6686570048332214, 0.12039981782436371, -0.9424602389335632, 0.5625180006027222, -0.38925909996032715, -0.5619913935661316, 0.6429381370544434, -0.9319120645523071, 0.7495485544204712, 0.11044741421937943, -0.05586474388837814, 0.3862920105457306, 1.0284839868545532, -0.5859427452087402, -0.1540904939174652, -0.5829524993896484, -0.7071385979652405, 0.7135810256004333, 0.2923893928527832, 0.3915639817714691, 0.005752449855208397, 0.2603493332862854, 0.8776586055755615, 0.4685009717941284, 0.32982009649276733, 0.07124938815832138, -1.1592066287994385, 0.059930816292762756, -0.5078265070915222, 1.964712142944336, 0.33166760206222534, 0.18676532804965973, 0.2659232020378113, -0.15763455629348755, 0.09569264948368073, 0.16133300960063934, 0.3063367009162903, -0.4329702854156494, 1.6751785278320312, 0.61338210105896, -0.7871200442314148, 0.9996979832649231, -0.1942630112171173, 0.16050991415977478, 0.4825390577316284, 0.02292616292834282, -0.6864768862724304, -0.45562082529067993, 0.9003675580024719, -0.7691716551780701, 0.3271082937717438, -0.18527010083198547, 0.11431558430194855, -1.77520751953125, 0.013307563960552216, 0.48760131001472473, -0.37215691804885864, -1.6385055780410767, 0.005411043763160706, -0.33906978368759155, -1.3191819190979004, -0.513186514377594, 0.6818698048591614, 0.09785040467977524, -0.1703207641839981, 0.32252123951911926, 1.6170539855957031, -0.2514314651489258, 0.3463871479034424, 0.01817665994167328, 1.5437284708023071, -1.2248623371124268, 1.016040563583374, -0.5951722860336304, -0.13510923087596893, -0.5769778490066528, 0.7416648864746094, -0.22363929450511932, 1.026578664779663, 0.45567798614501953, -0.5583086013793945, 0.888630747795105, 0.09459507465362549, -1.0925748348236084, 0.3124459385871887, -0.3945882320404053, -0.1716713011264801, -1.0761250257492065, 1.7270134687423706, -0.30391988158226013, -0.630282998085022, 1.2509831190109253, -0.21256211400032043, -0.18910130858421326, 0.7626580595970154, 0.21151462197303772, -0.054424598813056946, 0.5417385101318359, -0.005716065876185894, -0.08186732232570648, 0.8213015794754028, -2.013714075088501, 1.4797297716140747, 1.4709742069244385, -0.3661498725414276, -0.09939025342464447, -0.7360299825668335, 0.27046024799346924, -0.07699467241764069, -0.1852121204137802, 1.0247429609298706, -0.12697003781795502, 0.30336788296699524, -0.07806027680635452, -0.8147212266921997, 1.5870829820632935, -0.21413633227348328, 0.41666778922080994, 1.148638129234314, 0.10896646976470947, -1.2591674327850342, 0.4845659136772156, 1.0686099529266357, -0.10119983553886414, 0.6730293035507202, -0.2192787230014801, 0.3747842013835907, 0.7849889993667603, -0.024024948477745056, 0.06713192164897919, 0.8920376896858215, 1.0192327499389648, 0.7480488419532776, 0.3745008409023285, -0.6411488056182861, -0.2190142422914505, -0.7933483123779297, 1.58780038356781, -0.13712851703166962, -1.1492975950241089, -2.017073392868042, -0.09297706186771393, -0.40380823612213135, -0.254460871219635, 1.9332584142684937, 0.3490060567855835, 1.7454473972320557, 0.6795622110366821, -0.01841207779943943, -0.9623706340789795, -0.2126723676919937, 1.180392861366272, 1.0437028408050537, 0.289867103099823, -0.9701551198959351, -0.4117888808250427, 0.19836819171905518, 0.18251265585422516, -0.24675267934799194, 0.38004833459854126, 0.16782718896865845, -0.2670583426952362, -0.7660831212997437, 0.915861964225769, 1.1885465383529663, 0.292437881231308, 0.9270424246788025, -0.7520843744277954, 0.1714470088481903, 0.0740055963397026, 0.22381359338760376, -0.05349038913846016, 0.9402691125869751, -0.5413848161697388, 1.1097277402877808, 0.1145520806312561, 0.6335432529449463, -0.9970643520355225, 0.7270152568817139, 2.05289626121521, -0.3006442189216614, -1.1273869276046753, -0.664065420627594, -0.4902254343032837, 0.287557452917099, 0.6313173770904541, 0.4381975829601288, -0.692054033279419, 0.9354546070098877, 0.5796311497688293, -0.38088589906692505, -0.20862053334712982, -0.6758763194084167, -1.4537403583526611, 1.5505099296569824, 0.24944831430912018, -0.18746335804462433, -0.18481945991516113, 0.25554996728897095, -1.1954277753829956, -0.08506569266319275, 0.06271371245384216, -1.8219832181930542, 0.7743903994560242, 0.29580777883529663, 1.2467613220214844, -0.3703179955482483, -0.7193206548690796, -0.8221951127052307, 0.778026282787323, 0.9185760617256165, 0.06229504570364952, 0.5982650518417358, 0.694831907749176, 0.5253385901451111, -0.6175291538238525, -1.3701558113098145, -1.4598325490951538, 0.10660020262002945, -0.013747528195381165, 0.3463876247406006, -1.212145447731018, -1.1049286127090454, -0.12156643718481064, 0.6812308430671692, 0.6213451623916626, -1.3718383312225342, -0.20668326318264008, -1.68914794921875, -0.22642768919467926, -0.2204035222530365, -0.9786193370819092, -0.6886736154556274, 0.23685063421726227, -0.5614535808563232, 0.6630491018295288, -0.09456406533718109, 0.9423313736915588, 2.102813482284546, -0.9123533368110657, 0.1452869325876236, -0.6015457510948181, -8.349617004394531, 0.7084555625915527, -0.17209693789482117, 0.11857479810714722, 0.5503285527229309, -0.7610483169555664, 0.6755253076553345, -0.6238837242126465, 1.268824577331543, -0.6504464745521545, -0.11394001543521881, 0.8639127612113953, 0.6945667862892151, -0.18578621745109558, -0.5730050206184387, -1.6988080739974976, -1.2004289627075195, -0.7751203775405884, 0.7109643816947937, 0.4310920238494873, -0.10769151151180267, -1.0755256414413452, -0.13316009938716888, 0.3778749406337738, 0.6420602202415466, 0.05336259305477142, -0.9502736926078796, -0.03429226204752922, -0.8317742347717285, -0.2160269170999527, 0.8324892520904541, 0.0012374205980449915, -0.48697537183761597, -0.5468538403511047, 0.28307318687438965, -0.8587170839309692, -0.7434296607971191, -0.6670034527778625, 1.2141695022583008, -0.5583859086036682, -0.015560850501060486, -0.34829142689704895, 1.15715754032135, -1.067000389099121, -0.9749916791915894, 0.31229859590530396, 0.6738528609275818, -0.9369847178459167, 0.1403753012418747, -0.03712911903858185, -1.0483498573303223, 0.10564033687114716, -0.3875525891780853, 0.019895274192094803, 0.3477415144443512, 0.7230832576751709, -0.7941401600837708, -0.00013288576155900955, -0.5473936200141907, -0.850304365158081, 1.1735174655914307, -0.22698821127414703, -0.3724277913570404, -0.04692466929554939, -0.3875836730003357, -0.16765055060386658, 0.5040685534477234, 0.05334201082587242, 0.06807595491409302, -0.17411699891090393, -1.257391095161438, 0.8994674682617188, 0.02224787138402462, 0.317108690738678, -1.3523811101913452, 0.054229773581027985, -0.938639223575592, -0.3194451630115509, -0.17618244886398315, 0.7351129651069641, -1.1238266229629517, 1.0160359144210815, 0.48982560634613037, -0.4745648205280304, -0.5638226270675659, -0.1680184155702591, 0.7525574564933777, 0.5460051894187927, 1.1870557069778442, -2.0185158252716064, 1.2451786994934082, 0.35504934191703796, 0.2004823386669159, 0.05293968319892883, 0.2674562931060791, 0.5477620363235474, 0.2711651027202606, 0.9345643520355225, 0.21836742758750916, -0.3406844735145569, -0.17131179571151733, 0.41350290179252625, 0.14891192317008972, 0.10407699644565582, 0.6472562551498413, 0.6230292320251465, 0.2511187493801117, 0.18632906675338745, 0.04002200812101364, -0.9397143721580505, 1.06270170211792, 1.305879831314087, -0.4922494888305664, 1.482319712638855, -0.6431261301040649, 0.7660911679267883, -0.017324429005384445, 0.19481635093688965, 0.0727197453379631, 1.3302135467529297, -0.23174948990345, 0.9818488359451294, 0.215206578373909, 1.342596173286438, -0.23863913118839264, -0.37958547472953796, 0.08057747781276703, 0.24821357429027557, 0.11815006285905838, -1.2580366134643555, 0.39900097250938416, -0.6078437566757202, -0.028127500787377357, -1.0024431943893433, -0.25893697142601013, -0.6457113027572632, -0.20372866094112396, 1.5846617221832275, -0.8265594840049744, -1.0228217840194702, -0.2371583878993988, -0.06301609426736832, 0.26749858260154724, -0.7969295382499695, -0.5839186310768127, 0.4049025774002075, -1.8754384517669678, 0.12367144227027893, 0.09559416025876999, -0.7564597725868225, 0.23791846632957458, -0.30271485447883606, 0.7298557758331299, 0.17782635986804962, -0.7844427824020386, 0.10350701957941055, -0.12535908818244934, -0.9413845539093018, -1.3216874599456787, 0.6796138882637024, -0.4697186350822449, 0.6651283502578735, -1.3061225414276123, 0.695223331451416, 0.31674259901046753, -0.7799938917160034, -0.3571273386478424, 0.776980996131897, -1.024556279182434, 0.8217899799346924, 0.43958258628845215, -0.5706027150154114, 0.033140815794467926, -1.524082899093628, -0.04198949411511421, -0.6561585068702698, 0.2648076117038727, 1.4037507772445679, -0.6382956504821777, -0.44352930784225464, -0.04436319321393967, 0.7956807017326355, -0.3459177315235138, -0.004963010549545288, -0.3000115752220154, 0.13949891924858093, -0.8302032947540283, 0.24240443110466003, 0.6153862476348877, 1.4553823471069336, -1.7024990320205688, -0.6620216965675354, -0.03484974056482315, -0.026314759626984596, -0.2000540941953659, -0.08838057518005371, 0.6703944206237793, 0.32418370246887207, -0.3257046341896057, 0.18581697344779968, 0.26377516984939575, 0.3932682275772095, 0.7959446310997009, 1.5465068817138672, 0.14050307869911194, 0.08125804364681244, 0.023911550641059875, -0.4653794467449188, 0.9892764687538147, 1.0623141527175903, -0.044699132442474365, 0.1335994154214859, 0.39503511786460876, 0.12505339086055756, 0.3003036081790924, -1.317941427230835, 0.5481091737747192, -1.0837563276290894, -0.6867620944976807, -1.4326162338256836, 0.3280408978462219, 1.7452250719070435, -0.32039716839790344, -0.01659083366394043, 0.8839694857597351, 1.4450665712356567, 0.3269953727722168, -0.0250188410282135, 1.3892822265625, -0.2280283421278, -0.39763978123664856, 0.7962772846221924, 1.0060619115829468, -0.3013116419315338, -0.0501319020986557, -0.9213652014732361, -0.20536483824253082, 0.7723199725151062, -0.41115182638168335, 1.277670979499817, -0.3800284266471863, 1.1445753574371338, 0.7075101137161255, 1.9447168111801147, -0.6083948612213135, -1.80921471118927, -0.384416401386261, -1.4081529378890991, -0.5015396475791931, 0.7238286137580872, -0.1639556586742401, -0.3039119839668274, 0.7407149076461792, -0.3759559392929077, 1.4409579038619995, -0.5642167329788208, -0.06425528228282928, 0.6476243734359741, -0.4060394763946533, 0.5271726846694946, 0.4903150796890259, 0.6903281807899475, 0.5568034648895264, -0.5886717438697815, -0.9584307670593262, -0.35317009687423706, -0.6727814674377441, 0.8890577554702759, 0.6160383820533752, -1.010481595993042, -0.4520913362503052, -0.7833523750305176, 1.2970619201660156, -0.31731700897216797, 0.917518675327301, -0.10109752416610718, -1.097138524055481, 0.019101403653621674, -1.144474744796753, -0.5283154249191284, 0.3601941764354706, -0.07607905566692352, 0.16714122891426086, 0.3417898416519165, 0.021180029958486557, -0.05142141133546829, 0.5746049284934998, -0.6581480503082275, -0.36761030554771423, -1.112700343132019, 0.20387347042560577, -0.045915499329566956, -0.5917882919311523, -1.1847320795059204, -0.5496490597724915, -0.819965124130249, 0.2415217012166977, 0.9058058857917786, -0.8205520510673523, -0.969120442867279, 0.18073473870754242, -1.1610422134399414, 0.858260989189148, -0.08141942322254181, -0.10318843275308609, -1.42243492603302, 0.8769248127937317, 1.8375736474990845, -0.12253414839506149, -0.8704996705055237, 0.24429115653038025, 0.4611913859844208, -0.3816230297088623, 0.6496816277503967]} +{"paper_id": "qanta", "embedding": [-0.3077828884124756, 0.3005043566226959, 0.25347667932510376, -0.28245508670806885, -0.1233057901263237, -0.12374661862850189, 0.5848992466926575, 0.8727296590805054, 0.6173036098480225, 0.2626267671585083, 0.12145543843507767, 0.44853416085243225, -0.08950796723365784, 0.05523384362459183, -0.1901453137397766, -0.26154133677482605, -0.5269103646278381, 0.37384548783302307, -1.7084423303604126, -0.5009891986846924, -0.8988656997680664, -0.5426186919212341, 0.5254437923431396, 1.1378138065338135, -0.4056161940097809, -1.0594885349273682, 0.736791729927063, -1.0326164960861206, 0.0035294033586978912, -0.013335224241018295, -0.186996728181839, 1.403024673461914, -1.2942101955413818, 0.48802801966667175, -0.45152977108955383, -0.3799060583114624, -0.0006401720456779003, 1.447646141052246, 0.4262097179889679, 0.47741180658340454, -0.32412928342819214, 0.22136050462722778, 0.10603181272745132, 0.5787977576255798, 1.3065671920776367, -0.2781333327293396, -0.017847226932644844, -0.5251962542533875, -0.3049500584602356, 0.09662750363349915, -0.790534496307373, 0.3055875301361084, -0.23249706625938416, -0.002212177962064743, -0.36569511890411377, 0.016738638281822205, 0.3522382378578186, -0.5776294469833374, 0.48925042152404785, -0.38026466965675354, 1.85275137424469, 1.2302875518798828, 0.47406184673309326, 0.45113056898117065, 1.2539597749710083, 0.03479759395122528, 2.0129306316375732, 0.2994680404663086, -0.0990888774394989, 0.5044469237327576, -0.6658257246017456, -0.6567903161048889, -0.0472249835729599, 0.11972072720527649, -0.3496072292327881, 0.7539422512054443, -0.007751429453492165, 0.5234693288803101, 0.01279185339808464, 0.31721416115760803, -0.6368178725242615, 0.034336842596530914, 0.15610377490520477, -0.9544287323951721, -0.002266567200422287, 0.6060647964477539, 0.8457092046737671, -0.853553056716919, -0.01658901385962963, -1.4839574098587036, 1.010603904724121, 0.3111691176891327, 0.7340936660766602, 0.028091639280319214, -1.113008737564087, 0.7348054051399231, -0.5273851752281189, -0.4283279776573181, -0.7848179340362549, 0.44595345854759216, 0.46998387575149536, 0.1092781350016594, 0.4588029980659485, -0.41067537665367126, -0.10519653558731079, 0.43206092715263367, 0.49460291862487793, -0.2470378279685974, -0.613067626953125, -0.24911867082118988, -0.32878464460372925, 0.7809889316558838, -0.23004628717899323, 0.6145333051681519, -0.09023158997297287, 0.20604711771011353, -0.011941127479076385, -0.8406062126159668, -0.5290012359619141, -0.12897303700447083, 0.0070332009345293045, -1.3454304933547974, -0.23262593150138855, 0.4690176248550415, 0.7767952084541321, -0.5355095863342285, -0.21533769369125366, -0.364212304353714, -0.7740878462791443, 0.23894000053405762, 1.4907573461532593, 0.2666466236114502, -0.614652693271637, -0.1284898966550827, 2.937115430831909, -0.7853096127510071, 1.817301869392395, -0.47100669145584106, -0.4687824547290802, -0.866121768951416, -0.4212222695350647, 0.9687283635139465, -0.27331575751304626, -0.05795961618423462, -0.809951901435852, 0.032547809183597565, 0.0009825192391872406, -0.19179502129554749, -1.3119487762451172, -0.8638294339179993, -0.19054004549980164, 1.3954018354415894, -1.2528126239776611, -1.0061163902282715, 0.3465750515460968, 0.5617834329605103, -0.36221975088119507, 0.1930987387895584, -0.4853549599647522, 0.11781559139490128, 0.2112051248550415, -0.44952088594436646, -0.13537661731243134, 0.8385831117630005, 0.378309041261673, -0.4959004819393158, 0.863536536693573, 0.4136081635951996, -0.8461747765541077, -0.05573460832238197, 0.21296639740467072, -0.3885270655155182, -0.2643390893936157, 0.0028618471696972847, -0.4105242192745209, 0.03374675661325455, 0.7686728835105896, 0.6660358309745789, 0.7737937569618225, -0.24963653087615967, -0.21691033244132996, -0.4270372986793518, -0.46452051401138306, 0.6409448385238647, -0.19131134450435638, 0.38672152161598206, -2.4887919425964355, 0.006369926035404205, 0.05147784948348999, 0.057840194553136826, 0.5626914501190186, 0.8369638323783875, -0.05054595321416855, 0.5981448888778687, -0.26887714862823486, -0.6121671199798584, 0.738014280796051, -1.9136501550674438, 0.2969842851161957, 0.13009494543075562, 0.019488342106342316, 0.49106138944625854, 0.3005255460739136, 0.9956274628639221, 0.5673366785049438, 0.5574291944503784, -0.8245335817337036, -2.184404134750366, 0.29353901743888855, 1.1134905815124512, -0.1965758204460144, -0.5027183890342712, -0.2594107389450073, -0.20829620957374573, -0.5979947447776794, -0.2774600386619568, 0.7790392637252808, -0.11350888013839722, 0.43810901045799255, -1.1705822944641113, 0.9351282119750977, 0.11584491282701492, 0.14697059988975525, 0.9370772838592529, 1.8362425565719604, -0.40618935227394104, 0.45593181252479553, -0.6268503069877625, -1.1955559253692627, 0.3757770359516144, 0.4144516587257385, -0.26460471749305725, 0.5666151642799377, 1.0020747184753418, 0.6138023138046265, 0.7426779866218567, 0.4507691562175751, 0.7455829977989197, -0.6955382823944092, 0.653510332107544, 0.03375139832496643, 0.39684540033340454, 0.4292195439338684, -0.4776053726673126, 0.3223509192466736, -0.16629889607429504, -1.1065890789031982, -0.7256402373313904, 0.14311683177947998, 0.2834976613521576, 1.1925585269927979, -0.16430452466011047, -1.334078073501587, 0.3869774043560028, -0.3482265770435333, -0.08291129022836685, -0.34620946645736694, 0.064903125166893, -0.49073368310928345, -0.2694944739341736, 0.6606914401054382, -0.22180402278900146, -0.18684837222099304, -0.5514945387840271, -0.10937704890966415, -0.5877404808998108, -0.9293918013572693, 0.3665834665298462, -0.10180284827947617, -0.32669949531555176, -0.5167014598846436, 0.008927829563617706, -1.0519685745239258, -0.7446994781494141, 0.01632770150899887, -0.20060588419437408, -0.49021491408348083, 1.5407555103302002, 1.4306284189224243, -0.19099442660808563, -0.16936680674552917, -0.04702012240886688, 1.1522235870361328, -0.15667015314102173, 0.5889374017715454, -0.037833940237760544, 0.27116039395332336, -0.5965192914009094, 0.06618465483188629, -0.9147061109542847, 0.08847398310899734, 0.45922231674194336, 0.24906882643699646, 0.6206993460655212, -0.45507463812828064, -0.20117032527923584, 0.8218631744384766, 0.5086140632629395, 0.2723434865474701, -0.2575749158859253, 1.6649097204208374, 0.49485892057418823, -0.5670039653778076, 0.8005530834197998, -0.9822439551353455, -0.434836208820343, 0.7644730806350708, -0.5807665586471558, 0.518014132976532, -0.08698491752147675, -0.5230419039726257, 0.4551660716533661, 0.4022519588470459, -2.354541063308716, 1.1250207424163818, 0.5018033385276794, 0.07353289425373077, -0.1861775517463684, -0.8518452644348145, 0.6830289959907532, -0.6873668432235718, 0.5379921793937683, 0.3718158006668091, -0.0562419630587101, 0.6556845903396606, -0.23532962799072266, 0.5138829946517944, 1.3207921981811523, -0.38538938760757446, 0.15347114205360413, 0.7589321136474609, -0.2765102684497833, -0.6915037035942078, -1.2155275344848633, 0.9130129218101501, 0.25685086846351624, -0.06593748182058334, -0.2861480414867401, 0.9561116099357605, 0.19302818179130554, -0.3087591826915741, -0.04689131677150726, 0.4313364624977112, 1.1753730773925781, 0.0885634794831276, -0.6709926128387451, -0.3652063012123108, -0.0647105723619461, -0.4432639479637146, 1.623847484588623, -0.6300415992736816, -0.27798232436180115, -1.0361604690551758, 0.25825735926628113, -0.33069300651550293, -0.2307974398136139, 1.2771378755569458, 0.03532958775758743, 1.063428282737732, 0.12828122079372406, 0.03307274356484413, -0.27045437693595886, -0.16380760073661804, 0.926363468170166, 0.7452055811882019, 0.49776721000671387, -0.9401876926422119, 0.48111408948898315, 0.3387579917907715, 0.6297100186347961, -0.14511097967624664, 0.3299233913421631, 0.713446319103241, 0.3653128743171692, -0.8566173315048218, 0.7768417596817017, 1.0840450525283813, 0.7051485180854797, 1.5864553451538086, 0.1228407546877861, -0.6292868256568909, -0.83072829246521, -0.04351966455578804, 0.2592151165008545, 0.4451024532318115, 0.30211007595062256, 0.4522673487663269, 0.04794393852353096, 0.571712076663971, 0.42679089307785034, 1.1527678966522217, 1.1575499773025513, -0.7230079770088196, -1.547806978225708, 0.7424125671386719, -0.09449306130409241, 0.2566632330417633, 1.0573214292526245, 0.08032450079917908, -0.24896857142448425, 0.7738713026046753, -0.24958956241607666, -1.3366732597351074, -0.1395297348499298, -0.2843163311481476, -1.507445216178894, 0.2835431694984436, 1.0509321689605713, -0.3284270763397217, -0.6148906350135803, -0.03366274759173393, -1.2419224977493286, -0.33556294441223145, -0.4869506061077118, -0.6642730236053467, 0.7524361610412598, 0.5769718885421753, 0.8406171798706055, 0.13294896483421326, -0.019351955503225327, -0.8259889483451843, 0.7928842306137085, 1.263096809387207, -0.9676901698112488, 1.4007810354232788, 0.042673684656620026, 0.32085978984832764, -0.143157958984375, -1.6270257234573364, -1.1613430976867676, 1.053416132926941, -0.5866098403930664, 0.3923598527908325, -0.7134735584259033, -0.05303728207945824, 0.5107489228248596, -0.20127233862876892, 0.2607085108757019, -0.6430909037590027, -0.7065832614898682, -0.3786298632621765, 0.011588100343942642, 1.5253326892852783, -0.9778866767883301, -0.18258371949195862, 0.5889005661010742, -0.729350209236145, 0.5628750324249268, -0.3747600018978119, -0.03553853929042816, 1.4906063079833984, 0.3344450294971466, -0.3771292567253113, 0.09808018058538437, -11.289831161499023, 1.5221689939498901, -0.07472502440214157, 0.2022804170846939, 0.5865276455879211, -0.6572654843330383, 0.4324118196964264, -0.5958582758903503, 0.4816287159919739, -0.902971088886261, 0.4916989803314209, 0.9867438077926636, 0.1839727759361267, -0.012911049649119377, -0.7413039803504944, -1.2909414768218994, -0.19012011587619781, -1.2839335203170776, 0.2917664051055908, -0.15566900372505188, -0.1557307094335556, -0.850874662399292, -0.5757031440734863, 0.421446293592453, 0.39874932169914246, -0.427977979183197, -0.6903448700904846, 0.05118216574192047, -0.0980447456240654, 0.5440775156021118, 1.0775530338287354, -0.5009509325027466, -0.4361012578010559, -0.7139130234718323, -0.16169947385787964, -0.17908644676208496, -1.2427083253860474, 0.2651575207710266, 0.8072416186332703, -0.4531291723251343, -0.3285539150238037, 1.223177433013916, 0.2310238927602768, 0.0002379380166530609, -0.1512732356786728, 0.613360583782196, 0.6954127550125122, -1.348335862159729, 0.17780926823616028, 0.17858999967575073, -0.697865903377533, -0.336307555437088, -0.9931487441062927, -0.697951078414917, 0.20702964067459106, 0.48926183581352234, -1.1155520677566528, -0.12850573658943176, -0.609938383102417, -0.32322999835014343, 0.1840013563632965, 0.8381503820419312, -0.5824900269508362, 1.0948841571807861, 0.29620859026908875, -0.40920427441596985, -0.04726933687925339, 0.6667675375938416, -0.7884162068367004, 0.5777844786643982, -0.5716642141342163, 1.2837148904800415, -0.20553132891654968, 0.501122236251831, -0.6706052422523499, -0.1405174732208252, -0.4450611174106598, 0.3655981421470642, 0.4689538776874542, -0.08849918842315674, -1.2932662963867188, 0.7633729577064514, 0.7558073997497559, -1.2030242681503296, -1.14047372341156, 0.5523003935813904, 0.12238463014364243, -0.1576187014579773, 1.0315461158752441, -0.44544756412506104, 1.0707720518112183, 0.03240044414997101, -0.7401815056800842, -0.08162601292133331, -0.2501671016216278, 0.7565065026283264, -0.1705128699541092, 0.48160499334335327, 0.21969857811927795, -0.7585359811782837, 0.22134879231452942, -0.5393452048301697, -0.8177703619003296, 0.5671384930610657, 0.7173671722412109, 0.22849783301353455, 0.3775750398635864, -0.24131251871585846, -0.05390148237347603, -0.16966354846954346, 0.6732453107833862, 0.2914052903652191, 0.29481369256973267, 1.173761248588562, 0.06134854257106781, 0.8847699761390686, 1.048811435699463, -0.3142484426498413, -0.2942214608192444, 0.6262206435203552, -0.630530834197998, 1.149309515953064, 0.505807638168335, 1.589474081993103, -0.9411009550094604, 0.6579185128211975, 0.9497907757759094, 0.4425375759601593, 0.41554468870162964, -1.0132404565811157, 1.052941083908081, -0.2833002209663391, -0.38904017210006714, -0.18095888197422028, -0.4352279603481293, 0.2613775432109833, -0.8575247526168823, 1.1764618158340454, -1.0558658838272095, -0.35277146100997925, 0.3903754949569702, -0.36785754561424255, -0.769385576248169, -0.7194056510925293, -1.7401951551437378, -0.2915703058242798, -1.2912687063217163, 0.4754618704319, -1.1450049877166748, -0.4734804034233093, 0.12393809854984283, -0.7651294469833374, 1.5235610008239746, -0.4337649941444397, -0.8070425391197205, -1.118729591369629, 0.5018909573554993, -0.7192572355270386, -0.4089486300945282, -0.34535980224609375, 0.8199994564056396, 1.1477020978927612, -0.5704405903816223, 1.3865529298782349, 0.3044973313808441, -0.37395593523979187, -0.1559518277645111, 0.5335204601287842, -0.8616619110107422, 0.11462979763746262, 1.543712854385376, -0.7593143582344055, -0.7063458561897278, -0.6999316811561584, 0.07632623612880707, -1.1136853694915771, 0.2431020438671112, 1.2963898181915283, -1.1300759315490723, -0.5697718262672424, -0.03247440233826637, 0.881805956363678, 0.5784912109375, -0.814750611782074, -0.35170918703079224, -0.04217321798205376, 0.28724148869514465, 0.8519483804702759, 0.31387320160865784, 0.6747046113014221, -1.4493151903152466, -1.1907947063446045, -0.7808167338371277, -0.483810156583786, 0.2822715640068054, 0.473885715007782, 0.7956266403198242, 0.4552675187587738, -0.3768182396888733, -0.21135833859443665, 0.06402197480201721, 0.5954859256744385, 0.165736123919487, -0.12118807435035706, -0.0641767829656601, -0.17612451314926147, 0.061436720192432404, -0.04494284838438034, 1.0576075315475464, 0.5580686926841736, -0.5043193697929382, -0.46380603313446045, -0.18764741718769073, 0.039268992841243744, 0.2919846773147583, -1.2182458639144897, -0.44631582498550415, -0.13425670564174652, -0.5490058064460754, -1.5591578483581543, -0.03652023524045944, 0.924166738986969, -0.4283040761947632, 1.0497692823410034, 0.7382981181144714, 0.7295799255371094, 0.6803786754608154, 0.4824102520942688, 0.5619139671325684, 0.27253469824790955, -0.1456478089094162, 0.038961052894592285, -0.2833293676376343, 0.04295816272497177, -0.5541492700576782, -0.6578910946846008, -0.7373046875, 0.6248230934143066, -0.3113965690135956, 0.9509555101394653, -0.25560736656188965, 0.2849644422531128, 0.3349114656448364, 0.973664402961731, -0.3195466101169586, -1.5952026844024658, -0.33628109097480774, -0.6891576051712036, 0.21788199245929718, 0.27131912112236023, -0.1791183203458786, 1.0287245512008667, 0.5026281476020813, 0.3730873167514801, 0.7359033823013306, -0.2355767786502838, 0.02036242187023163, -0.10791752487421036, -0.10797227919101715, 1.5356650352478027, 0.674364447593689, -0.39927220344543457, 0.6794399619102478, -0.5446889996528625, -1.2681909799575806, 0.3826734125614166, -0.9811949729919434, 0.04852014780044556, 0.008143387734889984, -0.840220034122467, -0.6543879508972168, -0.21525338292121887, 0.5609019994735718, -0.8490031957626343, 1.0347203016281128, -0.10365866124629974, -0.6126314997673035, -0.5515140295028687, -0.857159435749054, -0.29911404848098755, 0.31199899315834045, 0.21688582003116608, 0.6510026454925537, -0.387662410736084, 0.13227538764476776, -0.33310988545417786, -0.23306557536125183, -0.6197783946990967, 0.04857384040951729, -1.1186931133270264, -0.11236646771430969, -0.6428555250167847, -0.8977829813957214, -0.5911245942115784, -0.26491501927375793, -1.405683994293213, 0.4936777353286743, 0.2930624485015869, -0.9141691327095032, -1.1005996465682983, 0.14090414345264435, -0.3959176242351532, 0.11951054632663727, 0.02686847746372223, -0.08605913817882538, -1.4288091659545898, 0.6033514738082886, 0.565811812877655, -0.520760715007782, -0.529642641544342, 0.23858430981636047, 1.2345200777053833, -0.09547184407711029, 1.0514990091323853]} +{"paper_id": "web_of_science", "embedding": [-0.8426111936569214, 1.1862834692001343, -0.5138065218925476, 0.06210516393184662, -0.04277130216360092, -0.2279266119003296, 0.1569656878709793, 0.8817320466041565, 0.5543270707130432, 0.4870987832546234, 0.8936423063278198, -0.1589166671037674, 0.7309718728065491, 0.019755320623517036, -0.5240368843078613, 0.2632816731929779, -0.3575373589992523, -0.807780921459198, -0.5960202217102051, -0.6307450532913208, -0.9793902039527893, -0.6027711629867554, -0.06890498101711273, 0.14699295163154602, -0.1573629081249237, -0.9520825147628784, 0.018783817067742348, -0.9289661049842834, 0.4569064676761627, 0.7522644996643066, 0.5766906142234802, 0.1855999231338501, -1.368735909461975, 0.2655327320098877, -0.9401368498802185, -0.8403312563896179, 0.08130896836519241, 0.5220195651054382, -0.3249884247779846, -1.2006412744522095, -0.9083790183067322, 0.4407118260860443, 0.36321398615837097, 0.07591003179550171, 0.6977565884590149, -0.6656684279441833, 1.283546805381775, -0.3186260759830475, 0.42464202642440796, -0.010018497705459595, -0.07982705533504486, 1.006118655204773, -0.7116982936859131, 0.40677836537361145, -0.1955510973930359, 1.2421730756759644, -0.5274043679237366, 0.907217800617218, 0.27892759442329407, -0.5917065143585205, 0.5900799632072449, 1.2544503211975098, -0.6466115713119507, -0.37463417649269104, 0.9056870937347412, -0.018380511552095413, 1.113631248474121, -0.14308612048625946, 0.2851114273071289, 1.0481069087982178, -0.3685865104198456, -0.6160006523132324, 0.7112629413604736, -0.6197079420089722, -0.17647522687911987, 1.2098188400268555, 0.2738378345966339, -1.1044504642486572, 0.7950661182403564, -0.29993271827697754, -0.36857351660728455, 0.5249226689338684, 0.6382994651794434, 0.08406239002943039, -0.38125112652778625, -0.37412628531455994, 0.15697498619556427, -0.21465232968330383, 0.0671505406498909, -1.485418438911438, 0.850277841091156, -0.0678669661283493, -0.28165802359580994, 0.3621103763580322, -0.44282591342926025, -0.29496604204177856, -0.2219974547624588, -0.1948665827512741, -0.8955790996551514, 0.4432823657989502, 0.565182089805603, -0.5183322429656982, 0.27837198972702026, -0.2153816521167755, 0.05800905078649521, 0.17435970902442932, -0.6369331479072571, -0.37548771500587463, -0.4324270784854889, -0.3390507102012634, 0.11830344796180725, -0.3248807191848755, 0.16113778948783875, 0.2537435293197632, -0.25646260380744934, -0.28906911611557007, 0.3409314453601837, 0.6852560043334961, -0.8409501314163208, -0.04665514826774597, -0.5927489399909973, -1.8887425661087036, -0.6372916102409363, 0.18915827572345734, 1.236871600151062, -0.52498459815979, 0.3950372040271759, -0.7976242899894714, 0.29835593700408936, -0.4790123999118805, 0.3985616862773895, 0.2537207007408142, -1.0356677770614624, -0.2038629651069641, 2.9689176082611084, -0.8148400783538818, 0.9510976672172546, 0.06979750096797943, -0.06581208109855652, -0.25474607944488525, -0.3580330014228821, 1.2686179876327515, -0.21717143058776855, -0.9250240325927734, -0.7343025207519531, 0.32663866877555847, -0.3863215446472168, 0.9559995532035828, -0.7576732635498047, -0.04284992441534996, 0.20695450901985168, 0.6127061247825623, -0.46504783630371094, -0.4635753035545349, -0.687405526638031, -0.09688876569271088, 0.8217837810516357, 0.048724833875894547, -0.6639276742935181, 0.3254886567592621, 1.2227973937988281, 0.4179030656814575, -1.1172319650650024, 0.6508006453514099, -0.6174774169921875, -0.3579542636871338, 1.059423804283142, 0.13979852199554443, -0.7222554683685303, 0.048791997134685516, 0.4605701267719269, -0.4443496763706207, 0.4764504134654999, -0.44637662172317505, -0.07728859782218933, -0.1965365707874298, 0.006984159350395203, 0.46429547667503357, 0.8937798142433167, -0.863102912902832, 0.6203051209449768, -0.7359320521354675, 0.319489985704422, 0.6158904433250427, 0.2464030534029007, 0.15047751367092133, -1.7210328578948975, -0.5163092613220215, -0.27657437324523926, 0.18813654780387878, -0.16176320612430573, -0.9089816212654114, 0.3608406186103821, 0.31024041771888733, -0.030288156121969223, 0.2227744609117508, -0.39925846457481384, -0.8686684370040894, 0.23529884219169617, 1.0984541177749634, 1.1453497409820557, 0.7097445130348206, 0.3065854609012604, 1.0679560899734497, 0.5891151428222656, -0.5993943810462952, -0.5281944870948792, -1.2325148582458496, 0.9887433648109436, 0.9480366706848145, -0.673856258392334, -0.06595338881015778, -1.1767009496688843, -0.03760252147912979, 0.11941009014844894, -0.7219987511634827, -0.04038701578974724, -0.7954553365707397, 0.27467355132102966, -0.6593319177627563, -0.13811859488487244, -0.6807020902633667, -0.5748242735862732, -0.89745032787323, 0.7813685536384583, -0.43481579422950745, -0.26379451155662537, 0.031943462789058685, -1.2641663551330566, 0.6464083194732666, 1.0785528421401978, -0.6864830851554871, -0.3679582476615906, -0.08157125115394592, 0.20629891753196716, 0.7157902717590332, 0.21341413259506226, 0.3196236491203308, 0.2650197744369507, 0.4687947630882263, -0.16144372522830963, 0.9184504747390747, -0.24722321331501007, -0.056760430335998535, -0.0667242780327797, 0.40790387988090515, 0.18485698103904724, -0.6507436037063599, -0.0074594710022211075, -0.026202939450740814, 1.6330920457839966, 0.9261276125907898, -0.4514414370059967, 0.6215118169784546, -0.4194435775279999, -0.31309226155281067, 0.33460482954978943, -0.1396685242652893, -0.10111960768699646, -0.11565518379211426, 0.6640962362289429, -0.04022100567817688, 0.19978567957878113, 0.4455457925796509, -0.1374167501926422, -0.15230338275432587, -1.3705694675445557, -0.5565379858016968, -1.069101095199585, -0.8073148727416992, -0.861047089099884, -0.26617443561553955, -0.4716053307056427, -0.22144410014152527, 0.43975740671157837, -0.4205112159252167, -0.854926347732544, 0.6011472940444946, 1.3349196910858154, 0.32283639907836914, 0.7978629469871521, -0.1427679806947708, 0.9515295624732971, 0.5455307364463806, 0.6555312871932983, -0.7406848073005676, -0.3386459946632385, -1.7528961896896362, -0.5788129568099976, -0.3532989025115967, -0.03909148648381233, -0.3355045020580292, -0.015739016234874725, 1.0868297815322876, -0.4452788531780243, -1.3729770183563232, 1.1644235849380493, -0.022702079266309738, 0.14701229333877563, -1.0472745895385742, 1.78303062915802, -0.10427439212799072, -0.21476376056671143, 0.15173941850662231, 0.5501706600189209, -0.45957624912261963, 1.153495192527771, -0.2349448800086975, 0.524640679359436, 0.20058955252170563, -0.21504086256027222, 0.258260041475296, 0.0648035854101181, -2.070469617843628, 0.13378538191318512, 0.5023421049118042, -0.029228169471025467, 0.2008891999721527, -0.15519507229328156, -0.6991803050041199, 0.032374683767557144, -0.27527284622192383, 0.1804370880126953, -0.9914488196372986, 1.1884522438049316, 0.7380982637405396, 0.4012661576271057, 0.9525320529937744, 0.06529848277568817, 0.2268783003091812, -0.007252402603626251, 0.06622373312711716, -0.9308827519416809, -0.5304080247879028, 0.32921338081359863, 0.003601838368922472, 0.40122827887535095, 0.39834579825401306, 0.23673009872436523, 0.9363422393798828, -0.7022693753242493, 0.366302490234375, 0.1833193451166153, 0.7805209159851074, -0.29350289702415466, 0.21650733053684235, -0.09981152415275574, 0.7854117751121521, 0.801659345626831, 1.2484995126724243, 0.5186260342597961, -0.7110853791236877, -0.6984594464302063, -0.10977411270141602, -0.7616541981697083, -0.2971624433994293, 0.9794750213623047, -0.35332170128822327, 2.0539438724517822, -0.011173444800078869, 0.3606068789958954, -0.29842737317085266, -0.45936429500579834, 0.22872932255268097, 1.192552089691162, 0.5247029066085815, -0.39922869205474854, 0.3303731381893158, 0.37348371744155884, 0.43113359808921814, -0.48644864559173584, -0.44497936964035034, 1.1451919078826904, 0.15719395875930786, -0.7901147603988647, 0.0019347835332155228, 1.0860580205917358, 0.921291708946228, 1.55012047290802, 0.14177082479000092, -0.6528071761131287, -0.7623344659805298, -0.15908896923065186, 0.2970907688140869, -0.21303820610046387, -0.8270860910415649, -0.3325907289981842, 0.04663606360554695, 1.0589648485183716, -0.2578928470611572, 0.8976954817771912, 1.3692301511764526, 0.1937868446111679, -0.05241582542657852, 0.4400731027126312, -0.4446265697479248, -0.7598690390586853, -0.2943798899650574, 0.1324159950017929, -1.2257540225982666, 0.543428361415863, 0.2809801995754242, -0.7808926105499268, 0.14710542559623718, -0.10306113213300705, -0.5492146611213684, 0.25716644525527954, 1.544427514076233, -0.9714274406433105, -0.5761574506759644, 0.11242100596427917, -1.0432580709457397, -0.8114874362945557, 0.441285640001297, -0.2902925908565521, 0.3650414049625397, 0.6075237989425659, 0.6547496318817139, -0.3946695327758789, 0.03212861716747284, -0.5548884272575378, 1.0820256471633911, 0.7016311883926392, -0.46703195571899414, -0.14332091808319092, -1.268211841583252, 0.020283833146095276, 0.20767605304718018, -2.1670846939086914, -0.15003767609596252, 0.18780861794948578, -0.7451983690261841, -0.21179398894309998, -0.5080760717391968, 0.4715461730957031, -0.33692431449890137, 0.9527243971824646, 0.3920278251171112, -0.7738136053085327, 0.037298548966646194, -1.054286003112793, 0.8779056668281555, 1.0028150081634521, -0.17752547562122345, -0.1037081778049469, 0.9629434943199158, -0.037573155015707016, 0.984028697013855, -0.04282712936401367, 0.5410429239273071, 0.736404299736023, 0.43833547830581665, -0.3350198268890381, 0.13097476959228516, -11.93257999420166, 0.568952739238739, 0.21897704899311066, 0.6487522125244141, 0.9845210909843445, 0.9230189919471741, 0.7252051830291748, 0.03597213327884674, 0.6807454228401184, -0.6782116293907166, 0.3223346471786499, 1.295214295387268, 0.1566636562347412, -0.6744694709777832, -0.12096201628446579, -0.1197705939412117, -0.5907031893730164, -0.1264742761850357, 0.6946280002593994, -0.10104415565729141, 0.8463523387908936, -0.4367533326148987, -0.9065832495689392, -0.11699385941028595, -0.1153617724776268, -1.5704553127288818, 0.12742039561271667, -0.027137786149978638, -1.2197282314300537, -0.6654512882232666, 0.12583982944488525, -0.026449671015143394, -0.3661358952522278, -0.5065434575080872, -0.13111719489097595, -0.22907467186450958, -0.9036939740180969, -0.06950207054615021, 1.0716522932052612, -0.9705179929733276, -0.5164665579795837, 0.3517106771469116, -0.025208592414855957, -0.07497391849756241, -0.43587207794189453, 0.4341249465942383, -0.031527161598205566, -0.2250591367483139, 0.902209997177124, -0.48276373744010925, -0.022759422659873962, -0.9350941777229309, -0.6700611710548401, -0.46855026483535767, 1.109283685684204, 0.9498775601387024, -0.8618870973587036, 0.5658039450645447, -0.18980766832828522, -0.7392157316207886, 0.47052666544914246, 0.6339005827903748, 0.08860569447278976, 1.4362801313400269, 0.0912947729229927, -0.6276956796646118, 0.7338252067565918, 0.590565025806427, 0.4998307526111603, 0.6650062203407288, -0.38126879930496216, 0.8315097689628601, 0.6382232308387756, -0.6024193167686462, -0.013083118945360184, 0.08362632244825363, 0.010858690366148949, 0.15536090731620789, 0.3436637818813324, 0.13699929416179657, -1.2652949094772339, -0.09038080275058746, -0.6206315755844116, -0.6050693392753601, -0.04898451641201973, 0.04262745752930641, -0.050216369330883026, -0.12705864012241364, 0.5871789455413818, 0.1598532795906067, 1.54220449924469, 0.22723570466041565, 0.14296427369117737, -1.0978569984436035, -0.004595888778567314, 0.7817190289497375, -1.7161815166473389, 0.7269045114517212, 0.09492109715938568, -0.7945442199707031, -0.09655158966779709, -0.06564680486917496, -0.355904757976532, -0.27903833985328674, 1.11079740524292, -0.12689857184886932, -0.08259023725986481, 0.9638547897338867, 0.17152485251426697, 0.5005171298980713, 0.33462217450141907, -0.14068837463855743, -0.5324975252151489, 1.2940573692321777, -0.3351479470729828, 1.3180873394012451, 1.015344262123108, -0.5138002634048462, 0.18536263704299927, 0.45223793387413025, 0.12241484224796295, 0.012927002273499966, 0.3546382486820221, 0.913418710231781, 0.48273706436157227, -0.19233295321464539, -0.3075801432132721, 0.16637469828128815, -0.04556543380022049, -0.981753408908844, 0.5131712555885315, 0.17174941301345825, -0.12766721844673157, -0.3539005219936371, -0.41169625520706177, -0.06931128352880478, -1.0031064748764038, 1.7492281198501587, 0.21692727506160736, -0.42109858989715576, -0.5919435024261475, -0.23246809840202332, -0.0028272494673728943, -0.5741351842880249, -1.0353596210479736, -0.20057743787765503, -1.4002262353897095, -0.47202184796333313, -0.7904919981956482, -0.6525635719299316, 0.7036653161048889, -0.8540676236152649, 0.07830961793661118, -1.1069509983062744, -1.1539772748947144, -0.3815668523311615, 0.989914059638977, -0.18374738097190857, -1.0700031518936157, 0.10355065762996674, 1.272631049156189, 0.6504428386688232, -0.9963769316673279, 1.0839306116104126, 0.7069910764694214, 0.0677376389503479, -1.079530954360962, 0.16667768359184265, -0.05321140214800835, 0.1444040834903717, 1.0820279121398926, -0.4302469491958618, -0.495368093252182, -0.6379808783531189, 0.03159088268876076, -0.38863590359687805, -0.4678660035133362, 0.8998594284057617, -1.3608202934265137, 0.8710687756538391, -0.2650648355484009, 0.735876202583313, 1.4003573656082153, -0.523869514465332, -0.5069366693496704, 0.1216750517487526, -0.568613588809967, 0.8906692862510681, -0.13246144354343414, 0.16808125376701355, -0.8392868041992188, -1.476870059967041, -0.657536506652832, -0.42971470952033997, 0.815384566783905, 0.10961441695690155, 0.9776438474655151, 0.6319267153739929, -1.1175291538238525, -0.0024115629494190216, 0.10015504062175751, 0.837153971195221, 0.679199755191803, 0.15864069759845734, -0.4262816309928894, 0.23156753182411194, -0.5518162250518799, 0.4676629900932312, 0.37409335374832153, 0.81453937292099, -1.3048139810562134, 0.06237486004829407, 0.3411456346511841, -0.33580514788627625, -0.054243430495262146, -1.652774453163147, -0.684041440486908, -0.2578447163105011, -0.01906605437397957, -0.9680363535881042, -0.7588746547698975, 0.03287497162818909, -0.418770432472229, 1.20536208152771, 0.05641603097319603, 0.5427175760269165, 0.41502252221107483, 0.10355567187070847, 2.1455483436584473, 0.036218222230672836, -0.3811740279197693, 0.7068824768066406, 0.19422858953475952, -0.1416381299495697, 0.0864165723323822, 0.11858142167329788, -0.8229108452796936, 0.02913639321923256, -1.2607946395874023, 0.21507015824317932, -1.3318945169448853, 0.030868740752339363, -0.2823081612586975, 1.4376745223999023, 0.27368396520614624, -1.4089298248291016, -0.9696244597434998, -0.6971968412399292, -0.3895840346813202, -0.03406485915184021, -0.47409141063690186, 0.36454614996910095, 0.8463457226753235, -0.6882325410842896, 0.5798112154006958, 0.01623597741127014, 0.22614456713199615, 0.2968520224094391, -0.9709464311599731, 1.1221505403518677, 0.3290921747684479, 0.4674363136291504, 0.4662645161151886, -0.48667123913764954, -0.3617287874221802, -0.6212417483329773, -0.15626634657382965, 0.44649624824523926, 1.3803373575210571, -0.9254167675971985, -0.5148583650588989, 0.2343820035457611, -0.06098908558487892, 0.21540820598602295, 0.2736037075519562, -0.004979979246854782, -0.2948377728462219, -1.1192536354064941, -0.13742201030254364, 0.145295649766922, 0.5258603096008301, -0.26622337102890015, -0.10951369255781174, 0.15039043128490448, 0.5562631487846375, 0.579059898853302, -0.07184941321611404, -0.6319904923439026, 0.1473238617181778, 0.15948937833309174, 0.8422114253044128, 0.8399696350097656, -0.7768943905830383, -0.629631757736206, 0.26654964685440063, -0.8245798349380493, -0.013849740847945213, 0.014056168496608734, -0.8178082704544067, 0.6449650526046753, 1.2352843284606934, 0.2997191548347473, -0.38387754559516907, 0.3731050491333008, 0.3799937963485718, 0.06536949425935745, 0.9306803941726685, 0.5122816562652588, -0.7094256281852722, 0.6257495880126953, 0.7639206051826477, 0.11409507691860199, 0.8589658141136169, 0.809066116809845]} +{"paper_id": "imagenet-1k", "embedding": [-0.32503607869148254, 1.0646179914474487, -0.12473936378955841, -0.052501365542411804, 0.030264701694250107, -0.1490844190120697, 0.15105554461479187, 0.5590564012527466, 0.6111007332801819, 1.1485157012939453, 0.48265478014945984, 0.4782273769378662, -0.08600226044654846, -0.44982385635375977, -0.8435055017471313, -0.23223614692687988, -0.1962500810623169, -0.9732714891433716, -0.6088323593139648, 0.2608133852481842, -1.2912880182266235, -0.4667370319366455, -0.19567546248435974, -0.18294066190719604, -0.7253302335739136, -0.12624579668045044, 0.6435645222663879, -0.27778732776641846, 0.3853747546672821, 0.6491273045539856, -0.22435122728347778, 0.8396559953689575, -1.4586905241012573, 0.6933724284172058, -0.6331013441085815, -0.47265541553497314, 0.937168300151825, 0.5797109007835388, 0.026599012315273285, -0.8162616491317749, -0.07544434070587158, -0.1238221824169159, 0.9920724034309387, -0.09651876986026764, 0.8397709131240845, -0.7688450217247009, 0.1922803521156311, 0.7503411173820496, -0.6691426634788513, 0.21679852902889252, -0.3513279855251312, 1.256649374961853, 0.3384498953819275, 0.13200543820858002, -0.7230953574180603, 0.34069493412971497, 0.41134414076805115, -0.22514596581459045, 0.12157286703586578, -0.7496753931045532, 0.23568762838840485, 0.7874634265899658, -0.4225377142429352, -0.09960182011127472, 0.5280355215072632, 0.25638383626937866, 0.2797958552837372, -0.0814312994480133, 0.21545535326004028, 0.5678587555885315, -0.18403573334217072, -1.2733885049819946, 0.39995524287223816, 0.2567068934440613, 0.710677981376648, 0.4528111517429352, -0.3526291251182556, -0.40960031747817993, 0.3243102729320526, 0.5968460440635681, -0.3247104585170746, 0.01393815129995346, 0.15068933367729187, -0.295746773481369, -0.2972226142883301, -0.45584502816200256, 0.4071568548679352, -0.43921181559562683, 0.2715015709400177, -0.7954234480857849, 0.986269474029541, 0.28757572174072266, 0.12285438925027847, -0.02214965969324112, 0.21123039722442627, -0.17238327860832214, -0.39991480112075806, -0.16769230365753174, -0.4047973155975342, 0.867459237575531, 0.7410458922386169, -0.06822880357503891, 0.31311526894569397, 0.008494913578033447, -0.03921931982040405, 0.4274289608001709, -0.7904542684555054, 0.07753366231918335, -0.7266845107078552, -0.23374991118907928, 0.1624041050672531, 1.1595432758331299, 0.7398589253425598, -0.013325389474630356, -0.16476905345916748, 0.10612624138593674, 0.25347623229026794, 0.08202320337295532, -0.6197072267532349, -0.021276339888572693, 0.16288435459136963, -1.4526087045669556, -0.611247718334198, -0.5624120235443115, 0.26846009492874146, -0.3539304733276367, 1.0272718667984009, -0.10444289445877075, 0.02169916220009327, -0.42083945870399475, 0.34846481680870056, 0.26028984785079956, -0.2754398584365845, 0.23451727628707886, 2.7779014110565186, -1.026803970336914, 0.7266054749488831, -0.2822432816028595, -0.3366463780403137, -0.2232552170753479, 0.08915045112371445, 0.9367552995681763, 0.591782808303833, -0.5544078946113586, -0.36104118824005127, -0.46966031193733215, 0.017442522570490837, 0.45055538415908813, -0.9791040420532227, 0.18469874560832977, 0.18518441915512085, 1.000098705291748, -1.0919032096862793, -1.6035902500152588, 0.23438529670238495, 0.5222480893135071, 0.27705028653144836, 0.00845266878604889, -0.8376137018203735, 0.19124147295951843, -0.1300438642501831, 0.3588513135910034, -0.7744830250740051, 0.579922616481781, -0.12075994163751602, 0.4654388129711151, 0.9559383988380432, -0.22996991872787476, -0.4219300150871277, 0.2406715750694275, 0.3165089786052704, -0.5623291730880737, 0.35426974296569824, -0.16401387751102448, -0.016484536230564117, 0.37004736065864563, 0.010134046897292137, 0.5578324198722839, 0.016911176964640617, -0.7123185396194458, -0.16367456316947937, 0.495680034160614, 0.10111876577138901, -0.028269274160265923, 0.5292876362800598, -0.029869819059967995, -1.5495223999023438, 0.4293275475502014, -0.012156665325164795, 0.37491971254348755, 0.11989901959896088, 0.01943928562104702, 0.05721272900700569, 0.620856761932373, -0.5100414752960205, -0.12207500636577606, 0.48586711287498474, -1.025654673576355, -1.7519190311431885, 0.8772056102752686, 0.10936601459980011, 0.0622682087123394, -0.9385517835617065, 0.3209896683692932, 0.29583239555358887, -0.1376720666885376, -0.017755176872015, -1.3280566930770874, 0.821295440196991, 0.8663433790206909, 0.3628101944923401, -0.48761847615242004, -0.7306057810783386, -0.8178583383560181, 0.4441589117050171, -1.2016116380691528, 0.8043086528778076, -0.6773663759231567, -0.307595819234848, -1.1767345666885376, 0.059595175087451935, -0.5379337072372437, 0.2557629644870758, -0.16866514086723328, 1.454563856124878, -0.9519774913787842, -0.2672457695007324, -0.44367727637290955, -0.8728348612785339, 0.590480625629425, 0.49358218908309937, 0.448783814907074, -0.12482795119285583, 0.35412830114364624, 0.16518878936767578, -0.02779916673898697, 0.23354673385620117, 0.4818282127380371, -0.6903026103973389, 0.37622779607772827, -0.40473297238349915, 0.1449982076883316, -0.6300625205039978, 0.2956545352935791, 0.6280127167701721, 0.02187012881040573, 0.027593418955802917, -1.0064107179641724, -0.12780742347240448, 0.01109594851732254, 1.4438120126724243, 0.4203839898109436, -0.06748700141906738, 0.2314043641090393, -0.24308961629867554, -0.002903454005718231, 0.8888620138168335, -0.1627621203660965, 0.6122837066650391, -0.5708269476890564, 0.6395634412765503, -0.2180885523557663, -0.36236605048179626, -0.07474931329488754, -0.1645072102546692, -0.304303377866745, -0.46637463569641113, 0.10613813251256943, -0.8160461187362671, -0.2892118990421295, -0.42358049750328064, 0.09620212018489838, -0.27700144052505493, -0.8113216161727905, 0.27076297998428345, 0.5505201816558838, 0.17108698189258575, 0.7786340713500977, 0.4120006263256073, 0.15300649404525757, 0.5215259194374084, -0.06782665103673935, 0.3240249752998352, 0.32042786478996277, 0.25919675827026367, -0.3111637234687805, -0.06116130203008652, -1.0302834510803223, -0.946765661239624, -0.7544253468513489, 0.6190881729125977, -0.38780054450035095, 0.04200233519077301, 0.6904069781303406, 0.11235269904136658, -1.3576892614364624, 1.9678702354431152, 0.17223533987998962, -0.3570847809314728, -0.831806480884552, 0.7930517792701721, 0.7793534994125366, -0.2731369733810425, -0.3783188462257385, 0.24862420558929443, 0.04691087082028389, 1.1872541904449463, -0.4646618664264679, 0.01845269836485386, 0.5438189506530762, 0.11486434191465378, 0.20898853242397308, -0.10433021932840347, -2.073503255844116, -0.24816326797008514, -0.23812486231327057, 0.8194886445999146, -0.09690698981285095, -0.59803706407547, 0.15703780949115753, -0.3370615243911743, 0.16799217462539673, 0.3691205382347107, -0.9201509952545166, 0.08983993530273438, -0.04238911718130112, 0.5109418034553528, 0.5766593813896179, -0.9404772520065308, 0.0011903420090675354, 0.2731260359287262, 0.3422955870628357, -0.6131471991539001, 0.2476440966129303, 0.9123735427856445, -0.746608316898346, 0.29707932472229004, 0.9351962208747864, 0.5867427587509155, 0.19877135753631592, -0.43922150135040283, 0.17276406288146973, 0.21996133029460907, -0.20028752088546753, -0.24666455388069153, 1.0355851650238037, 0.12458261847496033, 0.18561972677707672, 0.39719778299331665, 0.8207052946090698, 0.05027877911925316, -0.7442355751991272, -0.026120580732822418, 0.4532654881477356, -0.6787088513374329, 0.03307695314288139, 1.605534315109253, 0.3192075788974762, 1.359544038772583, -0.1131025031208992, 0.46683233976364136, -0.3311862349510193, 0.280659943819046, 0.3473213016986847, 0.671430230140686, 0.5644291639328003, -0.3681708872318268, 0.2850230038166046, -0.09017430245876312, 0.6518635153770447, -0.3122175335884094, -0.27984416484832764, 0.8542240858078003, 0.21056798100471497, -0.26842838525772095, 0.3960016071796417, -0.00523405522108078, 0.8939468860626221, 1.3229843378067017, 0.24420763552188873, -0.8929081559181213, -0.7546150088310242, -0.21783439815044403, 0.6752737760543823, -0.2807947099208832, -0.3961418569087982, 0.1792764663696289, -0.20798896253108978, 1.3541810512542725, 0.40476661920547485, 0.6705562472343445, 0.9217761158943176, -0.17217721045017242, -1.0515003204345703, -0.07671293616294861, -0.9390786290168762, -0.46947503089904785, -0.2257293462753296, -0.03920488432049751, -0.3656668961048126, 0.402237206697464, 0.1111571416258812, -0.9910112023353577, -0.0013023987412452698, 0.131709486246109, -0.3936714828014374, 0.9648745059967041, 0.7896566390991211, -0.6233928799629211, -0.5641109943389893, 0.18452028930187225, -0.36021047830581665, -0.636699378490448, -0.054883722215890884, -0.05974549800157547, 0.4172349274158478, -0.4074239730834961, 0.586624264717102, -0.5641841888427734, -0.14569091796875, -0.476174920797348, 1.2810649871826172, 0.4773945212364197, -0.3747459650039673, 0.397548645734787, -0.557397723197937, 0.32061541080474854, -0.08292825520038605, -1.0959006547927856, -0.2248198688030243, 1.049518346786499, 0.7189193964004517, -0.4130624830722809, -0.6240065097808838, -0.31155461072921753, -0.40448248386383057, 0.45840564370155334, 0.8432726263999939, -0.9155864119529724, 0.23957252502441406, -0.6564975380897522, 0.5838221907615662, 0.4132232964038849, -0.6819562911987305, -0.5611538887023926, 1.5370726585388184, -0.10850367695093155, 0.6779593229293823, -0.16326385736465454, 0.13964340090751648, 0.6234633922576904, 0.1519390046596527, 0.13236935436725616, 0.4602977931499481, -13.71947193145752, -0.23053160309791565, -0.6918231844902039, 0.6721084117889404, 0.7040589451789856, -0.019884496927261353, 1.0884722471237183, 1.0238361358642578, -0.09989377856254578, -0.690376877784729, 0.4397152066230774, 0.8433868288993835, 0.04272988438606262, 0.06902708113193512, -0.05710069462656975, -0.8521246314048767, -0.5772895812988281, -0.2503054141998291, 0.5961944460868835, 0.6741143465042114, 0.7231801152229309, -0.6055141687393188, -0.9909190535545349, -0.17436277866363525, -0.021818380802869797, -1.1249135732650757, 0.09249471873044968, -0.2949446141719818, -0.603796660900116, -0.49635955691337585, -0.06687402725219727, -0.11072705686092377, -0.7415685057640076, -0.47570839524269104, 0.024267077445983887, -0.30927130579948425, -0.3711243271827698, -0.23146536946296692, 1.6816750764846802, -0.0669606626033783, -0.17305129766464233, 0.7696912288665771, -0.4697631001472473, -0.29463064670562744, -0.8994290232658386, 0.47017812728881836, 0.053307726979255676, -0.8158455491065979, 0.12264437973499298, -0.3425494432449341, -0.046128831803798676, -0.6996524930000305, 0.043595653027296066, -0.569514274597168, 1.4893590211868286, 0.3745582103729248, -0.4627527594566345, -0.4242743253707886, -0.37224826216697693, -0.9929566383361816, 0.4892924129962921, 0.4954410791397095, -0.018423758447170258, 0.659237802028656, 0.4925910234451294, -0.7515048384666443, 0.8287909626960754, 0.45381960272789, -0.5678136348724365, 0.049373332411050797, -0.636711061000824, 0.5819841027259827, 1.153611183166504, 0.020679935812950134, -0.5826600193977356, 0.08213645964860916, 0.08568078279495239, 0.2948581278324127, -0.43120071291923523, 0.4806385636329651, -0.8612244129180908, 0.6242787837982178, -0.5738931894302368, -0.15956401824951172, -0.3431882858276367, 0.20169830322265625, 0.18803665041923523, 0.27731767296791077, 0.11885978281497955, 0.6685547232627869, 1.008780598640442, -0.1438116431236267, -0.2519047260284424, -0.7077831625938416, -0.4859720468521118, 0.7371710538864136, -0.573634922504425, -0.1870233714580536, -0.6630688905715942, -0.7728180885314941, 0.5546984672546387, 0.17225509881973267, -0.053806133568286896, 0.32883334159851074, 0.6019046306610107, -0.16806867718696594, -0.08196462690830231, 0.24703693389892578, 0.45802071690559387, 0.6854570508003235, 0.020347174257040024, -0.8062471747398376, -0.5314769744873047, 1.186832070350647, 0.42523589730262756, -0.2318374067544937, 0.7921261787414551, -0.7276484966278076, 0.7844398021697998, 0.546055018901825, 0.3806498944759369, -0.5895316004753113, 0.4293260872364044, 1.2236690521240234, 0.5328853726387024, -0.0923188105225563, 0.1180109977722168, 0.6093574166297913, 0.3457764983177185, -1.189486026763916, 0.3179544508457184, -0.030532751232385635, -0.5405729413032532, -0.38031333684921265, -0.09442101418972015, -1.285354733467102, -0.4969090223312378, 1.496400237083435, -0.3652750253677368, -0.06107641011476517, 0.3533676862716675, -0.23041017353534698, -0.8305290937423706, -0.2829456627368927, -0.439708948135376, -0.022262439131736755, -1.2905774116516113, -0.062096524983644485, -0.7309525609016418, -1.1425141096115112, 0.41142210364341736, -0.14761130511760712, 0.8326045274734497, -0.5471614003181458, 0.1866617649793625, 0.3992490768432617, 0.5695798397064209, -0.5236064195632935, 0.15004630386829376, 0.07395540177822113, 0.9841489195823669, 0.2888752222061157, -0.5132514238357544, 0.8811888694763184, 0.6887325048446655, -0.060058970004320145, -1.0203813314437866, -0.7574208974838257, 1.0030845403671265, -0.25648045539855957, 0.5021477937698364, -0.9081353545188904, 0.10919845104217529, -0.0933501198887825, 0.26964685320854187, -1.2251181602478027, -0.4398832321166992, 0.8591098785400391, -0.8686541318893433, 0.5899028182029724, 0.28875401616096497, 0.9964805245399475, 0.49694475531578064, -1.3975112438201904, -0.32645708322525024, -0.33009713888168335, 0.24557015299797058, 0.7841187119483948, -0.30151572823524475, 0.8853795528411865, -1.3014558553695679, -0.3532727062702179, -0.5680727362632751, 0.27303484082221985, 0.48290422558784485, 0.14537422358989716, 0.47665029764175415, 0.5395621657371521, -0.21456898748874664, 0.40947026014328003, -0.11866216361522675, 0.4728246331214905, 0.41046029329299927, 0.0046875253319740295, -0.5879116654396057, -0.2899893522262573, -0.2173147201538086, -0.5014584064483643, -0.44284990429878235, 0.7445829510688782, -0.8017042279243469, 0.237509623169899, 0.20853841304779053, -0.7374679446220398, 0.002115800976753235, -0.6629003286361694, -0.07960600405931473, -0.09138849377632141, -0.23035837709903717, -0.4973515570163727, 0.010390430688858032, 0.37703773379325867, 0.11466105282306671, 0.9775555729866028, -0.2567773759365082, 0.8366196751594543, 0.20986773073673248, 0.2669777572154999, 1.7352557182312012, 0.35636603832244873, -0.011742692440748215, 0.31300294399261475, -0.20747831463813782, -0.26680296659469604, -0.2829020619392395, 0.2758607268333435, -0.9840123057365417, 0.06329496204853058, -0.5777820348739624, -0.31307530403137207, -0.9672180414199829, 0.0865631029009819, 0.6665979623794556, 0.5556067824363708, -0.03169914707541466, -0.9600749611854553, -0.4981628656387329, -0.4650239944458008, 0.08052283525466919, 0.0998128205537796, 0.02095329947769642, 0.946210503578186, 0.7260262370109558, 0.09194435924291611, 0.8946723341941833, 1.0085338354110718, -0.4820598363876343, 0.5739752650260925, 0.056748248636722565, 1.6051645278930664, 0.9656829833984375, -0.5103943347930908, 0.6389603018760681, 0.45760175585746765, -0.5769510269165039, -0.13478179275989532, -0.14999248087406158, 0.4211408495903015, 0.4992651343345642, -0.8120258450508118, -0.33896273374557495, -0.2743520140647888, -0.5895254015922546, -0.26173725724220276, -0.17559078335762024, 0.10846542567014694, -0.0066615864634513855, -0.6178734302520752, -0.030976584181189537, 0.31606847047805786, 0.15680724382400513, 0.03942950814962387, -0.8362331390380859, -0.4398454427719116, 0.6269667148590088, 0.6993310451507568, -0.301538348197937, -0.3493936061859131, -0.17719408869743347, -0.18096402287483215, 0.4484078884124756, -0.05525527894496918, -0.6740157008171082, -0.5063552260398865, 0.33948493003845215, -0.6328040957450867, -0.4848708212375641, -0.8920415043830872, -0.5337221622467041, -0.03724154829978943, 0.019584426656365395, 0.08961799740791321, -0.1581004112958908, -0.3226202726364136, -0.03703656047582626, -0.13108527660369873, 0.10983464121818542, 0.23196524381637573, -0.3615826964378357, -0.24020609259605408, 0.4634968936443329, -0.0025992393493652344, 0.1139761283993721, 0.10851169377565384]} +{"paper_id": "lj_speech", "embedding": [-0.4185308814048767, 1.1220518350601196, 0.5045995116233826, -0.2426363229751587, 0.8685603141784668, 0.5783193111419678, 0.7551946640014648, 0.597581684589386, 0.7538030743598938, 0.37806573510169983, 0.48811784386634827, -0.01986161805689335, 0.03291613608598709, 0.10333854705095291, 0.14925293624401093, -0.250569611787796, -1.2715178728103638, 0.04194432869553566, -1.236380696296692, -0.32861942052841187, -0.9260280132293701, 0.08021312952041626, -0.2875213921070099, 0.1843189299106598, -0.7286944389343262, -0.5857261419296265, 0.45303797721862793, -0.5715173482894897, 0.3291766941547394, 0.10264791548252106, 0.45965492725372314, 1.039217233657837, -1.4895659685134888, 0.5495768189430237, -0.7046037912368774, 0.004332376644015312, -0.5998106002807617, 0.4825823903083801, -0.21643701195716858, -0.043757300823926926, -1.0265834331512451, 0.04872693866491318, 0.5662679076194763, 0.22427423298358917, 1.0894522666931152, 0.2302035093307495, -0.14421401917934418, 0.6363237500190735, -0.029330022633075714, 0.09441137313842773, -0.49410560727119446, 0.11661820113658905, 0.9589176177978516, 0.017850041389465332, -0.7971351742744446, 0.5738697052001953, -0.3678825795650482, -0.2525673508644104, 0.3502528965473175, -1.9355474710464478, 0.9188010096549988, 1.1704127788543701, -0.35942113399505615, 0.39153164625167847, 0.879855215549469, -0.2377573549747467, 1.2761118412017822, 0.051483914256095886, 0.7831954956054688, 0.8457221388816833, -0.23738235235214233, -0.7656526565551758, 0.4871891140937805, 0.2160814106464386, 0.007533088326454163, 0.5135875940322876, -0.13222038745880127, 0.0882057249546051, 0.34530317783355713, -0.16965100169181824, -0.5863711833953857, 0.6018421053886414, 0.5060475468635559, -0.9179629683494568, 0.09727883338928223, -0.06663485616445541, 0.4012683033943176, -0.41524019837379456, 0.15409767627716064, -1.3066461086273193, -0.167366161942482, -0.1418757438659668, 0.5291395783424377, -0.012145549058914185, -0.5636416077613831, 0.3328782916069031, 0.28023824095726013, -0.10308524966239929, -0.6219552755355835, 0.2685198187828064, 0.46532750129699707, -0.501062273979187, 0.6023222804069519, 0.06439900398254395, 0.4321541488170624, 0.9080132842063904, -0.3820403814315796, -0.9420621395111084, -0.20974630117416382, -0.3451404273509979, -0.17034666240215302, 0.8749059438705444, 0.2024388462305069, 0.6865252256393433, 0.3938802182674408, -0.5924644470214844, 0.06120044365525246, -0.4793389141559601, -1.0272711515426636, -0.7535249590873718, -0.9936346411705017, -1.2718366384506226, 0.3602912425994873, -0.21182306110858917, 1.0619356632232666, -0.6859951019287109, 0.4664742350578308, -0.3752296566963196, 0.1721104383468628, -0.27364614605903625, 0.3244628310203552, -0.02881791815161705, -0.2681163549423218, 0.12032212316989899, 2.1070072650909424, -1.0299217700958252, 1.1816809177398682, -0.822983980178833, 0.5605058073997498, -0.4063625931739807, 0.4259713590145111, 1.9350675344467163, -0.5420205593109131, -0.9472977519035339, -1.2563724517822266, -0.6906896233558655, -0.8028243184089661, 0.5330308675765991, -0.21567268669605255, -0.18468716740608215, -0.2622692584991455, 0.6871593594551086, -0.807316243648529, -0.9636806845664978, -0.17658179998397827, 0.07525976747274399, 0.302261084318161, 0.5150942802429199, -0.8653126358985901, 0.48201343417167664, 0.9832232594490051, 0.44535374641418457, -0.018420830368995667, 0.09003106504678726, -0.9877355694770813, 0.12130972743034363, 0.37275367975234985, -0.07798575609922409, -0.4049872159957886, -1.1156045198440552, 0.6701831817626953, -0.28354454040527344, 0.5321327447891235, 0.5436041951179504, -0.046066656708717346, 0.5438815951347351, 0.4092310965061188, 0.2723219692707062, 0.22410820424556732, -1.3407671451568604, -0.11732999235391617, -0.327931672334671, -0.16248095035552979, -0.11683784425258636, 0.48997053503990173, -0.21400868892669678, -1.309918761253357, 0.08006823807954788, -0.16131311655044556, 0.5470985174179077, -0.0762908086180687, -0.5639634728431702, 0.3018951117992401, -0.1927056759595871, -0.2105533331632614, 0.08227790892124176, 0.5753788948059082, -0.9216405749320984, -0.1355607509613037, 0.7056284546852112, -0.05734388902783394, -0.5108481049537659, -0.2639833390712738, 0.2428084760904312, 1.467577338218689, 0.061665721237659454, 0.25641492009162903, -0.8130210638046265, 0.5792550444602966, 1.742828369140625, 0.37214118242263794, -1.2282882928848267, -0.2774737775325775, -0.5374795198440552, 0.8017956614494324, -0.8002570867538452, 0.19470274448394775, -0.8863533139228821, -0.6246823668479919, -1.0392202138900757, 0.4787093698978424, -0.7802496552467346, -0.2662995457649231, 0.6484891772270203, 1.312591552734375, -0.8826415538787842, -0.5507665872573853, -0.02347787842154503, -0.5007789731025696, 0.216726616024971, 0.8489152789115906, 0.19607198238372803, -0.42048925161361694, 0.6928586959838867, 0.11752475798130035, -0.1071641594171524, 0.8734692335128784, 0.7765789031982422, -0.09168574959039688, -0.6624822616577148, 0.2581005394458771, 0.2559702396392822, -0.681325376033783, 0.06325696408748627, 0.8594145178794861, 0.7999346256256104, -0.2066827416419983, -0.3594750165939331, -0.5115067958831787, 0.33035188913345337, 1.0352907180786133, 1.5295264720916748, -0.6533982753753662, 1.0601783990859985, -0.41389861702919006, 0.6558265089988708, 0.2361423224210739, -0.3029027581214905, -0.06518826633691788, -0.8216485381126404, 0.4682745039463043, -0.36502605676651, 0.13272039592266083, 0.09881004691123962, -0.39581960439682007, -0.6383878588676453, -0.7100480794906616, 0.35686975717544556, -0.2967190742492676, -0.9365544319152832, -0.8999993801116943, 0.16606661677360535, -0.5527923107147217, -0.3425872325897217, -0.5970501899719238, 0.8076074123382568, 0.23963606357574463, 0.5532344579696655, 1.7098817825317383, 0.06193205714225769, 0.36753958463668823, -0.15193329751491547, 0.2572483420372009, -0.01215297356247902, 0.17647358775138855, -0.7037168145179749, 0.2674930989742279, -0.6410470008850098, -0.4385164976119995, -0.7030301094055176, 0.3341873586177826, 0.48626941442489624, -0.03140601888298988, 0.8035463094711304, -0.3856115937232971, -0.8878569602966309, 0.9093325138092041, -0.8508692383766174, 0.642400860786438, -0.5538136959075928, 1.0768030881881714, 0.7492274045944214, -0.4556583762168884, -0.026835855096578598, -0.9776182174682617, -0.0038275085389614105, 0.8037860989570618, -1.4673092365264893, 0.914161741733551, 0.38676804304122925, 0.03520752862095833, -0.12710028886795044, -0.0009898878633975983, -2.292750120162964, -0.28180134296417236, 1.382964015007019, -0.05400347337126732, -0.5507304072380066, -0.6079851984977722, 0.06760051846504211, 0.06583432108163834, -0.4603726267814636, 0.031019996851682663, -1.009140133857727, 0.22933277487754822, -0.05112758278846741, 0.8585408926010132, 0.59976726770401, -0.35979437828063965, 0.49588385224342346, 0.7963894605636597, 1.0328727960586548, -0.7295299768447876, -0.4036651849746704, 0.3839171826839447, -0.8792258501052856, 0.8533782958984375, 0.36403149366378784, 0.8556382060050964, 1.4174485206604004, -0.1915581226348877, -0.8318513035774231, 0.42792439460754395, 0.748481273651123, -0.14589761197566986, 0.23846016824245453, 0.18532253801822662, 0.5779333710670471, -0.41804036498069763, 0.5902390480041504, -0.035220082849264145, -0.9073285460472107, -0.47843918204307556, 0.18787139654159546, -0.5659158825874329, -0.5571241974830627, 1.4041059017181396, 0.8508484363555908, 1.1431081295013428, -0.19016686081886292, 0.6474436521530151, -0.24430622160434723, 0.3586574196815491, 1.0065897703170776, 0.7712962627410889, -0.19722633063793182, -0.011943355202674866, 0.2759329676628113, 0.6251571178436279, 0.07568244636058807, -0.6567748785018921, 0.266110360622406, 0.650877833366394, -0.5770248174667358, -0.5229761004447937, -0.0629628449678421, 0.9116823077201843, 0.7663689255714417, 1.9852614402770996, -0.23092873394489288, -0.7009791731834412, 0.389093279838562, 0.8597790598869324, 0.35243216156959534, 0.10709141939878464, -0.8304668664932251, 0.4326755702495575, 0.4287559688091278, 1.3220080137252808, -0.5622363090515137, 0.8852556347846985, 0.10553202033042908, -0.9825494289398193, 0.1794462651014328, -0.3848704993724823, -0.998091995716095, -0.4736570417881012, -0.4495543837547302, -0.1508026123046875, -0.5707541704177856, 0.21213021874427795, -0.19360965490341187, -1.4616349935531616, 0.1525871455669403, 0.5604805946350098, -0.535022497177124, 1.1358942985534668, 1.344127893447876, -1.1187105178833008, -0.21375499665737152, -0.2537544071674347, -1.2113348245620728, -0.9548934102058411, 0.495403915643692, -0.18294845521450043, 0.4983232319355011, -0.6869619488716125, 1.1476671695709229, 0.022815389558672905, -0.3048442602157593, -1.2107887268066406, 0.16986005008220673, 1.1262280941009521, -0.6012574434280396, 0.30841097235679626, -0.022280102595686913, 0.547775149345398, -0.02866765856742859, -1.3830727338790894, -0.17925724387168884, 0.12608002126216888, 0.5826523303985596, -0.34010669589042664, -0.49300700426101685, 0.24335768818855286, -0.17376869916915894, 0.1195046454668045, 0.36465132236480713, -1.1622354984283447, 0.2805246114730835, 0.5446416139602661, 0.4469572901725769, 0.7954938411712646, -0.5154326558113098, -0.3444048762321472, 0.2737583518028259, -0.6383174657821655, 0.4768434464931488, 0.2771536111831665, 0.029609818011522293, 0.07144258916378021, 0.4482794404029846, 0.783173680305481, -0.037926267832517624, -12.441983222961426, 0.7690259218215942, -0.8347389101982117, 0.46151405572891235, 0.4814751148223877, 0.010196559131145477, 0.1796128749847412, 0.8984724283218384, 0.9817278981208801, -0.8272821307182312, 0.353222131729126, 0.06556524336338043, -0.21586158871650696, -0.5434050559997559, 0.14606015384197235, -0.4263738989830017, -1.3326725959777832, -0.6842082738876343, 0.8506610989570618, 0.3652719557285309, 0.3343759775161743, -0.8645628094673157, -0.7293573617935181, 0.20708626508712769, -0.10036566108465195, -0.11890730261802673, -0.07443316280841827, -0.6149837970733643, -0.8337113857269287, 0.5814247131347656, 0.587893009185791, -0.2905427813529968, -0.6809730529785156, -0.4387795627117157, 0.6359138488769531, -0.35280072689056396, -1.39435613155365, -0.7670647501945496, 0.3373560905456543, 0.08295255899429321, 0.25755780935287476, 0.12195460498332977, -0.0314670130610466, -0.7863466143608093, 0.1595999151468277, 0.09909245371818542, -0.5809849500656128, -0.1359647810459137, -0.07561999559402466, -0.7226240038871765, -0.6553125977516174, -0.37398236989974976, -0.8435477614402771, -1.0274577140808105, 0.8520500063896179, -0.16244705021381378, -0.436619371175766, 0.6082839965820312, -0.3197048306465149, -0.1493593156337738, 0.7733664512634277, 0.7491487264633179, -0.7178995013237, 0.7641826272010803, 0.5791726112365723, -0.5665265917778015, 0.8778215646743774, 0.1143166571855545, 0.5899356007575989, -0.00328914076089859, -0.6067340970039368, 1.2353649139404297, 0.2604757249355316, 0.17556461691856384, -0.12212551385164261, -0.043624475598335266, -0.03052460588514805, -0.9071661829948425, 0.3366171717643738, 1.1951793432235718, -0.4807683825492859, 0.08398789912462234, -0.039079055190086365, -0.4566917419433594, -0.7619667053222656, 0.22444996237754822, 0.07666484266519547, -0.0573217049241066, 1.404578685760498, 0.6652157306671143, 1.147679090499878, 0.4992196261882782, -0.36719810962677, 0.032934531569480896, -0.567110538482666, 0.5956995487213135, -0.9500429630279541, 0.9845860600471497, -0.5080989599227905, -0.16547158360481262, 0.914880633354187, 0.17196854948997498, -0.5260131359100342, 0.28815603256225586, 0.502153217792511, -0.529891312122345, 0.09155681729316711, 0.3834091126918793, 0.08578790724277496, 0.44981956481933594, 0.8651094436645508, -0.5700459480285645, -0.25843071937561035, 0.2908429801464081, 0.6779165267944336, 0.7818175554275513, 0.7430430054664612, 0.1091759204864502, 0.26956602931022644, 0.3592272400856018, -0.6242446899414062, 0.7013002038002014, 0.30768880248069763, 1.6098806858062744, 0.5244656205177307, 0.19649463891983032, -0.006810590624809265, 0.3031073212623596, -0.5661828517913818, -0.4424668848514557, 0.5329648852348328, -0.33696070313453674, 0.5699228644371033, -0.9616124033927917, 0.09844321012496948, -0.5254265666007996, -1.2283334732055664, 1.10256826877594, -0.6402266621589661, 0.056144215166568756, -0.08016067743301392, -1.1799304485321045, -0.38424450159072876, -0.8320481181144714, -0.10518108308315277, 0.21968406438827515, -1.7831882238388062, -0.5760983228683472, -0.3207530081272125, 0.09297028183937073, 0.2872466742992401, 0.3730164170265198, 0.929192304611206, -1.2424838542938232, -0.0006742440164089203, 0.40091845393180847, 0.5475450754165649, -0.46979019045829773, -0.2411155104637146, -0.5813225507736206, 0.9526509642601013, 0.4343790113925934, -0.9120103716850281, 0.7543609142303467, 0.3209107220172882, 0.28081050515174866, -0.5383887887001038, -0.1908954679965973, -0.48127281665802, 0.6771215200424194, 1.115360975265503, -1.458569049835205, -0.338323175907135, -0.8101748824119568, -0.4952746629714966, 0.14319413900375366, -0.46417000889778137, 0.9928070306777954, -1.085228681564331, 0.46803563833236694, -0.3514848053455353, 0.32628679275512695, 0.28336790204048157, -1.18552827835083, -0.42352572083473206, 0.7187324166297913, 0.12903685867786407, 0.9109495878219604, 0.06020287424325943, 0.1545048952102661, -1.8385761976242065, -1.0515036582946777, -0.48220759630203247, -0.3443058431148529, 0.2801211476325989, -0.4647797644138336, 0.7794668078422546, -0.08447471261024475, 0.1086050271987915, 0.06165866553783417, 0.06415081769227982, 0.5644651651382446, -0.2134930044412613, -0.23506580293178558, -0.14858952164649963, -0.41181159019470215, -0.2915632426738739, -0.043829359114170074, 0.3468266725540161, -0.2663272023200989, -1.0304385423660278, -0.2666093707084656, -0.03477274253964424, 0.30112290382385254, -0.010524919256567955, -0.6206046342849731, -0.05234139412641525, 0.5005188584327698, -0.27544230222702026, -0.8195257186889648, -0.3593280017375946, 1.3030258417129517, -0.000951625406742096, 1.3675100803375244, 0.6257979869842529, 0.13259120285511017, 0.02588157169520855, 0.7324582934379578, 0.9699215292930603, -0.3149470388889313, -0.4553029537200928, -0.5310162901878357, 0.3726489841938019, 0.09244390577077866, 0.11082710325717926, 0.20016001164913177, -1.4678354263305664, 0.03909812495112419, -1.1014902591705322, 0.08081867545843124, -0.3449714779853821, -0.3815862238407135, 0.13553404808044434, 1.4211738109588623, -0.7786469459533691, -1.0540016889572144, -0.19362933933734894, -0.3821493685245514, -0.29317858815193176, -0.3346772789955139, 0.03166729956865311, 1.1085983514785767, 0.5654204487800598, 0.549418032169342, 1.4939661026000977, 0.021907001733779907, 0.3748486638069153, 0.669135570526123, -0.019501671195030212, 1.8591890335083008, 0.8961485624313354, -0.19358861446380615, 0.5795081853866577, -0.7571274042129517, -0.6410491466522217, 0.3057999610900879, -0.04974232241511345, 0.5764023065567017, 1.1388908624649048, -0.3048385679721832, -0.4048752188682556, -0.48914963006973267, -0.4079588055610657, 0.24420718848705292, 0.3345871567726135, 0.510560929775238, -0.8074184656143188, -0.40690287947654724, -0.7990875840187073, -0.007562987972050905, 0.8730753660202026, 0.17376796901226044, -0.09376504272222519, -1.0139005184173584, -0.1470620483160019, 0.27357178926467896, -1.043492317199707, -1.0958304405212402, 0.6855854988098145, -0.4022611081600189, 0.1387868970632553, 1.016520619392395, -0.4458916187286377, -0.4459269940853119, 0.030846726149320602, -0.4505752623081207, 0.5819021463394165, 0.09189946949481964, -1.416394829750061, -0.37056511640548706, -0.03052976354956627, 0.16635075211524963, -0.4221780002117157, 0.0819743201136589, 0.09388015419244766, -1.2064814567565918, 1.1235204935073853, 0.9699069857597351, -0.2517698109149933, -0.531000018119812, 0.41451454162597656, 0.05428991839289665, -0.004406195133924484, 1.2218319177627563]} +{"paper_id": "stereoset", "embedding": [-0.13963700830936432, 1.2240936756134033, -0.616923451423645, 0.014171037822961807, 0.9537189602851868, -0.27327901124954224, 1.386176586151123, -0.10772541910409927, 1.0023754835128784, 0.8824203610420227, 0.2303239405155182, 0.33600807189941406, -0.631005585193634, -0.32320329546928406, -0.2750023603439331, -0.37434157729148865, -1.5313795804977417, -0.1992657482624054, -1.2765313386917114, -0.49554896354675293, -1.3445230722427368, -0.2588602900505066, 0.14385627210140228, 0.37379220128059387, -0.14021840691566467, -0.7916784882545471, 0.8778090476989746, -1.2960871458053589, 0.14759401977062225, 0.3498581647872925, -0.8365526795387268, 1.284849762916565, -1.8594062328338623, 0.10878709703683853, -1.0561082363128662, -0.5001535415649414, -0.3084667921066284, 0.894739031791687, -0.45418596267700195, 0.07001610100269318, -0.811638593673706, -0.08147551119327545, 0.7280944585800171, 0.23691672086715698, -0.5024570822715759, 0.3622108995914459, 0.15290667116641998, 0.7838472127914429, -0.1079956516623497, -0.44327205419540405, -0.5028936862945557, 0.01576043665409088, -0.04089850187301636, 0.06200988590717316, -0.26788046956062317, 1.1970280408859253, 0.9872399568557739, -0.9263109564781189, 0.9308304190635681, -1.0175093412399292, 1.3003522157669067, 1.278425931930542, -0.554900050163269, 0.42418208718299866, 0.6276938915252686, 0.44828230142593384, 1.0545541048049927, 0.15762634575366974, 0.2987610995769501, 0.6049937605857849, 0.07972452044487, -0.4543386697769165, 0.4171488881111145, 0.543178141117096, 0.6613397598266602, 0.2900236248970032, 0.01600758358836174, 0.45576855540275574, -0.09083180874586105, -0.07026132941246033, -1.1374404430389404, 0.7846665978431702, 0.6952891945838928, -0.7127172350883484, -0.021514009684324265, 0.5699791312217712, 0.6407313346862793, -0.24384142458438873, 0.6970711350440979, -1.100212812423706, 0.705324649810791, -0.03142385557293892, 0.9392576217651367, 0.039956167340278625, 0.03953441232442856, 0.506771981716156, 0.04387612268328667, 0.7306515574455261, -1.0989599227905273, 0.4999410808086395, 0.6395752429962158, -0.25512799620628357, 0.7149195671081543, 0.6682218313217163, 0.041586343199014664, 0.6532834768295288, 0.26628002524375916, -0.5170380473136902, -0.6618508696556091, -0.8421595692634583, -0.4122377038002014, 1.265069842338562, 0.32468780875205994, 0.6919198036193848, 0.21741983294487, 0.5669940114021301, -0.5000119805335999, -0.9298094511032104, -0.10879409313201904, -0.22325007617473602, -0.24519391357898712, -0.6397480368614197, -0.009465284645557404, -0.5115492343902588, 1.3214491605758667, -0.6682314276695251, 0.2677689492702484, -0.07049327343702316, -0.07664777338504791, -0.04391058161854744, 0.733043909072876, 0.007615762762725353, -0.5523154139518738, 0.5649434924125671, 3.329484224319458, -0.9074121713638306, 0.7634292244911194, -1.3429237604141235, 0.12302207201719284, -0.3973003327846527, -0.34683459997177124, 1.0610780715942383, -0.16016364097595215, -1.1443946361541748, -0.4280039072036743, -0.15748949348926544, -0.4768156409263611, 0.25383859872817993, -1.0243804454803467, 0.06972680985927582, 0.09406161308288574, 0.04401873052120209, -1.0353144407272339, -0.33395522832870483, 0.6873858571052551, 0.05957541614770889, -0.141447514295578, 0.6779811382293701, -0.2500469386577606, 0.817365825176239, -0.12075034528970718, 0.23731976747512817, -0.6446021795272827, -0.023311039432883263, -1.0076899528503418, 0.16288580000400543, 1.1550627946853638, -0.18470460176467896, -0.7622860074043274, -0.45601898431777954, 1.5240387916564941, -0.1788109838962555, -0.49982237815856934, 0.13772903382778168, 0.4334231913089752, 0.21290722489356995, -0.4908926784992218, 0.19803009927272797, 0.25622454285621643, -1.1717290878295898, -0.11941514164209366, -0.06368429958820343, -0.18285158276557922, 0.9356263279914856, -0.9519887566566467, 0.15950344502925873, -1.8274883031845093, -0.29094892740249634, -0.5782570242881775, 0.6193104982376099, -0.583214282989502, -0.4326513409614563, 0.2529366612434387, 0.3255583345890045, -0.372619092464447, -0.38483497500419617, 0.9877407550811768, -1.2341537475585938, -0.10984624922275543, 0.6721056699752808, -0.316866397857666, -0.7981492280960083, -0.42240291833877563, 0.6741775870323181, 0.5043681263923645, -0.7755278944969177, -0.5576699376106262, -2.2302329540252686, 0.31381624937057495, 2.1118345260620117, 0.29973989725112915, -0.6099199056625366, -0.5477522611618042, -0.4532076120376587, -0.2587420344352722, 0.06795496493577957, 0.5932877063751221, -0.9324125647544861, -0.4180946350097656, -1.2880306243896484, -0.10627764463424683, -0.572843611240387, 0.7367892265319824, 1.1552397012710571, 1.608888864517212, -0.4235633313655853, -0.2993478775024414, -0.5755785703659058, -1.4080548286437988, 0.22943246364593506, 0.7753704190254211, 0.06711637228727341, 0.09020745754241943, 0.6626706123352051, -0.6516508460044861, 0.8762347102165222, 0.5113514065742493, 1.1220389604568481, -0.7487256526947021, -0.7039608359336853, 0.4343608021736145, 0.31782159209251404, -0.1029094010591507, 0.1312471479177475, 0.20293866097927094, 0.6072770357131958, -0.36672908067703247, -0.4265415668487549, -0.814985990524292, 0.1490224301815033, 1.2998361587524414, 0.8031184673309326, -0.5144630670547485, 0.7175395488739014, -0.6508612036705017, -0.09946609288454056, -0.3969881236553192, -0.4715896248817444, -0.16614624857902527, -0.11848525702953339, 0.2763649523258209, 0.4608139097690582, 0.1260083019733429, -0.6988064646720886, 0.10252626240253448, -1.3605797290802002, 0.09265424311161041, -0.8190332055091858, -0.381277859210968, -1.6943210363388062, -0.7139668464660645, -0.23127566277980804, -1.0828241109848022, -0.5504968166351318, -0.3211045265197754, 0.14820098876953125, -0.3465917408466339, 1.090468406677246, 1.2593274116516113, -0.3263940215110779, -0.21588841080665588, 0.2119251936674118, 1.3595547676086426, -0.44714227318763733, 0.7526912093162537, -0.3772472143173218, 0.2986052632331848, -0.27976876497268677, 0.22591030597686768, -0.8692523241043091, 0.4375638961791992, 0.3619315028190613, -0.30735281109809875, 0.4553239047527313, -0.2351783812046051, -1.1006038188934326, 0.6397926211357117, -0.23866364359855652, 1.041797399520874, -0.611441969871521, 0.9003270864486694, 0.9140170216560364, 0.008814740926027298, 0.4658878445625305, -0.7694128155708313, 0.03886066749691963, 1.0062446594238281, -1.3014144897460938, -0.26260513067245483, 0.045272380113601685, -0.5750555992126465, 0.3866488039493561, 0.3462623059749603, -2.3553080558776855, 0.2943386435508728, 1.5263786315917969, -0.49955883622169495, -0.10521610081195831, -0.6182464361190796, 0.3125171661376953, -0.6846175193786621, -0.12168208509683609, 0.06568807363510132, -0.8496522903442383, 0.2881629168987274, -0.8121846318244934, -0.4447494149208069, 0.24542957544326782, -1.2587441205978394, -0.23841029405593872, 0.6758784651756287, 0.7089926600456238, -1.0176067352294922, 0.5807323455810547, 0.3411118686199188, -0.8439728021621704, 0.38665294647216797, 0.17772459983825684, 1.6019374132156372, 1.2951401472091675, 0.13367947936058044, -0.12248873710632324, 0.6301400661468506, 0.6802356243133545, 0.5071786642074585, 0.7604552507400513, -0.37638020515441895, 0.4547593891620636, -0.5468992590904236, 2.0751471519470215, -0.34675347805023193, -0.7619906067848206, -0.7689942121505737, -0.8072048425674438, -0.41001033782958984, -0.4271221160888672, 0.7745922207832336, 1.106344223022461, 0.7711652517318726, 0.5049622058868408, 1.3159044981002808, -0.44469279050827026, 0.4052892327308655, 0.2747008502483368, -0.27741169929504395, 0.007858306169509888, -0.1866392195224762, 0.417487233877182, 0.297489196062088, 0.07079644501209259, -1.4005497694015503, -0.20685936510562897, 1.3719329833984375, -0.36780619621276855, -0.5672990679740906, 0.6621624231338501, 0.10662510991096497, 0.2789178192615509, 1.5617753267288208, -0.9661657810211182, -0.4689299464225769, 0.6933051943778992, 0.08280955255031586, 0.6025123000144958, 0.3282315731048584, -1.086371898651123, 0.5029935240745544, 0.2881860136985779, 1.1592494249343872, -0.05253974348306656, -0.19023273885250092, 0.21841222047805786, -0.6930311322212219, -1.0281307697296143, -0.3010314702987671, -0.8848509192466736, -0.5819574594497681, -0.7624891996383667, -0.1831986904144287, -0.06090989708900452, 0.6481294631958008, -0.5222703218460083, -0.6710553169250488, 1.0813013315200806, -0.20230033993721008, -0.7301205396652222, 0.7481455206871033, 0.34917157888412476, -1.341554880142212, -0.42881110310554504, -0.1134830042719841, -0.913542628288269, -0.8605017066001892, 0.8978033661842346, -0.3014701306819916, 0.5801151990890503, -0.31957724690437317, 0.9200429916381836, -0.1827899068593979, 0.25162553787231445, -0.9211959838867188, 0.2837628126144409, 1.7470297813415527, -1.348581314086914, 0.7306079864501953, 0.48255592584609985, 0.12871785461902618, 0.2032228261232376, -0.05060000345110893, -0.17393040657043457, 0.9889528155326843, 0.7522878646850586, 0.5334702730178833, -0.5388045310974121, -0.40054211020469666, 0.47860369086265564, -0.017099851742386818, 0.639953076839447, -1.4869816303253174, 0.40923988819122314, -0.11708082258701324, 1.2010688781738281, 0.6761958599090576, -0.6851370930671692, -1.0707401037216187, 0.8587310314178467, -0.7827441096305847, 0.2951197624206543, -0.14377740025520325, 0.21500268578529358, 1.2088812589645386, 0.10923098772764206, 0.2042495459318161, -0.6458097696304321, -11.302007675170898, 0.44593149423599243, -0.23733112215995789, 0.15798138082027435, 0.21487076580524445, -0.4844723641872406, 0.3479330241680145, 0.02533804066479206, 0.861872673034668, -0.11010409891605377, -0.07137249410152435, 1.8826336860656738, 0.2812195122241974, -0.5303369164466858, -0.6029012203216553, -0.9169129133224487, -0.717585027217865, -0.8786600232124329, -0.2987958788871765, 0.5050489902496338, -0.1912509649991989, -1.2201542854309082, 0.7460280656814575, -0.23027457296848297, 0.36056816577911377, -0.7142372727394104, -0.4957219362258911, -0.848539412021637, -0.13222546875476837, 1.3387975692749023, 0.012473338283598423, 0.7036269903182983, -0.535394012928009, -0.9437662959098816, 0.21177594363689423, 0.02605978026986122, -0.7396324872970581, -0.048944130539894104, 0.926990270614624, 0.11408530920743942, -0.4596806764602661, 0.4110388159751892, 0.30185064673423767, -0.5667113661766052, -0.40528884530067444, -0.28802135586738586, 0.09149253368377686, -0.4101804494857788, -0.42562755942344666, -0.8777004480361938, 0.17640988528728485, -0.9605327844619751, -0.9239734411239624, -0.6307893395423889, 0.4566299021244049, -0.19007371366024017, -0.071576327085495, 0.3501446843147278, -1.0042611360549927, -1.5973117351531982, -0.1379258930683136, 0.02702445350587368, -1.3791227340698242, 0.19623331725597382, 0.5834277868270874, -0.23710747063159943, -0.1271589994430542, 0.44920769333839417, -0.3417678773403168, 0.6708353757858276, -1.0533123016357422, 0.7295907139778137, 0.11578655987977982, 0.49590978026390076, 0.06664131581783295, -0.3255949020385742, 0.1556016057729721, -0.3485313653945923, 0.5079972743988037, -0.24798329174518585, -1.3896267414093018, 0.21287189424037933, -0.17713488638401031, 0.07570295035839081, -1.0122097730636597, 0.513802707195282, 0.003430314362049103, -0.13507042825222015, 0.9699567556381226, 0.016917936503887177, 0.9361237287521362, -0.44805091619491577, 0.3660024404525757, -0.06477010250091553, -0.416024774312973, 1.077777624130249, -0.7127708792686462, 0.5094051361083984, 0.10915841162204742, -0.9585273265838623, 0.5381660461425781, -0.250060498714447, -0.5537056922912598, 0.014257598668336868, 0.13041415810585022, -0.1890590488910675, 0.4298720359802246, -0.4556677043437958, 0.6083969473838806, -0.12773708999156952, -0.04204035550355911, -0.6440713405609131, 0.07199233770370483, 0.7426571249961853, -0.18446475267410278, 0.8301184773445129, 0.8992761373519897, 0.36410486698150635, 0.7626598477363586, 0.5972097516059875, -0.7713448405265808, 0.5109283924102783, -0.2881355285644531, 1.4123746156692505, 0.7565816044807434, 0.6714698672294617, 0.6423722505569458, 0.03127766028046608, 0.020607104524970055, -1.7443286180496216, 0.09221503883600235, -0.9367654919624329, 0.05959644913673401, -0.4082779884338379, 0.5359920859336853, -0.33719855546951294, -1.6025258302688599, 1.0252857208251953, -0.6172617077827454, 1.1007673740386963, 0.11038047075271606, -0.5325497388839722, -0.15634755790233612, -0.5520484447479248, -0.7773241996765137, 0.8582416772842407, -1.753663420677185, 0.22082515060901642, -0.5202237963676453, -0.21306414902210236, 0.05808030068874359, 0.11200477927923203, 1.2956198453903198, -0.8179845809936523, -0.16691800951957703, 0.40459612011909485, 0.7144217491149902, -0.4603995382785797, -0.1413944512605667, -0.46529731154441833, 0.386886328458786, 0.7055087089538574, -0.6089965105056763, 0.6529110670089722, 0.028145909309387207, 0.016679517924785614, -0.280852735042572, -0.18775242567062378, -0.1634298712015152, 0.5998991131782532, 0.7922552824020386, -0.8829744458198547, 0.002032865770161152, -0.4772161841392517, 0.10934455692768097, -1.1968834400177002, 0.635184109210968, 1.1739460229873657, -0.3959786295890808, 0.48843473196029663, 0.5971214175224304, 0.5436021089553833, 0.40422385931015015, -0.2575252652168274, -0.6285806894302368, -0.5604587197303772, 0.4402759075164795, 1.0185637474060059, 0.24656179547309875, 1.2455594539642334, -1.873289942741394, -0.5532270669937134, -0.43638601899147034, 0.170498788356781, 0.540855884552002, -0.108807772397995, 1.083160638809204, 0.7519696354866028, -0.14911030232906342, -0.10667707026004791, 0.06708313524723053, 0.7782589197158813, -0.12674367427825928, -0.478488564491272, -0.35167449712753296, -0.0706494078040123, -0.8242299556732178, 0.07120931148529053, 0.12199786305427551, 0.8981990814208984, -0.9748817086219788, -0.2550579309463501, 0.14040698111057281, -0.12897075712680817, -0.31811606884002686, 0.20727530121803284, 0.29692360758781433, -0.48650726675987244, 0.14466643333435059, -1.530688762664795, 0.4720516800880432, 0.9669021368026733, 0.9259611964225769, 0.5016823410987854, 0.9191815853118896, -0.016512993723154068, 0.9426167011260986, 0.5572107434272766, 1.4721462726593018, 0.33144640922546387, -1.131244421005249, -0.3931994140148163, 0.33572718501091003, -0.4388057291507721, 0.07451862096786499, 0.34250202775001526, -0.8473065495491028, 0.33495447039604187, -0.8894050717353821, 0.18107187747955322, -0.5142879486083984, 0.25703978538513184, 0.6648767590522766, 0.7650251388549805, -0.07935348898172379, -0.8394474983215332, 0.1731989085674286, -0.9973198771476746, 0.08094680309295654, -0.5567673444747925, 0.7044721841812134, 1.1544653177261353, 0.8756057620048523, 0.19722357392311096, 1.0619577169418335, 0.4398208260536194, -0.5742117166519165, 0.02022315189242363, 0.13039913773536682, 1.2722408771514893, 0.4752405881881714, 0.6706014275550842, 0.021017612889409065, 0.17246399819850922, -0.7264173626899719, -0.4710041582584381, -0.5184519290924072, 1.405681848526001, 0.21860189735889435, 0.3958011865615845, 0.2056090384721756, -0.5676361322402954, -0.20936155319213867, -0.789015531539917, -0.02187562733888626, 0.5622016787528992, -0.17924395203590393, -0.6965782642364502, -0.4632889926433563, 0.6491143703460693, 0.506338357925415, -0.2941897511482239, 0.00942198559641838, -0.859536349773407, 0.29672104120254517, 0.4915017783641815, -0.1617094874382019, -0.5051652193069458, 0.41208595037460327, 0.07641448825597763, 0.2521599531173706, 0.5051224827766418, -0.9152923822402954, -0.6959711909294128, -0.3903166949748993, -0.699984610080719, 0.8977376222610474, -0.4157021641731262, -1.2095686197280884, -0.32442256808280945, 0.23439793288707733, 0.6605682373046875, 0.09672302007675171, 0.3209473490715027, -0.17851217091083527, -1.1057907342910767, 1.1624205112457275, 1.5022708177566528, -0.7652318477630615, 0.04234574735164642, 0.613644540309906, 0.09904040396213531, 0.25462713837623596, 2.0677781105041504]} +{"paper_id": "visual_genome", "embedding": [-0.7400313019752502, 1.523934245109558, -0.24563878774642944, -0.6249176263809204, -0.0812123492360115, -0.26778072118759155, -0.30648073554039, 0.8280921578407288, 1.0505902767181396, 0.20739105343818665, 0.9031304717063904, 0.3663581311702728, 0.07754801958799362, -0.567379891872406, -0.5124193429946899, 0.05107742175459862, -0.39919722080230713, -0.8591566681861877, -1.4824962615966797, 0.3175349831581116, -0.9280168414115906, -0.7859371304512024, 0.08626985549926758, 0.5517439246177673, -0.7880992293357849, -0.4426305592060089, 0.7445188164710999, -0.8550429940223694, 0.6651631593704224, 0.4658980071544647, -0.3203253746032715, 0.7709681987762451, -1.503169059753418, 1.2529014348983765, -0.02564093843102455, -0.6004253029823303, 0.5729386806488037, 0.9907134175300598, 0.17529892921447754, -1.3164962530136108, 0.16581596434116364, 0.37336817383766174, 1.4747910499572754, -0.033010318875312805, 0.9232309460639954, -1.0596833229064941, 0.4146333932876587, 0.6309489011764526, -0.6633639335632324, -0.23076975345611572, -0.22810223698616028, 0.5083231925964355, 0.1396709680557251, 0.20893970131874084, -0.5255817174911499, 0.9782566428184509, 0.25275471806526184, -0.1106870174407959, 0.08567909151315689, -0.4318659007549286, 0.4640843868255615, 1.3407777547836304, -0.3199216425418854, -0.20291472971439362, 0.7631543874740601, 0.7935191988945007, 1.0182005167007446, 0.05296628177165985, 0.08889928460121155, 0.5412166714668274, 0.18787534534931183, -1.7963100671768188, 0.5851083993911743, 0.6601464748382568, 0.7490262985229492, 0.4279302656650543, -0.3065762221813202, -0.24741047620773315, 0.23771744966506958, 1.0389924049377441, -0.05250532552599907, -0.06619744747877121, 0.09003135561943054, -0.6044968366622925, -0.02018795534968376, 0.25471144914627075, 0.5185304880142212, -0.3321611285209656, 0.5200521945953369, -1.2359246015548706, 1.243708610534668, -0.03427707403898239, 0.6626629829406738, -0.14294156432151794, 0.44564589858055115, -0.05454946309328079, 0.07170850038528442, -0.6735841035842896, -0.3664900064468384, 0.7631490230560303, 0.4146975576877594, 0.12317083775997162, 0.7238103151321411, -0.45350560545921326, 0.1546095609664917, 0.07973673194646835, -0.041010934859514236, -0.20666149258613586, -1.1823968887329102, -0.7087488770484924, 0.26031607389450073, 0.8990181088447571, 0.23676039278507233, -0.0290328711271286, -0.2826738655567169, 0.2355535328388214, 0.4469645321369171, -0.06283631175756454, 0.3069673180580139, 0.13769714534282684, 0.4081563651561737, -1.535088300704956, -0.603833794593811, -1.0724204778671265, 0.5618460774421692, -0.32042860984802246, 0.504906415939331, -0.3655173182487488, -0.8393616676330566, -0.6479794979095459, -0.008198454976081848, 0.6042571067810059, -0.42341017723083496, 0.2173377275466919, 3.2346792221069336, -0.3641076385974884, 0.9927189350128174, -0.7677898406982422, -0.6318368315696716, -0.5658247470855713, -0.42416200041770935, 0.9193742871284485, 0.8189684748649597, -0.700934886932373, -0.7100869417190552, -0.2654305398464203, 0.06401733309030533, 0.3216272294521332, -1.3061635494232178, -0.036459337919950485, 0.45459383726119995, 0.3942732810974121, -1.1351892948150635, -1.0547977685928345, 0.1061839610338211, 0.8746844530105591, 0.06773126125335693, -0.34121236205101013, -0.11210876703262329, 0.706734299659729, -0.9910053014755249, 0.23697039484977722, -0.6736806035041809, 0.34376761317253113, -0.43891382217407227, 0.8340471386909485, 0.8588854074478149, -0.5669587254524231, -0.5743604898452759, -0.11971069127321243, 0.10074611753225327, -0.7674174904823303, 0.11233998090028763, -0.09154132753610611, -0.018413914367556572, 0.8118365406990051, 0.30332911014556885, 0.7319375872612, 0.40271270275115967, -0.43606507778167725, -0.6858260631561279, 0.01707318052649498, 0.2970464527606964, -0.06964690238237381, 0.5342419743537903, -0.2829104959964752, -2.6398730278015137, -0.4528850317001343, -0.9601595401763916, 0.42117902636528015, 0.34464216232299805, 0.47185567021369934, 0.1849181056022644, 0.32654163241386414, -0.8970386385917664, -0.488478422164917, 0.5134960412979126, -1.2294925451278687, -1.252661943435669, 0.13653916120529175, -0.24527402222156525, 0.1307247281074524, -1.104661464691162, 0.5406739711761475, 0.2714073657989502, 0.030153147876262665, -0.15850430727005005, -1.6334507465362549, 0.7748820185661316, 1.3037718534469604, 0.9394554495811462, -0.5210071802139282, -0.7600589990615845, -0.2004295140504837, 0.1815100908279419, -0.637500524520874, 0.8474057912826538, -0.004921235144138336, 0.0435214564204216, -0.994570255279541, 0.3567338287830353, -0.37374046444892883, 0.9064056873321533, 0.11249762773513794, 1.2343165874481201, -0.7992740273475647, -0.4040549695491791, -0.6458390951156616, -1.0285143852233887, 0.8502894043922424, 0.22253237664699554, 0.5201128721237183, 0.19287732243537903, 0.08461017161607742, 0.1968424916267395, 0.24240227043628693, 1.2416428327560425, 0.7792261838912964, -0.5775273442268372, 0.8473435044288635, -0.7526443600654602, 0.5036091208457947, -0.11237995326519012, 0.33998802304267883, 0.4622578024864197, -0.11931200325489044, 0.23439764976501465, -1.0974141359329224, -0.1585756540298462, 0.11379075050354004, 1.7139006853103638, 0.4492732584476471, 0.43817493319511414, 0.24371978640556335, -0.5719044208526611, -0.45886555314064026, 0.26054325699806213, 0.0906379222869873, 1.0292972326278687, -0.21561972796916962, 0.10564914345741272, -0.6752239465713501, 0.29642337560653687, -0.2182742804288864, 0.06712059676647186, -0.6640630960464478, -0.37133482098579407, 0.3534179627895355, -0.6885812878608704, -0.2321982979774475, -0.1989785134792328, 0.2607753574848175, -0.3950967490673065, -0.34895384311676025, 0.5220603942871094, 0.25967103242874146, 0.6752233505249023, 0.6961917877197266, 0.4070874750614166, -0.42420491576194763, 0.4520036280155182, -0.5094877481460571, 0.6004655361175537, 0.3909970223903656, 0.4914472699165344, -0.5407389402389526, 0.16394586861133575, -1.4272851943969727, 0.028755933046340942, -1.4129114151000977, 0.5575687289237976, -0.067522332072258, -0.09026262164115906, 0.9400712251663208, -0.4096299409866333, -1.1059414148330688, 1.6846644878387451, 1.1204643249511719, -0.28243499994277954, -0.08200357854366302, 1.052933692932129, 0.7120574116706848, -1.1899523735046387, 0.0708283856511116, 0.012387629598379135, -0.41269636154174805, 1.5535801649093628, 0.39374497532844543, -0.07093334943056107, 0.9446879029273987, 0.30306100845336914, 0.25071609020233154, -0.7057382464408875, -1.6552125215530396, -0.06196467950940132, 0.20741006731987, 0.28585413098335266, -0.05183098837733269, -1.5373810529708862, -0.13688595592975616, -0.8387311100959778, 0.0019807368516921997, 0.7413073182106018, -0.6867713928222656, 0.4577571749687195, 0.3936682939529419, 0.986402690410614, 0.7936908602714539, -0.64337158203125, 0.16522522270679474, 0.5965383648872375, -0.02158275991678238, -1.0369226932525635, 0.30007368326187134, 1.0114775896072388, -0.4313182234764099, -0.07538850605487823, 0.5440294146537781, 0.5990219712257385, 0.17982840538024902, 0.11739112436771393, 0.023950226604938507, 0.14168761670589447, -0.33772996068000793, 0.13857385516166687, 0.4098336100578308, -0.38854777812957764, 0.3990557789802551, 0.3662310242652893, 0.6886308193206787, -0.4913473427295685, -0.20900502800941467, -0.68616783618927, 0.43739673495292664, -0.33445072174072266, 0.41094136238098145, 2.1777238845825195, 0.6341196894645691, 1.5406949520111084, -0.44432032108306885, 0.11689773947000504, -0.46535781025886536, -0.2728007435798645, 0.011774817481637001, 0.3859604597091675, 0.09219510853290558, -0.704238772392273, 0.1349296271800995, 0.18091405928134918, 1.0409297943115234, -0.006012916564941406, -0.03966151922941208, 1.3604031801223755, 0.09429027140140533, -0.5559451580047607, 0.7846623063087463, 0.4751388132572174, 0.6140890717506409, 1.1483204364776611, -0.044421881437301636, -0.10423766076564789, -0.2801986634731293, 0.061635687947273254, 0.7966012954711914, -0.7626280784606934, 0.04808332026004791, 0.5982593894004822, 0.5329653024673462, 1.2571841478347778, 1.1008864641189575, 0.8637304306030273, 1.3571964502334595, -0.243600994348526, -1.3149664402008057, -0.09004552662372589, -0.6448898315429688, -0.6162838339805603, 0.4257357120513916, -0.061441611498594284, 0.029530169442296028, 0.34130141139030457, -0.09130678325891495, -1.0824942588806152, 0.8249542713165283, -0.6119825839996338, -0.37872952222824097, 0.39500850439071655, 1.1391295194625854, -0.8352839350700378, -1.1168193817138672, 0.034601300954818726, -0.4053715765476227, -0.9143696427345276, -0.4696297347545624, -0.3129919469356537, 0.7034808993339539, -0.4227154552936554, 0.3872172236442566, -0.5314347743988037, 0.04968494176864624, -0.41375213861465454, 1.2826762199401855, 0.3947967290878296, -0.8283367156982422, 0.24648496508598328, -0.33979177474975586, 0.3293800354003906, 0.7045828104019165, -1.037379503250122, -0.3953700661659241, 1.4486509561538696, 0.566870927810669, -0.26805946230888367, -0.7584547996520996, -0.09090187400579453, 0.2366386353969574, 0.3270486295223236, 0.6993670463562012, -0.7591146230697632, -0.1470426321029663, -0.9988461136817932, 0.9727782607078552, 0.6368831396102905, -0.634028434753418, -0.4645165503025055, 1.3647351264953613, -0.5356823205947876, 0.5012028217315674, -0.567527174949646, -0.3667774200439453, 1.506130576133728, -0.08426002413034439, -0.24653097987174988, -0.0024725720286369324, -11.890114784240723, 0.15714851021766663, -0.23117981851100922, 0.03574815392494202, 0.671227753162384, -0.22880175709724426, 1.273263931274414, 0.16132254898548126, 0.0963912084698677, -1.1665030717849731, 0.4140594005584717, 0.4369947910308838, 0.209145188331604, 0.44925037026405334, -1.0055304765701294, -1.8199230432510376, -0.7105988264083862, -0.6374143362045288, 0.28878557682037354, 0.6921412348747253, 0.7657240629196167, -0.7929225564002991, -0.6750474572181702, 0.4977529048919678, -0.21712779998779297, -0.5450912714004517, 0.2003791630268097, -0.22607555985450745, -0.29599690437316895, -0.24929754436016083, 0.3563539683818817, 0.05635879561305046, -0.3764835596084595, -0.5610458850860596, 0.21818293631076813, 0.08476537466049194, -0.666405975818634, -0.2382580190896988, 1.6313261985778809, 0.051692090928554535, -0.39291906356811523, 0.5089202523231506, -0.254390150308609, 0.45022112131118774, -1.1699856519699097, 0.304113507270813, 0.20739935338497162, -1.2729283571243286, -0.2193755805492401, -0.38773107528686523, -0.35315001010894775, -0.8984281420707703, -0.3162746727466583, -0.40152662992477417, 1.0563297271728516, 0.8208222985267639, -0.7601128816604614, -0.7244998216629028, -0.4394664466381073, -1.4526948928833008, 0.32538357377052307, 0.3005870580673218, -0.10500434786081314, 1.1076440811157227, 0.027159433811903, -0.5041337609291077, 0.4481745958328247, 0.7615750432014465, -0.7571163773536682, 0.199325829744339, -0.3112488389015198, 0.13136915862560272, 0.8536695241928101, 1.1021239757537842, -0.8415764570236206, 0.2614316940307617, 0.1170334592461586, 0.26640570163726807, -0.6785890460014343, -0.20082847774028778, -1.023404836654663, 0.9527847766876221, -0.5782607793807983, -0.5121080279350281, 0.08220216631889343, 0.3749212622642517, 0.35165125131607056, 1.1927435398101807, 0.09659653902053833, -0.13633593916893005, 0.5306875705718994, -0.1322658658027649, -0.372147798538208, -0.6632660031318665, -0.4098030924797058, 0.9135228991508484, -0.402687668800354, -0.35226336121559143, -0.2142626941204071, -1.158997654914856, 0.11743850260972977, 0.23551324009895325, -0.45691826939582825, -0.3330785930156708, 0.329826295375824, 0.593387246131897, 0.29309844970703125, -0.18506991863250732, 0.7696513533592224, 0.24436867237091064, 0.7512680292129517, -0.6954939961433411, -1.1627753973007202, 1.5853570699691772, -0.44907259941101074, -0.22910328209400177, 0.6120283007621765, -0.9148477911949158, 0.2919047176837921, 0.1318642646074295, 0.2346273958683014, 0.21253496408462524, 0.09662532061338425, 1.1010940074920654, 0.56388258934021, -0.5419982671737671, 0.545245349407196, 0.1002863347530365, -0.3803769052028656, -0.9807835221290588, 0.4777883291244507, -0.2900893986225128, -1.089802622795105, 0.01667015254497528, -0.20794612169265747, -0.7795193195343018, -0.44433286786079407, 1.294520378112793, -0.807719886302948, -0.18461894989013672, 0.34594810009002686, -0.43987011909484863, -1.202863097190857, -0.9315014481544495, -1.0592000484466553, -0.35552749037742615, -1.1480655670166016, -0.06887927651405334, -0.9346223473548889, -1.3636423349380493, 0.09262360632419586, -0.4376586079597473, 0.9432256817817688, -0.40258508920669556, 0.14336104691028595, 0.27089637517929077, 0.5819547772407532, -0.7606914043426514, -0.32743698358535767, 0.18448173999786377, 0.8206397294998169, 0.41296327114105225, -0.9919230937957764, 0.97762131690979, 0.27702265977859497, -0.34720781445503235, -1.077998399734497, -0.2666082978248596, 0.38996636867523193, 0.12435904890298843, 0.5598880648612976, -0.9048534035682678, 0.12993435561656952, -0.13223887979984283, 0.4644762873649597, -1.1979293823242188, -0.27572840452194214, 1.295356035232544, -0.686356246471405, 0.27195310592651367, 0.3123473823070526, 1.4812861680984497, 0.8812572956085205, -1.267853021621704, 0.10992082953453064, -0.28494060039520264, 0.1694827675819397, 0.5367786884307861, 0.30704614520072937, 0.937761127948761, -1.6088230609893799, -0.5732400417327881, -0.7192114591598511, -0.14730848371982574, 1.0443944931030273, 0.07941706478595734, 0.409736692905426, 0.3486012816429138, -0.3972073495388031, 0.09342218190431595, -0.39883750677108765, 0.1609395444393158, 0.6431101560592651, 0.33251675963401794, -0.30920839309692383, 0.2324451506137848, -0.5072301030158997, -0.585023820400238, -0.8787264823913574, 0.7690701484680176, -1.340183138847351, 0.1298939436674118, 0.23400232195854187, -0.8185707330703735, 0.457295686006546, -1.3076293468475342, 0.7932596206665039, -0.4721176028251648, -0.04068190976977348, -1.1930360794067383, -0.2510266900062561, 1.2666432857513428, -0.06508143246173859, 1.068222999572754, 0.03654821589589119, 1.0920007228851318, 0.5561633706092834, -0.28853678703308105, 1.647000789642334, 0.10766049474477768, -0.1272994875907898, 0.3927382528781891, -0.024340033531188965, -0.319987416267395, -0.8766413927078247, -0.35554617643356323, -0.4735804796218872, 0.17204993963241577, -0.6606272459030151, 0.27829983830451965, -0.7075419425964355, 0.1685040444135666, 1.0101826190948486, 0.5278058052062988, -0.27098166942596436, -1.3921383619308472, -0.4888104498386383, -1.1754976511001587, 0.2744998037815094, 0.3750353753566742, 0.2976797819137573, 0.7418187260627747, 0.7270961403846741, 0.05308816581964493, 0.8346654176712036, 0.5711424350738525, -0.2129935771226883, 0.05424199253320694, 0.09693319350481033, 1.599521279335022, 0.7658039331436157, -0.2235950082540512, 1.0436445474624634, 0.6337985396385193, -0.42690637707710266, -0.3072524070739746, -0.846458911895752, 0.5827659964561462, 0.4408486485481262, -0.6695338487625122, -0.6858096122741699, -0.44899851083755493, 0.07454890012741089, -0.7662772536277771, 0.11917021870613098, 0.14126697182655334, 0.0065799281001091, -0.8331056833267212, -0.20759457349777222, -0.1522424966096878, 0.19118371605873108, -5.4620206356048584e-05, -0.9244328737258911, -0.2710748314857483, 1.2591595649719238, 1.0410674810409546, 0.3223056495189667, -0.4527418613433838, -0.6368216872215271, -0.0972440242767334, 0.8307638168334961, -0.027710910886526108, -0.6568652987480164, -0.1707839071750641, 0.15281520783901215, -0.7551249861717224, -0.38105669617652893, -0.6144168972969055, 0.14572346210479736, -0.9466375112533569, 0.38901275396347046, 0.11544303596019745, 0.295309841632843, 0.3432087302207947, 0.30692192912101746, -0.6042320132255554, 0.49826109409332275, 0.6786032319068909, -0.3332214057445526, -0.389283150434494, 0.009575409814715385, -0.2506612539291382, -0.16711419820785522, -0.21697643399238586]} +{"paper_id": "kinnews_kirnews", "embedding": [-0.3901609778404236, 1.0195386409759521, 0.48383083939552307, -0.21827244758605957, 0.5801603198051453, -0.2340257167816162, -0.4404368996620178, 0.7768365144729614, 0.33698153495788574, 0.4520221948623657, -0.3123569190502167, -1.1140382289886475, 0.08151666820049286, -0.06292567402124405, -0.20079877972602844, -0.4695255756378174, -0.9103483557701111, -1.0116908550262451, -0.9080115556716919, -0.28781160712242126, -0.30600935220718384, -0.8559496402740479, -0.18621166050434113, 0.754564106464386, -0.17808818817138672, -0.9335365295410156, 0.28407666087150574, -0.8658308982849121, 0.02399406209588051, 0.33824580907821655, -0.2971741557121277, 0.7031434178352356, -1.268241286277771, 0.3454950451850891, -0.35074660181999207, -0.03754578158259392, 0.6216362714767456, 0.9029254913330078, -0.6954292058944702, -0.3893454968929291, -0.89578777551651, -0.5883057713508606, 0.7674681544303894, 0.21447142958641052, 0.8775555491447449, -0.3396352231502533, -0.1883115917444229, -0.13150815665721893, 0.30200642347335815, -0.5952117443084717, 0.21736392378807068, 0.32145726680755615, -0.7218498587608337, 0.41992759704589844, -0.6770359873771667, 1.410721778869629, 0.04398193955421448, -1.6045550107955933, 0.24307283759117126, -0.30923497676849365, 0.5015024542808533, 2.2051148414611816, -0.9949032664299011, 0.4496757388114929, 1.0621951818466187, -0.2925158143043518, 1.8333767652511597, -0.38136762380599976, 0.5441314578056335, 0.8054359555244446, -0.33832627534866333, -0.892201840877533, 0.8813456892967224, -0.7378647923469543, 0.601425290107727, 0.6484565734863281, 0.8064558506011963, 0.030078694224357605, -0.05729683116078377, 0.11225637048482895, -0.6678164005279541, 1.1096712350845337, 0.643944501876831, -0.5635820627212524, -0.38707196712493896, -0.0379454642534256, 0.48131611943244934, -1.186232566833496, 0.47915130853652954, -1.5696560144424438, 0.3840780258178711, 0.032287679612636566, -0.6863763928413391, 0.4227045178413391, 0.04295261949300766, 0.3258572220802307, -0.20908133685588837, 0.22341124713420868, -0.04132275655865669, -0.07878755033016205, 0.729365885257721, -0.851611852645874, 0.2610366940498352, -0.1417214274406433, 0.13804388046264648, 1.5676778554916382, 0.06975995004177094, -0.264852374792099, -1.243317723274231, 0.17492221295833588, 0.3257422149181366, 1.1447303295135498, -0.5406139492988586, 0.6081209182739258, 0.1465035080909729, -0.2401876449584961, -0.1672791838645935, -0.6765652894973755, -1.0963385105133057, 0.35719114542007446, -0.990151047706604, -1.182518720626831, -0.5892693996429443, 0.6475569605827332, 1.1151132583618164, -0.6362921595573425, 0.6698896884918213, -0.4671987295150757, 0.5353564023971558, -0.5348789691925049, 0.6355799436569214, -0.55012047290802, -0.5335032939910889, -0.060086362063884735, 2.974409580230713, -0.8644893765449524, 1.3735941648483276, -0.054234303534030914, 0.5581455826759338, -0.14448925852775574, -0.6774040460586548, 1.4678013324737549, -0.24546125531196594, -1.3207777738571167, -0.0674152821302414, 0.7210228443145752, -1.132781744003296, 0.9461612701416016, -0.22485408186912537, -0.8490034341812134, -0.07914461195468903, -0.10561438649892807, -0.9460262656211853, -0.2685277760028839, 0.031506847590208054, 0.0062143318355083466, 0.25386667251586914, 0.7470172047615051, -0.8146540522575378, 1.109651803970337, 0.8503557443618774, -0.06801696121692657, -0.4144831597805023, 0.769551694393158, -1.4754507541656494, -0.14457544684410095, 1.3087881803512573, -0.1276833415031433, -0.7458823919296265, -0.4709431529045105, 1.1541939973831177, -0.1950867474079132, -0.5545626878738403, -0.21080783009529114, 0.38507765531539917, 0.05731496214866638, 0.3980536460876465, 0.7809122204780579, -0.5244349241256714, -0.1653897762298584, -0.11428110301494598, -0.5774015784263611, 0.430367648601532, 1.0356284379959106, 0.31245148181915283, 0.7166380882263184, -1.918466567993164, -0.34797537326812744, -0.5631852149963379, 0.18042944371700287, -0.5744903087615967, -1.2929891347885132, -0.20702850818634033, 0.4492073059082031, 0.4706125855445862, -0.25148719549179077, 0.47257858514785767, -0.6575869917869568, -0.4563009440898895, 0.603330135345459, 0.25895750522613525, -0.19611075520515442, 0.3362787663936615, 0.7802174091339111, 0.07349849492311478, -1.025465965270996, -0.4821767508983612, -1.7068443298339844, 0.23953533172607422, 2.092543840408325, 0.1275223046541214, -0.6780887246131897, -1.855378270149231, 0.042918771505355835, 0.0298006534576416, -0.7833501100540161, -0.007609371095895767, -1.0663676261901855, 0.20148634910583496, -1.0683132410049438, 0.5661323070526123, -0.16124829649925232, 0.15195098519325256, 0.01995299570262432, 0.2161262333393097, -0.3670453429222107, -0.3919663727283478, 0.3982335329055786, -0.4746343791484833, 0.546336829662323, 0.6760125160217285, 0.4074176847934723, -0.7059304118156433, 0.9064075350761414, 0.40534478425979614, 0.7625688314437866, 0.3334434926509857, -0.08190114796161652, 0.02888728678226471, 0.04410211741924286, 0.2579343318939209, 0.7025282979011536, -0.6211132407188416, -0.6265701055526733, 0.3293614983558655, 0.7123957276344299, -0.5120799541473389, 0.09393472969532013, -0.12700167298316956, -0.4980852007865906, 1.5726141929626465, 1.3130419254302979, -0.7747503519058228, 1.6847693920135498, -1.456391453742981, 0.4506783187389374, -0.026306938380002975, -1.070832371711731, 0.1204068511724472, -0.006489310413599014, 1.0959949493408203, 0.21204103529453278, 0.10640400648117065, -0.06841002404689789, -0.8935069441795349, -1.4273712635040283, -1.077394723892212, -0.47208088636398315, -1.363322377204895, -1.751460075378418, 0.06005920469760895, -0.27238887548446655, -0.9278209805488586, -0.424878865480423, -0.0797966718673706, 1.1749948263168335, 0.0054978132247924805, 0.8524308204650879, 1.7616215944290161, 0.32030990719795227, 0.8336676955223083, 0.51161789894104, 0.43895506858825684, -0.6019061803817749, 1.3973873853683472, -0.6127997040748596, 0.1777566373348236, -0.35493290424346924, -0.26706334948539734, -0.28347891569137573, 0.3185064494609833, 0.9833139777183533, -0.42730918526649475, 0.8819273710250854, -0.17229615151882172, -1.5678784847259521, 0.9602898955345154, -0.8643519878387451, -0.06421542167663574, -1.4292575120925903, 1.926800012588501, 0.2768504321575165, -0.03578323498368263, 0.4805943965911865, -0.8773922920227051, 0.049049850553274155, 1.3443686962127686, -0.33340984582901, 0.3339371085166931, 0.5731461048126221, -0.029968328773975372, -0.4209207594394684, 0.5035577416419983, -2.2433865070343018, 0.061705898493528366, 1.4598654508590698, -0.4851112961769104, -0.08905988931655884, -1.1124680042266846, 0.6199360489845276, -0.6684962511062622, -1.1833059787750244, 0.38783636689186096, -0.6927895545959473, 0.6301871538162231, 0.3235267102718353, -0.34442228078842163, 0.5519551634788513, -1.4632796049118042, 1.0775880813598633, 0.9563575387001038, 0.6863391995429993, -1.0444962978363037, 0.2652292549610138, 0.6173011660575867, -0.7498008608818054, 1.330448865890503, 0.1859823763370514, 0.8529736995697021, 1.5551203489303589, -0.798387885093689, 0.3738609850406647, 0.26212793588638306, 1.0835511684417725, 1.0699456930160522, 0.15044134855270386, -0.13911788165569305, 0.6304012537002563, 0.11431001126766205, 1.4539159536361694, 1.0664474964141846, -1.5225253105163574, -1.0557806491851807, -0.2648031711578369, -0.30524301528930664, -0.914956271648407, 1.277745246887207, 0.9156259894371033, 1.5797086954116821, -0.24786634743213654, 0.08058442920446396, -0.35680145025253296, 0.46075499057769775, 1.6446455717086792, 0.47457489371299744, -0.6713123917579651, 0.0037638098001480103, 0.06042744591832161, 0.9542950391769409, -0.6723219752311707, -0.6831804513931274, -0.008249684236943722, 0.936820387840271, -0.3568030893802643, -1.4856595993041992, 0.10500121116638184, 0.34970900416374207, 0.6995732188224792, 1.7447398900985718, -0.8517407774925232, -0.41288724541664124, -0.032581426203250885, 0.6200847029685974, 0.03820788487792015, -0.09917942434549332, -0.9062130451202393, 1.0002338886260986, 0.43406403064727783, 1.3691486120224, -0.3066464364528656, 0.5521544218063354, 1.1487936973571777, -0.2319149523973465, -1.0780824422836304, -0.42927122116088867, -0.7507218718528748, -0.145229309797287, -0.48441189527511597, -0.1512041836977005, -1.7796752452850342, 0.934022068977356, -0.02988799847662449, -0.28603917360305786, 0.6647560596466064, -0.10762550681829453, -1.4369087219238281, 0.9880504012107849, 0.9952877759933472, -1.2617945671081543, -0.7291116118431091, -0.3495851159095764, -0.7345607876777649, -1.513782024383545, 0.251193642616272, -1.0516939163208008, 0.6587862372398376, 0.3179224133491516, 0.643435537815094, 0.209320530295372, -0.7286707162857056, -0.715528130531311, 0.14877291023731232, 1.1903339624404907, -0.7109795212745667, -0.40653958916664124, -0.20503847301006317, 0.011799991130828857, -0.09347069263458252, -1.8851723670959473, -0.7299929857254028, 0.32149016857147217, 0.32265985012054443, 0.7445052862167358, -0.4653071165084839, -0.6867735385894775, 0.07021930813789368, 0.874138355255127, 1.286177396774292, -1.4920401573181152, 0.3704226016998291, -0.598076581954956, 1.0179225206375122, 0.683570384979248, -1.3452030420303345, -0.22755202651023865, 1.0158132314682007, -0.34109118580818176, 0.9332151412963867, 1.1450296640396118, 0.9291157126426697, -0.018226932734251022, 0.4590226411819458, 0.34941035509109497, -0.8638366460800171, -9.269021034240723, 0.31908780336380005, 0.08680927008390427, 0.2980883717536926, 0.19109219312667847, -0.3290335536003113, 0.7424547076225281, 0.01654527708888054, 0.8321025371551514, -0.42095357179641724, 0.6060014367103577, 1.4471062421798706, 0.8310382962226868, -0.7199947237968445, -0.7285468578338623, -0.8726342916488647, -0.9748942255973816, -0.4761701226234436, 0.4942359924316406, 0.6276525259017944, -0.6983577609062195, -1.4565544128417969, 0.8483943939208984, 0.18246346712112427, 0.20360231399536133, -0.19244101643562317, 0.1770806908607483, 0.10353939980268478, -0.8101212382316589, -0.019559063017368317, 0.23202085494995117, -0.46720758080482483, -1.6021026372909546, 0.16955342888832092, 0.7384724617004395, -0.03887425363063812, -0.4808587431907654, -0.386861115694046, 0.8580878376960754, -0.24556101858615875, -0.016564898192882538, -0.05127471312880516, 0.19479043781757355, -0.1817028969526291, 0.19239442050457, -0.21639178693294525, -0.5299899578094482, -0.6813471913337708, 0.5190207362174988, -0.8635153770446777, -0.12643146514892578, -0.5225386023521423, -1.4118077754974365, -0.9326440691947937, 0.1919490098953247, 0.33133718371391296, -0.5117099285125732, 0.6482880711555481, -0.9002183675765991, -1.17732834815979, 0.5190513134002686, 0.05171268433332443, -0.35521700978279114, 0.05296095460653305, -0.3110632300376892, -0.6936267614364624, 0.7832703590393066, -0.19596265256404877, 0.8402172923088074, 0.4483645558357239, -1.1004447937011719, 0.6550401449203491, -0.03509184718132019, -0.1930345594882965, -0.1176757887005806, -0.16935023665428162, -0.595771312713623, -0.7787729501724243, 0.8520690202713013, -0.2787383198738098, -1.1768996715545654, 0.6467285752296448, 0.34961599111557007, -0.07226960361003876, -0.34821969270706177, -0.2194421887397766, -0.1963965892791748, -0.025049997493624687, 0.7610230445861816, -0.48969507217407227, 1.3492733240127563, 0.3651999533176422, 0.33343106508255005, -0.16910186409950256, -0.456981897354126, 0.767072319984436, -1.1549071073532104, 1.9536566734313965, 0.36551666259765625, -0.2079434096813202, 0.1549956202507019, -0.058431901037693024, -0.5399258136749268, 0.07601261138916016, 0.7136308550834656, 0.4385237395763397, 0.5627325177192688, 0.6316424608230591, -0.44030138850212097, -0.30418944358825684, 1.1838754415512085, 0.6817182302474976, -0.2514360547065735, 0.11506491899490356, 0.39760687947273254, 1.753531813621521, -0.03189040720462799, 0.05641688406467438, 0.2571668326854706, 1.4073245525360107, 0.15383167564868927, 0.6821970343589783, -0.05515065789222717, 1.3902032375335693, -0.12458960711956024, 0.5242979526519775, 0.053790438920259476, 0.05382286757230759, -0.1769741028547287, -2.0001912117004395, 0.2167389988899231, -0.33983200788497925, 0.13055667281150818, -0.8000540137290955, -0.10607388615608215, -1.0492323637008667, -1.1593252420425415, 1.5315918922424316, -0.06465905159711838, 0.3738310635089874, -0.2633088231086731, -1.159009575843811, 0.562576413154602, -0.010578248649835587, 0.06691840291023254, 0.27727270126342773, -1.9565927982330322, -0.7656006813049316, -0.10441563278436661, -0.7075158953666687, 0.35754796862602234, -0.19516675174236298, -0.0372074618935585, -0.41608309745788574, -0.7700822949409485, 0.1036418154835701, -0.08243007957935333, -0.33486196398735046, -0.995134711265564, -0.04265289008617401, 0.35819879174232483, 1.622076153755188, -0.9413102865219116, 0.9969138503074646, 0.6603406667709351, -0.20495644211769104, -1.2768672704696655, -0.19614477455615997, -0.7364252805709839, 0.3732134699821472, 1.0562547445297241, -0.7120752334594727, -0.35704076290130615, 0.18010130524635315, -0.9552883505821228, -0.9044238924980164, 0.07173632830381393, 1.1653189659118652, -0.7291856408119202, 0.5516072511672974, -0.4134347438812256, 0.4754354655742645, 0.06151038035750389, -0.3243507146835327, -0.2246202528476715, 0.5051324367523193, -0.6272048950195312, 1.0823287963867188, -0.06456180661916733, 0.6643767356872559, -1.7816482782363892, -1.6872637271881104, 0.49508801102638245, 0.23846924304962158, 0.5544601082801819, -0.18505257368087769, 1.0601221323013306, -0.033415332436561584, -0.16959604620933533, -0.07786199450492859, 0.23803739249706268, 0.05952109768986702, 0.8992897868156433, 0.6928116083145142, -0.26434189081192017, -0.36452096700668335, -0.052122555673122406, 0.2988411784172058, 0.3508204221725464, 0.42096996307373047, -1.9743785858154297, 0.19818942248821259, 0.3838288486003876, -0.16783249378204346, 0.46383607387542725, -0.35335275530815125, 0.9705724716186523, 0.20386715233325958, -0.10318940877914429, -1.1519696712493896, -0.606874406337738, 1.3400988578796387, -0.5221894979476929, 0.5914093852043152, 0.1618887037038803, 0.14141401648521423, 0.15674597024917603, 0.6279484629631042, 2.2225570678710938, -0.5246720910072327, -0.6409453749656677, -0.05037560686469078, 1.2453598976135254, -0.17758503556251526, -0.44498541951179504, 0.5268598794937134, -1.1402040719985962, 0.07110141217708588, -1.4137312173843384, 0.5934984683990479, -0.9454918503761292, 0.005261684767901897, -0.34354066848754883, 0.9853770732879639, 0.1204165518283844, -0.8133800029754639, 0.6209820508956909, -0.4618120789527893, 0.13508330285549164, -0.3894332945346832, 0.22759340703487396, 0.614533007144928, 0.5582984089851379, 0.30576756596565247, 1.502321481704712, -0.46278923749923706, 0.02080661430954933, 0.06481797993183136, 0.035941559821367264, 0.6578221917152405, 0.48653775453567505, 0.9313767552375793, -0.5106670260429382, -0.5380128026008606, -1.3744720220565796, -0.9450838565826416, -1.111708402633667, 0.8015996813774109, 1.2965087890625, -0.3235493302345276, 0.37752270698547363, -0.4608718752861023, 0.9013896584510803, -0.21342018246650696, 0.6966203451156616, 0.6128415465354919, 0.196829691529274, -0.5508607029914856, -1.0052341222763062, 0.09902717173099518, 1.026309847831726, -1.0193432569503784, 0.2518993020057678, -0.044999390840530396, 0.7237927913665771, 0.04360571503639221, -0.9227932095527649, -0.6855766177177429, 0.27811747789382935, -0.1608867198228836, 0.4878895878791809, 1.170510172843933, -0.7718611359596252, -0.9987965822219849, 0.022197457030415535, -1.1200299263000488, 0.16935724020004272, 0.0938694030046463, -1.0097601413726807, 0.2004064917564392, 0.5835815072059631, -0.5141394138336182, -0.5841206908226013, 0.9191105365753174, -0.10570087283849716, -1.0447336435317993, 1.851339340209961, 1.9303309917449951, -0.4922133982181549, -1.2513059377670288, 0.2969910204410553, -0.19432711601257324, 0.5602082014083862, 1.6269668340682983]} +{"paper_id": "per_sent", "embedding": [-1.4272280931472778, 1.438331961631775, -0.011268094182014465, 0.11133080720901489, 0.5142599940299988, -0.30088016390800476, 0.4788697063922882, 0.11048882454633713, 0.07721555233001709, 0.397282212972641, 0.8707634210586548, -0.5418165922164917, -0.4179040789604187, -0.0753660798072815, -0.40134871006011963, -0.3532821238040924, -0.47511160373687744, 0.08428918570280075, 0.013628552667796612, -0.0555887371301651, -1.1170988082885742, -0.7879689931869507, -0.2840885818004608, 0.4091682732105255, -0.8859580159187317, -0.506170928478241, 0.06985916197299957, -0.28018641471862793, 0.0729045569896698, -0.06895165145397186, -0.03440096229314804, 1.2360191345214844, -1.3413976430892944, -0.03040894865989685, -0.6476029753684998, -0.7412769794464111, -0.1939527541399002, 0.8331713676452637, -0.6682136058807373, -0.6127358078956604, -0.41044479608535767, 0.6915550827980042, 0.9867862462997437, 0.5997233390808105, 0.681067168712616, -0.006891455501317978, 0.34471815824508667, -0.09479762613773346, 0.45859289169311523, -0.005420327186584473, -0.2524208724498749, 0.7446646094322205, -0.7132987380027771, 0.11962234973907471, -0.7394615411758423, 1.3055684566497803, 0.03746422380208969, -0.5727012157440186, 0.0999772921204567, -0.7620301246643066, 0.9528371095657349, 1.5088186264038086, -0.03443992882966995, -0.8535012602806091, 0.7074699997901917, 0.8767600655555725, 1.1923699378967285, -0.5114026665687561, 0.40434738993644714, 0.5875272154808044, -0.569991409778595, -0.932695209980011, -0.7958412766456604, -0.7144234776496887, 0.19378364086151123, -0.049974240362644196, 0.43331804871559143, 0.47603893280029297, 0.2305920124053955, 0.7182199358940125, 0.14421683549880981, 0.7488191723823547, -0.1305418461561203, 0.20758283138275146, -0.09654389321804047, 0.09304356575012207, 0.28644055128097534, 0.08697812259197235, 0.7731017470359802, -1.0855021476745605, 0.43761497735977173, -0.5613943338394165, -0.2463042438030243, 0.1303173005580902, -0.8747801780700684, 0.4922258257865906, 0.15205466747283936, -0.030649458989501, -1.090088129043579, 0.7758848071098328, 0.9109747409820557, -0.3315429985523224, -0.0014932984486222267, -0.35519447922706604, -0.022725112736225128, 1.6665714979171753, 0.04422372579574585, -0.6562299728393555, -0.4641650319099426, -0.3502104878425598, 0.12071338295936584, 1.1408454179763794, -0.1064385324716568, 0.8163456320762634, 0.08954452723264694, 0.043775469064712524, -0.2931611239910126, -0.3387352228164673, -0.7232297658920288, 0.7446407079696655, -0.5358802676200867, -1.5044466257095337, -0.33107754588127136, 0.21431080996990204, 1.673743486404419, -0.42266595363616943, 0.8263956308364868, -0.6755403876304626, -0.19122596085071564, -0.5200830101966858, 0.45950737595558167, 0.06598833203315735, -0.7793840765953064, -0.1827528327703476, 2.2189273834228516, -0.5166378021240234, 1.3068374395370483, -0.455066055059433, -0.42711761593818665, -0.23831120133399963, 0.014923885464668274, 1.3837305307388306, 0.38958266377449036, -0.5317761898040771, -0.4328913986682892, 0.5107749104499817, -0.716985821723938, -0.2552780210971832, -0.1421198844909668, -0.7940842509269714, -0.10793991386890411, 0.1776784062385559, -1.099283218383789, -0.4825008511543274, 0.577092707157135, 0.46914026141166687, 0.4084531366825104, 0.745578944683075, 0.06705240905284882, 1.0101983547210693, 0.9506454467773438, 0.28696805238723755, -0.5755598545074463, 0.9879869818687439, -0.7067848443984985, -0.6284881234169006, 1.1510918140411377, 0.2800600230693817, -0.8531408905982971, -0.1590348482131958, 1.1198928356170654, -0.8266153931617737, 0.20887628197669983, -0.34975066781044006, -1.0934884548187256, -0.621234655380249, 0.4013194143772125, 0.5900364518165588, 0.3340296447277069, -0.4690774083137512, -0.0067347995936870575, 0.3293597102165222, -0.15939977765083313, 0.4664030075073242, -0.059491559863090515, 0.3142087757587433, -2.1567282676696777, -0.42298460006713867, -0.718129575252533, 0.9450280666351318, 0.2910429835319519, -0.8122510313987732, 0.12983277440071106, 0.46571335196495056, -0.5442696213722229, -0.1510343998670578, 0.8441617488861084, -1.5899231433868408, -0.3182244300842285, 0.43048566579818726, 1.1227991580963135, -0.39961957931518555, 0.4458311200141907, 1.224003553390503, 0.4139428436756134, -0.41997742652893066, -0.5646646618843079, -1.9879570007324219, 0.5372620224952698, 2.3122894763946533, -0.5270575881004333, -0.9203599691390991, -1.7428624629974365, -0.22224433720111847, 0.33488455414772034, -0.3726958930492401, 0.6453495025634766, -0.42073488235473633, 0.16100025177001953, -1.4820222854614258, 0.10681481659412384, -0.44328105449676514, 0.07845398038625717, -0.29372692108154297, 0.8120092153549194, -0.44616633653640747, -1.10236656665802, -0.24994255602359772, -0.4663952589035034, 0.4631567597389221, 0.11144328117370605, 0.14159366488456726, 0.04715696722269058, -0.18438871204853058, 0.8480876088142395, 0.3860507011413574, -0.0980481505393982, -0.011812742799520493, -0.6033037304878235, 0.3199538588523865, 0.034926652908325195, 0.17971812188625336, 0.08087892830371857, -0.7795847058296204, 0.8470564484596252, 0.08265390992164612, 0.05895577371120453, -0.5255817174911499, -0.15198121964931488, 0.2523769438266754, 1.0697060823440552, 1.1785869598388672, 0.04770287871360779, 1.5035802125930786, -1.0648788213729858, 0.2005424201488495, -0.08060269057750702, -0.6806122660636902, 0.18976934254169464, -0.09287361800670624, 0.31731468439102173, -0.012445824220776558, -0.03846728801727295, -0.7190272808074951, -0.2538585364818573, -0.6720783710479736, -0.1521225869655609, 0.25036993622779846, -0.8367788791656494, -0.7208278179168701, 0.03660038858652115, -0.13377998769283295, -1.2620350122451782, -0.3542653024196625, 0.4542030990123749, 0.3111312687397003, -0.5350615978240967, 0.34103822708129883, 0.7855413556098938, -0.417651891708374, -0.31559255719184875, -0.7192263007164001, 1.0929853916168213, -0.2330041229724884, 0.38644325733184814, -0.6313117146492004, 0.5953006148338318, -0.8951613306999207, -0.42597174644470215, 0.048934537917375565, 0.04621046036481857, -0.1161784827709198, -0.190805584192276, 0.8649865388870239, -0.2056361585855484, -1.5257760286331177, 1.2165067195892334, -0.5070942640304565, 0.01727081462740898, -0.9328130483627319, 0.853540301322937, 0.38199782371520996, -0.36094167828559875, 0.896058976650238, 0.40610361099243164, 0.37295570969581604, 1.770707130432129, -0.6273715496063232, 0.8904633522033691, 0.1253671497106552, -0.7160215377807617, 0.10227268934249878, -0.05465642362833023, -1.339691400527954, -0.17588932812213898, 0.7059078216552734, -0.45016515254974365, 0.2892974019050598, -0.36290696263313293, 1.102462649345398, -0.4807419180870056, 0.5558005571365356, -0.09454116225242615, -1.0125906467437744, 0.4965064227581024, -0.8800970911979675, 0.006474871188402176, 0.19062700867652893, -0.5584738850593567, 0.2566412389278412, -0.07085718214511871, -0.02756182849407196, -1.2523058652877808, -0.216414213180542, 1.2809799909591675, -0.09059969335794449, 0.5391976833343506, 0.48389747738838196, 0.6456153392791748, 0.5692505836486816, -1.0850335359573364, -0.05668304115533829, 0.20230747759342194, 0.6310554146766663, -0.41197314858436584, -0.5832239985466003, 0.34106695652008057, 1.1950818300247192, -0.6995308995246887, 1.6398364305496216, 0.2917190492153168, 0.007948365062475204, -1.0851322412490845, -0.44316062331199646, -0.7199769616127014, -0.5305699706077576, 1.567272424697876, 0.9772904515266418, 1.7505041360855103, 0.3450735807418823, 0.1524067372083664, -0.25715506076812744, 0.1236424595117569, 0.29490265250205994, 0.34014394879341125, 0.2544347643852234, -0.27297520637512207, 0.6438921689987183, 0.7624226212501526, 0.6097925901412964, -0.3807199001312256, -0.17128899693489075, 1.1773332357406616, -0.7022398114204407, -0.2845509946346283, -0.4901750385761261, 0.7333266139030457, 0.7800192832946777, 1.9592548608779907, 0.03188386186957359, -0.9629767537117004, -0.8714046478271484, 0.11569467931985855, 1.4793874025344849, 0.40872862935066223, -0.9174546003341675, -0.4461972415447235, 0.20072902739048004, 0.13416282832622528, -0.17418164014816284, 0.7477490901947021, 0.43856939673423767, -0.21614119410514832, -0.9834974408149719, -0.10586746037006378, -0.9946230053901672, -0.4029717445373535, 0.08642750233411789, -0.032916586846113205, -0.02298458106815815, 0.37660136818885803, -0.10789457708597183, -1.240086317062378, 0.20385640859603882, -0.9740763306617737, -1.2469425201416016, 1.0689970254898071, 1.2544358968734741, -1.1717944145202637, -1.1307364702224731, 0.26395124197006226, -0.38482776284217834, -0.6002551913261414, 0.35886430740356445, -0.8754889965057373, 0.6909657716751099, 0.7139107584953308, -0.1168200895190239, 0.0097656836733222, 0.13805678486824036, -0.19849944114685059, 1.0805799961090088, 0.5419101119041443, -0.8311128616333008, 0.8629336357116699, 0.1765739619731903, -0.5320093631744385, 0.6327105760574341, -0.9666728973388672, -0.7770763039588928, 0.5120841264724731, -0.33375632762908936, -0.41595906019210815, -0.705136239528656, 0.1265537589788437, 0.7396605014801025, -0.2920287251472473, 0.4435572624206543, -0.7104575037956238, 0.4844728112220764, -1.408719778060913, -0.05248888581991196, 0.49307385087013245, -1.2740546464920044, -1.3133114576339722, 0.958771824836731, -0.10436145961284637, 0.5630964040756226, 0.43574991822242737, 0.16750894486904144, 1.0014891624450684, 0.2677868902683258, 0.55005943775177, 0.015931837260723114, -11.882140159606934, 0.40990322828292847, 0.0739184245467186, 0.051148422062397, 0.6188234686851501, -0.030732683837413788, 0.21336743235588074, -0.004122879356145859, 0.620022714138031, -0.8425148725509644, 0.5986722707748413, 1.8352980613708496, -0.5851951241493225, -0.15387976169586182, -0.5202820301055908, -0.7905463576316833, -0.2498721331357956, -0.9594408869743347, 0.321277379989624, 0.16303974390029907, 0.17494241893291473, -0.795479953289032, -0.14248986542224884, -1.1255263090133667, 0.31476396322250366, -0.20916524529457092, -0.18245521187782288, -0.21537445485591888, -0.36130356788635254, 0.7766283750534058, 0.4406289756298065, -0.007003261707723141, -0.41620397567749023, -0.3866352438926697, 0.21666403114795685, 1.019128680229187, -1.1676748991012573, -0.0015621187631040812, 0.6266052722930908, -0.3866763412952423, 0.436706006526947, 0.3977411687374115, 0.19088855385780334, -0.6963509321212769, -0.8951591849327087, 0.08710776269435883, 0.0821053683757782, -0.7925552129745483, 0.07119434326887131, -0.21098577976226807, -0.9100679159164429, -0.9370722770690918, -1.4622039794921875, -0.018218860030174255, 0.9850447177886963, 0.0588117390871048, -0.9174845218658447, 0.45173949003219604, -0.8873218297958374, -0.21088573336601257, 0.7234691977500916, -0.5837551355361938, -0.024876296520233154, 0.3311845660209656, 0.5823608636856079, -0.4993947744369507, 0.6997624635696411, 0.5938616394996643, -0.6423030495643616, 0.6832476854324341, -0.7055137157440186, 1.1339222192764282, 0.46638065576553345, 0.6667758822441101, -0.41295045614242554, -0.08873412758111954, -0.6007022857666016, 0.3307837247848511, 0.8594110012054443, 0.13465166091918945, -1.3633824586868286, 0.7786635756492615, 0.3051076829433441, -0.22503569722175598, -0.7649784088134766, 0.6053787469863892, -0.018889985978603363, -0.6013278365135193, 0.29672592878341675, 0.23526600003242493, 0.319702684879303, -0.24054056406021118, -0.9350797533988953, -0.36611154675483704, -0.013647550716996193, 0.9146714210510254, -1.1519601345062256, 0.7065538763999939, 0.8342200517654419, -0.25385430455207825, 0.3092449903488159, -0.15602710843086243, -0.46783724427223206, 0.12046952545642853, 0.7975140810012817, -0.2468324601650238, -0.1663856953382492, 0.34599223732948303, -0.26650506258010864, -0.6882033944129944, 0.2992650866508484, -0.04767846688628197, 0.1044548898935318, 1.3256632089614868, -0.5952265858650208, 0.490323007106781, 0.44416868686676025, -0.4821280241012573, 0.9915406703948975, -0.04441429302096367, -0.2437780797481537, 0.7496179938316345, -0.24364100396633148, 1.0284944772720337, 0.7907902598381042, -0.10938186943531036, 1.0341300964355469, 0.046156466007232666, 0.013723358511924744, -1.5532469749450684, 0.4560270607471466, -0.09489347040653229, 0.15073144435882568, -0.08351567387580872, -0.5882816910743713, -0.17446976900100708, -0.5017052292823792, 1.7883641719818115, -0.5417459011077881, 0.1619287133216858, -0.366020143032074, -0.2954179644584656, 0.06422515213489532, 0.12429296970367432, -0.9481619000434875, -0.1014629378914833, -1.1845329999923706, 0.4621462821960449, -0.5142611265182495, -0.45751750469207764, 0.2343035489320755, -0.6059314012527466, 0.07160713523626328, -0.9561716318130493, -0.41152361035346985, 0.15147119760513306, 0.2953949272632599, -0.363185316324234, -0.7513691186904907, 0.0893716961145401, 0.7915201187133789, 0.7113001942634583, -0.5932483077049255, 1.151875615119934, 0.5195153951644897, 0.04794159159064293, -0.2947528064250946, -0.044305816292762756, -0.3802029490470886, 0.1621304750442505, 1.2686477899551392, -0.7023187875747681, -0.03894577920436859, 0.09958809614181519, 0.1046559065580368, -0.9140055179595947, 0.7280969619750977, 1.116478443145752, -0.8167900443077087, 0.23370493948459625, -0.6382911205291748, 0.933367133140564, 0.6388527750968933, 0.07085663080215454, 0.059684693813323975, 0.10121434181928635, -0.4546036124229431, 0.5403382182121277, -0.24905143678188324, -0.04707575589418411, -1.064188838005066, -0.8911923170089722, -0.6327772736549377, -0.5584703087806702, 0.728022038936615, 0.15979412198066711, 0.8335893750190735, 0.7197721004486084, -0.7022697925567627, -0.3723294138908386, 0.7888193130493164, 1.0629689693450928, 0.34740275144577026, 0.6101830005645752, 0.0801781713962555, 0.07171143591403961, -0.9124208688735962, 0.16827981173992157, 0.5783441662788391, 0.28491508960723877, -1.3380831480026245, -0.36067742109298706, 0.5345253348350525, -0.2372177392244339, 0.8026988506317139, -1.034206509590149, -0.002215709537267685, -0.129558727145195, -0.6738676428794861, -1.1539742946624756, 0.05860636755824089, 0.9357226490974426, -0.5480239391326904, 0.8923323154449463, -0.019612383097410202, 0.47906479239463806, 1.3498896360397339, -0.2941895127296448, 1.233775019645691, -0.10421665012836456, -0.4623383581638336, 0.6225557327270508, -0.937395453453064, 0.3053470849990845, 0.28570547699928284, 0.5377147197723389, -1.339870810508728, -0.2849123775959015, -1.0639036893844604, 0.3611721992492676, 0.09933241456747055, 0.24417057633399963, 0.24570892751216888, 1.2594794034957886, 0.04332190752029419, -0.36047807335853577, -1.0385949611663818, -0.9340738654136658, 0.18798398971557617, 0.6120542287826538, -0.08193060010671616, 1.261930227279663, 0.8843369483947754, -0.41828078031539917, 0.4081348478794098, 0.36740025877952576, -0.21550600230693817, 0.04793437942862511, -0.15169763565063477, 0.9516494274139404, 0.6919127702713013, -0.11308523267507553, -0.029914917424321175, 0.13903236389160156, -1.1043225526809692, -0.650534987449646, -0.6132470965385437, 0.8602111339569092, 0.5985435843467712, -0.4854849874973297, 0.3467530608177185, -0.5590169429779053, -0.09079480171203613, 0.15724913775920868, 0.3457435667514801, 0.6619530916213989, -0.7399481534957886, -1.134866714477539, -0.6264966130256653, 0.09482898563146591, 0.9181985259056091, -0.07199859619140625, -0.2650024890899658, -0.3010580539703369, 0.5065044164657593, 0.1320105493068695, -0.9448760747909546, -0.25174176692962646, 0.4255853295326233, 0.10960225015878677, 0.319147527217865, 0.42759478092193604, -1.1476551294326782, -1.1092654466629028, -0.1104251891374588, -0.7766003608703613, 0.498765766620636, 0.31557559967041016, -1.2120368480682373, -0.1347406655550003, 0.753395676612854, 0.5790755748748779, 0.1632038652896881, 0.7548345327377319, -0.2408749759197235, -1.3542966842651367, 1.0352630615234375, 1.0261120796203613, 0.4417179226875305, -0.07526062428951263, 1.041184663772583, 0.5997357964515686, 0.4222421646118164, 1.2587323188781738]} +{"paper_id": "pg19", "embedding": [-0.24993446469306946, 1.1849361658096313, 0.0899653285741806, -0.031097963452339172, 0.20365947484970093, 0.11092634499073029, 1.0988259315490723, 0.4818536639213562, 1.6792415380477905, 0.5259842872619629, 0.7298353314399719, 0.11498093605041504, -0.0766836404800415, -0.19369815289974213, 0.138633131980896, -0.5535493493080139, -0.8311681747436523, -0.40022483468055725, -1.314895510673523, -0.564175009727478, -0.9315590262413025, -0.13465619087219238, -0.10799530148506165, 0.5972378253936768, -1.1234620809555054, 0.2919469475746155, 0.6139636635780334, -1.5959820747375488, 0.6523722410202026, 0.43320348858833313, 0.03787887096405029, 0.20020988583564758, -1.4307793378829956, 0.28152137994766235, -1.1447150707244873, -0.5992119312286377, 0.7257727384567261, 0.2545602023601532, 0.45850256085395813, -0.20083346962928772, -0.12147584557533264, -0.6768276691436768, 0.413898229598999, 0.3291439712047577, 0.5173394680023193, -0.09175282716751099, 0.6695332527160645, 0.14792028069496155, 0.6261140704154968, -0.06893368810415268, -0.8243724703788757, 0.034292981028556824, 0.9692755937576294, -0.12990272045135498, 0.052757762372493744, 1.403859257698059, -0.3686974346637726, -0.07223790884017944, 0.21963919699192047, -1.0407263040542603, 0.4444831609725952, 0.9925999045372009, -0.294324666261673, 0.5916075110435486, 1.0393649339675903, -0.28483670949935913, 0.7282124161720276, 0.9065807461738586, 0.07563301175832748, -0.027005793526768684, -0.37118053436279297, -0.8356452584266663, 0.10185490548610687, -0.5966200232505798, 0.22983509302139282, 1.700032353401184, 0.2929954528808594, -0.4200771152973175, 0.7555406093597412, -0.45685118436813354, -0.4611390233039856, 1.0066633224487305, 0.20033426582813263, -0.5693618059158325, -0.08396685123443604, 0.5891043543815613, 0.5411174297332764, 0.19896572828292847, 0.16584688425064087, -1.6711056232452393, 0.25222769379615784, 0.2591889202594757, 0.773362398147583, -0.13868865370750427, -0.6075655817985535, -0.5250375866889954, 0.16464772820472717, -0.7163378596305847, -1.0831478834152222, 0.450690358877182, 0.2899513840675354, -0.2537959814071655, 0.6468110680580139, -0.16558456420898438, 0.7586821913719177, 0.1914943903684616, -0.2089877724647522, -0.6919596791267395, 0.07128623127937317, -0.8589671850204468, -0.18657250702381134, 1.130534291267395, 0.5015034675598145, 0.8258907794952393, -0.3674444556236267, -0.6549254655838013, 1.1537822484970093, 0.1853494495153427, -0.9033737778663635, -0.5130689740180969, -0.3924764096736908, -1.0918214321136475, -0.24332121014595032, -0.5658468008041382, 0.7984070777893066, -0.9800089001655579, 0.0683746337890625, -0.3786872923374176, 0.1568254679441452, -0.43197980523109436, -0.20074746012687683, 0.5955443382263184, -0.8881536722183228, -0.6799949407577515, 2.9847891330718994, -1.371338963508606, 1.1103639602661133, -1.399678111076355, 0.2587560713291168, -0.9809558987617493, 0.16238167881965637, 1.2629942893981934, -0.36528950929641724, -0.01380470022559166, -1.0732862949371338, 0.040943726897239685, -0.7097086906433105, 0.7505339980125427, -0.4318806231021881, -0.27099984884262085, -0.16008304059505463, -0.12143943458795547, -1.0683387517929077, -1.5760607719421387, -0.3380303680896759, 0.25919079780578613, -0.11272482573986053, 0.6212235689163208, -0.19029292464256287, 1.0094995498657227, 0.5504862070083618, 0.22830095887184143, -0.5167473554611206, -0.014534730464220047, -0.502722442150116, 0.6927213668823242, 1.0329625606536865, -0.24115297198295593, 0.7079792022705078, -0.874891996383667, 0.7087176442146301, -0.15432330965995789, 0.1256452202796936, -0.26784631609916687, 0.23147958517074585, 0.749140739440918, 0.7752507925033569, 0.01279130857437849, 0.6854260563850403, -0.6079717874526978, -0.1469210982322693, 0.16571499407291412, 0.31434381008148193, -0.534885823726654, -0.22637678682804108, 0.11596862971782684, -1.8982350826263428, 0.07304918020963669, 0.1530575007200241, 1.1810036897659302, -0.32640790939331055, -0.2321154922246933, -0.0016874931752681732, -0.2842116951942444, 0.04370386153459549, -0.657850444316864, 0.9364330768585205, -0.2978484034538269, -0.39486947655677795, 0.6763964295387268, -0.12509170174598694, -0.2973923087120056, -0.703260600566864, 0.6802628040313721, 0.6974663138389587, 0.01213042438030243, -0.0731053352355957, -1.584417462348938, 0.2275923192501068, 1.4557603597640991, 0.7820523977279663, -1.573879599571228, 0.013010062277317047, -1.017463207244873, 0.37920689582824707, -0.8812133073806763, 0.5682765245437622, -0.538426399230957, 0.04617070406675339, -1.175404667854309, 0.3302113711833954, -0.8437391519546509, 0.3129620850086212, 0.267764151096344, 1.132604956626892, -0.24911314249038696, 0.21663030982017517, -0.47346240282058716, -1.4314141273498535, 0.2566092908382416, 1.3454219102859497, -0.06513012200593948, -0.2900274991989136, 0.49216723442077637, 0.4264834523200989, 0.11141013354063034, 0.9254689812660217, 1.0427888631820679, 0.057643309235572815, -0.31007757782936096, 0.06434768438339233, 0.7230108380317688, -0.7676029205322266, 0.6255801320075989, 0.3029738664627075, 0.15123820304870605, -0.8525757789611816, -0.7535145282745361, 0.18712379038333893, 0.5904285907745361, 1.100225567817688, 0.6542408466339111, -0.3894684314727783, 0.44205114245414734, 0.003916516900062561, 0.23430413007736206, -0.027949396520853043, -0.13439632952213287, 0.21456916630268097, 0.11410115659236908, 0.46020498871803284, -0.9880550503730774, 0.04503322392702103, -0.4931771755218506, 0.05795165151357651, -0.7763751149177551, -1.3782391548156738, 0.19500872492790222, -0.20816990733146667, -1.5876981019973755, -0.5138342380523682, 0.2565193176269531, -0.5468983054161072, -0.4852560758590698, 0.2810741662979126, 0.45767107605934143, 0.11739848554134369, 0.1631235033273697, 2.078599214553833, -0.09591368585824966, 1.0431474447250366, -0.5851536989212036, 0.5682618021965027, -0.7135447859764099, -0.3808608651161194, -0.7315699458122253, -0.43242719769477844, -1.3263938426971436, 0.1682080328464508, -0.17206747829914093, 1.080750823020935, -0.320888489484787, -0.2335282862186432, 0.620710015296936, -0.332459032535553, -0.3014739155769348, 0.6556969881057739, -0.42302563786506653, 0.5144630670547485, -1.157623529434204, 1.009230375289917, 1.170896291732788, -0.48916104435920715, 0.04653649032115936, -0.7618029117584229, -0.14960791170597076, 0.673039972782135, -1.043776273727417, 1.3895596265792847, 0.42095595598220825, -0.22506943345069885, 0.30980369448661804, 0.05271204560995102, -1.6494135856628418, 0.3775891661643982, 0.8207941055297852, 0.7818976044654846, -0.20897452533245087, -0.696499228477478, 0.44580817222595215, 0.24274076521396637, 0.1577339470386505, -0.08982449769973755, -0.4542519152164459, 0.27642375230789185, -0.017004087567329407, 0.45968538522720337, 1.1877020597457886, -0.0415499322116375, 0.2263093739748001, 1.3674031496047974, 0.5637940168380737, -0.38431668281555176, -0.4556830823421478, 0.9402852654457092, -0.6220157742500305, 0.4213268458843231, 0.6721984148025513, 0.19369065761566162, 1.1564806699752808, -0.20392513275146484, 0.554408073425293, 0.8545546531677246, 0.7948808670043945, 0.1859114170074463, 1.028950810432434, -0.1363762468099594, -0.14711739122867584, -0.011458147317171097, 0.4843907654285431, 0.17141063511371613, -1.1550631523132324, -0.670246422290802, 0.6700624227523804, -0.6707578301429749, -0.21610590815544128, 1.2015317678451538, 0.48442816734313965, 1.782473087310791, 0.16135455667972565, 0.3402440845966339, -0.13971161842346191, 0.33808180689811707, 0.2506221830844879, 0.6897872686386108, 0.37168949842453003, -0.19838209450244904, -0.0908450335264206, 0.6189138293266296, 0.13900616765022278, -0.03400002419948578, -0.43098220229148865, 0.28344810009002686, -0.175024151802063, -0.7838137149810791, 0.4439494013786316, 0.3263954222202301, 0.5308601260185242, 1.4622381925582886, -1.0091501474380493, -0.15467925369739532, 0.4234144389629364, 0.27258872985839844, 0.8112499117851257, -0.04436175152659416, -0.9214016199111938, 0.3724746108055115, 0.5915419459342957, 0.31159862875938416, -0.18178534507751465, 1.0575968027114868, 0.5536453723907471, -0.3700293004512787, -0.41140681505203247, -0.5055403113365173, -0.6042605042457581, -0.18352390825748444, -0.32130300998687744, 0.03517758846282959, 0.20530329644680023, 0.8721169233322144, -0.5877425074577332, -1.2190821170806885, 1.1277170181274414, 0.22915756702423096, -0.39061617851257324, 0.1973368525505066, 0.7182574272155762, -0.784483015537262, -0.9668045043945312, -0.252224326133728, -1.1562355756759644, -0.8564294576644897, 0.25667861104011536, -0.2507183849811554, -0.6787354946136475, -0.828670084476471, 0.9906796216964722, -0.40302973985671997, -0.31041473150253296, -0.8233923316001892, 1.0711572170257568, 1.1217116117477417, -0.2182742953300476, 0.7444324493408203, 0.11677652597427368, 0.6290640234947205, -0.7628506422042847, -0.625526487827301, -0.3450959026813507, 0.07314983010292053, -0.2194940149784088, -0.03659181669354439, -0.8123708963394165, 0.19715291261672974, -0.2118288278579712, -0.23341958224773407, 0.038593895733356476, -0.9671321511268616, 0.3901243209838867, 0.06411489844322205, 0.5274966955184937, 0.9673681259155273, -0.13836859166622162, -0.7345539331436157, 0.3816664218902588, -1.056455373764038, 0.29760587215423584, -0.4978300631046295, 0.6055493354797363, 1.6315454244613647, 0.7744539380073547, 0.3819175958633423, 0.020093992352485657, -11.764312744140625, 0.7248418927192688, -0.14840824902057648, 0.12255313992500305, 0.6553460359573364, 0.14671307802200317, 0.641291618347168, 0.26670411229133606, 0.900549054145813, -0.5122061371803284, -0.2782762050628662, 0.6270273923873901, 0.03922232612967491, -0.6841909289360046, -0.38574573397636414, -1.0761796236038208, -0.6271912455558777, -0.049218643456697464, 0.5189933180809021, 0.5381324291229248, 0.5374394655227661, -0.5101261138916016, -0.7457011938095093, 0.3419402241706848, -0.7651881575584412, 0.052016034722328186, -0.17904743552207947, -0.5850515365600586, -0.07267339527606964, -0.224016934633255, 0.681252121925354, -0.5625928044319153, -0.7902171611785889, -0.8397420644760132, 1.4335485696792603, -0.7417046427726746, -1.9744817018508911, -0.1688525229692459, 0.6892048120498657, -0.13200633227825165, -0.6046193242073059, -0.13335201144218445, -0.05915936827659607, -0.3821452558040619, -1.0564050674438477, 0.666606068611145, 0.3278329074382782, -0.19342496991157532, 0.07770930230617523, -0.5483147501945496, -0.029688775539398193, -0.8671138882637024, -0.26001182198524475, -0.7666811347007751, 0.9247088432312012, 0.32418951392173767, -0.2717815637588501, -0.5438798666000366, -0.08228442817926407, -1.519204020500183, 0.977297842502594, 0.5227031707763672, -0.2093946635723114, 0.643268883228302, 1.299641489982605, -1.1089595556259155, 0.3629415035247803, 0.38381674885749817, 0.6023536324501038, -0.03337447717785835, -0.5965580344200134, 0.4961494505405426, 0.502883791923523, -0.04423852264881134, 0.029638750478625298, 0.1664806753396988, 0.7987115383148193, -0.41307780146598816, 0.0664893090724945, 1.4221302270889282, -0.6106184124946594, 0.13727685809135437, -0.43679073452949524, -1.5119802951812744, -0.3566492199897766, -0.33396434783935547, -0.24084076285362244, 0.20386314392089844, 1.3713949918746948, 0.6317622065544128, 1.1978079080581665, -0.4781390428543091, -0.4704745411872864, 0.27009767293930054, -1.2686618566513062, 0.5878554582595825, -0.5298436284065247, 0.7121132016181946, -0.2828575074672699, -0.7454499006271362, 0.8692628741264343, 0.04701310396194458, -0.0027628038078546524, -0.5802903175354004, 1.2754979133605957, -0.5390320420265198, -0.3146865963935852, 0.339522123336792, 0.09814998507499695, 0.7638881206512451, 0.4611186683177948, 0.14025814831256866, -0.5308952331542969, 0.894705057144165, 0.15703541040420532, 0.35047802329063416, 0.5063336491584778, 0.339057058095932, 0.5779076814651489, 0.9940559267997742, -0.5211395621299744, 0.9357385039329529, 0.36060798168182373, 0.9736793637275696, 0.4151488244533539, -0.33622387051582336, 0.06675782799720764, 0.8388249278068542, -1.080653190612793, -0.2483680546283722, 0.04353325068950653, -0.747371256351471, 0.3278115689754486, -0.44913166761398315, 0.44125404953956604, 0.09181036055088043, -0.9028180241584778, 1.1844366788864136, -0.5951663255691528, 0.43685993552207947, 0.18453773856163025, -0.12754487991333008, 0.2747734785079956, -0.6930543780326843, -0.864714503288269, 0.12414643168449402, -1.9191694259643555, -0.4525277316570282, -0.6118589043617249, -0.3141346573829651, 0.4614347517490387, 0.3898845613002777, 0.4436330199241638, -0.4892866611480713, -0.6979552507400513, -0.1900213360786438, 1.1368457078933716, -0.46058353781700134, -0.2597626745700836, -0.3376004099845886, 0.34984514117240906, 1.0833606719970703, -1.3968539237976074, 0.034345827996730804, 0.13161775469779968, -0.05655192956328392, -0.9322866797447205, 0.1814720183610916, 0.2277076095342636, 0.577582597732544, 1.236863136291504, -0.8767191767692566, 0.5900852084159851, -1.3608061075210571, -0.08838991820812225, -0.461519718170166, 0.37744149565696716, 1.5228174924850464, -0.6873614192008972, 0.5293028950691223, 0.15613213181495667, 0.3249594271183014, 0.7381030321121216, -0.6157617568969727, -0.09474025666713715, 0.05519178509712219, -0.3563159108161926, 0.31231796741485596, -0.2908211648464203, 0.3892105221748352, -1.6782031059265137, -1.2406799793243408, -0.3560165762901306, -0.8556785583496094, 0.2563677132129669, -0.12168078124523163, 1.145478367805481, 0.5732872486114502, 0.020559683442115784, 0.21733108162879944, -0.05310455337166786, 0.2629379630088806, -0.13693326711654663, 0.058494944125413895, -0.27449503540992737, -0.864978551864624, -0.8041757345199585, 0.37166064977645874, 0.9511935710906982, -0.18584540486335754, -0.5712487101554871, 0.16838671267032623, -0.41382238268852234, 0.018352817744016647, 0.1201225072145462, -0.47796308994293213, 0.2523559331893921, -0.5259339213371277, 0.20832011103630066, -0.8929322361946106, -0.16305947303771973, 1.1615209579467773, 0.019686557352542877, 1.4253900051116943, 0.479127436876297, -8.227303624153137e-06, 0.0033114871475845575, 0.085030198097229, 1.5845727920532227, -0.5482124090194702, -0.6718463897705078, 0.005827905610203743, 0.22723981738090515, -0.14539176225662231, -0.47987568378448486, -0.5765911936759949, -0.8422097563743591, 0.3474521338939667, -1.3280621767044067, -0.061013735830783844, -0.8088643550872803, 0.5080117583274841, 0.7379060387611389, 1.276039481163025, -0.917378306388855, -1.6476832628250122, -0.5208876132965088, -0.8716617226600647, -0.265659362077713, 1.150092601776123, -0.8720906376838684, 0.8677060008049011, 0.5800262689590454, -0.4885261058807373, 0.5799946784973145, -0.37686029076576233, -0.4274243712425232, 0.21623912453651428, 0.6346286535263062, 1.5348657369613647, 0.7223405241966248, 0.16521234810352325, 0.8768036365509033, -0.23868608474731445, -0.1260094940662384, -0.20012955367565155, -0.1924188733100891, -0.7898616790771484, 0.7518612146377563, -0.10342277586460114, -0.6890438199043274, -0.6027393937110901, -0.8637240529060364, -0.18759112060070038, 0.38560324907302856, 0.8961438536643982, -0.5556420683860779, -0.32899022102355957, -1.1236796379089355, -0.22994212806224823, 0.5330532193183899, 0.47349247336387634, -0.5215776562690735, -1.10551118850708, 0.16586464643478394, 0.10958407074213028, 0.008572323247790337, -1.203277587890625, -0.11575938761234283, -0.7023658156394958, 0.4141312837600708, -0.3126331865787506, -0.3621586263179779, -0.015575211495161057, 0.32121890783309937, -0.6163161396980286, 0.48028749227523804, -0.6240187287330627, -0.5909215807914734, -0.4456079602241516, -0.1444176882505417, 0.4441582262516022, -1.142218828201294, 0.8889808654785156, 0.29976072907447815, -1.2836650609970093, 0.9739562273025513, 0.36568281054496765, -0.4176892638206482, 0.6078853607177734, 0.010252393782138824, 0.04191497340798378, 0.38133305311203003, 1.849708080291748]} +{"paper_id": "xed_en_fi", "embedding": [-0.8861336708068848, 1.2209254503250122, 0.16994355618953705, -0.3001307249069214, 0.7154580354690552, -0.08697427809238434, 0.9437353014945984, 0.2631136476993561, 0.2672891914844513, 0.6143385767936707, 0.49817368388175964, -0.6641296744346619, -0.2287774533033371, 0.008026919327676296, 0.03716880455613136, -0.9201411604881287, -1.2202684879302979, -0.7207651734352112, -0.8986145257949829, -0.22841385006904602, -0.6266164779663086, -0.0352746844291687, 0.2244403064250946, 0.2863468825817108, 0.2797541618347168, -0.5455617904663086, 0.30594131350517273, -0.21717281639575958, 0.17552919685840607, 0.4859684109687805, 0.15879350900650024, 1.2156777381896973, -1.0975724458694458, -0.47098273038864136, -0.43933120369911194, -0.17321501672267914, 0.15928658843040466, 0.8976214528083801, -0.9462941884994507, -0.4039013683795929, -0.26376646757125854, 0.34512874484062195, 0.688435971736908, 0.5010573267936707, 0.5936158895492554, 0.3785058259963989, -0.6370676755905151, 0.5436950922012329, -0.21028706431388855, -0.3359128534793854, -0.005765100941061974, 0.35014766454696655, -0.2755143344402313, 0.08208596706390381, -0.9243678450584412, 0.7289484143257141, 0.7603174448013306, -0.5463980436325073, 0.22806501388549805, -1.3335511684417725, 0.5190214514732361, 1.1679372787475586, -0.27086129784584045, -0.06906808912754059, 1.0180333852767944, 0.4308645725250244, 1.1244367361068726, -0.38431066274642944, 0.49803468585014343, 0.6242232918739319, -0.0554603636264801, -0.6019367575645447, -0.020455770194530487, 0.053804606199264526, 0.6202995777130127, 0.22737224400043488, 0.48691338300704956, 0.6739184260368347, -0.18557024002075195, 0.6357449293136597, -0.12914186716079712, 0.6726977229118347, 0.14907550811767578, -0.6249048709869385, 0.3223012685775757, 0.5196775794029236, 0.24064764380455017, -0.06360037624835968, 0.7441158294677734, -1.3300209045410156, -0.02589871734380722, -0.572731077671051, -0.07520970702171326, 0.36001405119895935, -0.1523876190185547, 0.18790286779403687, -0.15869863331317902, -0.08528046309947968, -0.39173924922943115, 0.7011322379112244, 0.7864673733711243, -0.5610129833221436, 0.09398963302373886, 0.11252778023481369, -0.09396491944789886, 1.2483946084976196, -0.060829270631074905, -0.43711042404174805, -0.07534091174602509, -0.37619099020957947, -0.49697598814964294, 1.341031789779663, -0.10135313868522644, 0.8626978993415833, -0.35276415944099426, -0.13303270936012268, 0.38215380907058716, -0.3449093699455261, -0.8259561061859131, 0.25906285643577576, -0.443022221326828, -0.6789782047271729, -0.1513473093509674, -0.13743926584720612, 1.4318703413009644, -0.8767861127853394, 1.1340476274490356, -0.1961875855922699, 0.37909382581710815, -0.792862594127655, 0.2769262194633484, 0.36711227893829346, 0.2546481490135193, 0.15421618521213531, 2.499194622039795, -0.6166995763778687, 1.348868727684021, -0.7475157380104065, -0.45638856291770935, -0.3480038046836853, 0.13594341278076172, 0.7964092493057251, 0.13372868299484253, -0.32243844866752625, -0.39130425453186035, -0.15522904694080353, -0.5678338408470154, 0.15392333269119263, -0.8510372638702393, -0.7368332743644714, -0.20274972915649414, 0.23937174677848816, -0.8329052329063416, -0.7282187938690186, 0.7081072330474854, 0.4485892951488495, 0.3720354735851288, 0.8696119785308838, -0.2781846225261688, 0.6456214189529419, 0.5414354205131531, 0.4822121858596802, -0.5828179121017456, 0.8013495206832886, -0.8177646994590759, -0.12435633689165115, 0.7100067138671875, 0.044600412249565125, -0.7261091470718384, -0.38159817457199097, 0.9348503351211548, -0.1743495762348175, -0.01657232642173767, 0.10922813415527344, -0.5516833662986755, 0.04448193311691284, 0.5391004681587219, 0.8746088743209839, -0.12341625243425369, -0.5283258557319641, -0.022512776777148247, -0.1669243574142456, -0.3440709114074707, 0.5617498755455017, 0.24130456149578094, 0.5487356781959534, -1.5535383224487305, -0.32932770252227783, -0.09850969165563583, -0.03258201479911804, -0.178218275308609, -1.1085636615753174, 0.2437160313129425, 0.015759795904159546, -0.13890260457992554, 0.046383585780858994, 0.9806656241416931, -0.9797191619873047, -0.9587716460227966, 0.43870919942855835, 0.26150771975517273, 0.35465580224990845, 0.21946609020233154, 1.4951480627059937, 0.5412747263908386, 0.0632142424583435, -0.2958255410194397, -1.9906638860702515, 0.23180478811264038, 2.366281032562256, -0.38106095790863037, -0.6549805998802185, -1.1918469667434692, 0.05954460799694061, 0.5430766344070435, -0.6102079153060913, 0.6804184913635254, -0.6052026152610779, 0.09527380764484406, -1.2543902397155762, 0.019896456971764565, -0.6133311986923218, 0.30991536378860474, 0.04239506646990776, 1.2047736644744873, -0.48791205883026123, -0.7854925394058228, -0.71796053647995, -0.15654635429382324, 0.2478589117527008, 0.526411235332489, 0.19620102643966675, -0.13086365163326263, -0.1264372169971466, 0.29629218578338623, 0.4157125949859619, -0.3888391852378845, 0.37661880254745483, -0.11887094378471375, 0.2432369887828827, 0.012039441615343094, 0.3277057409286499, -0.19451917707920074, -0.1735251396894455, 0.2145102173089981, 0.630287766456604, -0.13676312565803528, -0.4041958451271057, -0.36434632539749146, 0.44009989500045776, 1.1729772090911865, 1.558749794960022, -0.3221904933452606, 1.467582106590271, -1.107529640197754, 0.3667837083339691, -0.15612831711769104, -0.6513271331787109, -0.05101184919476509, 0.22870494425296783, 0.5505530834197998, -0.011907488107681274, -0.49362820386886597, -0.2209467887878418, -0.24177637696266174, -1.0557200908660889, -0.4510001242160797, 0.04914923757314682, -0.9605857729911804, -0.6346698999404907, 0.0833202451467514, 0.026096634566783905, -0.2656795382499695, -0.8680524826049805, -0.3964084982872009, 0.9613170623779297, -0.1200716495513916, 0.472355455160141, 1.2740812301635742, 0.29820069670677185, 0.10550715774297714, -0.4198198914527893, 0.7601036429405212, -0.6220271587371826, 0.39850693941116333, -0.3341544568538666, 0.5252100229263306, -0.6206620335578918, -0.3732544779777527, 0.04310617968440056, 0.3587610125541687, -0.110655777156353, -0.3091942071914673, 0.6138158440589905, -0.17208808660507202, -1.7111307382583618, 1.238229751586914, -0.900925874710083, 0.0841902419924736, -0.8099663853645325, 1.6034642457962036, 0.17110885679721832, 0.08350180089473724, 0.6192059516906738, -0.3178500831127167, 0.4496162533760071, 1.324295997619629, -0.7479544878005981, 0.995631217956543, 0.14071203768253326, -0.4403567314147949, 0.14682979881763458, -0.049305837601423264, -1.8093090057373047, -0.3868463933467865, 1.0403954982757568, 0.3480999767780304, -0.24932973086833954, -0.9427717328071594, 0.7442223429679871, -0.42041802406311035, 0.5827685594558716, 0.4088919758796692, -0.8812702298164368, 0.8291622400283813, -0.7146919369697571, 0.0907575786113739, 1.2681931257247925, -0.8207474946975708, -0.24145376682281494, 0.5718560814857483, 0.46361297369003296, -1.0180630683898926, -0.09209094941616058, 0.5865958333015442, -0.4749380052089691, 0.34442591667175293, 0.8678961992263794, 0.7546129822731018, 0.8621490001678467, -1.097098469734192, -0.4848335385322571, 0.7506139278411865, 0.4523327648639679, 0.29353657364845276, 0.5235483646392822, 0.21844162046909332, 1.0289900302886963, -0.2854504883289337, 0.9361043572425842, 0.6568582653999329, -0.5226254463195801, -0.6794089674949646, -0.8096967935562134, -0.6974120736122131, -0.5255698561668396, 1.2206469774246216, 1.3852379322052002, 1.3254435062408447, -0.061569392681121826, 0.04296251758933067, -0.4258447587490082, 0.3439331352710724, 0.7628397345542908, 0.44961512088775635, 0.015541799366474152, -0.16240277886390686, 0.5913971662521362, 0.6640644669532776, 0.48335614800453186, -0.5129655003547668, -0.30770570039749146, 0.800774872303009, -0.32316580414772034, -0.1339036226272583, -0.26027265191078186, 0.6193243265151978, 0.3614532947540283, 2.0958166122436523, -0.06075231730937958, -0.6921605467796326, -0.5972380042076111, 0.22899740934371948, 1.0398809909820557, 0.054118864238262177, -1.046441674232483, -0.043294601142406464, 0.02954118326306343, 1.1979683637619019, -0.32656967639923096, 0.656755805015564, -0.035029809921979904, -0.4863906800746918, -0.8126561641693115, -0.41916847229003906, -1.1274957656860352, -0.3583887219429016, -0.08933131396770477, -0.28903013467788696, -0.29078808426856995, 0.5969991087913513, -0.6125766634941101, -1.065307378768921, 0.4280824363231659, -0.5095227956771851, -0.8097399473190308, 1.212457299232483, 0.8232340812683105, -1.1634613275527954, -0.8223931193351746, 0.029184699058532715, -0.6090560555458069, -0.900611162185669, 0.27628272771835327, -0.32121747732162476, 0.08039959520101547, 0.06600251793861389, 0.36346906423568726, -0.36105239391326904, 0.3600866198539734, -0.49178531765937805, 0.600543737411499, 0.6006792783737183, -0.8463681936264038, 0.5116493701934814, 0.630782425403595, -0.5659540891647339, -0.06254211813211441, -0.6227560639381409, -0.5157061815261841, 0.6797665953636169, -0.011153101921081543, -0.43828636407852173, -0.5518893599510193, -0.1388077586889267, 0.18007665872573853, -0.08545544743537903, 0.38424333930015564, -1.221221685409546, 0.668498694896698, -0.5027427077293396, -0.006502049975097179, 0.6569907665252686, -0.935369610786438, -0.5331990718841553, 0.5900681018829346, -0.4666936993598938, 0.34482327103614807, -0.06174026429653168, 0.4555777907371521, 0.6841208338737488, 0.37677258253097534, 0.7477784156799316, 0.4406685531139374, -12.951401710510254, 0.13287582993507385, -0.5436264872550964, 0.1985383778810501, 0.5455026626586914, -0.14073973894119263, 0.34774884581565857, 0.5107992887496948, 0.4934559166431427, -0.7358996272087097, 0.4154985845088959, 1.5938893556594849, -0.4620285928249359, -0.40845584869384766, -0.5362697839736938, -0.6193744540214539, -0.3866918385028839, -1.0154147148132324, -0.1342868208885193, 0.49233561754226685, -0.006965719163417816, -0.6967185735702515, -0.17006751894950867, -0.4880325198173523, 0.10588226467370987, -0.5092337727546692, -0.24069014191627502, -0.055686987936496735, -0.7075060606002808, 0.0023960620164871216, 0.5609000325202942, -0.5830596685409546, -0.583125114440918, 0.17390437424182892, 0.5244742631912231, 0.8645166754722595, -0.5810848474502563, 0.14689600467681885, 0.5669438242912292, 0.46497151255607605, -0.150713250041008, 0.37505999207496643, 0.2680352032184601, -0.3953890800476074, -0.5248022675514221, 0.20760126411914825, 0.12610985338687897, -0.13144606351852417, 0.21878622472286224, -0.7321353554725647, -0.3992254137992859, -0.49528658390045166, -0.8197483420372009, -0.5943282246589661, 0.9375741481781006, -0.2073899358510971, -0.30883991718292236, 0.0010802075266838074, -0.5882827639579773, -1.083280086517334, 0.658510684967041, -0.19236038625240326, -0.7710655927658081, 0.606404185295105, 0.5445666909217834, -0.6653117537498474, 0.8651381731033325, 0.8106728792190552, -0.7136836647987366, 0.4689023494720459, -0.7837337851524353, 0.8290669322013855, 0.4732038378715515, 0.3731832206249237, -0.1588413417339325, -0.1808066964149475, -0.15934433043003082, 0.21123290061950684, 0.4221714735031128, -0.347074955701828, -1.0529595613479614, 0.49303480982780457, 0.3788611888885498, -0.636162519454956, -0.6712777614593506, 0.6224806308746338, 0.2828790843486786, -0.05737236887216568, 0.524462103843689, 0.6644633412361145, 0.626500129699707, -0.01664579100906849, -0.4964238405227661, -0.5210015177726746, -0.05067076534032822, 0.847794234752655, -0.3517058491706848, 0.6469866633415222, 0.2633027732372284, -0.19558897614479065, 0.4034375548362732, -0.5083523392677307, -0.1274448037147522, 0.13076485693454742, 0.8645756244659424, -0.13258588314056396, 0.21051645278930664, 0.17090123891830444, 0.25627410411834717, -0.17173971235752106, 0.4702316224575043, -0.22524121403694153, -0.24723641574382782, 1.2525081634521484, -0.21580462157726288, 0.3674582839012146, 0.5471981167793274, 0.25762075185775757, 1.3146694898605347, 0.48911193013191223, -0.42132702469825745, 0.1685163974761963, -0.3752796947956085, 1.1653441190719604, 0.6413726210594177, 0.3151548206806183, 0.8486990332603455, 0.26962146162986755, 0.2573787569999695, -1.1227960586547852, -0.0731760710477829, 0.06621488928794861, -0.060921549797058105, -0.43774423003196716, -0.3274399936199188, -0.5022718906402588, -0.5972781181335449, 1.2564713954925537, -0.3393212556838989, 0.3550146222114563, 0.08799810707569122, -0.6577233672142029, -0.5347511172294617, -0.4981310963630676, -0.8366889357566833, -0.3552820682525635, -1.6180384159088135, 0.4782317876815796, -0.23889565467834473, -0.8495945930480957, 0.6451067924499512, -0.49845054745674133, 0.3822399973869324, -1.0608645677566528, -0.2536078989505768, 0.36254268884658813, 0.35668036341667175, -0.28452375531196594, -0.8096187114715576, 0.0006288960576057434, 0.4595561623573303, 0.5774129629135132, -1.0240159034729004, 0.5199352502822876, 0.5433472394943237, 0.3116663098335266, -0.6539022922515869, -0.37393254041671753, 0.1938386708498001, 0.23646745085716248, 1.210636854171753, -1.0066344738006592, -0.7251918911933899, -0.41116175055503845, 0.07733266055583954, -1.1788296699523926, 0.14477235078811646, 0.9420167207717896, -0.6588031649589539, -0.03744310140609741, -0.632924497127533, 0.6367081999778748, -0.10667608678340912, -0.654758870601654, -0.5741478204727173, -0.19049468636512756, -0.17308580875396729, 0.9522759318351746, -0.01748664863407612, 0.5251645445823669, -1.1711622476577759, -0.9921014904975891, -0.9038786292076111, 0.49443817138671875, 0.8342716693878174, 0.05984046310186386, 0.7430059909820557, 0.27731016278266907, -0.8172047138214111, -0.18570594489574432, 0.4837571680545807, 0.7841935157775879, 0.25803571939468384, -0.10640767216682434, -0.28327059745788574, -0.017935607582330704, -0.9002159237861633, -0.24263624846935272, 0.25835472345352173, 0.32000014185905457, -1.4587352275848389, -0.5598442554473877, -0.1122579276561737, -0.5669941902160645, 0.6854732036590576, -0.49429959058761597, 0.42636674642562866, -0.040139440447092056, -0.49798718094825745, -0.8965176939964294, -0.1291915774345398, 1.0710841417312622, -0.3364378809928894, 1.0875797271728516, 0.14607711136341095, 0.41208192706108093, 0.3774344325065613, 0.06209731847047806, 1.5017151832580566, -0.5873180627822876, -0.34733086824417114, 0.0193959791213274, -0.10661187022924423, 0.19899985194206238, -0.4503682255744934, 0.2674126625061035, -1.36592698097229, -0.3627093732357025, -0.9249565601348877, 0.1966659277677536, -0.1525086611509323, 0.08026578277349472, 0.19535298645496368, 0.90018630027771, -0.12272833287715912, -0.7810183763504028, -0.8359103798866272, -0.4006442725658417, 0.6126980781555176, 0.05151859298348427, 0.24098634719848633, 1.3357651233673096, 0.8194097876548767, 0.2690656781196594, 0.503465473651886, 0.41666847467422485, -0.08115820586681366, 0.19387197494506836, 0.580228328704834, 1.223371148109436, 0.4875801205635071, -0.040752992033958435, -0.24753300845623016, 0.08685790002346039, -0.8970018625259399, -0.34899094700813293, -0.23198814690113068, 0.7165005803108215, 0.7225956916809082, -0.5512363910675049, 0.4453994631767273, -0.766788125038147, -0.2473059594631195, 0.2023438960313797, -0.03661928325891495, 0.4948100447654724, -0.19755488634109497, -0.6879413723945618, -0.9541995525360107, 0.4309634268283844, 0.8806272149085999, -0.3008780777454376, -0.9389244914054871, -0.8328903913497925, -0.14553126692771912, 0.23574453592300415, -0.891324520111084, -0.689970850944519, 0.5233583450317383, -0.13741685450077057, 0.41226041316986084, 0.4653718173503876, -0.7028414011001587, -0.8850597739219666, -0.0361052043735981, -0.9584411978721619, 0.42785510420799255, -0.15500394999980927, -1.2994896173477173, -0.256928950548172, 0.3779914677143097, 0.2618221640586853, -0.6908565759658813, 0.7022161483764648, -0.19003736972808838, -1.0889174938201904, 0.9495457410812378, 1.3472005128860474, -0.1226300522685051, -0.6687614917755127, 0.5390598773956299, 0.5670000910758972, 0.2527182996273041, 1.1362818479537964]} +{"paper_id": "newsroom", "embedding": [-0.24661153554916382, 1.1704175472259521, -0.3799039125442505, 0.16413798928260803, 0.3401243984699249, -0.21993394196033478, 0.6981043815612793, 0.8164159655570984, 0.48920461535453796, 0.4291895925998688, 1.0678856372833252, 0.20943400263786316, 0.5596747398376465, 0.5172991156578064, -0.3528255820274353, -0.5027647614479065, -0.4195948541164398, -0.15448793768882751, 0.12537547945976257, -0.8053230047225952, -0.7976941466331482, 0.1480415314435959, -0.17164680361747742, 0.00017418153584003448, -0.8824684023857117, -0.4233263432979584, 1.2322752475738525, -1.3442546129226685, -0.05769632011651993, 0.2198469042778015, 0.22200539708137512, 0.7116557955741882, -1.245928168296814, 0.33095791935920715, -1.1630772352218628, -0.21597044169902802, -0.003140763845294714, 0.5777412056922913, -0.34527137875556946, -0.12301529943943024, -0.7678460478782654, 0.013871431350708008, 1.3781462907791138, -0.17228750884532928, -0.3076498806476593, 0.17810353636741638, 0.25435808300971985, 0.3453410267829895, -0.2531464099884033, 0.08918702602386475, 0.7691357135772705, 0.32678526639938354, -0.28768619894981384, 0.41329115629196167, -0.09580349177122116, 1.5825704336166382, 0.2893824875354767, -1.215620517730713, 0.20965047180652618, -0.7487988471984863, 0.8066534399986267, 1.3864039182662964, -0.6599704027175903, -0.17688150703907013, 1.2348406314849854, -0.2836645245552063, 0.7328126430511475, 0.3271981477737427, 0.7626690864562988, 1.1840819120407104, -0.2643109858036041, -1.202528953552246, -0.09850368648767471, -0.32076114416122437, 0.004280842840671539, 0.4338381886482239, -0.013089479878544807, -0.7648221850395203, 0.26201289892196655, 0.16815033555030823, -0.56828373670578, 0.5842409729957581, 0.3568325936794281, -0.703593909740448, -0.5389404296875, -0.4316951036453247, 0.16291110217571259, 0.08040869235992432, 0.07820269465446472, -1.0372000932693481, -0.2554497718811035, -0.27303755283355713, -0.6865801215171814, 0.21916252374649048, -0.1280284970998764, 0.2892717719078064, 0.2354406863451004, -0.0307388287037611, -0.5310473442077637, 0.4359090328216553, 0.47585970163345337, -0.8028030395507812, 0.2591679096221924, 0.5792994499206543, 0.8469150066375732, 0.9365943074226379, -0.37577083706855774, -0.3824090361595154, -0.3696778118610382, -0.6665173172950745, -0.396157443523407, 0.8474727869033813, 0.23366078734397888, 0.265590637922287, -0.25236648321151733, -0.8499496579170227, -0.3325968086719513, -0.1450776755809784, -0.8743211627006531, -0.05478006601333618, -0.5541877150535583, -1.8423470258712769, -0.16408321261405945, 0.3986416459083557, 0.9213804006576538, -0.36782485246658325, 0.30821678042411804, -0.937617301940918, -0.41330772638320923, 0.0371226966381073, 0.792920708656311, 0.18863427639007568, -0.6081226468086243, 0.15522778034210205, 1.9569296836853027, -0.38174405694007874, 1.1917661428451538, 0.8575228452682495, -0.35197916626930237, -0.21773439645767212, 0.04900234192609787, 1.3232163190841675, -0.05551593750715256, -1.248375415802002, -0.06751332432031631, -0.02061655931174755, -1.0317528247833252, 0.6174551248550415, -0.7678797841072083, -0.4856959879398346, -0.15144328773021698, 0.06129457429051399, -1.0846883058547974, -0.47074174880981445, 0.24117760360240936, 0.5084120035171509, 0.4677911102771759, 0.0476091243326664, -0.8044620156288147, 1.0706504583358765, 1.2120840549468994, 0.7207655310630798, -0.437177836894989, 0.6420506834983826, -0.5938090682029724, 0.06974593549966812, 0.8749536871910095, -0.05086205154657364, -0.675049901008606, -0.26905742287635803, 0.6589774489402771, -0.45645758509635925, 0.17106370627880096, -0.36945033073425293, -0.540172815322876, 0.1776432991027832, 0.2381850630044937, 0.18047770857810974, 0.1756688356399536, -0.6302779316902161, -0.27133241295814514, 0.3681793212890625, 0.5738390684127808, 0.30928951501846313, 0.2197449952363968, 0.7707813382148743, -1.6645818948745728, -0.4136162996292114, -0.9535633325576782, 0.5531147718429565, -0.16959576308727264, 0.11578889191150665, 0.1268240362405777, 0.2020711898803711, -0.4838950037956238, -0.18441466987133026, 0.13350416719913483, -0.43936336040496826, 0.2375590205192566, 0.5348159670829773, 0.3688257038593292, 0.4597654640674591, 0.10029429942369461, 0.20951545238494873, 1.4216232299804688, -0.6996515393257141, -0.7446123361587524, -1.773598551750183, 1.2535905838012695, 1.3298331499099731, -0.925945520401001, -0.5032742023468018, -1.7102822065353394, -0.13789020478725433, 1.3296215534210205, -0.3635525703430176, -0.2558944821357727, 0.04554270952939987, -0.401946485042572, -1.0826882123947144, 0.4477841854095459, -0.9155985713005066, -0.05168994143605232, -0.10165907442569733, 0.751132071018219, -0.5254698991775513, -0.7896591424942017, -0.07950043678283691, -1.1867666244506836, 0.7368022799491882, 0.8031861782073975, -0.30291226506233215, -0.38217711448669434, 0.6470927000045776, 0.22214987874031067, 0.5729595422744751, -0.3452189564704895, 0.33308058977127075, -0.07084687799215317, -1.1169397830963135, 0.11872471868991852, 0.4115678668022156, -0.3020603060722351, -0.508442759513855, -0.05320960283279419, 0.032586708664894104, -0.08751160651445389, -0.4246688485145569, 0.02047664299607277, 0.09006033837795258, 1.072347640991211, 1.2635338306427002, -0.402092307806015, 1.9298124313354492, -1.285243272781372, 0.002582468092441559, 0.34717023372650146, -0.9717689752578735, -0.16179008781909943, -0.338772177696228, 0.5063933730125427, 0.3287861943244934, 0.21173158288002014, -0.2926444411277771, -0.5395902991294861, -1.1625628471374512, -0.21595266461372375, -0.5482728481292725, -0.7080342173576355, -1.0773013830184937, 0.036139145493507385, -0.23194201290607452, -1.0694950819015503, -0.6518129706382751, -0.4011171758174896, 0.10114460438489914, -0.15839222073554993, 0.4089333117008209, 1.2437762022018433, -0.05326082184910774, 0.6953303813934326, -0.3122134804725647, 0.9232626557350159, 0.0057944245636463165, 0.9883561134338379, -0.38054192066192627, -0.4674123525619507, -1.1762925386428833, -0.5927966237068176, -0.7311263084411621, -0.07495151460170746, -0.07186689227819443, -0.3832097053527832, 0.6126884818077087, 0.20771071314811707, -1.4363716840744019, 0.558293342590332, -0.5307817459106445, -0.23927146196365356, -1.1744730472564697, 1.0188332796096802, 0.204353466629982, -0.8482773900032043, 0.7217714786529541, 0.25285854935646057, -0.05012935400009155, 1.3342885971069336, -0.8857378959655762, 1.237901210784912, 0.15205486118793488, -0.08176038414239883, 0.221112921833992, -0.1429453194141388, -1.9144394397735596, -0.24544383585453033, 1.4413926601409912, -0.6058830618858337, -0.2577663064002991, -0.13595788180828094, 0.2544856071472168, 0.04005715623497963, -0.12359832972288132, -0.0039588697254657745, -1.1406723260879517, 0.4315173625946045, -0.5204041600227356, 0.09620293974876404, 1.0926105976104736, -0.7576788067817688, 0.9928773641586304, 0.02573985606431961, 0.6686814427375793, -0.6195204854011536, -0.5005564093589783, 0.6399215459823608, -0.28786420822143555, 1.3071080446243286, 0.1746610403060913, 1.179951786994934, 1.0846999883651733, -0.876645028591156, -0.2766318619251251, 0.984507143497467, 0.5290200114250183, 0.42787423729896545, 0.3499625325202942, -0.08340920507907867, 0.5410462617874146, -0.30303120613098145, 1.3471461534500122, 0.459901362657547, -1.152530312538147, -0.3749077618122101, -0.32158809900283813, -1.108229398727417, -1.0264955759048462, 1.2777069807052612, 0.6864038109779358, 1.9169670343399048, 0.3323214650154114, 0.6153057217597961, -0.013440895825624466, 0.029728848487138748, 0.4389374852180481, 0.07003474235534668, 0.33082789182662964, -0.12097939103841782, 0.0036075040698051453, 1.3217604160308838, -0.1404353678226471, -0.11672833561897278, -0.05302472412586212, -0.22772538661956787, -0.11097416281700134, -0.45281732082366943, 0.8581544160842896, 0.7221707701683044, 0.7747528553009033, 1.6698800325393677, -0.6539995670318604, -0.4596919119358063, -0.4436759352684021, -0.24258702993392944, 0.10658974200487137, 0.6608527302742004, -1.257509708404541, 0.2539118230342865, -0.029039818793535233, 0.9346075654029846, -0.4876924157142639, 0.8113439679145813, 0.8051101565361023, 0.2216021567583084, -0.5898288488388062, -0.4769684672355652, -1.0887501239776611, -0.3294461965560913, -0.2086944878101349, 0.632495641708374, -0.9408255815505981, 0.32427582144737244, -0.3172677755355835, -1.3934575319290161, 0.3318694531917572, 0.1452288031578064, -0.9680320024490356, 0.8219609260559082, 1.0872955322265625, -1.323615550994873, -0.525214433670044, 0.05528534948825836, -0.9355047941207886, -0.39375653862953186, 0.11182038486003876, -0.6260997653007507, 0.36223453283309937, 0.16335201263427734, 0.3322699964046478, -0.18361347913742065, -0.05690723657608032, -0.6260827779769897, 0.6974568367004395, 0.8660129904747009, -0.5732024312019348, 0.8905107975006104, -0.000353389885276556, 0.0039507001638412476, 0.42642250657081604, -1.443153738975525, -0.4920007884502411, 0.7696133255958557, 0.1377280056476593, -0.3028905391693115, -0.9087371230125427, -0.2878926992416382, -0.10259012132883072, 0.5231654644012451, 1.2000497579574585, -0.8786235451698303, 0.368152916431427, -0.4589271545410156, 0.7150763273239136, 0.24529971182346344, -1.0975887775421143, -0.4119867980480194, 1.357874870300293, -0.22385743260383606, 0.061698853969573975, -0.13756594061851501, 0.060996416956186295, 0.5106171369552612, 0.4021831154823303, 0.03553217649459839, -0.23071584105491638, -12.163839340209961, 0.012676403857767582, -0.1478050947189331, 0.07000768184661865, 0.6924899816513062, 0.4403391480445862, 0.7844956517219543, 0.6318130493164062, 0.873551070690155, -0.7002296447753906, 0.19791507720947266, 1.651341438293457, 0.042706120759248734, -0.16791300475597382, -0.7015880346298218, -1.23740816116333, -0.44021308422088623, -0.2744838297367096, 0.9866087436676025, -0.7671780586242676, 0.3944115936756134, -0.1936391294002533, 0.10662862658500671, -0.6404593586921692, 0.3192797601222992, -0.4005555808544159, 0.3471963405609131, 0.01601674035191536, -0.6755371689796448, 0.6437885761260986, 0.7652884721755981, 0.12092925608158112, -1.1488267183303833, -0.4481952488422394, 0.5851134061813354, -0.24063028395175934, -1.0516449213027954, -0.21885891258716583, 0.5422776341438293, -0.23277898132801056, 0.07812092453241348, 0.422026127576828, -0.2503221035003662, -0.615810751914978, -0.35480573773384094, 0.1839599460363388, -0.014121313579380512, -0.6450601816177368, 0.8126770257949829, -0.737760066986084, -0.9036605358123779, -0.525374174118042, -0.8600872159004211, -0.5104898810386658, 1.0776537656784058, 0.2223692089319229, -0.6757508516311646, 0.08051247149705887, -0.3785994052886963, -0.6806821823120117, 0.9929569363594055, -0.06931690126657486, -0.16250130534172058, -0.5042586922645569, 0.47259417176246643, -0.8290424942970276, 1.0814188718795776, 0.01286362111568451, 0.754714846611023, 0.13765224814414978, -0.4550718665122986, 0.9226654171943665, 0.6744066476821899, -0.5991133451461792, 0.22798562049865723, 0.3229846954345703, -0.05885210260748863, -0.8468369841575623, 0.7677527666091919, 0.20062333345413208, -1.2460763454437256, 0.43193119764328003, 0.20848019421100616, -0.2146775722503662, -0.8585021495819092, -0.1129731833934784, 0.18569156527519226, -0.8424524068832397, 0.4173972010612488, 0.003398679196834564, 1.0100170373916626, 0.0896749198436737, -0.36792153120040894, -0.4183661639690399, -0.11106470227241516, 1.1273306608200073, -1.2458161115646362, 0.510658323764801, 0.19952327013015747, -0.6987023949623108, 0.3091522753238678, -0.16795140504837036, -0.523527979850769, -0.6083300709724426, 0.28279802203178406, -0.522802472114563, -0.5267889499664307, 0.4274040758609772, -0.23930911719799042, -0.6172763705253601, 0.20549964904785156, 0.28191906213760376, 0.17418713867664337, 1.0978056192398071, -0.3053332269191742, 1.252098798751831, 1.0438690185546875, -0.3293372392654419, 0.3748643398284912, 1.5175472497940063, -0.6805185675621033, 0.22587302327156067, 0.6709549427032471, 0.7492972612380981, 0.36158448457717896, 0.6783266663551331, -0.42682787775993347, 0.39865460991859436, -0.513313353061676, -0.8096441030502319, -0.048782553523778915, -0.4519786536693573, -0.0388200506567955, -0.9018076062202454, -0.5753995180130005, -0.16011758148670197, -0.6664612889289856, 1.563507080078125, -0.4800545573234558, -0.08833392709493637, -0.7787909507751465, -0.5342902541160583, -0.08908532559871674, -0.2509327828884125, -0.1386367678642273, 0.18506360054016113, -1.7758017778396606, 0.4541770815849304, -0.4975071847438812, -0.3123788833618164, -0.07503996789455414, -0.28473135828971863, 0.08045471459627151, -0.6576570272445679, -0.6006913185119629, -0.29668474197387695, 0.6103185415267944, 0.026523776352405548, -0.7039334177970886, -0.7225597500801086, 0.2541443109512329, 0.86910080909729, -0.6454170346260071, 0.66634601354599, 0.3408648371696472, 0.6332083344459534, -0.6598213911056519, -0.35976386070251465, -0.5640672445297241, 0.41026514768600464, 1.3581959009170532, -0.9837782979011536, 0.06484802812337875, -0.2264215350151062, 0.2512599527835846, -0.826118528842926, 0.324429988861084, 1.346266508102417, -1.221566081047058, 0.18375150859355927, 0.014759756624698639, 0.39424771070480347, 0.5978963375091553, -0.014034762978553772, -0.38574135303497314, 0.7023656368255615, 0.03628845885396004, 0.7141950726509094, 0.04330127686262131, 0.6987184882164001, -1.1672241687774658, -1.2680039405822754, -0.7025270462036133, -0.5360121726989746, 1.1655405759811401, -0.7092378735542297, 1.304999828338623, 0.6177874803543091, 0.17604252696037292, -0.17584063112735748, -0.10420747101306915, 1.1741728782653809, 0.7576761841773987, 0.8506050109863281, -0.029780877754092216, -0.4805489778518677, -1.0892430543899536, 0.09958890080451965, 0.0027836058288812637, 0.3354267179965973, -0.6106879115104675, 0.5159878134727478, 0.6865331530570984, -0.01499384269118309, -0.6242009401321411, -1.2005196809768677, 0.25998616218566895, 0.18578457832336426, -0.24480940401554108, -0.9234246611595154, 0.3967883288860321, 0.5730991363525391, -0.6577068567276001, 1.0164607763290405, -0.07816935330629349, -0.17882506549358368, 1.1744883060455322, 1.0623509883880615, 1.3015950918197632, -0.2921099066734314, -0.8642786145210266, 0.35207661986351013, 0.005408711731433868, -0.10851079970598221, 0.33096441626548767, 0.27368777990341187, -1.1618186235427856, 0.27408328652381897, -0.99959397315979, -0.3323279023170471, 0.12578381597995758, -0.15795855224132538, 0.3647579550743103, 1.3279086351394653, 0.6087502241134644, -1.3381199836730957, -0.01715056784451008, -1.0609251260757446, -0.03361055627465248, 1.145658254623413, 0.3842190206050873, 0.34018445014953613, 0.8156296610832214, -0.4664333462715149, 0.9236145615577698, -0.5001159906387329, -0.1640445590019226, 0.25954025983810425, 0.03132132068276405, 1.232401967048645, 0.7954280376434326, 0.3987521827220917, -0.1599338948726654, -0.041761063039302826, -0.733752429485321, -0.7519134283065796, -0.45130836963653564, 0.6641626954078674, 1.3003034591674805, -0.3175545930862427, -0.18771862983703613, -0.7008858919143677, 0.07305330783128738, -0.4612477719783783, 0.25226521492004395, 0.30894196033477783, -0.7357341647148132, -0.8978698253631592, -0.817663848400116, 0.14519083499908447, 0.6761032938957214, 0.017621150240302086, -0.14969754219055176, 0.002614527940750122, 0.8045850396156311, -0.013091477565467358, -0.2885645925998688, -0.06274186074733734, 0.7545607089996338, 0.10724065452814102, 0.16944178938865662, 0.7722060680389404, -0.49802300333976746, -0.6984711289405823, 0.22101005911827087, -0.11838656663894653, 0.6776396632194519, 0.3792078495025635, -0.8028149008750916, 0.6011053323745728, 0.541233241558075, 0.6117818355560303, 0.08841792494058609, 0.7439647316932678, 0.17884515225887299, -1.0808825492858887, 1.4334999322891235, 0.5428063273429871, 0.058399833738803864, -0.15475057065486908, 0.39595597982406616, 0.6162185668945312, 0.28848889470100403, 0.8803346157073975]} +{"paper_id": "woz_dialogue", "embedding": [-0.7384908199310303, 1.0884079933166504, -0.29604414105415344, -0.22220490872859955, -0.14841538667678833, -0.006085880100727081, 0.7925349473953247, 1.2625542879104614, 0.1473756730556488, 0.5348207950592041, 0.43920788168907166, 0.07526981830596924, -0.03577231615781784, -0.8779122829437256, -0.1818203181028366, 0.04966786503791809, -0.427672803401947, -0.29687395691871643, -0.7508252859115601, -0.4740650951862335, -0.33431923389434814, -0.2675076127052307, -0.20751722157001495, 0.8394017815589905, -1.0805226564407349, -0.744192898273468, 1.1606452465057373, -1.3205746412277222, 0.8239118456840515, 0.34770122170448303, -0.36614999175071716, 0.9967069029808044, -0.11938242614269257, -0.11286858469247818, -0.5304300785064697, -0.42957815527915955, 0.22827747464179993, 0.9492416381835938, 0.33791834115982056, 0.5370003581047058, -0.2916416823863983, 0.07934409379959106, -0.19191406667232513, 0.9157536625862122, 0.4692419469356537, 0.14434435963630676, 0.009683985263109207, 0.20080706477165222, -0.4167560935020447, -0.4371413588523865, -0.6316572427749634, 1.048088788986206, -0.20431315898895264, 0.8145607709884644, -0.9179268479347229, 0.9918717741966248, 0.11380163580179214, 0.357291042804718, 0.1517861783504486, -1.7848458290100098, 1.3596431016921997, 1.140694260597229, 0.05804292857646942, 0.34040942788124084, 1.3065376281738281, 0.554792582988739, 0.8458222150802612, 0.09092241525650024, -0.0017774160951375961, 0.49696820974349976, 0.15057702362537384, -0.7746440768241882, 0.4408707022666931, -0.6249054670333862, 0.23937948048114777, 1.6101468801498413, 1.207810401916504, 0.24562940001487732, 0.3548595607280731, -0.06287910044193268, 0.23159460723400116, 1.1521365642547607, -0.032014306634664536, -0.8389174938201904, 0.5740141272544861, 0.5926483869552612, 0.695462703704834, -0.4667815566062927, 0.854352593421936, -1.2685675621032715, 1.1367626190185547, 0.1698264330625534, 1.3304743766784668, 0.4293191432952881, -1.1830949783325195, -0.26812463998794556, -0.7605707049369812, -0.3147464096546173, -0.8638349771499634, 0.4478209316730499, 0.5754304528236389, -0.0664009302854538, -0.23346349596977234, -0.7585421204566956, -0.16004420816898346, -0.09403461217880249, 0.1812872588634491, -0.3976243734359741, 0.00029566697776317596, -0.36448490619659424, -0.1824408322572708, 1.0478488206863403, -0.0830288976430893, 1.5376710891723633, 0.380082368850708, 0.12935471534729004, 1.213759183883667, -0.5781490802764893, -0.44690948724746704, -0.2748644948005676, 0.48867690563201904, -0.4838005006313324, -0.08438371121883392, -0.05173210799694061, 1.325348138809204, -0.6369343996047974, 0.16256083548069, -0.20551666617393494, -0.5495486855506897, -0.6761511564254761, 0.604763388633728, 0.3406440019607544, -0.6631810665130615, -0.5409659147262573, 3.2975945472717285, -2.1048777103424072, 1.6695889234542847, -1.7923192977905273, -0.5322617888450623, -0.6678521037101746, 0.16882026195526123, 1.225622296333313, -0.10344278067350388, 0.20822414755821228, -0.13401006162166595, -1.0214356184005737, -0.2782845199108124, 0.04503820836544037, 0.5581499934196472, -0.5961813926696777, -0.30750155448913574, 0.19704164564609528, -1.6247881650924683, -0.9638369083404541, -0.6176618933677673, 0.2132093608379364, 0.438698947429657, 1.0539788007736206, -0.28137293457984924, 1.0098832845687866, 1.0160940885543823, -0.051712989807128906, -0.5410689115524292, 0.34362149238586426, -0.4477510154247284, -0.40058019757270813, 1.3193849325180054, 0.10280027240514755, -0.7316834330558777, -0.2001231163740158, -0.09539080411195755, -0.4454250931739807, -0.09736372530460358, 0.37073877453804016, -1.197596788406372, -0.4482550024986267, 0.9161571860313416, 0.5430458784103394, 0.22295521199703217, -0.3492385745048523, -0.6186925172805786, -0.789624035358429, 0.12956759333610535, -0.0777270644903183, -0.18182595074176788, 0.6317811608314514, -2.662090301513672, -0.1227816641330719, 0.3242572546005249, 1.390565276145935, 0.6631177663803101, -0.4383627772331238, 0.23507466912269592, -0.17588244378566742, 0.5401390194892883, -0.5886578559875488, 1.0170087814331055, -0.7999598979949951, -0.27368438243865967, -0.24392616748809814, -0.0911945179104805, -0.18076272308826447, 0.2892416715621948, 1.5510181188583374, 0.6448230147361755, -0.4706452190876007, -0.12629809975624084, -1.4627653360366821, -0.2325044572353363, 2.3744747638702393, 0.3865773677825928, -0.35911932587623596, -0.5714344382286072, -0.2347283810377121, -0.2142820954322815, -0.6184822916984558, 1.120876669883728, -0.39394664764404297, -0.22468909621238708, -0.9579614400863647, 0.18997596204280853, -0.17908413708209991, 0.19529542326927185, 0.6401594281196594, 1.2203381061553955, -0.7730687856674194, 0.8070485591888428, -0.2526109516620636, -0.8606615662574768, 0.36593347787857056, 0.1626674085855484, -0.3011574447154999, -0.09736941754817963, -0.06623521447181702, 0.16386139392852783, 0.07898910343647003, 0.31666722893714905, 0.5101726651191711, -0.552480936050415, -0.3052758276462555, 0.36334607005119324, 1.1153583526611328, 0.18699857592582703, 0.1222943440079689, 0.8165848255157471, 0.4297238290309906, -0.3926394581794739, -0.9132099747657776, 0.585118293762207, 0.30112868547439575, 1.4102421998977661, 1.0224870443344116, -0.5401012897491455, -0.2808583974838257, -0.09678663313388824, -0.4875083267688751, -0.2424633800983429, -0.6781463027000427, 0.31108957529067993, -0.0778278037905693, 1.2443079948425293, 0.010877249762415886, 0.011381305754184723, -0.6811761856079102, 0.2671622037887573, -0.42279741168022156, -0.311465322971344, 0.10642591863870621, -0.18507403135299683, -1.4212101697921753, 0.044000960886478424, 0.4154648184776306, -0.5464233756065369, -0.4829053282737732, -0.17093148827552795, 0.47400984168052673, -0.1243026852607727, 1.001582384109497, 1.5437930822372437, -0.2048167586326599, -0.13865964114665985, -1.0107702016830444, 1.114410161972046, -0.20665274560451508, -0.276541531085968, -1.184474229812622, -0.08359890431165695, -0.6088305711746216, 0.304655522108078, -0.3123493194580078, 0.20991027355194092, -0.003291897475719452, -0.37382203340530396, 0.9569304585456848, 0.15087991952896118, -0.9612433910369873, 1.1849132776260376, -0.4325225353240967, -0.25764086842536926, -0.42753565311431885, 2.19362211227417, 0.04904446750879288, -0.35510164499282837, -0.3420296311378479, 0.3735785186290741, 0.029524367302656174, 0.8789082765579224, -0.4103313088417053, 1.1422884464263916, 0.35394400358200073, -1.172223687171936, -0.37065327167510986, 0.015831083059310913, -2.1699254512786865, -0.14578598737716675, 0.42512670159339905, 0.24268119037151337, -0.22692830860614777, -1.1906037330627441, 0.7579365372657776, -0.21428190171718597, -0.0883936733007431, 0.024362387135624886, -0.7348567247390747, 0.5651329159736633, -0.6651769876480103, -0.03933076560497284, 1.4976166486740112, -1.1124385595321655, -0.7032317519187927, 0.6257249712944031, -0.03582509607076645, -0.8802381753921509, -0.516578733921051, 0.8369008302688599, -0.18588878214359283, -0.6048449277877808, 0.29184356331825256, -0.09562476724386215, 0.9701169729232788, 0.15695136785507202, -0.4332672953605652, 1.3026461601257324, 0.9633769989013672, 0.2072480022907257, 0.6724972724914551, -0.2715197205543518, 0.9130845069885254, -0.4371967613697052, 0.7616174817085266, -0.14366920292377472, -0.3104695975780487, -0.4375649392604828, 0.16738851368427277, -0.5418006181716919, -0.8200539946556091, 1.353263258934021, 0.6941656470298767, 2.2836544513702393, 0.30425578355789185, -0.02469663880765438, -1.2638665437698364, 0.02347433567047119, 0.2355743646621704, 0.7574594616889954, 0.07509910315275192, 0.33627861738204956, -0.08902879059314728, 0.2877064049243927, 0.5895845890045166, -0.26468515396118164, -0.4969009459018707, 1.4002751111984253, -0.1058867871761322, -0.17547108232975006, -0.6858407855033875, 1.1218472719192505, 0.7170617580413818, 1.083282709121704, -0.1469435840845108, -0.2859373390674591, 0.1311717927455902, 0.44460931420326233, 0.7665075659751892, 0.19930768013000488, -0.504993736743927, 0.5741698145866394, 0.3386433720588684, -0.12953442335128784, -0.10436931997537613, 0.7515212297439575, -0.6298901438713074, -0.35309797525405884, -0.49205297231674194, -0.5126693844795227, -0.335239976644516, -0.13728629052639008, -0.03343333303928375, 0.266181617975235, -0.3908246159553528, 1.7122294902801514, 0.022542599588632584, -0.9862033724784851, 0.9325158596038818, -0.37752094864845276, -1.160187840461731, 0.6770211458206177, 0.2806132733821869, -1.2661497592926025, 0.07927761971950531, -0.2674138844013214, -1.0162323713302612, -0.7554669976234436, -0.4452863037586212, -0.22962616384029388, 0.39511093497276306, 0.23167957365512848, 0.9992197751998901, -0.9683415293693542, 0.765500009059906, -1.150323748588562, 0.8001051545143127, 0.8404735326766968, -0.1265489012002945, 0.6993489265441895, 0.4763419032096863, -0.15596376359462738, -0.4496464431285858, -0.8706597685813904, -0.8916932344436646, 0.20459496974945068, -0.6747926473617554, -0.41662126779556274, -0.6023094654083252, 0.057153817266225815, -0.18015426397323608, -0.3510535657405853, 0.09258832782506943, -0.6506600975990295, -0.28714489936828613, -0.7851713299751282, -0.15211071074008942, 0.8675812482833862, -0.4379637837409973, -1.4872580766677856, -0.28703922033309937, -1.2015706300735474, -0.0931679755449295, -0.02575073018670082, 0.4582592844963074, 2.2889673709869385, 1.3630635738372803, 1.1998218297958374, 0.3873090445995331, -10.75766372680664, 0.32281821966171265, -0.3345111012458801, 0.3867969512939453, 0.8411692976951599, -0.31124329566955566, 0.8038316965103149, 0.29521673917770386, 0.5355556607246399, -0.783870279788971, 0.5501226782798767, 0.865257203578949, -0.3207835853099823, -1.2144557237625122, -0.6595862507820129, -1.4646953344345093, -0.3899269998073578, -0.48918575048446655, 0.26316291093826294, 0.5789481401443481, 0.3023097813129425, -1.349323034286499, -0.9167520999908447, 0.2161201536655426, -0.8488420844078064, -0.48352453112602234, -0.1950000822544098, -0.4857732057571411, -0.45989924669265747, -0.2709643840789795, 0.8290300965309143, -0.3168158531188965, -0.5172752737998962, -0.6513345837593079, 0.6461622714996338, 0.15138237178325653, -1.3666751384735107, 0.10944688320159912, 0.3148769736289978, -0.43910863995552063, -0.4512280821800232, 0.764191746711731, 0.22313916683197021, -0.6063954830169678, -0.5939642786979675, 0.36073970794677734, 0.38794106245040894, -0.5928692817687988, 0.5541336536407471, -0.13019122183322906, -0.3739473521709442, -0.6894863247871399, -1.273714303970337, 0.17957377433776855, 0.9774364829063416, -0.2377275824546814, -0.6705328226089478, 0.5500237345695496, -0.7417164444923401, -1.3388230800628662, 0.45502960681915283, -0.1942494511604309, -0.3153994381427765, 0.4748039245605469, 1.0768845081329346, -0.009323922917246819, 0.14347046613693237, 0.5848718285560608, 0.2022118866443634, 0.0487852469086647, -0.5198348760604858, -0.14545921981334686, -0.398755818605423, -0.13540531694889069, -0.9423164129257202, 0.2955182194709778, -0.20452430844306946, -0.032411083579063416, 0.765711784362793, 0.8215347528457642, -0.4689091444015503, 0.32186493277549744, -0.10164982825517654, -1.0942755937576294, -0.7532959580421448, 0.43792375922203064, -0.1469525694847107, 0.3323216140270233, 1.5509763956069946, 0.22430956363677979, 0.9680414199829102, 0.24345767498016357, -0.5348742008209229, 0.329590380191803, -0.00573776476085186, 0.9758355617523193, 0.17661790549755096, 0.7217013239860535, 0.35582825541496277, -0.5067219138145447, 0.25559312105178833, -0.3553568422794342, -0.08781136572360992, 0.22730539739131927, 0.16768181324005127, 0.28882119059562683, -0.19263452291488647, 0.2811329960823059, 1.0491496324539185, 0.31900718808174133, 0.6660622954368591, 1.056958794593811, -0.5963149666786194, 0.3937656581401825, 0.3945063650608063, 0.5115962624549866, 0.8406516313552856, 0.03972679376602173, 0.8156408071517944, 1.0461171865463257, 0.05386405438184738, 1.0309845209121704, 0.28884002566337585, 0.8815454840660095, 0.16966499388217926, -0.41182005405426025, 0.6780068874359131, 1.0577421188354492, -0.016836632043123245, -1.4595214128494263, -0.3544386327266693, 0.13514243066310883, 0.4394586682319641, -0.7473573684692383, -0.6833499073982239, -0.03883155435323715, -0.4226895868778229, 1.2898083925247192, 0.1816645711660385, -0.3448856770992279, 0.0774102509021759, -0.5750905871391296, -0.5089679956436157, -0.8479205369949341, -0.5549640655517578, 0.5429683923721313, -0.9780289530754089, 0.3088683784008026, -0.22072342038154602, 0.3602316379547119, 0.9719464778900146, 0.42717501521110535, 0.7793037295341492, -0.7921990156173706, -0.889491617679596, 0.25726279616355896, 0.30711063742637634, 0.6251276135444641, -0.46071648597717285, 0.10604257881641388, 0.0579192154109478, 0.8769323229789734, -1.8671510219573975, 0.7093122601509094, 0.43212077021598816, 0.4974565804004669, -1.0568315982818604, -0.08131227642297745, -0.33901268243789673, 0.8074876070022583, 0.8370059728622437, -0.8253306746482849, -0.4398214817047119, -0.9069100022315979, -0.8871477246284485, -0.7012349963188171, 0.857337236404419, 0.49844759702682495, -0.6944939494132996, -0.14376018941402435, -0.38232478499412537, 0.23940643668174744, -0.2506096363067627, -0.4856036603450775, 0.13265129923820496, 0.1377994418144226, -0.18430709838867188, 1.0502703189849854, -0.3928646147251129, 0.07412396371364594, -1.697401762008667, -1.4061331748962402, -0.9812729954719543, -1.0507508516311646, -0.13586542010307312, -0.42311155796051025, 1.7317506074905396, 0.5243751406669617, -0.5008382797241211, 0.7623850703239441, 0.5275039076805115, 0.2711854577064514, 0.6416902542114258, 0.9051806330680847, -0.06552225351333618, 0.3696214556694031, -1.0568561553955078, 0.08657513558864594, 0.18252697587013245, -0.15870556235313416, -1.205980658531189, -0.3090379238128662, 0.2786644995212555, -0.30364397168159485, 0.7515555620193481, -0.7107342481613159, 0.05953216925263405, -0.6532953381538391, -0.13106609880924225, -1.0708121061325073, 0.17858362197875977, 0.040059976279735565, -0.9668921828269958, 1.2835886478424072, 0.1564875990152359, 0.5514963269233704, 0.6008117198944092, -0.1526169627904892, 1.454784870147705, 0.026903288438916206, 0.07378087192773819, 0.6018924117088318, 0.2151353806257248, 0.15154382586479187, 0.23413389921188354, -1.0576443672180176, -1.1740691661834717, 0.36947131156921387, -1.7720381021499634, -0.36567673087120056, -0.598247766494751, 1.1207032203674316, 0.6571348905563354, 2.03202223777771, -1.2057592868804932, -1.8093886375427246, -0.7885991334915161, -0.645180344581604, -0.21153028309345245, 0.626780092716217, 0.3370044529438019, 0.964971125125885, 0.8255606293678284, 0.05963297188282013, 0.26888203620910645, -0.7694572806358337, -0.1666669100522995, 0.28862157464027405, 0.5745802521705627, 0.3688381314277649, 0.5737181305885315, -0.12874366343021393, 0.3483480215072632, 0.465705007314682, -0.43776988983154297, -0.12745042145252228, -0.35140055418014526, 0.06876201927661896, 0.5022663474082947, -0.37177708745002747, -0.702539324760437, -0.47285789251327515, 0.27782559394836426, -0.4650082290172577, 0.7119815945625305, 0.5262981057167053, -0.08480565249919891, -1.225023865699768, -1.4072686433792114, -0.7526170611381531, 0.35587242245674133, 0.426547110080719, -0.5075483918190002, -0.9244177937507629, 0.7116232514381409, 0.786034107208252, -0.7214182615280151, -1.2160005569458008, 0.01868569478392601, -1.2017157077789307, -0.2334935963153839, -0.6266214847564697, -0.5207781791687012, -0.7859879732131958, -0.09605036675930023, -1.392371416091919, 0.459866464138031, -0.3000333607196808, -0.8535035848617554, -0.8652623295783997, 0.4176020622253418, 0.5624688863754272, -0.2750123143196106, -0.08533504605293274, 0.5171012282371521, -1.6996829509735107, 1.2593218088150024, 0.6070207357406616, -0.45103248953819275, -0.841204047203064, 0.6603453159332275, -0.34112349152565, 0.3954845666885376, 0.7758315205574036]} +{"paper_id": "nli_tr", "embedding": [-0.3389379382133484, 1.0523221492767334, -0.156292125582695, -0.23025374114513397, 0.6220309138298035, -0.5011752843856812, -0.10618484765291214, 0.5499483942985535, 0.7123920917510986, 0.8689749836921692, 0.029451653361320496, -0.21317850053310394, -0.38758864998817444, -0.04459569603204727, -0.23315849900245667, -0.6390249133110046, -0.7471336722373962, -1.094452142715454, -1.6685515642166138, 0.05339404195547104, -0.5653163194656372, -0.6835508942604065, -0.31082773208618164, 0.6042231917381287, -0.42032772302627563, -0.7823624014854431, 0.6289126873016357, -0.8788011074066162, 0.5727014541625977, 0.4316549599170685, -0.31031540036201477, 0.8611847758293152, -1.2449605464935303, 0.6329016089439392, -0.20093074440956116, -0.30745363235473633, 0.20729605853557587, 1.2645336389541626, -0.14271479845046997, 0.04677194356918335, -0.6986936330795288, -0.11960293352603912, 0.5502796173095703, 0.4039253890514374, 0.5753940343856812, -0.4449571371078491, -0.6661605834960938, 0.06762751936912537, -0.07556118071079254, -0.5928134322166443, -0.5283006429672241, 0.34316712617874146, -0.20695309340953827, 0.20547854900360107, -0.3342832028865814, 1.618391990661621, 0.67097407579422, -1.6643450260162354, 0.9156138896942139, -1.1326532363891602, 0.7782721519470215, 2.0792062282562256, -1.1022003889083862, 0.6578908562660217, 0.6467280983924866, 0.042221613228321075, 1.8646131753921509, 0.24655179679393768, 0.41378170251846313, 0.9288291931152344, 0.24266041815280914, -1.1065937280654907, 1.3549816608428955, -0.24134287238121033, 0.8198820352554321, 0.8449788093566895, 0.38013556599617004, 0.41239482164382935, -0.300475537776947, -0.005399157293140888, -0.39645782113075256, 0.9049133062362671, 1.0264931917190552, -0.9890112280845642, -0.5973837375640869, 0.6830928921699524, 0.04873902350664139, -1.160498023033142, 0.1300748735666275, -2.1939265727996826, 0.22493967413902283, -0.16757269203662872, -0.27961790561676025, -0.20778529345989227, -0.14491720497608185, 0.14022600650787354, -0.28874671459198, -0.2264087200164795, 0.06910495460033417, 0.2463560402393341, 0.4777095913887024, -0.21487948298454285, 0.23880240321159363, -0.09669839590787888, 0.3287692368030548, 1.2618643045425415, -0.22894775867462158, -0.4048541188240051, -1.5177901983261108, -0.10320430248975754, 0.4139581620693207, 1.402133822441101, -0.13504454493522644, 0.6681856513023376, 0.06702807545661926, 0.3175790309906006, -0.04007948189973831, -0.821313738822937, -0.21312128007411957, 0.29616039991378784, -0.48594072461128235, -1.3557298183441162, -0.3653319478034973, 0.14599840342998505, 1.0021789073944092, -0.3986504077911377, 0.28437456488609314, -0.5189662575721741, 0.5080032348632812, -0.5053301453590393, 0.14682087302207947, -0.4148435592651367, -0.4651900827884674, 0.18668274581432343, 3.159424066543579, -0.7708969712257385, 1.371626377105713, -0.41507306694984436, 0.12832960486412048, 0.056323662400245667, -0.37519946694374084, 1.241809606552124, -0.03520847484469414, -1.2053462266921997, -0.5282487869262695, 0.43688467144966125, -0.9797101616859436, 0.21952587366104126, -0.6978315711021423, -0.45859819650650024, 0.14965938031673431, 0.24859151244163513, -0.9680007100105286, -0.47734567523002625, 0.10807694494724274, 0.5701563954353333, 0.34536823630332947, 0.662437379360199, -0.4055143892765045, 0.899407148361206, 0.6330668926239014, -0.184635192155838, 0.08736899495124817, 0.676666796207428, -1.5049117803573608, -5.498761311173439e-05, 1.2427265644073486, -0.25087276101112366, -0.5033411383628845, -0.6870816349983215, 0.6842629313468933, -0.5190780162811279, -0.1942627727985382, 0.2391967475414276, 0.06609281152486801, 0.5132213234901428, 0.8027785420417786, 0.710604727268219, -0.5301380157470703, -0.20157867670059204, -0.9382084608078003, -0.875252366065979, 0.26966121792793274, 0.530269205570221, 0.09890484064817429, 0.7633045315742493, -2.205993413925171, -0.46862852573394775, -0.7337179780006409, 0.30995458364486694, -0.4126071035861969, -0.13602092862129211, -0.1326768696308136, 0.5248717069625854, 0.49228185415267944, -0.2180878221988678, 0.718459963798523, -0.8228940963745117, -0.9577122330665588, 0.37638944387435913, -0.43210145831108093, -0.3438095450401306, -0.1267392933368683, 0.6894804239273071, 0.4422510266304016, -0.7908148169517517, -0.25895410776138306, -1.7403353452682495, 0.12199199199676514, 2.644956588745117, 0.20254814624786377, -0.7983390092849731, -1.5515027046203613, -0.31178390979766846, 0.23956137895584106, -0.39104706048965454, 0.41379058361053467, -0.8362979292869568, -0.01376933604478836, -1.3597428798675537, 0.3751329779624939, -0.4384453594684601, 0.6804231405258179, 0.3722846508026123, 0.9304158687591553, -0.5298278331756592, -0.30593204498291016, -0.015813834965229034, -0.8764091730117798, 0.638268232345581, 0.42668280005455017, 0.6266801357269287, -0.64241623878479, 0.9367496371269226, -0.3685152530670166, 0.7017911672592163, 0.9534739851951599, 0.06436018645763397, -0.3479633927345276, -0.1807878315448761, 0.4357071816921234, 1.0684109926223755, -0.035533979535102844, -0.3343048691749573, -0.000208929181098938, 0.597003161907196, 0.05712909996509552, -0.18306247889995575, -0.03279390558600426, -0.5176869034767151, 1.5180025100708008, 1.2953226566314697, -0.5544320940971375, 1.192916989326477, -1.237432837486267, 0.24984443187713623, -0.23064205050468445, -1.3594088554382324, 0.2885035276412964, -0.17049247026443481, 0.6730207204818726, -0.04193311929702759, 0.8194817900657654, -0.24231643974781036, -0.2562083601951599, -1.101341962814331, -0.5189258456230164, -0.6200815439224243, -0.6871208548545837, -1.2882598638534546, -0.2731029689311981, -0.19912509620189667, -0.9168089032173157, -0.23727703094482422, 0.33341509103775024, 0.8888795971870422, 0.23129642009735107, 1.0662885904312134, 1.1272610425949097, -0.1270882487297058, 0.5220625996589661, -0.14037004113197327, 0.9970658421516418, -0.7550721764564514, 1.4182370901107788, -0.36826291680336, 0.0509972907602787, -0.4165751039981842, 0.3217042088508606, -0.6381189823150635, 0.23257240653038025, 0.9890424609184265, -0.30972573161125183, 0.444750040769577, -0.3554372489452362, -1.7160624265670776, 0.5008515119552612, -0.41396093368530273, 0.31387683749198914, -0.9602619409561157, 1.340363621711731, 0.2563459873199463, 0.18065877258777618, 1.3311381340026855, -0.46542811393737793, 0.2590790390968323, 0.9701406955718994, -0.20134839415550232, 0.664080023765564, 0.7866928577423096, 0.60782390832901, 0.049160219728946686, 0.19473189115524292, -2.1904361248016357, -0.29221704602241516, 1.265729308128357, -0.13795961439609528, -0.35534602403640747, -1.2177231311798096, 0.11130845546722412, -0.9038142561912537, -0.7670506834983826, 0.5384600758552551, -0.5356624722480774, 0.5195143818855286, 0.11049485951662064, -0.006263529881834984, 0.8748751878738403, -1.0959337949752808, 0.5129537582397461, 1.4639816284179688, 0.35334739089012146, -1.210740327835083, 0.3466308116912842, 0.7507416605949402, -0.7190077900886536, 0.28684237599372864, 0.45187947154045105, 0.9950961470603943, 1.537719488143921, -0.5243157148361206, 0.13973021507263184, 0.46954697370529175, 0.8109723329544067, 0.6136636137962341, 0.604366660118103, -0.6010797619819641, 0.2204255610704422, 0.0706554427742958, 1.4178014993667603, 0.1824501007795334, -0.8587860465049744, -1.1236237287521362, 0.10111327469348907, -0.448123574256897, -0.9722551703453064, 1.91795814037323, 0.908275842666626, 1.0685001611709595, -0.5101479291915894, 0.015650000423192978, -0.4143679738044739, 0.23458272218704224, 1.3024566173553467, 0.23231959342956543, -0.6202569603919983, -0.09326967597007751, -0.25352969765663147, 0.9064164161682129, -0.5684858560562134, -0.6416922807693481, -0.22570297122001648, 0.9731518030166626, -0.36950287222862244, -1.2676336765289307, 0.2880285680294037, 0.6534503698348999, 0.32154467701911926, 1.4421309232711792, -0.7326220870018005, -0.367021769285202, 0.27145326137542725, 0.6185532808303833, 0.1159660592675209, 0.2899906635284424, -0.4652121961116791, 0.9020566940307617, 0.6785278916358948, 0.7019888162612915, 0.6235090494155884, 0.5011019110679626, 1.1708160638809204, -0.4173932373523712, -0.8502766489982605, -0.05102153122425079, -1.4493464231491089, -0.740881085395813, -0.02110239490866661, -0.32841482758522034, -1.0505650043487549, 0.6109240055084229, -0.7715345025062561, -0.4225706160068512, 0.9966940879821777, -0.5415374040603638, -1.4256733655929565, 0.7131351828575134, 1.1118102073669434, -1.1473608016967773, -0.04163878411054611, -0.24605897068977356, -0.9258750677108765, -1.3151768445968628, -0.07619792222976685, -0.8576686978340149, 0.6264508366584778, -0.13806338608264923, 0.6266705393791199, -0.10650963336229324, -0.582165002822876, -1.0971226692199707, 0.3145579695701599, 1.4529898166656494, -0.7979727387428284, -0.2725803256034851, 0.033309828490018845, 0.6056458950042725, 0.17220596969127655, -1.179101586341858, -0.5476066470146179, 0.6130403876304626, 1.0103050470352173, 0.5679073929786682, -0.6931516528129578, -1.0745110511779785, -0.09164339303970337, 0.29003408551216125, 1.1165417432785034, -1.3769118785858154, -0.20828767120838165, -0.08958056569099426, 0.6467442512512207, 0.7381446361541748, -0.4147922992706299, -0.4902589023113251, 1.1921093463897705, -0.12033767253160477, 0.5591567754745483, 0.496477872133255, 0.8010774850845337, 0.5056259632110596, 0.12851309776306152, -0.06619385629892349, -0.35900455713272095, -10.200714111328125, 0.07149260491132736, -0.713611900806427, -0.012448940426111221, 0.8767275214195251, -0.3005538880825043, 0.962439239025116, -0.7454742789268494, 0.5082332491874695, -0.5594192743301392, 0.9157129526138306, 1.4339667558670044, 0.5423556566238403, -0.26288294792175293, -0.9041919112205505, -1.3858753442764282, -1.1698912382125854, -0.14990630745887756, 0.5542198419570923, 0.48661842942237854, -1.416812777519226, -1.5602322816848755, 0.5305134057998657, 0.2822782099246979, 0.7475062608718872, 0.001096479594707489, -0.24851542711257935, 0.11961599439382553, -0.5994139313697815, -0.1844431608915329, 0.4478640854358673, 0.3945782482624054, -1.3221266269683838, -0.5128964781761169, 0.7475855350494385, -0.04578026756644249, -0.9490101933479309, -0.32445111870765686, 1.4300059080123901, 0.2871391773223877, -0.33400946855545044, 0.13220591843128204, 0.4957776367664337, -0.029544763267040253, -0.46217140555381775, 0.3287339210510254, 0.2234310507774353, -0.8892866969108582, 0.6423667073249817, -0.9599297642707825, -0.700116753578186, -0.6535596251487732, -1.207762360572815, -1.0313267707824707, 0.34034284949302673, 0.2848703861236572, -0.5593478679656982, 0.01290057972073555, -0.07875941693782806, -1.4634511470794678, -0.041329897940158844, -0.13054808974266052, -0.2799883782863617, -0.17130866646766663, -0.28319647908210754, -0.26913008093833923, 0.3518076241016388, 0.11756613105535507, 0.2500622570514679, 0.14652588963508606, -0.8240095973014832, 0.4646010100841522, -0.11781663447618484, 0.039445556700229645, -0.5414391160011292, -0.24690449237823486, -0.43494564294815063, -0.5692039132118225, 0.4512173533439636, -0.46024298667907715, -0.7925384640693665, 0.8329223990440369, -0.14783334732055664, 0.2261834442615509, -0.5454887747764587, 0.19598108530044556, -0.31841474771499634, 0.13212217390537262, 1.0041576623916626, -0.15156084299087524, 0.7937608957290649, -0.14543882012367249, -0.13537918031215668, 0.1266169250011444, -0.8167846202850342, 0.8757616281509399, -0.27508556842803955, 1.5136563777923584, 0.4941026270389557, -0.441604882478714, 0.23592013120651245, -0.1390431821346283, -0.20511671900749207, -0.3787929117679596, 0.53924959897995, 0.4915388226509094, 0.2707808017730713, -0.004278205335140228, 0.19598911702632904, -0.3242919445037842, 1.7397934198379517, 0.143314391374588, 0.07947292923927307, 0.6191769242286682, 0.2009369432926178, 0.7471935749053955, 0.5835534334182739, 0.1511853039264679, 0.9459245800971985, 0.6551573276519775, -0.09752938896417618, 1.0156035423278809, 0.19468934834003448, 0.8858594298362732, -0.11765260994434357, 0.15631115436553955, 0.7082972526550293, 0.6744185090065002, -0.1807185262441635, -1.7851533889770508, -0.07374432682991028, 0.1277916580438614, -0.011477114632725716, -0.8816123008728027, -0.26146453619003296, -0.7864378094673157, -0.9899301528930664, 1.3002334833145142, -0.27277499437332153, -0.19797006249427795, 0.15920120477676392, -0.9761123657226562, 0.2761113941669464, -0.528468132019043, -1.2467870712280273, 0.0172625333070755, -1.7489328384399414, -0.43280884623527527, -0.22623923420906067, -1.284675121307373, 0.5520643591880798, 0.1771295666694641, 0.6933816075325012, -1.40362548828125, -0.13393476605415344, 0.30974000692367554, -0.08212520182132721, -0.4494560956954956, -0.4583759009838104, 0.13675639033317566, 0.36628493666648865, 1.2491106986999512, -0.8642991781234741, 0.9471644759178162, 0.5455847978591919, 0.5142796635627747, -0.5317054986953735, -0.11498279869556427, -0.6850382685661316, 0.2716020345687866, 0.6114965677261353, -0.9660823345184326, -0.7789673805236816, -0.43948495388031006, -0.8623840808868408, -1.0600435733795166, 0.5390043258666992, 1.4734140634536743, -0.5891509056091309, 0.24567773938179016, 0.2395170032978058, 0.6212112307548523, -0.3618496358394623, -0.18840181827545166, -0.6076544523239136, -0.1489715576171875, -0.23903074860572815, 1.4048278331756592, 0.14124396443367004, 0.6207228302955627, -2.149198293685913, -0.9988400936126709, -0.34930962324142456, -0.004576005041599274, 0.6331137418746948, -0.6106604337692261, 1.015444278717041, 0.3542340397834778, 0.4659148156642914, 0.355972021818161, -0.3455665707588196, 0.5050565600395203, 0.6611832976341248, 0.5847707986831665, 0.287914901971817, 0.008894748985767365, -0.7483282089233398, -0.15984703600406647, -0.3335914611816406, 0.3328806757926941, -1.764809489250183, -0.0029179900884628296, 0.38913941383361816, -0.17914675176143646, 0.533289909362793, -0.4915037155151367, 0.8725734949111938, 0.2789556682109833, -0.10712474584579468, -1.5246479511260986, 0.28633248805999756, 1.6925355195999146, -0.03351883590221405, 0.2157076895236969, 0.43068620562553406, 0.6250919103622437, 0.49755415320396423, 0.653658390045166, 2.129849433898926, 0.06802389770746231, -0.8154048323631287, -0.23065844178199768, 0.6294213533401489, -0.2951112389564514, -0.08569427579641342, 0.4706827700138092, -1.6816219091415405, 0.5100407600402832, -0.9261288642883301, 0.5927895307540894, -0.8994041085243225, -0.15843968093395233, 0.5181132555007935, 0.5071150064468384, -0.23585841059684753, -1.1918703317642212, -0.14977432787418365, -1.062685489654541, 0.07467171549797058, 0.31275567412376404, 0.97505784034729, 0.7455039620399475, 0.6574600338935852, 0.4379897117614746, 1.2280619144439697, 0.11444491147994995, -0.1450379490852356, -0.3303675353527069, 0.23272883892059326, 1.2737871408462524, 0.8878605365753174, 0.6290318965911865, -0.28751662373542786, -0.5110600590705872, -0.49381646513938904, -0.5176482796669006, -0.5989976525306702, 0.906145453453064, 0.998852014541626, -0.1987989842891693, 0.13614335656166077, -1.0334144830703735, 1.1445056200027466, -0.6820479035377502, 0.5014354586601257, 0.9956831932067871, -0.4160517454147339, -1.055625557899475, -0.6650220155715942, 0.07662869989871979, 1.5044267177581787, -0.9452151656150818, 0.09691865742206573, -0.2491178661584854, 0.9801926016807556, -0.25361907482147217, -0.4257555305957794, -1.0966901779174805, 0.43680042028427124, -0.7267653942108154, 0.2783801555633545, 0.4307223856449127, -0.47540900111198425, -0.7699732184410095, -0.12315294146537781, -0.9419993758201599, 0.4230716824531555, -0.0164746455848217, -0.2645334303379059, -0.48823264241218567, 0.794614851474762, -0.834620475769043, -0.03907541558146477, 0.29761698842048645, -0.3500290811061859, -1.6192841529846191, 1.3037238121032715, 1.5471028089523315, -0.7169750332832336, -1.2948977947235107, -0.02645263448357582, 0.03933293744921684, 0.21629339456558228, 0.9785154461860657]} +{"paper_id": "few_rel", "embedding": [-0.41691696643829346, 0.7769931554794312, -0.24466468393802643, -0.4840646982192993, 0.5767382979393005, -0.01231813058257103, 1.6609113216400146, 0.583972692489624, 0.530499279499054, 0.8647403717041016, -0.06449863314628601, -0.3899238705635071, -1.1166572570800781, -1.030829906463623, -0.2703208327293396, -0.7595223188400269, -0.7315778732299805, -0.39372578263282776, -1.0855509042739868, -0.6272009015083313, -0.6371314525604248, -0.6768332123756409, 0.19481374323368073, 0.1794702112674713, -0.20214349031448364, -0.9048482179641724, 1.1936795711517334, -0.8686485290527344, 0.8028396368026733, 0.7581743597984314, -0.39706897735595703, 1.57756507396698, -1.4399826526641846, 0.0011668577790260315, -1.1495742797851562, 0.1392015963792801, 0.9342000484466553, 1.1400731801986694, -0.29655373096466064, -0.3954758942127228, -0.4929180443286896, -0.6703526973724365, 0.4913744628429413, 0.6107242107391357, 1.2136095762252808, -0.31851726770401, -0.15361179411411285, 0.31663990020751953, -0.8463893532752991, -0.19549734890460968, -0.41315391659736633, 0.10067254304885864, 0.3247814476490021, 0.23905721306800842, -0.16557928919792175, 1.3609249591827393, -0.3636147379875183, -0.7918937802314758, 0.3968280851840973, 0.029786519706249237, 1.4079703092575073, 1.0771366357803345, 0.22470512986183167, -0.08376435935497284, 1.3859273195266724, -0.1839882731437683, 1.0576403141021729, 0.5802631974220276, 0.49601054191589355, 0.44559749960899353, -0.5503749847412109, -0.8944527506828308, -0.8632746934890747, -0.4204867482185364, 0.1775970458984375, 0.605536699295044, 0.3440764546394348, 0.08318980038166046, 0.4593208134174347, 0.4970756769180298, 0.06959784030914307, 1.3822269439697266, 0.678196370601654, 0.0135873481631279, 0.0065953657031059265, -0.2946106195449829, 0.6104388236999512, -0.2907453775405884, 0.7285991311073303, -1.3538904190063477, 0.9191024303436279, -0.314995139837265, 0.03367770463228226, 0.2928735017776489, -0.45714783668518066, 0.6765530109405518, -0.7482510805130005, -0.3838109076023102, -0.23570069670677185, 0.6810004711151123, 0.7318618297576904, -0.7780774831771851, -0.04500602185726166, 0.28184232115745544, 0.3813680410385132, 1.0950899124145508, 0.07925036549568176, 0.32486698031425476, -0.8563070297241211, -0.13991564512252808, -0.6179468631744385, 1.9070093631744385, 0.022109419107437134, 0.3243904113769531, -0.22670622169971466, -0.043220166116952896, 0.14096856117248535, -0.12166839092969894, -0.8070648312568665, 0.171781525015831, -0.16622138023376465, -0.8163754940032959, -0.15375381708145142, -0.7925577163696289, 1.2916200160980225, -0.7506636381149292, 1.0362482070922852, -0.21361038088798523, 0.4894219934940338, 0.3204153776168823, 0.28506702184677124, 0.4533732831478119, -0.7844990491867065, -0.2464655339717865, 2.0285210609436035, -0.5390344858169556, 2.1870975494384766, -1.147912621498108, -0.4194816052913666, -0.5861867070198059, 0.009206797927618027, 0.9367379546165466, -0.06308314204216003, 0.2774292230606079, -0.24114570021629333, -0.10236307233572006, -0.4417358934879303, 0.7036737203598022, -0.9376029968261719, -0.9077187776565552, -0.9654554724693298, 0.23941570520401, -1.4134849309921265, -1.1086832284927368, 0.36566704511642456, -0.16341395676136017, -0.03571852296590805, 0.4308741092681885, -0.8821648359298706, 0.8987089395523071, 0.22162333130836487, -0.42816150188446045, -0.3573167026042938, 0.24132783710956573, -0.04335866495966911, 0.005400944501161575, 1.2941409349441528, 0.2858733832836151, -0.9295963048934937, -0.20538151264190674, 1.0255887508392334, -0.5616452693939209, 0.028444230556488037, -0.35214078426361084, -0.3296719789505005, 0.049639321863651276, 0.4467586576938629, 0.9567608833312988, 0.6810072660446167, -0.37827268242836, -0.35729268193244934, -0.4476829767227173, 0.05979638546705246, -0.10338740795850754, 0.34646907448768616, 0.365402489900589, -3.2363462448120117, 0.10467075556516647, -0.2901487946510315, 0.6419317722320557, 0.6236100792884827, -0.08691472560167313, 0.4826839864253998, 0.7739670872688293, -0.5710561275482178, -1.0850294828414917, 1.1625425815582275, -0.787345290184021, -0.5936870574951172, 0.4228127598762512, 0.0851912796497345, -0.2264978140592575, 0.04812464863061905, 0.6498561501502991, 1.2340669631958008, 0.0650504007935524, -0.4080508053302765, -2.5336718559265137, 0.01757204160094261, 1.6358850002288818, 0.03145325556397438, -0.7867496609687805, -0.9601755142211914, -0.4147089123725891, 0.6537284851074219, -0.27602317929267883, 1.1314160823822021, -0.553385317325592, 0.13042648136615753, -0.47043484449386597, 0.2490207552909851, -1.1580580472946167, 0.432839959859848, 0.424359530210495, 1.4773926734924316, -0.5766379237174988, 0.11631211638450623, -0.3032208979129791, -1.0181026458740234, 0.5639808177947998, 0.6670677065849304, -0.17117488384246826, -0.2987512946128845, 1.1217660903930664, 0.7380400896072388, 0.42225801944732666, 0.25541114807128906, 0.32547345757484436, -0.6800289154052734, -0.3424130976200104, 0.1777893602848053, 0.06026989221572876, -0.33724647760391235, 0.3239452540874481, 1.1635571718215942, -0.06868953257799149, -0.2770127058029175, -0.5132243037223816, -0.016267292201519012, 0.0007867291569709778, 1.1765198707580566, 0.6557345390319824, -0.006599899381399155, 0.4958264231681824, 0.06824803352355957, -0.2110143005847931, 0.19650150835514069, -0.5762662291526794, 0.350555956363678, -0.24438141286373138, 0.8184851408004761, 0.08090600371360779, -0.05058674141764641, -0.9620192646980286, -0.3002857565879822, -0.7642578482627869, -0.1603313684463501, 0.3720507025718689, -0.6165120005607605, -1.293196439743042, -0.0886790007352829, 0.15535619854927063, -0.8138730525970459, -0.7766777873039246, 0.17563773691654205, 0.4574003517627716, 0.36342450976371765, 1.0591548681259155, 1.2753727436065674, 0.09177364408969879, -0.3116718828678131, 0.08933626115322113, 0.6791706085205078, 0.06029146537184715, 0.7612089514732361, -0.7091745734214783, 0.8544902205467224, -1.3251065015792847, -0.19917955994606018, -0.5600008368492126, 0.8712577819824219, -0.5046145915985107, 0.4038692116737366, 0.7726388573646545, -0.29476243257522583, -1.2139129638671875, 1.5310291051864624, -0.25328966975212097, 0.004041116684675217, -0.47504687309265137, 1.0625087022781372, 0.5825293660163879, -0.3365109860897064, 0.23375952243804932, 0.06429679691791534, -0.5704021453857422, 1.740452766418457, -0.4007023274898529, 0.8921736478805542, 0.47760874032974243, -0.06106086075305939, 0.6157153844833374, 0.08039998263120651, -1.6973598003387451, 0.08367664366960526, 0.9275661110877991, -0.25205618143081665, -0.35946205258369446, -1.0128028392791748, 0.5040388703346252, -0.8483664393424988, 0.0659264400601387, -0.24508991837501526, -0.7188516855239868, 0.19547013938426971, -0.7382489442825317, 0.696998119354248, 1.9113365411758423, -1.6488144397735596, 0.2919594943523407, 0.6051812767982483, 0.2090461254119873, -0.5787749290466309, -0.6781652569770813, 0.9941579699516296, -0.4142005145549774, 0.059222035109996796, 0.49621546268463135, 0.8834749460220337, 0.8618494272232056, 0.09871811419725418, 0.3071492314338684, 0.8436771035194397, 0.3605595827102661, 0.21055519580841064, 0.3204937279224396, 0.014118906110525131, 1.0130940675735474, -0.38795799016952515, 1.0649323463439941, -0.06746625900268555, -0.7414483428001404, -0.46307775378227234, 0.28172755241394043, -0.3098580837249756, -0.1839127242565155, 1.5738714933395386, 0.2651052176952362, 1.5654839277267456, -0.6619023084640503, 0.8301738500595093, 0.05893895402550697, 0.5026037693023682, 0.03580336272716522, 1.0642008781433105, 0.33914756774902344, -0.4879254698753357, 0.18423080444335938, 0.30482691526412964, 0.22652567923069, 0.05225275084376335, 0.01571456342935562, 0.7556792497634888, -0.33043986558914185, -0.7395725846290588, -0.12314790487289429, 0.41384944319725037, 0.6891121864318848, 1.851412057876587, -0.155802384018898, -0.8697191476821899, 0.18583698570728302, 0.005802778527140617, 0.4447186291217804, 0.008969135582447052, -0.45731112360954285, 0.9818094968795776, 0.9149885177612305, 0.6790262460708618, -0.25479280948638916, 1.203316569328308, 0.38609328866004944, -0.3917343318462372, -1.8749431371688843, -0.5051910877227783, -0.07678373157978058, -0.04490654170513153, -0.0250389464199543, 0.004645694047212601, -0.4723389744758606, 0.7782856225967407, -0.7155962586402893, -1.042911171913147, 1.162920594215393, 0.4262935221195221, -1.5376145839691162, 1.0695805549621582, 0.5887609720230103, -1.855756402015686, -0.3590778708457947, 0.12240423262119293, -0.7065087556838989, -0.08389977365732193, -0.5784493684768677, -0.11895005404949188, 0.34732159972190857, 0.09410342574119568, 0.8288143277168274, -0.4411808252334595, -0.30669787526130676, -0.5315607190132141, 0.19153182208538055, 0.9400970935821533, -1.2420538663864136, 1.1746248006820679, 0.9111562967300415, -0.7323334813117981, -0.4430030584335327, -0.9540548920631409, -0.6019910573959351, 0.5812116861343384, 0.4905318319797516, -0.1333787590265274, -0.6387654542922974, -0.9446559548377991, -0.2768460214138031, -0.88758784532547, 1.5355983972549438, -1.1342566013336182, 0.41424453258514404, -0.4772653579711914, -0.18379035592079163, 0.026639357209205627, -1.044646143913269, -0.9404836297035217, 0.9348984360694885, -1.1113853454589844, 0.9798542261123657, 0.08074647188186646, 0.06333357095718384, 1.774654507637024, 0.19092032313346863, -0.03370990976691246, 0.3601776957511902, -11.143555641174316, 0.39114871621131897, -0.04611167311668396, -0.06577927619218826, 0.3955022096633911, -0.7710426449775696, 1.020742416381836, 0.573138415813446, 0.5648168325424194, -0.9010404944419861, 0.5269966721534729, 1.7473973035812378, -0.5177053213119507, -0.4119110703468323, -0.5233333706855774, -0.9558034539222717, -0.17332792282104492, -0.584530770778656, 0.6549544334411621, 0.6295265555381775, 0.4198126494884491, -0.4893336296081543, -0.1878819763660431, -0.4837850332260132, -0.5876695513725281, 0.23341885209083557, -0.49228131771087646, -0.6911399364471436, -0.4557158350944519, 0.6442557573318481, 0.7950929999351501, -0.7410420179367065, -0.38368937373161316, -1.0982458591461182, 0.33609694242477417, -0.0850229561328888, -0.3371284604072571, -0.27844494581222534, 0.26903578639030457, -0.09161185473203659, 0.12328758835792542, 0.4990331828594208, 0.32699114084243774, -0.3901892304420471, -0.12230923771858215, 0.558326780796051, -0.09621826559305191, -0.8723922371864319, 0.12329661846160889, -0.23324628174304962, -0.36328932642936707, -0.9223339557647705, -0.5912898778915405, -0.11784838140010834, 0.7590286731719971, -0.47291359305381775, -1.0867702960968018, 0.023210089653730392, -0.8308413624763489, -1.0360277891159058, 0.7364705204963684, 0.11383301764726639, -0.1935139149427414, 0.2631962299346924, 1.0784244537353516, -0.8386298418045044, 1.0212041139602661, 0.6200813055038452, -0.7626788020133972, 0.5287919640541077, -1.0948050022125244, 0.23300804197788239, 0.5354433059692383, 0.03635166585445404, -0.15478980541229248, 0.2320215404033661, -0.11508145183324814, 0.35516366362571716, 0.32623061537742615, 0.5434845685958862, -1.4314383268356323, 0.11171378940343857, -0.30877596139907837, -1.499387264251709, -1.3264137506484985, 0.14624039828777313, -0.34552842378616333, 0.043413061648607254, 0.4749040901660919, -0.32840126752853394, 0.825770378112793, 0.45398879051208496, -0.348855197429657, -0.7543544173240662, -0.5711138248443604, 0.8651468753814697, -0.3481180667877197, 0.36008888483047485, -0.8439701795578003, -1.232531189918518, 0.99233078956604, 0.274267315864563, 0.3720182180404663, 0.4897790849208832, 0.46464166045188904, 0.2873510718345642, 0.3601619005203247, 0.2724817395210266, 0.03854852914810181, 0.13173678517341614, 0.0011033713817596436, -0.003195233643054962, -0.6434440016746521, 1.0154814720153809, 0.16498157382011414, 0.427185982465744, 0.3531665503978729, -0.2723935842514038, 0.25118380784988403, 1.321182370185852, -0.651828408241272, 0.4833993911743164, 0.2628737688064575, 1.030499815940857, 0.4454681873321533, -0.4559657573699951, 0.06638236343860626, 0.4530247449874878, -0.21093228459358215, -1.5769660472869873, 0.6348586082458496, -0.23864686489105225, -0.050958067178726196, 0.09340644627809525, -0.7071995139122009, -0.3513922095298767, -0.3037377893924713, 1.4669427871704102, -0.6948675513267517, 0.19489341974258423, 0.3739089369773865, -0.756730854511261, -0.7459629774093628, -0.33122920989990234, -0.8083565831184387, 0.7029771208763123, -1.1015790700912476, -0.20398420095443726, -0.8882545828819275, -0.30356287956237793, 0.0304074976593256, -0.24610832333564758, 0.48143845796585083, -0.5748128294944763, -0.5239509344100952, -0.02531641162931919, 0.41193777322769165, -0.1301020234823227, -0.379603773355484, -0.06376338005065918, -0.3146228492259979, 0.7482926249504089, -1.2089029550552368, 0.8078692555427551, 0.498111754655838, -0.046769555658102036, -0.8925760388374329, -0.5271459817886353, 0.2873126268386841, 0.006686225533485413, 1.4180235862731934, -0.672339677810669, 0.5618410706520081, -0.06566853076219559, -0.19893495738506317, -0.7911925315856934, 1.005229115486145, 0.9382929801940918, -0.9281609058380127, -0.07593484222888947, -0.1574818193912506, 0.269586980342865, 0.10082608461380005, -0.692878782749176, 0.23270979523658752, 0.008217234164476395, 0.018328292295336723, 0.20676687359809875, 0.01795811578631401, 0.6848406791687012, -1.9742391109466553, -0.6985818147659302, 0.32121410965919495, -0.35036706924438477, 0.9501058459281921, 0.1467839628458023, 1.3674030303955078, 0.23831303417682648, -0.39170801639556885, 0.2619323134422302, 0.36799857020378113, 0.4827772378921509, 0.3031349182128906, 0.69499272108078, -0.5910991430282593, -0.4104471504688263, -0.6960533857345581, -0.08128894120454788, 0.12103410065174103, -0.06251942366361618, -0.965659499168396, 0.930142343044281, 0.372772753238678, -0.3302608132362366, 0.3668135106563568, -1.0286409854888916, 0.8419041037559509, -0.7433731555938721, -0.45145300030708313, -1.1568372249603271, 0.3614175021648407, 0.9848753809928894, -0.9878711700439453, 1.639496088027954, 0.3004789650440216, 0.6037140488624573, 1.0407544374465942, 0.05420248955488205, 1.5038704872131348, -0.21809028089046478, -0.7477234601974487, 0.39612507820129395, -0.09467914700508118, -0.02432497963309288, -0.02393496036529541, -1.4350188970565796, -0.8848240971565247, 0.7520508766174316, -1.191880226135254, -0.09036055952310562, -0.7560778260231018, 0.7866759300231934, 1.0436638593673706, 1.3499422073364258, -0.9630258679389954, -1.407544732093811, -0.00323588028550148, -0.9428357481956482, 0.7774057984352112, 0.6344236731529236, 0.5261857509613037, 0.9398446679115295, 0.9341458678245544, 0.3032737374305725, 0.8995240330696106, -0.4052577018737793, -0.5464172959327698, -0.13804775476455688, -0.042973585426807404, 1.5979962348937988, 0.4476654529571533, -0.06266842037439346, -0.10701105743646622, 0.45134395360946655, -1.0007139444351196, 0.31254255771636963, -0.44977250695228577, 0.3120200037956238, 0.25527262687683105, -1.1921966075897217, -0.06018628552556038, -0.31020504236221313, -0.19571731984615326, -1.0096441507339478, 0.17784374952316284, 0.07369928807020187, -0.22112730145454407, -0.5199206471443176, -1.008304238319397, -0.8185596466064453, 0.4835571348667145, -0.5418688058853149, -0.3424836993217468, -0.10970504581928253, 1.144432783126831, 0.0319683738052845, -0.4452100694179535, -0.47058555483818054, -0.16861391067504883, -0.613623321056366, 0.5321106314659119, -0.2633107602596283, -1.0766406059265137, -0.4894896149635315, -0.075539231300354, -0.5743788480758667, 0.1537172496318817, -1.09212327003479, -0.28409120440483093, -0.07831335067749023, -0.5606277585029602, 0.4174169898033142, -0.021025534719228745, -0.4325938820838928, 0.1149122416973114, -1.0514053106307983, 0.3416233956813812, 0.34013083577156067, -0.3117988705635071, -0.711902379989624, 0.16656550765037537, 0.745951235294342, 0.03530946373939514, 0.9789369702339172]} +{"paper_id": "multidoc2dial", "embedding": [-1.1751649379730225, 1.1542021036148071, -0.27739429473876953, 0.3535267114639282, 0.6390661597251892, 0.003911223262548447, 0.6669840216636658, 0.9651240110397339, 0.6666411757469177, 0.9603369832038879, 0.5777978301048279, -0.558775782585144, -0.7018489241600037, -0.7450052499771118, -0.46537676453590393, -0.019525103271007538, -0.6437109708786011, -0.5605121850967407, -0.8824371695518494, -0.6302255988121033, -0.42079824209213257, -0.742493748664856, -0.7324076294898987, 1.4215059280395508, -0.8834654092788696, -0.1959090530872345, 1.3482885360717773, -1.2919728755950928, 0.010511666536331177, 0.38236096501350403, -0.13177227973937988, 1.5021816492080688, -1.1963436603546143, 0.3663232922554016, 0.0965401902794838, -0.42265743017196655, 0.007399812340736389, 0.6577363610267639, -0.6086634397506714, 0.3962933123111725, -0.7102302312850952, 0.14831560850143433, -0.19079940021038055, 0.8139890432357788, 0.36021775007247925, 0.17822998762130737, -0.13992254436016083, 0.5017770528793335, -0.9193482398986816, -0.2919732332229614, -0.8512952923774719, 0.34923288226127625, -0.19680365920066833, 0.8266812562942505, -0.13681715726852417, 1.755664348602295, 0.2837768495082855, -0.4284144341945648, 0.14069864153862, -0.1228971779346466, 1.5288602113723755, 1.1188679933547974, -0.6960955262184143, 0.01277129165828228, 0.8443983793258667, -0.025703798979520798, 1.1264535188674927, -0.35072654485702515, -0.1221788078546524, 0.7232542634010315, -0.1145520806312561, -1.2456320524215698, 0.17299294471740723, -1.0333565473556519, -0.19016408920288086, 1.249723196029663, 1.4745502471923828, 0.07539154589176178, -0.5078588128089905, 0.019825562834739685, 0.8644837737083435, 0.7278029322624207, 0.7964061498641968, 0.1889863908290863, 0.7242392897605896, 0.425022691488266, 0.598641037940979, 0.14486104249954224, 0.004611784592270851, -2.7766194343566895, 0.48847633600234985, 0.12656879425048828, 0.035639334470033646, -0.32941704988479614, -0.4859843850135803, 0.02823631465435028, -0.2273925393819809, -1.0175089836120605, -0.17407959699630737, -0.13514378666877747, 0.40716493129730225, -0.3220385015010834, -0.23825295269489288, -0.7259966135025024, 0.23897339403629303, 0.32804831862449646, 0.3988457918167114, 0.5886629819869995, -0.1956649124622345, -0.8128878474235535, 0.6121434569358826, 0.9079347848892212, 0.42953628301620483, 1.574119210243225, -0.11787282675504684, 0.2612450122833252, 0.39831921458244324, -0.5719019174575806, -0.3344680070877075, 0.3338356912136078, -0.024760408326983452, -0.2035815715789795, 0.022642992436885834, 0.022614002227783203, 0.626615047454834, -0.9723827242851257, -0.20653241872787476, -0.8873701095581055, -0.057456932961940765, -0.9413209557533264, 0.1419767290353775, -0.3610387444496155, -0.5961499810218811, -0.3479543626308441, 2.298305034637451, -1.1075007915496826, 1.6376018524169922, -0.7428292632102966, -1.0631495714187622, -0.7158097624778748, 0.340889573097229, 1.5328803062438965, -0.35422971844673157, -0.7313834428787231, 0.07185861468315125, 0.2878224849700928, -0.7883730530738831, 0.5754689574241638, -0.3946804702281952, -0.9161175489425659, -0.10451751947402954, 0.10878296196460724, -1.7283135652542114, 0.03900858014822006, -0.6502225399017334, -0.07249888777732849, 0.24856097996234894, 0.6565912365913391, -0.22898569703102112, 1.3595833778381348, 1.4325488805770874, -0.16441528499126434, -0.42496874928474426, 0.34614378213882446, -1.4730316400527954, -0.42616918683052063, 0.5022689700126648, 0.008310321718454361, -0.9930020570755005, -0.8903470039367676, 0.9418061971664429, -0.5671237707138062, -0.1006634533405304, -0.298987478017807, -0.19653956592082977, -0.10160103440284729, 1.0213370323181152, 0.8466850519180298, 0.17224030196666718, -0.3841223120689392, -0.6276044249534607, -0.41075822710990906, -0.40055519342422485, 0.7094948291778564, -0.3555242121219635, 0.5716938376426697, -2.4149107933044434, -0.06681011617183685, -0.8244243860244751, 1.3575420379638672, 0.2591210901737213, -0.38502100110054016, 0.18959510326385498, -0.3729926645755768, 0.3885001540184021, -0.9421362280845642, 0.6081772446632385, -1.518563985824585, 0.6522647738456726, 0.06058762967586517, -0.3850577175617218, -0.28895851969718933, 0.6970165371894836, 1.4235140085220337, 0.9065030217170715, -1.077527403831482, -0.781078577041626, -1.8967115879058838, -0.14704665541648865, 2.2147350311279297, 0.5680707693099976, -0.7961682081222534, -1.1831632852554321, -0.4505300521850586, 0.11306390911340714, 0.4688641428947449, 0.24388864636421204, -0.5826454162597656, -0.26901862025260925, -1.3611862659454346, 0.113139808177948, -0.684388279914856, 0.8522377014160156, 1.1292941570281982, 0.8574300408363342, -0.616525411605835, -0.02017955482006073, -0.33343377709388733, -1.0097136497497559, -0.04972568526864052, 0.30984991788864136, 0.2780373990535736, 0.5504840016365051, 0.6808231472969055, -0.005330830812454224, -0.22290654480457306, 0.40174251794815063, 0.29268231987953186, -0.48375073075294495, 0.49001437425613403, 0.7674252390861511, 1.7620091438293457, -0.1665230542421341, 0.15868236124515533, -0.21023894846439362, 0.09577415883541107, 0.33797624707221985, -0.8838635683059692, -0.3829476833343506, -0.3806633949279785, 1.1817266941070557, 1.4106426239013672, 0.06898961216211319, 0.6822300553321838, -0.054288435727357864, -0.18557047843933105, -0.6290853023529053, -0.8738172650337219, -0.4029306173324585, -0.10926307737827301, 0.9283709526062012, 0.6527011394500732, 0.593491792678833, -0.8523918986320496, 0.35097581148147583, -1.0011025667190552, -0.4566032886505127, 0.23627421259880066, -0.6821627616882324, -1.7419826984405518, 0.3255029022693634, 0.1279957890510559, -0.9240840077400208, -0.17177744209766388, -0.12144230306148529, 0.415944904088974, 0.06209944933652878, 0.46063557267189026, 1.2355058193206787, 0.7312448024749756, -0.48646384477615356, -0.5922244787216187, 0.6486790776252747, -0.8055212497711182, 0.8220320343971252, -0.866043210029602, -0.9442887902259827, -0.9486479163169861, 1.0162007808685303, 0.09966719895601273, -0.05493601784110069, 0.20503738522529602, -1.4629573822021484, 0.7692919373512268, -0.05269704759120941, -0.9368558526039124, 1.3494365215301514, -0.30646464228630066, 0.15069496631622314, -0.4667329788208008, 1.8823403120040894, 0.006736481562256813, -0.4951821565628052, 1.138675332069397, -0.061613380908966064, -0.3002556264400482, 1.5439198017120361, -0.12042226642370224, 0.8431081175804138, 1.2045773267745972, -0.4401915669441223, -0.08105786144733429, 0.09896913915872574, -1.7476582527160645, 0.049717508256435394, 1.1729077100753784, -0.5474959015846252, 0.012851536273956299, -1.2372199296951294, 0.5663536787033081, 0.19544996321201324, -0.15109507739543915, 0.22365975379943848, -1.0456382036209106, 0.3140088617801666, -0.24011889100074768, 0.05433686077594757, 1.3496443033218384, -0.07302415370941162, 0.4245598316192627, 0.5376227498054504, -0.09635058790445328, -1.0595614910125732, -0.3370707035064697, 0.8265958428382874, -0.24517424404621124, -0.3736359775066376, 0.2559569776058197, 0.8657898306846619, 1.3434417247772217, -0.30420711636543274, 0.22582782804965973, 1.7205514907836914, 0.31178027391433716, 0.7371028661727905, 0.07908494025468826, -0.4669334292411804, 1.1522258520126343, -0.6757526397705078, 1.330794334411621, 0.49540087580680847, -0.681403398513794, -2.0612125396728516, -0.2879028916358948, -0.7254457473754883, -0.790447473526001, 1.580004334449768, 0.3220690190792084, 2.406517267227173, -0.1579565405845642, 0.2220260202884674, -1.3618724346160889, -0.6360421776771545, 0.5839184522628784, 0.02663387730717659, -0.553456723690033, -0.8739845752716064, 0.1589161455631256, 1.0671923160552979, -0.024599727243185043, -0.33943304419517517, -1.0464404821395874, 0.9056950211524963, 0.08008351922035217, -1.075441837310791, 0.3368968367576599, 1.056337833404541, 0.07530033588409424, 1.536610722541809, -0.9281806349754333, -0.6734247207641602, 0.6199589967727661, 0.7553204298019409, 0.4835939109325409, 0.8201497197151184, -0.731942892074585, 0.7696630954742432, 0.4780266284942627, 0.3421801030635834, -0.3122532069683075, 1.5311836004257202, 0.09510387480258942, -0.575556218624115, -1.462327480316162, -0.4465905725955963, -0.7093538045883179, -0.9147936701774597, 0.058085426688194275, 0.15404252707958221, -0.8328478336334229, 0.9772629737854004, -0.3549957871437073, -0.4030598998069763, 0.8536281585693359, -0.17126618325710297, -0.9143965244293213, 0.3597978353500366, 1.1350675821304321, -1.4882081747055054, -0.2245757281780243, 0.12043996155261993, -0.9634027481079102, -0.13823939859867096, -0.5981530547142029, -0.7321513891220093, 1.3691520690917969, 0.10564203560352325, -0.00285267923027277, 0.41937822103500366, 0.18556268513202667, -0.3179096281528473, 0.7605039477348328, 0.6928814649581909, -1.0230034589767456, 1.080919861793518, 0.8156099915504456, 0.6985891461372375, 0.3668052852153778, -1.1929502487182617, -1.1107782125473022, 1.7369048595428467, -0.9502254724502563, 0.11550057679414749, -0.4364621043205261, -0.5158065557479858, 0.7212135195732117, 0.29070258140563965, 0.06349137425422668, -0.9038355350494385, -0.1461319476366043, -0.6672484278678894, 0.08710244297981262, 0.7065399885177612, -1.5651363134384155, -1.4975402355194092, 0.16358661651611328, -0.5987523198127747, 0.41371503472328186, -0.23370221257209778, 0.3627523183822632, 2.12834095954895, 0.7947899699211121, 0.3212989568710327, -0.17299523949623108, -9.438130378723145, 1.2753528356552124, 0.2352771759033203, -0.3626253008842468, 0.564012885093689, -0.3177375793457031, 0.6503245234489441, 0.24818038940429688, 0.9084306955337524, -0.9411453008651733, 0.6858362555503845, 0.9488183259963989, -0.08721617609262466, -0.9049600958824158, -0.736639142036438, -1.4275532960891724, -0.7609409093856812, -0.5425205826759338, -0.33127209544181824, 0.177645742893219, 0.3873520791530609, -0.5669811367988586, 0.12009118497371674, 0.6186023354530334, -0.5320749878883362, -0.09069836139678955, -0.010009676218032837, -0.20127086341381073, -0.3612576723098755, 0.05393996089696884, 0.9680973887443542, -0.3772413432598114, -0.25293976068496704, -1.366280436515808, 0.8135040998458862, 0.1384681612253189, -0.9967360496520996, -0.529046356678009, 0.6257290840148926, -0.6550934314727783, -0.6846904754638672, 0.12308679521083832, 1.2085092067718506, 0.3864515721797943, -0.3158324658870697, -0.0804314911365509, 0.08095462620258331, -0.8716849684715271, -0.017855890095233917, -0.743935227394104, -1.027266025543213, -0.25889188051223755, -0.6646067500114441, 0.2603369653224945, 0.037881895899772644, -0.9990406632423401, -0.004317373037338257, 0.6060352921485901, -0.16053012013435364, -0.713936448097229, 0.4148980379104614, -0.28048408031463623, -0.25658032298088074, 0.12492503225803375, 0.6986474990844727, -0.5494111776351929, 0.9509490132331848, 0.2971848249435425, 0.37094515562057495, 0.8750299215316772, -1.0094059705734253, 0.10283536463975906, -0.23004022240638733, 0.1099582239985466, -0.01048056036233902, -0.12361662834882736, -0.5648905038833618, -0.4470806121826172, 1.048137903213501, 0.26167234778404236, -0.40575110912323, 0.5712076425552368, 1.150633454322815, -0.6480816602706909, -1.1915408372879028, -0.13371595740318298, 0.33712756633758545, -0.06935090571641922, 1.3416234254837036, -0.9693978428840637, 1.591866374015808, 0.504856288433075, -0.7365018129348755, -0.26907122135162354, -0.8641194105148315, 0.45959755778312683, 0.30327990651130676, 0.7128260135650635, 0.6060415506362915, -0.5973207950592041, -0.12042634934186935, -0.13370487093925476, -0.27471089363098145, -0.40509626269340515, 0.589919924736023, 0.14122715592384338, -0.49857088923454285, 1.261298656463623, -0.03013903647661209, -0.42430341243743896, 0.8565675020217896, 1.0322034358978271, -1.1109998226165771, 0.3065022826194763, -0.7543424367904663, 0.5652593374252319, 1.0592154264450073, 0.13316136598587036, 0.6280677914619446, 1.7195197343826294, -0.0842539370059967, 1.6619950532913208, -0.08588837087154388, 0.9955320954322815, 0.012449413537979126, -0.2829103171825409, 0.5831849575042725, 0.5431274771690369, -0.8341858983039856, -1.08778715133667, -0.25277185440063477, -0.09348561614751816, 0.48754969239234924, -0.48427537083625793, -1.0835834741592407, 0.011080656200647354, -0.4073280990123749, 1.7213919162750244, -0.005256220698356628, 0.6120076179504395, -0.2736715078353882, -0.8388115763664246, 0.6507813930511475, -1.3334643840789795, -0.7549577951431274, 0.02005010098218918, -1.8449196815490723, 0.5727576017379761, -0.951134443283081, 0.3095565438270569, 0.9696996212005615, 0.24304527044296265, 0.6398113369941711, -0.8031870126724243, -0.7602480053901672, 0.20300111174583435, 0.15221144258975983, -0.4471992552280426, -1.2122966051101685, 0.10748007893562317, -0.6087943911552429, 0.930526852607727, -0.8676822185516357, 0.8137473464012146, 0.23322397470474243, -0.1007443368434906, -0.9888098239898682, 0.10717862844467163, -1.6477594375610352, 0.21857330203056335, 1.5625163316726685, -1.3976805210113525, -0.2825617492198944, -0.6575071215629578, 0.10225813090801239, -0.5582201480865479, 0.7347170114517212, 0.8077996969223022, -0.8539616465568542, 0.023101866245269775, -0.4229097366333008, 0.4222041070461273, 0.319571316242218, 0.15200388431549072, 0.24753066897392273, 0.027644209563732147, -0.1466062366962433, 0.5017220973968506, 0.18942303955554962, 0.29166173934936523, -1.1727274656295776, -1.1746997833251953, -0.048109546303749084, -0.9577311873435974, -0.27204272150993347, -0.36072441935539246, 1.5515385866165161, 0.963628888130188, -0.11115739494562149, 0.33492153882980347, 0.7219305038452148, 0.563430905342102, 0.19248826801776886, 0.5938514471054077, -0.2008558213710785, -0.2860088348388672, -0.7295956611633301, 0.1723184585571289, 0.28393539786338806, 0.3159252405166626, -0.07517476379871368, -0.04869141802191734, 0.7691347599029541, -0.2925248444080353, 1.013416051864624, -1.381205677986145, 0.40592968463897705, -0.2787696123123169, -0.15123116970062256, -1.649074912071228, -0.012673035264015198, 0.8310080170631409, -0.5331194400787354, 1.0621432065963745, 0.5083688497543335, 0.204673632979393, 1.104830026626587, -0.3126298785209656, 0.666186511516571, 0.030717452988028526, -0.3940059542655945, 0.6550160646438599, 0.5170738697052002, 0.27159765362739563, -0.08163115382194519, -0.9705191254615784, -0.9003400206565857, 0.43915918469429016, -1.2221165895462036, 0.4785158932209015, -0.45909547805786133, 0.15550951659679413, 1.0370551347732544, 1.8081761598587036, -0.974044919013977, -1.4065958261489868, -0.9046584963798523, -1.0660710334777832, 0.15024733543395996, 0.8424298167228699, 0.6341795921325684, -0.05582734942436218, 0.5344047546386719, 0.14842525124549866, 1.0575801134109497, -1.1032578945159912, -0.16316941380500793, 0.440366268157959, -0.27933597564697266, 0.35224658250808716, 0.36717909574508667, 1.0284138917922974, 0.3634900450706482, 0.027637265622615814, -0.8612791299819946, -0.0576009526848793, -0.10128427296876907, 0.2824738621711731, 1.046079158782959, -0.8436329960823059, -0.5578464865684509, -0.8206052780151367, 0.7858177423477173, -0.5528230667114258, 0.7034468054771423, 0.18773962557315826, -0.9895965456962585, -0.4912804067134857, -1.4605469703674316, -0.7503060102462769, 0.446340411901474, 0.1395902782678604, -0.4631609320640564, -0.1376475840806961, 0.9634684920310974, 0.21491177380084991, 0.45663580298423767, -0.7715409398078918, -0.10519500821828842, -1.2450066804885864, 0.7882946729660034, -0.49450603127479553, -0.3407495617866516, -0.5942757725715637, 0.16812820732593536, -0.8516685366630554, 0.9350125193595886, 0.11156885325908661, -1.1312521696090698, -0.8717052936553955, 0.28507858514785767, 0.6489627361297607, 0.2504206895828247, 1.160679817199707, 0.24867528676986694, -1.6879339218139648, 1.3794963359832764, 1.2695460319519043, 0.11038263142108917, -1.0671976804733276, 0.399912029504776, -0.6322822570800781, -0.09676416218280792, 0.9677935242652893]} +{"paper_id": "kor_nli", "embedding": [-0.31379440426826477, 1.2376430034637451, 0.2217206358909607, -0.4841994643211365, 0.7246940732002258, -0.4641137719154358, 0.27597326040267944, 0.4593545198440552, 0.6244449019432068, 0.6907482743263245, 0.2400260865688324, 0.043804094195365906, -0.2591191232204437, -0.162936270236969, -0.4505108594894409, -0.21071720123291016, -1.1337511539459229, -1.2578516006469727, -1.9397153854370117, -0.37642621994018555, -0.5516759753227234, -0.7223814129829407, 0.11868120729923248, 0.38819319009780884, -0.6986042857170105, -0.776790201663971, 0.7662198543548584, -1.3192059993743896, 0.31331121921539307, 0.4330581724643707, -0.3272664248943329, 0.7779216766357422, -1.397808313369751, 0.5869743824005127, -0.05098927021026611, -0.028564322739839554, 0.3053329288959503, 0.9437302350997925, -0.46039485931396484, 0.03559194505214691, -0.9529893398284912, -0.4272648096084595, 0.4628410041332245, -0.11666401475667953, 1.0298056602478027, -0.4364762008190155, -0.5978235602378845, 0.3836042284965515, -0.35575729608535767, 0.04548031464219093, -0.6253259778022766, -0.40537041425704956, 0.40869030356407166, 0.39694759249687195, -0.6627705097198486, 1.5803290605545044, 0.46586164832115173, -1.0107593536376953, 1.071577787399292, -1.123603343963623, 1.058090329170227, 1.7598515748977661, -0.5230786800384521, 0.4862942397594452, 0.9481728076934814, 0.04474831372499466, 1.55637788772583, 0.6550002098083496, 0.6447234749794006, 0.5107868313789368, 0.1338815838098526, -1.4413048028945923, 0.991728663444519, -0.08473800867795944, 0.8706114292144775, 0.939056396484375, 0.32670387625694275, 0.5657917857170105, 0.05940457433462143, -0.0879610925912857, -0.9879324436187744, 0.5711074471473694, 1.3912235498428345, -1.09982168674469, -0.36719751358032227, 0.7465437650680542, 0.12830443680286407, -0.8363033533096313, 1.0258976221084595, -1.6898491382598877, 0.13627351820468903, 0.16555511951446533, -0.11307910084724426, 0.034040823578834534, -0.05318884551525116, 0.36714842915534973, -0.42443734407424927, -0.1880362331867218, -0.11366509646177292, 0.18118610978126526, 0.822314977645874, -0.19466952979564667, 0.40903884172439575, -0.39374595880508423, 0.592073917388916, 0.9525994062423706, -0.38666075468063354, -0.553231954574585, -1.0914068222045898, -0.37114807963371277, 0.4098263382911682, 1.2434492111206055, -0.10645551234483719, 0.2807531952857971, 0.12932312488555908, 0.14669513702392578, -0.2544576823711395, -0.9366203546524048, -0.19608169794082642, 0.14665037393569946, -0.1837754249572754, -1.2775981426239014, -0.379545122385025, -0.29349178075790405, 0.8041456937789917, -0.5387558341026306, 0.3964633345603943, -0.13559171557426453, 0.3664902150630951, -0.03116067685186863, 0.3434894382953644, -0.2630615234375, -0.43324220180511475, -0.129776269197464, 3.5314207077026367, -0.8479125499725342, 1.1525897979736328, -0.4200505316257477, 0.14411969482898712, -0.1711532026529312, -0.034497879445552826, 1.2610257863998413, -0.22497078776359558, -0.9109665751457214, -0.3804381787776947, -0.06455577909946442, -1.01314377784729, 0.48900851607322693, -1.012715458869934, -0.23283250629901886, 0.026669783517718315, -0.016942821443080902, -1.609765648841858, -0.5129974484443665, 0.0007973127067089081, 0.3229125440120697, 0.2518378496170044, 0.5626219511032104, -0.528734564781189, 1.1492048501968384, 0.6679790019989014, -0.09695903956890106, -0.6508909463882446, 0.24808800220489502, -1.3159235715866089, 0.1328987181186676, 0.8881816267967224, -0.3964172899723053, -0.6705666780471802, -0.618646502494812, 0.604275643825531, -0.18759292364120483, 0.15549150109291077, -0.06264644116163254, 0.3118899464607239, 0.6783737540245056, 0.5245637893676758, 0.39058083295822144, -0.2585831582546234, -0.5268753170967102, -0.24666792154312134, -0.626939594745636, -0.16584143042564392, 0.3837706744670868, 0.20377574861049652, 0.639707624912262, -2.264893054962158, -0.2629215121269226, 0.1186429113149643, 0.07015172392129898, -0.005664803087711334, -0.45374560356140137, -0.006728515028953552, -0.09186083823442459, 0.4353788495063782, -0.17242592573165894, 0.25729137659072876, -0.8415601253509521, -0.6857869625091553, 0.8895495533943176, -0.3582310080528259, 0.10377664119005203, -0.07478072494268417, 0.9663706421852112, 0.20861738920211792, -0.6471401453018188, -0.7270421385765076, -1.4844025373458862, -0.11744847148656845, 2.77111554145813, -0.017190441489219666, -0.47123661637306213, -1.3585212230682373, -0.7529436945915222, 0.04151156544685364, -0.6206150650978088, 0.27362874150276184, -0.9843495488166809, -0.30677035450935364, -0.8322845697402954, 0.32400885224342346, -0.8461028933525085, 0.3419360816478729, 0.6503560543060303, 1.151558518409729, -0.5571750402450562, -0.2610889673233032, 0.07115150988101959, -0.929576575756073, 0.2725754380226135, 0.38023287057876587, 0.28228697180747986, -0.9240540266036987, 1.1234095096588135, -0.11634840816259384, 0.7587336301803589, 1.2089581489562988, 0.6616473197937012, -0.40774792432785034, -0.19872727990150452, 0.34801211953163147, 1.1688481569290161, -0.1124173253774643, -0.12570200860500336, 0.0580870658159256, 0.5457277894020081, -0.14869317412376404, -0.5513607859611511, -0.27754074335098267, 0.2620372176170349, 1.4669345617294312, 0.8534614443778992, -0.8498412370681763, 1.0693762302398682, -0.8989385366439819, -0.373807817697525, -0.2591659724712372, -0.723338782787323, 0.202143594622612, -0.65174800157547, 0.45201995968818665, -0.2643275558948517, 0.10116149485111237, -0.3803306818008423, -0.2593233585357666, -1.6585127115249634, -0.4806702733039856, -0.65260249376297, -0.8315733075141907, -1.6225783824920654, -0.19562190771102905, 0.2727053165435791, -0.8181752562522888, -0.42178136110305786, 0.2504722476005554, 0.7963010668754578, 0.8748360872268677, 1.2430834770202637, 1.52138090133667, -0.08616781234741211, 0.8711339831352234, 0.22027580440044403, 0.7034831643104553, -0.8865605592727661, 1.4298405647277832, -0.039824455976486206, -0.02620939537882805, -0.38373056054115295, 0.5446888208389282, -0.9830034375190735, -0.2207581102848053, 1.0100599527359009, -0.5721212029457092, 0.24563834071159363, -0.48393845558166504, -1.6260440349578857, 0.3153539299964905, -0.4517568051815033, 0.3068336844444275, -0.6669599413871765, 1.8014583587646484, 0.33996573090553284, -0.2289547175168991, 1.2606886625289917, -0.30322009325027466, -0.26678919792175293, 0.8586722612380981, -0.5049257874488831, 0.4720875918865204, 0.8514630794525146, 0.1668374240398407, 0.2349109947681427, 0.345126211643219, -2.2048637866973877, 0.1817777007818222, 0.9955344796180725, 0.03657800331711769, -0.5328357219696045, -1.0716720819473267, 0.16464121639728546, -0.9899425506591797, -0.38006654381752014, 0.7501248717308044, -0.9752663373947144, 0.8017441034317017, 0.047544240951538086, 0.31489068269729614, 0.8759094476699829, -0.9332327842712402, 0.9155963063240051, 1.0831480026245117, 0.4570595324039459, -0.5951687693595886, -0.24523723125457764, 0.7809101939201355, -1.0496370792388916, 0.34792575240135193, 0.28698650002479553, 1.0817137956619263, 1.385345220565796, -0.31176522374153137, -0.30023694038391113, 0.5742747783660889, 0.9644187688827515, 0.6186831593513489, 0.6750937104225159, -0.3180427551269531, 0.30362215638160706, 0.3525984287261963, 1.2115498781204224, 0.2934377193450928, -0.9812048673629761, -0.9476945996284485, 0.09354276955127716, -0.06785271316766739, -0.6187597513198853, 2.1645798683166504, 1.1159815788269043, 0.9171456098556519, -0.30261895060539246, 0.31957003474235535, -0.3129478991031647, -0.07691267877817154, 1.0481202602386475, 0.8527459502220154, -0.5994905233383179, -0.2573317289352417, -0.2896062433719635, 0.7627964615821838, -0.7151566743850708, -0.34216874837875366, 0.13981573283672333, 0.5939463376998901, -0.4198848605155945, -1.484027624130249, 0.6203873157501221, 0.7833483815193176, 0.30319198966026306, 1.6258635520935059, -0.586071789264679, -0.015506155788898468, 0.7478118538856506, 0.6999706029891968, -0.3576052784919739, 0.18617239594459534, -0.32513532042503357, 0.9195235967636108, 0.7788367867469788, 0.7743934988975525, -0.009570956230163574, 0.9190486669540405, 1.1470304727554321, -0.4953794777393341, -1.0382275581359863, -0.442633718252182, -1.5147294998168945, -0.6127755641937256, -0.5500310659408569, -0.009526394307613373, -1.1032910346984863, 0.48574745655059814, -0.6341012716293335, -0.38436999917030334, 1.1236822605133057, -0.7620696425437927, -1.5801341533660889, 0.9566895365715027, 0.892206072807312, -1.2190643548965454, 0.01271899975836277, -0.4232434630393982, -0.8083541989326477, -1.3506189584732056, 0.1776868849992752, -0.570167601108551, 0.1776220053434372, -0.015523780137300491, 0.8853872418403625, 0.4374571442604065, -0.34735310077667236, -1.4943300485610962, 0.09970280528068542, 1.2777179479599, -1.279800295829773, -0.3751654326915741, 0.0880020335316658, 0.16149039566516876, -0.5432851314544678, -1.0168993473052979, -0.5311799049377441, 0.7582162022590637, 1.0163288116455078, 0.015949077904224396, -0.9021944403648376, -1.303821325302124, -0.004027720540761948, 0.4609093964099884, 1.2933317422866821, -0.8085641860961914, 0.006380731239914894, -0.20194602012634277, 0.4727270305156708, 0.4778347313404083, -0.35404664278030396, -0.16052395105361938, 1.1073353290557861, -0.3871784210205078, 0.7118946313858032, -0.04975196719169617, 0.5230944752693176, 0.8097534775733948, 0.05915772169828415, -0.21291843056678772, -0.4519335627555847, -10.528287887573242, 0.37383490800857544, -0.49157047271728516, 0.0223294198513031, 0.6447556614875793, -0.07447711378335953, 0.8888050317764282, -0.35691818594932556, 0.7673115730285645, -0.6441857814788818, 0.2995200455188751, 1.4708157777786255, 0.32739636301994324, -0.12453705072402954, -0.6026942133903503, -1.4011019468307495, -0.8841087818145752, -0.18983498215675354, 0.5362046360969543, 0.2844376862049103, -1.1444110870361328, -1.6726630926132202, 0.045988112688064575, 0.5667260885238647, 0.40663084387779236, 0.15005207061767578, -0.09071529656648636, -0.0871543437242508, -0.576028048992157, -0.23297055065631866, 0.03740600124001503, 0.062119223177433014, -0.9998942017555237, -0.29118654131889343, 0.6970421075820923, 0.02393527515232563, -0.5832878351211548, -0.1549774557352066, 1.1431641578674316, 0.09264352172613144, -0.4175794720649719, 0.2194625735282898, 0.42257457971572876, -0.09698902815580368, -0.20497557520866394, 0.5152276158332825, 0.06988377869129181, -0.8279176950454712, 0.6308208107948303, -0.9403183460235596, -0.625580906867981, -0.5335682034492493, -1.1552910804748535, -1.0535144805908203, 0.18849559128284454, 0.33316752314567566, -0.5666207671165466, -0.6362883448600769, -0.5815975069999695, -1.0514146089553833, 0.45282506942749023, 0.3329123854637146, -0.1896621584892273, 0.15914246439933777, 0.023363471031188965, -0.29999759793281555, 0.4995568096637726, 0.24656353890895844, 0.057482101023197174, 0.36344847083091736, -0.9237744808197021, 0.08190500736236572, -0.12706679105758667, 0.15986303985118866, -0.7392411231994629, -0.3014322519302368, -0.4761172831058502, 0.11345250904560089, 0.17943547666072845, -0.08271554112434387, -0.9479104280471802, 0.6483864188194275, -0.21215181052684784, -0.06944279372692108, -0.775760293006897, -0.04876077547669411, -0.423768550157547, 0.744798481464386, 0.8726191520690918, -0.30709096789360046, 1.3217471837997437, 0.020622573792934418, -0.0432506799697876, -0.01927366852760315, -0.657252311706543, 0.8990258574485779, -0.21041396260261536, 1.3815677165985107, -0.13770413398742676, -0.6291089057922363, 0.4847850203514099, -0.2658790946006775, -0.31094327569007874, 0.13255959749221802, 0.17737676203250885, 0.3968822658061981, 0.48042386770248413, 0.3683412969112396, 0.4430510103702545, -0.23571857810020447, 1.286628007888794, -0.19265832006931305, -0.45138031244277954, 0.9680147171020508, 0.20618319511413574, 1.1082186698913574, 0.6893497705459595, 0.4135288596153259, 0.555343747138977, 1.209640622138977, 0.05363498255610466, 1.1558456420898438, 0.4354729652404785, 1.8624322414398193, 0.22806769609451294, 0.3651573657989502, 0.682878315448761, 0.5974411368370056, -0.20635201036930084, -1.4699960947036743, -0.08631742000579834, 0.047164108604192734, 0.11100160330533981, -0.8603597283363342, -0.1097501665353775, -0.3691313862800598, -0.8416837453842163, 1.4598298072814941, -0.8529154658317566, 0.055781327188014984, -0.14669156074523926, -1.2989486455917358, 0.023841634392738342, -0.8074601292610168, -0.6821969747543335, 0.19386893510818481, -1.471812129020691, -0.3301610052585602, -0.3480673134326935, -0.8107191324234009, -0.20616278052330017, 0.11024307459592819, 0.9483681321144104, -0.9834911227226257, -0.16207371652126312, -0.17186835408210754, 0.23500673472881317, -0.4081730842590332, -0.7256513833999634, -0.512999951839447, 0.25481700897216797, 0.9968630075454712, -0.5837253332138062, 0.9270224571228027, 0.6107412576675415, 0.5300499796867371, -0.9254254102706909, 0.1020495593547821, -0.7139413952827454, 0.8732350468635559, 0.8424981236457825, -1.024804949760437, -0.39134329557418823, -0.22352644801139832, -0.7498409748077393, -0.6685258150100708, 0.5126762390136719, 1.3161922693252563, -0.8591234683990479, 0.24057918787002563, 0.26206982135772705, 0.8110880851745605, 0.027296215295791626, -0.34279072284698486, -0.32771241664886475, 0.06717431545257568, -0.18352118134498596, 1.125309944152832, 0.10660900920629501, 0.9629489183425903, -2.0725443363189697, -1.1233739852905273, -0.23626558482646942, 0.16637781262397766, 0.4051942825317383, -0.22993195056915283, 0.579780638217926, 0.3797551989555359, 0.6984114646911621, 0.6497071385383606, -0.26191556453704834, 0.37569230794906616, 0.33452412486076355, 0.6699545979499817, 0.21806558966636658, 0.2109256386756897, -0.5047829151153564, 0.13858389854431152, 0.009678000584244728, 0.9068283438682556, -1.1839245557785034, 0.009811602532863617, 0.4065758287906647, -0.1027340441942215, 0.08664529025554657, -1.0428012609481812, 0.40304064750671387, -0.435368150472641, -0.4296390414237976, -1.4355987310409546, 0.06380409002304077, 1.3614482879638672, -0.21143892407417297, 0.48399120569229126, 0.6256518959999084, 0.49238353967666626, 0.39192214608192444, 0.939877450466156, 1.450671911239624, -0.3164888024330139, -0.6878347992897034, -0.3132738173007965, 0.8577386140823364, -0.6585111021995544, -0.16620607674121857, -0.5437167882919312, -1.1526176929473877, 0.1250511109828949, -0.9237867593765259, 1.1354188919067383, -0.9493944048881531, 0.1497238427400589, 0.30429983139038086, 0.8482140898704529, -0.486852765083313, -1.5379995107650757, 0.2093345671892166, -1.0440740585327148, 0.09308971464633942, -0.123964324593544, 0.6803908348083496, 0.6568239331245422, 0.7412253618240356, 0.2853505611419678, 1.4131993055343628, -0.34777453541755676, 0.004303738474845886, -0.5822468996047974, -0.33832746744155884, 1.3949130773544312, 0.7956194877624512, 0.509972333908081, -0.26171889901161194, -0.39501169323921204, -0.8465582132339478, -0.3180902600288391, -0.5707108378410339, 1.104535460472107, 1.309106469154358, -0.09889321029186249, 0.06275595724582672, -1.0426771640777588, 1.0235991477966309, -0.7729969620704651, 0.45572957396507263, 0.6538826823234558, -0.11413417011499405, -0.612320065498352, -0.6587815284729004, 0.012013616040349007, 1.1122796535491943, -0.6256296038627625, 0.40860122442245483, -0.37543725967407227, 0.6684160232543945, -0.0014758547767996788, -0.30440154671669006, -1.0757911205291748, -0.041327908635139465, -1.0449495315551758, 0.2588271498680115, 0.8947478532791138, -0.4310795068740845, -0.4386012852191925, 0.1825311928987503, -0.8545056581497192, 0.3873754143714905, -0.2575884461402893, -0.43423810601234436, -0.45714664459228516, 0.49753338098526, -0.5933406352996826, -0.21949759125709534, 0.4082905054092407, -0.44780033826828003, -1.8293644189834595, 0.8391005992889404, 1.4084681272506714, -0.2658694088459015, -0.7149834632873535, -0.10578128695487976, 0.16029228270053864, 0.12756219506263733, 1.37407648563385]} +{"paper_id": "conceptnet5", "embedding": [-0.6404280066490173, 0.2945374846458435, 0.5268640518188477, -0.40016207098960876, 0.14083188772201538, -0.8944708108901978, 0.27605533599853516, 0.38586822152137756, 0.6708837747573853, 1.2331128120422363, 0.7630742192268372, 0.35086074471473694, 0.0019683409482240677, 0.09135835617780685, -0.4487312436103821, -0.2886485457420349, -0.4370213747024536, -0.8043997883796692, -0.8556257486343384, 0.05426321178674698, -0.8842272758483887, -0.6171529293060303, -0.029144834727048874, 0.36227381229400635, -0.44691261649131775, -0.6012667417526245, 0.5504767894744873, -0.9175875782966614, 0.6378068327903748, 0.20155680179595947, 0.031060300767421722, 1.1437933444976807, -1.1762714385986328, 0.21597817540168762, -0.03757796436548233, 0.013104168698191643, 0.23849287629127502, 1.0095617771148682, -0.17712648212909698, -0.15753589570522308, -0.2043076902627945, 0.02075953781604767, 0.6573500633239746, -0.030331626534461975, 0.8817988038063049, -0.03637334704399109, -0.31417882442474365, 0.3593338131904602, -0.14917361736297607, -0.01760457456111908, -0.3978358507156372, 0.32688406109809875, -0.22683581709861755, 0.45193424820899963, -0.8235971331596375, 0.7932193279266357, 0.48043879866600037, -1.1264817714691162, 0.33175981044769287, -1.2312456369400024, 0.9652360081672668, 1.2559493780136108, -0.4732285141944885, 0.6390227675437927, 0.8635188341140747, 0.40778565406799316, 1.268048644065857, 0.4742758274078369, 0.29126429557800293, 0.7181410193443298, 0.12423186004161835, -0.6853551268577576, 0.7987571358680725, -0.16497161984443665, 0.6561411619186401, 0.611294150352478, 0.3421998918056488, -0.13379491865634918, -0.3516421616077423, 0.6615649461746216, 0.022824905812740326, 0.3075020909309387, 0.6690505146980286, -0.5641591548919678, -0.34973791241645813, -0.013141751289367676, 0.47174397110939026, -0.6342190504074097, 0.6059321761131287, -1.5462350845336914, 0.73228520154953, 0.0866706594824791, 0.09402954578399658, -0.3608092963695526, -0.4378371834754944, 0.034038346260786057, -0.5035175681114197, -0.49540069699287415, -0.5551681518554688, 0.538995623588562, 0.40361541509628296, 0.1576031893491745, -0.007256033830344677, -0.3697638511657715, 0.12104380875825882, 0.5362600684165955, -0.15133726596832275, 0.09018969535827637, -0.4239310324192047, -0.1313512623310089, 0.4122556149959564, 1.6943349838256836, 0.14483533799648285, -0.23280096054077148, -0.4378702938556671, -0.305551141500473, 0.14931480586528778, -0.6010725498199463, -0.19192282855510712, 0.47264862060546875, -0.15129975974559784, -1.2427353858947754, 0.07916325330734253, 0.6805883049964905, 0.7126302123069763, -0.7693330645561218, 0.14928902685642242, -0.36027422547340393, -0.3505347669124603, -0.2080124169588089, 0.3605549931526184, 0.3501184582710266, -0.1698625385761261, -0.2175009399652481, 2.834933042526245, -0.5326864123344421, 1.6286120414733887, 0.3061071038246155, -0.626930296421051, -0.5363905429840088, -0.4462606906890869, 0.5879874229431152, 1.214924693107605, -0.06904209405183792, -0.08905327320098877, -0.20363035798072815, -0.0844491496682167, -0.20960389077663422, -0.48845458030700684, -0.5164248943328857, 0.29800647497177124, 0.5027124881744385, -1.4281724691390991, -0.6944084763526917, -0.15942862629890442, 0.7596713900566101, -0.19382430613040924, 0.471246600151062, -0.9383363723754883, 0.9053729772567749, 0.335486501455307, 0.031491734087467194, -0.4320029616355896, 0.3426913619041443, -0.273650199174881, 0.3266925513744354, 0.9505321383476257, -0.1371067613363266, -0.7794631719589233, 0.5264043807983398, 0.36576512455940247, -0.05806892365217209, 0.11132404208183289, -0.33860206604003906, 0.06449908763170242, 0.48084160685539246, 0.31656312942504883, 0.5830518007278442, 0.028264928609132767, 0.04666632413864136, -0.5430560111999512, -0.7856001853942871, -0.130308136343956, 0.6306616067886353, 0.0647549033164978, 0.6687293648719788, -2.341482639312744, 0.0213484950363636, -0.4684513211250305, -0.13950058817863464, 0.2967945337295532, -0.15880277752876282, 0.26677411794662476, 0.1721688210964203, -0.1468666046857834, -0.18841007351875305, 0.8842331767082214, -1.463594675064087, -1.328582525253296, 0.4092353582382202, 0.06649382412433624, 0.06554418802261353, -0.2225312888622284, 0.792361319065094, 0.06743849068880081, -0.013646906241774559, -0.2862340807914734, -2.16504168510437, 0.42023470997810364, 2.0502445697784424, -0.15227538347244263, -1.0362030267715454, -1.6440410614013672, 0.17045308649539948, -0.09958598762750626, -0.8698015213012695, 0.5364546775817871, -0.39295828342437744, 0.7731737494468689, -0.9113982319831848, 0.13384763896465302, 0.09496624022722244, 0.8961848616600037, 0.27116453647613525, 1.3417723178863525, -0.5937703251838684, -0.1830517053604126, -0.8865581750869751, -1.031121015548706, 0.4234527349472046, 0.7328453660011292, 0.7020210027694702, -0.19966062903404236, 0.4929909110069275, -0.13826897740364075, 0.3610321283340454, 0.33812928199768066, 0.5895873308181763, -0.5628836750984192, 0.4695436954498291, -0.057661689817905426, 0.9539029598236084, 0.11518865823745728, -0.18458905816078186, -0.2390509843826294, 0.31227514147758484, 0.1973617970943451, -0.5160213112831116, 0.10721762478351593, 0.049437470734119415, 1.5344910621643066, 0.6896014213562012, -0.2302844226360321, 0.46757712960243225, -0.7850938439369202, -0.011514544486999512, -0.20581966638565063, -0.6509307026863098, -0.16549691557884216, -0.0350155234336853, 1.1099003553390503, -0.5565601587295532, 0.7472750544548035, -0.09056899696588516, -0.23468680679798126, -1.0530498027801514, -0.7036818265914917, 0.034433603286743164, -0.3136109709739685, -0.5593423843383789, -0.06016137823462486, -0.4402887225151062, -1.3583920001983643, -0.8375601768493652, -0.09274156391620636, 0.6916069388389587, -0.015477430075407028, 0.8810824155807495, 1.0874431133270264, -0.5859834551811218, 0.41500386595726013, -0.34803012013435364, 1.2575721740722656, -0.3574092388153076, 0.8441791534423828, 0.690406858921051, 0.10435528308153152, -0.8463132381439209, 0.02065575122833252, -0.5877736806869507, 0.32218483090400696, 0.5168890953063965, 0.20225337147712708, 0.45094946026802063, -0.4017094373703003, -1.0923042297363281, 1.4855035543441772, 0.17062516510486603, -0.3915429711341858, -0.6443935632705688, 1.3355602025985718, 0.38027992844581604, 0.00019023194909095764, 1.3995040655136108, 0.18638557195663452, -0.1771385222673416, 1.5568501949310303, -0.19290068745613098, 0.425540566444397, 0.13494238257408142, -0.06853049993515015, 0.1103760302066803, -0.08123467862606049, -2.645359516143799, 0.10922572016716003, 0.5052462816238403, -0.158172145485878, 0.05982070043683052, -0.524278998374939, 0.5422965288162231, -0.6387766003608704, -0.09529062360525131, 0.3433666527271271, -0.41859617829322815, 0.6499263644218445, -0.35719963908195496, 0.2437465935945511, 1.0363519191741943, -0.7579246759414673, 0.45665422081947327, 0.5213490724563599, 0.522368311882019, -0.7902324199676514, 0.47895973920822144, 1.185417652130127, -0.2971394658088684, 0.8097009658813477, 0.2340269386768341, 0.6755572557449341, 0.31633368134498596, -1.0779998302459717, 0.2833739221096039, 0.31696510314941406, 0.06046617776155472, 0.3105403482913971, 0.4224400818347931, 0.17418000102043152, 0.6215603947639465, -0.41474559903144836, 1.3735686540603638, 0.06897179782390594, -0.5735004544258118, -0.9443615674972534, -0.4917398691177368, -0.6183168888092041, -0.8381508588790894, 1.9301159381866455, 0.4861604869365692, 1.3339722156524658, -0.1109694167971611, -0.6552323698997498, -0.580538272857666, -0.200616255402565, 1.2013533115386963, 0.48566552996635437, -0.19584615528583527, -0.40782344341278076, -0.007372453808784485, 0.6221193671226501, 0.34078526496887207, -0.22743946313858032, -0.3810472786426544, 0.3286605477333069, 0.04328572377562523, -0.8210985064506531, 0.8911697268486023, 0.7251256108283997, 0.4366995692253113, 1.0001375675201416, -0.4923238754272461, -0.10874885320663452, -0.5250205993652344, 0.4242130219936371, 0.6663249731063843, 0.1144297644495964, -0.41626718640327454, 0.6589726805686951, 0.25552234053611755, 0.6666917204856873, 0.43414849042892456, 0.6792827844619751, 1.2477741241455078, 0.08879895508289337, -1.5167828798294067, -0.24400310218334198, -0.962009608745575, -0.22503237426280975, 0.5132122039794922, 0.05807741731405258, -0.3271128237247467, 0.16182495653629303, -0.17531868815422058, -0.4768112003803253, 0.6103146076202393, -0.9054574966430664, -1.3439480066299438, 0.3664548397064209, 1.0105901956558228, -0.6421621441841125, -0.4209056496620178, 0.118417888879776, -0.7849676012992859, -0.8742331862449646, -0.4663497805595398, -0.5552580952644348, 0.5765039920806885, -0.20906032621860504, 0.4576878845691681, 0.038595106452703476, -0.21617966890335083, -0.6214082837104797, 0.9009943604469299, 1.0223885774612427, -0.27766314148902893, 0.23206345736980438, -0.1395723521709442, 0.061456307768821716, -0.35278573632240295, -1.1166702508926392, -1.05333411693573, 1.0756123065948486, 0.3124655783176422, -0.002524377778172493, -1.030089259147644, -0.7502003312110901, -0.1355525553226471, 0.24921663105487823, 0.9428702592849731, -1.2531160116195679, -0.05533161014318466, -0.45260220766067505, -0.0726010799407959, 0.30279505252838135, -0.7996982932090759, -0.6021388173103333, 1.1764171123504639, -0.318080335855484, 0.2778380513191223, -0.06936731934547424, 0.40607157349586487, 0.9542117118835449, 0.32349690794944763, 0.03672754019498825, -0.1148686483502388, -12.834878921508789, 0.5822721719741821, -0.37692180275917053, 0.3781707286834717, 1.291495680809021, -0.19669362902641296, 0.5613883137702942, 0.12737606465816498, 0.7508920431137085, -1.033776044845581, 0.3188186585903168, 0.9732045531272888, 0.1038779467344284, -0.27404943108558655, -0.9618024230003357, -1.4021838903427124, -0.3781217932701111, -0.5888338088989258, 0.23096291720867157, 0.1607513427734375, 0.042852189391851425, -1.3140226602554321, -0.39826786518096924, 0.24311016499996185, 0.36697161197662354, -0.39987748861312866, -0.05839104577898979, 0.04535835236310959, -0.13733579218387604, -0.3063734173774719, 0.2475409060716629, -0.07708223164081573, -0.7602803111076355, -0.5864437818527222, 0.49154049158096313, 0.5907201766967773, -0.5419327616691589, 0.05345906317234039, 1.0786885023117065, 0.21195974946022034, -0.6102294921875, 0.6234963536262512, 0.45981648564338684, 0.02317710779607296, -0.5689798593521118, 0.11285142600536346, 0.5576311945915222, -0.9540286064147949, 0.10107983648777008, -0.5584989786148071, 0.0844094306230545, -0.6647550463676453, -1.012984037399292, -0.7141503095626831, 0.8036290407180786, 0.4463784396648407, -0.6191539764404297, -0.08388881385326385, -0.4488898515701294, -0.9825612306594849, 0.5295910835266113, 0.3289530277252197, -0.12694160640239716, 0.3170778751373291, 0.28199073672294617, -0.4732925295829773, 0.37184298038482666, 0.6880188584327698, -0.11335787922143936, 0.11643078923225403, -0.5607711672782898, 0.7167143821716309, 0.35781094431877136, 0.5858843326568604, -0.49047550559043884, 0.42118164896965027, 0.2623133957386017, 0.46016982197761536, 0.2928643524646759, -0.15681827068328857, -0.8732426762580872, 0.8955184817314148, 0.2856311500072479, -0.47333016991615295, -0.4836617410182953, 0.24588236212730408, -0.42818692326545715, 0.15949341654777527, 0.4711889326572418, -0.15971580147743225, 0.6671492457389832, 0.0857255756855011, -0.1776878982782364, -0.6778300404548645, -0.29894131422042847, 0.4861101508140564, 0.15692858397960663, 0.6930018663406372, 0.1074519157409668, -0.1366690695285797, 0.2660037875175476, -0.1713675558567047, -0.713132381439209, -0.4907999038696289, 0.3313698172569275, 0.18658828735351562, -0.0363597646355629, 0.170759916305542, 0.0841871052980423, -0.2018599957227707, 0.924932599067688, 0.03991535305976868, -0.46460139751434326, 1.0459321737289429, -0.14027665555477142, 0.3172587752342224, 0.7204993367195129, -0.6824826002120972, 0.7038161158561707, 1.0453541278839111, 0.05989885702729225, 0.11687106639146805, 0.13504324853420258, 1.056626796722412, -0.2085636705160141, 0.26586946845054626, 0.41856762766838074, 0.9045041799545288, 0.1719197779893875, -1.6357396841049194, 0.4033963680267334, -0.2953088581562042, -0.22594186663627625, -0.35635823011398315, -0.4160101115703583, -0.6289736032485962, -0.40802040696144104, 1.2093167304992676, -0.5554048418998718, 0.5857498645782471, 0.19206295907497406, -1.2008447647094727, -0.4341873526573181, -0.44942450523376465, -0.8345722556114197, 0.02412264794111252, -1.017172932624817, 0.10526135563850403, -0.7225856184959412, -0.842261016368866, -0.06520473957061768, -0.3269372880458832, 0.723170816898346, -0.3977857828140259, -0.12001454830169678, -0.013025538995862007, 0.09862488508224487, -0.04882736876606941, -0.7482002973556519, 0.07276177406311035, 0.63210529088974, 1.1485943794250488, -0.8489856719970703, 1.0483015775680542, 0.8973478078842163, 0.06237657740712166, -0.8090993165969849, -0.351558119058609, -0.47354575991630554, 0.2197066843509674, 1.090595006942749, -0.9142532348632812, -0.6391342878341675, -0.13458149135112762, -0.030529573559761047, -1.89145827293396, 0.3901548385620117, 1.0314228534698486, -0.3325241506099701, -0.3276848793029785, 0.1933634728193283, 0.813656210899353, 0.07793212682008743, -0.7744827270507812, -0.13732634484767914, -0.5452790856361389, 0.28883635997772217, 1.1181278228759766, -0.5035306811332703, 0.15803074836730957, -0.995235800743103, -0.619493842124939, -0.925128698348999, -0.07384897768497467, 0.16563639044761658, -0.006655845791101456, 1.1161834001541138, 0.8889009952545166, 0.24255967140197754, 0.2169402837753296, -0.7381426692008972, 0.6756643056869507, 0.3899352550506592, 0.21881221234798431, -0.1805076003074646, -0.18730495870113373, -0.9621298313140869, -0.3943294584751129, -0.01623956859111786, 0.568556010723114, -0.9046095609664917, -0.3214731812477112, 0.18506579101085663, -0.4976809024810791, 0.3142264783382416, -0.8652001619338989, 0.3515474796295166, -0.3221852481365204, -0.29875868558883667, -0.6651368141174316, 0.3070140779018402, 0.8866432905197144, -0.4165830612182617, 0.8447459936141968, 0.1931159645318985, 0.8160113096237183, 0.5506252646446228, 0.43825167417526245, 1.5864239931106567, -0.3687030076980591, -0.6058349013328552, 0.2976211607456207, 0.043068014085292816, -0.32756105065345764, -0.6513112187385559, -0.5479557514190674, -0.8844096064567566, 0.4727702736854553, -0.42686647176742554, 0.34420332312583923, -0.3470686674118042, -0.06927400082349777, 0.6536613702774048, 0.7445399165153503, -0.4609565734863281, -1.3885607719421387, -0.8868602514266968, -1.245688557624817, 0.5408241748809814, 0.468891441822052, 0.38736778497695923, 0.656540036201477, 0.6638856530189514, 0.36945271492004395, 0.45193177461624146, 0.03830110281705856, -0.1002303957939148, -0.06610754877328873, 0.05428898334503174, 1.0210342407226562, 0.4184947907924652, 0.4923228621482849, -0.01345774345099926, -0.22445109486579895, -0.8339838981628418, -0.10911634564399719, -0.09336574375629425, 0.2599378228187561, 0.3797283172607422, -0.06328609585762024, -0.16545984148979187, -0.564947783946991, 0.16252721846103668, -0.9717938899993896, 0.38277989625930786, -0.09188774228096008, -0.2876654267311096, -0.7914130687713623, -0.7291378974914551, -0.2523255944252014, 0.8044854998588562, -0.393680602312088, -0.389126181602478, -0.3045060634613037, 0.8200698494911194, -0.1048617884516716, -0.18750254809856415, -0.32481375336647034, 0.2997887432575226, -0.5774279832839966, 0.6175042986869812, 0.10437500476837158, -0.9066776633262634, -0.7850395441055298, 0.195606529712677, -0.9110982418060303, 0.29687851667404175, -0.029418695718050003, -0.5044510960578918, -0.719052791595459, 0.6607886552810669, -0.5773154497146606, -0.396467000246048, 0.3960251808166504, -0.06824460625648499, -1.4375135898590088, 0.5812014937400818, 0.8160286545753479, 0.10552586615085602, -1.1005979776382446, 0.3774155378341675, 0.3395979702472687, 0.573536217212677, 0.7698177099227905]} +{"paper_id": "cs_restaurants", "embedding": [-0.06244483217597008, 1.467127799987793, 0.5267540216445923, 0.2882756292819977, 0.6454870104789734, 0.23720408976078033, 0.14747795462608337, 0.322012335062027, 0.2181941270828247, 0.7928604483604431, 0.7556890249252319, -0.003220940940082073, -0.07352535426616669, -0.07360222190618515, -0.24264517426490784, -0.2508940100669861, -1.632507562637329, -0.697223961353302, -1.5757116079330444, -0.6469926238059998, -1.3410197496414185, -0.9246282577514648, -0.43732061982154846, 1.1214473247528076, -0.701538622379303, -0.6087726950645447, 0.49046143889427185, -1.4080694913864136, -0.10576402395963669, -0.18872153759002686, -0.8973629474639893, 0.7262385487556458, -0.41736122965812683, 0.49459895491600037, 0.12516015768051147, -0.47002503275871277, -0.05872776731848717, 0.47621211409568787, -0.6059816479682922, 0.4427741467952728, -0.5897922515869141, -0.12003146857023239, 1.3371797800064087, -0.5726865530014038, 0.95475834608078, -0.4547507166862488, -0.4923049807548523, 0.4509775936603546, 0.07657743990421295, 0.14055073261260986, -0.9322456121444702, 0.281110942363739, 0.31016919016838074, 0.3624511957168579, -0.15870457887649536, 1.5165560245513916, 0.163203626871109, -1.4686461687088013, 0.27255380153656006, -0.2755691111087799, 0.3458841145038605, 1.9010618925094604, -0.5525901913642883, 0.7073360681533813, 0.44506892561912537, -0.6005399227142334, 1.0396676063537598, -0.04640839993953705, -0.009592344984412193, 1.1146548986434937, -0.49035775661468506, -0.391417533159256, 1.2883257865905762, -0.03606577217578888, 0.5464922189712524, 0.9531731605529785, 1.1259418725967407, 0.73835688829422, -0.4490633010864258, -0.3283815383911133, -0.30825620889663696, 1.168304443359375, 0.7111232876777649, -0.5055943727493286, 0.030043812468647957, 0.7892758250236511, 0.4994303286075592, -0.328785240650177, -0.12394700199365616, -2.2537059783935547, 0.2534201741218567, 0.3756888508796692, -0.4216282069683075, 0.004119709134101868, -0.1786048412322998, -0.017751792445778847, -0.21240903437137604, -0.029796170070767403, -0.7431840896606445, -0.017122404649853706, 0.29352933168411255, -0.6132262945175171, 0.2944715917110443, -0.2503375709056854, 0.9176223874092102, 0.5663910508155823, -0.3881130814552307, -0.42686352133750916, -0.7253233194351196, -0.4998295307159424, 0.4148545265197754, 0.8972749710083008, 0.3215583562850952, 0.9795811176300049, 0.3340985178947449, -0.2866675853729248, 0.4209152162075043, -0.7550135850906372, -0.14783447980880737, 0.2900354862213135, -0.36799463629722595, -1.0391501188278198, -0.007853921502828598, -0.21844930946826935, 0.5741022825241089, -1.0607143640518188, 0.05595732107758522, -0.14944550395011902, 0.47933098673820496, -0.717003583908081, 0.395662784576416, -0.0707169771194458, -0.4554952383041382, 0.5073573589324951, 3.5283901691436768, -1.295039415359497, 0.8418404459953308, -0.9254137277603149, 0.02583419904112816, -0.8053861260414124, 0.29019421339035034, 1.8046073913574219, -0.7288650274276733, -0.7497052550315857, -0.8535327911376953, 0.2990802228450775, -0.9861777424812317, 0.5293034911155701, -0.19981089234352112, 0.010385077446699142, 0.4964282512664795, -0.12914001941680908, -1.679322361946106, -0.5519528985023499, -0.6377279758453369, 0.3610018193721771, 0.6859280467033386, 0.7734969258308411, 0.11341394484043121, 1.801069736480713, 1.624880313873291, -0.7346232533454895, -0.12902945280075073, 0.10034044831991196, -1.533840298652649, 0.1713566929101944, 1.2416332960128784, -0.20034822821617126, -0.2222248613834381, -0.561090886592865, 0.29830554127693176, 0.2640000283718109, -0.28004616498947144, 0.052916161715984344, 0.8131670951843262, 0.7550836205482483, 0.613851010799408, 0.6262626051902771, 0.09215246886014938, -0.4424941837787628, -0.7664143443107605, -0.9626955986022949, 0.03338073939085007, 0.46596232056617737, -0.08707521855831146, 1.4983057975769043, -2.022104024887085, -0.6740036606788635, -0.23269596695899963, 1.28164541721344, -0.7245166897773743, -0.2540408670902252, -0.680942177772522, 0.29251086711883545, 0.6817129850387573, -0.3452100455760956, 0.7639816999435425, -1.1288219690322876, -0.18919748067855835, 0.8194594383239746, 0.2970636188983917, -0.48261719942092896, -0.6284734606742859, 1.4642786979675293, 0.5014684200286865, -0.8354032635688782, 0.15486206114292145, -1.037672758102417, -0.15572774410247803, 2.9521541595458984, 0.544553279876709, -1.1851835250854492, -0.5494826436042786, -0.5177813172340393, 0.1462613046169281, -0.05363362655043602, -0.17054910957813263, -0.2608845829963684, 0.3881138265132904, -1.224109172821045, 0.6713776588439941, -0.6668338179588318, 0.3384460508823395, 0.9415175914764404, 0.7044152021408081, -0.15353138744831085, -0.05922041833400726, -0.26945316791534424, -0.2053961455821991, 0.2617940306663513, 0.8004708290100098, 0.6396631598472595, -0.2834734320640564, 1.2407673597335815, -0.2108914852142334, 0.3538159728050232, 0.2744903862476349, 0.6077598929405212, -0.547229528427124, 0.3724190890789032, 0.7672543525695801, 1.7821896076202393, -0.917601466178894, 0.6822569370269775, 0.07030096650123596, 0.5705742239952087, -0.5207265615463257, -0.10015637427568436, 0.12878289818763733, -0.7201738357543945, 1.6592150926589966, 0.9838560223579407, -0.5373703837394714, 0.6437522768974304, -0.7722136378288269, -0.09185972064733505, -0.22641313076019287, -1.1005767583847046, -0.765648603439331, -0.39559274911880493, 0.8025680184364319, -0.5326633453369141, 0.18412433564662933, -0.7173077464103699, -0.6235244274139404, -1.2482573986053467, -1.3370335102081299, -0.38740426301956177, -0.3253582715988159, -2.1856276988983154, 0.05886177718639374, -0.08531571924686432, -0.7710859775543213, -0.05906059220433235, 0.2682551145553589, 1.0321458578109741, 0.3399200737476349, 0.5616757869720459, 2.1559925079345703, -0.769954264163971, 0.13303732872009277, 0.41073572635650635, 0.14165546000003815, -1.3000563383102417, 0.8846189379692078, 0.321384459733963, -0.17943595349788666, -0.6108166575431824, 0.16595014929771423, 0.17442673444747925, 0.12792620062828064, 0.4584929347038269, -0.8735284805297852, -0.48470380902290344, -0.46546196937561035, -0.5286638140678406, 0.5277819633483887, -1.492566466331482, 0.852105438709259, -1.0887466669082642, 1.6810108423233032, 1.169910192489624, 0.16701233386993408, 1.099907398223877, -0.22444310784339905, 0.356854647397995, 0.8487014770507812, -0.5453805327415466, 1.2110060453414917, 0.9357014298439026, 0.21861949563026428, 0.5310776829719543, 0.026111021637916565, -2.3499960899353027, 0.6904134750366211, 0.8681328892707825, -0.1253235936164856, 0.1419992744922638, -0.9474592208862305, 0.011481568217277527, -0.0972016230225563, -0.3449738323688507, 0.14024698734283447, -0.2839573621749878, 0.21816737949848175, -0.49168527126312256, -0.8052787184715271, 0.745831310749054, -0.35370421409606934, 0.9414353370666504, 1.1095309257507324, 0.21306154131889343, -1.923372745513916, 0.258830189704895, 0.7662662863731384, -0.9517912864685059, 0.13562920689582825, 0.06364288181066513, 0.378788560628891, 1.3976609706878662, -0.7530657649040222, 0.3329692780971527, 0.892426073551178, 0.14855480194091797, 0.2799566984176636, 0.7832461595535278, -0.732323944568634, -0.2665283679962158, -0.12881554663181305, 0.6353965997695923, -0.03214351087808609, -1.152117133140564, -0.8042773604393005, 0.12814535200595856, -0.14315229654312134, -0.7010829448699951, 1.608231544494629, 0.760320782661438, 2.033402442932129, -0.31853556632995605, 0.17065086960792542, -0.6908718943595886, -0.08324731886386871, 1.4033175706863403, 0.5434411764144897, -0.4753367304801941, -0.6554815769195557, -0.7881176471710205, 0.621734619140625, -0.20690597593784332, -0.5753213763237, -0.4435131251811981, 0.3283681869506836, 0.05482606217265129, -1.4278768301010132, -0.07289885729551315, 0.6142803430557251, 0.22740036249160767, 2.1261119842529297, -1.0596729516983032, -0.46769675612449646, 1.0209784507751465, 1.0537827014923096, 0.5287662744522095, 0.15766876935958862, -0.989784836769104, 0.47969120740890503, 0.6931782364845276, 0.49949681758880615, -0.7262183427810669, 0.33617284893989563, 0.9754750728607178, -1.3336490392684937, -0.2259904444217682, -0.8113710284233093, -1.2152087688446045, -0.42173704504966736, 0.2565293312072754, -0.5131991505622864, -0.3832622170448303, 0.9466876983642578, -0.0970844104886055, -0.1180334985256195, 1.0430934429168701, -0.14856159687042236, -1.0781869888305664, 0.4811745285987854, 1.3949437141418457, -1.1462980508804321, -0.5105219483375549, -0.25736701488494873, -1.0800361633300781, -0.9127760529518127, 0.6808704137802124, -0.8825502991676331, 0.16167783737182617, 0.33234724402427673, 0.32468605041503906, -0.23449201881885529, -0.7614952921867371, -2.1453521251678467, 0.6587623357772827, 1.0539484024047852, 0.18580427765846252, 0.18253052234649658, -0.19408224523067474, 0.7616304159164429, -0.5387706756591797, -1.2527427673339844, -0.7568298578262329, 0.16029635071754456, 0.13175509870052338, 0.18604256212711334, -0.6824783682823181, -0.4132387340068817, 0.08484827727079391, 0.09558451175689697, 0.4658074676990509, -0.7741950750350952, -0.25306206941604614, 0.04490036517381668, 1.078881859779358, 1.1754207611083984, -0.6488130688667297, -1.1785629987716675, 0.7966902256011963, -0.6061148643493652, 0.20860762894153595, 0.7019507884979248, 1.0364940166473389, 1.1261156797409058, 0.3271447718143463, 0.0894584059715271, -0.6750960946083069, -9.398259162902832, 0.3936314880847931, 0.10154500603675842, -0.8726635575294495, 0.5882628560066223, -0.5420616865158081, 0.813518226146698, -0.08961300551891327, 0.4849831461906433, 0.14766430854797363, 0.5659406781196594, 1.2776843309402466, 0.2996152341365814, -0.09547678381204605, 0.03798726946115494, -1.6352391242980957, -1.1055341958999634, -0.492908239364624, 0.4779135584831238, 1.043783187866211, -0.7189896106719971, -1.587877631187439, 0.7955978512763977, 0.6188040375709534, 0.2647961974143982, 0.6057857275009155, -0.02552841603755951, 0.2517373859882355, -0.5546950697898865, -0.3942638039588928, -0.13762693107128143, -0.41762059926986694, -1.1724187135696411, -0.11332428455352783, 0.4522894620895386, -0.5805675983428955, -1.943504810333252, -0.5847876667976379, 1.607617974281311, -0.23800890147686005, -0.5671948790550232, -0.15170446038246155, 1.190697193145752, -0.6713282465934753, -0.5923737287521362, 0.2467219978570938, 0.5854845643043518, -0.8862513899803162, 0.31223541498184204, -0.07183586061000824, -0.656808614730835, -1.0247023105621338, -1.3474928140640259, -0.865073025226593, 0.3963543474674225, 0.17397619783878326, -0.642024576663971, 0.4674161374568939, -0.33452484011650085, -0.8127466440200806, 0.7036721706390381, 1.0537670850753784, -0.042076338082551956, 0.016331538558006287, 0.4163427948951721, -0.6355823278427124, 0.17812642455101013, -0.11660803109407425, 0.5416191816329956, 0.5929333567619324, -0.9187910556793213, 0.4916502833366394, -0.330008864402771, 0.3572942912578583, -0.6357170939445496, -0.13845214247703552, 0.3696627616882324, -1.341670274734497, 0.3448040783405304, 0.17304831743240356, -0.7975223064422607, 0.32839828729629517, 0.5052520632743835, 0.16941624879837036, -0.37569981813430786, -0.10217899084091187, -0.6075917482376099, -0.4217497706413269, 1.412043809890747, -0.3116159439086914, 1.4933372735977173, -0.807900071144104, -0.34541040658950806, 0.7015164494514465, -0.5805697441101074, 1.3878318071365356, -0.37660688161849976, 0.9727984070777893, 0.6098072528839111, -0.4178886115550995, 0.6847275495529175, 0.09708564728498459, -0.49772578477859497, -0.28681430220603943, 0.28969720005989075, 0.2502882778644562, -0.33975547552108765, 0.24185436964035034, 0.17347459495067596, -0.08163660764694214, 1.286052942276001, 0.22046518325805664, 0.2510232925415039, 0.43891772627830505, 0.3036212921142578, 1.287539005279541, 0.7416315078735352, 0.12846004962921143, 0.3133368194103241, 1.0010530948638916, -0.3296234905719757, 1.48118257522583, 0.3226848840713501, 0.993062436580658, -8.964166045188904e-05, -0.6204086542129517, 0.5821681022644043, 0.8963603377342224, -0.27257028222084045, -0.8484552502632141, -0.651946485042572, -0.17052361369132996, 0.09743296355009079, -0.8906770944595337, -0.217695951461792, -0.07476072013378143, -1.3071786165237427, 1.5520656108856201, -0.5151583552360535, 0.008523810654878616, 0.6974161267280579, -0.6774810552597046, 0.9652786254882812, -0.18050995469093323, -0.6554588675498962, 0.16501042246818542, -2.7213144302368164, -0.007582124322652817, -0.24998998641967773, -0.9760153889656067, 0.08634653687477112, 0.32921233773231506, 0.783237636089325, -1.446258306503296, -0.06799044460058212, -0.13985130190849304, 0.71476149559021, -0.34235891699790955, -0.040470123291015625, 0.3474957346916199, -0.3403915762901306, 1.532997488975525, -0.7973290681838989, 0.4093811810016632, 0.38974839448928833, -0.42082691192626953, -0.6849273443222046, 0.23727381229400635, -0.8598380088806152, 0.5316419005393982, 0.606151819229126, -0.931322455406189, -0.40498000383377075, -1.324243187904358, -0.660128653049469, -0.33506661653518677, 0.6209290623664856, 1.588509202003479, -0.886573076248169, -0.0763450413942337, 0.4577735662460327, 0.4986739456653595, 0.9171842336654663, -0.09239040315151215, -0.8404762744903564, 0.06884309649467468, -0.024081066250801086, 0.9450653195381165, -0.48231056332588196, 0.6199761033058167, -2.0738728046417236, -0.8977557420730591, -0.12777669727802277, 0.1125248521566391, -0.4765496253967285, -0.45724472403526306, 0.9074729084968567, 0.5818362832069397, 0.22965803742408752, 0.10685115307569504, -0.15096062421798706, 0.3529365360736847, 0.34220218658447266, 0.6911003589630127, -0.031819429248571396, 0.15547867119312286, -0.36417657136917114, -0.031203048303723335, 0.4798365533351898, 0.10427989810705185, -1.8008157014846802, -0.12528955936431885, 0.560404360294342, 0.32537004351615906, 0.47894757986068726, -0.7441037893295288, 0.23718860745429993, 0.0723997950553894, -0.6664183735847473, -1.0830894708633423, -0.051487378776073456, 1.122930645942688, -0.03184475749731064, 0.7409980893135071, 0.6654631495475769, -0.4606933295726776, 0.8399583101272583, 0.360923171043396, 1.5575282573699951, -0.1744827926158905, -0.4883861541748047, -0.0516328401863575, 1.284658670425415, 0.07689373940229416, -0.2888221740722656, -0.5277413129806519, -1.414806842803955, -0.6456359028816223, -0.9072631597518921, 0.3470778167247772, -0.28274428844451904, -0.07355334609746933, 0.844840407371521, 1.1608858108520508, -0.06301416456699371, -0.7366020679473877, -0.16834481060504913, -1.0047937631607056, 0.009559284895658493, 1.167182445526123, -0.2672431766986847, 0.5114189982414246, 0.42967143654823303, -0.07817037403583527, 0.6012294888496399, -0.27939116954803467, -0.06851549446582794, -0.36472660303115845, 0.8053233027458191, 0.530312180519104, 1.0004476308822632, 0.1704486757516861, -0.23583649098873138, -0.6257814168930054, -0.32604917883872986, -0.22737407684326172, -0.5272324681282043, -0.12816248834133148, 1.2804762125015259, -0.18595579266548157, -0.5789910554885864, -0.3994210958480835, 0.5757335424423218, -0.5692210793495178, 1.0003718137741089, 0.6290547251701355, -0.44093436002731323, -0.7512072324752808, -0.8281185626983643, -0.21991199254989624, 0.8809660077095032, -0.45796436071395874, 0.13739515841007233, -0.14346139132976532, 0.5624651908874512, -0.31084302067756653, -0.15364597737789154, -1.243978500366211, -0.11482948064804077, -1.1332050561904907, -0.08907465636730194, -0.4790482819080353, -0.3989880084991455, -0.2833053767681122, -0.13612064719200134, -0.9201681613922119, 0.7666781544685364, 0.4522740840911865, -1.1529444456100464, -0.7894793152809143, -0.0005319193005561829, -0.47852814197540283, 0.08238480240106583, 0.9019569158554077, -0.31388917565345764, -1.8509349822998047, 1.3900641202926636, 1.201033353805542, -1.0372017621994019, -0.9642035365104675, -0.16784724593162537, 0.5706929564476013, -0.332775354385376, 1.6433087587356567]} +{"paper_id": "atomic", "embedding": [-0.7098649740219116, 0.48193851113319397, -0.48306670784950256, 0.17122577130794525, 0.467744380235672, 0.4112049639225006, 0.5152698755264282, 0.4964791238307953, 0.8914805054664612, 0.942029595375061, 0.24966904520988464, 0.14677008986473083, -0.621649444103241, -0.3869825601577759, -0.663226842880249, -0.024214908480644226, -0.20809122920036316, -0.0383407324552536, -1.2953810691833496, -0.6119789481163025, -0.7838207483291626, -0.7318605780601501, -0.12416590750217438, 0.741025984287262, -0.5068343877792358, -0.3877755105495453, 0.6349674463272095, -1.6063052415847778, 0.9296929240226746, 0.28825947642326355, -0.13807439804077148, 1.6267626285552979, -1.4190542697906494, 1.350549340248108, -0.7332294583320618, -0.0745578408241272, -0.11594536155462265, 0.7320884466171265, 0.026474423706531525, 0.015958718955516815, 0.04719281196594238, 0.3418009281158447, 0.4695777893066406, 0.34739547967910767, 0.16801269352436066, -0.5354210734367371, 0.36763468384742737, 0.7333813905715942, -0.22164037823677063, 0.45184096693992615, -0.6797435283660889, -0.13427245616912842, 0.06704270094633102, 0.7860199213027954, 0.23519235849380493, 1.2342214584350586, 0.3468671143054962, -0.41409769654273987, 0.48089027404785156, -0.6149328947067261, 1.256363034248352, 1.2086155414581299, -0.5621185898780823, 0.2852867543697357, 1.0698472261428833, 0.5482271313667297, 0.991600751876831, 0.44838452339172363, 0.2349235564470291, 0.9126704931259155, 0.042411401867866516, -0.5513578057289124, 0.1535150557756424, -0.048928432166576385, 0.20932155847549438, 0.28353753685951233, 0.8126657009124756, -0.08152137696743011, 0.3353545665740967, 0.6062248945236206, 0.3470783233642578, 0.1296357661485672, 0.6044257283210754, -0.3349463939666748, -0.005240481346845627, 0.26123300194740295, 0.9026365280151367, -0.9532892107963562, -0.055983588099479675, -1.873003602027893, 0.4989287853240967, 0.2670122981071472, 0.2528955936431885, -0.7682637572288513, 0.14483468234539032, 0.542391300201416, 0.05783291161060333, -0.7478476762771606, -0.2701755166053772, 0.3869594633579254, 0.4311099052429199, -0.6212122440338135, -0.007220965810120106, -0.10674574226140976, 0.47522199153900146, 0.764545738697052, 0.11171774566173553, 0.12464480847120285, -0.40370917320251465, -0.04134418070316315, -0.10261519253253937, 0.8588835000991821, 0.5028292536735535, 0.4902309775352478, -0.49339917302131653, -0.02978421561419964, 0.3871099352836609, 0.046602219343185425, -0.467688649892807, 0.37124085426330566, -0.16588494181632996, -0.7205303907394409, -0.07460717856884003, -0.23277647793293, 0.9948192238807678, -0.3865257501602173, -0.33954358100891113, -0.13615572452545166, 0.12054319679737091, -0.36817774176597595, 0.09517864137887955, 0.4062521159648895, -0.4449637532234192, -0.39963608980178833, 2.9924778938293457, -0.7477748394012451, 1.086506962776184, -1.1975327730178833, 0.29833725094795227, -0.45502930879592896, -0.5044055581092834, 0.6274125576019287, 0.01957901567220688, 0.09007886052131653, -1.0966471433639526, -0.07029163837432861, -0.18615606427192688, 0.75017911195755, -0.6205705404281616, 0.5369613766670227, 0.3830622136592865, 0.35504382848739624, -1.7043782472610474, -0.41700267791748047, -0.08935766667127609, 0.49172815680503845, -0.9770902395248413, 0.7195283770561218, -0.6004347205162048, 0.21857434511184692, 0.3764168918132782, -0.5196095705032349, -0.5393000841140747, -0.2970074713230133, -0.4291118085384369, 0.30733487010002136, 1.316851258277893, -0.2539340555667877, -0.9851595163345337, -0.21664971113204956, 0.08291146159172058, 0.6714379787445068, 0.01945183426141739, -0.6415157318115234, -0.17013861238956451, 0.7466493248939514, -0.02638087049126625, 0.63396817445755, 0.28214752674102783, -0.603162944316864, -0.9609809517860413, -0.49869421124458313, -0.26034462451934814, 0.4134010970592499, -0.47619369626045227, -0.1265181005001068, -2.6378071308135986, -0.27052420377731323, -0.724744975566864, 0.37579214572906494, 0.2858610153198242, 0.573634922504425, 0.5788304209709167, 0.09907102584838867, -0.5542429685592651, -0.13809117674827576, 0.7382652163505554, -1.461822509765625, -0.169121652841568, 0.46874332427978516, -0.3808871805667877, 0.05343431234359741, -0.7950231432914734, 1.64637291431427, 0.6093452572822571, -0.7266800403594971, -0.10068884491920471, -1.761919617652893, 0.17113763093948364, 1.460316777229309, 0.3533491790294647, -0.5421298742294312, -1.027856469154358, -0.1533031463623047, 0.6700229048728943, -0.21080897748470306, 0.5788125991821289, -0.6676866412162781, 0.622573733329773, -1.2093713283538818, 0.4467427134513855, -0.09016257524490356, 0.7409766912460327, 0.3116479814052582, 1.4187912940979004, -0.839889407157898, -0.32628095149993896, -0.584791362285614, -0.7233239412307739, 0.24504129588603973, 0.49348339438438416, 0.514152467250824, 0.3093693256378174, 0.22302044928073883, 0.2849894165992737, 0.6590753793716431, 0.27455902099609375, 0.7617963552474976, -0.5060813426971436, 0.6451281905174255, 0.09525372087955475, 0.3786817193031311, -0.2745031714439392, 0.5325899720191956, 0.1972508579492569, 0.043418608605861664, -0.05889696627855301, -0.6505935192108154, 0.0513971671462059, -0.13261938095092773, 1.4519037008285522, 0.1014336496591568, -0.4105975329875946, 0.2528642416000366, -0.5571150183677673, -0.35632503032684326, 0.006606578826904297, -0.8787979483604431, -0.4520624876022339, -0.05862422287464142, 1.1313793659210205, 0.35531964898109436, 0.20384550094604492, 0.07313753664493561, -0.15260058641433716, -1.3761370182037354, 0.19613638520240784, -0.6295285820960999, 0.6981461644172668, -0.8325624465942383, -0.29901444911956787, -0.02923545241355896, -0.5964887738227844, -0.4254128336906433, -0.9856802225112915, 0.15247541666030884, -0.04930921643972397, 0.5467859506607056, 1.5272701978683472, -0.2515421509742737, -0.07373134791851044, -0.22398842871189117, 1.173572063446045, -0.40499618649482727, 0.9514291882514954, -0.2121083289384842, 0.3212703764438629, -0.9251651763916016, 0.5107574462890625, -0.6316633224487305, 0.5367117524147034, -0.092030830681324, -0.15498754382133484, 0.21812239289283752, -0.49665647745132446, -0.34398943185806274, 1.3095455169677734, 0.01714695245027542, 0.08068080246448517, -0.4737907648086548, 1.383318305015564, 0.3071834444999695, -0.766897439956665, 0.7353578209877014, 0.035078637301921844, -0.3096003532409668, 1.0783429145812988, 0.2144390046596527, 0.05251743644475937, 0.42471843957901, 0.39817437529563904, 0.4948771297931671, -0.12799668312072754, -2.2319681644439697, 0.20596285164356232, 0.2598980963230133, -0.2792949974536896, 0.187092587351799, -0.9082973003387451, -0.0932883769273758, -0.7180757522583008, -0.21823664009571075, 0.4758111834526062, -0.14018526673316956, -0.016571369022130966, -0.35562118887901306, 0.13351485133171082, 0.5549095869064331, -0.5482276082038879, 0.32379692792892456, 0.09546785056591034, -0.4373360276222229, -0.8536477088928223, 0.317627489566803, 0.42786282300949097, -0.21010467410087585, 0.09658950567245483, 0.24635916948318481, 1.0111370086669922, 0.988397479057312, -0.2967339754104614, 0.25596705079078674, 0.5479149222373962, 0.27425602078437805, 0.049918241798877716, 0.3689689636230469, -0.382415235042572, 0.3594827353954315, -0.30936071276664734, 1.3709343671798706, -0.25509950518608093, -0.24235288798809052, -0.25485944747924805, 0.24692672491073608, -0.6319737434387207, -0.584490954875946, 1.6465373039245605, 0.7249608039855957, 1.2971279621124268, -0.616293728351593, 0.7512672543525696, -0.37004518508911133, -0.279189795255661, 0.06605049222707748, -0.09412539005279541, -0.12254349887371063, -1.0872055292129517, -0.8531215190887451, 0.6102694272994995, 0.10771843791007996, -0.5310097336769104, -0.39354565739631653, 0.5848879814147949, 0.7946117520332336, -0.5466035008430481, 0.2930753827095032, 0.30147650837898254, 0.5947535634040833, 1.2057231664657593, -0.44740167260169983, -0.584621787071228, 0.4386719763278961, 0.3586098253726959, 0.5743523836135864, 0.07366306334733963, -0.9792754650115967, 0.22362640500068665, -0.032431989908218384, 0.9247260093688965, 0.004968404769897461, 1.1239161491394043, 0.8188062906265259, -0.5134164094924927, -1.6925586462020874, 0.08432373404502869, -0.43618613481521606, -0.27693453431129456, 0.19477123022079468, -0.3342128098011017, 0.4604814946651459, 0.1571391224861145, 0.26226097345352173, -0.6999502182006836, 0.855483889579773, -0.5556851029396057, -0.9856921434402466, 0.23519758880138397, 1.138114333152771, -1.4507365226745605, -0.2837902307510376, 0.5623852610588074, -0.8487643599510193, -0.338824063539505, 0.00820001307874918, 0.1656475067138672, 0.6901149153709412, 0.33831894397735596, 0.36755403876304626, -0.009249338880181313, -0.20849253237247467, -0.5888296365737915, 1.3347347974777222, 0.18793272972106934, -0.5639693140983582, 0.9789807796478271, 0.6326496601104736, 0.2186002880334854, 0.6984306573867798, -1.005810260772705, -0.6838601231575012, 1.1440742015838623, 0.18448969721794128, -0.7721667289733887, -0.8473477363586426, -0.5622959136962891, 0.6148040890693665, 0.020149346441030502, 0.21029214560985565, -1.171824336051941, 0.17538553476333618, -0.3228062093257904, 0.27894139289855957, 0.4341917335987091, -0.6620818376541138, -1.4427627325057983, 0.7637551426887512, -0.7706025242805481, 0.028444044291973114, -0.8211549520492554, -0.057119131088256836, 2.16201114654541, 0.11064056307077408, -0.14010438323020935, -0.045517489314079285, -12.73951244354248, 0.8207363486289978, 0.13291040062904358, 0.11350773274898529, 0.6241263151168823, -0.21365639567375183, -0.026666000485420227, 0.15142793953418732, 0.07808264344930649, -0.7032028436660767, 0.40521040558815, 0.38152751326560974, 0.5182541608810425, 0.07947171479463577, -0.3087494373321533, -1.240388035774231, -0.5529196262359619, -0.25340956449508667, 0.007085107266902924, 0.5861883759498596, 0.5786294937133789, -0.8840588927268982, -0.336448073387146, 0.09507247805595398, 0.37614545226097107, -0.546665608882904, -0.5595395565032959, -0.15241225063800812, -0.26720666885375977, -0.3259464502334595, 0.366830438375473, -0.4659554362297058, 0.1135355681180954, -0.26328641176223755, 0.44708251953125, -0.10982480645179749, -0.36620593070983887, 0.4116116464138031, 0.5268113017082214, 0.23321236670017242, -0.19260425865650177, 0.006620228290557861, 0.4016307294368744, -0.20168094336986542, -0.43392354249954224, 0.37792903184890747, 0.36186483502388, -0.6951776146888733, -0.1859152615070343, -0.16053102910518646, -0.09054729342460632, -0.7851232290267944, -0.20016366243362427, -1.0029512643814087, 0.17891938984394073, 0.025803210213780403, -0.434805691242218, 0.12459833920001984, -0.9055277109146118, -1.2961475849151611, 0.2822948098182678, 0.017936035990715027, -0.32475951313972473, 0.6303801536560059, 0.19865193963050842, -0.39882078766822815, 0.37594354152679443, 0.32709529995918274, -1.135360598564148, 0.23348522186279297, -0.8323125839233398, 0.43500497937202454, -0.12280192226171494, 0.3695855438709259, -0.72132408618927, 0.4418802857398987, 0.0016952302539721131, 0.051178768277168274, 0.3454383909702301, 0.07846124470233917, -1.0341851711273193, 0.6143658757209778, -0.12511402368545532, 0.22380971908569336, -1.210683822631836, 0.4333580434322357, 0.08019481599330902, -0.055630989372730255, 0.6297223567962646, -0.4477694034576416, 1.1473184823989868, 0.2372075617313385, -0.267645001411438, -0.564654529094696, -0.4309847056865692, 1.0125834941864014, 0.3526443839073181, 0.4237050712108612, 0.3794996738433838, -0.5516839623451233, -0.17753833532333374, 0.059348106384277344, -0.9895895719528198, 0.012593243271112442, 0.5160630345344543, 0.49872440099716187, 0.5842061638832092, -0.2899496555328369, 0.41957056522369385, -0.253314346075058, 0.713519811630249, -0.053301919251680374, -0.407382607460022, 0.9580670595169067, -0.6930710077285767, 0.4824349284172058, 0.9227774739265442, -0.018951714038848877, 0.6870866417884827, 0.6044766902923584, 0.09980029612779617, 0.07397913932800293, 0.29491740465164185, 1.0147018432617188, 0.41229739785194397, -0.22394727170467377, 0.555289089679718, 0.8095625638961792, -0.0253395177423954, -1.609357476234436, 0.09645414352416992, -0.02801874652504921, -0.20571760833263397, 0.6095797419548035, -0.849016547203064, 0.035453956574201584, -0.20513756573200226, 1.2516553401947021, -0.63297438621521, 0.3922380805015564, 0.37610793113708496, -0.19884292781352997, -0.7279989123344421, -0.8273735046386719, -0.8321563601493835, -0.4321247339248657, -1.5121431350708008, 0.33303189277648926, -0.5227667093276978, -0.4256225824356079, -0.22910913825035095, -0.3879123628139496, 1.0448981523513794, -0.5265774130821228, -0.21187570691108704, -0.07194605469703674, 0.12528769671916962, -0.7619613409042358, -0.2520999014377594, 0.27622485160827637, 0.2317892611026764, 0.9387511610984802, -0.8564364910125732, 0.853277862071991, -0.30059754848480225, 0.021168842911720276, -0.25722524523735046, -0.49854448437690735, -0.500541627407074, -0.07661482691764832, 0.5921600461006165, -1.5137956142425537, -0.112818144261837, -0.3382006287574768, 0.2360004335641861, -1.0726754665374756, 0.8018864393234253, 0.5822534561157227, -0.8061016798019409, -0.2839176058769226, 0.22510451078414917, 0.5779560804367065, 0.5294182300567627, -1.0442290306091309, -0.12828385829925537, -0.937580943107605, 0.34345757961273193, 0.6291056871414185, 0.006312614306807518, 1.2630181312561035, -1.4081673622131348, -0.5838378667831421, -1.1665223836898804, 0.38662630319595337, 1.3062429428100586, 0.21277353167533875, 0.9854071736335754, 1.175527572631836, -0.16881605982780457, 0.3131840229034424, 0.42128992080688477, 0.9182092547416687, 0.24464930593967438, 0.3514311611652374, -0.039973556995391846, 0.14076997339725494, -0.7635990977287292, -0.35260796546936035, 0.1700010895729065, 0.7636584639549255, -1.4728479385375977, -0.06170787662267685, 0.4007967710494995, -0.5828729271888733, 0.06746883690357208, -0.7955808639526367, 0.07904476672410965, -1.0646864175796509, -0.12543600797653198, -0.7337721586227417, 0.1516743004322052, 0.5701766014099121, -0.47571587562561035, 0.9973309636116028, 0.5257152915000916, 0.8986291885375977, 1.0017000436782837, 0.11605320125818253, 1.3921139240264893, -0.03398202732205391, 0.03628511726856232, 0.4732113480567932, 0.8756141662597656, 0.21089670062065125, 0.07025378942489624, -0.9774430990219116, -0.5084710121154785, 0.6963698863983154, -0.7677480578422546, 0.8149482011795044, -0.7734180688858032, 0.19401828944683075, 0.7327561974525452, 1.098848581314087, -0.6514720916748047, -1.6647400856018066, -0.5085082054138184, -1.0367279052734375, -0.07506860792636871, 0.9376996159553528, 0.10095079243183136, 0.8632465600967407, 0.713555634021759, 0.019311748445034027, 0.4376237690448761, -0.2928968667984009, 0.19171938300132751, 0.6747131943702698, 0.009599454700946808, 1.034924030303955, 0.8427416086196899, 0.16115127503871918, 0.32783180475234985, 0.44976353645324707, -0.7568311095237732, 0.18952378630638123, -0.6303412318229675, 0.13647089898586273, 0.7232494950294495, -0.9618586897850037, -0.5250065922737122, -0.279554545879364, 0.13028933107852936, -0.9054674506187439, 0.48228397965431213, -0.03305532783269882, -0.4889909029006958, -0.9791613817214966, -0.4682030975818634, -0.6483352184295654, 0.5899037718772888, -0.17556656897068024, -0.642834484577179, -0.09102955460548401, 0.7268235087394714, 0.23376256227493286, 0.13386370241641998, -0.4840753376483917, -0.31679725646972656, -0.2709170877933502, 0.14704100787639618, -0.7463213205337524, -0.7365351915359497, -0.5869752764701843, 0.06818276643753052, -0.8649545907974243, 0.6548808217048645, -0.328510582447052, -0.6085553765296936, -0.4006178677082062, 0.2241622805595398, 0.2734296917915344, -0.3812151551246643, -0.19848109781742096, -0.13470394909381866, -1.5194692611694336, 0.28624746203422546, 0.4157690703868866, -0.1507834494113922, -0.27576345205307007, 0.11386913061141968, 0.46609511971473694, -0.30703622102737427, 0.8061575293540955]} +{"paper_id": "aslg_pc12", "embedding": [0.09490741789340973, 1.282893180847168, -0.020497865974903107, 0.3204793632030487, 0.10172000527381897, -0.4350643455982208, 0.13988269865512848, 0.2595290541648865, 0.9080039262771606, -0.27879568934440613, -0.12986691296100616, -0.6481361389160156, 0.1106310784816742, -0.03022696264088154, 0.5535983443260193, -0.27480417490005493, -0.6733389496803284, -1.4874132871627808, -0.6819370985031128, -0.23510879278182983, -0.5756547451019287, -1.2832757234573364, -0.022662751376628876, 0.2555682957172394, -0.5721704363822937, -0.37598174810409546, -0.01027433481067419, -1.0308432579040527, 0.1815146952867508, 0.24252742528915405, 0.13184675574302673, 0.8356334567070007, -1.363303303718567, 0.47263744473457336, -0.5558753609657288, -0.40507104992866516, 0.21436384320259094, 0.4526524841785431, -1.1692525148391724, 0.027605833485722542, -0.1503848433494568, 0.28330299258232117, 0.5235387682914734, -0.7522137761116028, 0.4981531500816345, 0.4715479016304016, -0.1500806361436844, 0.12552131712436676, 0.474597692489624, 0.19844959676265717, -0.43352025747299194, 0.2523200511932373, 0.06138534098863602, -0.07309988886117935, -0.5474449992179871, 0.5384513139724731, -0.10473355650901794, -1.2058862447738647, -0.08324868977069855, -0.431059330701828, 0.8999015688896179, 1.03787100315094, -0.29437217116355896, 0.3382965326309204, 0.6695159077644348, -0.209642693400383, 1.0041265487670898, -0.20160165429115295, 0.832371175289154, 0.3067534863948822, -0.21696197986602783, -0.38507935404777527, 0.3558480143547058, -0.25046506524086, 0.36901143193244934, 0.9851346015930176, 0.20393674075603485, 0.5383840203285217, 0.5817939043045044, 0.3899124264717102, -0.5008626580238342, 1.0154210329055786, 0.33575165271759033, -0.5889132022857666, 0.28187960386276245, 0.12469994276762009, 0.5501189231872559, -0.5474737882614136, 0.4693238437175751, -1.5691872835159302, 0.15755438804626465, 0.7059708833694458, -0.07438131421804428, 0.8413907885551453, -0.2307889759540558, 0.7540371417999268, -0.058617450296878815, 0.26924338936805725, -0.7317177057266235, 0.06669877469539642, 0.6436070799827576, -0.6238179206848145, 0.9358391165733337, -0.3921564221382141, 0.2696511149406433, 1.251937985420227, 0.1661120355129242, -0.15222686529159546, -0.24820750951766968, -0.033868953585624695, -0.4553155303001404, 1.9593462944030762, -0.6511603593826294, 0.036222051829099655, -0.1437205672264099, -0.5069514513015747, 0.2744632363319397, -0.5736794471740723, -0.5383082628250122, -0.6700445413589478, -0.6189513206481934, -1.2087697982788086, -0.5464828014373779, 0.10624702274799347, 0.8925477862358093, -0.2580617368221283, 0.7421032786369324, -0.24667471647262573, 0.401039183139801, 0.0011494755744934082, 0.2730582654476166, -0.18926890194416046, 0.0931677520275116, -0.47601085901260376, 2.3030142784118652, -1.1277981996536255, 1.0083599090576172, -0.43859443068504333, 1.011583924293518, -0.3156432807445526, -0.2648136615753174, 1.228863000869751, 0.06041715294122696, -0.25119873881340027, -1.0688271522521973, 0.7477236390113831, -0.08570947498083115, -0.22237470746040344, -0.4154045879840851, -0.12361015379428864, -0.058516908437013626, 0.6520819664001465, -1.2351266145706177, -0.26889899373054504, 0.10779432952404022, 0.428493469953537, 0.42036667466163635, 0.9163787961006165, -1.1616014242172241, 0.22236603498458862, 1.4168702363967896, 0.0001377798616886139, -0.4945842921733856, 0.20497137308120728, -0.6839703917503357, 0.11050788313150406, 1.345677375793457, -0.03912380710244179, -1.0386854410171509, -0.27070748805999756, 0.6856949925422668, 0.30339863896369934, 0.15531718730926514, -0.20139053463935852, -0.1395190954208374, 0.2659839391708374, -0.1404256969690323, 0.3542163670063019, 0.2651469111442566, -0.6330858469009399, 0.24275875091552734, -0.26483118534088135, -0.125396266579628, 0.45405033230781555, 0.15194252133369446, 0.06913003325462341, -2.1449673175811768, -0.2981102466583252, -0.505301296710968, 0.43442481756210327, 0.42047661542892456, -0.8074685335159302, 0.4866418242454529, 0.4851051867008209, 0.8741597533226013, -0.059702079743146896, 0.08569619059562683, -1.144166111946106, -0.2993409037590027, 0.6158015727996826, 0.21383363008499146, -0.6600703597068787, -0.16428187489509583, 0.8716307878494263, 0.5606359839439392, -0.2683916687965393, 0.09557461738586426, -1.198821783065796, 0.1831565499305725, 2.3598763942718506, 0.32622671127319336, -0.5608694553375244, -0.894294023513794, -0.15188148617744446, 0.37128719687461853, -1.052355170249939, 1.0675944089889526, -1.1896893978118896, 0.007355034351348877, -0.9120997786521912, 0.6525039076805115, -0.896472156047821, 0.026029489934444427, 0.5827006697654724, 0.9536491632461548, -1.013848900794983, -0.4646832048892975, -0.4998694062232971, -0.4098931849002838, 0.17252837121486664, 0.9215198755264282, 0.4329165518283844, -0.32177549600601196, 0.4572519063949585, 0.3440929651260376, 0.5899868011474609, -0.034686073660850525, 0.4325111210346222, -0.516714334487915, 0.4020184874534607, -0.022278625518083572, 0.36029934883117676, -0.22752158343791962, -0.3810989558696747, 0.4098820686340332, 0.6528080701828003, -0.22809630632400513, -0.7286136746406555, 0.004668481647968292, 0.833635687828064, 1.1416951417922974, 0.5075454115867615, -1.0586800575256348, 0.5059875249862671, -1.1587239503860474, -0.15139314532279968, -0.5208483338356018, -0.42587172985076904, -0.49102210998535156, 0.12783443927764893, 0.2467339038848877, -0.4018741548061371, 0.09498302638530731, -0.492759644985199, -0.4128599464893341, -1.0854824781417847, -1.024806022644043, -0.5667274594306946, -0.7625240087509155, -1.02278470993042, -0.6600942015647888, -0.1457616686820984, -1.4169821739196777, -1.0612200498580933, 0.016856152564287186, 0.030542729422450066, -0.06234876066446304, -0.060934338718652725, 1.6861114501953125, -0.4771496057510376, 0.41870826482772827, -0.44224274158477783, 1.0194412469863892, 0.1330452263355255, 0.7814451456069946, 0.2118738293647766, 0.39838138222694397, -0.24918889999389648, -0.3560330867767334, -0.2593960165977478, 0.1622842252254486, 0.4633212089538574, 0.1162094697356224, 0.3855638802051544, -0.9503171443939209, -1.485899806022644, 0.9040466547012329, -0.034149181097745895, 0.6099051833152771, -0.9032994508743286, 1.6565626859664917, 0.5615794658660889, 0.38530704379081726, 0.6645001769065857, -0.15502332150936127, 0.04029839113354683, 0.7470750212669373, -0.5664204359054565, 0.6846404671669006, 0.1552179902791977, -0.19762566685676575, 0.31951799988746643, 0.13250339031219482, -2.0766594409942627, 0.39926180243492126, 0.618520200252533, 0.4878084361553192, 0.18194712698459625, -0.0017132638022303581, -0.4204757809638977, -0.618537425994873, 0.11971855163574219, 0.4523025155067444, -0.4141486883163452, 0.7389299869537354, -0.9729857444763184, -0.2670031785964966, 0.9481338858604431, -0.9015294909477234, 0.29583415389060974, 0.9436054229736328, 1.0826475620269775, -1.3315372467041016, -0.04638391733169556, 0.7015895843505859, -0.9957851767539978, 0.9792615175247192, 0.12729871273040771, 0.8185181617736816, 0.07367906719446182, -1.019770622253418, -9.490177035331726e-07, 0.49528968334198, 0.41783905029296875, 0.13315096497535706, 0.5816488862037659, 0.06698306649923325, 1.0688377618789673, -0.37680521607398987, 1.374139428138733, 0.6537855863571167, -0.5244244933128357, -0.9142850041389465, -0.12302739918231964, -0.040286120027303696, -0.4545729458332062, 1.4984813928604126, 0.6792421340942383, 1.1228266954421997, 0.6923428773880005, 0.20942318439483643, -0.19527731835842133, -0.036015212535858154, 1.1830283403396606, 0.5715178847312927, 0.22724924981594086, 0.22851526737213135, 0.27782320976257324, 0.6852800250053406, -0.21045245230197906, -0.4193372130393982, 0.29732030630111694, 0.778899073600769, -0.16239571571350098, -0.3740791380405426, 0.3053620755672455, 0.2462555319070816, 0.5088900923728943, 1.0838775634765625, -0.9297287464141846, -0.1631070375442505, -0.3646324872970581, 0.13779881596565247, 0.5530958771705627, -0.01405574381351471, -0.4413318932056427, 0.1477222740650177, 1.1037206649780273, 1.1416608095169067, -0.17268535494804382, 0.06068076938390732, 0.9432535171508789, -0.7326066493988037, -0.601616621017456, -0.0015747342258691788, -0.2720785140991211, -0.19948557019233704, -0.3944266438484192, -0.3487154543399811, -0.8322564959526062, 0.7850586771965027, -0.39313453435897827, -1.265268325805664, 0.3694223463535309, -0.12260691076517105, -0.6732193231582642, 1.2543996572494507, 0.4997062385082245, -1.1547728776931763, -0.15592913329601288, 0.07345174252986908, -0.6727486848831177, -0.7025033235549927, 0.19649696350097656, -0.4775218367576599, 0.3930366337299347, 0.2050546109676361, 0.8528228998184204, 0.27943867444992065, -0.3933061361312866, -1.1305155754089355, 0.6936703324317932, 1.0010582208633423, -0.09726986289024353, -0.7650651931762695, 0.008468860760331154, 0.12204273045063019, -0.06640408933162689, -1.2701480388641357, -0.4135388433933258, 0.7980883717536926, 0.4436502754688263, -0.44463396072387695, -0.7706092596054077, -0.7315781712532043, 0.27911368012428284, -0.2137235403060913, -0.2860191762447357, -0.7987874150276184, 0.9362781643867493, -0.1706671565771103, 0.5810067653656006, 1.036773681640625, -0.2000173032283783, -0.4636957049369812, 1.2182600498199463, -1.2460768222808838, 0.5974342823028564, 0.5243412256240845, 0.2022874355316162, 0.766806960105896, 0.5024903416633606, 0.2177722007036209, -0.08394140750169754, -11.9985933303833, 0.6818848252296448, -0.34217923879623413, 0.1428515464067459, 0.5156775116920471, -0.20815715193748474, 0.503433883190155, 0.37073180079460144, 0.963253915309906, -0.6538565158843994, 0.024055831134319305, 1.9185246229171753, 0.2169252336025238, 0.051095448434352875, 0.005590019281953573, -0.5002046227455139, -0.732836127281189, -0.5409287214279175, 0.25546687841415405, 1.1195820569992065, -1.0374468564987183, -1.3645308017730713, -0.5130841135978699, -0.6762996912002563, 0.4913638234138489, -0.9654555916786194, -0.061355285346508026, -0.45557403564453125, -0.38777005672454834, -0.4392399787902832, -0.1289670765399933, -0.050351954996585846, -0.2605414390563965, 0.02303655631840229, 0.5171852707862854, 0.4263429343700409, -0.8753666281700134, -0.32671862840652466, 0.6046130061149597, 0.08683065325021744, -0.9034224152565002, -0.036530375480651855, 0.49827447533607483, -1.1118320226669312, -0.38624730706214905, 0.023305371403694153, -0.4324243366718292, -0.10085581243038177, 0.6031497716903687, -0.43131372332572937, -0.1809960901737213, -1.1835660934448242, -1.5983715057373047, -0.7648249268531799, 0.7318513989448547, -0.07765468209981918, -0.413147509098053, 0.09667553007602692, -0.24352571368217468, -1.2374181747436523, 0.18502214550971985, 0.20064888894557953, 0.04414574056863785, 0.7342046499252319, 0.4193980395793915, -0.5656667351722717, -0.04599558562040329, 1.1365911960601807, 0.06411148607730865, 0.394030898809433, -0.8195430040359497, 1.2157917022705078, -0.19005736708641052, 0.4021627604961395, -0.4294733703136444, 0.04352876543998718, -0.17989003658294678, 0.3391605615615845, 0.44107645750045776, -0.6425817012786865, -0.9600918292999268, -0.1480582058429718, -0.35296228528022766, 0.15734899044036865, -0.727389395236969, 0.6078740954399109, -0.5858383178710938, -0.459073930978775, 1.0758775472640991, 0.06326990574598312, 0.5062150955200195, 0.26321688294410706, -0.04601624608039856, -0.05827423930168152, -0.20329207181930542, 0.17623059451580048, 0.031922485679388046, 1.690406322479248, 0.07477270066738129, -0.26158273220062256, 0.3304806649684906, -0.0018168985843658447, -0.4948248863220215, -0.13954587280750275, 1.328259825706482, -0.2828742265701294, 0.5262632369995117, 0.777445912361145, 0.6233692765235901, 0.05163193866610527, 0.6594994068145752, -0.5446990728378296, 0.0001070946455001831, 1.380983591079712, 0.17197781801223755, 1.2044095993041992, 0.9587364792823792, -0.43864500522613525, 0.40603941679000854, 0.4417765438556671, 0.2716737985610962, 0.5924584865570068, -0.16584819555282593, 1.270667552947998, 0.5128638744354248, 0.5036216974258423, -0.23831818997859955, 0.8612030148506165, -0.3184390366077423, -1.7378276586532593, 0.6288725733757019, -0.0867617130279541, 0.27429306507110596, -0.6240748167037964, 0.12652842700481415, -0.42848360538482666, -0.7096830010414124, 0.8587342500686646, -0.8682523965835571, 0.8912782073020935, -0.28598108887672424, -0.044501375406980515, -0.5560428500175476, 0.010501392185688019, -0.8237059712409973, 0.6785675287246704, -1.8680137395858765, 0.008189547806978226, -0.23546239733695984, -0.9005249738693237, 0.1932576447725296, -0.12371048331260681, -0.12329891324043274, 0.32069939374923706, 0.29559192061424255, 0.26372629404067993, 0.4228062629699707, -0.3852217495441437, -0.49194616079330444, 0.44742584228515625, 0.7635338306427002, 1.5581891536712646, -0.7698357701301575, 0.5275636911392212, 0.9177361726760864, -0.19619928300380707, -1.0375375747680664, -0.42642873525619507, -0.2733236253261566, 0.8229214549064636, 0.9405905604362488, -1.4571605920791626, -0.11315003037452698, 0.5164956450462341, 0.7136492729187012, -1.5561766624450684, 0.23293223977088928, 0.9565273523330688, -1.6886838674545288, 0.7300783395767212, -0.5119138956069946, 0.601854145526886, 0.5268674492835999, -0.977533757686615, -0.9833683967590332, 0.09429333359003067, -0.7529242038726807, 0.724325954914093, 0.02507610432803631, 0.8313973546028137, -1.788812279701233, -1.1931939125061035, -0.2754734456539154, -0.14443613588809967, 0.7871185541152954, 0.2488013207912445, 0.863667905330658, 0.2690572142601013, 0.5760194063186646, -0.13028541207313538, 0.014500835910439491, 0.3496529161930084, 0.3931967318058014, -0.0301296915858984, -0.7634982466697693, 0.5125000476837158, -0.5532660484313965, -0.028416404500603676, 0.7046442031860352, 0.3031001091003418, -1.281567931175232, -0.2475186139345169, 0.23622168600559235, 0.5080651044845581, 0.4081416428089142, -0.8837952613830566, -0.5286274552345276, -0.4268037974834442, -0.985576868057251, -0.5901768803596497, 0.4638219475746155, 0.49711015820503235, -0.42505890130996704, 0.9010272026062012, 1.1780797243118286, 0.009781458415091038, 0.18147136270999908, 0.2228507399559021, 1.6739434003829956, -0.710026204586029, 0.048169612884521484, -0.35696834325790405, 0.5142035484313965, -0.14854469895362854, -0.7084789872169495, 0.3146216869354248, -1.1301941871643066, -0.3431740701198578, -1.5898281335830688, 0.8699272871017456, -0.10757787525653839, -0.12371931970119476, 0.051955316215753555, 1.0777133703231812, -0.221028134226799, -0.9095300436019897, -0.5064967274665833, -0.27728256583213806, -0.10955110192298889, -0.3879692554473877, 0.30622348189353943, 1.4973958730697632, 0.6193381547927856, -0.4563339352607727, 1.2685765027999878, 0.4779927730560303, 0.2523397207260132, -0.08710404485464096, 0.10793238133192062, 1.4256877899169922, 0.6459494233131409, 0.24447737634181976, 0.04085326939821243, -0.04970235377550125, -0.9650821089744568, -0.3746318519115448, -0.8430352210998535, 0.7857606410980225, -0.1974998563528061, -0.22802534699440002, 0.6611378788948059, -0.31656956672668457, -0.3112422525882721, 0.12671959400177002, 0.6851139664649963, 0.22616201639175415, 0.02271265536546707, -0.32690006494522095, -0.8107280731201172, -0.3653373718261719, 1.2927348613739014, -0.6350622177124023, -0.0016824640333652496, -0.8365197777748108, -0.6876242756843567, -0.4485592842102051, -0.20653395354747772, -1.1217570304870605, 0.1494961827993393, -0.7504318356513977, -0.05698086693882942, 0.6765412092208862, -0.5771855711936951, -1.284651756286621, -0.11251619458198547, -0.8068287372589111, 0.5939106345176697, -0.8086210489273071, -1.0543839931488037, 0.4828796088695526, 0.9968200325965881, -0.12218548357486725, -1.3886125087738037, -0.3768584728240967, 0.14462704956531525, -1.4549223184585571, 0.46530333161354065, 0.48974815011024475, -0.6641235947608948, 0.009032825008034706, 0.49120569229125977, 0.4314865171909332, 0.15864703059196472, 1.3831497430801392]} +{"paper_id": "id_nergrit_corpus", "embedding": [-1.0395976305007935, 1.6922444105148315, -0.6210237741470337, -0.24216775596141815, 0.31478941440582275, -0.7719009518623352, -0.06540166586637497, 0.5134286880493164, 0.659915566444397, 0.6822531819343567, 0.38821351528167725, -0.5928917527198792, -0.015008687041699886, -0.18990106880664825, -0.384705126285553, -0.2563241422176361, -0.3109560012817383, -0.42550578713417053, -0.15391488373279572, -0.2771211862564087, -1.030979037284851, -0.3626835346221924, 0.2161841094493866, 0.5542645454406738, -0.6337217092514038, -0.9568586945533752, -0.18302862346172333, -0.8411881923675537, 0.5182604193687439, -0.2507060766220093, -0.08629868179559708, 0.4617277979850769, -1.531864881515503, 0.26568230986595154, -0.5519416332244873, -0.3717086613178253, -0.029954198747873306, 0.4040677845478058, -1.0362745523452759, 0.16926445066928864, -0.9917823076248169, -0.2482437789440155, 0.9217691421508789, 0.5363248586654663, 1.1078753471374512, 0.0029485896229743958, 0.44376978278160095, 0.3071022033691406, 0.8704932332038879, -0.11090826243162155, -0.08087524771690369, 0.2123696506023407, -0.5320610404014587, 0.5397683382034302, -0.47357162833213806, 1.1021225452423096, 0.24426734447479248, -1.2451965808868408, 0.5820464491844177, -1.2981667518615723, 1.2210341691970825, 1.7776668071746826, -0.5129056572914124, -0.0821065753698349, 0.6122621893882751, -0.08012364059686661, 1.5899351835250854, -0.6663245558738708, 1.3440638780593872, 0.7108572125434875, -0.12185546010732651, -0.513120710849762, -0.020973972976207733, -0.820471465587616, 0.01217217743396759, 0.41613903641700745, 1.0098273754119873, -0.2941358983516693, 0.24852436780929565, 0.3160015344619751, -0.3377891778945923, 0.9890167713165283, 0.22635404765605927, -0.3031407296657562, 0.1834329515695572, 0.1419486403465271, 0.33003535866737366, -0.058083776384592056, 0.7629222273826599, -1.512863039970398, 0.30406540632247925, 0.18208210170269012, -1.2342990636825562, 0.4354156255722046, -0.17237725853919983, 0.04385719448328018, -0.4252498745918274, -0.20532134175300598, -0.33624467253685, 0.6613015532493591, 0.5116774439811707, -0.3608168959617615, 0.05161777511239052, 0.16070783138275146, -0.055178746581077576, 2.0909340381622314, -0.208879292011261, -0.2153388261795044, -0.6915283799171448, 0.18378940224647522, -0.08143045008182526, 1.6643905639648438, -0.6766877770423889, 0.46652793884277344, 0.10039819777011871, -0.4124820828437805, -0.008539870381355286, -0.542833685874939, -1.0168555974960327, 0.44669783115386963, -0.6914365887641907, -1.4913065433502197, 0.16718605160713196, 1.4840068817138672, 1.159245252609253, -0.39749494194984436, 0.9548216462135315, -0.4013831615447998, 0.5033595561981201, 0.036583028733730316, 0.3689185082912445, -0.2742976248264313, -0.9198502898216248, -0.21199694275856018, 1.9604394435882568, -1.1405946016311646, 1.3467869758605957, -0.04054246097803116, 0.37494221329689026, 0.07502157986164093, 0.07991043478250504, 0.9768880605697632, 0.2627784013748169, -0.794435977935791, -1.1708872318267822, 1.0556210279464722, -0.8066352009773254, 0.3097526431083679, -0.41867321729660034, -0.6563076376914978, -0.15961822867393494, -0.029222212731838226, -1.1686208248138428, 0.1756192147731781, 0.31760528683662415, 0.6574090719223022, 0.2687319219112396, 0.9691728949546814, -0.7404019832611084, 1.134198546409607, 1.2860832214355469, 0.20589205622673035, 0.030752047896385193, 0.6400154232978821, -1.0067493915557861, -0.947063148021698, 0.8951762318611145, 0.7283961772918701, -0.6509880423545837, -0.1263057440519333, 1.0162969827651978, -0.25786444544792175, -0.10386082530021667, -0.3581089377403259, -0.40208137035369873, -0.305340975522995, 0.8283053636550903, 0.9366607069969177, 0.2499200701713562, -0.45898309350013733, -0.5973039269447327, -0.6741855144500732, -0.320096880197525, 0.6904821991920471, -0.1637289822101593, 0.8856791257858276, -1.617045283317566, -0.49053871631622314, -0.3056996166706085, 0.42169389128685, 0.05204072594642639, -0.3099091649055481, 0.004343215376138687, 0.5970718860626221, 0.3256373405456543, 0.13523609936237335, 0.5568317174911499, -1.5107295513153076, -0.21638235449790955, 0.2131415456533432, 0.5659958124160767, -0.4094015657901764, -0.21100389957427979, 1.0035760402679443, 0.7614353895187378, -0.5496776700019836, -0.34370553493499756, -2.079754114151001, 0.5741171836853027, 2.5409622192382812, -0.42072582244873047, -1.0593992471694946, -1.5216716527938843, 0.12736769020557404, 0.5277712345123291, -0.7157847285270691, 0.4841584265232086, -0.6392453908920288, 0.6053488254547119, -1.2735177278518677, 0.5336212515830994, -0.33447080850601196, -0.15771310031414032, 0.45726463198661804, 0.5510095953941345, -0.5174266695976257, -0.938103437423706, -0.2045505940914154, -1.0837223529815674, 0.5477889776229858, 0.7476605772972107, 0.2489916831254959, -0.09540469944477081, 0.47201305627822876, 0.5977259874343872, 0.7921764850616455, -0.23158714175224304, -0.02822687104344368, -0.37371641397476196, 0.2659064531326294, -0.014931097626686096, 0.29908323287963867, -0.1789141744375229, -0.8656439781188965, 0.9186924695968628, 0.5535638928413391, -0.2801249921321869, -0.11210942268371582, 0.309836208820343, -0.1635618507862091, 0.8530898690223694, 1.096378207206726, -0.34195569157600403, 1.293306827545166, -1.2813820838928223, 0.2541949450969696, -0.47635358572006226, -0.5339463353157043, -0.37159210443496704, 0.3185211420059204, 0.669654905796051, -0.1775442212820053, 0.0389392152428627, -0.3647262454032898, -0.31857460737228394, -0.8715996742248535, -0.5255382657051086, 0.07430838793516159, -1.1006335020065308, -0.6476142406463623, 0.13489952683448792, 0.16394227743148804, -0.8292605876922607, -0.34500086307525635, -0.18253114819526672, 0.6980400085449219, -0.49529117345809937, 0.34370115399360657, 1.3985310792922974, -0.47954148054122925, 0.23281922936439514, -0.07466993480920792, 1.2311675548553467, -0.5367864966392517, 0.48249268531799316, -0.1392272412776947, 0.5950266122817993, -0.5086652040481567, -0.12137001752853394, 0.5245993137359619, 0.8890272974967957, 0.18588194251060486, 0.0013279244303703308, 0.2688235640525818, -0.5265319347381592, -1.2447633743286133, 0.6192711591720581, -0.513768196105957, -0.1492229700088501, -1.0518993139266968, 1.5532532930374146, 0.17011894285678864, 0.0572294183075428, 0.8821062445640564, 0.5846222043037415, 0.1819092333316803, 1.23544180393219, -0.6645865440368652, 1.177828073501587, -0.04162793979048729, 0.3018610179424286, -0.2102646678686142, 0.47373852133750916, -1.8307406902313232, -0.013125271536409855, 1.1317700147628784, -0.5587320327758789, 0.06875936686992645, -0.4416567385196686, 0.5411753058433533, -0.8911088705062866, 0.032373517751693726, 0.3488793671131134, -0.9745250940322876, 0.17330217361450195, -0.6864119172096252, -0.69517582654953, 0.9372694492340088, -1.2059235572814941, 0.12069538235664368, 0.6996053457260132, 0.6999611258506775, -1.5648494958877563, 0.10873658210039139, 1.0424103736877441, -0.45544686913490295, 0.38437387347221375, -0.08156224340200424, 0.6123971343040466, 1.173026442527771, -1.0598098039627075, -0.3417883813381195, -0.1872308999300003, 0.4417566657066345, 0.40254271030426025, -0.03173159435391426, 0.03143903240561485, 1.2160611152648926, -0.5522937178611755, 1.4266250133514404, 0.3726170063018799, -0.6379140615463257, -1.3250088691711426, -0.5343142151832581, 0.1414434015750885, -0.7681567072868347, 1.678307056427002, 1.0399469137191772, 1.3515652418136597, 0.10793331265449524, 0.26185429096221924, -0.7426345348358154, 0.32510513067245483, 1.264419436454773, 0.4954082667827606, -0.13478828966617584, -0.2787819504737854, 0.3816608488559723, 0.523857593536377, -0.11105727404356003, -0.654880166053772, -0.11935829371213913, 0.3822251558303833, 0.13208289444446564, -0.846648097038269, -0.23600712418556213, 0.7900245785713196, 0.21103650331497192, 1.1517149209976196, -0.34027808904647827, -0.5933972597122192, -0.5351138710975647, 0.6122311353683472, 1.1255124807357788, 0.0719374492764473, -0.997101902961731, 0.3496685326099396, 0.16342130303382874, 0.6582688689231873, -0.15452814102172852, 0.34921929240226746, 1.128121018409729, -0.16666075587272644, -0.8758068084716797, -0.4129846692085266, -1.4452261924743652, -0.2835296392440796, 0.11905194073915482, 0.08220459520816803, -1.173198938369751, 0.14472174644470215, -0.4258766174316406, -1.1138361692428589, 0.7249290943145752, -0.5542075037956238, -1.4037821292877197, 1.4277478456497192, 1.3915150165557861, -0.9116119742393494, -0.16128867864608765, 0.07242235541343689, -0.73781418800354, -1.1654380559921265, -0.019247371703386307, -1.03592050075531, 0.8943510055541992, 0.10031907260417938, 0.6469405889511108, 0.3329613208770752, -0.2669932246208191, -0.6151936054229736, 0.3222554326057434, 1.1482763290405273, -0.23286837339401245, 0.39011916518211365, 0.2195523977279663, -0.30000627040863037, -0.17788361012935638, -1.9660155773162842, -0.7930354475975037, 0.4056309759616852, -0.14557383954524994, 0.08588344603776932, -0.8106181025505066, -0.8209551572799683, 0.21842113137245178, -0.0024638697504997253, 0.5237782001495361, -0.7579555511474609, 0.9654486179351807, -0.22973418235778809, -0.15867677330970764, 0.3359914720058441, -0.5920315384864807, -0.9451983571052551, 1.2776849269866943, 0.3058154582977295, 0.5964707136154175, 0.34751373529434204, 0.9530462026596069, 0.5307461619377136, 0.06274592131376266, 0.02479793131351471, -0.27185365557670593, -11.362212181091309, 0.40119630098342896, -0.25670185685157776, 0.3699813485145569, 0.7379412055015564, 0.19992142915725708, 0.09353622049093246, -0.24263149499893188, 1.1352674961090088, -0.7886419296264648, 0.9567405581474304, 1.8982830047607422, -0.22481650114059448, -0.35278287529945374, -0.18124257028102875, -0.47687089443206787, -0.5172305107116699, -0.3083212375640869, 0.3959980010986328, 0.4891711473464966, -0.4312811493873596, -0.9028157591819763, -0.15814803540706635, -0.3158407211303711, 0.5138851404190063, 0.005456291139125824, -0.06578231602907181, -0.26750391721725464, -0.608098566532135, 0.589096188545227, 0.4560127258300781, 0.2458397001028061, -0.8872093558311462, -0.18969860672950745, 0.13099829852581024, -0.0026893364265561104, -1.0051807165145874, 0.036256372928619385, 0.8372323513031006, 0.052868135273456573, -0.1872887909412384, 0.1372499167919159, 0.7642938494682312, -0.5479040145874023, -0.4530477225780487, 0.3601425886154175, 0.011851673945784569, -0.9887208342552185, 0.16609318554401398, -0.08389656245708466, -0.24384301900863647, -0.3493789732456207, -1.2548208236694336, -0.13363496959209442, 0.7283612489700317, 0.20402535796165466, -0.4080056846141815, 0.8245992064476013, -0.6418253183364868, -1.1485272645950317, 1.3727011680603027, 0.06398634612560272, -0.26667943596839905, 0.05781606212258339, 0.4302895665168762, -0.6641834378242493, 0.12222941219806671, 0.28160759806632996, 0.10387254506349564, -0.10548557341098785, -0.5841126441955566, 1.2448586225509644, 0.18272709846496582, 0.04445439949631691, -0.17805328965187073, 0.027625534683465958, -0.7951118350028992, -0.2812904119491577, 1.0928401947021484, -0.049990374594926834, -1.2418991327285767, 0.9495465755462646, -0.06837392598390579, -0.1215871199965477, -1.2012097835540771, 0.31752508878707886, -0.45483389496803284, -1.3437210321426392, 0.38544464111328125, -0.12528298795223236, 0.8630263209342957, 0.16237255930900574, -0.7756626605987549, 0.1082521453499794, -0.6088266968727112, 0.8664312362670898, -0.8465718030929565, 1.5536479949951172, 0.1360236406326294, -0.027063146233558655, 0.5649622082710266, -0.49912723898887634, -0.2693939208984375, -0.51199871301651, 0.3950574994087219, -0.19440078735351562, -0.003709733486175537, 0.07844586670398712, -0.11524182558059692, -0.08461561053991318, 1.244598150253296, 0.2366504669189453, 0.41056138277053833, 0.7414427399635315, -0.04431288689374924, 0.9181565642356873, 0.24417811632156372, -0.20502805709838867, 0.4627733826637268, 0.6609422564506531, 0.035613324493169785, 0.5228287577629089, 0.1576695442199707, 0.6272199749946594, 0.2044801265001297, 0.3296131491661072, 0.655510425567627, 0.4319516122341156, 0.42192333936691284, -2.317751407623291, 0.5593922734260559, -0.143382266163826, -0.29595947265625, -0.9495046138763428, -0.5672338604927063, -0.07602184265851974, -1.2954416275024414, 1.324615240097046, 0.18602873384952545, 0.3205578625202179, -0.6385985612869263, -0.06525463610887527, 0.27619558572769165, -0.21361614763736725, -0.6808791756629944, 0.10221071541309357, -1.037456750869751, 0.22644451260566711, -0.5234202146530151, -0.754695475101471, 0.03570748120546341, -0.27743011713027954, 0.12656208872795105, -0.8243354558944702, -0.1238199770450592, 0.04358203709125519, 0.34267765283584595, 0.17600634694099426, -0.7521189451217651, 0.024781882762908936, 0.5418068170547485, 0.6680781841278076, -0.6863285303115845, 0.9564142227172852, 1.0627065896987915, -0.6256650686264038, -0.21038731932640076, -0.04431876912713051, -0.8837413191795349, 0.42256641387939453, 1.0978081226348877, -0.9899214506149292, -0.3300686776638031, -0.21420253813266754, -0.2926868498325348, -1.2434515953063965, 0.5542051196098328, 1.447158694267273, -1.295372724533081, 0.22415035963058472, 0.12956951558589935, 0.7198204398155212, 0.3300468623638153, 0.07511398196220398, -0.46575096249580383, -0.1605122685432434, -0.412847638130188, 1.229966640472412, -0.16629168391227722, -0.2074798047542572, -1.2062382698059082, -1.4009897708892822, -0.43590405583381653, -0.0010615922510623932, 0.6398725509643555, 0.11085843294858932, 0.8361450433731079, 0.7439554333686829, 0.2598882019519806, -0.29868069291114807, 0.37960487604141235, 0.9991903901100159, 0.45395660400390625, 0.37276580929756165, -0.7821707725524902, -0.23150193691253662, -0.890674889087677, 0.27340471744537354, 0.5597387552261353, 0.5047004818916321, -2.10725474357605, -0.2517249286174774, 0.3244685232639313, -0.23240463435649872, 0.2988711893558502, -0.5399819612503052, 0.27148160338401794, 0.47937220335006714, -0.8527435660362244, -0.8741782307624817, 0.007727600634098053, 0.5550993084907532, -0.8832575678825378, 0.8714562654495239, 0.4667695164680481, 0.2261865884065628, 0.5622464418411255, 0.4528353214263916, 1.7683312892913818, -0.51712965965271, -0.21277408301830292, 0.47668904066085815, 0.08633662015199661, -0.38708803057670593, -0.5155321359634399, 0.08382153511047363, -1.0893170833587646, 0.4202859103679657, -0.8996273875236511, 0.20280039310455322, -0.2675135135650635, -0.4363402724266052, -0.06847156584262848, 0.7149209976196289, -0.1210412085056305, -0.887641966342926, -0.6983929872512817, -0.9279460310935974, -0.19695225358009338, 0.2643968462944031, -0.2732844352722168, 1.3265373706817627, 0.804280698299408, 0.0806976705789566, 1.3347249031066895, 0.1972673535346985, -0.1412556916475296, 0.0034562870860099792, 0.24887177348136902, 0.7188423871994019, 0.6592101454734802, 0.8907113075256348, -0.5228305459022522, -0.7971179485321045, -0.9580058455467224, -0.636752724647522, -0.6555570363998413, 0.28512609004974365, 0.7304489612579346, -0.2373577207326889, -0.13973577320575714, -0.543224573135376, 0.7504587769508362, 0.3681717813014984, 0.2695946991443634, 0.15922537446022034, -0.21284973621368408, -0.35572412610054016, -0.3449912965297699, -0.04159636050462723, 1.5920058488845825, -0.5067172050476074, -0.14931368827819824, -0.3037806749343872, 0.3030317723751068, -0.847545862197876, -1.017951488494873, -0.7383975386619568, 0.4091963768005371, -0.5661123991012573, 0.42101114988327026, 0.32312214374542236, -0.49152612686157227, -1.049872875213623, -0.6070744395256042, -1.0391325950622559, 1.0940239429473877, 0.412591814994812, -1.0461071729660034, -0.044671639800071716, 0.9748827219009399, -0.3894149661064148, 0.1940697580575943, 0.5924769639968872, -0.9104955196380615, -1.5666191577911377, 0.7325592041015625, 1.250044584274292, 0.01858416758477688, -0.7252586483955383, 0.3719157576560974, 0.48135969042778015, 0.27408334612846375, 0.8315911293029785]} +{"paper_id": "arabic_speech_corpus", "embedding": [-0.8371158838272095, 0.6399044990539551, 0.048979055136442184, -0.21517832577228546, 0.16723477840423584, 0.963839590549469, -0.006198558956384659, 0.9568476676940918, 0.7068787217140198, 0.31653904914855957, 0.17476552724838257, -0.3341863453388214, 0.037331629544496536, 0.06971035152673721, -0.3432120680809021, -0.7524817585945129, -2.124971389770508, -0.5394740700721741, -1.3916407823562622, -0.503915011882782, -0.5617541074752808, -0.07871213555335999, 0.011851638555526733, -0.0004576556384563446, -0.8562095165252686, -0.13492587208747864, 0.5003925561904907, -0.29539018869400024, 0.5161788463592529, 0.08756006509065628, 0.18514660000801086, 0.456851065158844, -1.040330171585083, 0.546787440776825, -0.4632461369037628, -0.6038936376571655, -0.5737712383270264, -0.30201423168182373, -0.5138278603553772, -0.469068706035614, -0.48679953813552856, -0.42387792468070984, 0.472054660320282, 0.22208714485168457, 0.6568710207939148, 0.13375061750411987, -0.07976625114679337, 1.170958161354065, 0.0007297322154045105, 0.963016152381897, -0.4167647361755371, -0.022195331752300262, 0.9580429792404175, -0.4536016583442688, -0.024166226387023926, 1.1560066938400269, -0.11361691355705261, -0.6562038064002991, -0.0845569297671318, -1.5464861392974854, -0.2176916003227234, 1.1863240003585815, -0.2107030749320984, 0.7373694181442261, 0.7778577208518982, 0.08334404230117798, -0.2605132460594177, 0.8569889068603516, 0.8434321880340576, 0.7598087191581726, -0.4590150713920593, -1.0514707565307617, 1.8771426677703857, 0.29030150175094604, 0.39281946420669556, 0.6881078481674194, -0.529471755027771, 0.3652140498161316, -0.04773317277431488, -0.4069264531135559, 0.05943958833813667, 0.6921834349632263, 0.3778175413608551, -1.1599712371826172, 0.3731296956539154, 0.6760080456733704, 0.7055139541625977, 0.10377977043390274, -0.017776263877749443, -1.4837368726730347, 0.12102183699607849, -0.4639301896095276, 0.0808907300233841, -0.08747018873691559, -0.30212894082069397, -0.6651454567909241, 0.3455122113227844, 0.7637460827827454, -0.7211047410964966, 0.2999747097492218, 0.43212202191352844, -0.9379642009735107, 0.4465404748916626, -0.036135055124759674, 0.5133598446846008, 0.10982731729745865, -0.6313790678977966, -0.51903235912323, -0.17138272523880005, -0.8634265065193176, -0.9045323133468628, 0.9395574331283569, 1.0347052812576294, 0.47959789633750916, 0.38826221227645874, 0.004104882478713989, 0.38468459248542786, -1.0067437887191772, -0.8106738924980164, -0.5212296843528748, -0.585967481136322, -0.9578243494033813, 0.06973861157894135, -0.10885033011436462, 0.9993724226951599, -0.03512633964419365, 0.5179726481437683, 0.37375661730766296, 0.23651200532913208, -0.668871283531189, 1.069395899772644, -0.9596402645111084, -0.2247658222913742, 0.34265783429145813, 2.7166588306427, -1.589857816696167, 1.0650663375854492, -1.4572504758834839, 0.24199670553207397, -0.45879441499710083, 0.04153802990913391, 1.2596065998077393, -1.1081160306930542, -0.9876039028167725, -1.2857253551483154, -0.034763261675834656, -0.6666557788848877, 0.8024199604988098, -0.39066818356513977, 0.05842367559671402, -0.2912062406539917, 0.09784708172082901, -0.880729079246521, -0.7141402959823608, -0.12249000370502472, 0.6263256669044495, 0.19516031444072723, 0.16710878908634186, -0.37257349491119385, 0.13694927096366882, 0.2267519235610962, 0.04457766190171242, 0.135503351688385, -0.588874101638794, -1.167976975440979, 0.41754454374313354, -0.15806496143341064, 0.12348047643899918, -0.35957813262939453, -0.9143211245536804, -0.22749455273151398, 0.05006054416298866, 0.3815045654773712, 0.4173635244369507, -0.28463315963745117, 0.18034234642982483, 0.6888235211372375, 0.3688271939754486, 0.5506786108016968, -1.6916282176971436, 0.3787573575973511, -0.46335381269454956, -0.1964641958475113, -0.20330320298671722, 0.733217179775238, 0.15039440989494324, -0.9269226789474487, 0.7485051155090332, 0.39378172159194946, 0.7134222984313965, -0.3956991732120514, -0.2779388427734375, 0.19970232248306274, 0.059242818504571915, 0.6934346556663513, 0.14961886405944824, 0.4747979938983917, -0.31374916434288025, -0.03996746987104416, 0.9925388097763062, -0.34687575697898865, 0.13147783279418945, -0.4843885004520416, 1.1552958488464355, 0.5396989583969116, -0.4197969138622284, 0.20481903851032257, -0.48052430152893066, 0.22604495286941528, 2.223374605178833, 0.8740381598472595, -1.3239109516143799, 0.6489593982696533, -0.5589278340339661, 0.2936779856681824, -0.44768384099006653, -0.28040724992752075, -0.809897243976593, -0.21275636553764343, -1.525107979774475, 0.048859793692827225, -0.28959131240844727, -0.4441160261631012, 0.5116462707519531, 1.0910485982894897, -0.714974582195282, -0.22922322154045105, 0.3135928213596344, -0.7421699166297913, -0.2267571985721588, 0.8377920985221863, 0.7732124924659729, 0.24302257597446442, 0.21962647140026093, 0.22579187154769897, -0.8306625485420227, -0.03945476934313774, 0.07849153131246567, -0.6131677627563477, -0.6670061349868774, -0.28048157691955566, 0.8750102519989014, -0.3131614923477173, 0.0662502720952034, 0.5888040661811829, 0.3740631639957428, 0.09248904883861542, -0.5603260397911072, 0.11904796957969666, -0.03382588177919388, 1.5566738843917847, 1.953386664390564, -0.09643895924091339, 0.5650034546852112, -0.14010144770145416, 1.227820873260498, 0.8217298984527588, 0.1252891570329666, -0.4991578459739685, -1.2453221082687378, 0.476677268743515, -1.0940929651260376, 0.32745084166526794, -0.15506872534751892, -0.19266925752162933, -0.7203064560890198, -0.4074912369251251, 0.5024685859680176, -0.08703640103340149, -0.8136383295059204, -0.8848749399185181, 0.44192367792129517, -0.25754213333129883, -0.24325552582740784, -0.23904414474964142, 0.48470833897590637, 0.3727240562438965, -0.14250805974006653, 1.6187206506729126, -0.24058713018894196, -0.2705138623714447, -0.574031412601471, 0.3460702896118164, -0.6725252866744995, 0.05760058015584946, -1.0656602382659912, -0.22045427560806274, -0.5637617707252502, -0.5424901247024536, -0.022188246250152588, 1.1465603113174438, -0.5739793181419373, -0.6839510798454285, 0.6242223381996155, -0.07218185812234879, -0.7610059380531311, 0.6676225662231445, -0.7922510504722595, 0.13926059007644653, -0.6719755530357361, 1.0126031637191772, 0.3691859841346741, -0.6623561978340149, 0.3575547933578491, -0.7510223984718323, 0.8301024436950684, 0.5254352688789368, -0.8571301698684692, 0.5224868655204773, 0.38921064138412476, -0.31889626383781433, -0.0502915196120739, 0.582323431968689, -1.9267427921295166, -0.08170093595981598, 1.8275878429412842, -0.02944493293762207, -0.4205129146575928, -0.6786971092224121, -0.23809832334518433, 0.03933142498135567, 0.04091048240661621, 0.13814350962638855, -0.7512686848640442, 0.43895193934440613, 0.13998332619667053, -0.09762604534626007, 0.4389600455760956, -0.2473335564136505, -0.27879437804222107, 0.9617938995361328, 0.813442051410675, -1.0639634132385254, 0.7041409611701965, 0.18375208973884583, -0.913323700428009, 0.5994842052459717, 0.6284619569778442, 0.27450796961784363, 1.2038887739181519, -0.2513272166252136, 0.05901150405406952, 0.8146787881851196, 0.9503090381622314, 0.11181711405515671, 0.4544689655303955, 0.44260185956954956, -0.0038683656603097916, -0.7513043284416199, 0.9192583560943604, -0.0008066296577453613, -0.6464656591415405, -0.38869404792785645, 0.10033561289310455, -0.9909926652908325, -0.3885727822780609, 1.5258430242538452, 0.7811739444732666, 0.5740777254104614, 0.2722329795360565, 1.0494341850280762, -0.9577083587646484, 0.3327791392803192, 1.0366837978363037, 0.7923911213874817, 0.169304758310318, 0.09413598477840424, -0.2688349485397339, 0.09000219404697418, -0.11482863128185272, -0.1652538925409317, 0.027164187282323837, -0.10704565048217773, 0.09170037508010864, -0.3040980100631714, -0.06195118650794029, 1.4798154830932617, 0.22890880703926086, 1.866230845451355, -0.5849435925483704, -0.21939004957675934, 0.4896546006202698, 0.9066680073738098, 0.3452826142311096, 0.6693634986877441, -0.7973990440368652, 0.5135186314582825, -0.17027023434638977, 1.6569037437438965, -1.6325249671936035, 0.7121008634567261, -0.08073407411575317, -1.1671223640441895, 0.11010167002677917, -0.14355424046516418, -0.8158386945724487, -0.1916305273771286, -0.006546527147293091, -0.5838298201560974, -0.5721759796142578, 0.7230134606361389, -0.209394633769989, -0.4115648567676544, 0.12818031013011932, 0.33081111311912537, 0.12283310294151306, 1.2735559940338135, 0.351827472448349, -0.6214890480041504, 0.27002981305122375, -0.14857879281044006, -0.7123464941978455, -0.8806148767471313, 1.0937718152999878, -0.7610559463500977, 0.28871849179267883, -0.8009899854660034, 1.4622822999954224, -0.7421084642410278, -0.69154292345047, -0.6837782263755798, 0.3327222466468811, 0.4722447693347931, 0.45645982027053833, 0.12829512357711792, -0.2096649557352066, 1.0515022277832031, -0.5582963228225708, -0.8501536846160889, -0.3118523955345154, -0.2561236619949341, 0.218141108751297, -0.01749424822628498, -0.5488530993461609, -0.24153338372707367, -0.8478321433067322, 0.2923632264137268, 0.05095728486776352, -1.2552908658981323, 0.5602191090583801, 0.0078488290309906, 0.4115322232246399, -0.09663224220275879, -0.04258507490158081, -0.5860391855239868, -0.29401570558547974, -1.0967499017715454, -0.10842866450548172, -0.2685073912143707, 0.352730929851532, 0.3535448908805847, 0.15995588898658752, 1.0448859930038452, 0.41345319151878357, -11.926942825317383, 0.4368087649345398, -0.7082738280296326, 0.332460880279541, 0.2901225686073303, 0.2773608863353729, 0.7008263468742371, 0.2294268161058426, 1.3029829263687134, -0.3662490248680115, -0.31481683254241943, -0.1857578456401825, -0.4508644938468933, -0.2846008241176605, 0.24228402972221375, -0.7644162774085999, -1.7478903532028198, -0.8014079332351685, 0.8565628528594971, 0.4451729953289032, 0.35893669724464417, -1.3088866472244263, -2.504885196685791e-05, 0.7006478905677795, -0.013289348222315311, -0.3008584678173065, -0.20221495628356934, -0.669447124004364, -1.0917330980300903, 0.6879284381866455, 0.6683875918388367, 0.25915876030921936, -0.4357203245162964, -0.4218026101589203, 0.8126145005226135, -1.0482584238052368, -1.300840973854065, -1.2595566511154175, 1.0665035247802734, 0.194901704788208, 0.3178378939628601, -0.1715967208147049, 0.17671598494052887, -1.6424282789230347, -1.026640772819519, 0.12095469236373901, 0.10910430550575256, 0.08835408091545105, -0.07604651153087616, -0.37775400280952454, -1.156828761100769, 0.08370564877986908, -0.18076147139072418, -0.7581238746643066, 0.7648358345031738, -0.2794329822063446, -0.489352822303772, 0.8485854268074036, -0.11147285997867584, -0.5158095359802246, 1.6215097904205322, 0.3465113043785095, -0.6981340050697327, 0.5578850507736206, 0.3993039131164551, -0.5177083015441895, 0.29199153184890747, 0.3293301463127136, 0.26949578523635864, -0.2473803162574768, -1.4970135688781738, 0.9852185249328613, 0.5156130194664001, 0.46987539529800415, -0.7593021392822266, -0.5611014366149902, -0.25995784997940063, -1.0465269088745117, -0.10770832002162933, 1.2196340560913086, -0.08049142360687256, -0.20184634625911713, -0.07011852413415909, -0.07955481857061386, -0.4166017770767212, 0.2628450393676758, 0.6588764786720276, -0.21486644446849823, 1.766688346862793, -0.10095100849866867, 1.038601040840149, -0.010292135179042816, -0.05612948536872864, 0.6070458889007568, -0.19242003560066223, 0.08292114734649658, 0.8119146227836609, 0.5073439478874207, -0.7286593914031982, -0.06730044633150101, 0.34328052401542664, 0.6601946353912354, 0.18787536025047302, 0.3891584575176239, 0.6561792492866516, -0.37828925251960754, -0.2848849892616272, 0.8309495449066162, 1.0944252014160156, -0.02365691214799881, 0.5848156213760376, -0.07673735916614532, -0.26395630836486816, 0.8614761233329773, 0.16785457730293274, 0.33575454354286194, 0.5474162101745605, 0.6482114195823669, 1.0104548931121826, 0.1866331696510315, -0.44530731439590454, 0.5844585299491882, 0.6930029988288879, 1.321003794670105, 0.6123487949371338, -0.27218687534332275, 0.13868947327136993, 0.3160938024520874, -0.7231945991516113, 0.037759751081466675, -0.0308961383998394, -0.5223224759101868, 0.724017858505249, -0.37245479226112366, 1.1955950260162354, -0.47333142161369324, -0.7677328586578369, 0.6946208477020264, -0.3082754611968994, -0.16277706623077393, 0.24462811648845673, -0.47316721081733704, -0.2523319125175476, -0.23772414028644562, -0.08302448689937592, 1.015903115272522, -2.0227608680725098, -0.37135323882102966, 0.5948219299316406, -0.27979403734207153, 0.8907579183578491, 0.471683531999588, 0.8997503519058228, -0.293864369392395, 0.010191315785050392, 1.2527554035186768, 0.33178240060806274, -0.9013875126838684, -0.3909289836883545, 0.011449500918388367, 0.3529553711414337, 0.03748001158237457, -1.308510661125183, 0.536277711391449, 0.3534586727619171, 0.2902984321117401, -0.29165008664131165, -0.23272545635700226, 0.1453496366739273, 1.1170326471328735, -0.06452202796936035, -1.3638184070587158, -0.0554036945104599, -1.294151782989502, 0.6778696179389954, -0.3692631125450134, -0.3265616297721863, 1.2536195516586304, -0.5777155756950378, -0.0425756573677063, -0.44450339674949646, 0.47896090149879456, -0.037243764847517014, -0.7172260880470276, -0.8827177286148071, 0.5204628705978394, 0.0032800519838929176, 0.21467053890228271, 0.54270339012146, 0.6906196475028992, -1.6515110731124878, -0.4693256616592407, 0.09813906252384186, -0.06361544877290726, -0.374855637550354, -0.2385980784893036, 0.11555105447769165, -0.1914321482181549, 0.37122610211372375, 0.5139142870903015, -0.14693929255008698, 0.19388261437416077, 0.12885479629039764, 0.07714833319187164, 0.23515871167182922, -0.5185045599937439, 0.10811633616685867, -0.5297853946685791, 0.7670642137527466, -0.10707081854343414, -0.1774764060974121, 0.07768280804157257, 0.232573002576828, 0.3692077398300171, 0.04693063721060753, -0.3594619631767273, -0.08129966259002686, -0.5793229341506958, -0.55784010887146, -0.8910180330276489, -0.40907418727874756, 1.0184948444366455, -0.027804259210824966, 1.2450369596481323, 0.36828652024269104, 0.7247910499572754, -0.25304585695266724, -0.0562720000743866, 1.2856026887893677, -0.08417381346225739, -1.12944757938385, -0.24094867706298828, 0.2612963318824768, -0.48519930243492126, 0.18090593814849854, 0.5703058838844299, -1.2541534900665283, 0.262540727853775, -1.1649248600006104, -0.05039563030004501, -0.33639276027679443, 0.535499095916748, 0.06547325104475021, 1.6491506099700928, -0.5963090062141418, -1.4146264791488647, -0.4260721206665039, -0.2333727777004242, -0.5435854196548462, 0.20976781845092773, -0.2837023138999939, 0.40301522612571716, 0.7262263298034668, 0.1268608719110489, 1.586204171180725, 0.10626360774040222, 0.349078893661499, 0.7139507532119751, 0.6005027890205383, 1.2601498365402222, 0.5347320437431335, 0.010101625695824623, 0.6875804662704468, -0.7791234850883484, -0.15605509281158447, 0.11782766878604889, 0.1054282933473587, 0.6011583209037781, 0.9307898283004761, -0.6468822956085205, -1.19612455368042, -0.7988741993904114, -0.37992921471595764, 0.1583266258239746, 0.0969066321849823, 0.3649666905403137, -1.3508765697479248, 0.06245257705450058, -0.628291666507721, 0.27817654609680176, 0.3777190148830414, 0.5662025213241577, -0.9192334413528442, -0.5932540893554688, -0.9078435301780701, 0.07433175295591354, 0.07728199660778046, -0.649566650390625, 0.36726805567741394, -0.8090438842773438, 0.3962857127189636, -0.27152013778686523, -0.1352044939994812, -0.4460389316082001, 0.16033898293972015, -0.5133577585220337, 0.8683238625526428, -0.34716594219207764, -1.3235013484954834, -0.5128282904624939, 0.3732221722602844, -0.49543076753616333, 0.27051156759262085, -0.17582646012306213, -0.007131034508347511, -1.5944894552230835, 1.698852777481079, 1.6285743713378906, -0.006194127723574638, -0.4495900273323059, 0.4934673607349396, -0.3906841278076172, -0.6845836639404297, 0.7056816220283508]} +{"paper_id": "ascent_kb", "embedding": [-1.0148639678955078, 0.6968256831169128, 0.350338339805603, -0.04567909613251686, 0.41605791449546814, -0.1826934963464737, 0.8038365244865417, 0.35772252082824707, 0.7129110097885132, 1.3751685619354248, -0.3638691306114197, 0.3954852819442749, -0.9656673669815063, -0.518425464630127, -0.8189775943756104, -0.5747441649436951, -0.5559666156768799, -0.7227833867073059, -0.32977548241615295, -0.20746730268001556, -0.518722653388977, -1.4213142395019531, -0.21246269345283508, 0.29144662618637085, -1.2722188234329224, -0.27126678824424744, 0.6765492558479309, -0.912811279296875, 0.8278648257255554, 0.29744789004325867, -0.23301416635513306, 1.2393653392791748, -1.3546950817108154, 0.8219559192657471, -0.6861964464187622, 0.30538251996040344, 0.15479840338230133, 0.8857836127281189, -0.2395188808441162, 0.626367449760437, -0.1787889152765274, 0.2393517792224884, 0.32072603702545166, 0.13135401904582977, 0.37209540605545044, -0.6635028719902039, 0.07491027563810349, 0.37302401661872864, -0.009632028639316559, 0.33742251992225647, -0.5267804265022278, 0.24645408987998962, 0.8043683767318726, 0.49090883135795593, 0.3870904743671417, 0.9893321394920349, 0.195992112159729, -0.8951002955436707, 0.28262120485305786, -0.751305103302002, 0.43035781383514404, 1.2781726121902466, 0.047014471143484116, 0.24029171466827393, 1.0289297103881836, -0.2023550570011139, 1.0470521450042725, 0.713391125202179, 0.34240013360977173, 0.8464848399162292, 0.025367289781570435, -1.0388656854629517, 0.31583741307258606, -0.1623593270778656, -0.1293662041425705, 1.0335065126419067, 0.6660221815109253, 0.08810694515705109, 0.6347084045410156, 0.9240264296531677, 0.5456964373588562, 0.6991819739341736, 0.8565311431884766, -0.6552144289016724, -0.6486009359359741, 0.41484567523002625, 0.9439330101013184, -0.9413548111915588, 0.2316332906484604, -1.588072419166565, 0.5821644067764282, 0.675312876701355, -0.3558424413204193, -0.20861127972602844, -0.4880659580230713, 0.8262038826942444, -1.2933266162872314, -0.6134400963783264, 0.062619149684906, 0.6897421479225159, 0.5201594829559326, -0.1839575320482254, -0.2971689701080322, -0.29335442185401917, -0.08326750993728638, 0.05090551823377609, 0.032859548926353455, 0.944139838218689, -0.4012807011604309, -0.08777601271867752, 0.40580815076828003, 1.4626333713531494, -0.03839708864688873, 0.3665958642959595, -0.7845025062561035, -0.5787189602851868, 0.5723904371261597, -1.0702706575393677, -0.2185499221086502, 0.32946252822875977, 0.12612253427505493, -0.2792744040489197, 0.014275191351771355, 0.4244323968887329, 1.1209170818328857, 0.01258648931980133, 0.22680900990962982, 0.16802671551704407, -0.0535203292965889, -0.3633688688278198, 0.06775684654712677, -0.01920352131128311, -0.3203623294830322, -0.4502605199813843, 3.7880895137786865, -1.5538793802261353, 1.7291971445083618, -0.48637712001800537, 0.27311381697654724, -0.17377245426177979, -0.7214394211769104, 0.3493356704711914, 0.8120105862617493, 0.19844281673431396, -0.6501600742340088, -0.4543725848197937, -0.3482527434825897, 0.6036249995231628, -0.563941478729248, 0.0781736969947815, 0.09654653817415237, -0.21287915110588074, -2.0451552867889404, 0.27980276942253113, -0.1254122257232666, 0.5200138688087463, -1.1028380393981934, 0.2919214963912964, -1.0133864879608154, 0.1100720539689064, 0.4095021188259125, -0.343575119972229, -0.3942609131336212, -0.15808770060539246, -0.5388572812080383, 0.02477565035223961, 0.8503719568252563, -0.17210054397583008, -1.5240068435668945, 0.37999868392944336, 0.015305452048778534, 0.5091805458068848, 0.1410578340291977, -0.8200018405914307, 0.3159172534942627, 0.6116764545440674, 0.9116637706756592, 0.19896399974822998, 0.29980000853538513, -0.6283417344093323, -0.6503819227218628, -0.8560583591461182, -0.1319897174835205, 0.028394857421517372, -0.28563594818115234, 0.25762253999710083, -2.6512935161590576, 0.40640753507614136, -0.3508087992668152, 0.5246330499649048, 0.37914466857910156, 0.30648350715637207, 0.24313896894454956, 0.22469981014728546, 0.2002141922712326, -0.3846855163574219, 0.5436239838600159, -1.5441484451293945, -0.5171225070953369, 0.0013340935111045837, -0.8364865779876709, 0.5081388354301453, -0.35990583896636963, 1.1757248640060425, 0.4951291084289551, -0.5477449893951416, -0.69666987657547, -2.284337043762207, 0.0019603148102760315, 2.045456886291504, 0.14598678052425385, -0.5977806448936462, -1.220895528793335, 0.31337541341781616, 0.2891264259815216, -0.5152726769447327, 0.6037768125534058, -0.4481015205383301, 0.20592325925827026, -0.44369131326675415, 0.5116080641746521, -0.23209461569786072, 1.3466181755065918, 0.36087605357170105, 1.232964038848877, -0.7665560245513916, 0.31350183486938477, -0.48836421966552734, -0.7441207766532898, 0.27392566204071045, 0.710723340511322, -0.015950487926602364, 0.10544178634881973, 0.45402097702026367, 0.331461101770401, 0.579642117023468, 0.44805458188056946, 0.17067444324493408, -1.2333751916885376, 0.014578832313418388, -0.007216697093099356, 1.7437021732330322, 0.5431091785430908, 0.2623237073421478, 1.2194247245788574, 0.04252512753009796, -0.3163694739341736, -0.35086601972579956, 0.047380730509757996, -0.2495465874671936, 1.2221853733062744, 0.26765334606170654, -0.5054435133934021, 0.6591334342956543, -0.8221123218536377, -0.4307854175567627, -0.15187431871891022, -0.7463729381561279, -0.5161924362182617, -0.44801586866378784, 1.7163541316986084, -0.15818269550800323, -0.08782428503036499, -0.03517680615186691, -0.4665147364139557, -1.254257082939148, 0.0874515026807785, 0.19349774718284607, 0.18863461911678314, -1.4122363328933716, 0.3894321322441101, -0.49439215660095215, -1.0819270610809326, -0.9224347472190857, -0.4493997395038605, -0.2643633186817169, 0.2981974482536316, 0.06438332796096802, 1.4567075967788696, -0.1383003294467926, 0.5024753212928772, -0.2336905300617218, 0.9584895968437195, -0.5299496054649353, 0.5516400337219238, -0.05079800263047218, 0.015242396853864193, -0.884111762046814, 0.2888713777065277, -0.326779305934906, 0.5901575088500977, 0.28171104192733765, -0.9425870776176453, -0.10609852522611618, -0.4881773889064789, -0.34726935625076294, 0.8757593035697937, 0.7428011894226074, -0.7676006555557251, -0.5844069719314575, 1.4665838479995728, -0.13566365838050842, -0.4324271082878113, 1.0148496627807617, -0.039644163101911545, -0.20850665867328644, 1.502094030380249, 0.6811380386352539, 0.3715885281562805, 0.33898788690567017, 0.24992302060127258, -0.0256165973842144, 0.12041106075048447, -1.9211950302124023, 0.6684604287147522, 0.6912433505058289, -0.031873613595962524, 0.3079907298088074, -1.0004703998565674, 0.22498391568660736, -1.1949788331985474, 0.15883859992027283, 0.46479281783103943, 0.28864842653274536, 0.6211104393005371, -0.20276814699172974, -0.0865195170044899, 1.1856470108032227, -1.42330801486969, 0.40407097339630127, 0.31016620993614197, 0.17223861813545227, -0.7543965578079224, 0.2615169882774353, 0.6751870512962341, -0.052572570741176605, 1.2624378204345703, 0.3082784414291382, 0.7552160024642944, 0.6042982339859009, -0.3002573549747467, -0.07769051939249039, 0.726373016834259, 0.375663161277771, 0.6061099171638489, 0.3737920820713043, -0.21170483529567719, 0.8964672088623047, -0.3127357065677643, 1.549612045288086, 0.2408633828163147, -0.28842440247535706, -0.12363695353269577, -0.4438372850418091, -0.689987063407898, -1.3265687227249146, 2.0448014736175537, 1.217910647392273, 1.3026105165481567, -0.41951385140419006, -0.3043256402015686, -0.6023551225662231, -0.4014689028263092, 0.956439197063446, 0.3506122827529907, 0.15504425764083862, -0.8789404630661011, -0.5501779317855835, 0.21977585554122925, -0.20503342151641846, 0.3637832999229431, -0.4984195828437805, 0.09262285381555557, 0.522271454334259, -0.6664628386497498, 0.2827339768409729, 0.4611983597278595, 0.2217656373977661, 0.28495490550994873, -0.6490373015403748, -0.009932026267051697, -0.41950610280036926, -0.20696809887886047, 0.3837687373161316, 0.5267626643180847, -0.9391796588897705, 0.3548215925693512, 0.34541797637939453, 0.1952630579471588, 0.06053075194358826, 1.7450395822525024, 1.6327265501022339, 0.12321516871452332, -2.2707924842834473, -0.6565954089164734, -1.2722362279891968, 0.4565822184085846, 0.520758330821991, -0.38454097509384155, 0.07386991381645203, 0.6154420971870422, -0.38187652826309204, -0.856111466884613, 0.8819385766983032, -0.4484754502773285, -0.5796291828155518, 0.9830666780471802, 0.5672180652618408, -1.3027979135513306, -0.22621740400791168, 0.21508871018886566, -0.30829882621765137, -0.8880821466445923, -0.3114028871059418, -0.49738603830337524, 0.7323509454727173, 0.6727260947227478, 0.562443196773529, 0.5875568389892578, 0.5458434820175171, -0.4364995062351227, 1.292280673980713, 0.277671754360199, -0.15310876071453094, 0.2933940589427948, 0.43827328085899353, 0.20990417897701263, -0.2296282947063446, -0.6703280210494995, -0.7992289066314697, 1.2661807537078857, -0.08059358596801758, -0.5628148913383484, -1.124979019165039, -0.8223767280578613, 0.6523392200469971, -0.23802617192268372, 0.0024023056030273438, -1.1362859010696411, 0.5262140035629272, -0.44073766469955444, -0.7470511198043823, 0.397514283657074, -1.1328645944595337, -1.3962912559509277, 1.0177867412567139, -0.10366658121347427, 1.0393213033676147, -0.7168745994567871, -0.2808619439601898, 1.860898733139038, 0.00014025717973709106, 0.2445077747106552, 0.13371214270591736, -11.175080299377441, 0.887978732585907, 0.08214199542999268, 0.5956169366836548, 0.6101028323173523, -0.05034378170967102, 0.5728505253791809, -0.09745238721370697, 0.632181704044342, -1.1773836612701416, 0.15080700814723969, 1.1857552528381348, -0.1118275597691536, 0.09482511132955551, -0.9209235906600952, -1.5723514556884766, -0.7099299430847168, -0.8060792684555054, -0.08327896893024445, 0.1977878212928772, 0.24264691770076752, -1.0924477577209473, -0.5485018491744995, -0.11174392700195312, 0.6436111927032471, -0.0852099135518074, -0.06127488613128662, -0.3820858597755432, -0.44774824380874634, -0.8981256484985352, 0.5924776196479797, -0.22993417084217072, -0.49465012550354004, 0.1682668924331665, -0.36662423610687256, 0.38597506284713745, -0.8339371681213379, -0.027365975081920624, 0.690276563167572, 0.10387754440307617, 0.08490631729364395, 0.5199347138404846, 0.4740503430366516, -0.2876400053501129, -0.33923664689064026, 0.8718152046203613, 0.20181770622730255, -0.4290488064289093, 0.528671383857727, -0.045638397336006165, -0.4064093232154846, -0.5344879627227783, -0.796155571937561, -0.7763317227363586, 0.34982889890670776, -0.25084787607192993, -0.580960750579834, -0.5892413854598999, -1.013492465019226, -1.2863330841064453, 0.9276418685913086, -0.06563737988471985, -0.15628845989704132, 0.6598435044288635, 0.5141543745994568, -0.8284905552864075, 0.35406145453453064, 0.33470964431762695, -0.7757977843284607, -0.2606121897697449, -0.47162675857543945, 0.7443615794181824, -0.47641146183013916, 0.2601293921470642, -0.5408987402915955, -0.06444328278303146, -0.42211610078811646, 0.9576171636581421, 0.5096821188926697, 0.2713437080383301, -1.0057345628738403, 0.9729225635528564, 0.4588203430175781, -0.5788308382034302, -1.2769206762313843, 0.012518215924501419, 0.24473634362220764, 0.42877551913261414, 0.10402798652648926, -0.35266733169555664, 1.0015175342559814, 0.49275216460227966, -0.49492788314819336, -0.5686882734298706, -0.6915571093559265, 0.6263614892959595, 1.0367406606674194, 1.0114436149597168, -0.18097613751888275, -0.16479316353797913, 0.15864422917366028, -0.2885957360267639, -1.1172288656234741, -0.10427603125572205, -0.03724360466003418, 0.6139079332351685, 0.6964607834815979, -0.2475859522819519, -0.03203539177775383, -0.6938106417655945, 0.3441450595855713, 0.3694342076778412, -0.7239839434623718, 0.526984691619873, -0.403080552816391, 0.32705122232437134, 0.4641628861427307, -0.5107618570327759, 0.5446428060531616, 1.0792131423950195, 0.709080159664154, 0.6012750864028931, 0.08180301636457443, 0.9583624005317688, -0.35556355118751526, -0.3434808552265167, 0.4242658019065857, 0.830483615398407, -0.6449475884437561, -1.76652991771698, 0.4790841042995453, -0.3016796112060547, 0.8271048665046692, -0.2469104528427124, -0.30363452434539795, -0.3856741786003113, 0.1786208301782608, 1.1545655727386475, -0.3804500102996826, 0.13354161381721497, -0.3270878791809082, -0.15936404466629028, -0.7156697511672974, -1.0833196640014648, -0.4861270785331726, 0.2287289798259735, -1.8550927639007568, 0.2060115784406662, -0.21860170364379883, -1.1351852416992188, -0.12440076470375061, -0.712084949016571, 0.8610261082649231, -0.02603428065776825, -0.3166356384754181, -0.3915194272994995, -0.10905036330223083, 0.3209228515625, -1.1007293462753296, 0.06837725639343262, 0.06892646104097366, 0.7982732057571411, -1.268651008605957, 0.43852025270462036, 0.17209044098854065, -0.04204312339425087, -0.33075445890426636, -0.3382221758365631, -0.7160601615905762, -0.21046707034111023, 0.9672062397003174, -1.6078732013702393, 0.27563273906707764, 0.0012869760394096375, -0.204741969704628, -0.6911946535110474, 1.3936361074447632, 0.0007388964295387268, -0.5827178359031677, -0.6016141176223755, 0.4913681745529175, 0.3214724659919739, 0.207961305975914, -0.3004402220249176, -0.0038796067237854004, -0.45855453610420227, 0.18651258945465088, 0.30663296580314636, 0.2271840125322342, 0.9100688099861145, -1.2620012760162354, -1.067089319229126, -0.46432018280029297, 0.8758109211921692, 0.6514663100242615, 0.1262953132390976, 1.101537823677063, 0.8813909292221069, 0.7800561189651489, 1.0043559074401855, 0.6392596960067749, 0.7327088713645935, 0.4223502278327942, 0.7186532616615295, -0.45184487104415894, 0.14122824370861053, -0.9270932674407959, -0.23252509534358978, 1.0544103384017944, 0.526746392250061, -0.7911211848258972, 0.21461547911167145, 0.6120283007621765, -0.7866063714027405, 0.4653136134147644, -1.0603491067886353, 0.4488048553466797, -1.2719566822052002, -0.8903626203536987, -0.30663421750068665, 0.8527426719665527, 0.7281675934791565, -0.5820353031158447, 1.3694535493850708, 0.7668927311897278, 0.27862975001335144, 0.3312608599662781, 0.5014278292655945, 1.0448321104049683, -0.49288761615753174, 0.2594970464706421, 0.6808823347091675, 0.5477794408798218, 0.23087576031684875, 0.024060077965259552, -0.9760063886642456, -0.3799448013305664, 0.15217633545398712, -0.7191175818443298, 0.8059378862380981, -0.63680499792099, 0.704470157623291, 0.8622506856918335, 1.103285551071167, -1.501200795173645, -1.4404997825622559, -0.4075639247894287, -1.2794959545135498, -0.23763367533683777, 0.7980408072471619, 0.7030977010726929, 0.5045096278190613, 1.0091135501861572, 0.3778645992279053, 0.771731436252594, -0.6418517231941223, 0.4831119179725647, 0.8852893710136414, -0.02029401808977127, 0.7794004678726196, 0.6616414785385132, -0.16447773575782776, 0.2336186021566391, 0.1260356605052948, -0.931601881980896, 0.18851616978645325, -0.7431859970092773, 0.0983317494392395, 0.130621537566185, -0.5875633955001831, -0.11245408654212952, -0.3159765601158142, 0.5891329646110535, -1.2268282175064087, 0.6082502603530884, -0.4497356414794922, -0.6738267540931702, -0.08625160902738571, -0.9739215970039368, -1.0456171035766602, 0.16264760494232178, -0.05985284224152565, -0.8812772631645203, 0.1542053073644638, 1.2145376205444336, -0.49188560247421265, -0.34315821528434753, -0.27979522943496704, -0.14638298749923706, -0.7988099455833435, 0.23601509630680084, -0.5030893087387085, -0.6713336706161499, -0.8711345195770264, 0.28341659903526306, -0.24271342158317566, 0.06745728850364685, -0.12662972509860992, -0.409332811832428, -0.7770735621452332, 0.5072550177574158, -0.6189345121383667, -0.4182971715927124, 0.05329315736889839, 0.02783331833779812, -1.956121563911438, 0.9364728331565857, 0.7550926208496094, 0.6382936835289001, -0.9006916284561157, 0.3762543201446533, -0.06625796854496002, -0.0023211538791656494, 0.1965779960155487]} +{"paper_id": "dane", "embedding": [-1.1922543048858643, 0.8503783941268921, 0.06325662136077881, -0.18524032831192017, -0.21587759256362915, -0.11901336908340454, -0.6331028938293457, 0.28963541984558105, 0.8485751748085022, 0.8942070007324219, 0.643635094165802, -0.8485660552978516, -0.3587644398212433, -0.29917412996292114, -0.6069952249526978, -0.24973779916763306, -0.5520922541618347, -1.0472642183303833, -0.771746039390564, -0.11690565943717957, -1.364422082901001, -1.0677969455718994, -0.2539626359939575, 0.30715212225914, -1.0874252319335938, -0.6299440860748291, 0.10815609246492386, -1.1594781875610352, 0.3656991124153137, 0.3872274160385132, -0.36090993881225586, 1.551575779914856, -1.1264418363571167, -0.006444074213504791, 0.08095773309469223, 0.15777698159217834, 0.6479109525680542, 0.7002038359642029, -0.5116342902183533, -0.5134279727935791, -0.6070963144302368, -0.4723260998725891, 0.5624421834945679, 0.38901135325431824, 1.3306448459625244, -0.524164617061615, 0.2652673125267029, 0.2405862808227539, 0.3446193337440491, -0.2362857609987259, -0.4443487226963043, 0.26319420337677, -0.08541720360517502, 0.5088262557983398, -0.6177854537963867, 1.0996737480163574, 0.38040226697921753, -1.223976969718933, 0.5604159832000732, -0.5345571041107178, 0.36516112089157104, 1.1723443269729614, -0.4481698274612427, 0.2553897202014923, 1.0164916515350342, 0.5132774710655212, 1.4282023906707764, -0.49440163373947144, 0.595443606376648, 0.26943546533584595, 0.10928815603256226, -1.0886383056640625, 0.7580786347389221, -0.3866720199584961, 0.8394646644592285, 1.1127443313598633, 0.14603032171726227, 0.1312434822320938, 0.11184486001729965, 0.3335188329219818, -0.13252833485603333, 0.5550615787506104, 0.7733989953994751, 0.08691146224737167, 0.04022037982940674, -0.04005938768386841, 0.4716969430446625, -0.9543145895004272, 0.6120264530181885, -1.9618573188781738, 0.5462104082107544, -0.47673526406288147, -0.9381127953529358, -0.17385882139205933, -0.35702943801879883, 0.21752780675888062, -0.5911068916320801, -0.565003514289856, -0.8834391832351685, 0.4504844546318054, 0.5638526678085327, -0.6251794099807739, -0.14614784717559814, -0.591736912727356, -0.22136300802230835, 1.2883751392364502, -0.9309444427490234, -0.03171680122613907, -1.1269844770431519, -0.1850249022245407, 0.4769151210784912, 1.6897144317626953, 0.4000203609466553, 0.3933326303958893, -0.122400663793087, -0.18878957629203796, 0.41938430070877075, -0.7779990434646606, -0.6809297204017639, 0.4283902049064636, -0.21832522749900818, -0.9902743697166443, -0.07557191699743271, 0.3182118535041809, 1.3796082735061646, -0.8265885710716248, 0.4305941164493561, -0.4739796221256256, -0.005200314335525036, -0.4714798629283905, 0.6954034566879272, -0.3480280339717865, -0.5394766926765442, -0.39487308263778687, 3.1410672664642334, -1.1308894157409668, 1.2009284496307373, -0.43899527192115784, -0.3605441153049469, -0.2545103430747986, 0.1120452955365181, 0.9137871861457825, 0.7537701725959778, -0.6318544745445251, -0.3822399377822876, 0.5416850447654724, -0.5719895958900452, 0.4590117931365967, -0.5808482766151428, -0.6184473633766174, 0.5447643995285034, 0.37402644753456116, -1.2269195318222046, -0.0804901048541069, -0.020407186821103096, 0.3864615559577942, 0.10585440695285797, 0.5759559273719788, 0.07859833538532257, 1.42018461227417, 0.20474863052368164, -0.12028242647647858, -0.16624920070171356, 0.6787189841270447, -1.0283308029174805, -0.11032337695360184, 1.3631175756454468, 0.03625159710645676, -1.0223904848098755, -0.3340962827205658, 0.6029319167137146, 0.01298824604600668, -0.2794128656387329, -0.3409252166748047, -0.7320215106010437, -0.20674553513526917, 1.218238115310669, 0.5865545272827148, 0.0975155159831047, -0.5169209837913513, 0.17043566703796387, -0.07436278462409973, 0.08010946959257126, 1.019463300704956, -0.11000198125839233, 0.6768113374710083, -2.187682628631592, -0.42600202560424805, -0.29810553789138794, 0.6392632126808167, -0.25305360555648804, -0.6912738680839539, -0.00020709633827209473, 0.3332443833351135, 0.21263597905635834, -0.12830057740211487, 0.6874212026596069, -1.3880791664123535, -0.7777077555656433, 0.16095255315303802, 0.16150058805942535, 0.06898768991231918, -0.07763560116291046, 1.2415508031845093, -0.00010265829041600227, -0.5396645069122314, -0.4691982865333557, -1.6152997016906738, 0.18037861585617065, 2.2589168548583984, -0.0514945387840271, -0.941953718662262, -1.3480007648468018, -0.09599504619836807, -0.13701128959655762, -0.8120607733726501, 0.39004606008529663, -0.31936660408973694, 0.5044683814048767, -1.1842252016067505, 0.16599221527576447, -0.32981231808662415, 0.17194372415542603, 0.21961355209350586, 0.6362446546554565, -0.4502749741077423, -0.5611733198165894, -0.5501118302345276, -0.4265587329864502, 0.6021744012832642, 0.5327895879745483, 0.30625590682029724, -0.22996002435684204, 0.9334865808486938, 0.45088309049606323, 0.4029914140701294, -0.009073041379451752, 0.6165686249732971, -0.5148906707763672, 1.1289016008377075, -0.11908663064241409, 0.2716445326805115, -0.12555386126041412, -0.7214019894599915, 0.5218411087989807, -0.02225273847579956, -0.5568835735321045, -0.25134485960006714, -0.010928473435342312, 0.06509771943092346, 1.4435869455337524, 1.2504197359085083, -0.3816777169704437, 1.0085161924362183, -1.1637972593307495, 0.45730990171432495, -0.797967255115509, -0.5037329792976379, -0.29368799924850464, -0.24333909153938293, 1.2492969036102295, -0.36550718545913696, -0.03826484829187393, -0.4690268039703369, -0.10247662663459778, -1.5916824340820312, -0.15827974677085876, 0.5373411774635315, -0.3733943700790405, -1.0454415082931519, 0.5866357684135437, -0.31776756048202515, -1.0748399496078491, -0.8630781769752502, 0.26262086629867554, 0.5909953713417053, 0.046196602284908295, 0.6389260292053223, 1.253070592880249, -0.45351436734199524, 0.07084038853645325, -0.16775386035442352, 0.901873767375946, -0.9363754391670227, 0.9501329660415649, 1.106427550315857, 0.32974591851234436, -0.9076571464538574, 0.04298025369644165, 0.08658157289028168, -0.05529828369617462, 0.5573380589485168, 0.25788506865501404, 0.4236738085746765, -0.2982189655303955, -1.062650442123413, 1.4865326881408691, -0.028981607407331467, -0.4363243877887726, -1.2867056131362915, 1.7690459489822388, 0.49928051233291626, 0.4335014224052429, 0.886671245098114, 0.17430496215820312, -0.15372367203235626, 1.2671047449111938, -0.6466038227081299, 0.18512265384197235, 0.21678729355335236, -0.30748388171195984, -0.10350103676319122, 0.6842371821403503, -1.8811490535736084, -0.013907610438764095, -0.07132446020841599, -0.26767846941947937, -0.003854215145111084, -0.5194677710533142, 0.870697021484375, -0.658431351184845, -0.26735183596611023, 0.4202715754508972, -0.1508692353963852, 0.1710139662027359, -1.0036762952804565, -0.8895242214202881, 0.7116723656654358, -0.22103045880794525, 0.6474848389625549, 0.7195783257484436, 0.1100679337978363, -1.121190071105957, 0.4588651955127716, 1.8207818269729614, -0.11874794214963913, 0.48309555649757385, 0.5192247629165649, 0.7882808446884155, 0.9631885290145874, -1.37287437915802, 0.384281188249588, 0.35555368661880493, 0.6677306890487671, 0.10959260165691376, -0.0033712517470121384, -0.06293381750583649, 1.0261129140853882, -0.580981433391571, 1.4508775472640991, -0.0085672028362751, -0.5258853435516357, -1.2776319980621338, -0.10833083093166351, -0.5486085414886475, -0.21408000588417053, 2.4658029079437256, 0.4904753863811493, 1.9235492944717407, 0.013037409633398056, 0.011240256018936634, -0.9305232763290405, 0.07814808189868927, 1.6382626295089722, 0.9651944041252136, 0.11570039391517639, -0.3660494089126587, 0.26194408535957336, 0.17120710015296936, -0.5431864261627197, -0.5757057070732117, -0.40357276797294617, 0.5706366300582886, 0.07180885970592499, -0.7719040513038635, 0.052591536194086075, 0.36209529638290405, 0.16793161630630493, 1.4827080965042114, -0.633180558681488, -0.611248254776001, -0.6653124690055847, 0.9478999376296997, 0.3514111042022705, 0.7093624472618103, -1.2521547079086304, 0.282694935798645, 0.18070125579833984, 0.12211225926876068, -0.3178001940250397, 1.2562706470489502, 1.1629658937454224, 0.0015565790235996246, -1.5265281200408936, 0.054363612085580826, -0.9685618877410889, -0.3657383322715759, 0.9869232177734375, -0.5762267112731934, -0.49745893478393555, 0.21483904123306274, -0.24315401911735535, -0.6539994478225708, 0.7812461853027344, -1.0307995080947876, -1.7575222253799438, 0.8654491305351257, 1.4334964752197266, -0.4768093228340149, -1.0818958282470703, 0.014612331986427307, -0.516667902469635, -0.8020075559616089, 0.00230303592979908, -1.4471615552902222, 0.5794300436973572, 0.3819141089916229, 0.5069944858551025, 0.2316294014453888, -0.6011682748794556, -0.250089555978775, 0.6582895517349243, 1.0355511903762817, -0.42389345169067383, 0.12055133283138275, 0.46317002177238464, 0.3617081046104431, -0.03732684999704361, -1.3669025897979736, -1.2695485353469849, 0.7474286556243896, -0.08480489999055862, 0.12614032626152039, -1.2400068044662476, -0.5452147126197815, 0.38127896189689636, -0.39872869849205017, 0.9898070096969604, -0.9578195214271545, 0.816287100315094, -0.8838927149772644, 0.3386494517326355, -0.3455686867237091, -0.7748775482177734, -1.5582950115203857, 1.9055230617523193, -0.208970308303833, 0.31459203362464905, -0.25394710898399353, 0.5850932598114014, 2.016918420791626, 0.21753984689712524, 0.10628627240657806, -0.06575202941894531, -11.01134204864502, -0.07464588433504105, 0.30385079979896545, 0.5943629741668701, 0.788440465927124, -0.3140116333961487, 1.2755541801452637, -0.0029355213046073914, 0.7419257164001465, -0.6756147146224976, 0.799944281578064, 1.1643465757369995, 0.28664228320121765, -0.668025553226471, -0.6829884648323059, -0.6505777835845947, -0.12824468314647675, -0.840715765953064, 0.1482250988483429, 0.21698510646820068, -0.6999907493591309, -1.3614075183868408, 0.023108206689357758, 0.6591407656669617, 0.6457132697105408, -0.2515433430671692, 0.1501164436340332, 0.4677460193634033, -0.17590220272541046, 0.0896386057138443, 0.573316216468811, -0.7744658589363098, -1.4798293113708496, -0.16967810690402985, 0.5473294258117676, 0.2818145155906677, -1.1088887453079224, -0.24152101576328278, 0.9174888730049133, 0.08123216778039932, -0.3477475047111511, 0.7905238270759583, 0.4103754758834839, 0.05978649854660034, -0.7966091632843018, 0.23729412257671356, 0.7196836471557617, -1.2581502199172974, -0.3621732294559479, -0.33891481161117554, -0.44609689712524414, -0.4045645594596863, -1.2045689821243286, -0.1404690444469452, 0.669162929058075, -0.5824856162071228, -0.6555405855178833, 0.44617748260498047, -0.7929210066795349, -1.1022666692733765, 1.679437279701233, -0.3020104169845581, -0.4382694959640503, 0.3615887463092804, 0.28484049439430237, -0.5189351439476013, 0.5952675938606262, 0.06225445866584778, -0.03336054086685181, 0.2908327281475067, -0.3939110338687897, 0.5072611570358276, 0.5665165185928345, 0.25323978066444397, -0.7165012955665588, -0.5244756937026978, -0.1629672646522522, 0.15330204367637634, 0.24560678005218506, 0.08798001706600189, -0.9202463626861572, 1.1537878513336182, 0.46526387333869934, 0.2552643418312073, -0.6158550381660461, 0.11088764667510986, -0.01869015395641327, -0.6231654286384583, 0.028724804520606995, -0.5246747732162476, 0.7615096569061279, -0.5767919421195984, -0.2437940388917923, -0.0015880949795246124, -0.22585737705230713, 0.8525918126106262, -0.6875686645507812, 1.0627424716949463, 0.6180431842803955, -0.24804291129112244, -0.08400370925664902, -0.2524360418319702, -0.23343054950237274, 0.18150357902050018, 0.6655377745628357, 0.2837040424346924, 0.14472079277038574, 0.2484847605228424, 0.126112699508667, -0.26817071437835693, 0.6233265399932861, 0.04995368421077728, -0.2917044758796692, 0.8023096323013306, -0.176727294921875, 1.03407621383667, 0.22364541888237, 0.021306201815605164, 0.6100780963897705, 0.9809231162071228, 0.853858470916748, 0.4400275647640228, 0.5319107174873352, 1.385813593864441, -0.22179816663265228, -0.452955424785614, 0.8887046575546265, 0.8335006833076477, 0.6843640208244324, -1.8440804481506348, 0.13689641654491425, 0.5434874296188354, -0.006023261696100235, -0.5966945886611938, -0.3369424343109131, -0.8641742467880249, -1.178934931755066, 1.6048613786697388, -0.04344066604971886, 0.1946374773979187, 0.2984410524368286, -1.0925695896148682, 0.1625467836856842, 0.46819671988487244, -0.42283645272254944, -0.21688878536224365, -1.555393934249878, -0.12452681362628937, -0.2874288260936737, -0.6529495120048523, 0.6804097294807434, -0.5794710516929626, 1.0104131698608398, -0.5180013179779053, 0.16567090153694153, 0.2980034053325653, -0.12982897460460663, -0.8615742921829224, -0.449888676404953, 0.3918294906616211, -0.006010398268699646, 0.931294858455658, -0.9260522723197937, 0.8732103705406189, 0.7419493198394775, -0.316663533449173, -0.9001112580299377, 0.10179801285266876, -0.548368513584137, 0.1841716766357422, 1.203698754310608, -1.2699519395828247, -0.029379794374108315, -0.38684970140457153, -0.29399600625038147, -0.9979639649391174, 0.5564213395118713, 1.1930885314941406, -0.24896679818630219, -0.21557478606700897, 0.08321379125118256, 0.4482034742832184, 0.40782424807548523, -0.21953853964805603, -0.4949524402618408, -0.5330026745796204, -0.20436227321624756, 0.6302369832992554, -0.0017102709971368313, 0.6507545113563538, -1.1377559900283813, -0.6253694891929626, -0.5010068416595459, -0.3288663625717163, 0.17719587683677673, -0.03082277998328209, 1.3251315355300903, 0.3456176519393921, 0.2876395881175995, 0.680121123790741, 0.40591248869895935, 0.73697429895401, 0.6015338897705078, 0.7764345407485962, -0.5796521306037903, -0.3455560803413391, -0.2734571695327759, 0.3505651354789734, 0.6799062490463257, 0.8727171421051025, -0.9894611239433289, -0.22014851868152618, 0.3564055562019348, -0.2786952555179596, 0.6850262880325317, -0.8787257671356201, 0.4205626845359802, -0.317399263381958, -0.3479205369949341, -1.4215190410614014, 0.046856220811605453, 1.060468316078186, -0.7070351839065552, 0.5420446395874023, -0.23435643315315247, 0.31917518377304077, 0.8810981512069702, -0.0373217910528183, 1.7441867589950562, -0.4846760630607605, -0.18884116411209106, 0.39187589287757874, -0.12400597333908081, -0.23103809356689453, -0.206406831741333, 0.3359478712081909, -0.5332028865814209, 0.029667049646377563, -0.5543348789215088, 0.37080666422843933, -0.2413620799779892, 0.226425439119339, 0.23257309198379517, 1.0649021863937378, -0.26269426941871643, -0.7980976700782776, -0.27325719594955444, -0.7316921353340149, -0.5344456434249878, -0.08179548382759094, 0.20321056246757507, 0.6451928615570068, 0.8133750557899475, 0.33125030994415283, 1.100722312927246, -0.06766261160373688, -0.612028956413269, 0.3003542423248291, 0.2549508213996887, 0.9793757200241089, 0.44369593262672424, 0.23220042884349823, 0.16370877623558044, -0.04358508437871933, -1.0378214120864868, -0.8425103425979614, -0.47208327054977417, 0.4872027635574341, 0.9102644920349121, -0.6155430674552917, 0.3439251184463501, -0.9075955748558044, 0.39185813069343567, -0.48321080207824707, 0.29735222458839417, 0.2356567084789276, -0.43019288778305054, -0.9369609355926514, -0.8523784875869751, -0.27491509914398193, 0.9438024163246155, -0.36834537982940674, -0.1980016529560089, -0.8818766474723816, 0.0842558890581131, -0.6331377029418945, -0.3963528275489807, -0.6514106392860413, 0.6414705514907837, -0.21807551383972168, 0.6336644887924194, -0.33204782009124756, -1.2281826734542847, -1.2031714916229248, 0.14657248556613922, -1.040523886680603, -0.0035191159695386887, 0.3371691107749939, -0.7558624744415283, -0.7217763662338257, 0.44118350744247437, -0.7412389516830444, 0.11555495113134384, 0.7138429284095764, -0.4102807939052582, -1.7566916942596436, 0.8097983002662659, 1.353158712387085, 0.05082440376281738, -0.7604522109031677, 0.8769221305847168, 0.30456268787384033, 0.12115947157144547, 1.2569081783294678]} +{"paper_id": "bsd_ja_en", "embedding": [-0.09285066276788712, 0.7037826180458069, 0.22943013906478882, -0.07808554172515869, 0.37444308400154114, -0.08167371153831482, 0.6881729364395142, 0.78495192527771, 0.7282524108886719, 0.10570026934146881, -0.0806296169757843, -0.382658988237381, -0.34382471442222595, 0.6227690577507019, -0.8083212375640869, -0.3851679861545563, -1.7457844018936157, -1.0986907482147217, -1.2335957288742065, -0.47220170497894287, -0.43334537744522095, -0.874433159828186, -0.4896675944328308, 0.611546516418457, -0.2552892863750458, -0.1256987303495407, 0.548670768737793, -1.0813342332839966, 0.3479680120944977, 0.6589936017990112, 0.01158452033996582, 2.1033449172973633, -1.002429723739624, 0.006421670317649841, -0.3711073696613312, -0.6811470985412598, -0.17931491136550903, 0.8402059674263, -0.925026535987854, 0.31980931758880615, -0.666347324848175, -0.06075378507375717, 0.08776896446943283, 0.22253765165805817, 0.6040390133857727, 0.11720948666334152, -0.0726354569196701, -0.3666246831417084, -0.6693791747093201, -0.16900475323200226, -0.7337929606437683, 0.16910359263420105, 0.5592697858810425, 0.22117796540260315, -0.2944936454296112, 1.1597169637680054, -0.19027477502822876, -0.34439945220947266, 0.7484908699989319, -1.1471552848815918, 1.1525064706802368, 0.8012601137161255, 0.0035601258277893066, 0.7087785005569458, 1.2740117311477661, -0.36780309677124023, 1.661629319190979, 0.30968165397644043, 0.5448532700538635, 0.6463742256164551, -0.4893903136253357, -1.2288130521774292, 1.068130373954773, 0.19065147638320923, 0.01259901374578476, 1.1089868545532227, 0.5244936347007751, 0.4840555191040039, -0.02043478563427925, 0.3959334194660187, -0.16825854778289795, 0.2932018041610718, 0.9949052333831787, -0.4495472013950348, 0.3683539927005768, 0.5144473314285278, 1.0244461297988892, -0.6939589977264404, 0.7156761288642883, -2.184202194213867, -0.09716802835464478, -0.23055143654346466, 0.2589338719844818, -0.17886272072792053, -0.6475436687469482, 0.5352309346199036, -0.20476461946964264, 0.0836787149310112, -0.6031877994537354, 0.5310124754905701, 0.9306045174598694, -0.2929947078227997, 0.10444087535142899, -0.46743258833885193, 0.29618561267852783, 0.5364078283309937, 0.3394923508167267, -0.3698817491531372, -0.4211265444755554, -0.8519719243049622, -0.5951622128486633, 1.1124117374420166, 0.19701409339904785, 0.7375168800354004, -0.4352127015590668, 0.42140650749206543, -0.18372493982315063, -0.8450050354003906, -0.9961653351783752, -0.4645521640777588, -0.4066530764102936, -0.624386191368103, -0.2602272629737854, -0.42599761486053467, 0.9441386461257935, -0.38169941306114197, 0.07803564518690109, -0.3427966237068176, 0.36569106578826904, -0.1828886866569519, 0.626417875289917, -0.1481446623802185, -0.7914631962776184, -0.25020718574523926, 3.491811513900757, -0.7862642407417297, 1.9102396965026855, -1.2508876323699951, 0.6437156796455383, -0.6835234761238098, 0.5480222105979919, 1.6927237510681152, -1.0462186336517334, -0.5260834097862244, -0.45757147669792175, -0.38205280900001526, -0.5150970220565796, 0.2529301643371582, -0.277704119682312, -0.8856775760650635, -0.44031962752342224, 0.317644864320755, -1.200774073600769, -0.583311140537262, -0.16361483931541443, -0.018481452018022537, 0.3402004837989807, 1.3082653284072876, -0.5303345322608948, 0.48539969325065613, 0.4280170202255249, 0.2315092235803604, 0.1582716405391693, 0.10513455420732498, -1.5692249536514282, 0.18526796996593475, 1.080885410308838, 0.012875106185674667, -0.1806691586971283, -0.6640339493751526, 0.924210250377655, 0.02799210511147976, 0.0867440477013588, 0.4348595440387726, -0.12772202491760254, 0.5024476051330566, 0.6546305418014526, 1.3076016902923584, 0.28463101387023926, -0.8296140432357788, -0.3768356740474701, -0.6653174757957458, -0.6568732857704163, -0.05654893442988396, 0.15252025425434113, -0.3357080817222595, -2.3657851219177246, 0.14080920815467834, -0.6016625761985779, 0.23448936641216278, 0.4997304081916809, -0.3773549795150757, 0.07450751960277557, -0.4725572466850281, 0.7804192900657654, -0.30594661831855774, 0.39569294452667236, -0.9435883164405823, -0.18805687129497528, 0.4469994902610779, 0.19230349361896515, -0.15065261721611023, -0.29824620485305786, 1.3182456493377686, 0.9422321319580078, -0.3172687888145447, -0.3966929614543915, -1.3019976615905762, -0.5035454630851746, 2.620448350906372, 0.3201828598976135, -0.47278761863708496, -0.755804717540741, 0.11928321421146393, 0.40265607833862305, -0.31317296624183655, 0.5766779184341431, -1.2360622882843018, -0.03784991055727005, -0.3607998490333557, 0.11943531036376953, -0.594388484954834, 0.8033884167671204, 1.1625983715057373, 1.303971290588379, -0.7113751769065857, -0.331143856048584, -0.1594049632549286, -0.7190827131271362, 0.4550110697746277, 0.7290046811103821, 0.024630635976791382, -0.6936763525009155, 0.8863726258277893, 0.5862560868263245, 0.34185606241226196, 0.566063404083252, 0.3642103672027588, -0.1656186580657959, -0.25877299904823303, 0.23633719980716705, 0.9840916991233826, 0.058837100863456726, -0.1972479671239853, 0.499366819858551, 0.7621269226074219, -0.32398533821105957, -0.5563167333602905, -0.22487249970436096, 0.17222388088703156, 1.549925684928894, 1.0944277048110962, -0.7259884476661682, 0.9095118641853333, -0.6418653726577759, -0.2181100845336914, -0.22365042567253113, -0.7582579851150513, -0.33512645959854126, -0.4624415636062622, 1.044844388961792, -0.11712072789669037, 0.31465446949005127, -0.41935276985168457, -0.17375293374061584, -0.617121160030365, -0.2921547293663025, 0.14215686917304993, -0.5577585697174072, -1.0110628604888916, -0.4043554365634918, -0.487829327583313, -0.6852807998657227, -1.191754698753357, -0.24692402780056, 0.3670107424259186, 0.3392813205718994, 0.6178146600723267, 1.540205955505371, 0.10578829050064087, 0.26058584451675415, 0.12559421360492706, 0.2490445226430893, -0.9118894338607788, 1.2797918319702148, -0.22498157620429993, 0.008506763726472855, -0.5367262959480286, 0.29858633875846863, -0.19142675399780273, -0.18756946921348572, 0.09661000221967697, -0.5766621828079224, 0.0720750242471695, -0.25892210006713867, -0.7966207265853882, 0.41802966594696045, -0.6112520694732666, 0.4518265128135681, -0.39793938398361206, 1.9841779470443726, 0.09638884663581848, -0.38571348786354065, 0.3244384527206421, -0.43332403898239136, 0.1956796497106552, 0.953330397605896, -0.3583659529685974, 0.3617421090602875, 1.0085736513137817, -0.3687599003314972, 0.1633777618408203, 0.7019984722137451, -2.394987106323242, 0.5891269445419312, 0.9152419567108154, 0.143132284283638, -0.3170708417892456, -1.2350248098373413, 0.9157124161720276, -0.4386906325817108, -0.7466158270835876, 0.3666970729827881, -0.48898211121559143, 0.7421400547027588, -0.09368741512298584, 0.19773736596107483, 1.0632812976837158, -0.8454139828681946, 0.0422799177467823, 1.0907135009765625, 0.45284193754196167, -0.29072922468185425, -0.5884253978729248, 0.7462745308876038, -0.9925100207328796, -0.18867306411266327, 0.6615675091743469, 0.4693123400211334, 1.4120101928710938, -0.43816089630126953, -0.2649907171726227, 1.1270537376403809, 1.3976608514785767, 0.0812363550066948, 0.7435036897659302, 0.043325576931238174, 0.6842486262321472, 0.06288828700780869, 1.1532074213027954, 0.21253958344459534, -0.6344510316848755, -1.244011402130127, -0.0615248866379261, 0.4197919964790344, -0.9397774934768677, 1.3214644193649292, 0.3379349708557129, 1.4372020959854126, 0.20052850246429443, 0.20090541243553162, -0.49404406547546387, -0.2735736072063446, 1.2312710285186768, 0.4850016236305237, -0.24110405147075653, -0.2602729797363281, -0.7915624380111694, 0.7855747938156128, -0.07316004484891891, -1.1458165645599365, -0.04012981429696083, 1.0816364288330078, -0.4397762417793274, -0.651458203792572, 0.2146153748035431, 1.0614657402038574, 0.4269096851348877, 1.001083493232727, -0.8888381719589233, -0.2664274573326111, -0.12208162993192673, 0.8050042390823364, -0.2385147660970688, 0.8478926420211792, -0.5372132062911987, 0.7048101425170898, 0.9153109192848206, 0.7503498792648315, -0.13732905685901642, 0.8135839700698853, 0.32646194100379944, -0.8353873491287231, -1.1846064329147339, -0.13300733268260956, -0.9783603549003601, -0.32274600863456726, -0.5519357919692993, -0.7986091375350952, -0.3877074718475342, 1.09091055393219, -0.37625670433044434, -0.462495893239975, 0.40746021270751953, 0.40830180048942566, -1.065075397491455, 0.5310043692588806, 0.6867462396621704, -1.4356839656829834, 0.25475069880485535, -0.23651863634586334, -1.2138967514038086, -0.6764794588088989, 0.40024441480636597, -0.4286024868488312, 0.372458279132843, 0.10223734378814697, 0.7966089248657227, 0.5343239903450012, -0.011257171630859375, -0.9851030111312866, 0.27488619089126587, 0.9819874167442322, -1.3432224988937378, -0.22620977461338043, 0.07677189260721207, 0.6753078103065491, -0.4994569718837738, -0.5805993676185608, -0.3236010670661926, 0.296114444732666, 0.5736483335494995, -0.005794668570160866, -0.3984772562980652, -0.4449056088924408, 0.4102518856525421, -0.23134858906269073, 0.5571803450584412, -1.3917460441589355, 0.2720937728881836, -0.012010142207145691, 0.6760219931602478, 0.3196592926979065, -0.8377705216407776, -0.4971078336238861, 0.5688709020614624, -0.8464404940605164, 1.1181049346923828, -0.3200374245643616, -0.4537709951400757, 1.267093300819397, 0.5831835269927979, 0.7847310900688171, 0.17065143585205078, -10.971606254577637, 0.2005246877670288, -0.6147010326385498, -0.15353983640670776, 0.350172221660614, -0.23047930002212524, 1.1831218004226685, 0.5500001311302185, 0.5419905185699463, -0.7060897350311279, 0.6077276468276978, 1.1991040706634521, -0.259904682636261, -0.8856847882270813, -0.7133798003196716, -0.7921808362007141, -0.8855565190315247, -0.7903283834457397, 0.37093329429626465, -0.30903634428977966, -0.5242117643356323, -0.33405035734176636, -0.5609863996505737, 0.5263358950614929, 0.33043918013572693, 0.2484913170337677, -0.6575982570648193, -0.645758330821991, -0.9531977772712708, -0.3608854413032532, 0.6117801070213318, -0.4823645353317261, -0.5393179655075073, -0.7280290126800537, 0.4887290596961975, 0.14349918067455292, -1.1011632680892944, -0.08972890675067902, 0.6165993213653564, -0.08288756757974625, -0.45892244577407837, 0.3114837408065796, 0.32965564727783203, 0.03768637031316757, 0.03806445747613907, 0.4891479015350342, -0.5052670240402222, -0.42586150765419006, 0.5729641318321228, -0.1950812041759491, -0.7105006575584412, -0.16253603994846344, -0.8484175801277161, -0.8728956580162048, -0.008324749767780304, -0.47273632884025574, -0.2285853922367096, 0.35194364190101624, -0.23740330338478088, -1.1017515659332275, 0.9399677515029907, -0.36916178464889526, 0.15193191170692444, 0.5271413922309875, -0.07662845402956009, -0.414762943983078, 0.15419217944145203, 0.5065469145774841, -0.43274378776550293, 0.6822895407676697, -0.9685685038566589, 0.4933190643787384, -0.6197840571403503, 0.5945401191711426, -0.8392090201377869, -0.7524558305740356, -1.0019361972808838, -0.14202553033828735, 0.7169526815414429, 0.11552053689956665, -0.8897941708564758, 0.4844167232513428, 0.30762702226638794, -0.7552937269210815, -0.5120177268981934, 0.18017782270908356, 0.6402114629745483, 0.14290563762187958, 1.6187700033187866, -0.17788460850715637, 1.824412226676941, 0.27483275532722473, -0.0568418949842453, -0.027545742690563202, -0.18332228064537048, 0.9391663670539856, 0.6123188138008118, 1.3275327682495117, 0.04124760627746582, -1.001556634902954, 0.3493852913379669, -0.022523533552885056, -0.3664844334125519, 0.4435838758945465, 0.7835700511932373, 0.28610748052597046, 0.3945233225822449, 0.3171008229255676, -0.3644862473011017, 0.26955440640449524, 0.8484184741973877, -0.11931043863296509, -0.5893490314483643, 0.47927555441856384, 0.7329844236373901, 1.3649598360061646, 0.9138941764831543, 0.3314131498336792, 0.46936482191085815, 0.8256323337554932, 0.21565335988998413, 1.2729833126068115, 0.03635147958993912, 1.5820142030715942, 0.13360466063022614, -0.45721977949142456, -0.05643216893076897, 0.8267658352851868, -0.9295327663421631, -0.7594791054725647, 0.47600021958351135, -0.06814076006412506, 0.6391815543174744, -0.7859206795692444, -0.09112764894962311, 0.38370585441589355, -0.9212667942047119, 1.088911533355713, -0.4387509822845459, 0.1978577971458435, 0.4728547930717468, -0.4885317087173462, -0.28159433603286743, -0.8493415117263794, -0.29823052883148193, 0.2548641562461853, -1.4411489963531494, 0.009495809674263, -0.09504999220371246, -0.01920732855796814, 0.22203293442726135, -0.030920401215553284, 1.2595152854919434, -0.8563674092292786, -0.516532301902771, 0.3957337737083435, 0.41447240114212036, -0.16800323128700256, -0.8742789626121521, -0.5880118608474731, 0.4331921339035034, 0.6944713592529297, -1.2359503507614136, 0.8714108467102051, 0.5672206878662109, 0.17240449786186218, -0.806868314743042, 0.2846272885799408, -1.1385022401809692, 0.9985835552215576, 0.7592384815216064, -0.9231070876121521, -0.5269570350646973, -0.6826527714729309, -0.24362531304359436, -0.13694420456886292, 0.5883856415748596, 0.9823106527328491, -1.3049352169036865, 0.4568582773208618, -0.1854756474494934, 0.4684104025363922, -0.32566601037979126, -0.7532798051834106, -0.6917154788970947, 0.3468782305717468, -0.5438404679298401, 1.1455862522125244, -0.10064772516489029, 0.9819034934043884, -2.1665987968444824, -1.4078724384307861, -0.19941332936286926, -0.7414112091064453, 0.09852483123540878, -0.12488220632076263, 1.3194926977157593, -0.21940581500530243, 0.5207923650741577, 0.3108888566493988, -0.19045190513134003, 0.3341863751411438, -0.10023467242717743, 0.21088357269763947, -0.5535802245140076, -0.057153500616550446, -0.7143213748931885, 0.38734766840934753, 0.4536477327346802, 0.4398370385169983, -0.9609377384185791, -0.19708320498466492, 0.6222018003463745, -0.0972026139497757, 0.7104793787002563, -1.0817852020263672, -0.13411781191825867, -0.524444043636322, -0.3777375817298889, -1.330014944076538, -0.08660774677991867, 0.8025127053260803, 0.06851570308208466, 0.9928374886512756, 0.5083296895027161, 0.6638109683990479, -0.38283711671829224, -0.24085868895053864, 0.80743408203125, -0.48044174909591675, -0.27903231978416443, -1.1338419914245605, 0.2795666754245758, 0.24490132927894592, 0.19216981530189514, 0.09795107692480087, -1.2026941776275635, 0.18559667468070984, -1.543849229812622, 0.9002744555473328, -0.4165547490119934, 0.345822274684906, 0.16077576577663422, 1.063254714012146, -0.5782357454299927, -1.3584233522415161, -0.11827380955219269, -1.065544843673706, 0.01758575811982155, 0.7095385193824768, 0.0009954581037163734, 0.6927320957183838, 0.5888900756835938, 0.17672263085842133, 0.8697807192802429, -0.4601948857307434, 0.07945176213979721, 0.3198398947715759, -0.12045706808567047, 0.3072499930858612, 0.5185248851776123, 0.2613958716392517, 0.6165210604667664, 0.23475632071495056, -0.3717617094516754, 0.015523571521043777, -0.5630291104316711, 1.1012747287750244, 0.861355721950531, -0.07125043123960495, -0.1241285502910614, -0.4820471405982971, 0.042770035564899445, -0.7709400653839111, 1.3844711780548096, 1.2209361791610718, -0.45341575145721436, -1.0442148447036743, -1.1699674129486084, -0.7554201483726501, 0.23852437734603882, -0.21603238582611084, -0.21233516931533813, -0.6540730595588684, 0.19858425855636597, 0.4943501353263855, -0.1727312207221985, -1.4594264030456543, 0.6948866844177246, -1.289387583732605, 0.16102714836597443, 0.05788935348391533, -0.34202346205711365, -0.3669227659702301, 0.8075011372566223, -0.9766587615013123, 0.01635195128619671, -0.3686023950576782, -0.8678515553474426, -1.028008222579956, 0.2514047622680664, -0.2989619970321655, -0.2736194431781769, 0.23502816259860992, -0.10956785827875137, -2.7023773193359375, 0.7704916596412659, 1.307483434677124, -0.5335639119148254, -0.3876495659351349, 0.856456995010376, -0.5314072966575623, 0.3727405071258545, 1.406004786491394]} +{"paper_id": "ar_cov19", "embedding": [-0.8215080499649048, 0.6652485728263855, -0.09818074107170105, -0.14207583665847778, 0.677331805229187, 0.11093646287918091, 0.6944541335105896, 0.06405945122241974, 0.18623724579811096, 1.4693467617034912, 0.8153371810913086, -0.48807209730148315, -0.04806598275899887, -0.03584548830986023, 0.20149512588977814, -0.7384046316146851, -0.984922468662262, 0.23580044507980347, 0.08020415157079697, -0.6222259998321533, -0.4217207431793213, -0.4717903733253479, 0.3078794777393341, 0.8735283613204956, -1.2927347421646118, -0.7234145402908325, 0.5934209823608398, 0.0017780065536499023, 0.48854362964630127, -0.23360204696655273, -0.048707954585552216, 0.5181918144226074, -1.3257555961608887, -0.32009926438331604, -0.6274958252906799, -0.46581795811653137, -0.10625925660133362, 0.9948830008506775, -0.48030519485473633, 0.03805548697710037, -0.8293312788009644, 0.5178403854370117, 0.20281238853931427, 0.7020589709281921, 1.00199556350708, 0.2519281804561615, 0.07654403895139694, -0.1577591598033905, 0.5074803233146667, 0.3051445484161377, 0.7163357138633728, 0.22566825151443481, -0.45057711005210876, -0.0897325649857521, 0.1501128077507019, 1.2189006805419922, 0.24436694383621216, -1.137010097503662, -0.2960651218891144, -1.1715768575668335, 0.644462525844574, 1.594758152961731, -0.05136997252702713, -0.37650439143180847, 0.42110010981559753, -0.3596300482749939, 0.2620781362056732, 0.1842373162508011, 0.7394207715988159, 0.6749929189682007, -0.33902645111083984, -0.8477158546447754, 0.7214770317077637, -0.6948912143707275, 0.49348345398902893, 0.7695260047912598, 0.4534866213798523, 0.3459068536758423, -0.2912275493144989, -0.009160654619336128, 0.6115100979804993, 0.7148334980010986, -0.8737040758132935, -1.352842092514038, 0.01821090281009674, 0.10272359102964401, 0.30785828828811646, -0.06571731716394424, 0.47862738370895386, -2.2016754150390625, 0.7848719358444214, -0.16069887578487396, -0.1814195066690445, 0.1592990756034851, -0.45791304111480713, 0.5356525182723999, -0.41149401664733887, 0.1557484120130539, -0.6280957460403442, -0.10811760276556015, 0.4798238277435303, -0.8355550765991211, 0.7816029191017151, -0.21383750438690186, 0.4105552136898041, 1.3378818035125732, -0.14138318598270416, -0.02037053555250168, -0.04587268456816673, -0.27832457423210144, -0.6817963123321533, 1.0895791053771973, 0.13289211690425873, -0.02438316121697426, 0.03201104328036308, -0.2786973714828491, 0.2326335310935974, -0.8074270486831665, -0.6050393581390381, -0.06303936243057251, -0.9454177618026733, -1.2306729555130005, -0.7587524056434631, 0.8136623501777649, 1.5514518022537231, 0.18427319824695587, 0.5340598821640015, 0.3741488754749298, -0.34867024421691895, -0.08295728266239166, 1.2104946374893188, -0.24761787056922913, -0.8721657395362854, 0.38723286986351013, 2.453921318054199, -0.8699787855148315, 1.5507510900497437, 0.3671378493309021, 0.15144440531730652, -0.47296082973480225, -0.3456391990184784, 0.16488462686538696, -0.04023177549242973, -0.555821418762207, -1.225089430809021, -0.2686428725719452, -0.8166893720626831, -0.042489029467105865, -0.07737427949905396, -0.9711624979972839, -0.19648095965385437, 0.11437488347291946, -0.5739772319793701, -0.6854901909828186, 0.4259538948535919, 1.1086792945861816, -0.1358037143945694, 0.10255242884159088, 0.3335050344467163, 0.8804835081100464, 0.7817828059196472, 0.3744570016860962, -0.8031992316246033, 0.5739737749099731, -0.2304791510105133, 0.03779236227273941, 0.8532138466835022, 0.4505305886268616, -1.0902976989746094, 0.6503991484642029, -0.0614117830991745, -0.48804882168769836, 0.6004545092582703, -0.3020377457141876, -0.840131938457489, -0.5072393417358398, 0.3974091112613678, 0.7069852948188782, 0.255599707365036, 0.2636156678199768, -0.18530455231666565, -0.4082473814487457, -0.3887573182582855, 0.1415477693080902, 0.24835874140262604, 0.014899682253599167, -1.2612345218658447, -0.2827324867248535, -0.6346651315689087, 1.0138537883758545, 0.17828595638275146, -0.6412327885627747, 0.009950600564479828, -0.11551818251609802, 0.36274605989456177, -0.45254698395729065, 0.9873713254928589, -1.3773961067199707, -0.7539441585540771, -0.12172204256057739, 0.5904310941696167, -0.07528690248727798, 0.6628461480140686, 0.7880597114562988, 0.3016047775745392, -0.8629591464996338, -0.33736106753349304, -1.4938932657241821, 0.7278777360916138, 2.755464792251587, -0.5172449350357056, -0.25390365719795227, -0.539281964302063, 0.0841459184885025, -0.28650954365730286, -0.6794493198394775, 0.4958719313144684, -0.9937361478805542, -0.11853504925966263, -0.6657787561416626, 0.09732528030872345, -0.4054117202758789, 0.225518137216568, 0.12957264482975006, 0.43804463744163513, -0.40830597281455994, -0.5908501148223877, -0.9188831448554993, -0.8842673897743225, 0.36101409792900085, 0.5595072507858276, -0.08967793732881546, -0.31746843457221985, 0.3268665671348572, 0.6280054450035095, 0.34244245290756226, -0.25543391704559326, -0.33313125371932983, -0.6144890785217285, -0.7119400501251221, -0.18911144137382507, 0.33949801325798035, -0.02200499176979065, -0.3187081217765808, 1.2523025274276733, 0.7788326144218445, 0.5193736553192139, -0.8776164054870605, 0.3726658821105957, 0.003332853317260742, -0.20806270837783813, 0.9677606225013733, -0.3873659074306488, 1.539185881614685, -0.48380857706069946, 0.8487756848335266, 0.6719620823860168, -0.6351707577705383, 0.08968384563922882, -0.597709596157074, 0.2860085666179657, -0.709213137626648, -0.2475443333387375, -0.07373705506324768, -0.00041050463914871216, -0.8694244623184204, 0.395106703042984, 0.09058619290590286, -0.6434351205825806, -0.9586435556411743, -0.2797243595123291, -0.8935073018074036, -1.3726118803024292, -0.40308770537376404, 0.2500874400138855, 0.3403875529766083, -0.2398534119129181, -0.15026730298995972, 0.2894017696380615, -0.1258176863193512, -0.21416500210762024, -0.7840732932090759, 1.3559197187423706, -0.8308216333389282, 1.4068819284439087, -0.6302543878555298, -0.12793070077896118, -0.6531038880348206, -0.3095433712005615, 0.056459974497556686, 0.44991302490234375, -0.2397971749305725, 0.12755006551742554, 0.4469911754131317, -0.26560497283935547, -0.17981305718421936, 0.34362900257110596, -0.3950890004634857, 0.136019766330719, -0.5651208162307739, 1.6004945039749146, 0.21098951995372772, 0.14674723148345947, 1.3428336381912231, 0.4319722056388855, 0.8084810376167297, 0.4873064458370209, -0.4133918583393097, 0.2587636113166809, 0.5415135622024536, -0.003183182328939438, 0.3018795847892761, 0.5129299759864807, -1.309616208076477, -0.6021295785903931, 0.9020119309425354, -0.1616945117712021, 0.3822418749332428, 0.2383614480495453, 0.47488725185394287, -0.6001330018043518, -0.10451794415712357, -0.9973932504653931, -0.1590820699930191, 0.08805376291275024, -0.3495531678199768, -0.19870176911354065, 1.1062496900558472, -0.3536377549171448, 0.10188943147659302, 0.9696785807609558, 0.6416394710540771, -1.1878982782363892, 0.05632869154214859, -0.05769015848636627, 0.42744603753089905, 1.4965617656707764, -0.5397912263870239, 0.23681941628456116, 0.5594934225082397, -0.18587633967399597, -0.277296781539917, 0.7009173631668091, 0.5762479901313782, 0.23383721709251404, 0.397611141204834, 0.20936670899391174, 0.24977706372737885, -1.0489246845245361, 1.5827304124832153, 0.9367521405220032, -0.03524591773748398, -1.2111810445785522, 0.046472448855638504, -0.8480584025382996, -0.4314040541648865, 1.2627063989639282, 0.4107975661754608, 1.1009082794189453, 0.47115358710289, 0.0773247554898262, 0.27048030495643616, 0.6272916197776794, 0.982247531414032, 1.0302162170410156, 0.6123925447463989, 0.31944987177848816, -0.059780970215797424, 0.26975017786026, -0.20127758383750916, -0.18677498400211334, 0.21010872721672058, -0.050789836794137955, -0.895203709602356, 0.36920657753944397, -0.03286585584282875, 0.8675702810287476, -0.11640102416276932, 0.14930543303489685, -0.6336583495140076, -0.5095642805099487, -0.9334633946418762, -0.19232285022735596, 0.6123502850532532, 1.2588889598846436, -0.566152036190033, 0.016934987157583237, -1.0282511711120605, -0.11330994963645935, -0.8707788586616516, 0.3663865029811859, 0.9926652312278748, -0.008464086800813675, -1.1108659505844116, -0.8196152448654175, -0.199577197432518, 0.33516934514045715, 0.13770520687103271, 0.34321656823158264, -0.8936808705329895, 1.0883007049560547, -0.6180858016014099, -1.595528483390808, 0.03480978310108185, -0.2920851409435272, -1.0871355533599854, 0.90264493227005, 0.33180180191993713, -1.1642236709594727, -0.06064175069332123, 0.20975680649280548, -0.9611256718635559, -0.5567742586135864, 0.2748255431652069, -0.5378319621086121, 0.5327497720718384, -0.5073926448822021, 0.8067258596420288, -0.7500271797180176, -0.9480453133583069, 0.5637165904045105, 1.0472066402435303, 0.8243184089660645, 0.4308052957057953, -0.1618424952030182, 0.40878725051879883, -0.6671435832977295, -0.3095257878303528, -1.1779048442840576, -1.04856538772583, -0.3175545334815979, 0.37337416410446167, 0.7139606475830078, -0.4348328709602356, -1.031860589981079, -0.3438192903995514, -0.4387611448764801, 0.7907641530036926, -1.0797412395477295, 0.598604142665863, -1.0898425579071045, -0.6362072825431824, -0.07308872044086456, -0.07486675679683685, -0.7603793740272522, 0.7822543382644653, -0.812740683555603, 0.32239046692848206, 0.14760465919971466, 0.023492436856031418, 0.446903795003891, 0.286420613527298, 0.6063092947006226, 0.0077121928334236145, -12.237151145935059, 0.45290902256965637, -0.506987988948822, 0.531589150428772, 1.1173239946365356, -0.0050041452050209045, 0.4536431133747101, -0.7583572864532471, 1.8494995832443237, -0.45371222496032715, -0.2447805255651474, 1.5106415748596191, -0.5698819160461426, -0.10927923768758774, -0.43897706270217896, -0.5677018761634827, -0.6548530459403992, 0.20866908133029938, -0.00607898086309433, -0.3658331334590912, -0.8082470297813416, -0.6386347413063049, 0.4425548315048218, -0.3961297273635864, 0.7460067272186279, 0.6226915717124939, 0.08372756093740463, -0.5653604865074158, -1.0311248302459717, 0.18696603178977966, 0.5219881534576416, 0.2155674695968628, -0.6562080383300781, -1.1583408117294312, 0.22332103550434113, 0.5500242114067078, -0.48823559284210205, -0.2730362117290497, 1.315755844116211, -0.0583522655069828, 0.7916223406791687, -0.20930293202400208, 0.882225513458252, -0.5550003051757812, -0.8107839822769165, 0.11197477579116821, -0.2610798478126526, -0.3486073613166809, 0.33544015884399414, 0.08337617665529251, -0.8498020768165588, 0.023002322763204575, -1.1341649293899536, -0.00776812806725502, 1.200771689414978, 0.293349027633667, -0.7138427495956421, 0.20660465955734253, -0.7593151926994324, -0.6390781402587891, 1.021191120147705, -0.37008583545684814, -0.2886776626110077, -0.2804304361343384, -0.35593894124031067, -1.1675474643707275, 0.6009836792945862, 0.9948511123657227, -0.7726465463638306, -0.5839790105819702, -0.39110738039016724, 0.6505653858184814, 0.5565298795700073, 0.4617002606391907, -0.02137541025876999, -0.04149012267589569, 0.07385525107383728, -0.14838775992393494, -0.5411269664764404, 0.1216975748538971, -0.4681110084056854, 0.4910939037799835, -0.8866416215896606, -0.12178374081850052, -0.39428308606147766, -0.3556486666202545, -0.5362640619277954, -1.0871710777282715, 0.40728139877319336, -0.10211702436208725, 0.11314857751131058, 0.6936408281326294, 0.4100540280342102, 0.944230854511261, 0.16851890087127686, -0.07439334690570831, 0.4867841601371765, 0.8997741937637329, -0.49855586886405945, 0.09798989444971085, 0.07461759448051453, 0.3256140947341919, 0.3337390720844269, -0.019599176943302155, 0.653326153755188, -0.00529862567782402, -0.2854774594306946, -0.2861390709877014, -0.17906899750232697, -0.4870011508464813, 0.5804935097694397, 0.09104922413825989, -0.5554496049880981, 1.2720857858657837, 0.254873663187027, 0.8796327114105225, 0.4618205726146698, -0.7009583711624146, 0.6361057162284851, 1.0414049625396729, 0.030271433293819427, -0.09201962500810623, 0.2896597683429718, -0.1259482502937317, -0.08644229918718338, 0.5126434564590454, -0.18025004863739014, 0.8096804618835449, -0.6553454399108887, -1.3437697887420654, 0.8500816226005554, -0.39012855291366577, 0.37067797780036926, -0.5799704790115356, -0.3141278028488159, -0.7220456004142761, -0.7383719086647034, 1.1837319135665894, -0.8265023231506348, 0.20127299427986145, -0.7583360075950623, -0.2871231436729431, 1.1930625438690186, -0.017852647230029106, -0.26896432042121887, -0.5491803288459778, -0.98548823595047, 0.22455662488937378, -0.27161794900894165, -0.7147995233535767, 0.277163565158844, 0.1946515142917633, 0.658170759677887, -0.08964059501886368, 0.40540531277656555, -0.014110282063484192, 0.4433164596557617, -0.1350109577178955, -1.4049201011657715, 0.6628963947296143, 0.04414507746696472, 0.6931592226028442, -0.18882566690444946, 0.3221745491027832, 0.42037323117256165, 0.1911522001028061, 0.19879409670829773, -0.024322621524333954, -0.9541235566139221, 0.8746886253356934, 1.6264699697494507, -0.5950513482093811, 0.05518346279859543, -0.342757910490036, -0.3464088439941406, -1.6464946269989014, 1.5307066440582275, 0.6352993249893188, -0.12326854467391968, 0.22360554337501526, -0.5856045484542847, 0.34383586049079895, -0.600556492805481, -0.4471641182899475, -0.11349329352378845, 0.8711650967597961, -0.2064841091632843, 1.0837197303771973, 0.44034701585769653, 0.2640221416950226, -1.5841755867004395, -0.845583438873291, -0.052889008074998856, -0.39455732703208923, 0.4672829210758209, -0.3333335816860199, 0.5797497630119324, 0.2572317123413086, -0.07680986076593399, -0.6178358197212219, -0.7579382061958313, 0.7820711731910706, 0.17084451019763947, 0.4240730404853821, -0.39863553643226624, -0.31084367632865906, -0.6438747048377991, 0.30036309361457825, 0.517061173915863, 0.13006123900413513, -0.4692135453224182, -0.20834755897521973, 0.5518542528152466, -0.4278845489025116, 0.8340333104133606, -1.049673080444336, 0.9411397576332092, -0.2946424186229706, -0.5106827616691589, -0.21508213877677917, 0.4669840931892395, 1.6455039978027344, 0.21507354080677032, 0.9329474568367004, 0.27391624450683594, 0.681734025478363, 0.558822751045227, 0.8444693684577942, 1.8364877700805664, -0.29325759410858154, -0.20689700543880463, 0.7855430841445923, -1.3064954280853271, -0.2850256860256195, -0.17175087332725525, -0.06839434802532196, -0.6431704759597778, 1.0875955820083618, -1.1781858205795288, -0.07219027727842331, 0.1063741073012352, 1.1354641914367676, 0.18792033195495605, 1.1494159698486328, -0.8877643942832947, -0.8586997985839844, -1.0022194385528564, -0.5814333558082581, 0.19383016228675842, 0.9693169593811035, 0.27623018622398376, 0.7843664288520813, 0.46556612849235535, 0.12418274581432343, 0.8208653926849365, -0.15493184328079224, -0.11097487807273865, 0.07601293176412582, 0.47331446409225464, 1.2577346563339233, 0.6414496898651123, 0.14361386001110077, -0.7654323577880859, 0.05408169701695442, -0.8897491097450256, -0.14363698661327362, 0.1973143219947815, 0.5955206155776978, 0.19031186401844025, -0.4660530090332031, -0.1140994057059288, -0.7882161140441895, -0.17177817225456238, 0.4845808446407318, 0.0996166318655014, 0.2864505648612976, -1.1913564205169678, -0.12878023087978363, -0.9318886995315552, -0.46706148982048035, 1.1760423183441162, -0.4404190480709076, -0.48455917835235596, -0.4221707582473755, 0.13686661422252655, -0.005246488377451897, -0.6801535487174988, -0.713853120803833, 0.3663192689418793, -0.28554853796958923, 0.664301335811615, 0.3785249590873718, -1.1888117790222168, -0.8162387609481812, -0.05536198988556862, -0.3842671811580658, 0.8178997039794922, 0.37093228101730347, -0.71734619140625, -0.1266796886920929, 0.033519864082336426, -0.5309334993362427, -0.1045466959476471, 0.2861403822898865, -0.2599761188030243, -1.3805348873138428, 1.2176233530044556, 1.2343159914016724, 0.9427607655525208, -0.5602887868881226, 0.2793633043766022, 0.7210422158241272, 0.1450149416923523, 1.4977139234542847]} +{"paper_id": "nell", "embedding": [-0.48734697699546814, 1.1057298183441162, -0.6747477650642395, -0.4481852948665619, 0.11818744987249374, -0.23160135746002197, 0.8873171806335449, 0.38004961609840393, 1.3111565113067627, 0.6060513854026794, 0.7053882479667664, -0.12219754606485367, 0.16606281697750092, -0.9082391858100891, -0.031081434339284897, -0.8707238435745239, -0.390210896730423, -0.7301644086837769, -0.6751229166984558, -0.7877264618873596, -1.1450023651123047, -0.1722681224346161, 0.14259354770183563, 1.0129560232162476, -0.5442888140678406, -0.6776421666145325, 0.5642585754394531, -1.093292236328125, 0.4907808303833008, -0.21368610858917236, -0.03988315910100937, 0.564655601978302, -2.0453288555145264, 0.3021527826786041, -0.8591629862785339, -0.18517909944057465, 0.5358656048774719, 1.3312360048294067, -0.059730298817157745, -0.06275340914726257, -0.36250483989715576, 0.302812397480011, 0.391079306602478, -0.09621823579072952, 1.2021751403808594, -0.018876422196626663, 0.7235854268074036, 0.1307205706834793, 0.33111584186553955, -0.053608089685440063, -0.30477386713027954, -0.2677161693572998, -0.28692564368247986, 0.1464890092611313, -0.5867228507995605, 0.6503350734710693, 0.2873907685279846, -0.2868821918964386, 0.4231214225292206, -0.7241916656494141, 0.9673215746879578, 1.4561395645141602, -0.5781601071357727, -0.0982847660779953, 0.7411869168281555, 0.19462119042873383, 0.8655916452407837, 0.026312127709388733, 0.3034789562225342, 0.792019248008728, -0.2695760726928711, -0.5669625997543335, 0.269360214471817, -0.2030748873949051, 0.36240383982658386, 1.234700083732605, 0.8839849233627319, -0.15483736991882324, 0.5989469885826111, -0.044647760689258575, -0.4985724687576294, 1.1889311075210571, 0.31800079345703125, -0.10470995306968689, 0.2097148895263672, 0.45692750811576843, 0.26631104946136475, -0.16812103986740112, 0.5719521045684814, -2.0948550701141357, 0.7653308510780334, 0.9474105834960938, -0.20134195685386658, -0.05658552795648575, -0.1790718138217926, 0.40495356917381287, -0.8473626971244812, -0.15814049541950226, -0.24489672482013702, -0.18073326349258423, 0.9219455718994141, -0.14267396926879883, 0.9624066352844238, -0.17339250445365906, -0.25463369488716125, 0.7695262432098389, -0.3333568572998047, 0.009199600666761398, -1.140561819076538, -0.2812156677246094, -0.4190748631954193, 1.1987453699111938, -0.2669212520122528, 0.03555700182914734, 0.0027199327014386654, -0.2604367434978485, 0.16569942235946655, 0.024904906749725342, -0.9755831956863403, -0.16269056499004364, -0.3900516927242279, -1.594633936882019, -0.31094759702682495, 0.13367298245429993, 0.9328667521476746, -0.8318513035774231, 0.4336467981338501, -0.6688224077224731, -0.18022263050079346, -0.03519830107688904, 0.5967963933944702, 0.3450714945793152, -0.7470841407775879, -0.36942219734191895, 2.447539806365967, -1.1562227010726929, 1.4837685823440552, 0.04915443807840347, -0.16853231191635132, -0.57963627576828, -0.5370987057685852, 1.138432264328003, 0.2760172188282013, -0.7687970399856567, -0.5034686326980591, 0.0959513708949089, -0.8902556896209717, 0.4520968794822693, -1.0056414604187012, -0.003930121660232544, -0.03369907662272453, 0.6049953699111938, -1.0476493835449219, -0.3780865967273712, 0.21525321900844574, 0.5863398313522339, -0.18440687656402588, 0.35527101159095764, -0.7597687840461731, 1.1400821208953857, 0.7347331047058105, -0.0834176242351532, -0.7435497045516968, 0.46145257353782654, -0.5441699624061584, 0.42707574367523193, 1.221980094909668, 0.19696229696273804, -0.5926397442817688, 0.03920663148164749, 0.5879323482513428, -0.14506906270980835, -0.1351742297410965, -0.05207456648349762, 0.1811804324388504, 0.1495889127254486, -0.2351982742547989, 0.5733806490898132, 0.11762938648462296, -0.6311062574386597, -0.19958043098449707, -0.404215931892395, -0.37885573506355286, 0.682864248752594, 0.13689176738262177, 0.6388720273971558, -2.2519633769989014, -0.18537037074565887, -0.38420623540878296, 0.5802713632583618, -0.19328975677490234, -0.2827033996582031, 0.20295557379722595, 0.053402211517095566, 0.42786532640457153, -0.7841486930847168, 0.6821747422218323, -1.5047158002853394, -0.14281360805034637, 0.7294546365737915, -0.009358953684568405, -0.16249632835388184, 0.12861061096191406, 0.8481870293617249, 0.6450344324111938, -0.1704610288143158, -0.8573457598686218, -1.9020334482192993, 0.9761385917663574, 1.5538910627365112, 0.2468266636133194, -1.1195389032363892, -0.6701407432556152, 0.18198652565479279, 0.04600987583398819, -0.7213304042816162, 0.5737792253494263, -0.2829959988594055, 0.04770318418741226, -0.5984494686126709, 0.5512829422950745, -0.591536819934845, 0.37649253010749817, 0.33817625045776367, 1.2999154329299927, -0.48395732045173645, -0.23225468397140503, -0.2043658196926117, -1.697291374206543, 0.3325446546077728, 0.5846508741378784, 0.16976341605186462, -0.34666159749031067, 0.2192862182855606, -0.27101099491119385, 0.8843418955802917, 0.31940600275993347, 0.38418325781822205, -0.4136331081390381, -0.016348274424672127, -0.005290655419230461, 0.64810711145401, -0.5613774657249451, 0.06643415242433548, 0.19380782544612885, 0.514811635017395, -0.37567320466041565, -0.8171087503433228, -0.2067018300294876, 0.20932820439338684, 1.1427594423294067, 0.7982909083366394, -0.4145602583885193, 0.7607993483543396, -0.4726167619228363, -0.5109206438064575, -0.034655917435884476, -0.7520785331726074, 0.00826755166053772, -0.2530386745929718, 0.5262676477432251, -0.19252562522888184, 0.6829586029052734, -0.30780577659606934, 0.34544649720191956, -0.9584522843360901, -0.53202223777771, -0.17328190803527832, -1.2612247467041016, -1.0866563320159912, -0.2470080852508545, 0.019029617309570312, -1.0875922441482544, -0.5297577977180481, -0.3403615951538086, 0.016995595768094063, 0.06465032696723938, 0.6293783187866211, 1.575842022895813, -0.015019191429018974, 0.3472430109977722, -0.2280309796333313, 1.3689355850219727, -0.03293118625879288, -0.035172730684280396, 0.45870503783226013, 0.30286192893981934, -1.1950281858444214, 0.07813788950443268, -0.3150520920753479, 0.6269345879554749, 0.10943873971700668, -0.0019494593143463135, 0.9774206280708313, -0.5844802260398865, -2.072836399078369, 1.0052542686462402, -0.06363897025585175, 0.15857037901878357, -0.8361425399780273, 1.578502893447876, 0.2176913172006607, 0.23919720947742462, 0.7596107721328735, -0.03586627542972565, -0.32268619537353516, 1.255727767944336, -0.802527666091919, 0.5478391051292419, 0.5830956101417542, -0.21257208287715912, 0.3450280427932739, 0.20025718212127686, -2.594914197921753, 0.15578731894493103, 1.0668015480041504, 0.26300591230392456, -0.20485107600688934, -0.19466280937194824, 0.23632930219173431, -0.21222007274627686, 0.05598127841949463, 0.08715012669563293, -0.8060717582702637, 0.6727340817451477, -0.25695714354515076, 0.2096492052078247, 1.401898980140686, -0.9845245480537415, -0.012661907821893692, 0.7365007400512695, 0.001150175929069519, -0.8731836676597595, -0.23025068640708923, 0.5776250958442688, -0.4871673285961151, -0.14807868003845215, -0.028583526611328125, 1.2094653844833374, 1.3691017627716064, -0.6105136871337891, 0.11342228204011917, 0.34489762783050537, 0.23586711287498474, 0.23000463843345642, 0.12741388380527496, -0.2025778740644455, 0.18762041628360748, 0.01654893159866333, 1.6652963161468506, -0.040065452456474304, -0.9553269147872925, -1.0590358972549438, 0.18276305496692657, -0.595180869102478, -0.20174315571784973, 1.8594765663146973, 0.32909274101257324, 1.0896167755126953, 0.642124593257904, 0.9615843892097473, -0.8337578773498535, 0.1144929975271225, 0.6551715135574341, 0.28041619062423706, -0.5886064767837524, -0.08589966595172882, 0.22088317573070526, 0.28121545910835266, 0.3956117630004883, -0.41634413599967957, 0.37048327922821045, 0.5639661550521851, 0.11564904451370239, -0.9813087582588196, 0.2261875420808792, 0.6384285688400269, 0.6931861639022827, 1.875589370727539, -0.48662883043289185, -0.5958620309829712, 0.7204604744911194, -0.1640411615371704, 0.9059587121009827, 0.488461434841156, -0.5873457193374634, 0.9311323165893555, 0.1692592352628708, 0.996647834777832, 0.25805383920669556, 0.687798023223877, 0.991080105304718, -0.14647936820983887, -0.7618584632873535, -0.37338486313819885, -0.9430827498435974, -0.36544594168663025, -0.7170045375823975, 0.4047044813632965, -0.6987659335136414, 0.5328432321548462, -0.3397306203842163, -1.2653746604919434, 0.7195181846618652, 0.1245545968413353, -1.4413971900939941, 1.4499149322509766, 1.3056981563568115, -1.5577174425125122, -0.5174157023429871, -0.05940193682909012, -1.290597915649414, -1.0520879030227661, 0.1754920482635498, -0.6031590700149536, 0.4103439450263977, -0.29266583919525146, 1.2985949516296387, -0.44748228788375854, -0.13114972412586212, -0.5834760665893555, 0.7243217825889587, 1.2111551761627197, -0.9808107018470764, 0.44582489132881165, 0.348318874835968, 0.20641590654850006, -0.6987220048904419, -1.3345860242843628, -0.8060493469238281, 0.3355635404586792, 0.15861093997955322, -0.1120501384139061, -0.8742898106575012, -0.29878270626068115, -0.16688022017478943, -0.0753786489367485, 0.644805908203125, -0.9912583231925964, 0.044028136879205704, -0.5682173371315002, -0.06469828635454178, 0.5574989318847656, -0.7287060618400574, -0.6504656076431274, 0.4352642595767975, -0.44067832827568054, 0.50096595287323, -0.28039807081222534, 0.5583290457725525, 1.0848737955093384, 0.010710842907428741, -0.09373971819877625, -0.3518434166908264, -11.9450044631958, 0.5357198715209961, -0.1664782613515854, 0.3203834891319275, 1.0767496824264526, 0.16896328330039978, 0.6296172142028809, 0.39982229471206665, 0.9449908137321472, -0.7498626112937927, 0.7482715845108032, 1.3347913026809692, 0.013833623379468918, -0.41514521837234497, -0.07216794043779373, -0.8967167139053345, -0.8864519000053406, -0.398146390914917, -0.049000561237335205, 0.18812215328216553, 0.20762567222118378, -1.0286990404129028, -0.6266540884971619, -0.03391789644956589, -0.26911622285842896, -0.08080384135246277, -0.0538947768509388, -0.19105923175811768, 0.33088457584381104, 0.07039491832256317, -0.0920514315366745, 0.19953258335590363, -0.7474006414413452, -0.6495249271392822, 0.09113582968711853, 0.1274927854537964, -0.8636089563369751, -0.5237088799476624, 1.5099724531173706, -0.6340784430503845, -0.8052167296409607, 0.4460470378398895, 0.5967816114425659, -0.008656751364469528, -0.29258182644844055, 0.49770253896713257, 0.2792353630065918, -0.9140580892562866, 0.007521308958530426, -0.6337899565696716, -0.1617990881204605, -0.953870415687561, -1.4850269556045532, -0.2917765974998474, 1.1601917743682861, 0.13590864837169647, -0.6109997630119324, 0.08486334979534149, -0.5439195036888123, -1.0791634321212769, 0.578481137752533, 0.06977149099111557, -0.9847449660301208, 0.2689720094203949, 0.3484973609447479, -0.5645634531974792, 0.4305867850780487, 0.4995565414428711, -0.16801893711090088, 0.047213975340127945, -0.37129369378089905, 0.8403787016868591, 0.33787721395492554, 0.12075631320476532, 0.0015635378658771515, 0.33529242873191833, 0.2982347011566162, 0.18589884042739868, -0.025112424045801163, 0.3831337094306946, -1.6310882568359375, 0.5715234279632568, -0.3146965503692627, -0.8596051335334778, -0.924322783946991, -0.00920269638299942, -0.32985952496528625, 0.231929212808609, 0.6573331356048584, 0.32429999113082886, 1.4864600896835327, 0.4352586567401886, -0.3727985620498657, -0.2896861433982849, -0.6894439458847046, 0.5832811594009399, -0.16100358963012695, 0.5647217631340027, -0.4697105884552002, -0.7714388966560364, 0.5506648421287537, -0.3541775345802307, -0.05798213183879852, -0.2800235152244568, 1.0173251628875732, 0.25468456745147705, -0.08007190376520157, 0.5639103651046753, 0.7833276987075806, 0.303213894367218, 1.1017628908157349, 0.14643090963363647, -0.28274399042129517, 1.7309727668762207, -0.056692272424697876, 0.8615050911903381, 0.7642808556556702, -0.4328279495239258, 0.5394916534423828, 0.5972084999084473, -0.38322633504867554, 0.5194114446640015, 0.49230334162712097, 0.863528311252594, 0.7392777800559998, 0.47414132952690125, -0.06441237032413483, 0.5851813554763794, -0.3263876438140869, -1.13701593875885, 0.35719409584999084, -0.8512212634086609, -0.23746353387832642, -0.7953925728797913, 0.10597601532936096, -0.34411585330963135, -0.5940548181533813, 1.6447160243988037, -0.41925543546676636, 0.08111630380153656, -0.42360639572143555, -0.6758993864059448, 0.23085391521453857, -0.6074702143669128, -1.0355437994003296, -0.12751132249832153, -1.2927560806274414, 0.0400419682264328, -0.7816433310508728, -0.4433853030204773, 0.18491007387638092, -0.40321165323257446, 0.6228704452514648, -0.26092737913131714, -0.5903874039649963, -0.3689638078212738, 0.5808956623077393, -0.015141192823648453, -0.8601061701774597, -0.27280402183532715, 0.41340455412864685, 1.1034996509552002, -0.3921438455581665, 0.8507416248321533, 0.7032749652862549, -0.03538716956973076, -0.6452383995056152, 0.21934574842453003, -0.45690834522247314, 0.4532395601272583, 1.0444555282592773, -0.8624129295349121, 0.018565615639090538, -0.7887526750564575, -0.5243425369262695, -1.4230225086212158, 0.43543294072151184, 1.6139047145843506, -0.54366534948349, 0.5811282992362976, 0.8030093312263489, 0.6739913821220398, 0.26941269636154175, -0.27559542655944824, 0.21917065978050232, 0.09696388989686966, 0.13618914783000946, 0.6533207297325134, 0.21573570370674133, 0.7410241365432739, -1.577514886856079, -0.7112173438072205, -0.26223453879356384, -0.6746543049812317, 0.45141908526420593, 0.09242820739746094, 1.2378203868865967, 0.718315064907074, -0.5321213006973267, -0.021508783102035522, 0.16809022426605225, 0.630547821521759, 0.43929359316825867, -0.11200104653835297, -0.16548492014408112, -0.47125309705734253, -0.7167684435844421, 0.11961373686790466, 0.5082791447639465, 0.2505061626434326, -0.7201763391494751, -0.16506105661392212, 0.6745861172676086, -0.24703894555568695, 0.17225870490074158, -0.9430255889892578, -0.10650277882814407, -0.28578275442123413, -0.3510698676109314, -1.5091965198516846, 0.03358083963394165, 1.074916958808899, -0.7256435751914978, 1.0631603002548218, 0.7289276123046875, -0.10440264642238617, 0.9880406260490417, 0.29578399658203125, 1.4016661643981934, -0.46727776527404785, -0.4478326439857483, 0.5536069869995117, 0.5228008031845093, -0.2912903130054474, -0.7777989506721497, -0.9117947220802307, -0.9926102757453918, 0.708128809928894, -0.3096758723258972, 0.6511261463165283, -0.7711085677146912, 0.023476246744394302, 0.06049548089504242, 1.1306591033935547, -0.5089433789253235, -1.0706664323806763, -0.5929554104804993, -0.6650956273078918, -0.03192602097988129, 0.42127296328544617, -0.08492960780858994, 1.2339627742767334, 0.7796286344528198, -0.19958733022212982, 0.8576515913009644, -0.09471488744020462, -0.3541308641433716, 0.22901651263237, -0.05700455605983734, 1.170709490776062, 0.4862174391746521, 0.6435163617134094, 0.3256814777851105, -0.30872079730033875, -0.7255405187606812, -0.39367741346359253, -0.24605830013751984, 0.18498967587947845, 0.5896485447883606, -0.6064008474349976, -0.40809166431427, -0.2858991026878357, -0.5025449991226196, -0.2906476855278015, 0.49062636494636536, 0.4103134274482727, -0.4578648805618286, 0.4126948416233063, -0.7016164660453796, -0.13859416544437408, 0.8542051911354065, -0.0908946841955185, -0.13010063767433167, -0.31355035305023193, 0.4511338770389557, -0.05703628435730934, -0.7904261350631714, -0.9837008714675903, 0.029371757060289383, -0.3349631428718567, 0.4011969566345215, 0.22666549682617188, -0.6514815092086792, -0.3596075773239136, 0.029664408415555954, -1.0566211938858032, 0.7018290758132935, -0.2769867777824402, -1.3950093984603882, -0.23745697736740112, 1.041837453842163, 0.09578157961368561, -0.3991605341434479, -0.18780161440372467, -0.37981125712394714, -0.8598708510398865, 0.5999321341514587, 1.01511549949646, -0.2543678879737854, -0.4125427007675171, 0.5567005276679993, 0.2972662150859833, 0.124222032725811, 1.2576823234558105]} +{"paper_id": "sbu_captions", "embedding": [-0.7723491191864014, 0.9781558513641357, 0.16155150532722473, 0.21337860822677612, 0.4382319450378418, -0.3383093774318695, 0.4108332395553589, -0.0022114142775535583, 0.549028217792511, -0.12618686258792877, 0.7686529159545898, 0.6796301603317261, 0.2543103098869324, 0.022749414667487144, -0.06864030659198761, 0.10451876372098923, -0.3206523358821869, -0.18918964266777039, -0.6862127780914307, -0.16371503472328186, -0.688056468963623, -0.4763197898864746, 0.11594609916210175, -0.09108644723892212, -0.5810391902923584, -0.16530999541282654, 0.6546220779418945, -0.726888120174408, 0.22901934385299683, 0.016487203538417816, -0.08063272386789322, 0.2841499149799347, -1.2096978425979614, 0.7472731471061707, -0.4456555247306824, -0.7340522408485413, -0.3238121271133423, 1.0683635473251343, -0.5061412453651428, -0.47814685106277466, 0.09213146567344666, 0.7077603936195374, 1.8889836072921753, -0.4325619041919708, 0.2601792812347412, -0.226039320230484, -0.28924039006233215, 0.2640494108200073, 0.09271956980228424, 0.28193366527557373, 0.08316110819578171, 0.7527454495429993, 0.3235510289669037, -0.24860677123069763, -0.0717770978808403, 0.470730185508728, -0.3495534360408783, -0.8032961487770081, -0.12166010588407516, -0.6259738206863403, 0.7348759770393372, 1.4493845701217651, -0.6867561340332031, 0.5049710273742676, 0.9401080012321472, 0.5622737407684326, 0.6580585241317749, 0.697871208190918, 0.06402389705181122, 0.9065958261489868, -0.8874475955963135, -1.1872098445892334, 1.0005383491516113, 0.5781819224357605, -0.3073028326034546, 0.282203733921051, -0.2632327973842621, -0.32900550961494446, 0.47753334045410156, 0.14786067605018616, -0.5464237928390503, 0.1753048449754715, 0.06359297037124634, -0.7470083236694336, 0.008235093206167221, -0.32734954357147217, 0.04254809767007828, -0.007264561019837856, -0.7161320447921753, -0.633836567401886, 0.3005601763725281, 0.08347977697849274, 0.5569524765014648, 0.02711784839630127, -0.2802981734275818, -0.26700618863105774, 0.6581547260284424, 0.2935641407966614, -0.5069503784179688, 0.6912053823471069, 0.46258965134620667, -0.26144468784332275, 0.6646451950073242, 0.3443746268749237, 0.4866780638694763, 0.1271028369665146, -0.24954329431056976, -0.9351047873497009, -0.26946473121643066, -0.9273584485054016, -0.8221778273582458, 0.7142400145530701, 1.1408796310424805, 0.5026833415031433, -0.4347449839115143, -0.19909584522247314, -0.026823312044143677, 0.18892212212085724, -0.1420409232378006, 0.20764285326004028, -0.1608542948961258, -1.9400854110717773, -0.11962614208459854, -0.5084861516952515, 0.4367002844810486, -0.22117221355438232, -0.09203982353210449, -0.4429890215396881, -0.225942000746727, -0.7433052062988281, 0.566291332244873, 0.5216485857963562, -0.3289104402065277, 0.80707186460495, 2.4526665210723877, -0.6419546008110046, 0.4907805025577545, -0.32533565163612366, -0.7015380263328552, -0.5750789642333984, -0.21867549419403076, 0.8408486843109131, -0.03851030766963959, -0.9148382544517517, -0.7248296141624451, -0.2986249327659607, -0.18846283853054047, 0.1824759840965271, -0.660840630531311, 0.035273466259241104, 0.669708788394928, 0.9948506355285645, -0.5171054005622864, -0.6968333125114441, -0.16304460167884827, 0.8428735136985779, 0.47644129395484924, -0.6151145100593567, -0.7090416550636292, 0.5627216696739197, 0.05615239590406418, 0.9608234167098999, -0.8584846258163452, 0.32178375124931335, -0.5670220255851746, 0.5207935571670532, 0.6129493713378906, 0.09821594506502151, 0.13003605604171753, -0.7044010162353516, 0.10450903326272964, -0.37160855531692505, 0.45130252838134766, 0.36121469736099243, -0.2767215073108673, 0.1346653401851654, 0.285388708114624, -0.18921656906604767, 0.8808243870735168, -1.102989912033081, -0.42972075939178467, 0.29338863492012024, 0.4904865026473999, 0.43174251914024353, 0.2936107814311981, -0.3395204544067383, -1.9657447338104248, -0.4680873155593872, -1.0341500043869019, -0.12636877596378326, -0.12324174493551254, 0.5588369369506836, -0.1732630431652069, -0.04347991943359375, -1.1281790733337402, 0.04464871063828468, -0.00046661868691444397, -0.6329723000526428, -0.3025344908237457, 0.5226209163665771, -0.02424003556370735, 0.2478245198726654, -1.0046051740646362, 0.40907561779022217, 0.8886179327964783, 0.7543007731437683, -0.016954265534877777, -1.1936808824539185, 0.9826604723930359, 0.9937672019004822, 0.008175812661647797, -1.463655948638916, -0.9906638264656067, -0.38089364767074585, 1.0527610778808594, -0.26207199692726135, 0.4713629186153412, -0.08772336691617966, 0.06916174292564392, -1.1941657066345215, 0.5573417544364929, -0.5523990988731384, -0.10015340149402618, -0.33248376846313477, 1.2237269878387451, -0.7616407871246338, -0.2879807949066162, -0.07870256900787354, -1.542447805404663, 0.7377369999885559, 0.8804639577865601, 0.37685391306877136, 0.08346004039049149, 0.5865374207496643, -0.14644183218479156, 0.13078878819942474, 0.753856360912323, 0.33586356043815613, -0.5926220417022705, -0.07826791703701019, 0.08694405853748322, 0.34041982889175415, -0.20562399923801422, -0.19427946209907532, -0.3912201523780823, -0.032736554741859436, -0.24711555242538452, -1.2838077545166016, -0.34892022609710693, 0.2430323362350464, 1.3934026956558228, 0.7799187898635864, -0.26631832122802734, 0.5705256462097168, -0.34311357140541077, -0.3974390923976898, 0.5728929042816162, -0.02747472934424877, 0.08470024168491364, -0.7814657688140869, 0.7220664024353027, 0.13131216168403625, 0.46007418632507324, -0.19303742051124573, -0.5023463368415833, -0.09183019399642944, -0.45661661028862, 0.2812269628047943, -0.03928650543093681, -0.1902727484703064, -0.9602431058883667, -0.06605227291584015, -0.3182465136051178, -0.6723302602767944, 0.17179374396800995, 0.10766326636075974, 0.049036502838134766, 0.11049376428127289, 0.5695156455039978, -0.5270538330078125, 0.5228719115257263, -0.8597820401191711, 0.903089702129364, 0.48008275032043457, 0.06101226434111595, -1.2764105796813965, -0.12541426718235016, -1.063372254371643, -0.7608158588409424, -0.724703311920166, 0.23941859602928162, -0.4861734211444855, -0.3232761025428772, 0.7063448429107666, -0.367127001285553, -0.731124758720398, 1.2579203844070435, -0.05942046269774437, 0.15440937876701355, -0.1648731827735901, 0.7601016163825989, 0.8673341870307922, -0.43943995237350464, 0.5543242692947388, -0.04883628338575363, -0.21842201054096222, 1.2498008012771606, -0.22836193442344666, 0.7230176329612732, 0.9694375395774841, 0.3017643392086029, 0.38977235555648804, -0.6414480209350586, -1.3471523523330688, -0.3192279040813446, 0.5002609491348267, -0.19203786551952362, 0.11538457870483398, -0.9758724570274353, 0.2567102909088135, 0.24699385464191437, -0.5049608945846558, 0.7620717883110046, -0.9124378561973572, 0.2374303638935089, 0.05919671803712845, 0.4492174983024597, 0.2848425507545471, -0.0962076485157013, 0.38441258668899536, 0.3150874674320221, 0.39612987637519836, -0.5687330365180969, 0.027569957077503204, 0.6370624303817749, -0.35342007875442505, 0.4854293763637543, 0.6242557764053345, 0.907170832157135, 0.42967137694358826, -0.46828651428222656, -0.3664170205593109, 0.0678190141916275, -0.48238417506217957, -0.504439651966095, 0.6889702677726746, 0.2901730537414551, 0.504220724105835, 0.26512980461120605, 1.4727600812911987, -0.29915347695350647, -0.681280255317688, -0.15797579288482666, 0.378820538520813, -0.8345492482185364, 0.5177679657936096, 1.4735264778137207, 0.4887726902961731, 1.0926026105880737, 0.009556939825415611, 0.12510398030281067, -0.25564906001091003, -0.034046757966279984, 0.3807447552680969, 0.170084610581398, 0.6153939962387085, 0.020676136016845703, -0.20259785652160645, 0.5918211936950684, 0.6673335433006287, 0.1520547717809677, -0.16120682656764984, 0.8021401166915894, 0.20798011124134064, -0.41885998845100403, 0.37265413999557495, 0.1653963178396225, 0.2764984667301178, 1.427509069442749, -0.11910773813724518, -0.304326593875885, -0.2990274727344513, 0.29507821798324585, 0.9025708436965942, -0.7617408633232117, -0.2549678087234497, 0.26044249534606934, 0.5561663508415222, 1.943821907043457, 0.6129895448684692, 0.8306815028190613, 1.0340467691421509, -0.4780605435371399, -0.2071356326341629, 0.48236677050590515, -1.0910637378692627, -0.7866518497467041, 0.46861129999160767, 0.330880343914032, -0.3298824727535248, -0.2387678027153015, -0.5205093622207642, -1.08363676071167, 0.44735243916511536, -0.09473622590303421, 0.009325414896011353, -0.26845139265060425, 2.047948122024536, -0.7037361264228821, -0.8278930187225342, -0.265123575925827, -0.39832639694213867, -0.8682793974876404, -0.12297006696462631, -0.24635779857635498, 0.46718838810920715, -0.18154282867908478, 0.06900597363710403, -1.1565312147140503, 0.25849616527557373, -0.6658414602279663, 1.4364100694656372, 0.3876032829284668, -0.4003453552722931, 0.28696802258491516, -0.17041176557540894, 0.7150456309318542, 0.44394946098327637, -0.855410099029541, -0.10896406322717667, 0.6052318215370178, 0.7859665155410767, -0.931462824344635, -0.7348819375038147, 0.17390944063663483, 0.19229140877723694, 0.5852168202400208, 0.8631225824356079, -0.6276527643203735, -0.07699526101350784, -0.39052465558052063, 1.3354226350784302, 1.638533592224121, -0.11907656490802765, -0.24883773922920227, 0.8849810361862183, -0.5739815831184387, 0.3674410581588745, -1.3112196922302246, -0.22126001119613647, 0.4114839732646942, 0.2277073860168457, -0.35090017318725586, -0.25928184390068054, -13.30767822265625, 0.6947012543678284, -0.6761731505393982, 0.36575615406036377, 0.9200233221054077, 0.3084494471549988, 0.42807653546333313, 0.46443814039230347, 0.6485305428504944, -0.632163941860199, 0.012524530291557312, 0.6447795629501343, -0.057142436504364014, 0.3013445734977722, -0.5048072934150696, -1.3592443466186523, -1.2651554346084595, -0.3985096216201782, 0.25669997930526733, 0.35189276933670044, 1.2533211708068848, -0.07175374031066895, -1.1517821550369263, 0.46366775035858154, 0.2824903130531311, -1.0674092769622803, 0.03671089932322502, 0.2979903221130371, 0.24002321064472198, -0.27892032265663147, 0.7874305844306946, 0.3020210862159729, -0.08969761431217194, -0.5940826535224915, 0.1406106948852539, -0.38278236985206604, -1.1123038530349731, -0.5002762079238892, 1.05397367477417, -0.10649361461400986, -0.3832719326019287, 0.5844834446907043, -0.4860333800315857, 0.5131587386131287, -0.11966872960329056, 0.5088295936584473, 0.2098594605922699, 0.028358090668916702, 0.64461749792099, -0.6288848519325256, -0.6222555637359619, -0.7378985285758972, -0.21720927953720093, -0.784674346446991, 0.4622836410999298, 0.0876377671957016, -0.9430174827575684, -0.5066234469413757, -0.05509478971362114, -0.8691966533660889, 0.15901899337768555, 1.0666347742080688, -0.3040647804737091, 0.5842154622077942, 0.014656804502010345, -0.11110755801200867, 0.2851001024246216, 0.8131573796272278, -0.25950130820274353, 0.44278913736343384, 0.018001548945903778, 0.7284356355667114, 0.843198835849762, 0.49254903197288513, -0.0263901948928833, 0.45583754777908325, -0.22876663506031036, -0.12953141331672668, 0.7076853513717651, -0.15515069663524628, -0.8399896621704102, 0.6658639907836914, -0.42583709955215454, -0.06893981248140335, 0.13064797222614288, 0.9273510575294495, 0.3221064507961273, 0.3650452792644501, 0.4631817042827606, 0.2597673535346985, 0.34972426295280457, -0.4989934265613556, -0.015555758029222488, -0.7540698051452637, -0.4767152965068817, 1.0031794309616089, -0.47161468863487244, -0.22086510062217712, 0.2815265357494354, -0.6949429512023926, -0.058353058993816376, 0.140010803937912, -1.1234415769577026, -0.5126990675926208, 0.7882254719734192, -0.49096423387527466, -0.15765704214572906, -0.1660919338464737, 0.3148197829723358, 0.20610444247722626, 0.12000087648630142, -0.4771576523780823, -0.3591286540031433, 1.444018006324768, -0.32400667667388916, 0.10514982044696808, 1.3369834423065186, -1.0216690301895142, 0.6919735074043274, 0.4957854449748993, -0.36034634709358215, -0.1309947818517685, 0.43672284483909607, 0.5904865860939026, 0.2953488826751709, 0.24184629321098328, -0.03963008150458336, 0.3816860318183899, 0.013854242861270905, -0.516627848148346, -0.05191277340054512, -0.2020297646522522, -0.5827280879020691, -0.5368705987930298, -0.24389931559562683, -0.385503351688385, -0.38496795296669006, 1.1056593656539917, -0.6474466919898987, 0.27156245708465576, 0.21506641805171967, -0.7829031348228455, -1.0598394870758057, -0.9185621738433838, -0.6902079582214355, -0.2683749496936798, -1.467908501625061, 0.3477090299129486, -0.21111038327217102, -0.008235745131969452, 0.6394633054733276, 0.24191460013389587, 0.5333750247955322, -1.0765584707260132, -0.4911893606185913, 0.293375164270401, 0.14851920306682587, -0.42603567242622375, -0.5937314033508301, -1.2834713459014893, 0.8661630153656006, 0.8257912993431091, -0.7274704575538635, 0.796593189239502, 0.7014106512069702, 0.44571825861930847, -0.7074773907661438, -0.10316143929958344, 0.03057802841067314, -0.07715291529893875, 0.1940639317035675, -0.9210062623023987, -0.5224542021751404, -0.8298214673995972, 0.4511803984642029, -1.0135208368301392, 0.28817716240882874, 0.9715371131896973, -0.926903486251831, 0.1163741871714592, 0.7107166647911072, 0.7424860000610352, 0.8596508502960205, -0.4276691973209381, -1.0432195663452148, -0.49700793623924255, 0.7045884132385254, 0.8715245723724365, -0.38154366612434387, 1.0602693557739258, -1.5100867748260498, -1.3939311504364014, -1.2267265319824219, -0.3938807249069214, 0.9817286133766174, 0.1274605691432953, 0.19683775305747986, 0.5897783637046814, -0.18474078178405762, -0.4009458124637604, -0.24029168486595154, 0.1503569781780243, 0.15745937824249268, 0.31665924191474915, 0.06610126793384552, -0.09938034415245056, -0.7751064300537109, -0.4108211100101471, -0.3706166446208954, 0.6178476214408875, -1.2569530010223389, -0.4215124845504761, 0.4636172950267792, -0.4171251058578491, -0.4038735628128052, -0.685456395149231, 0.028331981971859932, 0.0695362240076065, 0.26688459515571594, -0.7545906901359558, 0.10930489003658295, 0.8238706588745117, 0.4745217561721802, 0.9690617918968201, 0.24149161577224731, 0.4582718014717102, 1.0753397941589355, 0.5145302414894104, 0.8899363279342651, -0.0003142617642879486, -0.34742337465286255, -0.42614805698394775, -0.28975483775138855, -0.07742030918598175, -0.048519767820835114, 0.4542617201805115, -1.597004771232605, -0.17658644914627075, -0.8138673305511475, -0.414468377828598, -0.21404026448726654, -0.2671356201171875, 0.25792086124420166, 0.7384185194969177, -0.20245859026908875, -1.3956266641616821, -0.4316602051258087, -1.0697636604309082, -0.058173201978206635, 0.44792017340660095, -0.12738801538944244, 0.5009922385215759, 0.5209400057792664, 0.06277558952569962, 1.0281453132629395, 0.49687814712524414, 0.12378984689712524, 0.23975449800491333, 0.08732776343822479, 1.3473501205444336, 0.7004708051681519, 0.03879079967737198, 0.7058132886886597, -0.19802868366241455, -0.5150001645088196, -0.38098204135894775, -0.1283118724822998, 0.5559104681015015, 1.18716561794281, -0.35173237323760986, -0.2973598837852478, -0.866248607635498, 0.11843165755271912, -0.7141208648681641, 0.4147094190120697, 0.897076427936554, -0.547138512134552, -0.9347062706947327, -0.18213008344173431, 0.37683960795402527, 0.3182937800884247, 0.08592762053012848, -0.9126882553100586, -0.655926525592804, 0.4202154576778412, 0.7326053977012634, 0.24945376813411713, 0.22557243704795837, 0.3688448965549469, -0.04730525612831116, 0.21699588000774384, -0.013332106173038483, -0.16554898023605347, -0.1992010623216629, 0.0959673672914505, 0.0025936998426914215, 0.36372628808021545, -0.2851453423500061, -0.7817144393920898, -0.4273472726345062, 0.5475438833236694, 0.2430112063884735, 0.34663060307502747, 0.1824936419725418, 0.39320114254951477, -0.66380375623703, 0.6267701983451843, 0.21492521464824677, -0.5653810501098633, -0.2723137140274048, -0.22038519382476807, -0.21076834201812744, 0.1411464512348175, 0.3666982054710388]} +{"paper_id": "curiosity_dialogs", "embedding": [-1.3659052848815918, 0.635848879814148, 0.1033170223236084, -0.07839657366275787, 0.635177731513977, -0.10728836059570312, 0.3114696443080902, 0.02129562944173813, 0.16385385394096375, 0.15794464945793152, 0.8408694267272949, -0.20828589797019958, 0.47624850273132324, 0.01999848335981369, -0.5591949820518494, -0.058119043707847595, -0.8764235377311707, -0.29997265338897705, -0.7666807770729065, -0.33184874057769775, -0.7543964385986328, -0.4482213258743286, -0.1885928064584732, 0.44756177067756653, -1.0859051942825317, -1.0920037031173706, 1.0485352277755737, -0.6630454063415527, 0.45860591530799866, -0.11573196202516556, 0.5114315152168274, 1.3945099115371704, -1.2507890462875366, 0.9376198649406433, -0.4202926754951477, -0.5921112895011902, 0.05060572549700737, 1.0801072120666504, -0.38941776752471924, -0.27199968695640564, -0.45114362239837646, 0.18553489446640015, 0.6444867849349976, 0.04001114144921303, 0.09187932312488556, 0.12496132403612137, 0.2273494303226471, 0.41890451312065125, -0.6189720034599304, 0.006280332803726196, -0.7000775933265686, 0.11304246634244919, -0.37126070261001587, 0.13983726501464844, -0.6838912963867188, 1.3831866979599, 0.423824280500412, -0.7829508781433105, 0.7263762950897217, -0.7936879396438599, 0.7470926642417908, 1.3589328527450562, 0.40391266345977783, 0.44574883580207825, 0.7596014738082886, -0.18169039487838745, 1.2899647951126099, 0.07610826194286346, 0.28890323638916016, 0.130906343460083, -0.655849277973175, -1.4675167798995972, 0.0757497251033783, 0.29035893082618713, 0.8185247182846069, 0.4956388771533966, 1.2626739740371704, 0.04871365427970886, -0.5185944437980652, 0.5672991871833801, -0.04732760787010193, -0.19183441996574402, 0.5499135851860046, -0.3686876595020294, 0.020052146166563034, 0.5830172896385193, 0.27288562059402466, -0.4010370969772339, 0.6732584834098816, -1.5464799404144287, 0.9353910088539124, -0.47626182436943054, 0.1665555238723755, -0.048829950392246246, -0.30957454442977905, 0.4941573739051819, -0.31118929386138916, -0.11295054107904434, -0.5402624011039734, 0.6581898927688599, 0.023612160235643387, -0.008761990815401077, 0.2647761404514313, -0.23622319102287292, -0.07253935933113098, -0.5282697677612305, 0.39843058586120605, 0.4319974184036255, -0.2722674012184143, -0.11872886121273041, 0.3524415194988251, 1.1783024072647095, 0.5483508706092834, 0.425985723733902, -0.45752251148223877, 0.32671061158180237, 0.1380060315132141, -1.0222302675247192, 0.36071449518203735, 0.382140576839447, 0.29677456617355347, -0.5550556182861328, 0.15447326004505157, 0.3014165163040161, 1.2603082656860352, -0.435557097196579, -0.3708881139755249, -0.5582988858222961, -0.6866934299468994, -0.2529465854167938, 0.2502565383911133, 0.25101929903030396, -0.434714138507843, 0.08042171597480774, 3.1204771995544434, -0.6542040705680847, 1.5124144554138184, -0.051332026720047, -1.2434319257736206, -0.47621309757232666, 0.12327118963003159, 1.2177869081497192, 0.7797664403915405, -0.9354189038276672, -0.33024391531944275, -0.5322532653808594, 0.14670266211032867, -0.21669146418571472, -0.27518972754478455, -0.39833682775497437, 0.49170616269111633, 0.00930575281381607, -1.724796175956726, -0.3186567425727844, -0.12944644689559937, 0.6804762482643127, -0.380166232585907, 0.2959109842777252, 0.05119200795888901, 0.19917544722557068, -0.1230253204703331, 0.15159335732460022, -0.6340804100036621, 0.2606707811355591, -0.26032134890556335, 0.017618268728256226, 0.524027943611145, -0.17647427320480347, -1.3384114503860474, 0.25454795360565186, 0.4165632128715515, -0.21509552001953125, 0.19243992865085602, -0.6792421340942383, -0.462111234664917, -0.04537643492221832, -0.10415952652692795, 1.1964739561080933, -0.315623939037323, -0.3466218113899231, -0.494107723236084, -0.4264134168624878, -0.5901035666465759, 0.4982662796974182, -0.14378760755062103, -0.015799280256032944, -2.0247600078582764, -0.283616840839386, -0.554359495639801, 0.4131266176700592, 0.110171839594841, 0.35352516174316406, 0.10610444843769073, -0.4092128872871399, -0.33674079179763794, -0.1064910888671875, 0.6562849283218384, -1.8333899974822998, 0.004251345992088318, 0.11042724549770355, 0.16164268553256989, 0.12984521687030792, -0.024654723703861237, 0.7980719804763794, 0.1728728711605072, -0.07699324190616608, -0.7244746088981628, -1.6127034425735474, 0.8670188784599304, 2.037712812423706, -0.14810636639595032, -0.7604028582572937, -1.2006226778030396, 0.1608252376317978, -0.5019212961196899, 0.0752340629696846, 0.5860223770141602, -0.6272496581077576, 0.08994154632091522, -1.453722357749939, 0.08727873861789703, -0.24641335010528564, 0.341463178396225, 0.5803796648979187, 1.2227762937545776, -0.7815731763839722, -0.18426936864852905, -0.7396743297576904, -1.3062164783477783, 0.11043258011341095, 0.17067578434944153, 0.2691963315010071, 0.027991408482193947, 0.4464007616043091, 0.09000034630298615, 0.269911527633667, 0.2514922022819519, 1.0510107278823853, -1.0006741285324097, 0.07678232342004776, -0.23400123417377472, 1.4337269067764282, 0.11960858851671219, 0.5359793901443481, 0.2212146371603012, 0.5487591028213501, 0.3513261675834656, -1.0563647747039795, 0.14521834254264832, 0.044254153966903687, 1.305904507637024, 0.45448988676071167, -0.16638369858264923, 0.3246275782585144, -0.23404477536678314, 0.10117699950933456, -0.23421403765678406, -0.826709508895874, -0.4517848491668701, -0.8113877177238464, 1.3024851083755493, -0.17276589572429657, 0.4784635901451111, -0.0552007257938385, 0.04264359176158905, -1.4090325832366943, 0.04134690761566162, 0.03715572506189346, -0.5184800624847412, -0.5991826057434082, -0.09896627813577652, -0.3971271514892578, -0.7623867392539978, -0.5798145532608032, -0.1012839823961258, 0.16208399832248688, -0.035147152841091156, 0.7772271633148193, 0.19283558428287506, -0.24458849430084229, 0.04634453356266022, -0.6049185395240784, 0.9955820441246033, -0.3336827754974365, 0.7170122265815735, -0.15654994547367096, -0.3009049594402313, -0.7550491094589233, 0.2572089433670044, -0.2079801708459854, -0.08139343559741974, 0.08747554570436478, -0.4257209300994873, 0.14726510643959045, -0.44884711503982544, -0.29596731066703796, 0.7249279022216797, -0.12107843160629272, -0.2574497163295746, -0.5699317455291748, 1.658157229423523, -0.20285120606422424, -0.6195858716964722, 1.361778974533081, 0.5787110328674316, 0.11119401454925537, 1.3862546682357788, 0.3022690415382385, -0.5449773669242859, 0.9429301619529724, -0.38277217745780945, 0.08091019839048386, 0.2191721498966217, -2.1524386405944824, 0.613990306854248, 0.8912281394004822, -0.4560275971889496, 0.7619971632957458, -0.6846117377281189, 0.4320828914642334, -0.814062774181366, 0.004717674106359482, 0.009758714586496353, -0.3651789724826813, 0.6744195222854614, -0.41176873445510864, 0.08197174966335297, 1.2518953084945679, -0.8178701996803284, -0.2537713348865509, 0.08381772041320801, 0.4874289631843567, -0.7100126147270203, 0.043724313378334045, 0.29673728346824646, -0.3803963363170624, 0.4946048855781555, 0.48371443152427673, 0.8533501029014587, 0.49680769443511963, -0.5049399733543396, -0.4316336214542389, 0.3728708028793335, -0.1755862534046173, 0.15893366932868958, 0.08797276020050049, -0.018415391445159912, 0.9870948195457458, -0.07436728477478027, 1.6402872800827026, 0.5659607648849487, -0.6869711875915527, -1.6073546409606934, -0.33140820264816284, -0.4929535388946533, -0.5084293484687805, 1.0888352394104004, 0.10447614639997482, 1.1157013177871704, 0.5281887650489807, 0.13448593020439148, -1.1929922103881836, -0.432113915681839, 0.392763614654541, 0.1333853155374527, 0.3464556932449341, -1.060892939567566, -0.24565595388412476, 0.22082673013210297, 0.6932194828987122, -0.15433652698993683, 0.2541900873184204, 1.4352078437805176, 0.5593265891075134, -0.5847769379615784, 0.9027193188667297, 0.6677621603012085, 0.09627611935138702, 0.5411866307258606, -0.5713419318199158, 0.2714996933937073, -0.29841330647468567, 0.6943175792694092, 0.45566752552986145, 0.4597313404083252, 0.12483248114585876, 0.9227226376533508, 0.5456314086914062, 0.8514784574508667, 0.15251176059246063, 0.6734738945960999, 0.8234833478927612, -0.4349268674850464, -1.568190574645996, -0.5689926743507385, -1.0372769832611084, -0.6040500402450562, 0.4335540235042572, -0.02538367733359337, -0.3527173101902008, 0.6731635332107544, -0.22682973742485046, -0.6917979717254639, 1.1273891925811768, -0.9362082481384277, -0.8880267143249512, -0.04737292230129242, 1.0601412057876587, -1.3116159439086914, -0.07553096860647202, 0.0864536464214325, -0.8303644061088562, -0.31133851408958435, -0.18305809795856476, -0.46937060356140137, 0.5491943955421448, -0.20005826652050018, -0.15123942494392395, -0.261884868144989, 0.07327303290367126, -0.08527590334415436, 1.1341513395309448, 0.7456217408180237, -0.1937255710363388, 0.8038605451583862, 0.0510946623980999, 0.5879110097885132, -0.11060629785060883, -0.6723169684410095, -1.038672685623169, 0.6813265085220337, 0.1413523554801941, 0.04232260584831238, -1.0005478858947754, -0.19848234951496124, 0.9923744797706604, -0.417083740234375, 0.6545846462249756, -1.1953309774398804, -0.3031806945800781, -0.7661301493644714, 0.3298113942146301, 0.23552098870277405, -1.436346173286438, -1.1547541618347168, 0.5635212063789368, -0.31979817152023315, -0.03331787511706352, -0.9686298370361328, -0.3541346490383148, 1.2131859064102173, 0.22954511642456055, 0.08317551761865616, 0.5451750755310059, -12.30739974975586, 1.6916766166687012, -0.07645422965288162, 0.4915808439254761, 0.8776381015777588, -0.4985549747943878, 0.743463397026062, 0.5214480757713318, 0.9242762327194214, -1.1602050065994263, 0.195712149143219, 1.1926579475402832, -0.022146105766296387, 0.06733416020870209, -0.8789436221122742, -1.7637674808502197, -0.8098298907279968, -0.27764272689819336, 0.3478850722312927, 0.25015944242477417, -0.2816881835460663, -0.515623927116394, -0.4439743161201477, -0.1543843150138855, 0.3303762972354889, -0.03297348693013191, -0.3512159287929535, -0.6448535323143005, 0.3591333031654358, -0.14844506978988647, 0.5017895698547363, 0.07529424875974655, -0.12110549211502075, -1.104650855064392, -0.43673092126846313, 0.49251362681388855, -0.43716347217559814, 0.045726850628852844, 0.9656976461410522, 0.3217557370662689, 0.08237011730670929, 0.24183328449726105, 0.903542697429657, 0.026599058881402016, -0.9781486988067627, 0.5555033683776855, 0.14163504540920258, -0.4642246663570404, 0.12051892280578613, -0.48038598895072937, -1.032464861869812, -0.27276983857154846, -0.6116048693656921, -0.2574375569820404, 1.0023332834243774, 0.37101149559020996, -0.28833022713661194, 0.1544332057237625, -0.7787668704986572, -1.0943927764892578, 0.8681486248970032, -0.31475192308425903, 0.09857024997472763, 0.1348937451839447, 0.22793549299240112, -0.7824908494949341, 0.12800593674182892, 0.3249511420726776, -0.01669025607407093, 0.09394267201423645, -0.1141102984547615, 0.04471968486905098, -0.10784080624580383, 0.6970367431640625, -0.5736498832702637, 0.16003897786140442, -0.7005258202552795, 0.5060745477676392, 0.7025836110115051, -0.20258662104606628, -1.1028449535369873, 1.315801739692688, 0.47283127903938293, -0.5965926051139832, -0.7295169830322266, 0.24090120196342468, -0.08891036361455917, 0.4163514971733093, 0.7693006992340088, 0.07619675248861313, 0.5260663032531738, 0.5396624207496643, -0.26424527168273926, -0.2860252857208252, -0.23957204818725586, 0.8515044450759888, -0.16725371778011322, 0.06789969652891159, -0.24168916046619415, -0.05049244314432144, 0.05960980802774429, -0.18969205021858215, -0.867397665977478, 0.1547524482011795, 0.563572108745575, 0.1585557460784912, -0.06930094212293625, 0.4172765910625458, 0.2883090078830719, -0.16745132207870483, 0.25458043813705444, -0.2825377583503723, -0.6511843204498291, 1.526046872138977, -0.6210174560546875, 0.46693530678749084, 1.5028656721115112, -0.40069136023521423, 0.4822195768356323, 0.6686245203018188, -0.14492568373680115, 0.850577175617218, 0.15915746986865997, 0.8525911569595337, -0.09879286587238312, 0.14687082171440125, 0.448029100894928, 0.5481740236282349, -0.11253278702497482, -1.5261950492858887, 0.026164807379245758, -0.382009357213974, -0.004437526687979698, -0.22086165845394135, -0.5159732699394226, -0.20963141322135925, -0.48405569791793823, 1.3875446319580078, -1.0091400146484375, 0.45458802580833435, -0.2293267697095871, -0.7235662937164307, 0.03913068771362305, -1.4313467741012573, -1.110653042793274, 0.0017480850219726562, -0.6587799191474915, 1.0377622842788696, -0.9955339431762695, -7.261335849761963e-05, -0.3335651159286499, -0.3424854874610901, 0.6597678661346436, -0.724414587020874, -0.10135055333375931, 0.15845099091529846, -0.10774441063404083, -0.031897157430648804, -1.0736420154571533, -0.5200020670890808, 0.31365153193473816, 0.980966329574585, -0.5027442574501038, 1.7029558420181274, 0.873881459236145, 0.0036653783172369003, -0.18129073083400726, 0.13704653084278107, -1.184218406677246, 0.2580622136592865, 1.1302250623703003, -0.5900225043296814, -0.2546057403087616, 0.038572415709495544, 0.31978148221969604, -1.1327455043792725, 0.7634875178337097, 1.386023998260498, -0.8077898025512695, -0.5975329875946045, 0.409366637468338, 0.4599837064743042, -0.12022542953491211, -0.08307664841413498, -0.25475531816482544, -0.02180560678243637, 0.4993230104446411, 0.8910979628562927, 0.6025363206863403, 0.828454852104187, -0.9346204996109009, -0.8347903490066528, -0.6735149621963501, 0.1162053644657135, -0.2534894645214081, -0.37943142652511597, 1.1488605737686157, 0.8176474571228027, -0.24540388584136963, -0.0856737419962883, -0.03779987990856171, 0.36549580097198486, -0.4346459209918976, 0.5210680365562439, -0.10206270217895508, -0.1259211152791977, -0.9784466028213501, 0.19550970196723938, -0.06916486471891403, 0.2775843143463135, -0.5492017865180969, -0.32367968559265137, 0.5555343627929688, -0.628435492515564, 0.42451581358909607, -0.5680384635925293, -0.4925135672092438, -0.5160427093505859, -0.4275768995285034, -0.8405020236968994, 0.494881808757782, 1.334788203239441, -0.30865544080734253, 1.2668449878692627, -0.2553088366985321, 0.9327037334442139, 1.0118157863616943, 0.582912027835846, 0.5786010026931763, -0.7011332511901855, -0.29803434014320374, 0.5071205496788025, 0.04923827201128006, 0.37528371810913086, -0.07075832039117813, -0.806359589099884, -0.5832833647727966, 0.6126021146774292, -0.6297581195831299, 0.4522632360458374, -0.5183570384979248, 0.7610645890235901, 1.5560659170150757, 1.468560814857483, -1.0358585119247437, -1.3440966606140137, -0.4974862039089203, -1.7819334268569946, 0.29159942269325256, 0.30758562684059143, 0.2589944303035736, 0.32255688309669495, 0.6389306783676147, 0.052368439733982086, 0.3501034080982208, -0.5431395173072815, -0.19525538384914398, 0.36474645137786865, 0.16413237154483795, 0.9449273943901062, 0.5495598912239075, 0.6301140189170837, 0.7475482225418091, 0.49140557646751404, -0.30938029289245605, 0.04847380146384239, -0.12694954872131348, 0.5966107845306396, 0.5344285368919373, -0.5735465884208679, -0.7991541624069214, -0.688076376914978, 0.21407857537269592, -0.6446888446807861, 0.648625373840332, 0.11410100013017654, -0.8382232785224915, -0.09040948748588562, -0.871100664138794, 0.019238388165831566, 0.281528502702713, 0.34744733572006226, -0.3390312194824219, -0.266197144985199, 1.2670691013336182, 0.5788121819496155, 0.14035245776176453, -0.6090931296348572, 0.5735796093940735, -0.8410417437553406, 0.9381478428840637, -0.6375887393951416, -0.6939321756362915, -1.0419785976409912, 0.1913355141878128, -0.6690080761909485, 0.4048890173435211, 0.17998462915420532, -1.1821775436401367, -0.4813308119773865, 0.32543689012527466, 0.3571853041648865, 0.6533417701721191, 0.2628447711467743, -0.10525693744421005, -1.5109020471572876, 0.6804801821708679, 1.1161677837371826, 0.5699731111526489, -0.6196942329406738, 0.454953670501709, -0.5911820530891418, 0.07592973113059998, 1.1224027872085571]} +{"paper_id": "hope_edi", "embedding": [-0.9705917835235596, 1.5134971141815186, 0.2799622714519501, -0.241668239235878, 0.8672590851783752, 0.5442565083503723, 0.13839781284332275, 0.2134331911802292, 0.33995088934898376, 0.3639644384384155, 0.22974315285682678, -0.3414262533187866, -0.3646256625652313, 0.17718712985515594, -0.24820244312286377, -0.596541166305542, -1.0183122158050537, 0.15560412406921387, -0.4791051745414734, -0.04818972572684288, -0.8068490028381348, -0.3924400210380554, -0.08711878955364227, 0.5649160742759705, -1.0233620405197144, -0.21351692080497742, 0.24226002395153046, -0.8723601698875427, -0.22277894616127014, -0.23062551021575928, -0.15952885150909424, 0.7738216519355774, -1.8757200241088867, 0.3832904100418091, -0.3038734197616577, -0.737586498260498, -0.5522686839103699, 0.4453745484352112, -0.689769446849823, -0.3612697422504425, -0.3109132647514343, 0.3714182376861572, 1.4877299070358276, 0.32429787516593933, 0.13530606031417847, 0.6194368004798889, -0.829500675201416, 0.34522703289985657, -0.594969630241394, -0.2781029939651489, 0.20385918021202087, -0.1784701645374298, 0.41511815786361694, -0.2699732184410095, -0.3494969308376312, 1.2130318880081177, -0.039608199149370193, -0.6416237950325012, 0.22145210206508636, -0.7266007661819458, 1.2553446292877197, 1.7513078451156616, 0.3581486940383911, -0.10632561147212982, 1.2865240573883057, -0.06355428695678711, 1.170096516609192, 0.115267813205719, 0.4327056407928467, 0.43729937076568604, -0.032831668853759766, -1.4246692657470703, 0.3228917121887207, -0.29974886775016785, -0.4206250011920929, 0.25092613697052, 0.4496060609817505, 0.5290458798408508, -0.5937000513076782, 0.9697568416595459, -0.18995963037014008, 0.5140058994293213, 0.6488214135169983, -0.5562845468521118, 0.901852548122406, 0.48751482367515564, 0.39747723937034607, -0.2005912959575653, 0.8593437075614929, -1.2864493131637573, 0.4107667803764343, -0.5377956628799438, 0.8598887324333191, 0.6597544550895691, -0.28701937198638916, 0.7606470584869385, -0.06539948284626007, 0.5831633806228638, -0.40892866253852844, 0.06882712990045547, 1.2095527648925781, -0.6457500457763672, 0.09716235846281052, -0.425749808549881, 0.025157075375318527, 0.5659674406051636, 0.4667075276374817, -0.0494178831577301, -0.24389764666557312, -0.2564418911933899, -0.2925375699996948, 0.904047429561615, -0.07744957506656647, 0.9367532134056091, 0.0791637971997261, -0.21170851588249207, -0.7083936929702759, -0.7999054193496704, -0.3087348937988281, -0.052725180983543396, -0.9816790223121643, -0.7628163695335388, 0.5639049410820007, 0.09994649887084961, 1.5044506788253784, 0.06878206878900528, 0.518649697303772, -0.8169758915901184, -0.10185758024454117, -0.4837622046470642, 0.4058628976345062, -0.3159295618534088, -0.6728579998016357, 0.5212591290473938, 3.3300893306732178, -0.8542084693908691, 0.7383657693862915, -0.8812289834022522, -0.05770280957221985, -0.6384778022766113, 0.10386507958173752, 1.7497414350509644, -0.2811540365219116, -0.8027070760726929, -0.18954123556613922, -0.18228182196617126, -1.4856312274932861, 0.6639742255210876, -0.6744102835655212, -0.9360305070877075, 0.18763390183448792, -0.3129429817199707, -1.5039496421813965, -0.25736165046691895, 0.08081988990306854, 0.060974784195423126, -0.4652256667613983, 0.9753959774971008, -0.5825932025909424, 0.6011791825294495, 0.7242626547813416, 0.25538501143455505, -0.4148859679698944, 0.7208244800567627, -0.9553747177124023, -0.329946905374527, 1.1187241077423096, -0.5071576833724976, -0.9897255301475525, -0.6800814270973206, 1.5131276845932007, 0.1813470423221588, 0.35809242725372314, -0.05620275437831879, -0.6716540455818176, -0.2721043825149536, 0.04332822561264038, 1.3886260986328125, 0.25784218311309814, -0.33658716082572937, -0.6747846007347107, -0.12079791724681854, -0.22267386317253113, 0.4477602243423462, -0.47675609588623047, -0.09210235625505447, -2.279789924621582, -0.3650321364402771, -0.08057494461536407, 0.8756225109100342, 0.10965411365032196, 0.3537517786026001, -0.07068190723657608, 0.1825293004512787, -0.3843645453453064, 0.01564716175198555, 1.1022489070892334, -1.2919238805770874, -0.05753631144762039, 0.09572547674179077, 0.8936156630516052, -0.750264585018158, 0.12822003662586212, 0.7510277032852173, 1.0658273696899414, -0.13401055335998535, -0.9750860333442688, -1.8655787706375122, 0.29324862360954285, 2.367887020111084, 0.4361836612224579, -0.8572919368743896, -0.8046501874923706, -0.02586306631565094, -0.20432430505752563, 0.4009056091308594, 0.9484328031539917, -1.245256781578064, -0.43942195177078247, -0.8971139788627625, -0.3306632936000824, -0.4149862229824066, 0.11991319805383682, 0.801048755645752, 0.10552597790956497, -0.6711010336875916, -0.8050624132156372, -0.4833298325538635, -0.16848191618919373, 0.2540178596973419, 0.15369589626789093, -0.29103901982307434, 0.36789214611053467, 0.47803646326065063, 0.9587609171867371, 0.9048012495040894, 0.27500221133232117, 0.018698181957006454, -0.12033171206712723, -0.6839423179626465, 0.7901709675788879, 0.13649669289588928, -0.5494460463523865, -0.8377116322517395, 0.7190710306167603, 0.35541558265686035, 0.3386015295982361, -0.473289430141449, -0.7354933023452759, 0.2071227729320526, 1.1400117874145508, 1.1109821796417236, -0.7061648964881897, 0.8901833295822144, -0.5525911450386047, 0.5343706011772156, 0.09222982078790665, -0.35841548442840576, 0.1488756686449051, -0.4952254891395569, -0.33285462856292725, 0.09500134736299515, 0.03574033081531525, -0.778868556022644, -0.47867628931999207, -0.7440993189811707, -0.6812346577644348, 0.12039536982774734, -0.6530364751815796, -1.4257919788360596, -0.05210665240883827, -0.5617923736572266, -1.4998364448547363, -0.24234235286712646, -0.2869393825531006, 0.8638051748275757, -0.206375852227211, 0.5280188322067261, 1.3642890453338623, -0.23148123919963837, -0.3920874297618866, 0.08715079724788666, 0.5372597575187683, -0.3187222480773926, 0.5611343383789062, -0.8176864981651306, 0.24104012548923492, -0.30463555455207825, -0.34429115056991577, -0.508547306060791, 0.5820854306221008, 0.44164973497390747, -0.5972899198532104, 0.7375146746635437, 0.2469172179698944, -0.7724412679672241, 0.25192949175834656, -0.5212999582290649, 0.3376280665397644, -0.7510923743247986, 0.9274869561195374, 0.9368805885314941, -0.615504801273346, 1.0195257663726807, -1.0197404623031616, -0.027834739536046982, 0.8436782360076904, -0.814791202545166, 0.003929684404283762, 0.5172097086906433, -1.0593318939208984, -0.3155946731567383, 0.3509197533130646, -1.4043442010879517, 0.3556371033191681, 1.589072823524475, 0.08168965578079224, 0.49803221225738525, -0.9367935061454773, 1.31930673122406, -0.7358530759811401, -0.16752873361110687, -0.48476728796958923, -0.8066256642341614, 0.2491527795791626, -0.43637314438819885, -0.18407997488975525, -0.058721110224723816, -1.6058804988861084, -0.007146432995796204, 0.863114595413208, 0.812956690788269, -0.9497119188308716, 0.12172085791826248, 0.7500019073486328, -0.9936208128929138, 0.4683886468410492, 0.41365694999694824, 0.8240306973457336, 0.7067440748214722, -0.42201676964759827, -0.5368484854698181, 0.6283246278762817, 0.8349272012710571, 0.11240413039922714, 0.33259379863739014, 0.4237595200538635, 1.025759220123291, -0.48584580421447754, 1.3300576210021973, 0.4757417142391205, -0.189752995967865, -1.6233081817626953, -0.374896764755249, -0.04901696369051933, -0.786053478717804, 1.272955298423767, 1.514566421508789, 1.2499628067016602, 0.3833082318305969, 0.22068406641483307, -0.27063778042793274, 0.008124131709337234, 0.8109782934188843, 0.07446558773517609, 0.9154316186904907, -0.47666501998901367, 0.48700809478759766, 0.47064778208732605, 1.0435248613357544, -0.8522176146507263, 0.14247485995292664, 0.7909139394760132, -0.261310875415802, -0.5993289351463318, 0.16928617656230927, -0.19193120300769806, 0.4374832510948181, 1.3811657428741455, -0.10992048680782318, -0.6597062945365906, 0.2274186909198761, 0.3198952376842499, 0.845172643661499, 0.22274845838546753, -0.6088627576828003, 0.8255106806755066, 0.6831381320953369, 0.9165052771568298, -0.48477745056152344, 0.5082018971443176, 0.19471605122089386, 0.04313545301556587, -1.3150736093521118, -0.7742841243743896, -1.3314489126205444, -0.19092203676700592, -0.129503071308136, 0.0036504603922367096, -0.711347222328186, 0.5318585634231567, -0.44244876503944397, -1.3182783126831055, 1.1276500225067139, -0.19016189873218536, -0.5690547227859497, 0.7964721918106079, 0.7836421728134155, -1.443750262260437, -0.8701936602592468, 0.16548188030719757, -0.7741067409515381, -0.29943519830703735, 0.413817822933197, -0.6452230215072632, 1.271540880203247, 0.19669343531131744, 0.025934208184480667, 0.04857107996940613, 0.06747117638587952, -0.7766081094741821, 0.7676277160644531, 1.4639266729354858, -1.4673209190368652, 0.48687800765037537, 0.5592756271362305, -0.3259139060974121, 0.6714487075805664, -0.8434203863143921, -0.9302805662155151, 0.12403532862663269, 0.43224820494651794, -0.25955119729042053, -1.088191270828247, -0.5831588506698608, 0.41054752469062805, 0.2679700255393982, 1.0797512531280518, -1.0085269212722778, 0.04260702058672905, -0.7772319912910461, 0.32347747683525085, 1.2352895736694336, -1.1820805072784424, -0.40988659858703613, 0.9185349345207214, -0.3289157450199127, 0.2685951590538025, -0.10575783252716064, -0.06115594133734703, 0.9667858481407166, 0.6452117562294006, 0.6379103064537048, -0.16021579504013062, -10.164721488952637, 0.8879103064537048, -0.28558066487312317, 0.44612395763397217, 0.14717622101306915, 0.016463160514831543, -0.10656783729791641, 0.6169224381446838, 1.7150826454162598, -1.0030953884124756, -0.32240158319473267, 2.479257583618164, -0.39166244864463806, -0.4949708878993988, -0.6569033265113831, -1.117929220199585, -0.9808639883995056, -0.6504760980606079, -0.21380193531513214, 0.18538329005241394, -0.6897605657577515, -1.3315446376800537, -0.2303604632616043, -0.2860769033432007, 0.43754902482032776, 0.08692459017038345, -0.14764320850372314, -0.9661955237388611, -0.5138618350028992, 0.9189300537109375, 1.16007399559021, 0.0334206148982048, -0.6477155685424805, -0.07895965874195099, 0.4906071424484253, 0.4834877848625183, -1.092549204826355, -0.35498568415641785, 0.8320041298866272, -0.2564053535461426, 0.5072059631347656, 0.5286932587623596, 0.14168214797973633, -0.5294051766395569, -0.5401698350906372, -0.08015511929988861, -0.8698910474777222, -0.13631290197372437, 0.22142335772514343, -0.8829577565193176, -0.7344318628311157, -0.20125582814216614, -1.4842060804367065, -0.752469539642334, 1.085633397102356, -0.15277376770973206, -0.9898704290390015, -0.10973545163869858, -1.1229112148284912, -0.9255937337875366, 1.366302251815796, -0.35037970542907715, -0.36824479699134827, 1.028849482536316, 0.5013388395309448, -1.3735768795013428, 0.7099685668945312, -0.26568689942359924, 0.08731242269277573, 0.7266119718551636, -0.622728705406189, 0.9406511783599854, 0.15654203295707703, 0.6163995265960693, -0.4518093764781952, -0.37759914994239807, -0.8831096887588501, -0.06471525132656097, 0.7228358387947083, 0.12067809700965881, -1.2333815097808838, 1.0330477952957153, 0.3282119929790497, -0.3368073105812073, -0.9896101355552673, 0.48140302300453186, 0.10632455348968506, -0.05873069539666176, 0.9489989280700684, 0.019141294062137604, 1.057746171951294, 0.04903203994035721, -0.3407158851623535, 0.1890805959701538, -0.9219658970832825, 1.0959522724151611, -0.7051603198051453, 1.2529041767120361, 0.020977042615413666, 0.01473294198513031, 0.8268964886665344, 0.07031039893627167, -0.772843599319458, 0.39256539940834045, 0.16104911267757416, -0.05422393977642059, 0.11397203803062439, 0.421313613653183, -0.05996957793831825, -0.9002636075019836, 0.4407733678817749, 0.4366922378540039, 0.22770196199417114, 0.08976010233163834, 0.24890559911727905, 0.9709024429321289, 0.9327635765075684, 0.23317328095436096, 0.5951632261276245, 0.8086405992507935, -0.7460014820098877, 1.2105519771575928, 0.17697931826114655, 0.9225139021873474, 0.586870014667511, 0.6522206664085388, 0.9119675755500793, -0.9084386825561523, -0.2428840696811676, -1.6464296579360962, 0.5238301157951355, -0.9539344906806946, 0.3991813659667969, -0.9598755836486816, -0.36346137523651123, -0.5265743136405945, -1.375922679901123, 0.721837043762207, -1.2449355125427246, -0.019469842314720154, -0.5259695053100586, -0.7400089502334595, -0.136038675904274, -0.9791485667228699, -0.6070736646652222, 0.420295387506485, -1.9256409406661987, 0.39029404520988464, -0.4051724076271057, 0.2920801639556885, 0.08187049627304077, -0.11205188930034637, 0.6634803414344788, -1.037406086921692, -0.5391296148300171, 0.278127521276474, 0.5891793966293335, -0.937289297580719, -0.8788936138153076, -0.8697189092636108, 0.9520949721336365, 1.318640947341919, -0.5592340230941772, 1.1137903928756714, 0.5430716276168823, 0.5669515132904053, -0.5930904150009155, 0.28157323598861694, -0.4196792542934418, 1.1185572147369385, 1.699236273765564, -0.6875935196876526, -0.46257054805755615, 0.0071443598717451096, 0.3411518633365631, -1.1309583187103271, 1.4535448551177979, 1.5519838333129883, -1.3453255891799927, 0.2733669877052307, -0.5629369616508484, 0.2433687150478363, 0.5537241101264954, -0.5666577219963074, 0.06872329115867615, 0.8732365369796753, -0.9581136703491211, 0.6328544616699219, 0.03695530444383621, 0.8585968613624573, -1.9456290006637573, -1.4111814498901367, -0.49089714884757996, 0.37855154275894165, 0.49034184217453003, -0.37507694959640503, 0.9007247090339661, 0.28026705980300903, -0.1872347742319107, -1.0194627046585083, -0.2115008533000946, 0.5765008926391602, -0.4658873975276947, 0.6025853157043457, -1.0551570653915405, -0.4724279046058655, -1.0449670553207397, -0.23299777507781982, 0.1680995374917984, 0.42496243119239807, -1.4171876907348633, -0.10029555857181549, -0.027222339063882828, -0.43961986899375916, 0.4701402187347412, -0.5534710884094238, -0.23465168476104736, 0.013331308960914612, -0.7734618782997131, -1.3316044807434082, 0.11567233502864838, 1.8205817937850952, -0.008259899914264679, 1.4575475454330444, 0.12299145013093948, 0.5092804431915283, 0.6322079300880432, 0.6207419633865356, 1.6550887823104858, 0.10834696888923645, -0.4103456437587738, -0.4091583490371704, -0.16253313422203064, 0.09392251819372177, 0.21258294582366943, -0.15831531584262848, -0.8515951037406921, 0.3362734317779541, -1.943000078201294, 0.0336630754172802, -0.7240817546844482, -0.0440400168299675, 1.0325452089309692, 1.0134880542755127, -0.7817851901054382, -0.5268028974533081, -0.08408382534980774, -0.6645171642303467, 0.37717220187187195, 0.7760241031646729, 0.05138750374317169, 1.3178603649139404, 0.49771878123283386, 0.20137745141983032, 1.0812171697616577, 0.4897332191467285, 0.06430227309465408, 0.5799413323402405, 0.4323701858520508, 1.0836981534957886, 1.2841668128967285, 0.11677030473947525, -0.11145376414060593, -0.3470602333545685, -0.9134727716445923, -0.5834746956825256, -1.1045182943344116, 1.015011191368103, 0.8235597014427185, -0.18705391883850098, 0.029069803655147552, -0.5312596559524536, 0.23434153199195862, -0.4111502170562744, 0.7105359435081482, 0.6377242803573608, -0.37944549322128296, -0.14347916841506958, -1.0021438598632812, 0.10932726413011551, 0.5366309285163879, -0.6095615029335022, 0.4619622230529785, -1.302481770515442, 0.9247648119926453, 0.15799663960933685, -0.7309223413467407, -1.1142299175262451, 0.6993856430053711, -0.5580852031707764, 0.6217992305755615, 0.4701797664165497, -0.44994741678237915, -1.104109287261963, 0.2646093964576721, -0.7685748338699341, 0.656177282333374, -0.003621339797973633, -1.451456904411316, 0.26775121688842773, 0.523454487323761, 1.0692189931869507, -0.2510557770729065, 0.12156413495540619, 0.025381196290254593, -1.3765430450439453, 1.4237964153289795, 1.6335654258728027, -0.08516146242618561, -0.7998253107070923, 0.36386823654174805, -0.16241973638534546, 0.3514999449253082, 1.84889817237854]} +{"paper_id": "catalonia_independence", "embedding": [-0.546511709690094, 0.6537941694259644, -0.24005086719989777, -0.3056361973285675, 0.22748494148254395, -0.2119443267583847, 0.32763969898223877, -0.07985200732946396, 0.6473367810249329, 1.4701836109161377, -0.11505502462387085, -0.9050887227058411, -0.2920784056186676, -0.0339525043964386, 0.12895196676254272, -0.7339118123054504, -0.9001423716545105, -0.13468018174171448, 0.3603273928165436, -0.3001103401184082, -0.8802878260612488, -1.019152045249939, -0.24814815819263458, 0.7271543145179749, -0.798115074634552, -0.46422216296195984, 0.3767019212245941, -0.6317123770713806, 0.4927985966205597, 0.09807363897562027, -0.32454460859298706, 1.0484399795532227, -1.1317710876464844, 0.06313271075487137, -0.8344290852546692, -0.18915605545043945, 0.33923596143722534, 0.8680066466331482, -0.4406663775444031, -0.09276469051837921, -1.1958743333816528, 0.44956067204475403, 0.32538098096847534, 0.8114526867866516, 0.23924019932746887, -0.05922409147024155, 0.024615878239274025, -0.037010278552770615, -0.10414088517427444, -0.2898980677127838, -0.21176548302173615, 0.6393263936042786, -0.8824780583381653, -0.0891662985086441, -0.23569151759147644, 0.30741387605667114, 0.2526509463787079, -0.8480632901191711, 0.25015851855278015, -0.7620681524276733, 1.3683274984359741, 1.7831971645355225, -0.4556416869163513, -0.5190823674201965, 0.9174636602401733, -0.4039185643196106, 1.7782014608383179, -0.33266425132751465, 0.5498857498168945, 0.8656578063964844, 0.2909121513366699, -0.17049941420555115, 0.030842948704957962, -0.28480708599090576, -0.34245336055755615, 0.8063604831695557, 0.41650450229644775, 0.6343882083892822, -0.6410003304481506, 0.4661192297935486, -0.18561090528964996, 0.9170849323272705, -0.4111425280570984, -0.7960443496704102, 0.029833905398845673, 0.331196665763855, 0.6647437810897827, -0.8269997835159302, 0.953009843826294, -1.9062860012054443, 1.1064705848693848, 0.4627041220664978, -0.19953161478042603, 0.13288751244544983, -0.8271598815917969, 1.4422341585159302, -0.2062595933675766, 0.05188301205635071, -0.3335410952568054, -0.06422630697488785, 0.7575412392616272, -0.9295275211334229, 0.6660280823707581, 0.6431158185005188, 0.1567671298980713, 1.5344539880752563, 0.2923392057418823, 0.22825485467910767, -0.6473541855812073, 0.046039044857025146, 0.10084733366966248, 2.144991159439087, -0.6335739493370056, 0.5609713792800903, -0.13145318627357483, -0.1220751702785492, 0.534757137298584, -0.6521104574203491, -0.6875371932983398, -0.08856883645057678, -0.8399664759635925, -0.7339383959770203, -0.6586189270019531, 1.0130290985107422, 1.247668981552124, -0.5098978877067566, 0.9162664413452148, 0.19828182458877563, 0.040694039314985275, -0.1823238730430603, 0.22284364700317383, -0.1847984939813614, -0.9517186284065247, 0.3959812521934509, 2.894322395324707, -0.6597142815589905, 1.5422030687332153, -0.9995394349098206, 0.46417999267578125, -0.4708547592163086, 0.18110913038253784, 0.7947395443916321, 0.3306666314601898, -0.7351239323616028, -0.5814708471298218, 0.3793650269508362, -1.0025570392608643, 0.05929481238126755, 0.08935290575027466, -0.9594213366508484, 0.08789864182472229, 0.5241762399673462, -1.092993974685669, 0.34457382559776306, -0.06800150126218796, -0.02760990522801876, -0.6342394948005676, 1.1396394968032837, -0.06631118059158325, 0.7960448265075684, 1.1239162683486938, -0.08969119191169739, -0.5525890588760376, 1.0305767059326172, -0.5124297142028809, -1.0321468114852905, 1.1088697910308838, 0.2999427020549774, -1.499099612236023, 0.38215115666389465, 1.1240721940994263, -0.40222230553627014, -0.17753159999847412, -0.22153247892856598, -0.46880584955215454, -0.31077396869659424, 0.3386073708534241, 0.6058508157730103, -0.013516103848814964, -0.20383833348751068, -0.33729979395866394, -0.13456980884075165, -0.28711041808128357, 0.17995722591876984, -0.4085979759693146, 0.28177371621131897, -1.8316813707351685, 0.17799684405326843, -0.3950256109237671, 1.4466756582260132, 0.3281647861003876, -0.5914843678474426, -0.20617073774337769, 0.8268278241157532, 0.48438888788223267, -0.4085363447666168, 1.1732404232025146, -1.0452193021774292, -0.5687017440795898, 0.23216412961483002, 0.7050060629844666, -1.0266882181167603, 0.3060529828071594, 0.15089555084705353, 0.15261925756931305, -0.8804131150245667, -0.7352789640426636, -1.9286466836929321, 0.5752800703048706, 2.52752947807312, -0.6998177766799927, 0.017525821924209595, -0.8349965810775757, 0.23213566839694977, -0.14243772625923157, -0.10314205288887024, 0.4676421582698822, -1.4487407207489014, 0.18120220303535461, -0.6132529377937317, 0.4400513172149658, -0.1895265281200409, 0.0868741050362587, 0.2425193190574646, 0.33259645104408264, -0.5558567047119141, -0.10286073386669159, -0.9831482768058777, -0.18040335178375244, 0.8399115204811096, 0.8381757736206055, -0.731167197227478, -0.26834163069725037, 0.6864376664161682, 0.9548742175102234, 1.625717282295227, -0.35643720626831055, -0.11306019127368927, -0.5566897392272949, 0.08556650578975677, 0.5215867757797241, 0.2233465611934662, -0.4818528890609741, -0.6664901971817017, 1.5229135751724243, 1.1419191360473633, 0.17553387582302094, -0.27465981245040894, -0.6226271986961365, 0.09186471253633499, 0.816824197769165, 0.7451919913291931, -1.1928199529647827, 1.4107873439788818, -1.0926508903503418, 0.7200774550437927, -0.3988707363605499, -1.1287671327590942, 0.2644961476325989, -0.16145570576190948, 0.44644418358802795, -0.22444315254688263, -0.6577759385108948, -0.1993241012096405, -0.46794235706329346, -1.0895522832870483, -1.03743577003479, -0.31145182251930237, -0.9211897850036621, -1.7475370168685913, -0.12258828431367874, -0.9214496612548828, -1.169589638710022, -0.22451967000961304, 0.33255916833877563, 0.28291255235671997, -0.35082677006721497, 0.33289721608161926, 1.378607153892517, 0.1579677313566208, -0.21044722199440002, -0.008713722229003906, 0.8949313759803772, -0.2494594156742096, 0.7565615177154541, -0.05375107750296593, 0.42378923296928406, -0.33602645993232727, -0.4813048839569092, 0.11375844478607178, 0.8497962951660156, 0.3867136240005493, -0.14570051431655884, 0.6989314556121826, -0.02688486874103546, -1.3824377059936523, 0.9522125720977783, 0.32618317008018494, 0.5687956809997559, -1.3363540172576904, 1.5723294019699097, 0.32784515619277954, 0.43474146723747253, 0.4836333990097046, -0.1215037852525711, 0.5820022225379944, 1.2214739322662354, -0.5773051977157593, 0.19707073271274567, 0.013957895338535309, -0.3726653754711151, -0.5770829916000366, 0.050481848418712616, -1.421563982963562, 0.20930127799510956, 0.7680861353874207, 0.26563429832458496, 0.40713438391685486, -0.8413211107254028, 1.551950216293335, -0.8130162358283997, -0.37159550189971924, -0.1986929178237915, -0.35800600051879883, -0.016852211207151413, -1.0949451923370361, -0.5054449439048767, 1.0475568771362305, -1.2953546047210693, 0.4216378927230835, 0.47372427582740784, 0.5890610814094543, -1.4367172718048096, 0.1472049355506897, 1.2664228677749634, 0.11579996347427368, 1.4180126190185547, -0.17018979787826538, 0.49358150362968445, 1.343216061592102, -0.431327760219574, -0.47870150208473206, 0.6320008039474487, 0.3888324797153473, 0.5398768186569214, 0.48134464025497437, -0.25273746252059937, 0.9499111175537109, -0.7367045283317566, 1.774459958076477, 0.6199193596839905, -0.9338410496711731, -1.7808645963668823, -0.036240436136722565, 0.4470481276512146, -1.2237038612365723, 1.3136248588562012, 1.1321052312850952, 1.4709420204162598, -0.024087898433208466, 0.3692083954811096, -0.052145104855298996, 0.9875719547271729, 1.4008584022521973, 0.0535920076072216, 0.24547435343265533, 0.08353720605373383, 0.3935670256614685, 0.8412962555885315, -0.36511504650115967, -0.9242519736289978, -0.1895429641008377, 1.215512990951538, 0.08696882426738739, -0.40009063482284546, -0.3716123104095459, 0.18407553434371948, -0.07352913916110992, 0.22838373482227325, -0.3797987103462219, -1.0683832168579102, -0.8242278695106506, 0.18423596024513245, 0.9125981330871582, 0.8994032740592957, -1.481263279914856, -0.11068332195281982, -0.7260984778404236, 0.10432951152324677, -0.6971160173416138, 0.2726460099220276, 0.5877253413200378, 0.18410588800907135, -1.4134355783462524, -0.7525416016578674, -0.3827885091304779, -0.5080662369728088, 0.48557162284851074, -0.3467794358730316, -1.0372689962387085, 1.265823245048523, -0.3869202136993408, -1.558132290840149, 0.2783444821834564, -0.4747278392314911, -1.4480172395706177, 0.7039462327957153, 0.5288267135620117, -1.8253718614578247, -0.4240182936191559, -0.2504500150680542, -0.73530513048172, -1.2151284217834473, 0.681429922580719, -0.7184205651283264, 1.0089399814605713, 0.4834679365158081, 0.8069515228271484, -0.08388740569353104, -0.09044891595840454, -0.31868258118629456, 0.8115721940994263, 1.032590389251709, -0.4226800501346588, 0.36118265986442566, 0.45568612217903137, -1.148128867149353, 0.4970379173755646, -1.3157119750976562, -1.110903263092041, 0.5935378670692444, -0.2755492925643921, -0.09746579080820084, -0.5794081091880798, -0.9782306551933289, 0.1395651400089264, 0.12014870345592499, 0.38975009322166443, -1.699021577835083, 0.3657650947570801, -1.2892889976501465, 0.518055260181427, 0.24739530682563782, -0.6268704533576965, -0.9549699425697327, 0.9414580464363098, -0.8592862486839294, 0.7081031799316406, 0.8385076522827148, 0.53480464220047, 1.0381592512130737, 0.622478187084198, 0.5537818074226379, -0.5346542000770569, -9.642216682434082, 0.5390416383743286, 0.031047211959958076, 0.48099440336227417, 0.7773077487945557, -0.43921348452568054, -0.1551632583141327, -0.20754745602607727, 1.0300226211547852, -0.8093708753585815, 0.3779315650463104, 2.2167344093322754, 0.28049635887145996, -1.299190640449524, -0.5102548599243164, -0.11768552660942078, -0.8485923409461975, -0.5412271022796631, 0.13605062663555145, 0.43876564502716064, -0.8690136075019836, -0.42817848920822144, 0.3450864553451538, -0.5419297218322754, 0.44699952006340027, -0.01911388337612152, 0.5980949401855469, -0.4826420843601227, -0.6768341660499573, 0.0045878589153289795, 0.6246972680091858, -0.49766263365745544, -1.080893874168396, -0.21569253504276276, 0.2538079619407654, 0.485647976398468, -0.8840077519416809, 0.1245509684085846, 0.8232558369636536, -0.612744927406311, 0.4608123302459717, 0.2818875312805176, 0.23838233947753906, -0.6555590033531189, -0.18820618093013763, -0.2734825611114502, 0.025750095024704933, -0.25760290026664734, -0.025399260222911835, 0.06932716816663742, 0.2050611525774002, -0.6288337707519531, -2.085465669631958, -0.6120544672012329, 1.011771321296692, -0.06850932538509369, -0.6098365783691406, 0.9681299328804016, -1.3112610578536987, -1.0183556079864502, 0.8429076671600342, 0.12449917942285538, -0.3256588578224182, 0.47711437940597534, 0.3606577515602112, -1.0071313381195068, 0.6475250124931335, 0.5732612013816833, 0.1709136962890625, -0.4510078430175781, -0.2467338740825653, 1.2733062505722046, -0.4368894696235657, 0.4721691608428955, 0.22588256001472473, -0.4395366311073303, 0.02818230539560318, -0.21905875205993652, 0.9401106834411621, -0.09071198105812073, -1.2468937635421753, 0.8695744872093201, -0.12288236618041992, -0.04132664203643799, -1.1158503293991089, -0.05717611312866211, -0.5107930898666382, -1.0488187074661255, -0.11797308176755905, 0.12143716961145401, 0.19730554521083832, 0.35678666830062866, -0.11652064323425293, 0.4890313446521759, -0.23603025078773499, 0.858434796333313, -1.0124813318252563, 2.2743897438049316, -0.176219642162323, 0.36897677183151245, 0.41529229283332825, 0.14852049946784973, 0.4502057731151581, -0.10964854061603546, 0.1361057013273239, 0.018797241151332855, 0.0653795450925827, -0.13421902060508728, -0.7869316339492798, -0.4076513648033142, 1.1941890716552734, 0.17253166437149048, 0.04836594685912132, 0.17695388197898865, 0.38261696696281433, 1.0571056604385376, 0.5030050277709961, -0.07705382257699966, 0.1806594282388687, 1.4078565835952759, -0.036521561443805695, 0.48341891169548035, -0.09779694676399231, 0.4501175284385681, -0.11764280498027802, 0.5060922503471375, 0.3719388246536255, -0.06116040050983429, 0.3233985900878906, -2.54760479927063, 1.0901811122894287, -0.07117149233818054, 0.47630590200424194, -0.43970197439193726, -0.631205677986145, -0.8285079002380371, -1.3642446994781494, 1.2343541383743286, -0.16674023866653442, 0.2917323112487793, -0.7604043483734131, -0.4846467673778534, 0.39865291118621826, -0.07489476352930069, -0.6487483978271484, 0.4112108647823334, -2.2410593032836914, 0.27579033374786377, -0.6728026866912842, -0.6775112748146057, 0.393324613571167, -0.6807461977005005, 0.8120279908180237, -0.23303517699241638, -0.13266101479530334, -0.2708408236503601, 0.44625282287597656, 0.2010590136051178, -0.7405473589897156, 0.7381083369255066, 0.4241016209125519, 1.0116806030273438, -0.925642192363739, 0.8970547318458557, 0.7265368700027466, -0.7606136798858643, -0.6860779523849487, 0.08313284814357758, -1.1685246229171753, 0.265916109085083, 1.766319990158081, -0.9119628667831421, 0.007882583886384964, -0.23826386034488678, -0.5108032822608948, -1.7706682682037354, 0.955231249332428, 0.7463417053222656, -0.6645486354827881, 0.7606943845748901, -0.24016180634498596, 0.21179437637329102, -0.6035839915275574, -0.46329689025878906, 0.013284608721733093, 0.15361890196800232, -1.062860369682312, 1.2375414371490479, 0.03982570767402649, 0.0660378485918045, -1.4936585426330566, -1.1258351802825928, -0.2245240956544876, -0.25232994556427, 0.8926281332969666, 0.18528248369693756, 0.8338792324066162, 0.5105433464050293, 0.31133177876472473, -0.5994122624397278, 0.4292008578777313, 1.002943754196167, -0.10622376203536987, 0.11222337186336517, -2.061950922012329, -0.5847363471984863, -0.5201241970062256, 0.4572308659553528, 0.782515823841095, 0.3990146815776825, -1.3181135654449463, -0.48530685901641846, -0.1184130609035492, -0.43996110558509827, 0.891153872013092, -0.6932781934738159, 0.569682776927948, -0.507762610912323, -0.8211050629615784, -0.6644312143325806, 0.2047106921672821, 1.3421283960342407, 0.3580755591392517, 1.2595739364624023, 1.1837629079818726, 0.20920385420322418, 0.9260746836662292, 0.7252197265625, 1.8723031282424927, 0.25076204538345337, 0.5322145819664001, 0.20944812893867493, 0.29211023449897766, 0.27812448143959045, -0.14837923645973206, 0.14035482704639435, -0.46171969175338745, 0.3529861569404602, -1.5383602380752563, 0.3914717733860016, -0.30507004261016846, 0.318124920129776, 0.5066909790039062, 0.8041290044784546, -0.754965603351593, -0.09902863204479218, -0.245063915848732, -0.3082110285758972, -0.18833836913108826, 0.18740060925483704, 0.8990011811256409, 1.4100353717803955, 0.7964865565299988, 0.04419920593500137, 1.1951333284378052, -0.20591922104358673, -0.12480083107948303, 0.32832860946655273, -0.06597977876663208, 1.0772641897201538, 0.5854840874671936, 0.8642574548721313, -0.5014509558677673, -0.0883173868060112, -1.6899268627166748, -0.25652244687080383, -0.32634875178337097, 0.5076135396957397, 0.07368075847625732, 0.44082120060920715, 0.6767686009407043, -0.14530301094055176, 0.13009487092494965, 0.32331737875938416, 0.30384713411331177, 0.15833348035812378, -0.3475378155708313, -0.39771172404289246, -0.9973007440567017, -0.36522260308265686, 0.9557353854179382, -0.6187115907669067, -0.0803997665643692, -1.0320544242858887, 0.609788179397583, -0.36780422925949097, -1.406680703163147, -0.888475239276886, 0.24262124300003052, -0.1922995150089264, 0.09736758470535278, -0.0912395715713501, -1.2276314496994019, -1.7800559997558594, 0.17441995441913605, -1.161967396736145, 0.5532220602035522, -0.29209938645362854, -1.198153018951416, 0.17380952835083008, 0.8109496831893921, 0.18534570932388306, -0.43068817257881165, 0.19949550926685333, -0.7011726498603821, -1.3178521394729614, 1.150150179862976, 0.7649768590927124, -0.34900420904159546, -1.1197314262390137, 1.2679755687713623, 0.5424486994743347, 0.30821940302848816, 1.7291847467422485]} +{"paper_id": "pec", "embedding": [-1.1220265626907349, 1.0788742303848267, 0.41834554076194763, 0.5299147367477417, 1.346860647201538, 0.414813369512558, 1.172160029411316, 0.3657171130180359, 1.1403427124023438, -0.19161418080329895, 0.37801873683929443, -0.4265158176422119, -0.42628422379493713, -0.4951062500476837, 0.16610567271709442, 0.14543309807777405, -1.2187745571136475, 0.4001220762729645, -0.7492441534996033, 0.030344583094120026, -0.49409550428390503, -0.35769492387771606, -0.22865372896194458, 1.1317408084869385, -1.0104352235794067, -0.28315192461013794, 1.167067527770996, -0.5066761374473572, 0.30317071080207825, -0.367850661277771, 0.0659165233373642, 1.7227833271026611, -0.8769491314888, -0.1262078881263733, -0.7007802128791809, -0.7209635376930237, -0.4994466006755829, 0.06534712016582489, -0.4233372211456299, 0.9388217329978943, -0.520797848701477, 0.7009096741676331, 0.479975163936615, 0.3811492621898651, 0.2708502411842346, 0.5448802709579468, 0.32159048318862915, -0.08305516839027405, -0.4713614583015442, -0.37914395332336426, -0.9786168336868286, 0.008246112614870071, 0.08819887042045593, -0.2395767718553543, 0.04169701039791107, 1.337881088256836, 0.05551401525735855, -0.02382352203130722, -0.3073479235172272, -1.3851679563522339, 1.5361542701721191, 0.9011648893356323, 0.9240290522575378, -0.2601347267627716, 0.6106580495834351, -0.1687665581703186, 1.8445972204208374, -0.22872400283813477, -0.24862699210643768, -0.18202665448188782, -0.8938690423965454, -2.139159679412842, 0.17749199271202087, 0.0563717782497406, -0.5829445123672485, 0.48025476932525635, 0.9371547698974609, 0.7761885523796082, -0.59808748960495, 0.6345587968826294, 0.24449540674686432, 0.5292051434516907, 0.7764225602149963, -0.14440307021141052, 0.6980239152908325, 0.3673197627067566, 0.9553974866867065, 0.282077431678772, -0.07149204611778259, -1.3321670293807983, 0.2395104318857193, -0.41678881645202637, 0.4275569021701813, 0.19324442744255066, -0.4560618996620178, 0.49778085947036743, 0.4343833923339844, -0.15708662569522858, -0.4469069242477417, -0.0016251187771558762, -0.08112882077693939, -0.12845197319984436, 0.44124162197113037, -0.8191055655479431, -0.43252554535865784, 0.5850985646247864, 1.1000601053237915, 0.1281641572713852, 0.2724764049053192, -0.14607200026512146, -0.010269803926348686, 0.9055966734886169, 0.04664060100913048, 1.2443342208862305, 0.4702766537666321, 0.35191598534584045, 0.7892817854881287, -0.8806287050247192, -0.014034231193363667, 0.027834538370370865, -0.24521754682064056, -0.6957022547721863, 0.3083908259868622, 0.12588386237621307, 1.7431167364120483, -0.5911146998405457, 0.0824933797121048, 0.26463252305984497, 0.38030827045440674, -0.8535884022712708, 0.26756441593170166, -0.032529301941394806, 0.050381917506456375, 0.3002479076385498, 2.3147037029266357, -1.1737829446792603, 1.3792089223861694, -1.258324146270752, -0.550175666809082, -0.5925911664962769, 0.8997282981872559, 0.673100471496582, -0.2821177840232849, -0.3290432393550873, -0.8549301028251648, -0.1854398548603058, -0.6645310521125793, 0.7786930799484253, -0.274648517370224, -0.9452986121177673, 0.09147576987743378, 0.007700510323047638, -1.2836929559707642, -0.22222203016281128, 0.37267833948135376, -0.10491584241390228, -0.15586526691913605, 0.28288576006889343, -0.105150505900383, -0.06810562312602997, 0.11389803886413574, 0.2342226654291153, -0.2212044596672058, -0.033316370099782944, -0.9784941673278809, -0.16850300133228302, 0.10445473343133926, -0.12527291476726532, -0.9121960401535034, -0.9217770099639893, 0.7946798205375671, -0.0261307992041111, 0.5889318585395813, -0.042668238282203674, -0.10810507833957672, 0.2601955533027649, 1.0772567987442017, 1.2058017253875732, -0.24422712624073029, -0.4746304750442505, -0.7930840849876404, 0.031358055770397186, -0.9509092569351196, -0.08306830376386642, -0.4609728455543518, -0.6924929618835449, -1.1397885084152222, -0.0889478474855423, -0.4304291009902954, 0.7340039014816284, -0.18027393519878387, -0.039301797747612, 0.2986453175544739, -0.9054310917854309, -0.03507057577371597, -0.026790907606482506, 0.9891573190689087, -1.6018321514129639, 0.582949697971344, -0.16608598828315735, -0.8785786032676697, -0.0011947533348575234, -0.3910662829875946, 1.6381460428237915, 0.9487137198448181, -0.11911161243915558, -0.7586143612861633, -1.4176980257034302, 0.283503919839859, 1.7991167306900024, 0.335906982421875, -1.1324611902236938, -0.34891924262046814, -0.013737916946411133, 0.19265517592430115, 0.31634509563446045, 0.3744378089904785, -0.5154515504837036, 0.2296568602323532, -1.2416882514953613, 0.12012118101119995, -0.14231127500534058, 0.5105107426643372, 1.138375997543335, 1.5270944833755493, -0.4216676652431488, -0.250016450881958, 0.2696823179721832, -1.7904353141784668, -0.409110426902771, 0.24066026508808136, 0.43067681789398193, 0.7575122714042664, 0.5599434971809387, 0.4100356698036194, 0.6418669819831848, 0.906646728515625, 0.13612204790115356, -0.46530652046203613, 0.4820442199707031, 0.12687437236309052, 0.9674587845802307, 0.17291560769081116, -0.3071591258049011, 0.6103619933128357, 0.8757597804069519, 0.5922361612319946, -0.8543221354484558, -0.00916622020304203, -0.09919046610593796, 1.0406051874160767, 0.6887884140014648, 0.33726122975349426, 0.8435462713241577, -0.4664761424064636, 0.27317896485328674, -0.9856913089752197, -0.5858563780784607, -0.3377673029899597, -0.5254404544830322, 1.0446608066558838, -0.48199325799942017, -0.5173982977867126, -0.17751851677894592, 0.1638629287481308, -0.6730051636695862, 0.6511259078979492, 0.1259211003780365, -0.8461139798164368, -1.1274820566177368, 0.13460615277290344, 0.4478152394294739, -0.5820630192756653, -0.42152833938598633, -0.11855639517307281, 0.6004159450531006, -0.21394646167755127, 0.23883530497550964, 1.1494176387786865, 0.00467425212264061, -0.6346360445022583, -0.9806990623474121, 0.5916551947593689, -0.6531124114990234, 1.035361886024475, -1.3734371662139893, -0.3211204707622528, 0.2310512661933899, 0.5642744302749634, -0.25821805000305176, 0.3654567003250122, 0.1743965744972229, -0.8814709782600403, 0.13570740818977356, -0.3959037661552429, 1.0248159170150757, 0.46674656867980957, 0.09303419291973114, 0.2953621447086334, -0.2071813941001892, 1.236232876777649, 0.335536926984787, -1.3418183326721191, 1.3667051792144775, -0.6721683144569397, 0.8120649456977844, 1.0107866525650024, 0.4398479163646698, 0.6126312613487244, 0.5325154066085815, -0.8532710075378418, 0.5728455185890198, -0.5612932443618774, -1.5297176837921143, -0.23598352074623108, 1.4944554567337036, -0.7633584141731262, -0.04969365522265434, -1.8048380613327026, 0.6193154454231262, -0.36868658661842346, -0.26243075728416443, -0.9217764735221863, -0.10368334501981735, 0.8790689706802368, -0.3633030951023102, 0.3537300229072571, 1.4113216400146484, -1.48710298538208, -0.7645695805549622, 0.3670916259288788, -0.017085596919059753, -1.4310569763183594, -0.3709936738014221, 0.33155205845832825, -0.7794653177261353, -0.5146335363388062, 0.6367875337600708, 1.0835764408111572, 1.0287777185440063, -0.035021230578422546, -0.04500840976834297, 0.6007359623908997, 0.17854633927345276, 0.5448890924453735, -0.1488591879606247, -0.006285235285758972, 1.0628840923309326, -0.6914774775505066, 1.4664193391799927, 0.6961246132850647, -0.7179151177406311, -1.3470760583877563, 0.02079176902770996, -0.8425382971763611, -0.9031400680541992, 1.3359445333480835, 0.1167047768831253, 0.6475736498832703, -0.21753045916557312, 1.104332447052002, -0.012342490255832672, -0.27120476961135864, 0.7426102161407471, -0.35565072298049927, -0.4461368918418884, -0.9055988788604736, 0.058496735990047455, -0.12351267039775848, -0.10519182682037354, -1.1691226959228516, 0.18618415296077728, 1.84279203414917, 0.3273627758026123, -0.5086078643798828, -0.1582041084766388, 0.5566030144691467, -0.3238213360309601, 0.8040927052497864, -0.1680108904838562, -0.1434948444366455, 0.022754432633519173, 1.0985735654830933, 0.4394855499267578, 0.07221473008394241, -0.19496339559555054, 0.24714699387550354, 0.39445963501930237, 0.5998925566673279, -0.21045206487178802, 0.6147202849388123, 0.0557694248855114, -1.1269570589065552, -1.3128819465637207, -0.43418994545936584, -1.2516107559204102, -0.9442142844200134, 0.04122047871351242, -0.041385870426893234, -0.15872137248516083, 0.717880368232727, -0.6675262451171875, -0.7134103178977966, 0.6697103977203369, -0.6101757884025574, -0.678878664970398, 0.18042029440402985, 0.5429807901382446, -1.20623779296875, -0.022998670116066933, -0.39448726177215576, -0.9463759660720825, -0.608726441860199, -0.31168457865715027, -0.1099381297826767, -0.5223988890647888, -0.6585652232170105, -0.5630505681037903, 0.279340922832489, 0.8092033267021179, -0.4485919177532196, 0.7145838141441345, 0.40035051107406616, -0.6178262829780579, 1.2677667140960693, 1.113246202468872, 0.5435230731964111, -0.6500165462493896, -0.2787226438522339, -0.42164260149002075, 0.7102617621421814, -0.28097665309906006, 0.5544710159301758, -0.41574686765670776, 0.236494243144989, 1.098628044128418, -0.5934430956840515, 0.4571206271648407, -0.6705324649810791, -0.18189637362957, -0.19659996032714844, -0.25826969742774963, 0.6936408281326294, -1.4456106424331665, -0.7320374846458435, 0.30990836024284363, -0.16838887333869934, 0.1404174268245697, -1.6194010972976685, -0.6556099057197571, 1.6477235555648804, 0.7831768989562988, 0.6216684579849243, -0.2297917902469635, -10.72208023071289, 2.1077356338500977, -0.3599163889884949, -0.36530202627182007, 0.17330722510814667, -0.5697574019432068, 0.4653893709182739, 0.028858140110969543, 1.491753339767456, -0.9991677403450012, 0.1281769722700119, 1.0671571493148804, -0.6050276756286621, -0.7134314179420471, -0.5728190541267395, -1.233935832977295, -1.4623336791992188, -0.47370511293411255, -0.38311344385147095, -0.23488616943359375, 0.7866244316101074, -0.7230628132820129, -0.06316724419593811, 0.15035678446292877, -0.3110796809196472, -0.21565523743629456, -0.37353235483169556, -0.6939398050308228, 0.048129722476005554, 0.6795308589935303, 1.4814785718917847, -0.6212902665138245, 0.6472780704498291, -1.0723644495010376, -0.3185543417930603, 0.3061286211013794, -1.1198488473892212, 0.0936298593878746, 0.3489893674850464, 1.0128810405731201, 0.5440787672996521, 0.2655829191207886, 0.7483932971954346, -0.43148016929626465, -0.2958708703517914, 0.17853902280330658, -0.14876849949359894, 0.3596259355545044, -0.37363919615745544, -0.034301429986953735, -0.2304047793149948, 0.3152960240840912, -0.49162620306015015, -0.16110065579414368, -0.3456314206123352, -0.1379554122686386, -0.692141056060791, 0.9860535860061646, -0.879973292350769, -1.1901389360427856, 0.9568723440170288, -0.44030284881591797, -0.33166876435279846, 0.7233254909515381, 1.3615670204162598, -1.9027031660079956, -0.3570951223373413, -0.11271507292985916, -0.14542391896247864, 0.7585390210151672, -0.6159849166870117, 0.32542699575424194, 0.045248232781887054, 1.0739796161651611, -0.4621240794658661, -0.20292264223098755, -0.371736615896225, 1.185655117034912, 1.2913717031478882, 0.15108522772789001, -0.577353835105896, 1.1783863306045532, -0.3682668209075928, -1.19284987449646, -0.9959752559661865, 0.9542173743247986, 0.20613932609558105, -0.19662261009216309, 1.057124376296997, -0.32514137029647827, 0.7645201086997986, 0.6500006914138794, -0.6801568865776062, 0.3323947489261627, -0.28324979543685913, 1.2208073139190674, 1.2401514053344727, 1.2184982299804688, -0.03202538564801216, 0.1083376407623291, -0.17747285962104797, -0.05248786509037018, -0.6548395156860352, 0.4321773052215576, -0.0797206237912178, 0.007108248770236969, 0.32798507809638977, 0.41308996081352234, 0.27020692825317383, 0.012098673731088638, 0.4939761757850647, -0.24078792333602905, -0.5251011848449707, 0.18198053538799286, 0.22919753193855286, 0.42235755920410156, 1.6438435316085815, 0.7581263184547424, 0.8404560685157776, 0.1613076776266098, -0.29296019673347473, 1.3390607833862305, -0.1182839497923851, 0.8528935313224792, 0.4737324118614197, 0.15728823840618134, 0.08211784064769745, -0.10412245243787766, -0.6775895357131958, -1.995138168334961, 0.9661664962768555, -0.3056698143482208, 0.3944697380065918, 0.1573200821876526, -0.008168298751115799, 0.4224887490272522, -1.2919342517852783, 0.5665502548217773, -0.7916122078895569, 1.4569464921951294, -0.059866756200790405, -0.30940279364585876, -0.1481216549873352, -1.0621248483657837, -1.1302777528762817, 0.5619211196899414, -0.8388662338256836, 0.3800952732563019, -0.2761157751083374, 0.7501333355903625, 0.16080522537231445, 0.5965550541877747, 0.6857976317405701, -0.8501024842262268, -0.165762796998024, 0.45176416635513306, 0.763168454170227, -0.2694120705127716, -1.173943281173706, -1.2335481643676758, 0.19953274726867676, 1.0478606224060059, -0.7022737264633179, 0.668513834476471, -0.1599721908569336, -0.6244314908981323, 0.1959485411643982, 0.4261547029018402, -1.1107633113861084, 0.202714204788208, 1.36626398563385, -1.485744833946228, -0.7993950247764587, -0.472016304731369, 0.9671359658241272, -0.44649815559387207, 0.9429871439933777, 0.6443191766738892, -0.6379915475845337, -0.5530657768249512, -0.17689332365989685, 0.016732826828956604, 0.3372840881347656, -0.013589024543762207, 0.18015822768211365, -0.2021007537841797, 0.392938494682312, 0.6715958714485168, -0.034933000802993774, 0.22207576036453247, -1.5074872970581055, -1.3197500705718994, -0.4104272723197937, 0.5910766124725342, -0.275262713432312, -0.5257433652877808, 0.7980180382728577, 0.7670091986656189, -0.40713658928871155, 0.24728551506996155, -0.11147211492061615, 0.9638329148292542, -1.7748725414276123, -0.3088653087615967, 0.13398699462413788, -0.5251480340957642, -0.12476436793804169, -0.16620080173015594, 0.08746661245822906, -0.06784530729055405, -1.0704582929611206, -0.29965418577194214, -0.014249477535486221, -0.6940315961837769, 0.6125866174697876, -0.263849139213562, -0.4637877941131592, 0.3669903576374054, -0.17509783804416656, -1.485141396522522, 0.03939053788781166, 0.8311440944671631, 0.7623186111450195, 0.9286084175109863, 0.7467337250709534, 0.1552692949771881, 0.3499440848827362, -0.3022671341896057, 0.18537971377372742, -0.38937848806381226, 0.03970833495259285, -0.028086867183446884, -0.489253968000412, 0.9726261496543884, -0.1456637978553772, 0.18031622469425201, -0.5515880584716797, 0.6412541270256042, -1.2437424659729004, 0.3229586184024811, -0.2973170876502991, 0.9235091805458069, 1.1770920753479004, 0.6743587851524353, -0.6176178455352783, -0.8277292847633362, -1.0517468452453613, -0.43414306640625, -0.6629622578620911, 0.32165032625198364, -0.5035108327865601, 0.7662371397018433, 0.6439403295516968, -0.053864628076553345, 0.8868140578269958, -0.7575259208679199, -0.05991390347480774, 0.08577056974172592, 0.4528185725212097, 0.38537806272506714, 0.5425363183021545, 1.0263034105300903, 0.7035870552062988, 0.0644771158695221, 0.08608897030353546, 0.7036497592926025, -0.5412243008613586, -0.2972857654094696, 0.30684953927993774, -0.6545742750167847, -1.039781093597412, -0.8772985339164734, -0.32101884484291077, -0.8224338889122009, 0.8633975386619568, 0.11336730420589447, -1.0431073904037476, -0.7109274864196777, -0.9095737338066101, -0.5163701772689819, 0.47120001912117004, 0.37383607029914856, -0.9362598061561584, -0.21000789105892181, 0.32486364245414734, 0.19780045747756958, -0.2779751121997833, -1.2623615264892578, 0.13031864166259766, -0.6909394860267639, 1.3907674551010132, -0.9382641315460205, -0.6556612849235535, -0.6624099612236023, -0.0963858813047409, -0.28464165329933167, 1.2666895389556885, 0.28385329246520996, -1.624143362045288, -0.9937569499015808, -0.2228187769651413, -0.4500020146369934, -0.2973062992095947, 1.4768718481063843, -0.32678213715553284, -1.9281879663467407, 1.102719783782959, 0.714275598526001, 1.2067915201187134, -0.06980843842029572, -0.3467359244823456, 0.3207591772079468, -0.30540287494659424, 1.3058712482452393]} +{"paper_id": "allegro_reviews", "embedding": [-0.5204545259475708, 1.487019419670105, 0.3352513015270233, -0.11025276780128479, 0.8132793307304382, -0.20501182973384857, 0.5855275988578796, 0.5085210204124451, 0.6897029280662537, 0.8584815263748169, 0.18486514687538147, -0.4229288101196289, -0.3737746477127075, -0.5792149305343628, -0.262746125459671, -0.3599676191806793, -0.7713062763214111, -0.6090714931488037, -1.5073310136795044, 0.010989278554916382, -0.5633382797241211, -0.6757498383522034, 0.0068368203938007355, 0.9567302465438843, -0.8376380205154419, -0.8485420942306519, 0.6082369089126587, -1.0146957635879517, 0.14066459238529205, 0.37546074390411377, -0.5905503630638123, 1.3280794620513916, -1.5453709363937378, 0.2622453570365906, -0.062045756727457047, -0.22949528694152832, 0.06885141879320145, 1.1613305807113647, -0.4288378059864044, -0.12220688164234161, -0.6800470352172852, 0.4346446394920349, 0.37929031252861023, 0.49736014008522034, 1.2331639528274536, -0.26778125762939453, -0.5339946746826172, -0.16583234071731567, 0.13427327573299408, -0.033335670828819275, -0.7259359955787659, -0.07979435473680496, -0.4097325801849365, 0.48513832688331604, -0.4258146584033966, 1.5885436534881592, 0.4887489378452301, -1.1626228094100952, 0.35000675916671753, -0.6887754201889038, 1.3586305379867554, 2.046175241470337, -0.35558462142944336, -0.14393186569213867, 0.9627509117126465, 0.36197441816329956, 1.6618013381958008, -0.02141905575990677, -0.22502554953098297, 0.29511553049087524, -0.15474268794059753, -1.0225908756256104, 0.71400386095047, -0.03371180593967438, 0.3852764070034027, 0.8457863330841064, 0.6446131467819214, 0.6251652240753174, 0.011932110413908958, -0.018185971304774284, -0.38050636649131775, 0.6802517771720886, 0.5285624265670776, -0.7801312208175659, -0.10744939744472504, 0.7419843673706055, 0.0545089915394783, -0.4524759352207184, 0.5273697972297668, -1.8488284349441528, 0.7029252052307129, 0.005634605884552002, -0.040248170495033264, 0.11338472366333008, -0.5306011438369751, 0.4179374575614929, -0.3292626738548279, -0.23753777146339417, -0.34334877133369446, -0.07147736847400665, 0.8696336150169373, -0.29027438163757324, 0.5068509578704834, -0.362103134393692, -0.13113312423229218, 1.2988953590393066, 0.4068589210510254, -0.10013826936483383, -0.7895353436470032, -0.35023659467697144, 0.42616453766822815, 1.2953734397888184, -0.08928604423999786, 0.5383247137069702, 0.20662353932857513, 0.48127004504203796, 0.5602571964263916, -0.5730642080307007, 0.036627206951379776, 0.42874675989151, -0.43446677923202515, -1.4865639209747314, -0.640745997428894, 0.15849554538726807, 0.7392987608909607, -0.6839345097541809, 0.1540220081806183, -0.4372308552265167, 0.4948323369026184, -0.1676843911409378, 0.7184786796569824, -0.18375135958194733, -0.48038390278816223, -0.41964152455329895, 3.20391583442688, -0.9378209710121155, 1.5869802236557007, -0.9844000935554504, -0.20871704816818237, -0.37932735681533813, -0.40314626693725586, 1.023912787437439, 0.23107314109802246, -0.47712457180023193, -0.5471842885017395, 0.3695451021194458, -0.6653183698654175, 0.4852101504802704, -0.8761557936668396, -0.8684014678001404, -0.30057835578918457, -0.007171988487243652, -1.649125576019287, -0.7662307620048523, 0.336575448513031, 0.1376667320728302, -0.03020082414150238, 0.9752560257911682, -0.2433653175830841, 1.3867603540420532, 0.47097426652908325, -0.35218822956085205, -0.4723414480686188, 0.5129700303077698, -0.7551771998405457, -0.305285781621933, 0.7504298090934753, -0.005143959075212479, -0.7572605013847351, -0.409929484128952, 1.0386483669281006, -0.6024339199066162, 0.015649795532226562, -0.42861664295196533, -0.04505354166030884, 0.3206257224082947, 1.1476250886917114, 0.5782448053359985, 0.08924443274736404, -0.44141659140586853, -0.2828685939311981, -0.4609260559082031, -0.47222453355789185, 0.9568023681640625, -0.19511277973651886, 0.7718101739883423, -2.2154035568237305, -0.09853923320770264, -0.06267346441745758, 0.8530251979827881, 0.3510124087333679, -0.8443924784660339, -0.06782802939414978, -0.09554404020309448, 0.37239325046539307, -0.4768260419368744, 0.9635581374168396, -1.4030221700668335, -0.33411821722984314, 0.24883206188678741, 0.17892701923847198, -0.26652294397354126, 0.015271918848156929, 1.502509355545044, -0.07018721848726273, -0.21309193968772888, -0.623178243637085, -2.019218921661377, -0.27125588059425354, 2.8359627723693848, 0.05226239934563637, -0.9606807231903076, -1.4619741439819336, -0.4542738199234009, 0.13786956667900085, -0.14249424636363983, 0.5062029361724854, -0.4628010094165802, 0.16848134994506836, -1.0621962547302246, 0.4666968882083893, -0.4526957869529724, 0.8004039525985718, 0.5534499883651733, 0.7520205974578857, -0.5596398115158081, -0.028493661433458328, -0.4087792932987213, -0.7042855024337769, 0.21530260145664215, 0.5369636416435242, 0.4211270213127136, -0.18426278233528137, 0.6802951693534851, 0.16537755727767944, 0.6604017019271851, 1.0577644109725952, 0.2853859066963196, -0.3012157678604126, 0.1604619026184082, -0.051426343619823456, 1.0587372779846191, -0.0992269366979599, 0.04359152168035507, 0.17660243809223175, 0.33013781905174255, -0.17580297589302063, -0.38835418224334717, -0.00529118999838829, -0.026483438909053802, 1.205741047859192, 0.8589781522750854, -0.7249680161476135, 1.2199071645736694, -0.8336039781570435, -0.032930418848991394, -0.8930432796478271, -0.5233047008514404, 0.045384734869003296, -0.14023056626319885, 0.500724196434021, -0.19749245047569275, 0.1758100688457489, -0.21520601212978363, -0.06305889785289764, -1.3941318988800049, -0.28890854120254517, 0.020133256912231445, -0.7509526014328003, -1.4539756774902344, 0.2389937937259674, -0.051220715045928955, -1.203512191772461, -0.5922120809555054, 0.7222670316696167, 0.7478847503662109, 0.1391330063343048, 1.0531108379364014, 1.599556803703308, -0.14936032891273499, 0.6003028154373169, 0.27062898874282837, 1.334791660308838, -0.8172817230224609, 1.3415628671646118, -0.2732088565826416, 0.3489212989807129, -0.5270494818687439, 0.2664281129837036, -0.685501217842102, 0.1824006736278534, 1.2799004316329956, -0.6544395089149475, 0.513149619102478, -0.3717261552810669, -1.6596615314483643, 0.8327258825302124, -0.2169724404811859, 0.2888258099555969, -0.5681613683700562, 1.6452200412750244, -0.06732338666915894, -0.2456524670124054, 1.094694972038269, -0.6255561709403992, -0.31561222672462463, 1.1720702648162842, -0.5020550489425659, 0.5783500075340271, 0.26185673475265503, -0.5023397207260132, 0.11809985339641571, 0.21457383036613464, -1.7866262197494507, -0.13179364800453186, 0.799566924571991, -0.3851342797279358, -0.45138636231422424, -0.9269572496414185, 0.9346595406532288, -1.033069372177124, 0.218007430434227, 0.5688172578811646, -0.48870348930358887, 0.35945892333984375, -0.36691713333129883, 0.23857532441616058, 0.6500025391578674, -0.7586626410484314, 0.6166042685508728, 1.2355599403381348, -0.13075551390647888, -1.0864269733428955, -0.28317251801490784, 0.8347455859184265, -0.8033243417739868, 0.23131044209003448, 0.13452385365962982, 0.6325544714927673, 1.092615008354187, -0.7512851357460022, 0.021715275943279266, 0.36789757013320923, 0.6490744352340698, 0.28285494446754456, 0.019910436123609543, -0.5032433271408081, 0.5609356164932251, -0.4172053635120392, 1.7588903903961182, 0.10348206758499146, -0.5442113280296326, -1.350061297416687, -0.3089591860771179, -0.1361127495765686, -0.43960583209991455, 2.083343505859375, 0.8057634830474854, 1.219923734664917, -0.08511017262935638, -0.07196949422359467, -0.14303790032863617, 0.21535396575927734, 1.0894955396652222, 0.6368029117584229, -0.461662232875824, -0.727107048034668, 0.45987287163734436, 0.7799713611602783, -0.27976417541503906, -0.4377461075782776, 0.0953260287642479, 1.1205211877822876, -0.5474138855934143, -0.9751284122467041, 0.13642863929271698, 0.6564773321151733, 0.26490843296051025, 1.7056955099105835, -0.6548715829849243, -0.43443089723587036, 0.132367342710495, 0.5230594873428345, 0.5443148016929626, -0.09526218473911285, -0.4066607356071472, 0.46143287420272827, 0.21576236188411713, 0.5243828296661377, -0.22441557049751282, 0.9319484829902649, 1.0232294797897339, -0.669619619846344, -1.5325758457183838, -0.5060325860977173, -0.8275036215782166, -0.42114683985710144, 0.06813584268093109, -0.04810645058751106, -0.786376416683197, 0.14606398344039917, -0.40114811062812805, -0.615869402885437, 0.7909797430038452, -0.8860834240913391, -1.2129744291305542, 1.075413703918457, 0.6854734420776367, -0.8060997724533081, -0.7948728203773499, -0.4026249647140503, -0.7168009877204895, -0.8713698983192444, -0.41603291034698486, -1.1853502988815308, 0.3661704957485199, 0.5004459023475647, 0.5394815802574158, 0.35599416494369507, -0.4579053521156311, -0.9128105640411377, 0.6733120083808899, 0.9133952856063843, -1.1200414896011353, 0.5325504541397095, 0.407265305519104, 0.1942272037267685, -0.4705110490322113, -1.023578405380249, -1.1461374759674072, 0.6493449211120605, -0.009844005107879639, 0.4067930579185486, -0.8179357647895813, -0.8923981189727783, 0.4788617193698883, 0.023843888193368912, 1.1282753944396973, -1.0225847959518433, 0.15967339277267456, -0.6470718383789062, -0.2625187933444977, 0.3816876709461212, -0.7823620438575745, -0.7115587592124939, 1.005751132965088, -0.4460624158382416, 0.7642724514007568, -0.11933964490890503, 0.18751847743988037, 0.9181738495826721, 0.24224817752838135, 0.16220121085643768, -0.40905264019966125, -10.773524284362793, 0.35987594723701477, -0.0964030846953392, 0.059133097529411316, 0.6806915402412415, -0.5664257407188416, 1.0955597162246704, -0.5852636694908142, 0.6234110593795776, -0.9364538192749023, 0.3680870234966278, 1.7319716215133667, 0.2932121753692627, -0.2540947198867798, -0.812548816204071, -1.628052830696106, -0.9326613545417786, -0.41307318210601807, 0.08492754399776459, 0.4574165940284729, -0.76751309633255, -1.2428094148635864, 0.42610859870910645, 0.42757952213287354, 0.4979681074619293, 0.22111153602600098, -0.7225857377052307, -0.031366340816020966, -0.32002532482147217, 0.1198282539844513, 0.013166778720915318, -0.6203856468200684, -0.49446290731430054, -0.476764053106308, 0.3708556890487671, 0.2380421757698059, -0.43964946269989014, -0.09220229089260101, 1.2010873556137085, -0.103006511926651, -0.3471459746360779, 0.4566982686519623, 0.6899270415306091, 0.18952691555023193, -0.5522270798683167, 0.3333982229232788, 0.1956489533185959, -0.6518537998199463, 0.0021053701639175415, -0.40069660544395447, -0.9707818031311035, -0.776299774646759, -1.628049373626709, -0.4276984930038452, 0.3839944303035736, 0.31130802631378174, -0.6979891657829285, -0.37077954411506653, -0.529961884021759, -1.1196060180664062, 0.7093889117240906, 0.2515184283256531, -0.47877776622772217, 0.28410470485687256, 0.2295035421848297, -0.9570999145507812, 0.3924608528614044, 0.33894142508506775, -0.7370029091835022, 0.6802739500999451, -0.9722499251365662, 0.7890358567237854, -0.019764794036746025, 0.6536668539047241, -0.7878907322883606, -0.15621522068977356, -0.5291770696640015, 0.44939127564430237, 0.4825129806995392, -0.4188680052757263, -1.1905646324157715, 1.0097508430480957, 0.20898568630218506, -0.7710597515106201, -0.8425506353378296, 0.04593079164624214, -0.42891910672187805, 0.14899732172489166, 0.184243842959404, -0.5147032141685486, 1.114504098892212, -0.036917973309755325, -0.27090340852737427, 0.3377326428890228, -0.49084940552711487, 0.7184455394744873, -0.1579231172800064, 1.0151615142822266, 0.2793935239315033, -0.23360449075698853, 0.06219644099473953, 0.16446274518966675, -0.46552202105522156, 0.47418543696403503, 0.09406805783510208, 0.3844885528087616, 0.4663289785385132, 0.03906260430812836, -0.038919221609830856, -0.959084153175354, 1.0487371683120728, 0.4324265718460083, -0.5488414168357849, 1.0169072151184082, 0.014971166849136353, 0.8890655040740967, 0.13508747518062592, -0.02115561068058014, 0.5970096588134766, 0.9009091854095459, -0.32278093695640564, 1.0042498111724854, 0.1609300673007965, 1.306501865386963, -0.0728616714477539, 0.3989749550819397, 1.1240674257278442, 0.4854522943496704, 0.6475411653518677, -2.0593202114105225, 0.4557045102119446, -0.3091821074485779, -0.00778874009847641, -0.18089129030704498, -0.358124703168869, -0.13374710083007812, -1.1786692142486572, 1.4104682207107544, -0.8665526509284973, 0.44257667660713196, -0.027020853012800217, -0.8885918259620667, 0.09588105976581573, -0.3823464512825012, -0.8175870776176453, -0.19692689180374146, -1.6001919507980347, 0.32690754532814026, -0.37202683091163635, -0.6872031092643738, -0.12700527906417847, -0.07769487798213959, 0.8351193070411682, -0.5808115601539612, -0.37537044286727905, -0.3930428624153137, 0.6710195541381836, -0.9823993444442749, -1.1074650287628174, 0.02018095552921295, 0.12194846570491791, 1.259987235069275, -0.4666198492050171, 1.0358775854110718, 0.38088682293891907, -0.3462480306625366, -0.601932942867279, 0.4049450755119324, -0.584712564945221, 0.4655652642250061, 0.979019045829773, -0.8329318165779114, -0.20217126607894897, -0.2770572304725647, -0.6204476356506348, -1.225583791732788, 0.8671377301216125, 1.529599666595459, -0.5766637325286865, -0.17266057431697845, -0.6418734788894653, 1.0111315250396729, 0.3053775429725647, -0.3204483985900879, -0.10372462868690491, -0.11768504977226257, -0.23292550444602966, 0.7748743891716003, -0.18956482410430908, 0.5267559885978699, -1.9177708625793457, -1.00343656539917, -0.4338364601135254, 0.1450852006673813, 0.4306805431842804, -0.047686610370874405, 0.45931267738342285, 0.8459599614143372, -0.4512559771537781, 0.2439175844192505, 0.07923081517219543, 0.8196534514427185, 0.3074909746646881, 0.4606590270996094, 0.3608662784099579, -0.011315476149320602, -0.3244645595550537, -0.10243918001651764, 0.8391541242599487, 0.7992711663246155, -1.450354814529419, -0.23936890065670013, 0.003856375813484192, 0.16997279226779938, 0.7279974222183228, -0.7085297107696533, 0.546872079372406, -0.1903252899646759, -0.22691665589809418, -1.467447280883789, -0.2012663185596466, 1.7343963384628296, -0.6951781511306763, 1.0519894361495972, 0.7894190549850464, 0.6594563126564026, 0.6333490014076233, 0.3302707076072693, 1.4661645889282227, -0.1473553329706192, -0.5056477189064026, 0.23788264393806458, 0.0032832063734531403, -0.19842621684074402, -0.6481539011001587, -0.6616916656494141, -1.1342614889144897, 0.3768836259841919, -0.6023193001747131, 0.8979675769805908, -0.26681238412857056, 0.7679063677787781, 0.7104399800300598, 1.1917649507522583, -0.37008410692214966, -0.7311960458755493, -0.20948398113250732, -1.5098369121551514, 0.44876378774642944, -0.04231385141611099, 0.09295279532670975, 1.2180275917053223, 0.696068286895752, 0.2356186807155609, 1.6182172298431396, -0.2763517498970032, -0.23503835499286652, -0.20680254697799683, 0.2446707785129547, 1.213207721710205, 0.3322327435016632, 0.528110682964325, 0.00704839825630188, -0.0954614207148552, -0.9617588520050049, -0.45045387744903564, -0.6173216700553894, 0.9651038646697998, 0.5211726427078247, -0.5405387878417969, 0.17845650017261505, -0.9498918652534485, 0.6405277848243713, -0.4505642354488373, 0.46317797899246216, 0.47937095165252686, -0.5207847952842712, -0.6679064035415649, -1.196973443031311, -0.2870882749557495, 1.150031566619873, -0.3990047574043274, -0.1794111728668213, -0.539423406124115, 0.2286926954984665, 0.06624160706996918, -0.527935802936554, -0.2991645336151123, -0.39480558037757874, -0.7187434434890747, 0.13393184542655945, 0.6822879314422607, -1.4864418506622314, -0.6235526204109192, -0.3284705579280853, -0.9814375638961792, 0.5663711428642273, 0.184651717543602, -0.49914297461509705, -0.7216947078704834, 0.18995104730129242, 0.0618225634098053, -0.3057239353656769, 0.5566394925117493, -0.3024706542491913, -1.5800154209136963, 0.6835652589797974, 1.8733627796173096, -0.015243763104081154, -0.7446913719177246, 0.1297377049922943, 0.644944429397583, 0.7275514006614685, 1.4452569484710693]} +{"paper_id": "proto_qa", "embedding": [-0.1471942514181137, 0.34091201424598694, -0.2295963317155838, -0.6854976415634155, 0.22336488962173462, -0.07091838121414185, 0.7475796937942505, 1.0697062015533447, 0.9661776423454285, 0.7527061700820923, -0.1267564296722412, 0.21879784762859344, -0.27973219752311707, -0.3319910168647766, -0.3458233177661896, -0.4753221273422241, -0.5141471028327942, -0.20409469306468964, -1.1342921257019043, 0.06438196450471878, -0.47758162021636963, -0.64528888463974, 0.11456343531608582, 0.7982523441314697, -0.5260082483291626, -0.4815053939819336, 0.8995876312255859, -1.1064287424087524, 0.8194501399993896, -0.10884096473455429, 0.04259234666824341, 1.4426360130310059, -1.2694287300109863, 0.6981374025344849, -0.5560635924339294, -0.20103438198566437, 0.7576404809951782, 1.0716946125030518, 0.042569540441036224, 0.052081409841775894, -0.9979008436203003, 0.35599517822265625, 0.5958065390586853, 0.3505718410015106, 0.480522483587265, -0.3589465916156769, 0.1553168147802353, -0.08167688548564911, -0.8750923275947571, -0.09942419826984406, -0.4320543706417084, 0.4212897717952728, -0.5769451856613159, 0.49185505509376526, -0.3023811876773834, 0.4456992447376251, 0.8864933252334595, -0.3201219439506531, 0.782097339630127, -0.8956942558288574, 1.6222971677780151, 1.4724273681640625, 0.39117202162742615, 0.6250858306884766, 1.351315975189209, 0.4941236972808838, 1.722765326499939, 0.5156097412109375, -0.2112283855676651, 0.932965099811554, -0.09616872668266296, -0.9933380484580994, -0.10808558017015457, 0.3475625514984131, -0.02128104865550995, 0.9392361640930176, -0.08960448950529099, 0.23776555061340332, 0.20257675647735596, 0.1252540647983551, -0.010872043669223785, -0.21844203770160675, 0.9032415747642517, -0.5535072088241577, 0.22741486132144928, 0.47421714663505554, 0.6380115747451782, -1.0788122415542603, 0.7337568402290344, -1.498587727546692, 0.8519245982170105, 0.7825661897659302, 0.7725807428359985, -0.37056243419647217, -0.21332383155822754, 0.7120087146759033, -1.039709448814392, -0.4061031639575958, -0.8808802366256714, 0.3260611295700073, 0.6882058382034302, 0.05571151524782181, 0.1806250810623169, -0.22448965907096863, 0.3006618618965149, 0.2814669609069824, 0.5764833688735962, 0.38064149022102356, -0.4977568984031677, -0.5960819721221924, -0.6408606767654419, 1.055550217628479, 0.09307630360126495, 0.25844937562942505, -0.5875955820083618, 0.6986501812934875, 0.31305545568466187, -1.0817604064941406, -0.3000882565975189, 0.2308063954114914, 0.2578679323196411, -0.8130689859390259, 0.1029704362154007, 0.4596984386444092, 0.8923465609550476, -0.5200603008270264, -0.38999778032302856, 0.31549394130706787, -0.24955926835536957, 0.2905454933643341, 0.6969010829925537, -0.20298336446285248, -0.7012869715690613, -0.05668684095144272, 2.8066253662109375, -1.161003589630127, 1.7133034467697144, -0.998213529586792, -0.6984527111053467, -0.2074662148952484, -0.41811302304267883, 0.7098806500434875, 0.5847072601318359, 0.17929542064666748, -0.6038999557495117, 0.23419050872325897, -0.22321981191635132, 0.0038903411477804184, -1.034433364868164, -0.3124663531780243, -0.10756181180477142, 0.7553306818008423, -1.9084936380386353, -0.5096637606620789, 0.27038878202438354, 0.4400661587715149, -1.0137996673583984, -0.1722465604543686, -0.6895362138748169, 0.12215124815702438, -0.2662125825881958, -0.2720237374305725, -0.5313934683799744, 0.7232370376586914, -0.3458925187587738, 0.13270451128482819, 0.7945941090583801, 0.02487197518348694, -0.7861406803131104, 0.2600666880607605, 0.5941265821456909, -0.4728224277496338, -0.11399970948696136, -0.2997269928455353, -0.7036176323890686, 0.32798832654953003, 0.32823678851127625, 0.19781719148159027, 0.14989586174488068, -0.6174276471138, -0.7025688290596008, 0.27243682742118835, -0.6429820656776428, 0.6775196194648743, -0.30215010046958923, 0.1772502362728119, -2.243161201477051, 0.348510205745697, 0.41627037525177, 0.5417323112487793, 0.22752821445465088, 0.12455756962299347, -0.3133837878704071, 0.24137748777866364, -0.32434022426605225, -0.21192912757396698, 1.100383996963501, -1.2356626987457275, -0.17914751172065735, 0.4469491243362427, -0.7594085335731506, 0.2275392711162567, -0.21083179116249084, 1.0498608350753784, 0.5674803256988525, -0.17090186476707458, -0.8473258018493652, -2.3561878204345703, -0.06508450955152512, 1.4118731021881104, -0.1672680377960205, -0.8659083247184753, -1.2164961099624634, 0.09582994878292084, -0.06731216609477997, -0.14172004163265228, 0.48374804854393005, -0.654255747795105, 0.26833677291870117, -1.3864567279815674, 0.6392925977706909, 0.29812315106391907, 0.4550573527812958, 0.9037060141563416, 2.0191571712493896, -1.0799779891967773, 0.19757437705993652, -0.32953184843063354, -0.5524511337280273, 0.32673901319503784, 0.10629746317863464, 0.08178533613681793, 0.16425876319408417, 0.757520318031311, 0.550377368927002, 1.4085917472839355, 0.2528911232948303, 0.7127479314804077, -1.0042601823806763, 0.13049915432929993, -0.1187228187918663, 1.1908183097839355, 0.4314686059951782, 0.005464797839522362, 0.20621301233768463, -0.06768880039453506, -0.40829718112945557, -0.733782947063446, 0.20744872093200684, -0.3047546446323395, 1.2668081521987915, 0.1335180699825287, -0.7833475470542908, 0.40793564915657043, -0.469672828912735, -0.7601632475852966, -0.13963426649570465, 0.09927815198898315, -0.09137257933616638, -0.4830856919288635, 1.446150541305542, 0.5136470198631287, -0.0768912136554718, -0.1254320740699768, 0.14602302014827728, -0.8432596325874329, 0.2639177441596985, 0.3250874876976013, -0.4751642942428589, -0.38071948289871216, -0.550337553024292, -0.44079476594924927, -1.0554840564727783, -1.025915265083313, -0.40327218174934387, 0.3208179473876953, 0.05961743742227554, 1.287721872329712, 1.4176136255264282, 0.19800490140914917, -0.001491539180278778, 0.09775303304195404, 1.0133718252182007, -0.41191574931144714, 0.6641544699668884, -0.4308595657348633, 0.386577308177948, -0.9453427791595459, 0.3595721423625946, -0.7640553116798401, 0.07141763716936111, -0.0337180569767952, -0.01691577583551407, 0.9234511852264404, -0.07496796548366547, -0.6155058741569519, 1.1397087574005127, 0.3497326076030731, -0.42171719670295715, -0.20706121623516083, 1.473601222038269, 0.11679073423147202, -1.2767564058303833, 0.9409215450286865, -0.6003304719924927, -0.34900349378585815, 0.8525164127349854, 0.3850252330303192, -0.1551619917154312, 0.14500640332698822, -0.1844206303358078, 0.23161844909191132, 0.6713728904724121, -2.4698679447174072, 0.7068952918052673, 1.3104569911956787, -0.4163590669631958, -0.27116087079048157, -1.0167092084884644, 0.2620777487754822, -0.9816362857818604, 0.24301636219024658, 0.5892094969749451, -0.29928287863731384, 0.6641307473182678, -0.34365788102149963, 0.1582833230495453, 1.1971683502197266, -0.7143052816390991, 0.008025605231523514, 0.20819880068302155, -0.39951661229133606, -0.9021838903427124, -0.74063640832901, 1.1429075002670288, 0.17805999517440796, 0.07197826355695724, 0.12299945950508118, 1.015762448310852, 0.3408212959766388, 0.20264819264411926, -0.49287453293800354, 0.8884665369987488, 0.3039078414440155, 0.2226841151714325, -0.155345156788826, -0.10933347046375275, 0.568555474281311, 0.07852286845445633, 1.3902267217636108, -0.2504653334617615, -0.152415931224823, -0.912331223487854, 0.12214423716068268, -0.3185531497001648, -0.13833191990852356, 1.602720856666565, 0.7422938346862793, 0.935243546962738, -0.22141200304031372, 0.5758264064788818, -0.3347485065460205, 0.05149031803011894, 0.5055652856826782, 0.22787606716156006, -0.027949653565883636, -0.5385995507240295, 0.2574666142463684, -0.06244230270385742, 0.13767141103744507, -0.3926636874675751, 0.181248739361763, 0.6560998558998108, 0.7042731642723083, -0.44253382086753845, 1.0226820707321167, 0.5490742921829224, 0.5215753316879272, 1.288711667060852, 0.032411716878414154, 0.1282382607460022, -0.40058624744415283, 0.32646575570106506, 0.4832914471626282, 0.137413889169693, -0.1613445281982422, 0.8140096068382263, 0.13425268232822418, 0.46290379762649536, 0.22180606424808502, 1.0566126108169556, 0.7487009763717651, -0.3459383547306061, -2.173635244369507, -0.07298214733600616, -0.9488489627838135, 0.1565256267786026, 0.5901544094085693, 0.35378149151802063, -0.2698083221912384, 0.22790312767028809, -6.320327520370483e-05, -0.9210742115974426, 0.5210622549057007, -0.6516016125679016, -1.2270886898040771, 0.8084967732429504, 0.368778258562088, -0.608193576335907, -0.29907041788101196, -0.1149546429514885, -0.6138553023338318, -0.44531795382499695, -0.24782145023345947, -0.418708473443985, 0.5018272995948792, 0.11881755292415619, 1.4040426015853882, 0.25461316108703613, 0.0028874576091766357, -0.6972009539604187, 1.0020211935043335, 0.7130622267723083, -1.3441312313079834, 0.8573262691497803, 0.15418843924999237, -0.06487429141998291, -0.45686426758766174, -0.8130942583084106, -1.1380912065505981, 1.1444499492645264, -0.463695228099823, -0.0281154103577137, -1.0890592336654663, -0.47444799542427063, 0.16502982378005981, 0.03825778886675835, 0.8337687849998474, -0.9680306315422058, -0.11731143295764923, -0.7244024276733398, -0.5271358489990234, 0.5001031160354614, -1.5648269653320312, -0.5995326042175293, 0.5060741901397705, 0.04227796941995621, 0.8007687330245972, -0.8721305131912231, -0.09801523387432098, 1.6757957935333252, 0.032353416085243225, -0.03817085176706314, -0.007690891623497009, -11.755829811096191, 1.5388894081115723, 0.168302983045578, 0.5221127867698669, 0.8319956660270691, -0.8731117248535156, 0.2374035120010376, -0.3511658310890198, 0.21525681018829346, -1.139794945716858, -0.0002835467457771301, 0.737187922000885, 0.42052125930786133, 0.30496761202812195, -1.3024113178253174, -1.2959803342819214, -1.118304967880249, -0.9036787748336792, -0.07432805746793747, 0.05626174062490463, -0.16243712604045868, -0.43149125576019287, -0.46765565872192383, 0.26285940408706665, 0.322330117225647, -0.0817287266254425, -0.7024728059768677, -0.32544419169425964, -0.4144430160522461, 0.11310282349586487, 1.1877539157867432, -0.04541970416903496, -0.3924301266670227, -0.5070783495903015, -0.4722138047218323, -0.12632820010185242, -0.2616095244884491, 0.7235656380653381, 0.7637408375740051, 0.4137142300605774, 0.018786173313856125, 0.42759889364242554, 0.3466702103614807, 0.33027034997940063, -0.08070448040962219, 0.4197274446487427, 0.3028448522090912, -0.8304445743560791, -0.06777407228946686, -0.2612574100494385, -0.013599589467048645, -0.0378563329577446, -0.40618228912353516, -0.8113172054290771, 0.09702315181493759, 0.4182264506816864, -1.0151807069778442, -0.11428516358137131, -1.1870739459991455, -1.4365191459655762, 0.02764097973704338, 0.04050492122769356, -0.6761654019355774, 0.4769227206707001, 0.38423797488212585, -0.228897362947464, 0.011176638305187225, 0.7470354437828064, -1.020647644996643, 0.4688667058944702, -0.6353868246078491, 1.3454210758209229, 0.40687739849090576, 0.9127028584480286, -0.9994834065437317, 0.10279648005962372, -0.6227865219116211, 0.9732477068901062, 0.345993310213089, 0.01528332568705082, -1.3845583200454712, 1.2432559728622437, 0.37466961145401, -0.680432140827179, -1.2999083995819092, 0.26671504974365234, 0.16864266991615295, 0.15490877628326416, 0.9861149787902832, -1.0270521640777588, 1.2894083261489868, 0.31503355503082275, -0.8235355615615845, -0.47919538617134094, -0.08109436929225922, 0.5628712177276611, 0.3341602087020874, 0.288112610578537, -0.2695748805999756, -0.5537846088409424, -0.2116287350654602, -1.0563520193099976, -0.9621618986129761, 0.6355903744697571, 0.11902207881212234, 0.36319050192832947, 0.9746868014335632, -0.4866617023944855, 0.2837120294570923, -0.42654892802238464, 0.6616292595863342, -0.3879932761192322, -0.24606572091579437, 1.121397852897644, -0.22688502073287964, 0.6052084565162659, 0.739620566368103, -0.17541491985321045, 0.7669445276260376, 0.6080198884010315, -0.3864598274230957, 0.5977306962013245, 0.4416978657245636, 1.5902764797210693, -0.2387365996837616, 0.262501060962677, 0.6883165836334229, 0.21920102834701538, 0.08513232320547104, -1.409263014793396, 0.890595555305481, -0.3886820077896118, -0.27264341711997986, -0.13993453979492188, -0.5397326350212097, 0.1376904845237732, -0.31606733798980713, 1.1651986837387085, -1.2661687135696411, 0.42271071672439575, 0.10817255079746246, -0.15656810998916626, -1.0702354907989502, -1.4310593605041504, -0.8575755953788757, 0.12055423855781555, -1.2229533195495605, 0.7837331295013428, -0.5956959128379822, 0.012575149536132812, -0.0008923858404159546, -0.5899242162704468, 1.394304871559143, 0.04680982232093811, -0.4644964635372162, -1.0245630741119385, -0.08564476668834686, -0.26735082268714905, -0.5440624356269836, -0.230740487575531, 0.5634180903434753, 0.46442511677742004, -0.8409970998764038, 1.518520474433899, 0.3026421070098877, -0.22707323729991913, 0.10752848535776138, -0.1892964392900467, -0.6576061248779297, -0.11550933867692947, 1.042664647102356, -1.1829006671905518, 0.07641489803791046, -0.14570240676403046, -0.12983447313308716, -1.5083413124084473, 0.12916460633277893, 1.2328897714614868, -1.1439412832260132, -0.3196795582771301, -0.24565759301185608, 1.2552711963653564, -0.06730373203754425, -0.7042254209518433, 0.047332361340522766, -0.10596578568220139, 0.31321457028388977, 0.4454672336578369, 0.3758395314216614, 1.3215925693511963, -1.2532007694244385, -1.0753884315490723, -0.47997453808784485, -0.12441353499889374, 0.9267457723617554, 0.8717463612556458, 0.7362130880355835, 0.7927744388580322, -0.2338481992483139, 0.13141724467277527, 0.12786903977394104, 0.7488435506820679, 0.05339615419507027, 0.024426434189081192, -0.23260945081710815, -0.10812317579984665, -0.21398350596427917, -0.5254536867141724, 0.3659951686859131, 1.1552268266677856, -0.508501410484314, -0.15180706977844238, -0.04308519884943962, -0.43629613518714905, 0.3715628385543823, -0.8399896621704102, -0.4367212951183319, -0.37808072566986084, -0.40478166937828064, -1.425851583480835, 0.30579903721809387, 1.1923983097076416, -0.4336732029914856, 1.3240102529525757, 0.0635945275425911, 0.8691257238388062, 0.6189302206039429, 0.10858476161956787, 0.4571964144706726, 0.10618772357702255, 0.2951655387878418, 0.33504632115364075, -0.09191140532493591, 0.10257027298212051, -0.552241861820221, -0.6715231537818909, -0.17885805666446686, 0.7303568124771118, -0.5882481932640076, 0.4340633451938629, -0.48950833082199097, 0.2574375867843628, 0.8214680552482605, 0.932016909122467, -0.7840970754623413, -1.074697494506836, -0.2921336889266968, -0.960028350353241, 0.0003748945891857147, 0.8140592575073242, 0.31085801124572754, 0.6042016744613647, 0.8968007564544678, -0.14044217765331268, 0.5983703136444092, -0.945848822593689, 0.10525752604007721, -0.10341931134462357, -0.2704383134841919, 1.2657300233840942, 0.5887869596481323, 0.29753631353378296, 0.5070249438285828, -0.08106707781553268, -0.596578061580658, 0.13769957423210144, -1.0667234659194946, 0.6463075280189514, 0.4246010184288025, -0.6481618285179138, -0.8026848435401917, -0.4279929995536804, 0.4580271244049072, -0.7551513314247131, 0.4564487338066101, -0.2287076860666275, -0.5184095501899719, -0.5233304500579834, -0.38157737255096436, -0.37309080362319946, 0.42194893956184387, 0.3547581136226654, -0.5510668754577637, -0.735569953918457, 0.7540243864059448, 0.16718707978725433, -0.32549726963043213, -0.4123940169811249, -0.2846173048019409, -0.8972213268280029, -0.2342137098312378, -0.5627917051315308, -0.4909746050834656, -0.650364875793457, -0.1716252565383911, -0.7281404137611389, 0.4226751923561096, -0.06189662590622902, -0.8184382319450378, -1.1224720478057861, 0.1872498244047165, -0.5482457876205444, 0.40122225880622864, -0.324942946434021, 0.3105681836605072, -1.4884004592895508, 0.2956022024154663, 0.7182669639587402, -0.34180203080177307, -0.21905012428760529, 0.008763876743614674, 0.657161295413971, -0.07342259585857391, 0.8536971807479858]} +{"paper_id": "fquad", "embedding": [-0.21673621237277985, 1.3889352083206177, -0.07040077447891235, -0.46809905767440796, 0.5546104907989502, -0.12536072731018066, -0.12652742862701416, 1.1080479621887207, 1.0523046255111694, 0.5599167943000793, 0.702802300453186, -0.28367966413497925, 0.31217390298843384, -0.2299308031797409, -0.1754300594329834, -0.5127251744270325, -0.9885035157203674, -0.5793846249580383, -1.7591065168380737, -0.5142437815666199, -0.6086902618408203, -0.8470314741134644, 0.15824712812900543, 1.1792598962783813, -0.7789851427078247, -1.0037956237792969, 0.8116325736045837, -1.0296587944030762, 0.32383647561073303, 0.02290775626897812, 0.02335689216852188, 0.3312920331954956, -1.599915623664856, 0.41461536288261414, -0.16662243008613586, -0.7193965911865234, 0.3558216989040375, 1.1905306577682495, 0.3074488937854767, -0.5543099641799927, -0.8600336313247681, 0.05486668646335602, 0.6188961267471313, 0.14723621308803558, 1.5454285144805908, -0.9021483063697815, 0.464040070772171, -0.39269059896469116, -0.20716387033462524, -0.27571943402290344, -0.6866084337234497, 0.02082722634077072, 0.1079719066619873, 0.6991510391235352, -0.5982029438018799, 0.4749060869216919, 0.19116899371147156, -0.6814405918121338, 0.7643189430236816, -0.6891382932662964, 1.3949626684188843, 2.1485860347747803, -0.13363729417324066, 0.21259081363677979, 1.2942492961883545, 0.16824986040592194, 1.618802785873413, 0.17877690494060516, -0.07450694590806961, 0.49082574248313904, -0.2411973625421524, -0.26489073038101196, 0.921260416507721, -0.04271836578845978, 0.5109767913818359, 0.9570302963256836, 0.35707634687423706, 0.23449595272541046, -0.17096656560897827, -0.7677262425422668, -0.754570484161377, 0.5360525846481323, 0.539228618144989, -0.6202486753463745, -0.05826304480433464, 0.21177902817726135, 0.16686177253723145, -1.1772563457489014, 0.5329868793487549, -2.131239175796509, 0.9173349142074585, 0.45396688580513, 0.04683968797326088, -0.11496113240718842, -0.2441031038761139, 0.16938793659210205, -0.558769166469574, -0.09504382312297821, -0.164765402674675, -0.34170815348625183, 0.7531724572181702, -0.41544002294540405, 1.2719720602035522, -0.38735127449035645, 0.07035930454730988, 0.51846843957901, 0.07887765765190125, -0.138658344745636, -0.8336108922958374, -1.0124160051345825, 0.641042947769165, 1.064720869064331, -0.3640197813510895, 0.6294936537742615, 0.15992794930934906, 0.46694841980934143, 0.6293438076972961, -0.9848939180374146, -0.20639988780021667, -0.05607631802558899, -0.27061331272125244, -1.2167398929595947, -0.7909643054008484, -0.43692249059677124, -0.04194141924381256, -0.8879104852676392, -0.14132285118103027, -0.951644241809845, -0.13289925456047058, 0.1456950455904007, 0.6348876953125, 0.20860137045383453, -0.7745236158370972, -0.2625630795955658, 3.1925649642944336, -1.4653912782669067, 1.549798607826233, -0.3750188946723938, 0.0799073651432991, -0.9540122151374817, -0.692892849445343, 1.5474375486373901, -0.3126477897167206, -1.3659391403198242, -0.36499059200286865, 0.5756971836090088, -0.6070458889007568, 0.28432151675224304, -0.9340051412582397, -0.7042078375816345, 0.07827237248420715, 0.09727063030004501, -1.8024426698684692, -0.9100212454795837, 0.04796666279435158, 0.07703619450330734, -0.10338713228702545, 0.5487188696861267, -0.28825151920318604, 1.2438560724258423, 0.021421488374471664, -0.17391961812973022, -0.40145599842071533, 0.6300041675567627, -1.038941502571106, -0.21695108711719513, 0.6954771280288696, -0.04710594192147255, -0.511162519454956, -0.0046041980385780334, 0.6302059888839722, -0.581912636756897, -0.41033416986465454, -0.1450575441122055, 0.2760724425315857, 0.46006539463996887, 0.5828816294670105, 0.5270387530326843, -0.08261119574308395, -0.7172483205795288, 0.06469560414552689, -0.47481170296669006, 0.056613825261592865, 0.8214591145515442, 0.30990633368492126, 0.7080615758895874, -2.4933533668518066, -0.02810901403427124, 0.08300237357616425, 1.0143153667449951, -0.2241307497024536, -0.16636322438716888, 0.050327591598033905, 0.27298712730407715, 0.3059214949607849, -1.001023769378662, 0.7656232118606567, -0.9778326153755188, 0.14310243725776672, 0.17013835906982422, -0.14080169796943665, -0.22569243609905243, 0.22570446133613586, 0.8332493901252747, 0.4074415862560272, -0.48811477422714233, -0.9853242039680481, -1.9776949882507324, 0.3193018138408661, 2.6417109966278076, 0.407920777797699, -1.0802878141403198, -0.49448513984680176, -0.5685037970542908, -0.35527387261390686, -0.5315136909484863, 0.12585455179214478, -0.40600472688674927, 0.17191874980926514, -0.6483242511749268, 0.7744202017784119, -0.8667973279953003, 0.17490655183792114, 1.033384919166565, 1.3024674654006958, -0.487020343542099, -0.20727095007896423, -0.2882814407348633, -0.5210243463516235, 0.7327681183815002, 0.6597868204116821, 0.11660631746053696, -0.3700329661369324, 0.545103907585144, 0.11515752971172333, 0.9504919052124023, 1.1546450853347778, 0.46558648347854614, -0.4942993223667145, 0.31289467215538025, -0.09754146635532379, 1.630350947380066, -0.37668800354003906, 0.10882135480642319, 0.33017200231552124, -0.08488168567419052, -0.5120861530303955, -0.24253152310848236, -0.2527105212211609, -0.18097275495529175, 1.0187913179397583, 0.4510454535484314, -0.6027307510375977, 1.2519078254699707, -0.67730313539505, -0.27847757935523987, -0.17067895829677582, 0.15297886729240417, -0.4490334987640381, -0.456668496131897, 0.6476960182189941, -0.8228058218955994, -0.05435823276638985, -0.17704340815544128, 0.2900574207305908, -1.4811866283416748, -0.9908683896064758, 0.11794552952051163, -0.6503633856773376, -1.253539800643921, -0.5147163271903992, -0.24646295607089996, -1.1694191694259644, -0.46074092388153076, 1.0456403493881226, 0.5039618611335754, 0.4839930832386017, 1.0564924478530884, 1.8516899347305298, 0.1447928249835968, 0.5202146172523499, 0.448553204536438, 1.3574591875076294, -0.8064476847648621, 0.2753826677799225, -0.043675877153873444, 0.21550285816192627, -0.5128811001777649, 0.1409117579460144, -0.5156139135360718, 0.6791926622390747, 1.2945774793624878, -0.2804780602455139, 1.1694414615631104, -0.47159168124198914, -1.5407154560089111, 0.6257968544960022, -0.2972124218940735, 0.33563342690467834, -0.8620275259017944, 1.9013824462890625, 0.22362865507602692, -0.5436860918998718, 0.9883924722671509, -0.910753607749939, -0.2669486105442047, 0.5480308532714844, -0.14478492736816406, 0.0550236850976944, 0.24440304934978485, -0.37713879346847534, -0.09833204746246338, 0.47986897826194763, -2.142835855484009, 1.2179275751113892, 1.2454402446746826, 0.07354465126991272, -0.48790833353996277, -1.037340760231018, 0.4836183190345764, -0.4914391040802002, 0.01166255958378315, 1.1249951124191284, -0.4794498085975647, 1.010699987411499, 0.0074656009674072266, -0.05413895845413208, 0.9123281836509705, -0.25343942642211914, 0.7083849906921387, 0.8068299889564514, 0.5223461389541626, -1.2680593729019165, -0.19019997119903564, 1.126788854598999, -0.7089506983757019, 0.0563272163271904, 0.18914631009101868, 0.7391287088394165, 1.2424049377441406, -0.3712439239025116, -0.22410792112350464, 0.6056596636772156, 0.4091857969760895, 0.31065577268600464, 0.19363164901733398, -0.39351028203964233, 0.34015172719955444, 0.007762104272842407, 1.2542712688446045, -0.19284658133983612, -1.3676717281341553, -1.2901864051818848, -0.26847946643829346, -0.22373032569885254, -0.07960885018110275, 1.9028886556625366, 0.22346186637878418, 1.6820262670516968, 0.49758821725845337, 0.27493155002593994, -0.2806034982204437, 0.11239828169345856, 1.4472863674163818, 0.14190901815891266, -0.36785757541656494, -0.6462339162826538, 0.41503939032554626, 0.832547664642334, 0.4146355092525482, -0.4318537414073944, 0.7537775039672852, 0.9242970943450928, -0.09414802491664886, -1.702858567237854, 0.8559650182723999, 0.8699010610580444, 0.41079533100128174, 1.6968629360198975, -0.7833308577537537, 0.2536674439907074, 0.5038426518440247, 0.3459213078022003, 0.13195763528347015, 0.23657897114753723, 0.5165327787399292, 1.2104876041412354, 0.7593954801559448, 1.0030611753463745, -0.1091318428516388, 0.9358639717102051, 1.232744574546814, -0.9289306402206421, -0.9900131225585938, -0.4418427050113678, -0.8303121328353882, -0.31794634461402893, 0.16105210781097412, 0.4381137192249298, -1.0830652713775635, 0.3009193539619446, 0.1820734143257141, -1.142936110496521, 0.3035528063774109, -0.44256752729415894, -1.5160245895385742, 1.0686008930206299, 1.282524585723877, -0.6638192534446716, -0.669545590877533, -0.6878944635391235, -0.9889107346534729, -0.6241194605827332, 0.04598928242921829, -1.601494312286377, 0.30025553703308105, -0.0936560183763504, 1.1038480997085571, 0.28938430547714233, -0.4929453134536743, -1.300079584121704, 0.665354311466217, 1.6035945415496826, -0.7691726684570312, 0.3977855443954468, 0.00839235819876194, 1.034199833869934, -0.3803483545780182, -1.7299989461898804, -0.8552969694137573, 0.5649240612983704, 0.2265995740890503, 0.11991751939058304, -1.0491094589233398, -0.10968127846717834, 0.6836627721786499, 0.7856063842773438, 0.7065872550010681, -0.943543016910553, -0.053961269557476044, -0.9949671626091003, 0.007059803232550621, 0.9255591630935669, -1.266556739807129, -0.46026530861854553, 0.5175979137420654, -0.7019340395927429, 0.7781461477279663, 0.16240543127059937, 0.3948657214641571, 1.4733020067214966, -0.23110443353652954, -0.19222226738929749, -0.8853777050971985, -10.06727409362793, 0.9784169793128967, -0.5734612345695496, 0.12389731407165527, 0.627984344959259, -0.5208186507225037, 0.9099732637405396, -0.360699325799942, 0.5205651521682739, -0.948631227016449, 0.4828754663467407, 1.1055282354354858, 0.5909823179244995, -0.2062944769859314, -0.5359911322593689, -0.949851930141449, -0.7778382301330566, -0.7109686732292175, 0.40738677978515625, 0.3716985285282135, -0.5956481695175171, -0.6893884539604187, 0.05436725914478302, 0.4718369245529175, 0.10731582343578339, 0.19650620222091675, -0.45331326127052307, -0.46948012709617615, -0.1892467737197876, 0.09877447783946991, 0.17181667685508728, -0.2562373876571655, -0.7484109997749329, -0.3307265341281891, 0.3592451214790344, -0.7573449015617371, -0.9957624673843384, -0.6806827783584595, 0.9802567958831787, -0.6255327463150024, -0.4364190101623535, -0.30123642086982727, 0.7234902381896973, -0.11850379407405853, -0.3627956211566925, 0.12638889253139496, 0.2465171217918396, -1.1318193674087524, -0.11889269948005676, -0.6462203860282898, -0.742151141166687, -0.23015308380126953, -1.0100042819976807, -0.5881648063659668, 0.5518818497657776, 0.46570971608161926, -0.6478057503700256, -0.5156676769256592, -0.3478515148162842, -1.0648165941238403, 0.3842942416667938, 0.2901489734649658, -0.4959856867790222, 0.49128299951553345, -0.1316436231136322, -0.1968349814414978, 0.44480419158935547, 0.1889682561159134, 0.2995670735836029, 0.511914849281311, -0.6334018707275391, 1.1966159343719482, 0.2497829794883728, 0.19388291239738464, -0.8690849542617798, -0.15839946269989014, -0.6020275950431824, -0.054215602576732635, 0.25138750672340393, 0.3226531147956848, -1.2278122901916504, 0.7118479013442993, 0.5821931958198547, -0.6837525367736816, -0.7067317962646484, -0.07228168845176697, -0.44382336735725403, 0.7258524894714355, 1.1617329120635986, -0.7951709032058716, 1.459704875946045, 0.34514573216438293, -0.5071459412574768, -0.173479825258255, -0.620478630065918, 1.0275410413742065, -0.9352555871009827, 0.9730435013771057, 0.3533309996128082, -0.27289915084838867, 0.1316884458065033, -0.24813589453697205, -0.38855910301208496, 0.045651908963918686, 0.919711172580719, 0.3796541094779968, 0.14262190461158752, 0.018224656581878662, 0.15970586240291595, -0.6857662200927734, 1.4453848600387573, 0.6856582760810852, -0.13138830661773682, 1.0302174091339111, -0.004027456045150757, 1.1704590320587158, 0.050357796251773834, 0.33798494935035706, -0.3251758813858032, 1.0078377723693848, -1.0868463516235352, 1.1415305137634277, 0.43410724401474, 1.8823983669281006, -0.12870024144649506, 0.186353400349617, 0.6858176589012146, 0.2627623677253723, 0.1758444607257843, -1.1108276844024658, 0.5644485950469971, -0.6767151355743408, -0.01386859081685543, -1.0949387550354004, -0.28047889471054077, -0.11242378503084183, -0.9472978115081787, 1.6673978567123413, -1.1144298315048218, -0.518447756767273, -0.18429811298847198, -0.45508816838264465, -0.3300679326057434, -1.167772650718689, -0.8288611173629761, 0.3154257535934448, -1.681854009628296, 0.2395440936088562, -0.21695610880851746, -0.5523984432220459, -0.4204403758049011, -0.18412475287914276, 0.9013218283653259, -0.32293200492858887, -0.49625709652900696, -0.3211294710636139, 0.6017611622810364, -0.9376533627510071, -0.8321598172187805, -0.32120072841644287, 0.10652485489845276, 1.3134969472885132, -0.8264033794403076, 1.0350171327590942, 0.559816837310791, -0.7564157843589783, -0.8594670295715332, 0.6561121940612793, -0.4008711278438568, 0.9998018741607666, 0.8903027176856995, -0.8266822099685669, -0.09526793658733368, -0.5842843651771545, -0.41684621572494507, -0.5149495601654053, 0.05324403941631317, 1.4929518699645996, -1.014838695526123, -0.04587821662425995, -0.06037605181336403, 1.0615723133087158, 0.35481011867523193, -0.7692094445228577, -0.020644426345825195, 0.4544718861579895, -0.2569827139377594, 0.5071245431900024, 0.28906410932540894, 0.7795326709747314, -1.7979296445846558, -1.253873586654663, -0.016408585011959076, -0.13832911849021912, 0.3706972002983093, 0.1963520646095276, 0.7461604475975037, 0.19604584574699402, -0.5127537846565247, -0.49530908465385437, -0.4408508539199829, 0.5929058790206909, 0.579837441444397, 0.40350863337516785, -0.14396916329860687, -0.04865318536758423, -0.4116770625114441, 0.11041747033596039, 0.6261688470840454, 0.9551279544830322, -1.0091532468795776, -0.31881433725357056, 0.07254663109779358, 0.10896947979927063, -0.026001127436757088, -1.1868935823440552, 0.12816515564918518, 3.725290298461914e-05, -0.3888545036315918, -1.7733259201049805, 0.075828418135643, 1.3402832746505737, -0.3989427089691162, 0.6971081495285034, 0.6004504561424255, 0.6468464136123657, 0.5311785340309143, 0.3879849910736084, 1.0976250171661377, -0.2753334641456604, -0.1380603015422821, 0.12701545655727386, 1.0340365171432495, -0.00819282978773117, -0.8833537697792053, -0.41552335023880005, -0.7121946215629578, 0.30680957436561584, -0.2696385383605957, 0.7241243124008179, -0.09357768297195435, 0.4909706711769104, 0.8172969222068787, 1.261898159980774, -0.15815448760986328, -1.5807369947433472, -0.35989198088645935, -1.1653120517730713, 0.021431375294923782, 0.5152308940887451, -0.1436470001935959, 0.550789475440979, 0.6222749948501587, -0.240277960896492, 1.5352431535720825, -0.6185789704322815, 0.2526865601539612, -0.05527056008577347, -0.5595355033874512, 1.023236632347107, 0.649040699005127, 0.07938984036445618, 0.3596482276916504, -1.134466290473938, -0.7914342880249023, -0.2959956228733063, -1.0198698043823242, 1.042593002319336, 0.8205781579017639, -0.2707202136516571, 0.06538088619709015, -0.16289809346199036, 0.9008697271347046, -0.5902596712112427, 1.0460704565048218, 0.1629372239112854, -0.10503625869750977, -0.3751513957977295, -1.2883532047271729, -0.01885649934411049, 0.4643218219280243, -0.26740437746047974, 0.1796899437904358, -0.3531082272529602, 0.3670642375946045, 0.21451567113399506, -0.1735910326242447, -0.9210812449455261, -0.3801552355289459, -0.5571431517601013, 0.16762769222259521, 1.0087815523147583, -0.49070876836776733, -0.9517903327941895, -0.19402530789375305, -1.0751471519470215, 0.21898600459098816, 0.2836185097694397, -0.6965973973274231, -0.7745243906974792, 0.3627888560295105, -0.276088148355484, 0.16693352162837982, 0.48705631494522095, -0.00253400020301342, -1.6839665174484253, 0.7700521349906921, 1.475828766822815, -1.0189502239227295, -0.3813624680042267, -0.12341808527708054, 0.3304537236690521, 0.14334219694137573, 1.2607516050338745]} +{"paper_id": "crawl_domain", "embedding": [-1.1246049404144287, 0.6135783195495605, -0.270161896944046, -0.46214553713798523, 0.41879937052726746, -0.031866949051618576, 0.5167137384414673, 0.5152599215507507, 0.5703637599945068, 1.1871774196624756, 0.44767704606056213, 0.32593485713005066, -0.07615479826927185, -0.03826964646577835, -0.5253438353538513, -0.2498968541622162, -0.273825466632843, -1.262548804283142, -0.07247591763734818, -0.6323253512382507, -0.9650318026542664, -1.1233285665512085, -0.169001966714859, -0.26895737648010254, -1.0164738893508911, -0.49351266026496887, 0.4819502830505371, -0.5462580323219299, 0.42298877239227295, 0.3002178370952606, -0.161393404006958, 0.6515555381774902, -1.5317901372909546, 0.11507122963666916, -0.6518202424049377, 0.5549295544624329, 0.31682366132736206, 0.6042988896369934, -0.6257137656211853, 0.16294775903224945, -0.5137965679168701, -0.0938475951552391, 1.9048885107040405, -0.13911329209804535, 0.8580801486968994, -0.10575774312019348, 0.9717381596565247, 0.32461199164390564, 0.6758340001106262, 0.26721370220184326, -0.31768062710762024, 0.2796786427497864, 0.2856431305408478, 0.03199651092290878, -0.10653946548700333, 1.316361904144287, 0.18295368552207947, -0.34226277470588684, 0.9723740816116333, -0.8202147483825684, 0.6162325143814087, 0.8971651792526245, 0.2519688606262207, -0.02429039403796196, 0.08794624358415604, 0.10658936202526093, 1.0545570850372314, 0.22232018411159515, 0.7542617321014404, 0.4929521679878235, 0.11864277720451355, -1.5951200723648071, 0.7775503993034363, -0.8831285834312439, 0.49719342589378357, 0.9951421022415161, 0.36756354570388794, -0.5918146371841431, 0.2875637114048004, 0.036948904395103455, 0.17325766384601593, 0.9633579254150391, 0.5626484751701355, 0.08273220807313919, -0.26184383034706116, -0.5718300938606262, -0.004490498453378677, -0.6266677975654602, 0.5614803433418274, -1.2501791715621948, 0.5181348323822021, 0.21591903269290924, -0.5742228031158447, 0.05269300937652588, 0.34064167737960815, 0.4054299592971802, -0.8585027456283569, -0.15369825065135956, -1.0976104736328125, 0.6958653330802917, 0.572174608707428, -0.4754062592983246, 0.47246989607810974, -0.23583552241325378, 0.20432163774967194, 0.687660276889801, -1.0876457691192627, -0.03063732385635376, -0.7642512917518616, 0.02096979133784771, 0.29655230045318604, 1.2568455934524536, 0.1633874624967575, 0.20631596446037292, -0.47453826665878296, -0.330373615026474, 0.03662941977381706, -0.861875057220459, -0.35249626636505127, -0.13366717100143433, -0.14892727136611938, -1.4451473951339722, -0.16288790106773376, 0.3085952401161194, 0.680831253528595, -0.4787181317806244, 0.4859893321990967, 0.2700954079627991, 0.010152021422982216, 0.40988975763320923, 0.3880416452884674, -0.08197557926177979, -0.6781257390975952, -0.07298685610294342, 1.947326898574829, -1.0389649868011475, 1.193804383277893, 0.5880818367004395, -0.06388328969478607, -0.19835150241851807, 0.011025466024875641, 1.052268147468567, 0.5387815237045288, -0.6530110239982605, -0.8302785158157349, -0.19634605944156647, -0.3188002109527588, 0.5475389361381531, -0.5190608501434326, -0.13325589895248413, 0.28383684158325195, 0.49797385931015015, -1.5475890636444092, 0.25762125849723816, -0.21005691587924957, 0.38543030619621277, -0.1711641550064087, -0.11133548617362976, -0.9626694321632385, 0.9749272465705872, 1.143268346786499, 0.564141571521759, -1.0833775997161865, 0.2923370599746704, -0.8058622479438782, 0.07268867641687393, 0.9936919212341309, -0.2087426483631134, -1.5637593269348145, -0.11282452940940857, 0.5164795517921448, -0.4476211965084076, 0.7441113591194153, -0.08055351674556732, -0.37067872285842896, 0.08255617320537567, 0.8585858941078186, -0.18578828871250153, 0.2589412033557892, -0.37217071652412415, -0.28509238362312317, -0.13185912370681763, -0.24669009447097778, 0.6987031102180481, -0.24092544615268707, -0.0879698246717453, -1.7918941974639893, 0.15251004695892334, -0.2901776134967804, 0.8429536819458008, -0.010606706142425537, -0.2771429419517517, 0.08384417742490768, 0.06519627571105957, 0.12649884819984436, -0.6919434070587158, 0.27665549516677856, -1.4944722652435303, -0.2724944055080414, 0.6339585781097412, -0.060797855257987976, 0.20411577820777893, -0.15758895874023438, 0.5386437773704529, 0.4909980893135071, -0.5591458082199097, -0.3282647132873535, -1.984082818031311, 0.5992200970649719, 1.3742685317993164, -0.5418923497200012, -0.8816189765930176, -1.2035914659500122, -0.05817472189664841, 0.5034803748130798, -0.6711050271987915, 0.4116913080215454, -0.5956019163131714, 0.09186331182718277, -1.3296351432800293, 0.4163095951080322, -0.37185531854629517, 0.6860705614089966, 0.30334746837615967, 0.7512298226356506, -0.7323734164237976, -0.052053481340408325, -0.268874853849411, -1.182206392288208, 0.7380074858665466, 1.0099762678146362, -0.26400840282440186, -0.5505769848823547, 0.8382585048675537, 0.01675593852996826, 0.44494885206222534, 0.01227319985628128, 0.4609241783618927, -0.8928570747375488, 0.10714089125394821, 0.08880647271871567, 1.1135625839233398, -0.6592639088630676, -0.3318910002708435, 0.4245310425758362, 0.010030165314674377, 0.4192117750644684, -0.5311887264251709, 0.05554264783859253, -0.1859065592288971, 0.4010055363178253, 0.9785239100456238, -0.45200714468955994, 0.8363813161849976, -0.13191081583499908, -0.1584744155406952, 0.3952988386154175, -0.7922004461288452, -0.10828138142824173, -0.3669505715370178, 1.1269464492797852, 0.06131140887737274, 0.41866999864578247, -0.17401805520057678, -0.12170830368995667, -0.8240893483161926, -0.039605624973773956, 0.4178909361362457, -1.020510196685791, -0.5494556427001953, 0.257231742143631, -0.3940892219543457, -1.7536760568618774, -0.8160744905471802, 0.4958162009716034, 0.05412793159484863, 0.17074987292289734, 0.3261522650718689, 0.9143434762954712, -0.3099302053451538, 0.8891472816467285, -0.7962271571159363, 0.6466609239578247, -0.7376315593719482, 0.3236303925514221, 0.6009314656257629, -0.21443136036396027, -1.3326674699783325, -0.18740594387054443, -0.08767260611057281, 0.47431349754333496, -0.06962459534406662, -0.4633183777332306, 0.6040715575218201, -0.0905703604221344, -0.8001124262809753, 0.6194606423377991, 0.2638867199420929, -0.16630497574806213, -0.9156442880630493, 1.089207649230957, 0.38511282205581665, -0.04870264604687691, 0.5939260125160217, 0.7348061800003052, -0.04174555465579033, 1.1182221174240112, -0.48357418179512024, 0.4901752769947052, 0.5782057046890259, -0.1973389983177185, 0.1788354516029358, 0.5305354595184326, -1.934988260269165, 0.23619958758354187, 0.4566505253314972, 0.20646162331104279, 0.2696993350982666, 0.37161949276924133, -0.06882062554359436, -0.4998258054256439, -0.4476330280303955, 0.5088168382644653, -0.4939104914665222, 0.3502320647239685, -0.1355057656764984, 0.044909171760082245, 0.6032648086547852, -0.9246256351470947, 0.552629292011261, 0.4570101201534271, 0.31110796332359314, -0.3121289908885956, 0.6116918325424194, 0.5984021425247192, -0.37327760457992554, 0.8653228282928467, 0.4503362774848938, 0.8742908239364624, 0.4865833520889282, -0.6422500014305115, 0.07973834127187729, -0.36001551151275635, -0.08872582763433456, 0.02612275443971157, 0.304844468832016, 0.41589391231536865, 0.9217059016227722, 0.4965001344680786, 1.4223427772521973, 0.3396955132484436, -0.8641425967216492, -1.0963420867919922, 0.06271254271268845, -0.5572111010551453, -0.5179804563522339, 2.0129053592681885, 0.8129876255989075, 0.7094147205352783, 0.1514417976140976, 0.10044357180595398, -0.16261103749275208, -0.4206305146217346, 1.109130620956421, 1.2881358861923218, -0.07089906930923462, -0.46723636984825134, 0.41898050904273987, 0.3380320072174072, -0.4182656705379486, -0.6961791515350342, 0.04736090451478958, 0.25738194584846497, 0.037614673376083374, -1.1339449882507324, 0.11095407605171204, 0.25509679317474365, 0.16432109475135803, 0.9867459535598755, -0.7880521416664124, -0.10179109871387482, -0.4166046380996704, 0.22931644320487976, 0.12594720721244812, 0.49531489610671997, -0.8832366466522217, 0.15916034579277039, 0.2971585988998413, -0.16204789280891418, -0.3157181739807129, 1.4411262273788452, 1.2178702354431152, -0.6944045424461365, -1.2662725448608398, -0.46315810084342957, -1.7813581228256226, -0.24596397578716278, 0.04015380144119263, 0.055608976632356644, -1.1933585405349731, -0.0837421789765358, -0.3663959503173828, -0.9812132716178894, 0.6469696760177612, -0.62757807970047, -1.0993213653564453, 0.7502649426460266, 0.9021236896514893, -1.084183692932129, -0.36697548627853394, -0.4109879732131958, -0.5059773325920105, -0.37334737181663513, -0.3258192241191864, -0.6116460561752319, -0.08729483187198639, -0.26211079955101013, 0.201679989695549, 0.627980649471283, -0.03441215306520462, -0.5658857822418213, 0.8534337282180786, 0.9275552034378052, -0.05462341383099556, -0.1604876071214676, -0.9336994886398315, 0.09642226994037628, -0.4986351430416107, -1.1664764881134033, -0.824471116065979, 0.6154056787490845, 0.16066762804985046, -0.35166090726852417, -1.3932840824127197, -0.6938501000404358, 0.32725298404693604, 0.04274372383952141, 1.226338505744934, -0.17275841534137726, 0.3709565997123718, -0.9435437321662903, -0.18876339495182037, 0.328937828540802, -0.8215996026992798, -1.3630430698394775, 1.3375701904296875, 0.05689268559217453, -0.1387341022491455, -0.5860086679458618, 0.029561545699834824, 1.0761299133300781, 0.2706347405910492, -0.12625917792320251, -0.2182009220123291, -12.804551124572754, 0.16589564085006714, -0.040010131895542145, 0.714478075504303, 0.878364086151123, 0.8515704870223999, 0.8708455562591553, 0.06738977134227753, 0.7501741647720337, -0.6836690902709961, -0.19555599987506866, 1.3707414865493774, -0.05713627487421036, 0.23265136778354645, -0.3547619581222534, -0.7244901061058044, -0.30790242552757263, -0.241083562374115, 0.5846896171569824, -0.11914549022912979, -0.08430851250886917, -0.17558696866035461, -0.32586389780044556, -0.31081241369247437, 0.16861361265182495, -0.6414759755134583, 0.7802293300628662, -0.4233955442905426, -0.47187089920043945, -0.26677677035331726, 0.3408438265323639, 0.33285361528396606, -0.5806394815444946, -0.11549009382724762, -0.8561055660247803, 0.2821073532104492, -0.9162633419036865, -0.050413697957992554, 1.3786941766738892, -0.14035850763320923, -0.032247766852378845, 0.13606083393096924, 1.146159291267395, 0.6629502773284912, -0.7616504430770874, 0.6205213665962219, 0.16420355439186096, -0.6992647647857666, 0.14600414037704468, -0.22897285223007202, -0.029207274317741394, -0.41075119376182556, -1.1691886186599731, -0.4343055784702301, 1.23170006275177, -0.03502644971013069, -1.049944519996643, -0.09002497047185898, -1.067643404006958, -0.4905560612678528, 1.785127878189087, -0.32470667362213135, -0.24087196588516235, -0.01662662997841835, 0.5676706433296204, -0.8813943266868591, 0.46204620599746704, 0.5546913146972656, 0.11497185379266739, -0.18042856454849243, 0.020257189869880676, 0.6456959247589111, 0.9637093544006348, -0.02273857593536377, 0.2496149241924286, -0.34292250871658325, 0.08196594566106796, 0.06839390099048615, 0.036605119705200195, 0.8168192505836487, -1.1109743118286133, 0.9504528641700745, -0.2930886149406433, -0.37423551082611084, -1.2358428239822388, -0.3377523422241211, -0.7946395874023438, -0.08988397568464279, 0.27254265546798706, -0.026427820324897766, 0.9770429134368896, 0.4975115954875946, -0.6211447715759277, -0.3141404092311859, -0.8683754801750183, 0.3482341766357422, -0.48847562074661255, 0.04674389958381653, -0.7119580507278442, 0.058217186480760574, 0.48637884855270386, -0.2612747251987457, -0.47994670271873474, -0.12458010017871857, 0.06651324033737183, -0.06444310396909714, -0.09431525319814682, 0.4164182245731354, 0.05879829078912735, 0.19262073934078217, 0.3896084725856781, -0.7806653380393982, -0.3367588520050049, 1.3318301439285278, 0.11559191346168518, 0.9078700542449951, 0.6782217621803284, 0.0549745112657547, 1.4768867492675781, 0.32380837202072144, 0.10642626136541367, -0.1337330937385559, 0.9269408583641052, 0.749824047088623, 0.5108981728553772, 0.15821707248687744, -0.11418162286281586, 0.49249011278152466, -0.8433926701545715, -0.6333842873573303, 0.6144717335700989, 0.11236684024333954, -0.02174912579357624, -1.0089911222457886, -0.9870454668998718, -0.6682036519050598, -0.2787424921989441, 1.4246402978897095, -0.3691796064376831, 0.7863602042198181, -0.33789926767349243, -0.4671073853969574, -0.18244943022727966, -0.2317165583372116, -0.7541125416755676, 0.026638120412826538, -0.7813057899475098, -0.17141792178153992, -0.5137538313865662, -0.7446390390396118, 0.2530834376811981, -0.6640409231185913, 0.47728806734085083, -0.90032958984375, 0.3806857466697693, 0.07486610859632492, 0.5018353462219238, -0.023485176265239716, -0.5930386185646057, -0.07815220206975937, 0.3455151915550232, 0.14202213287353516, -0.32891422510147095, 0.7992643117904663, 0.7245640754699707, 0.4249888062477112, -0.4761583209037781, -0.1430024951696396, -0.5520702004432678, 0.2962256669998169, 0.5554026365280151, -0.9534770250320435, 0.14799782633781433, -0.01790756732225418, -0.21199175715446472, -0.9562066197395325, 1.0944881439208984, 0.9589654207229614, -0.6004543304443359, 1.0224727392196655, 0.35057297348976135, 0.48771560192108154, 0.12751984596252441, -0.5458250641822815, -0.17108680307865143, -0.3801875114440918, 0.3022170960903168, 0.7592017650604248, 0.05284338444471359, 0.5557630062103271, -1.2243415117263794, -1.2951610088348389, -0.4693424701690674, 0.6024256348609924, 0.43569549918174744, -0.326570600271225, 0.9063921570777893, 0.3054279088973999, 0.5058624744415283, 0.6155732274055481, 0.08731772005558014, 0.9026980996131897, -0.22667573392391205, 0.5440887212753296, -0.5933359265327454, -0.5102075338363647, -0.6310043334960938, 0.596005380153656, 0.6386005878448486, 0.7118439674377441, -0.8530951142311096, 0.5901990532875061, 0.8758238554000854, -0.1959790289402008, 0.06750982999801636, -0.5450611114501953, 0.14468061923980713, -0.023495281115174294, -1.154698371887207, -0.4995090663433075, 0.4623100757598877, 0.6345086693763733, -0.602032482624054, 0.6894355416297913, -0.14588551223278046, 0.5200285315513611, 0.4893701672554016, 0.7831805944442749, 1.5847549438476562, -0.3686246871948242, -0.7572514414787292, 0.615345299243927, -0.6731386184692383, -0.1806856393814087, -0.3182961344718933, 0.05509614199399948, -0.6719530820846558, 0.5852997899055481, -0.9786263704299927, -0.05408259481191635, -0.06885642558336258, 0.0581798255443573, 0.14970213174819946, 0.8427366614341736, -0.9823122024536133, -1.0713932514190674, -0.6116027235984802, -0.46770477294921875, -0.5135001540184021, 0.5137851238250732, 0.04740072041749954, 0.2794720232486725, 0.9216448068618774, 0.08404862880706787, 0.7271983623504639, 0.2578798830509186, 0.3788679838180542, -0.15464702248573303, -0.2338181883096695, 1.347191333770752, 0.9540269374847412, 0.31448301672935486, -0.1789097934961319, -0.004141680896282196, -0.6145323514938354, -0.6481598615646362, -0.04732080176472664, 0.17121990025043488, 1.1550369262695312, -0.5878668427467346, 0.09878547489643097, -0.8038501739501953, -0.12380632758140564, -0.5536646246910095, 0.4282797873020172, 0.26269063353538513, -0.9224464297294617, 0.21195515990257263, -0.46213391423225403, -0.41712892055511475, 1.2244791984558105, -0.44993293285369873, -0.1757916957139969, -0.48543399572372437, 1.0493783950805664, -0.5948421955108643, -0.5691952705383301, -0.4907609522342682, 0.7532961964607239, -0.12385617196559906, 0.8946323394775391, -0.07333818078041077, -0.2952604293823242, -0.5760814547538757, 0.7323354482650757, 0.006601516157388687, 0.13848038017749786, 0.21478916704654694, -0.8948237895965576, 0.31432783603668213, 0.5436561703681946, 0.0909515768289566, 0.8428483009338379, 0.07937835901975632, -0.4402145743370056, -1.150343656539917, 0.4333385229110718, 0.12466020882129669, 0.8428581357002258, 0.1800687611103058, 0.13050004839897156, 0.13973240554332733, 0.6257957816123962, 0.8099580407142639]} +{"paper_id": "flores", "embedding": [0.4694291353225708, 0.9064359068870544, 0.3733101487159729, 0.434188574552536, 0.6766408085823059, -0.32069507241249084, 0.9739199876785278, 0.9973711371421814, 0.824788510799408, 0.11014419794082642, 0.3112933039665222, 0.10783015936613083, 0.31645190715789795, -0.2093193233013153, -0.010757669806480408, -0.44923877716064453, -1.0599589347839355, -1.0592595338821411, -1.8301712274551392, -0.584437906742096, -0.4804353713989258, -0.018682630732655525, 0.08057281374931335, 0.5099125504493713, -0.407875657081604, -0.9078790545463562, 0.6426454186439514, -1.0190610885620117, 0.3646946847438812, 0.7060492038726807, -0.31649041175842285, 1.3685191869735718, -1.1131895780563354, 0.2573702335357666, -0.4519415497779846, -0.32172954082489014, 0.13469655811786652, 0.9786545038223267, -0.09054364264011383, 0.2464592158794403, -0.7440106272697449, -0.5618987083435059, 0.007971428334712982, 0.24890117347240448, 1.4470164775848389, -0.14959876239299774, -0.44280123710632324, -0.1276273876428604, -0.13868224620819092, -0.10474079847335815, -0.5972896814346313, 0.17417964339256287, 0.4498867392539978, 0.5576491355895996, -0.8640060424804688, 0.8919966816902161, 0.6479063630104065, -0.5244504809379578, 1.0367330312728882, -1.1345051527023315, 0.9978781342506409, 1.4570521116256714, -0.732702374458313, 0.16162705421447754, 1.2693164348602295, -0.06522011011838913, 1.5962425470352173, 0.665041446685791, 0.8069781064987183, 0.5510643720626831, 0.21861238777637482, -0.9537941217422485, 0.6613956689834595, 0.16379770636558533, 1.0897051095962524, 0.5898712873458862, 0.3026677668094635, 0.3976873755455017, -0.5751217007637024, -0.3937076926231384, -0.6660087704658508, 0.8228087425231934, 0.36511316895484924, -0.9774588942527771, 0.3080269992351532, 0.4711131155490875, 0.08561551570892334, -1.0966572761535645, 0.8359269499778748, -1.6567317247390747, 0.4525887966156006, 0.10801900178194046, 0.8302831053733826, 0.1490238606929779, -0.510546088218689, -0.09343517571687698, -0.19120298326015472, 0.390101820230484, -0.3268739581108093, -0.09514472633600235, 0.6893381476402283, -0.2863632142543793, 0.6468496918678284, -0.18980053067207336, 0.2833327353000641, 1.3419790267944336, -0.38117021322250366, -1.0607643127441406, -1.7431836128234863, -0.5624169707298279, -0.08859297633171082, 1.3152002096176147, -0.5132542252540588, 0.657326877117157, 0.22035738825798035, -0.2686428427696228, 0.039205893874168396, -0.30785712599754333, -1.1021292209625244, -0.4018101096153259, -0.5088050365447998, -1.0764579772949219, -0.6369979977607727, -0.2548820972442627, 0.6347224712371826, -0.9396833181381226, 0.33068394660949707, -0.7379762530326843, 0.46870121359825134, -0.33073726296424866, 0.7316946983337402, -0.06414979696273804, -0.5185069441795349, -0.3421540856361389, 3.081392526626587, -0.7437341213226318, 1.5545119047164917, -0.8507689237594604, 0.5699781179428101, 0.1617393046617508, -0.12313376367092133, 1.2875018119812012, -0.07374951243400574, -0.7682434916496277, 0.06816832721233368, 0.00209072045981884, -1.206221580505371, -0.1922774612903595, -1.0573210716247559, -0.5179464221000671, -0.2691841721534729, 0.6280125379562378, -1.1143662929534912, -1.2043416500091553, 0.19777055084705353, 0.29016947746276855, 0.28585824370384216, 1.0601710081100464, -0.7030971050262451, 0.4005472660064697, 0.14518237113952637, 0.2131926715373993, -0.3311203122138977, 0.5072760581970215, -1.0076484680175781, 0.17859996855258942, 1.6632109880447388, -0.28932324051856995, -0.5578402876853943, -0.7178314924240112, 0.8877396583557129, -0.21538886427879333, -0.07378509640693665, 0.34084269404411316, 0.2642199695110321, 0.7288232445716858, 0.5878916382789612, 0.934355616569519, -0.3837701976299286, -0.7244886159896851, -0.21538278460502625, -0.17893250286579132, -0.36152273416519165, 0.25655466318130493, 0.47372227907180786, 0.3880184590816498, -2.0787220001220703, -0.09930633008480072, 0.44415533542633057, -0.44630563259124756, -0.008447028696537018, -0.7632803320884705, 0.37854573130607605, -0.18547505140304565, 1.1683708429336548, -0.24667978286743164, 1.032813310623169, -0.5185709595680237, -0.8675774335861206, 0.568402111530304, -0.15478937327861786, 0.17004205286502838, 0.10794263333082199, 0.6506512761116028, 0.30260229110717773, -0.025594348087906837, -0.4228946268558502, -1.3103328943252563, -0.01851685345172882, 2.474299430847168, 0.09629962593317032, -0.4781630039215088, -0.8422852754592896, -1.228387713432312, -0.09350442886352539, -1.5833513736724854, 0.20755484700202942, -1.1604827642440796, -0.5530284643173218, -1.334736704826355, 0.24284014105796814, -0.5999298095703125, -0.011277161538600922, 0.4552968144416809, 1.1437314748764038, -0.357486367225647, -0.22889786958694458, -0.13430945575237274, -1.0585424900054932, 0.5181165337562561, 0.6285994648933411, 0.14870575070381165, -1.1197470426559448, 0.7929903268814087, 0.1582539975643158, 0.33706265687942505, 0.8280059695243835, 0.404141902923584, -0.6987651586532593, -0.31385767459869385, 0.18338072299957275, 0.5080021023750305, -0.5280264019966125, 0.05514027923345566, 0.4427088499069214, 0.8790862560272217, -0.8108006119728088, -1.0328119993209839, -0.4147660732269287, 0.16120648384094238, 1.3730642795562744, 1.1817165613174438, -0.5658025145530701, 1.6875510215759277, -0.8625194430351257, 0.19291946291923523, -0.2805565595626831, -0.8677231073379517, 0.31845390796661377, -0.26742488145828247, 0.786553144454956, -0.3279401361942291, 0.03083854168653488, -0.134458526968956, -0.25083333253860474, -1.5985803604125977, -0.3085440993309021, -0.6627954244613647, -0.8767104148864746, -1.543993353843689, -0.5490849018096924, -0.05017751455307007, -0.7479235529899597, -0.8162261843681335, 0.23315943777561188, 0.9079422354698181, 0.10572697967290878, 1.539966106414795, 1.6981784105300903, 0.41243064403533936, 0.5176444053649902, 0.08362497389316559, 0.5330637693405151, -0.6463562846183777, 1.0711220502853394, 0.28268304467201233, 0.5924550294876099, -0.7147741913795471, 0.06471441686153412, -0.5875762701034546, -0.18337003886699677, 1.0762450695037842, 0.41642069816589355, 0.21923866868019104, -0.49136486649513245, -1.3412574529647827, 0.7812514305114746, -0.667712390422821, 0.8279495239257812, -0.7170283794403076, 1.6913065910339355, -0.024097571149468422, 0.25157418847084045, 0.7393996119499207, -0.34409454464912415, -0.20742881298065186, 1.012993335723877, -0.7596093416213989, 0.8093501329421997, 0.47229915857315063, -0.3836824297904968, 0.46133625507354736, 0.4288357198238373, -2.3678252696990967, 0.054794348776340485, 0.7012029886245728, 0.09700314700603485, -0.6139403581619263, -0.8820849657058716, 0.2911582589149475, -0.47012168169021606, -0.2496201992034912, 0.43593502044677734, -0.8479711413383484, 0.687980055809021, -0.12449423223733902, 0.4567432999610901, 1.3862872123718262, -0.9160738587379456, 0.5748094916343689, 1.57149338722229, 0.19407162070274353, 0.04111507534980774, -0.2798047363758087, 0.355540931224823, -0.9135832786560059, 0.40191230177879333, 0.7480373382568359, 0.6873152852058411, 1.4869319200515747, 0.0070734694600105286, -0.4338890314102173, 0.8684994578361511, 1.58867347240448, 0.5089508891105652, 0.7807626128196716, -0.26840221881866455, 0.38623204827308655, -0.02183471992611885, 1.1146142482757568, -0.05043082684278488, -1.1412768363952637, -1.038150429725647, 0.02554834447801113, -0.8596795797348022, -0.6539002060890198, 1.9374758005142212, 0.304582417011261, 0.6648304462432861, 0.27273038029670715, 0.604803740978241, -0.08160947263240814, 0.22046196460723877, 0.9624958634376526, 0.36004218459129333, -0.09132370352745056, -0.007243558764457703, -0.13550908863544464, 1.1484817266464233, -0.5910137891769409, -0.6003243327140808, 0.032023292034864426, 1.2048404216766357, -0.9086527228355408, -0.7226133346557617, 0.05302863195538521, 0.8137623071670532, 0.7885979413986206, 1.3606677055358887, -0.5954537987709045, -0.541032612323761, -0.10475853830575943, 0.5818712711334229, -0.7124843597412109, 0.6265845894813538, -0.53825843334198, 0.4986109137535095, 0.5548000931739807, 1.231213927268982, 0.029264889657497406, 0.554496169090271, 0.330211341381073, -0.9280939698219299, -1.1296287775039673, -0.2884116470813751, -0.8576595783233643, -0.7644142508506775, -0.9175691604614258, -0.11079855263233185, -1.0334867238998413, 0.9259626865386963, -0.27020981907844543, -0.7159578800201416, 0.2095964550971985, -0.3339512348175049, -1.8164900541305542, 1.0385364294052124, 1.2157630920410156, -0.9433974027633667, -0.008643018081784248, -0.49778419733047485, -0.6332499384880066, -0.8733792304992676, 0.5127598643302917, -0.6862308382987976, -0.2287319302558899, 0.16081838309764862, 0.620381236076355, -0.29797542095184326, -0.5563800930976868, -1.1491730213165283, 0.07581421732902527, 1.9336707592010498, -1.1166582107543945, 0.2017534077167511, 0.18771161139011383, 0.566093385219574, -0.4078276455402374, -0.9688315391540527, -0.6047717928886414, 0.19082556664943695, 0.71497642993927, -0.18083587288856506, -0.21280108392238617, -0.6738408803939819, -0.09300921857357025, -0.48579156398773193, 1.181531548500061, -1.264440894126892, 0.436759352684021, -0.8703532218933105, 0.4945043623447418, 0.6861090660095215, -0.3850059509277344, 0.09910967946052551, 1.2540807723999023, -0.4177496135234833, 0.6935219764709473, 0.28570789098739624, 0.6537418365478516, 0.47396156191825867, 0.32695281505584717, 0.11489519476890564, -0.37198957800865173, -10.402779579162598, 0.20164981484413147, -0.7516414523124695, -0.20770199596881866, 0.43927517533302307, -0.355072945356369, 1.0546648502349854, 0.3280748426914215, 0.003873998299241066, -0.5765976905822754, 0.6648336052894592, 1.1504229307174683, 0.6117988228797913, -0.6930610537528992, -0.3518632650375366, -0.6857564449310303, -0.4681393802165985, -0.4354262351989746, 0.585957944393158, 0.11824648082256317, -1.0845317840576172, -1.3080167770385742, -0.23255382478237152, 0.1782345175743103, 0.010770851746201515, 0.02527080476284027, -0.2859141528606415, -0.31796354055404663, -0.507774829864502, 0.055610477924346924, 0.3829091191291809, -0.28130608797073364, -0.7836192846298218, -0.6728867888450623, 0.9283775687217712, 0.004702555947005749, -0.8172029256820679, 0.17427708208560944, 0.4230158030986786, -0.11772481352090836, -0.545351505279541, 0.7066330909729004, -0.1293148249387741, -0.22301509976387024, 0.22378316521644592, 0.1016979068517685, 0.19267091155052185, -0.7847065329551697, 1.1961792707443237, -0.9664375185966492, -0.316686749458313, -0.7340670824050903, -1.1404513120651245, -1.0719479322433472, 0.38182488083839417, 0.02308032102882862, -0.5671896934509277, -0.015905320644378662, -0.33947497606277466, -1.1678144931793213, 0.47169697284698486, 0.31885766983032227, -0.2768959701061249, 0.23016664385795593, 0.12521275877952576, -0.12444116920232773, 0.8733131289482117, 0.6108291745185852, -0.6995463967323303, 0.44787856936454773, -1.1457252502441406, 0.6018876433372498, -0.016526924446225166, -0.3714018762111664, -0.6213523149490356, -0.33179113268852234, -0.16503246128559113, 0.08669337630271912, 0.19983477890491486, 0.23132281005382538, -1.1832191944122314, 0.14977982640266418, 0.13214273750782013, -0.11475824564695358, -0.7603297829627991, 0.1404562145471573, -0.5185105204582214, 0.6895483732223511, 1.603103518486023, 0.11720160394906998, 1.1687997579574585, 0.12336239963769913, 0.3081607222557068, -0.30642667412757874, -0.44994792342185974, 1.0337376594543457, -0.4637708067893982, 1.062162160873413, 0.13660942018032074, -1.1453274488449097, 0.7266383767127991, -0.46244296431541443, -0.3101213872432709, 0.3546089828014374, 1.011791467666626, 0.4647533893585205, 0.4117560386657715, -0.10391519963741302, 0.3775031864643097, 0.3471991717815399, 1.1706076860427856, -0.03351326286792755, -0.4969419836997986, 1.125773310661316, 0.39241084456443787, 1.3332234621047974, 0.4303743839263916, 0.7282503247261047, 0.777233898639679, 0.5873749852180481, -0.4142305850982666, 0.8132872581481934, 0.2607300877571106, 1.6675529479980469, -0.2683333456516266, 0.7359262108802795, 0.34636619687080383, 0.6647956967353821, 0.19206343591213226, -1.2178380489349365, 0.22936658561229706, -0.32833534479141235, 0.2792123854160309, -1.0105785131454468, -0.147456556558609, -0.5374242663383484, -0.978283166885376, 1.2095606327056885, -0.44404512643814087, -0.1846817433834076, 0.27317243814468384, -1.1532037258148193, -0.08814196288585663, -0.9429616332054138, -1.03041410446167, 0.3143414556980133, -1.3270068168640137, -0.3584442138671875, -0.3163716793060303, -0.9056897163391113, 0.6071015000343323, 0.3273259401321411, 1.11496102809906, -0.26193931698799133, -0.27962571382522583, -0.00270674005150795, 0.4875716269016266, -0.6487277746200562, -0.35231849551200867, -0.42335233092308044, 0.5052191615104675, 1.3219443559646606, -0.814480185508728, 1.1945525407791138, 0.6012750864028931, 0.46514788269996643, -0.714462161064148, -0.30165204405784607, -0.17706269025802612, 0.6168123483657837, 1.168049693107605, -1.2707470655441284, -0.33725008368492126, -0.5509523749351501, -0.3612793982028961, -0.23957905173301697, 0.14365123212337494, 1.1964527368545532, -0.6015329957008362, 0.4825543761253357, -0.2655755877494812, 0.4083881080150604, -0.26819583773612976, -1.1262869834899902, -1.040451169013977, 0.07659430056810379, -0.4565317630767822, 0.7512475252151489, 0.03612137585878372, 0.7077487707138062, -2.3815319538116455, -0.9869261980056763, 0.009438788518309593, -0.42980489134788513, 0.5846099853515625, -0.05149674043059349, 0.8955760598182678, -0.8354504704475403, 0.6466975212097168, 0.4037906527519226, -0.35333555936813354, 0.40998372435569763, -0.14118030667304993, 0.18230274319648743, 0.20956188440322876, -0.06455650180578232, -0.8333389163017273, 0.34686416387557983, 0.3407183885574341, -0.03686819225549698, -1.3706836700439453, -0.5428826212882996, 0.5376574397087097, 0.4133819341659546, -0.17767202854156494, -0.6677737236022949, 0.1324094533920288, -0.06422752141952515, -0.1566402018070221, -1.524078130722046, -0.070782370865345, 1.2401496171951294, -0.07685177028179169, 0.6087546348571777, 0.7868797779083252, 0.8161653876304626, 0.5885097980499268, 0.8427254557609558, 0.9870983958244324, -0.7270139455795288, -0.7665805220603943, -0.5466257333755493, 0.4581921398639679, -0.47154152393341064, 0.013965703547000885, 0.6887916922569275, -1.377013087272644, 0.24301719665527344, -1.2313061952590942, 1.0289207696914673, -0.68666672706604, 0.11867180466651917, -0.08765967190265656, 0.9353901147842407, -0.44253015518188477, -1.4407060146331787, 0.06226237490773201, -0.43945378065109253, -0.03938324376940727, -0.22433620691299438, 0.5853561162948608, 1.1504995822906494, 0.7531194686889648, 0.3038240075111389, 1.2190607786178589, -0.28100329637527466, -0.19144760072231293, 0.3327511250972748, -0.10110290348529816, 1.2068411111831665, 0.8193733096122742, -0.35303542017936707, 0.45035600662231445, -0.19374898076057434, -0.6026802659034729, -0.6513952612876892, -0.4261554479598999, 0.9286661148071289, 1.1828534603118896, -0.18048688769340515, 0.1853822022676468, -1.1501778364181519, 0.30287253856658936, -1.207859754562378, 0.6242504119873047, 0.8629195690155029, -0.32931846380233765, -1.3217573165893555, -0.9961775541305542, 0.4893847703933716, 1.063956618309021, -0.6503920555114746, 0.3099728226661682, -1.084097146987915, 0.025467928498983383, 0.20210736989974976, -0.632713258266449, -1.29923677444458, 0.6200471520423889, -0.1662193387746811, -0.2898717522621155, 0.7730996608734131, -0.5635247230529785, -0.7262147665023804, 0.30682483315467834, -0.971473753452301, 0.3628210425376892, -0.42409229278564453, -0.20872735977172852, -0.2250557690858841, 0.3460260033607483, -0.45431819558143616, -0.7295507192611694, 0.020676542073488235, -0.21488817036151886, -1.718066692352295, 1.0291686058044434, 1.0580798387527466, -0.8323261141777039, -0.28743776679039, 0.21522125601768494, 0.19880717992782593, 0.21447062492370605, 1.4281001091003418]} +{"paper_id": "numeric_fused_head", "embedding": [-0.635547399520874, 0.727080762386322, -0.221413716673851, -0.20925529301166534, -0.01400749385356903, 0.00536564365029335, -0.6985430121421814, 0.607232391834259, 1.1570101976394653, 0.46192315220832825, 0.8136879801750183, -0.04099113494157791, 0.31436818838119507, 0.14301007986068726, -0.6148595809936523, -0.4837607741355896, -1.181147813796997, -0.8942183256149292, -1.3599529266357422, -0.23854994773864746, -1.2014981508255005, -0.7028648257255554, -0.35412272810935974, -0.2567751407623291, -0.8221367597579956, -0.7036247253417969, 0.12271665036678314, -0.9309858083724976, 0.5769073367118835, -0.21271133422851562, -0.137839674949646, 0.679390549659729, -1.5127726793289185, 0.927739679813385, -0.2089337706565857, 0.04007785767316818, -0.1873502880334854, 1.0314921140670776, -0.34972232580184937, -0.523858904838562, -0.279757559299469, -0.3233555257320404, 1.2439066171646118, 0.24313771724700928, 0.7898500561714172, -0.7904823422431946, 0.400229275226593, 0.13698329031467438, -0.23176202178001404, -0.02856118232011795, -0.327670156955719, 0.6629271507263184, 2.2202730178833008e-06, 0.9821621179580688, -0.3801037669181824, 1.2633014917373657, 0.406412273645401, -1.1109142303466797, 0.7625752687454224, -0.48086225986480713, 0.6049033999443054, 1.7133620977401733, -0.4883941113948822, 0.5265628099441528, 0.8246127963066101, 0.2883296012878418, 1.2898298501968384, -0.2742345929145813, 0.3784744441509247, 0.7247522473335266, -0.04989501088857651, -0.5010784268379211, 0.9756061434745789, 0.11480915546417236, 0.5913463830947876, 0.36793339252471924, 0.3271326422691345, 0.3284195363521576, -0.0381883829832077, 0.28311026096343994, 0.3191564679145813, 0.35075855255126953, 1.1533890962600708, -0.12145167589187622, -0.6930153369903564, 0.3913044035434723, -0.008048273622989655, -1.1446173191070557, 0.5582810044288635, -1.329135537147522, 0.821951150894165, 0.11080227047204971, -0.8103211522102356, 0.0626215934753418, 0.3245697021484375, 0.5415306091308594, -0.7661218643188477, -0.5440379977226257, -0.5564584732055664, 0.5250790119171143, 0.1988963782787323, -0.4967377483844757, -0.2661667466163635, -0.5710906982421875, 0.3405522108078003, 0.6197212934494019, -0.19664520025253296, -0.035261742770671844, -1.2888362407684326, 0.2087489813566208, 0.5598441362380981, 1.4005674123764038, -0.3310179114341736, 0.7095499038696289, -0.004655645228922367, 0.5902994871139526, 0.5537793636322021, -0.3785533905029297, -0.10606631636619568, 0.44014132022857666, -0.10538545995950699, -0.6178262829780579, 0.40503576397895813, -0.5252780318260193, 1.2801023721694946, -1.006990909576416, -0.11487146466970444, -0.8988938331604004, -0.1663348376750946, -0.6530264019966125, -0.09725648164749146, -0.6259045600891113, -0.11832399666309357, -0.05328941345214844, 3.6216113567352295, -1.243988275527954, 1.2031477689743042, -0.6068742275238037, -0.6619760990142822, -0.61173015832901, -0.2736801207065582, 1.4861716032028198, 0.6942499279975891, -0.9916628003120422, -0.759027361869812, 0.3287045955657959, 0.13084331154823303, 0.4691304862499237, -0.32553648948669434, 0.06756629049777985, -0.14812789857387543, 0.0773741751909256, -1.6145005226135254, -0.28885841369628906, 0.21610938012599945, 0.3201800286769867, -0.001040145754814148, 0.43689507246017456, -0.23507580161094666, 0.7050906419754028, -0.05336344987154007, -0.2111196368932724, -0.3866316080093384, 0.9172627925872803, -0.6010772585868835, -0.09971529245376587, 1.5645772218704224, -0.37521880865097046, -0.9810883402824402, 0.20648622512817383, 0.5389750003814697, -0.07542183995246887, -0.5625172853469849, -0.12017103284597397, -0.0579918697476387, 0.2200183868408203, 0.9293830394744873, 0.9324418306350708, 0.2703472673892975, -0.8063527345657349, -0.850850522518158, -0.3426471948623657, 0.1848883330821991, 0.5764213800430298, -0.3665992319583893, 0.684378445148468, -2.207263946533203, -0.7239644527435303, -0.014603719115257263, 1.071047067642212, -0.699380099773407, -0.23081061244010925, -0.026669085025787354, 1.1401605606079102, -0.2288549244403839, -0.2045935094356537, 1.2225439548492432, -0.8761926889419556, -0.6234220266342163, -0.11003550887107849, 0.029415909200906754, -0.41970568895339966, -0.4330882728099823, 0.5034115314483643, 0.46717897057533264, -1.1803420782089233, 0.0089944489300251, -2.1569900512695312, -0.17315787076950073, 2.534132242202759, 0.37812843918800354, -0.6855682730674744, -1.5319595336914062, -0.44388890266418457, -0.09460169076919556, -0.4118439555168152, 0.23301637172698975, -1.0052945613861084, 0.268774151802063, -1.1105960607528687, 0.528698205947876, -0.10600775480270386, 0.25249889492988586, 0.27171099185943604, 0.5305033326148987, -1.1377149820327759, 0.048126742243766785, -0.7321584224700928, -0.08872068673372269, 0.5796493291854858, 0.46397626399993896, 0.3173343241214752, 0.1897912472486496, 0.6786354184150696, 0.8380568623542786, 0.8864568471908569, 0.1340966820716858, 0.14266176521778107, -1.2333102226257324, 0.7304996252059937, 0.028102176263928413, 0.8432655334472656, 0.17504215240478516, 0.6689121127128601, 0.8699101805686951, -0.18441814184188843, -0.4766688644886017, -0.26098430156707764, -0.34141719341278076, -0.5818908214569092, 1.503953456878662, 0.3799438774585724, -0.2601412534713745, 0.5460246801376343, -1.2200567722320557, 0.14637140929698944, -0.19445814192295074, -0.7250284552574158, -0.27933740615844727, -0.215248703956604, 0.823885977268219, 0.048267513513565063, -0.5296139717102051, -0.2244120091199875, -0.45255687832832336, -1.6465836763381958, -1.150139331817627, -0.1401492953300476, -0.21139894425868988, -1.5901782512664795, -0.11504563689231873, -0.26844948530197144, -0.5678241848945618, -0.5749392509460449, -0.007891710847616196, 0.8403361439704895, 0.1494886428117752, 0.9222383499145508, 1.7351884841918945, -0.544252872467041, 0.18120786547660828, 0.015021055936813354, 0.8705101609230042, -0.7273862361907959, 0.6207935214042664, 0.130562424659729, 0.483033686876297, -0.912588894367218, -0.09588763117790222, -0.20266202092170715, 0.6597569584846497, 0.4696376323699951, 0.15178683400154114, 0.21364885568618774, 0.14130833745002747, 0.01838640123605728, 0.8501155972480774, -0.1184205561876297, -0.5110283493995667, -1.4613800048828125, 1.5732208490371704, 0.6054641008377075, -0.3858053684234619, 0.4962843060493469, -0.02706627920269966, 0.2738250195980072, 1.1925346851348877, 0.09728240966796875, 0.18325461447238922, 0.5755278468132019, -0.043511249125003815, 0.009711544960737228, 0.28378793597221375, -1.5483516454696655, 0.427426278591156, 0.8321503400802612, -0.09556129574775696, 0.22487305104732513, -1.3255138397216797, 0.14510147273540497, -0.9835840463638306, -0.3687419593334198, 0.7719739675521851, 0.05127544328570366, 0.0400029756128788, -0.2812119126319885, 0.019088640809059143, -0.07907281816005707, -1.2468336820602417, 0.8876005411148071, 1.021899938583374, -0.03682035952806473, -0.9580908417701721, 0.3645288646221161, 1.2691195011138916, -0.13253305852413177, 1.0633153915405273, 0.8737661242485046, 0.3139662444591522, 0.4436948597431183, -0.5611821413040161, 0.00919258687645197, 0.3074833154678345, 0.3091125786304474, 0.43608593940734863, 0.18151018023490906, -0.4527398943901062, 0.5657490491867065, -0.07480697333812714, 1.1312267780303955, 0.5656855702400208, -1.228492259979248, -0.8768517374992371, -0.549222469329834, -0.7062161564826965, -0.9803290963172913, 1.3549576997756958, 1.2013806104660034, 1.5830693244934082, -0.5807581543922424, 0.5553634762763977, -0.4620104134082794, 0.3122505843639374, 0.9065775275230408, -0.12499471008777618, 0.5807855129241943, -1.2283395528793335, 0.13585832715034485, 0.6931652426719666, 0.37635350227355957, -0.054086267948150635, -0.23962469398975372, 0.7871715426445007, 0.6877729296684265, -0.7745155692100525, 0.13890326023101807, -0.33450621366500854, 0.852839469909668, 1.4922020435333252, -0.5542362928390503, -0.8554147481918335, -0.620778501033783, 0.7115756869316101, 0.7216315865516663, -0.0019107088446617126, -1.1984336376190186, 0.6670441031455994, 0.3545677363872528, 0.6108424663543701, 0.07264895737171173, 0.9874857664108276, 1.5595650672912598, -0.12348267436027527, -1.6290432214736938, -0.34953773021698, -1.5334689617156982, -0.04367651045322418, 0.5340871810913086, -0.29479819536209106, -0.7186569571495056, 0.3961580693721771, 0.29354971647262573, -0.5619797706604004, 0.752761721611023, -1.0319890975952148, -0.6238175630569458, 1.0367507934570312, 0.7585262060165405, -1.4253156185150146, -1.0706232786178589, 0.23115576803684235, -0.11234070360660553, -0.8247339725494385, 0.5161293745040894, -1.3975563049316406, 0.7484553456306458, 0.43188413977622986, 0.47674745321273804, -0.9955657720565796, -0.11617568135261536, -1.190767526626587, 1.0669068098068237, 1.1313636302947998, 0.009432034566998482, 0.9131157398223877, 0.3882521986961365, 0.7913307547569275, 0.34791338443756104, -1.3054338693618774, -0.6248838305473328, 0.7096908688545227, -0.24445371329784393, -0.43955668807029724, -1.0473748445510864, -0.4795454740524292, 1.1343830823898315, 0.4354346692562103, 0.17301540076732635, -1.0597548484802246, 0.12868085503578186, -0.7983737587928772, 0.12357914447784424, 0.8588886260986328, -1.198386311531067, -1.7301523685455322, 1.2187228202819824, -0.4377196431159973, 0.7905954122543335, 0.38277608156204224, 0.22124561667442322, 1.6093201637268066, -0.19835519790649414, -0.38929539918899536, -0.2840430438518524, -10.979317665100098, 0.7468984723091125, -0.3817824125289917, 0.31033891439437866, 0.4881132245063782, -0.43949589133262634, 0.7916082739830017, -0.1282513588666916, 0.26591217517852783, -0.532112181186676, 0.40674901008605957, 1.8925691843032837, 0.33578380942344666, -0.05504370108246803, -0.84358811378479, -1.67315673828125, -0.864973247051239, -0.6804830431938171, 0.23742316663265228, 1.410321593284607, -0.07665075361728668, -1.4230523109436035, 0.39331454038619995, 0.10037955641746521, 0.23366637527942657, -0.07456069439649582, -0.8463234305381775, -0.3354894518852234, -0.2213592231273651, 0.10163265466690063, 0.362385630607605, 0.21589475870132446, -0.7140283584594727, 0.28544652462005615, -0.09072484076023102, 0.10221725702285767, -0.7190065383911133, -0.09844421595335007, 0.8416576981544495, -0.5255444645881653, -0.18725009262561798, -0.26552027463912964, 0.28073349595069885, -1.3216296434402466, -1.0257333517074585, -0.2641618251800537, 0.08462602645158768, -0.3902161121368408, 0.2239607274532318, -0.617825984954834, -0.3209775686264038, -0.6942086219787598, -0.9356668591499329, -0.9369000196456909, -0.07490889728069305, 0.20950619876384735, -1.1930159330368042, 0.37199923396110535, -1.0498126745224, -1.5182799100875854, 0.7704426646232605, -0.07909678667783737, -0.13585427403450012, 0.8383204936981201, 0.04637474939227104, -0.6073341965675354, -0.05126781016588211, -0.20370636880397797, 0.151510089635849, -0.06456105411052704, -0.334183007478714, 1.0835087299346924, 0.22864481806755066, 0.09362836927175522, -0.753743052482605, -0.2474670112133026, -0.38745588064193726, -1.0669716596603394, 0.5101296901702881, 0.45645207166671753, -1.0653928518295288, 0.6677183508872986, 0.6038815975189209, 0.27177178859710693, -0.7763432264328003, -0.06989951431751251, -0.6812542080879211, 0.03327937796711922, 0.40355050563812256, -0.6669066548347473, 1.131285309791565, -0.3829965889453888, -0.35930347442626953, -0.5234373211860657, -0.42551282048225403, 1.4014286994934082, -0.4072062373161316, 1.01539945602417, -0.013620123267173767, -0.3050643503665924, 0.4920256733894348, 0.12988939881324768, -1.2819288969039917, 0.18524514138698578, 0.18302471935749054, 0.4273129403591156, -0.10696607083082199, 0.06946222484111786, 0.02692517265677452, -0.4254312217235565, 0.8680936098098755, 0.02666294574737549, 0.4350425601005554, 0.9997225999832153, -0.5685840845108032, 0.31491145491600037, 0.8644420504570007, 0.6382355093955994, 0.28204137086868286, 0.7349467873573303, -0.15075986087322235, 0.9271484613418579, 0.3310098946094513, 1.344192385673523, 0.45632150769233704, -0.03093055821955204, 0.628325879573822, 0.3831159472465515, -0.0019919322803616524, -2.5375540256500244, 0.19959203898906708, -0.23476310074329376, 0.3466833829879761, -0.03549477458000183, 0.40779098868370056, -0.7242817878723145, -0.4637475609779358, 1.0117418766021729, -0.15845215320587158, 0.008853647857904434, -0.18625088036060333, -0.3107796609401703, -0.18120065331459045, -0.4102676212787628, -0.7541609406471252, 0.5657856464385986, -1.9425114393234253, 0.2586809992790222, -0.6070414781570435, -0.7678959369659424, -0.29094198346138, -0.2300821840763092, 0.8714244961738586, -0.5317296981811523, 0.2573745846748352, 0.4703720808029175, 0.9096745848655701, -0.3337819576263428, 0.14233635365962982, 0.5361629724502563, -0.033070094883441925, 1.8543585538864136, -1.1973364353179932, 0.5450192093849182, 0.9661746025085449, -0.45649927854537964, -0.7295082211494446, -0.8282616138458252, 0.3445264995098114, -0.27445724606513977, 0.33053502440452576, -0.5819903612136841, 0.016773363575339317, -0.304762065410614, 0.32846808433532715, -0.5685529112815857, 0.2012271285057068, 1.3144760131835938, -0.6896654963493347, -0.41856616735458374, 0.20383614301681519, 0.7312539219856262, 0.33910244703292847, 0.011889860033988953, -0.08190134912729263, -0.3268071413040161, -0.7201825380325317, 0.6120830178260803, 0.2880708575248718, 1.4112377166748047, -1.2990633249282837, -1.1650314331054688, -0.4838363826274872, 1.1033235788345337, 0.8130791783332825, -0.10449455678462982, 1.0196889638900757, 0.3348129093647003, 0.38301602005958557, 0.08409575372934341, 0.2675299644470215, 0.6963409781455994, 0.31267881393432617, 0.6340806484222412, -0.6930236220359802, -0.036128707230091095, -1.157721996307373, -0.08087615668773651, 0.34648415446281433, 1.103682279586792, -1.1248703002929688, 0.11958090960979462, -0.01737968996167183, 0.09618373215198517, 0.02827131748199463, -0.46889615058898926, 0.6272516250610352, -0.6409938931465149, -0.2300264686346054, -0.8275324702262878, 0.2930634021759033, 1.1056758165359497, -0.7405994534492493, 0.6752173900604248, 0.1626102775335312, 0.7205594182014465, 1.2315205335617065, -0.10504275560379028, 1.3750730752944946, -0.1411503106355667, 0.2803027331829071, 0.2334187626838684, 0.3118778467178345, 0.031693585216999054, -0.2670914828777313, -0.12429948151111603, -0.17401988804340363, -0.12890475988388062, -0.7566238045692444, 0.01142602413892746, -0.591204822063446, 0.07433103024959564, 0.7115603685379028, 1.1779392957687378, -0.016183622181415558, -0.3966611921787262, -0.18092602491378784, -0.7470513582229614, -0.06230166554450989, 0.8643269538879395, 0.8004294037818909, 0.6309295296669006, 0.9355246424674988, -0.26605480909347534, 0.8947286605834961, 0.04063241928815842, 0.03615704923868179, 0.017813481390476227, 0.18770292401313782, 0.7208684682846069, 1.4462674856185913, 0.12384132295846939, 0.2099713832139969, 0.21751397848129272, -0.8910409808158875, -0.4388507306575775, -0.5600319504737854, 0.4709702134132385, 0.6979056596755981, 0.07398723065853119, -0.06148909777402878, -0.7759296894073486, 1.0562214851379395, -0.7802605628967285, 0.6170668601989746, -0.06311554461717606, -0.37969255447387695, -1.5203479528427124, -0.4956551790237427, -0.105513796210289, 0.3717789351940155, -0.09545302391052246, -0.6568552255630493, -0.2876143455505371, 1.3761730194091797, -0.13152630627155304, -0.1333657056093216, -0.7113288640975952, 0.3432276248931885, -0.34686213731765747, 0.6287140250205994, -0.06776511669158936, -0.7331644892692566, -1.186119794845581, -0.2867651581764221, -0.7297004461288452, 0.23580928146839142, 0.06803950667381287, -0.9322372078895569, -0.3917422890663147, 0.1083279401063919, -0.08876311779022217, 0.2816663682460785, 0.11848080158233643, -0.24961945414543152, -1.0271626710891724, 0.67317134141922, 0.948310911655426, -0.19046081602573395, -0.5858057141304016, 0.3308224081993103, -0.1876467764377594, -0.06209496781229973, 0.4800884425640106]} +{"paper_id": "omp", "embedding": [-1.3532466888427734, 1.1085878610610962, 0.14748166501522064, -0.08391184359788895, -0.037849776446819305, -0.5227810740470886, 1.0511276721954346, 0.5398818254470825, -0.09396862238645554, 0.8286265730857849, 0.5282473564147949, -0.15168827772140503, 0.4096757769584656, -0.01722295768558979, 0.28054043650627136, -0.4973357319831848, -0.7244516611099243, -0.1436118334531784, -0.5543605089187622, -0.28235694766044617, -0.5966154336929321, -0.6755848526954651, 0.5856128931045532, 0.6779425740242004, -0.2663509249687195, -0.7226269245147705, 0.5539584159851074, 0.15392126142978668, 0.5040525197982788, -0.4273723065853119, 0.19908231496810913, 0.6788369417190552, -1.297312617301941, -0.08570303022861481, -0.3012618124485016, -0.580106258392334, -0.16332776844501495, 0.9960848689079285, -0.979900598526001, -0.0194794200360775, -0.10709682106971741, 0.1014726385474205, 1.3119782209396362, 0.27064049243927, 0.8251880407333374, 0.481985867023468, -0.13543184101581573, 0.2784622013568878, 0.15258632600307465, -0.20749832689762115, 0.40492671728134155, 0.4979788064956665, -0.619879424571991, -0.48912203311920166, -0.5926106572151184, 0.8695789575576782, -0.27915024757385254, -0.76080322265625, 0.681343138217926, -0.661758303642273, 1.2214674949645996, 1.7861186265945435, 0.14739681780338287, -0.49412187933921814, 0.5971718430519104, 0.18388821184635162, 1.0419422388076782, -0.8456071615219116, 0.6592008471488953, 0.8623673915863037, -0.3988003730773926, -1.215994119644165, 0.4746847450733185, -0.19527101516723633, 0.026561163365840912, 0.010527946054935455, 0.6749080419540405, -0.021740343421697617, -0.199552983045578, 0.8882471919059753, 0.22269809246063232, 0.657216489315033, -0.4137648642063141, -0.10206908732652664, 0.10880554467439651, 0.383315771818161, -0.16257449984550476, -0.4304751455783844, 0.5523346066474915, -1.0037978887557983, 0.5997583866119385, 0.05546218156814575, 0.07739752531051636, 0.32545289397239685, -0.3534271717071533, -0.19581404328346252, -0.2500627636909485, 0.7482509016990662, 0.02984502911567688, 0.42197927832603455, 0.8960985541343689, -0.9806289672851562, 1.069771647453308, 0.42227301001548767, -0.7184388637542725, 1.140855073928833, 0.2940542697906494, -0.491965115070343, -0.6702989339828491, -0.17072369158267975, -0.24373383820056915, 1.381515383720398, -0.203272745013237, 0.7342082858085632, 0.06613805145025253, 0.14739525318145752, -0.4683661162853241, -0.5590813159942627, -0.48739972710609436, 0.07520416378974915, -0.5650610327720642, -1.458640694618225, 0.09085007756948471, 0.5491231083869934, 1.4309016466140747, 0.04222291707992554, 0.8387858867645264, -0.596962034702301, -0.36071068048477173, 0.10547298938035965, 0.7119266986846924, 0.4070785641670227, -0.8963316082954407, 0.17575398087501526, 1.7907289266586304, -0.6070637106895447, 1.1121193170547485, -0.34722238779067993, -0.35975533723831177, -0.4438060522079468, -0.17324945330619812, 1.090877652168274, 0.2111363410949707, -0.6266505122184753, -0.5622081160545349, 0.4428422749042511, -0.4893283247947693, -0.2659357190132141, -0.35693565011024475, -0.8887320160865784, -0.46443116664886475, 0.16884244978427887, -0.6613909602165222, -0.45939815044403076, 0.36386072635650635, 0.49067994952201843, 0.5422452092170715, 0.34776735305786133, -0.8833237290382385, 0.8315609693527222, 0.2510678172111511, 0.1301068663597107, -0.7410532236099243, 0.9621358513832092, -0.532590389251709, -0.27781739830970764, 1.0473053455352783, 0.41402167081832886, -0.922706127166748, -0.1730114221572876, 1.4860713481903076, -0.1791607141494751, 0.1973082721233368, -0.14340092241764069, -0.643401026725769, -0.34449365735054016, 0.07678832858800888, 1.1196669340133667, 0.6079549789428711, -0.31352195143699646, -0.26552438735961914, -0.13586926460266113, -0.21806523203849792, 0.4479053318500519, 0.5007152557373047, 0.2001408338546753, -1.707392930984497, -0.3342871069908142, -0.7142378091812134, 0.2378028929233551, 0.19165319204330444, -0.3067518174648285, -0.31813448667526245, 0.48768946528434753, -0.2106296420097351, -0.31747961044311523, 0.5750336647033691, -1.3270469903945923, -0.3995254337787628, -0.2505052089691162, 1.1397160291671753, -0.31650274991989136, 0.04655029624700546, -0.029345989227294922, 0.8248257637023926, 0.08185916393995285, -0.37676241993904114, -1.9074091911315918, 0.8412337303161621, 2.534567356109619, -0.30650773644447327, -0.7726366519927979, -1.6044892072677612, 0.0763416439294815, 0.6822025775909424, -0.5229635834693909, 0.885533332824707, -0.5863812565803528, -0.41549891233444214, -1.117351770401001, 0.23977753520011902, -0.11367910355329514, 0.09198281913995743, -0.3943273723125458, 0.4231550097465515, -0.7912645936012268, -0.688678503036499, -0.38335949182510376, -1.1389617919921875, 0.41809186339378357, 0.11850046366453171, 0.21236295998096466, -0.3752840459346771, 0.10753748565912247, 0.5938352942466736, 0.7184081077575684, -0.3001899719238281, -0.013705749064683914, -0.43346208333969116, -0.06578034907579422, 0.19419018924236298, 0.19533424079418182, -0.3579333424568176, -0.47646766901016235, 0.7378226518630981, 0.6031874418258667, 0.4214671850204468, -1.3364115953445435, -0.36236125230789185, 0.4766048192977905, 0.5471778512001038, 0.9855722784996033, -0.15396423637866974, 1.082701563835144, -0.30530381202697754, 0.3472384810447693, 0.47644099593162537, -1.1255347728729248, 0.021748043596744537, -0.6695237159729004, 0.7347205281257629, 0.17898371815681458, 0.44867655634880066, -0.530848503112793, 0.2328764796257019, -0.3566380739212036, 0.15132781863212585, -0.11609603464603424, -0.6308789253234863, -0.5153987407684326, 0.13382986187934875, -0.2721945643424988, -1.5525379180908203, -0.40458306670188904, 0.20273640751838684, 0.49098899960517883, -0.25639694929122925, 0.37231966853141785, 0.4730783998966217, -0.31020382046699524, 0.03524326533079147, -0.19175869226455688, 0.7947378158569336, -0.31245261430740356, 0.027752280235290527, -0.17701947689056396, 0.8489372134208679, -1.0629299879074097, -0.458720862865448, -0.10285758972167969, 0.7356048822402954, -0.27654874324798584, 0.12326136976480484, 0.5010218620300293, -0.3034299612045288, -1.351426362991333, 1.0655535459518433, -0.1869533210992813, -0.04882064461708069, -0.639248251914978, 1.1117141246795654, 0.28814971446990967, -0.22845470905303955, 0.7483607530593872, 0.3017334043979645, 0.45751190185546875, 1.1582063436508179, -0.5985974073410034, 0.3498978614807129, 0.6649844646453857, -0.052881233394145966, 0.14453758299350739, 0.19088593125343323, -1.8379335403442383, 0.22028082609176636, 0.9186528921127319, 0.07081073522567749, 0.36960217356681824, -0.2687099874019623, 0.7878970503807068, -0.4084666669368744, 0.19297276437282562, 0.13922715187072754, -0.7461256384849548, 0.7230975031852722, -0.49082809686660767, 0.4074976444244385, 0.682661771774292, -1.237287163734436, -0.27783510088920593, 0.8046818971633911, 0.4678725600242615, -0.6502772569656372, -0.6165242195129395, 0.5326157212257385, -0.5535133481025696, 0.7701753377914429, 0.3044601380825043, 0.7129615545272827, 0.20532011985778809, -0.8299829363822937, -0.14972154796123505, -0.5929378867149353, 0.2660828232765198, -0.2830127775669098, -0.2652057707309723, 0.4659454822540283, 0.938290536403656, -0.2579343020915985, 1.5898131132125854, 0.16444551944732666, -0.37752586603164673, -1.1289856433868408, -0.29285648465156555, -0.27917563915252686, 0.15290147066116333, 1.4812071323394775, 0.4702034592628479, 1.2876938581466675, 0.13367773592472076, -0.06207370385527611, -0.4419441223144531, 0.27202096581459045, 0.15355803072452545, 0.3042880594730377, 0.11583863943815231, -0.1267574280500412, 0.3732006549835205, 0.08419206738471985, 1.3238186836242676, -0.4422561824321747, 0.6718155145645142, 0.37835654616355896, -0.7549830079078674, -0.8241372108459473, -0.6618975400924683, 0.6432943344116211, 0.417536199092865, 1.068322777748108, -0.04542642831802368, -0.8526463508605957, -0.4233808219432831, -0.03593848645687103, 0.8310693502426147, -0.17745423316955566, -0.8511252403259277, 0.34737855195999146, 0.14383579790592194, 0.5092481374740601, 0.2373947650194168, 0.5910204648971558, 0.726783812046051, -0.4550464451313019, -0.8947324156761169, -0.2553974986076355, -1.240039348602295, 0.0944799929857254, 0.04890915006399155, 0.15384246408939362, -1.2948170900344849, 0.4931003749370575, -0.17822501063346863, -1.422735571861267, 0.36182090640068054, -0.18596868216991425, -0.9666047096252441, 0.9152523875236511, 1.4222090244293213, -1.2891411781311035, -0.6413178443908691, -0.09565466642379761, -0.7038578987121582, -0.00551566481590271, 0.30307528376579285, -0.0382513552904129, 0.7212781310081482, 0.31277796626091003, -0.1767568588256836, -0.6369302868843079, 0.29074543714523315, -0.5599889159202576, 0.9138314127922058, 1.171079158782959, -0.8662670254707336, 0.3627531826496124, -0.31849536299705505, -0.6505239009857178, 0.04222654551267624, -0.9971187114715576, -1.0020222663879395, 0.08694469183683395, 0.5817176103591919, -0.04956832528114319, -0.9603098034858704, -0.6119594573974609, 0.8454781174659729, 0.13472358882427216, 1.3621817827224731, -0.7289040684700012, 0.2688642740249634, -1.066443681716919, -0.3575616180896759, 0.8601260185241699, -0.8387986421585083, -0.4117037355899811, 0.548295259475708, -0.44390028715133667, 0.28904590010643005, 0.205367773771286, -0.07060620188713074, 0.36130964756011963, -0.1875980794429779, 0.416021466255188, -0.030652791261672974, -12.573647499084473, 0.1435735672712326, -0.5675761103630066, 0.6298512816429138, 0.9356664419174194, 0.42430806159973145, 0.3943983018398285, 0.45817825198173523, 0.8433300256729126, -1.0025407075881958, 0.11845129728317261, 1.6497831344604492, -0.5602631568908691, -0.10035418719053268, -0.8150671720504761, -0.4373946189880371, -0.26639559864997864, -0.21673908829689026, 0.28654944896698, 0.20124927163124084, -0.49321427941322327, -0.05491398274898529, -0.739135205745697, -0.5172199010848999, 0.4497036039829254, -0.11189022660255432, -0.0021637454628944397, -0.7464969158172607, 0.002916380763053894, 0.39799532294273376, 0.6119591593742371, 0.3538241982460022, -0.30490508675575256, -0.02778094820678234, -0.6343849301338196, 0.5876407623291016, -0.7519795894622803, -0.1639990359544754, 1.0099822282791138, -0.513884961605072, 0.09978683292865753, 0.42079365253448486, 0.5481821894645691, 0.005113963037729263, -0.9674243927001953, 0.640643835067749, -0.3195377290248871, -0.5812897682189941, 0.043799713253974915, -0.3390575647354126, -0.7653487920761108, -0.6568297147750854, -1.2556184530258179, -0.14981219172477722, 1.2218191623687744, 0.17682240903377533, -1.0873061418533325, 0.05334072187542915, -0.6124962568283081, -0.4688924252986908, 0.9758286476135254, -0.014630578458309174, -0.15706244111061096, 0.030014917254447937, 0.3936847448348999, -0.4586385488510132, 0.4618673622608185, 0.6646369099617004, -0.9086294770240784, -0.13411292433738708, 0.005213107913732529, 0.8944034576416016, 0.5178009271621704, 0.8108247518539429, -0.06131307780742645, 0.17228251695632935, -0.765228271484375, 0.2172430008649826, 0.25878074765205383, 0.2045135796070099, -1.642683506011963, 0.40616434812545776, -0.29367706179618835, -0.8940975666046143, -0.3051955997943878, 0.39744168519973755, -0.7743439674377441, 0.059995558112859726, 0.6358592510223389, 0.798396110534668, 0.5930720567703247, 0.017233524471521378, -0.6737533211708069, -0.43771806359291077, -0.4244749844074249, 0.6112061142921448, -0.208278089761734, 0.7112717628479004, -0.15825825929641724, 0.05225459113717079, 0.8719669580459595, -0.35273048281669617, -0.37815800309181213, -0.2962956130504608, 0.5556320548057556, 0.22403231263160706, -0.3609309792518616, 0.27971717715263367, -0.7764925360679626, -0.30416014790534973, 0.3056594729423523, -0.19999802112579346, -0.19506624341011047, 1.4529664516448975, -0.04739859700202942, 0.23954859375953674, 0.7464955449104309, -0.27392271161079407, 1.0811079740524292, 0.25944381952285767, -0.46002981066703796, 0.5225993990898132, 0.31762757897377014, 0.06943200528621674, 0.4389357268810272, 0.15560755133628845, 0.1408427506685257, -0.07763730734586716, -0.4893941283226013, -0.7384498119354248, 1.065523624420166, -0.5623727440834045, -0.35469484329223633, -0.7463246583938599, -0.5908926725387573, 0.07932180166244507, 0.003982186317443848, 1.2251193523406982, -0.9644138216972351, 0.2963472008705139, -0.11086440831422806, -0.35102179646492004, 0.010852225124835968, -0.7396222949028015, -1.0962982177734375, 0.22156867384910583, -0.30472037196159363, 0.5146448016166687, -0.9399445652961731, -0.03748767077922821, 0.22922098636627197, -0.4598214626312256, 0.4809008836746216, -1.1783227920532227, -0.5915437340736389, 0.33595937490463257, 0.2197212427854538, -0.005175016820430756, -0.7380660772323608, -0.5101455450057983, 0.21977242827415466, 0.7061129212379456, -0.8131831884384155, 1.2497910261154175, 1.1059318780899048, 0.18311800062656403, -0.4473303258419037, -0.0329788476228714, -0.697866678237915, 0.46851634979248047, 1.0405913591384888, 0.1326822191476822, -0.4164992570877075, 0.13339228928089142, 0.4748809039592743, -1.2976672649383545, 1.1999225616455078, 1.0180429220199585, -1.5132217407226562, 0.5531678199768066, 0.07962419092655182, 0.9545243978500366, -0.08930642902851105, 0.07211324572563171, -0.6504830121994019, 0.6397131085395813, -0.17556169629096985, 0.941337525844574, -0.11633405089378357, 0.5793637633323669, -1.7127418518066406, -1.386552333831787, -0.38423576951026917, -0.5666080117225647, 0.8804699778556824, -0.23317474126815796, 0.909203290939331, 0.11193808913230896, -0.29588621854782104, -0.8345664143562317, 0.2738800644874573, 0.6124427318572998, -0.07447126507759094, 0.4054536521434784, -0.7087658643722534, 0.0072740428149700165, -1.4459410905838013, 0.18206577003002167, 0.5924193859100342, 0.01917058229446411, -1.5703279972076416, -0.30691832304000854, 0.7004033923149109, -0.26079830527305603, 0.278451532125473, -0.6871017217636108, -0.0053903087973594666, 0.1019991785287857, -0.8172037601470947, -0.6683512926101685, 0.43332841992378235, 1.1432369947433472, 0.21890531480312347, 1.4485549926757812, 0.04153541103005409, 0.8681533336639404, 1.0211271047592163, 0.625226616859436, 1.0900403261184692, -0.556576669216156, -0.5541889071464539, 0.33698710799217224, -0.5473991632461548, -0.024480540305376053, -0.6276159286499023, -0.4284038245677948, -1.180128812789917, 0.44268763065338135, -0.9946404099464417, 0.1269628256559372, -0.6151546835899353, 0.08424707502126694, 0.41575896739959717, 1.0739290714263916, -0.7810712456703186, -1.2693933248519897, -0.7380788922309875, -1.1052788496017456, 0.7758443355560303, 0.9809004664421082, 0.2860725224018097, 0.7555594444274902, 0.710873544216156, -0.15977661311626434, 0.46245241165161133, 0.4712878465652466, 0.3601989150047302, 0.2961243987083435, 0.12401549518108368, 1.1633051633834839, 0.8917515873908997, 0.29700252413749695, -0.22014828026294708, -0.5871843695640564, -1.200906753540039, -0.15814483165740967, 0.014695866964757442, 0.4680982232093811, 0.5041521191596985, -0.44143709540367126, -0.14160719513893127, -0.42538946866989136, -0.09746949374675751, -0.002408575266599655, 0.5909966826438904, 0.9800039529800415, -0.6584416031837463, -0.20101019740104675, -0.49988532066345215, 0.47441330552101135, 0.7991869449615479, -0.41519469022750854, -0.11003546416759491, 0.04068814963102341, 1.2067221403121948, 0.3261072337627411, -0.9466970562934875, -1.1276211738586426, 0.5934143662452698, -0.44964125752449036, 0.42235076427459717, 0.13333401083946228, -0.7897100448608398, -0.9442348480224609, 0.5558034181594849, -0.9038884043693542, 0.40873947739601135, -0.2813335061073303, -0.7221280932426453, 0.19896186888217926, 0.4905766248703003, -0.08184026181697845, 0.21645571291446686, 0.28924667835235596, -0.23164695501327515, -1.2475738525390625, 0.6633008718490601, 0.8514278531074524, 0.19473616778850555, -0.38102829456329346, 0.16137972474098206, -0.11819638311862946, 0.6893844604492188, 0.9312061071395874]} +{"paper_id": "arsentd_lev", "embedding": [-0.8334058523178101, 1.2371748685836792, 0.4807337820529938, -0.029325440526008606, 0.5688266754150391, -0.30821263790130615, 0.2010195255279541, 0.33205366134643555, -0.071597620844841, 1.2211651802062988, 0.6317145824432373, -0.8924268484115601, -0.3517242968082428, -0.4320996403694153, 0.21457365155220032, -0.9019367098808289, -1.522534728050232, 0.24199439585208893, -0.2272929698228836, -0.4487066864967346, -0.5165868401527405, -0.6103404760360718, 0.315026193857193, 0.6361269354820251, -0.805820643901825, -0.7292414903640747, 0.6431064009666443, 0.15294033288955688, 0.3970927298069, -0.10317666083574295, -0.2598721385002136, 0.46694526076316833, -1.2779115438461304, -0.38692086935043335, -0.6163581609725952, -0.3350253403186798, 0.4763041138648987, 0.3815934360027313, -0.30962520837783813, -0.43630480766296387, -0.5431433916091919, 0.45003053545951843, 0.5119852423667908, 0.8920162320137024, 0.8021876811981201, 0.16512137651443481, 0.02030346728861332, 0.039171598851680756, 0.26320964097976685, 0.23257635533809662, 0.302966833114624, -0.15321582555770874, -0.42222556471824646, 0.0036685392260551453, -0.4284409284591675, 1.345306158065796, 0.19787269830703735, -1.4100478887557983, -0.4712274968624115, -1.411933183670044, 0.27993515133857727, 1.8833454847335815, -0.28887295722961426, 0.05694272369146347, 0.6932066082954407, -0.16885057091712952, 0.43280360102653503, -0.31994956731796265, 0.9027092456817627, 0.8172840476036072, -0.4324345588684082, -0.6750625967979431, 0.6873112320899963, -0.9128714799880981, 0.33114105463027954, 0.14222706854343414, 0.006594398990273476, 1.006108283996582, -0.5498025417327881, 0.1864321231842041, 0.3572577238082886, 1.1906392574310303, -0.80530846118927, -1.464505910873413, 0.1422778218984604, 0.48507216572761536, 0.2870950400829315, -0.0138246463611722, 0.43537935614585876, -1.9369450807571411, 1.0078967809677124, -0.4536658823490143, -0.3971485495567322, 0.0033121109008789062, -0.18320119380950928, 0.6243161559104919, -0.22730781137943268, 0.48152977228164673, -0.6133514642715454, 0.2566162347793579, 0.5060045123100281, -0.8280316591262817, 0.6434687376022339, -0.3156232237815857, 0.2530667781829834, 1.4812966585159302, -0.013041801750659943, -0.21056562662124634, 0.07294076681137085, 0.07509643584489822, -0.4921952486038208, 1.6314246654510498, -0.19431042671203613, 0.10125494003295898, 0.04632433503866196, -0.09555545449256897, 0.11410079896450043, -1.045535683631897, -0.9458441138267517, 0.0657295361161232, -0.34463930130004883, -1.352306842803955, -0.5252875089645386, 0.9780417084693909, 1.6621590852737427, -0.4201158881187439, 0.8351247310638428, 0.11397311836481094, -0.10617921501398087, -0.2662169635295868, 1.0741294622421265, -0.5840768814086914, -0.4680664539337158, 0.05737907811999321, 2.5681490898132324, -1.037185788154602, 2.0434975624084473, -0.6309843063354492, 0.09718192368745804, -0.27438443899154663, -0.37109777331352234, 0.14112290740013123, 0.02625253051519394, -0.5261083245277405, -0.5833377242088318, 0.5852139592170715, -0.9518897533416748, 0.12443117052316666, 0.14364905655384064, -0.8653995394706726, -0.1694691926240921, 0.1353481560945511, -0.17890076339244843, -0.7276982069015503, 0.6696683168411255, 0.7990545034408569, -0.2718740403652191, 0.7268121242523193, 0.09030306339263916, 0.9125810265541077, 0.5099436044692993, -0.19980327785015106, -0.6982753872871399, 0.7094556093215942, -0.7476457357406616, -0.2656835615634918, 0.20334869623184204, 0.8309226036071777, -1.1670621633529663, -0.3243112862110138, 0.48412567377090454, -0.21332713961601257, -0.11878243088722229, -0.01878693513572216, -0.6796702146530151, -0.6252096891403198, 0.9595229625701904, 0.662607729434967, 0.3648909330368042, -0.31799381971359253, 0.13761264085769653, -0.24041636288166046, -0.2946630120277405, -0.2248583436012268, 0.02999856323003769, 0.30297911167144775, -1.2035083770751953, -0.05944196879863739, -0.09998901933431625, 0.7798057794570923, 0.6234493255615234, -1.2887403964996338, 0.007763192057609558, 0.08099365234375, 0.5002830028533936, -0.376244455575943, 1.008670687675476, -0.6673806309700012, -1.2307403087615967, 0.3542326092720032, 0.7249999642372131, -0.045216988772153854, 0.4414074420928955, 0.9068102836608887, 0.47051453590393066, -0.834194004535675, -0.5317591428756714, -1.6134182214736938, 0.39432498812675476, 2.8497893810272217, -0.09071548283100128, -0.7969086766242981, -0.8644545078277588, 0.4120410084724426, -0.04659930616617203, -0.7569630742073059, 0.13350515067577362, -0.8016743063926697, -0.0901169553399086, -1.0325994491577148, -0.17773646116256714, -0.13940556347370148, 0.21096163988113403, -0.16711975634098053, 0.5475601553916931, -0.25943857431411743, -0.8082334995269775, -0.5599765181541443, -0.5566900372505188, 0.43572762608528137, 0.5414140820503235, 0.3271724581718445, -0.3315631151199341, 0.3078787326812744, 0.7894164323806763, 0.49880534410476685, -0.6877270340919495, -0.6522539854049683, 0.012598320841789246, -0.06974934786558151, 0.3245342969894409, 0.08378896862268448, 0.4745360016822815, -0.48055779933929443, 0.9637557864189148, 0.6745876669883728, 0.3151165843009949, -0.212469220161438, 0.2440907210111618, 0.3364076316356659, 0.651516318321228, 1.474997878074646, -0.5155439376831055, 1.9005755186080933, -0.751915693283081, 1.1240967512130737, 0.6719763278961182, -0.40427958965301514, 0.3391491770744324, -0.4144400954246521, 0.5802671909332275, -0.878846287727356, -0.4726085960865021, -0.1862347275018692, -0.12525412440299988, -0.9425342679023743, -0.00509299710392952, 0.3794126808643341, -0.845127284526825, -0.7267763614654541, 0.38348615169525146, -0.6381908655166626, -0.7622154951095581, -0.7372047305107117, 0.09740318357944489, 0.777390718460083, -0.13239321112632751, -0.3791516125202179, 0.776646614074707, 0.07938101887702942, -0.11570969223976135, -0.45049017667770386, 1.43979012966156, -0.852271556854248, 0.7964071035385132, -0.8925668597221375, 0.5229594707489014, -0.24320337176322937, -0.7214622497558594, 0.3054654002189636, 0.6759383678436279, -0.34904685616493225, -0.12179479002952576, 0.8473811149597168, -0.3451358675956726, -1.1156727075576782, 1.0454041957855225, -0.8015003800392151, -0.28099751472473145, -0.7294057011604309, 1.3415729999542236, 0.2057851403951645, 0.03329594060778618, 1.6927533149719238, -0.2275266945362091, 0.8433576822280884, 0.5630737543106079, -0.3648999035358429, 0.7162895798683167, 0.20710904896259308, 0.03196755424141884, 0.07816082239151001, 0.3860602080821991, -1.9200342893600464, 0.08131175488233566, 1.67178213596344, -0.35543882846832275, -0.16298772394657135, -0.14560925960540771, 0.7684218883514404, -0.10921847820281982, 0.4016936421394348, -0.4907711446285248, -0.18611572682857513, 0.6345717906951904, -0.6716881394386292, -0.4152495265007019, 1.6911265850067139, -0.6764585971832275, -0.41600391268730164, 1.2310150861740112, 0.4486134648323059, -1.600035548210144, 0.37370389699935913, 0.10835079103708267, -0.10106660425662994, 1.41209077835083, 0.10024850070476532, 0.026747414842247963, 0.9485360383987427, -0.6719608902931213, -0.16089417040348053, 0.7603467702865601, 0.9700385332107544, 0.14587052166461945, 0.28455397486686707, 0.0994584709405899, 0.7808346152305603, -1.3638591766357422, 1.4136922359466553, 0.41216474771499634, -0.3437943458557129, -1.0037617683410645, -0.2051340639591217, -1.1221240758895874, -0.47899165749549866, 1.3735249042510986, 0.5618155002593994, 0.7236579060554504, 0.4964258670806885, 0.13636593520641327, -0.4143059253692627, 0.7342699766159058, 1.210451602935791, 0.9017320275306702, 0.5082456469535828, 0.30498945713043213, 0.024083763360977173, 0.2573137879371643, 0.03458847850561142, -0.3154760003089905, 0.0011676610447466373, 0.4590182602405548, -0.642329216003418, 0.29918548464775085, -0.5312283635139465, 1.5774941444396973, 0.5280282497406006, 0.9537471532821655, -0.4512118399143219, -0.4450030028820038, -0.9122254848480225, -0.047303207218647, 0.5996118783950806, 1.0065863132476807, -1.5139787197113037, 0.2108730971813202, -0.4453396499156952, 0.06742335110902786, -1.008383870124817, 0.6345664858818054, 0.6172600984573364, -0.31764423847198486, -0.5795685648918152, -0.7609540224075317, -0.5363589525222778, 0.13868045806884766, 0.13556933403015137, -0.009800978004932404, -1.0162739753723145, 1.204397201538086, -0.6681888103485107, -1.135544776916504, 0.04963795840740204, -0.29649579524993896, -1.0710786581039429, 1.2341256141662598, 0.33557242155075073, -0.9503625631332397, -0.7748932242393494, -0.20048224925994873, -0.8023307919502258, -0.9479349851608276, 0.9313634037971497, -0.8395748138427734, 0.47975853085517883, 0.5963014960289001, 0.5597237348556519, -0.6106367707252502, -0.7200644612312317, -0.0034624412655830383, 0.549238383769989, 0.9402157664299011, -0.047357816249132156, 0.007086141034960747, 0.8941852450370789, -1.0242701768875122, 0.19630415737628937, -1.1489439010620117, -1.192520260810852, 0.007928367704153061, 0.07857289910316467, 0.35123947262763977, -0.24735425412654877, -0.7105993628501892, -0.37606191635131836, -0.6979371905326843, 0.6193670630455017, -1.3690721988677979, 0.6159879565238953, -1.2405004501342773, -0.6445437073707581, 0.05418967455625534, -0.07475097477436066, -0.31873974204063416, 0.5106571316719055, -0.8573257923126221, 0.734637975692749, 0.474214106798172, 0.8429273962974548, 0.13349777460098267, 0.20576095581054688, 0.5518359541893005, 0.2569860816001892, -11.393424987792969, 0.05538015440106392, -0.1827743947505951, 0.14815428853034973, 0.8498583436012268, -0.08538403362035751, 0.4847044050693512, -0.7630746364593506, 1.413838267326355, -0.9041719436645508, 0.09453985095024109, 1.3863439559936523, -0.5375393033027649, -0.37434104084968567, -0.6319092512130737, -0.2784588634967804, -0.5847432613372803, -0.5727463364601135, 0.7558619976043701, -0.3520517945289612, -0.6556646227836609, -0.6146774291992188, 0.18631471693515778, -0.594818115234375, 0.6893587112426758, -0.06633021682500839, -0.19874536991119385, -0.5479950904846191, -1.1784476041793823, 0.4357272982597351, 0.6084615588188171, -0.2857320010662079, -0.9594283103942871, -0.5178169012069702, 0.6139482259750366, 0.43722423911094666, -1.0063964128494263, -0.4596511125564575, 0.8339216113090515, -0.23166024684906006, 0.6182569861412048, 0.0015828488394618034, 0.34392228722572327, -1.097652792930603, -1.0424823760986328, 0.05737648904323578, 0.3145007789134979, -0.21030859649181366, 0.7389706969261169, 0.005467824637889862, -0.3628959059715271, -0.36910587549209595, -1.173769235610962, -0.27156612277030945, 1.17325758934021, 0.2985568940639496, -0.939978837966919, 0.38479194045066833, -0.5301374197006226, -0.555277943611145, 1.1559091806411743, -0.5017614364624023, -0.40162894129753113, -0.20607541501522064, 0.4251525402069092, -0.9805670380592346, 0.644810676574707, 0.9579629898071289, -0.5898654460906982, -0.07829031348228455, -1.3006019592285156, 1.553347110748291, 0.5687074065208435, 0.44464585185050964, -0.32380929589271545, -0.1371118128299713, -0.2829734683036804, 0.19666872918605804, 0.21439877152442932, -0.16089843213558197, -0.7145624756813049, 0.5353838801383972, -0.16143743693828583, -0.2330666482448578, -0.3748351037502289, 0.41310861706733704, -0.0027126893401145935, -0.897860586643219, 0.6451640129089355, -0.005354210734367371, -0.06201576441526413, 0.16967329382896423, -0.07522084563970566, 0.9014224410057068, -0.3090601861476898, 0.20630332827568054, 0.05274392291903496, 1.5585086345672607, 0.2351527214050293, 0.5638361573219299, -0.014311261475086212, 0.24652594327926636, 1.0553536415100098, -0.10681192576885223, 0.8527644276618958, 0.1488463282585144, -0.47287654876708984, 0.14970141649246216, 0.19746951758861542, -0.6036904454231262, 0.2535366117954254, 0.20258310437202454, -0.43939661979675293, 0.8820266127586365, 0.3363724946975708, 0.8998005390167236, -0.2495071142911911, -0.21834081411361694, 0.8182211518287659, 0.4855639636516571, -0.06522486358880997, 0.3241386115550995, -0.15164025127887726, 0.3784586191177368, 0.4012032747268677, 0.39989686012268066, 0.27860212326049805, 0.1777871698141098, -0.24491530656814575, -1.3250287771224976, 0.9456876516342163, -0.41254863142967224, 0.14436744153499603, -0.7191548943519592, -0.26353102922439575, -0.7110658884048462, -0.29159125685691833, 1.2824103832244873, -1.2260104417800903, -0.5550127029418945, -0.607082188129425, -0.17654472589492798, 0.5952857136726379, 0.19946511089801788, -0.5343596935272217, -0.17811158299446106, -1.5879864692687988, 0.16677045822143555, -0.24774110317230225, -0.7928075790405273, 0.7789411544799805, -0.13802754878997803, 0.6818913221359253, -0.4310508966445923, -0.14072470366954803, 0.4080766439437866, 0.37416961789131165, -0.25196921825408936, -1.4985100030899048, 0.7983666658401489, -0.004322633147239685, 0.3596837520599365, -0.9253225922584534, 0.6276707053184509, 0.2900558412075043, -0.18610762059688568, -0.18668556213378906, 0.31607717275619507, -0.5864123702049255, 0.4253957271575928, 1.6257117986679077, -1.078011393547058, -0.1090499609708786, -0.44227975606918335, -0.11473812162876129, -1.688044548034668, 0.8812170028686523, 0.802844762802124, -0.5868390798568726, 0.07930268347263336, -0.529396653175354, 0.3812539279460907, -0.8365448713302612, -0.41823992133140564, -0.4962024986743927, 0.37732821702957153, -0.7184857130050659, 0.7182264924049377, 0.766017496585846, 0.30494216084480286, -1.4092905521392822, -0.7751908898353577, -0.17963707447052002, -0.18989208340644836, 0.398455947637558, -0.2634589970111847, 0.46556758880615234, 0.23684164881706238, -0.14604932069778442, -0.372862309217453, 0.09860685467720032, 0.5249589681625366, 0.5153412818908691, 0.3628596365451813, -0.17409247159957886, -0.45234575867652893, -0.678370475769043, -0.0837189331650734, 1.1376725435256958, -0.16925859451293945, -0.7679197192192078, 0.012903250753879547, 0.5925310850143433, 0.23976197838783264, 0.855860710144043, -1.0654829740524292, 0.2505199611186981, -0.0058139897882938385, -0.8142375349998474, -0.650622546672821, 0.18965458869934082, 1.3751249313354492, -0.262320339679718, 0.9524584412574768, 0.4377438724040985, 0.9174090027809143, 0.48575037717819214, 0.4215571880340576, 2.069685220718384, -0.7679023742675781, -0.233266219496727, 0.6588014960289001, -0.6031122207641602, -0.0017240196466445923, -0.21126316487789154, 0.4614031910896301, -1.176932454109192, 0.7098902463912964, -1.239307165145874, 0.09354808926582336, 0.1438976228237152, 0.7471455931663513, 0.17837508022785187, 1.5399515628814697, -0.5724450349807739, -0.7938046455383301, -1.166701316833496, -0.3627220094203949, 0.3154418170452118, 0.5754593014717102, 0.11116933822631836, 1.6086554527282715, 0.8942137956619263, -0.09587821364402771, 0.6719377040863037, -0.1696586012840271, -0.3126296401023865, 0.13331007957458496, 0.5084577202796936, 1.2910882234573364, 0.37824946641921997, 0.12926903367042542, -0.31890249252319336, -0.05026549845933914, -1.1539074182510376, -0.30393677949905396, -0.5716893672943115, 0.46983587741851807, 0.13561421632766724, -0.623018205165863, -0.1817917823791504, -0.606738805770874, -0.1714111566543579, 0.557682454586029, 0.29710879921913147, 0.6622152924537659, -0.8171235918998718, -0.47214648127555847, -0.6786257028579712, -0.1270478218793869, 0.8805267214775085, -0.32980647683143616, -0.5549048185348511, -0.5070549249649048, -0.4802596867084503, -0.03703536093235016, -0.7607390284538269, -0.5594403147697449, 0.6780365705490112, -0.8191195130348206, 0.7895488739013672, 0.39091435074806213, -1.2829809188842773, -0.9751522541046143, -0.25113385915756226, -1.0208592414855957, 0.7827407717704773, 0.07413925230503082, -0.6493836641311646, -0.36759960651397705, 0.07347899675369263, -0.9023585319519043, -0.25543853640556335, 0.24117465317249298, -0.5008029937744141, -1.3577765226364136, 1.6383047103881836, 1.5458272695541382, 0.7424330711364746, -0.7287914156913757, 0.37493696808815, 0.6415172219276428, 0.0849270448088646, 1.4728071689605713]} +{"paper_id": "crd3", "embedding": [-0.12080787867307663, 1.0495675802230835, 0.20828711986541748, 0.5415562391281128, 0.5327388048171997, 0.6264248490333557, 0.5719047784805298, 0.6625591516494751, 0.9172876477241516, 0.63421630859375, 0.3180117607116699, -0.16890141367912292, 0.023428503423929214, 0.12204427272081375, 0.027442296966910362, -0.07054527848958969, -1.2663630247116089, -0.4895983636379242, -1.2614836692810059, -0.07424245774745941, -1.1535300016403198, 0.14213672280311584, 0.12450450658798218, 0.6983754634857178, -0.8179938793182373, -0.30816522240638733, 1.2114275693893433, -1.5285905599594116, -0.23642680048942566, 0.06254029273986816, -0.15179839730262756, 1.3944120407104492, -0.877496063709259, 0.24507978558540344, -0.1940051019191742, -0.38518819212913513, -0.004475525580346584, 0.4942484200000763, 0.2858903706073761, 0.000673338770866394, -0.6718723773956299, 0.4252147972583771, 0.3679575026035309, 0.3434426188468933, -0.007685042917728424, 0.11357245594263077, -0.3574957549571991, 0.05341479927301407, -1.1206281185150146, 0.19847546517848969, -0.036427706480026245, 0.3529559373855591, -0.11023728549480438, 0.6056113243103027, -0.13307636976242065, 0.8780198693275452, -0.2219814658164978, -0.8752017617225647, -0.15932461619377136, -0.4860120713710785, 1.6250345706939697, 1.4012600183486938, -1.0953104496002197, 0.6103998422622681, 1.5315840244293213, -0.2274799644947052, 1.8267505168914795, 0.32667315006256104, -0.020472882315516472, 1.2788796424865723, -0.6959562301635742, -0.7582480311393738, 0.29893729090690613, -0.7539612054824829, -0.8852640390396118, 0.7106629610061646, 0.35339513421058655, 0.4201364815235138, -0.07872028648853302, 0.05655764788389206, 0.12792228162288666, 0.4752979874610901, 0.6327386498451233, -0.7885183691978455, 0.19616401195526123, 0.8004973530769348, 0.29130229353904724, -0.44458863139152527, 0.001964068040251732, -2.0587892532348633, 0.12941808998584747, -0.3323742151260376, 0.010617252439260483, -0.2153497338294983, -0.5033053755760193, 0.41920918226242065, 0.3614290952682495, -0.4481944143772125, -0.4784741997718811, 0.5806910991668701, 0.26068058609962463, -0.8436081409454346, -0.12655919790267944, -0.12923744320869446, 0.8419320583343506, 0.035458676517009735, 0.1968483030796051, -0.011608242988586426, -0.44041022658348083, -0.676820695400238, -0.26830774545669556, 1.1450622081756592, 0.1920994520187378, 1.1269296407699585, -0.5571563839912415, -0.23624011874198914, 0.04715507850050926, -0.5764538049697876, -0.21385826170444489, 0.011411890387535095, -0.578027069568634, -0.7960594296455383, 0.16461443901062012, 0.0372702032327652, 0.6790822148323059, -1.1120526790618896, -0.37539270520210266, -1.0166000127792358, 0.20197880268096924, -0.13435028493404388, 0.42319637537002563, -0.02718343213200569, -0.8134310841560364, -0.2869008183479309, 2.2955949306488037, -0.42944273352622986, 1.592496395111084, -0.5838468670845032, -0.4881511926651001, -0.8087541460990906, 0.09561405330896378, 2.0183231830596924, -0.1963641345500946, -0.4945968687534332, -0.7790282964706421, 0.30443859100341797, -0.5436684489250183, -0.041839100420475006, -0.4242773652076721, -0.7317694425582886, 0.10391923785209656, 0.7034164071083069, -1.3551148176193237, -0.7564972639083862, -0.31738877296447754, 0.34965360164642334, -0.35144659876823425, 0.7300980091094971, -0.3683129549026489, 0.6552203297615051, 0.7946066856384277, -0.05806484818458557, 0.020455732941627502, 0.3626011312007904, -0.937038779258728, 0.18120521306991577, 0.1368306577205658, -0.4929713010787964, -0.4381375312805176, -1.1128559112548828, 0.579986035823822, -0.5762958526611328, 0.10359648615121841, -0.5922626256942749, -0.5851562023162842, 0.07043101638555527, 0.5976401567459106, 0.5412580966949463, 0.5214363932609558, -0.7347601056098938, -0.7174429893493652, -0.6246949434280396, 0.37613794207572937, 0.54109787940979, -0.032795608043670654, 0.2501395046710968, -2.4459776878356934, -0.6535431742668152, -0.725422203540802, 1.8363194465637207, 0.6465091705322266, -0.15978173911571503, -0.07127303630113602, 0.37996840476989746, -0.29497864842414856, -0.18498487770557404, 0.8114091753959656, -0.8588776588439941, -0.19619232416152954, 0.03853541612625122, 0.532558798789978, -0.46853795647621155, -0.1439628154039383, 1.176574468612671, 1.654049038887024, -0.9627069234848022, -0.016879823058843613, -1.2709386348724365, 0.3049077093601227, 2.013659954071045, 0.37443962693214417, -1.1045761108398438, -1.511246919631958, 0.14644105732440948, 0.5127174258232117, 0.39614370465278625, -0.15126796066761017, -0.3255685865879059, 0.09105439484119415, -1.3499075174331665, 0.458197683095932, -0.193791925907135, 0.5219547748565674, 0.47729840874671936, 1.2128738164901733, -0.46767985820770264, -0.5696088075637817, -0.9725951552391052, -0.3590744137763977, 0.23970478773117065, 0.8525967597961426, 0.1246008574962616, 0.038328155875205994, 0.7440432906150818, 0.15652769804000854, 0.3863316774368286, 0.372037798166275, 0.4862958788871765, 0.13688158988952637, -0.2427034229040146, 0.25733682513237, 0.8366897702217102, 0.6063823699951172, -0.11773695796728134, -0.2324148267507553, -0.2302449643611908, -0.05168101191520691, -0.6301248669624329, -0.519925057888031, -0.2669679820537567, 1.8456779718399048, 0.9926260113716125, -0.308115154504776, 0.3339838981628418, -0.8457853198051453, 0.45960792899131775, -0.2525358200073242, -0.2716273367404938, -0.5490158796310425, -0.08599503338336945, 0.6129200458526611, -0.15232615172863007, 0.2798459529876709, -0.35629409551620483, -0.1650577187538147, -0.7248250842094421, -0.8085390329360962, -0.08739563822746277, -0.16336575150489807, -1.3300042152404785, 0.02667950838804245, -0.3203098773956299, -0.4704190790653229, -0.5891928672790527, -0.5680691003799438, -0.09131120145320892, -0.26918596029281616, 0.3830653727054596, 1.4631046056747437, -0.060384348034858704, -0.46471738815307617, -0.2177228331565857, 1.029666543006897, -0.29675737023353577, 1.4742084741592407, -1.1638214588165283, 0.2046663463115692, -1.0168606042861938, 0.44579246640205383, -0.7444734573364258, -0.06804775446653366, -0.010875843465328217, -0.23523548245429993, 0.6708101034164429, -0.23222306370735168, -0.5020917654037476, 1.058129072189331, -0.7147191762924194, 0.3011740446090698, -0.35136163234710693, 0.9262230396270752, 0.12312737852334976, -1.0785462856292725, 0.9862839579582214, -0.5394190549850464, -0.06906552612781525, 0.7490608096122742, -0.11557195335626602, 0.9383276700973511, 0.16194845736026764, 0.0015902919694781303, 0.3445168733596802, -0.34814542531967163, -2.0802814960479736, -0.01375598181039095, 1.8642057180404663, -0.4387565553188324, -0.13987413048744202, -0.8279845118522644, 0.36615902185440063, 0.055714014917612076, -0.38052716851234436, 0.3341481685638428, -0.6272051930427551, 0.21040771901607513, -0.0789378359913826, 0.3858940601348877, 1.0287880897521973, 0.4466446042060852, 0.6541231274604797, 1.1389766931533813, 0.09597861021757126, -1.0050792694091797, -0.33624953031539917, 0.9918375611305237, -0.33881813287734985, 0.315226674079895, 0.07493070513010025, 0.4779549241065979, 0.813390851020813, -0.5196463465690613, -0.21738971769809723, 1.5027663707733154, 0.8209072351455688, 0.46528980135917664, 0.4520772099494934, -0.5806801319122314, 0.2858636677265167, -0.5616955161094666, 1.1168326139450073, -0.22047792375087738, -0.002481425181031227, -1.0474374294281006, -0.1269395500421524, -0.6369356513023376, -1.3403843641281128, 1.3331904411315918, 0.20564091205596924, 1.7383599281311035, 0.05506793409585953, 0.24869364500045776, -0.677824854850769, 0.09090565145015717, 0.5140611529350281, 0.1287534236907959, 0.5576680302619934, -0.4385952949523926, 0.18723280727863312, 0.9768179655075073, 0.009333519265055656, -0.1719971001148224, -1.0377815961837769, 0.8326320648193359, 0.11930885910987854, -0.4936240017414093, 0.10267012566328049, 0.8560687303543091, 0.605510950088501, 1.429019570350647, -1.0792511701583862, -0.4504115581512451, -0.1655094474554062, 0.573014497756958, 0.8047067523002625, 0.5843518972396851, -1.4892116785049438, 0.6644349098205566, 0.32317474484443665, 0.8287881016731262, 0.02811272442340851, 1.3683139085769653, 0.7358610033988953, -0.14809344708919525, -0.5495758056640625, -0.16538085043430328, -0.4562000036239624, -0.34882214665412903, 0.8092827200889587, 0.24490100145339966, -0.21120098233222961, 0.7611870169639587, -0.31887704133987427, -1.10506010055542, 0.593919038772583, -0.4049016833305359, -0.4211553633213043, -0.02360433340072632, 0.6403003931045532, -0.5923138856887817, -0.6933138370513916, -0.17425036430358887, -0.793519914150238, -0.37763646245002747, 0.22156648337841034, -0.5793794989585876, 1.3155003786087036, 0.33138346672058105, 0.7643425464630127, 0.568086564540863, 0.2214232236146927, -0.8573925495147705, 0.8503283262252808, 0.7992979884147644, -0.9956411719322205, 0.9199671745300293, 0.24081727862358093, 0.24346105754375458, 0.34295621514320374, -1.1265711784362793, -0.6073662638664246, 1.0774656534194946, 0.00385216623544693, -0.4342784583568573, -0.5841261148452759, -0.20808802545070648, 0.1493803858757019, -0.1727760136127472, 0.23979994654655457, -1.3694441318511963, -0.4520456790924072, -0.2409038245677948, 0.6029099225997925, 0.4432348608970642, -0.8201665878295898, -0.5966851711273193, 0.5278878808021545, -0.6865355372428894, 0.5958267450332642, 0.18104594945907593, 0.08077044785022736, 1.4567936658859253, 0.8252744078636169, 0.15846678614616394, 0.06353741139173508, -11.365076065063477, 0.9681711196899414, -0.0521722212433815, -0.3514827489852905, -0.07578766345977783, -0.6799424290657043, 0.34416431188583374, -0.01652376726269722, 0.8526214361190796, -0.8335340023040771, 0.4229458272457123, 1.083666205406189, 0.19477468729019165, -0.8095582127571106, -0.7094074487686157, -0.9430119395256042, -0.9870087504386902, -1.0086637735366821, 0.504538893699646, -0.3401321768760681, -0.010103840380907059, -0.7189000844955444, -0.0007618144154548645, 0.2903047204017639, 0.3603655993938446, -0.022484108805656433, 0.02253403142094612, 0.05286954715847969, -0.8284916877746582, 0.5330603122711182, 1.5524113178253174, -0.26592743396759033, -0.35548603534698486, -0.9533557891845703, 1.165967583656311, -0.00574223417788744, -1.7968674898147583, 0.10696491599082947, 0.3642418682575226, -0.6183155179023743, -0.05628013610839844, 0.05834142491221428, 0.13971279561519623, -0.6823739409446716, -0.4675091505050659, -0.08226114511489868, 0.4675782024860382, -0.5386670827865601, 0.46099191904067993, -0.31588974595069885, -0.8351840376853943, -0.5237311124801636, -1.3350476026535034, -1.0419098138809204, 0.26185381412506104, -0.4778668284416199, -1.073898196220398, 0.5887277722358704, -0.01422024890780449, -0.21129019558429718, 0.32588011026382446, 0.2872160077095032, 0.013391248881816864, 0.36632031202316284, 0.8038098216056824, -1.0695855617523193, 0.909313976764679, 0.7856109738349915, 0.8217677474021912, 0.44248324632644653, -1.0589197874069214, 1.083056926727295, -0.06464757770299911, 0.15489283204078674, -0.5849320888519287, 0.11990950256586075, 0.0442805290222168, -0.39070290327072144, 1.0131347179412842, 0.1697315126657486, -0.463795006275177, 0.4042677581310272, 0.25206637382507324, -0.7897956371307373, -1.192392349243164, 0.45396021008491516, 0.28887510299682617, -0.5935050249099731, 0.8931716680526733, -0.6858552694320679, 0.7594943642616272, 0.10895004123449326, -0.42337197065353394, 0.6827583312988281, -0.08736896514892578, 0.7946867942810059, -0.10162947326898575, 0.8861762881278992, 0.6049197912216187, -0.522026538848877, -0.1785396933555603, -0.2170083224773407, -0.6661086082458496, -0.21298132836818695, 0.3740399181842804, -0.396916925907135, -0.4678341746330261, 0.15992605686187744, -0.03759944811463356, -0.5224742293357849, 0.4672606885433197, 0.032348498702049255, -0.6520097255706787, 0.7228979468345642, -0.1297225058078766, 1.098824381828308, 1.3034534454345703, 0.11274614930152893, 0.6324425339698792, 0.7526381611824036, -0.21448032557964325, 1.1840238571166992, 0.2592264711856842, 1.2060554027557373, 0.12582358717918396, 0.030586984008550644, 0.2829442620277405, 0.13378125429153442, 0.19536298513412476, -1.5217361450195312, 0.34821340441703796, -0.3983630836009979, 0.07452774792909622, -0.16614869236946106, -0.6110228300094604, 0.34512120485305786, -1.1467735767364502, 1.0175609588623047, -1.3566726446151733, 0.2122623324394226, 0.16780436038970947, -0.6543954610824585, -0.30567461252212524, -0.7611953616142273, -0.8108469843864441, -0.3244578540325165, -2.3147871494293213, 0.22755520045757294, -0.4794068932533264, 0.11301274597644806, 0.6845370531082153, -0.3108719289302826, 0.4591372013092041, -0.8284706473350525, -0.6016836166381836, -0.278840035200119, 0.6268879771232605, -0.13218003511428833, -0.6734516620635986, 0.24683666229248047, 0.317095011472702, 1.023600697517395, -1.0964558124542236, 0.578345775604248, 0.1947188377380371, 0.30089378356933594, -0.5030525922775269, 0.1256214678287506, -0.8091050386428833, 0.22183147072792053, 1.4323627948760986, -1.407812476158142, -0.822748601436615, -1.1585500240325928, 0.17482618987560272, -0.6098364591598511, 0.6235605478286743, 1.2947983741760254, -1.2994136810302734, -0.8043817281723022, -0.8744010925292969, 0.3846961557865143, 0.4236558973789215, -0.4713890850543976, -0.5950191020965576, -0.07351851463317871, -0.36393439769744873, 0.6280013918876648, 0.4498341977596283, 0.5383702516555786, -1.1710155010223389, -1.1662814617156982, -1.0872094631195068, -0.5064200758934021, 0.7842196226119995, -0.005910664796829224, 1.1245660781860352, 1.1174275875091553, -0.08239508420228958, -0.1295243501663208, -0.35035204887390137, 0.9933823943138123, 0.4897569417953491, 0.31997641921043396, -0.26701146364212036, 0.09492030739784241, -0.4060370922088623, 0.02793825790286064, 0.34852468967437744, -0.1738663762807846, -0.6141386032104492, 0.26556164026260376, 0.5111304521560669, 0.4277242422103882, 0.5122734308242798, -1.210331678390503, -0.30526524782180786, -0.24610717594623566, -0.4355162978172302, -0.4860229194164276, 0.25332149863243103, 0.986727774143219, -0.36337119340896606, 1.264157772064209, 0.5479333996772766, 0.17187777161598206, 0.7241196632385254, -0.030601561069488525, 0.9311385750770569, 0.04038169980049133, 0.0801084116101265, -0.30724313855171204, -0.30553996562957764, 0.5332669019699097, 0.09263782203197479, -0.7551659941673279, -1.048535704612732, 0.38188621401786804, -0.9086878299713135, -0.11327352374792099, -0.13414263725280762, -0.1848815381526947, 1.140487790107727, 2.052461624145508, -0.2650987505912781, -1.2100435495376587, -0.5183730721473694, -1.2066603899002075, -0.04791157320141792, 1.2005794048309326, 0.480569064617157, 0.7810800075531006, 0.7367509007453918, 0.0667465478181839, 1.1484719514846802, -0.32235604524612427, -0.11434231698513031, -0.017388485372066498, 0.17107683420181274, 1.0437923669815063, 1.0893930196762085, 0.6365250945091248, 0.6136080026626587, -0.27083855867385864, -0.6248109340667725, 0.0642172247171402, -0.31021150946617126, 0.2974669337272644, 0.5698413252830505, -0.49112194776535034, -0.4967196583747864, -1.1633914709091187, -0.12907686829566956, 0.08326153457164764, 0.9368475079536438, 0.20745305716991425, -1.047250509262085, -1.615992784500122, -1.4448481798171997, -1.0588704347610474, 0.8705834150314331, -0.21400859951972961, -0.7785829305648804, -0.4527398943901062, 0.7022368311882019, 0.023599158972501755, 0.5093021392822266, -0.6721407175064087, 0.5893455743789673, -0.7798465490341187, -0.0686025470495224, 0.05666758865118027, -0.3833436667919159, -1.00582754611969, -0.15871772170066833, -0.34047913551330566, 0.559948205947876, -0.06649453938007355, -0.8849454522132874, -0.5059973001480103, 0.519214391708374, 0.362881600856781, -0.12314634025096893, 0.8779414296150208, 0.7074608206748962, -1.4240167140960693, 0.8488361835479736, 0.906257688999176, 0.1077616959810257, -0.22980181872844696, 0.6734465956687927, 0.8301745057106018, 0.0980248674750328, 1.2493339776992798]} +{"paper_id": "tilde_model", "embedding": [-0.47259581089019775, 0.5608373284339905, -0.11376519501209259, -0.4215123653411865, 0.16980408132076263, -0.656461238861084, -0.10373293608427048, 0.3336578905582428, 0.9175581336021423, 0.7448917031288147, 0.6660723686218262, -0.494147926568985, 0.3651111423969269, -0.08922212570905685, 0.1167086809873581, -0.15639609098434448, -1.213183045387268, -1.6151360273361206, -0.4285908341407776, -0.48074159026145935, -0.510618269443512, -0.2595991790294647, 0.073635533452034, 0.5774019360542297, -0.3314259946346283, -0.1812937706708908, 0.272015243768692, 0.042359136044979095, 0.49146711826324463, 0.05594800412654877, -0.31520816683769226, 0.9490243792533875, -1.6308945417404175, 0.09134798496961594, -0.3060554563999176, 0.23270587623119354, 0.43855544924736023, 0.8853075504302979, -0.4502471387386322, 0.0342952162027359, -0.6250320672988892, -0.29674071073532104, 0.6165360808372498, 0.4647778570652008, 1.145979881286621, -0.10153259336948395, 0.29002487659454346, 0.6853644251823425, 0.05233168601989746, 0.4690519869327545, 0.2952721118927002, 0.0394105464220047, 0.12298368662595749, -0.0188580509275198, -0.29282888770103455, 1.0993173122406006, 0.1912524402141571, -0.733380138874054, 0.7809346318244934, -1.2661504745483398, 0.4209524095058441, 1.7701315879821777, -1.1145752668380737, 0.34064388275146484, 0.9368847012519836, -0.07407350838184357, 0.5456982254981995, 0.17151351273059845, 0.9677470922470093, 0.6818522214889526, 0.44166767597198486, -0.7620343565940857, 0.7950449585914612, -0.270302414894104, 0.5515601634979248, 1.0310744047164917, 0.17835433781147003, 0.35349249839782715, 0.12005393952131271, -0.1025758609175682, -0.060430858284235, 0.9403350353240967, 0.5113877058029175, -0.7616977095603943, -0.16541986167430878, 0.8190704584121704, 0.34290826320648193, -0.8269702196121216, 0.5350031852722168, -2.1416211128234863, 0.3538024425506592, 0.1493423581123352, -0.04586710408329964, -0.22923493385314941, 0.2506061792373657, 0.05766265094280243, 0.11851765960454941, 0.0680960863828659, -0.05229254812002182, 0.22434735298156738, 0.3991387188434601, -0.2931232452392578, 0.5226914882659912, 0.3344767391681671, 0.2081742286682129, 1.0022170543670654, -0.7701318860054016, -0.3651011884212494, -1.0234472751617432, 0.07750649005174637, 0.20653685927391052, 1.5936139822006226, -0.3363904058933258, 0.2914348244667053, 0.07337994873523712, -0.4283744692802429, -0.2366890013217926, -0.6503187417984009, -0.9494250416755676, -0.020206324756145477, -0.36804482340812683, -1.0472673177719116, -0.8650701642036438, 0.20202644169330597, 0.7131416201591492, -0.5878986716270447, 0.8199136257171631, 0.08701463788747787, 0.48219501972198486, -0.5057978630065918, 0.34337636828422546, -0.023561466485261917, -0.49068117141723633, -0.09716472029685974, 2.4673118591308594, -0.40043503046035767, 1.5363200902938843, -0.12539099156856537, 0.4703426659107208, -0.356584370136261, -0.01411733403801918, 0.7293009161949158, 0.1935279369354248, -0.7841642498970032, -0.7987194061279297, -0.21724270284175873, -0.7751939296722412, 0.5541423559188843, -0.3621034324169159, -0.07730434834957123, 0.37074515223503113, 0.5480282306671143, -0.8054260015487671, -0.4239850342273712, 0.2972528636455536, 0.3370548486709595, 0.44075724482536316, 0.713189959526062, -0.6316692233085632, 1.380558729171753, 0.8812378644943237, 0.7300683856010437, -0.7905718088150024, 0.4926871657371521, -1.1661639213562012, 0.4685162603855133, 0.9043675661087036, 0.04299693554639816, -0.3928433954715729, -0.5796688795089722, 0.7501432299613953, -0.40629544854164124, 0.2493630200624466, -0.04542240500450134, -0.15823963284492493, 0.3224950134754181, 0.41683393716812134, 0.25125089287757874, 0.3917214274406433, -0.36740145087242126, -0.026785384863615036, -0.17125928401947021, -0.5003889799118042, 0.5176364183425903, 0.10447423160076141, 0.2754920423030853, -1.2504007816314697, 0.18719223141670227, -0.48831576108932495, -0.016193948686122894, -0.125589519739151, -0.9751248955726624, 0.47602060437202454, -0.13622723519802094, 0.4834904074668884, 0.07997037470340729, 0.6141664385795593, -1.1234275102615356, -1.3559050559997559, 0.4765387177467346, 0.044755663722753525, -0.18579520285129547, 0.7950795888900757, 0.2619493305683136, 0.35004788637161255, -0.5705427527427673, -0.7741432785987854, -1.3907359838485718, -0.13776043057441711, 1.954187273979187, -0.11185027658939362, -0.8009138107299805, -0.8667321801185608, -0.056248657405376434, 0.27058178186416626, -0.9479712247848511, -0.09043678641319275, -0.809400200843811, 0.17247670888900757, -0.9393834471702576, 0.4827578365802765, -0.6434605121612549, 0.10761862248182297, -0.15009917318820953, 1.022365927696228, -0.808774471282959, -0.5382240414619446, 0.005852190777659416, -1.3743858337402344, 0.6177615523338318, 1.1667015552520752, 0.07202845066785812, -0.842755138874054, 0.38642430305480957, -0.03421083092689514, 0.15244492888450623, -0.02126469835639, 0.47834914922714233, -0.09547965228557587, -0.16942736506462097, -0.46232515573501587, 1.2540663480758667, -0.13020382821559906, -0.06317538768053055, 0.5301206111907959, 0.9404345750808716, 0.31046509742736816, -0.38456690311431885, -0.5045040249824524, 0.14388085901737213, 0.9435145258903503, 1.7392023801803589, -0.7543461918830872, 1.6760509014129639, -1.358208179473877, 0.2840554416179657, 0.2557257115840912, -0.8889122009277344, -0.563589334487915, -0.20394964516162872, 0.4444177448749542, -0.41620543599128723, 0.17382070422172546, -0.38234376907348633, -0.13357040286064148, -1.40093994140625, -0.32432419061660767, -0.06377103924751282, -1.3934298753738403, -1.0040658712387085, -0.17783623933792114, 0.03583730012178421, -0.7803642153739929, -0.6998612880706787, -0.13018646836280823, 0.7264930009841919, 0.35674336552619934, 0.5720263719558716, 1.7854703664779663, 0.02870650589466095, 0.5929771661758423, 0.17847372591495514, 0.2697741389274597, -0.5063048601150513, 0.661111056804657, 0.3186734616756439, 0.28269070386886597, -0.9652118682861328, -0.23840297758579254, -0.003428511321544647, 0.652542769908905, -0.04857972264289856, -0.28128013014793396, 0.8699890971183777, -0.3948649764060974, -1.6753531694412231, 0.8210874199867249, -0.6009142994880676, -0.0339280366897583, -1.2532850503921509, 1.5366694927215576, 0.274821937084198, 0.15582258999347687, 0.41451770067214966, -0.2044590413570404, 0.05461111292243004, 1.2102307081222534, -0.22267389297485352, 0.3112516701221466, 0.7654536366462708, 0.1310986876487732, -0.2250368446111679, 0.6272375583648682, -2.3693301677703857, 0.17971359193325043, 0.8455631136894226, 0.325579971075058, 0.07549792528152466, -0.3135024607181549, -0.1403087079524994, -0.6074807643890381, -0.8992477059364319, 0.4692741632461548, -0.40251651406288147, 0.46218517422676086, -0.12126824259757996, 0.35776567459106445, 1.64604914188385, -0.8290635347366333, 0.3856937289237976, 1.3320767879486084, 0.668298065662384, -0.28289562463760376, 0.2630779445171356, 0.2609128952026367, -0.7517727613449097, 1.3804994821548462, 0.29134824872016907, 0.746985137462616, 1.320014476776123, -0.909618616104126, -0.19021669030189514, 0.007877901196479797, 0.596380352973938, 0.29176822304725647, 0.3654053807258606, -0.04200437664985657, 0.36934807896614075, 0.18631558120250702, 0.9810611605644226, 0.7888027429580688, -1.1944655179977417, -1.535231590270996, -0.24995312094688416, -0.19426697492599487, -0.8626060485839844, 1.9249823093414307, 1.0186662673950195, 0.833552360534668, -0.019429007545113564, -0.06721262633800507, -0.42330530285835266, 0.15817537903785706, 1.1777316331863403, 0.7909242510795593, -0.3563639521598816, 0.266048401594162, 0.7377641201019287, 0.4296535849571228, -0.4545662999153137, -1.017989158630371, -0.06496276706457138, 0.27765291929244995, -0.368122935295105, -0.8892397284507751, 0.22770880162715912, 1.0376865863800049, 0.38362953066825867, 1.193816900253296, -0.29447227716445923, -1.0143648386001587, -0.0004540625959634781, 0.4779459536075592, -0.11118026077747345, 0.6294721961021423, -0.8704571723937988, 0.38319486379623413, -0.135438933968544, 0.9473235011100769, -0.869111955165863, 0.8072951436042786, 1.0030884742736816, -0.6297903060913086, -0.49191105365753174, -0.05701880156993866, -1.7222861051559448, -0.15193302929401398, -0.6564409136772156, -0.2130282074213028, -0.9660496711730957, 0.38947635889053345, -0.7179985642433167, -0.3792872726917267, 0.19950544834136963, -0.4489261507987976, -1.0348011255264282, 1.076581358909607, 0.9059505462646484, -1.1568576097488403, -0.41067174077033997, -0.4671398997306824, -0.7021784782409668, -1.0866914987564087, 0.232782244682312, -1.0246626138687134, -0.2958235442638397, -0.48755529522895813, 1.0203810930252075, -0.15241186320781708, -0.7042754292488098, -0.7607693672180176, 0.4296363592147827, 1.3697644472122192, -0.05952345207333565, -0.41605132818222046, -0.09995044767856598, 0.09224647283554077, -0.4104725420475006, -1.133411169052124, -0.39221417903900146, 0.5715421438217163, 0.2950303256511688, -0.26210588216781616, -0.1267765909433365, -1.242926001548767, 0.21186774969100952, 0.010752800852060318, 0.5706101059913635, -0.7637996673583984, 0.6345370411872864, -0.3353036344051361, 0.49389663338661194, 0.04705420136451721, -0.6407973766326904, -0.512174665927887, 0.7495602369308472, -0.149196594953537, 0.7100393772125244, 0.2698020040988922, 0.8332180976867676, 0.3969835638999939, 0.12049274891614914, 0.657184898853302, -0.20863932371139526, -12.337326049804688, -0.1590031534433365, -0.9274610877037048, 0.3682800531387329, 0.8601216673851013, -0.16316679120063782, 0.8221307992935181, 0.6130862832069397, 0.4848726987838745, -0.6507123112678528, 0.11008049547672272, 0.8929068446159363, 0.3461015224456787, -0.3116878867149353, -0.25747421383857727, -0.6026197671890259, -0.6596787571907043, -0.635960042476654, 0.2684924602508545, 0.156660258769989, -0.6109824180603027, -1.0517383813858032, -0.48283469676971436, 0.3967227339744568, 0.1333126425743103, -0.0674901157617569, 0.20035496354103088, -0.11565770953893661, -0.4126386046409607, -0.5199383497238159, 0.3334031105041504, -0.1930760145187378, -1.0067731142044067, -0.2805483341217041, 0.31414365768432617, 0.5082501173019409, -0.970221221446991, -0.17917001247406006, 1.2188278436660767, -0.25600507855415344, -0.3708246350288391, 0.14039690792560577, 0.022731248289346695, 0.6223995089530945, -0.41956186294555664, 0.30960702896118164, 0.27795475721359253, -0.2288273572921753, -0.030132286250591278, -1.0452536344528198, 0.16462917625904083, -0.901704728603363, -1.2000097036361694, -0.769700288772583, 0.6719197630882263, -0.3564678430557251, -0.5163543224334717, 0.5810806155204773, -0.7336881756782532, -1.0885182619094849, 1.1501392126083374, 0.03554477542638779, -0.992569625377655, 0.046921830624341965, -0.13301479816436768, -0.2430901825428009, 0.9518889784812927, 0.6503618359565735, 0.22536656260490417, -0.12786300480365753, -0.19817611575126648, 0.41211673617362976, 0.22693905234336853, 0.16866391897201538, 0.36393406987190247, -0.40774017572402954, 0.6453615427017212, 0.0677269920706749, -0.0684860497713089, 0.33660888671875, -0.5914835929870605, 0.6221061944961548, -0.579906702041626, -0.4135134518146515, -0.5321937799453735, -0.6252831220626831, -0.3779659867286682, -0.13048404455184937, 0.40695878863334656, 0.3385220468044281, 1.4979690313339233, 0.2253226637840271, 0.19922609627246857, -0.1505606323480606, -0.451783150434494, 0.6532382369041443, 0.13909821212291718, 0.9292622208595276, -0.2535751461982727, -0.07298978418111801, 0.5430452823638916, -0.11496547609567642, -0.14808082580566406, -0.21191605925559998, 0.8384989500045776, 0.09603042155504227, 0.3046573996543884, 0.4830490052700043, 0.5419203639030457, 0.3948701322078705, 0.8908636569976807, -0.12452860176563263, -0.008546214550733566, 1.3430092334747314, 0.14682462811470032, 1.4638291597366333, 0.24472972750663757, -0.2410399615764618, 1.009207010269165, 1.1594172716140747, 0.29120108485221863, 0.06783086061477661, 0.08557349443435669, 1.1667046546936035, 0.3636274039745331, 0.2536449730396271, 0.0803922563791275, 0.7890180349349976, -0.5715275406837463, -1.1975581645965576, 0.1257435828447342, -0.23858150839805603, 0.2828841805458069, -0.7136716246604919, -0.37654948234558105, -0.7569590210914612, -0.6297147274017334, 1.1352256536483765, -0.14521528780460358, 0.3570031225681305, -0.42878687381744385, -0.9427775740623474, 0.4377334713935852, -0.6363722681999207, -0.4930475950241089, -0.32474827766418457, -1.054652452468872, -0.40490666031837463, -0.5871282815933228, -0.778069794178009, 0.48632940649986267, 0.29657840728759766, 0.5508209466934204, -0.5008333325386047, 0.29952099919319153, 0.07958866655826569, 0.3486745357513428, -0.5128366351127625, -0.7883742451667786, -0.17536816000938416, 0.3613830506801605, 0.7702691555023193, -0.8980802893638611, 0.5486687421798706, 0.6247756481170654, 0.48927104473114014, -0.9790195226669312, -0.5772876739501953, -0.5068635940551758, 0.3965397775173187, 0.7308003306388855, -0.7419077754020691, -0.1469912976026535, -0.8277143239974976, -0.9387454390525818, -1.058077096939087, 0.17622971534729004, 0.6674425601959229, -0.122489333152771, 1.247123122215271, 0.20629675686359406, 0.3784168064594269, -0.737925112247467, -0.5548360347747803, -0.9528247117996216, -0.044553548097610474, -0.559382975101471, 1.063391923904419, 0.04028870165348053, 0.4339151084423065, -1.3373817205429077, -1.085089921951294, -0.441560834646225, 0.12799689173698425, 0.7099397778511047, -0.22286799550056458, 0.5892661809921265, 0.060226067900657654, 0.22407588362693787, 0.3153496980667114, 0.3612262010574341, 0.31558045744895935, 0.33143746852874756, -0.27977484464645386, -0.3797471523284912, -0.09699667990207672, -0.7281299829483032, 0.5519025325775146, 0.6649513840675354, 0.2622552216053009, -0.6893191337585449, -0.40130341053009033, 0.031122971326112747, 0.1310843974351883, 0.1560666412115097, -0.8122369050979614, 0.49734896421432495, -0.2176632434129715, -0.5616772770881653, -0.5230284333229065, -0.46019256114959717, 1.5223215818405151, -0.22413906455039978, 0.21597015857696533, 0.5359082818031311, -0.009074501693248749, 0.2772550582885742, 0.9443750977516174, 1.4028867483139038, -0.5412984490394592, -0.19442199170589447, 0.012118233367800713, 0.016932975500822067, -0.3140406012535095, -0.3437967598438263, 0.2517491579055786, -0.4674004912376404, 0.13769963383674622, -0.90464848279953, 0.7960786819458008, -0.3464067578315735, -0.37426671385765076, -0.5092142224311829, 0.28569820523262024, -0.32949134707450867, -1.4036270380020142, -0.24302208423614502, -0.316812127828598, 0.15769712626934052, -0.29393109679222107, 0.08700963854789734, 0.6662663221359253, 0.7807162404060364, 0.1605001986026764, 1.1803103685379028, 0.3193415105342865, -0.1859145313501358, -0.04996119439601898, 0.061956603080034256, 1.0488625764846802, 0.814108669757843, 0.5657216906547546, -0.35102686285972595, -0.20290333032608032, -1.2819621562957764, -0.7588945627212524, -0.04828207939863205, 0.5412555932998657, 1.2085185050964355, -0.3652815818786621, 0.2364436239004135, -1.1925723552703857, 0.26915085315704346, 0.09215458482503891, 0.1949869990348816, 1.150386929512024, -0.44536590576171875, 0.20835557579994202, -0.9840599298477173, 0.10548368841409683, 1.4351370334625244, -0.7979122400283813, -0.16890615224838257, -0.9574933648109436, 0.5774919986724854, -0.12883278727531433, -0.8765658140182495, -0.6786506772041321, 0.1741439253091812, -0.16668468713760376, 0.401960551738739, 0.6013367176055908, -0.2687493860721588, -0.5037147402763367, 0.06934089958667755, -0.9226911664009094, 0.4605971872806549, 0.25435179471969604, -0.7248488664627075, -0.4300824701786041, 0.5892938375473022, -1.2176752090454102, -0.23545891046524048, 0.2630379796028137, -0.214664489030838, -1.4048796892166138, 1.0846753120422363, 1.0660866498947144, -0.3351224362850189, -0.5939466953277588, 0.19984576106071472, 0.4077434539794922, 0.17339789867401123, 0.9257168769836426]} +{"paper_id": "pn_summary", "embedding": [-0.05758211389183998, 1.6720256805419922, -0.26100119948387146, 0.46872761845588684, 0.3400236666202545, -0.5402987003326416, 0.2574894428253174, 0.964855432510376, 1.0003725290298462, 0.3368403911590576, 1.077828049659729, -0.22548635303974152, -0.010099069215357304, 0.06989842653274536, -0.21674951910972595, -0.09984635561704636, -1.2528202533721924, -0.778821587562561, -1.463782548904419, -1.0360114574432373, -0.7633927464485168, -0.009719286113977432, -0.43313008546829224, 0.5358933806419373, -1.3609998226165771, -0.526206374168396, 1.6196520328521729, -1.4213647842407227, -0.21740621328353882, 0.5859396457672119, -0.02570236474275589, 0.6632568836212158, -1.0484195947647095, 0.2790466547012329, -0.46442776918411255, -0.42275649309158325, 0.41168761253356934, 0.3776280879974365, 0.041959814727306366, -0.024421948939561844, -0.6833523511886597, 0.16068661212921143, 0.8664337396621704, -0.48898449540138245, 0.09533201158046722, -0.5164750814437866, 0.05054084211587906, -0.18244746327400208, -0.4770301580429077, -0.11083285510540009, 0.38223615288734436, 0.6192736029624939, -0.34513846039772034, 0.8121740818023682, -0.22945252060890198, 2.531238317489624, -0.1609726846218109, -0.48759332299232483, 0.38103094696998596, -1.2048373222351074, 1.438740611076355, 1.6267997026443481, -0.8012579679489136, 0.0416836179792881, 1.347216248512268, -0.45276641845703125, 1.9724750518798828, 0.7135992050170898, 0.8544626832008362, 0.7562360763549805, -0.4108491539955139, -1.0442382097244263, 0.31858545541763306, -0.9310108423233032, -0.07609173655509949, 1.1522380113601685, 0.6518035531044006, -0.504011332988739, -0.5531262159347534, -0.317598432302475, -0.7317727208137512, 0.3315730690956116, 0.806911289691925, -1.3273773193359375, -0.5957823991775513, 0.6769692301750183, -0.25688228011131287, 0.6382436752319336, 0.4633459448814392, -1.5850532054901123, -0.20047365128993988, -0.6585890054702759, -0.41370290517807007, -0.3758467137813568, -0.7869724631309509, 0.5624991655349731, 0.4557986855506897, -0.44549936056137085, -0.09432731568813324, 0.2022181749343872, 0.3967885673046112, -0.7138618230819702, 0.36084088683128357, 0.21880307793617249, 0.5247827768325806, 0.8211731314659119, -0.12235322594642639, -0.40494242310523987, -0.3810151219367981, -1.0985958576202393, -0.2609349489212036, 0.4303610920906067, 0.13399098813533783, 0.4600135087966919, -0.4575140178203583, -0.6070432066917419, 0.13069464266300201, 0.007405638694763184, -0.3869559168815613, -0.4179772138595581, -0.9088319540023804, -1.6028212308883667, -0.8531038165092468, -0.5372799634933472, 0.9604824185371399, -0.5337985157966614, -0.038977913558483124, -1.040696620941162, 0.12670011818408966, -0.15217328071594238, 0.5222448110580444, 0.033533401787281036, -1.0267736911773682, -0.21371184289455414, 2.8560218811035156, -0.7049148678779602, 1.6206642389297485, 0.093378946185112, 0.22054524719715118, -0.9657137393951416, 0.09673070162534714, 1.677525520324707, -0.5878999829292297, -0.8907220959663391, 0.42242515087127686, 0.7881076335906982, -1.4058890342712402, 0.6470373868942261, -0.787125289440155, -1.2858392000198364, -0.0364522822201252, -0.3877843916416168, -0.8511782288551331, -1.562121033668518, -0.38526228070259094, 0.3273857831954956, 0.25561994314193726, 0.6830862760543823, -0.3420778214931488, 1.5506807565689087, 1.0726938247680664, -0.2439393848180771, -0.2966141700744629, 0.47832369804382324, -1.4078474044799805, 0.05987759679555893, 0.18540269136428833, -0.3295643627643585, 0.3274216949939728, -0.762554943561554, 1.076378345489502, -1.1500797271728516, 0.2528575658798218, -0.24215638637542725, -0.6862362027168274, 0.7916954159736633, 0.6499766111373901, 0.13941988348960876, 0.21772900223731995, 0.15307116508483887, -0.49130386114120483, -0.2969282567501068, 0.34578317403793335, -0.005565956234931946, 0.11705148220062256, 0.9359429478645325, -1.7843924760818481, -0.6851674318313599, -0.12226749211549759, 1.5194963216781616, -0.18196208775043488, -0.37274178862571716, 0.3020177185535431, -0.17187856137752533, 0.39264607429504395, -1.031053066253662, 0.09421207010746002, -0.14006803929805756, 0.33093956112861633, 0.5621032118797302, 0.5488343834877014, 0.11212245374917984, 0.40111997723579407, 0.8819022178649902, 1.3818155527114868, -0.7495570182800293, -0.38973402976989746, -1.7518885135650635, 0.3128603398799896, 1.8533493280410767, -0.17506957054138184, -0.891238808631897, -1.6170973777770996, -0.6412988305091858, 1.056061029434204, -0.11618418991565704, -0.34745433926582336, -0.4869941771030426, -0.3815155625343323, -1.5660074949264526, 0.06580757349729538, -0.7079454064369202, 0.36252686381340027, 0.3512279987335205, 0.25978556275367737, -0.7010161876678467, -0.3901492655277252, -0.6081894040107727, -1.1421756744384766, 0.5693817734718323, 0.9193951487541199, -0.37367528676986694, -0.9778529405593872, 0.17252609133720398, -0.2731591463088989, 0.3224474787712097, 0.23798519372940063, 0.132148876786232, 0.1805640161037445, -0.8725912570953369, 0.015697499737143517, 1.3815069198608398, 0.6284049153327942, -0.05090960115194321, 0.3507450819015503, -0.029284849762916565, 0.16685278713703156, 0.0004907175898551941, 0.3396051526069641, -0.30843135714530945, 1.3343639373779297, 0.4358620345592499, -0.34632980823516846, 1.779617428779602, -1.4512114524841309, 0.5967916250228882, -0.3520549535751343, -0.8604658842086792, 0.30335986614227295, 0.2582663297653198, 0.356031209230423, 0.0029645543545484543, 0.5717402696609497, -0.47048312425613403, -0.12510696053504944, -1.4493144750595093, -0.8413968682289124, -0.7645816802978516, -0.826549232006073, -2.142529249191284, -0.12500305473804474, -0.5459631085395813, -0.20501354336738586, -0.4377901554107666, 0.6014102101325989, 0.2535514831542969, 0.40223318338394165, 0.07305152714252472, 1.5276204347610474, -0.3037131726741791, 0.9162209033966064, -0.9323268532752991, 0.9314811825752258, -0.4173009395599365, 1.5878989696502686, -0.6714653372764587, -0.09262281656265259, -1.084457278251648, 0.2016107738018036, -0.7017662525177002, 0.30314186215400696, 0.24793022871017456, -0.9087038040161133, 0.6657814383506775, 0.16420301795005798, -0.8968203663825989, 0.6271699666976929, -0.21199774742126465, 0.15005922317504883, -1.3835196495056152, 1.9810372591018677, -0.0778803750872612, -0.94615238904953, 0.7884703874588013, 0.1793024241924286, -0.13500693440437317, 0.76457679271698, -0.2731819152832031, 1.5533146858215332, 0.35820114612579346, -0.43119677901268005, 0.5581610202789307, -0.6292545199394226, -1.8830903768539429, 0.32922202348709106, 1.8423261642456055, -1.2051951885223389, -0.7639675736427307, -1.1823145151138306, 0.3016701340675354, -0.38826847076416016, -0.49626150727272034, 0.5573462843894958, -0.6863345503807068, 0.2088938057422638, -0.2977871000766754, 0.2994990348815918, 1.6713730096817017, -0.5279639959335327, 1.0258663892745972, 1.196482539176941, 0.38544610142707825, -1.0277149677276611, -0.8730483055114746, 1.3602039813995361, -0.3091488182544708, 0.6715563535690308, -0.043845780193805695, 1.4418580532073975, 1.2787989377975464, -0.12171385437250137, 0.3088391423225403, 1.4062789678573608, 0.9703623056411743, 0.8517854809761047, 0.7993478775024414, -0.8103823661804199, 0.3224236071109772, 0.2735360264778137, 1.2075977325439453, 0.4039952754974365, -0.35741719603538513, -1.0912692546844482, -0.037189286202192307, -0.017494186758995056, -1.400292158126831, 1.4542447328567505, 0.3473234474658966, 1.7151907682418823, 0.311030775308609, 0.26479530334472656, -0.3023774027824402, -0.19514241814613342, 0.7137489318847656, 0.12723469734191895, 0.2231229990720749, -0.5578888654708862, -0.13091403245925903, 1.344008207321167, -0.9687203764915466, 0.010591032914817333, -0.30466797947883606, 0.5599290132522583, -0.33636125922203064, -0.4059264659881592, 0.5185738205909729, 0.7047647833824158, 0.25533080101013184, 1.8040214776992798, -0.852584183216095, -0.9994459748268127, 0.4410337507724762, 0.05807659029960632, 0.0036216052249073982, 0.41261836886405945, -1.1481719017028809, 0.2313629686832428, -0.011455141007900238, 0.2832234501838684, -0.2642965614795685, 0.6377183198928833, 1.2300935983657837, -0.4090873897075653, 0.017810195684432983, -0.3808957040309906, -0.9619720578193665, -0.6083398461341858, -0.13811343908309937, 0.31017473340034485, -1.1962066888809204, 0.6529358625411987, -0.7885305285453796, -0.9806304574012756, 0.5265202522277832, -0.10733068734407425, -0.8952124118804932, 0.08878529071807861, 0.9406293630599976, -2.067204475402832, -0.5435268878936768, 0.2495398372411728, -0.8557960391044617, -0.8882185220718384, -0.19604212045669556, -0.32280367612838745, 0.13737304508686066, 0.3267490565776825, 0.845496654510498, 0.17981839179992676, 0.19597505033016205, -1.7407582998275757, -0.05522654950618744, 1.3008705377578735, -0.4651840329170227, 0.8607027530670166, 0.04754945635795593, 0.21343110501766205, 0.009341958910226822, -1.1823235750198364, -0.48595771193504333, 0.48414987325668335, -0.0223071351647377, -0.40034928917884827, -0.47299817204475403, -0.5611533522605896, 0.5640502572059631, 0.3153074085712433, 0.9165757894515991, -0.989687442779541, 0.27473515272140503, -0.7939414381980896, 1.1244579553604126, 0.2637157440185547, -0.5003634691238403, -0.3314536213874817, 0.9433189630508423, -0.7702382802963257, 0.9780329465866089, 0.30825361609458923, 0.30285024642944336, 1.0006954669952393, 0.34786495566368103, -0.3057529926300049, -0.4825630486011505, -8.887765884399414, -0.6103647351264954, 0.22686943411827087, 0.17377719283103943, 0.04239586368203163, 0.004093237221240997, 1.0502949953079224, -0.2789941430091858, 0.8472162485122681, -0.8140649795532227, 0.5987117886543274, 1.5610190629959106, 0.16107964515686035, -0.6903973817825317, -0.9358028769493103, -0.9987439513206482, -1.134817361831665, -0.060889728367328644, 0.8114839792251587, -0.9708794951438904, 0.34409433603286743, -0.623335599899292, 0.9158417582511902, 0.4818585216999054, -0.2288929522037506, -0.0036942362785339355, 0.2575209140777588, 0.2752874195575714, -1.3754328489303589, 0.2872082591056824, 1.0360727310180664, -0.35580673813819885, -1.022475004196167, -0.6481455564498901, 1.2753835916519165, -0.3865673542022705, -1.731885552406311, 0.2702540457248688, 1.106856346130371, -0.659211277961731, -0.1862470954656601, -0.17963935434818268, -0.2938288748264313, -0.8335285782814026, -0.8400572538375854, -0.016401469707489014, 0.6516993641853333, -0.6128605604171753, 1.1637479066848755, -0.6927599310874939, -1.3601268529891968, -1.0808818340301514, -1.1498606204986572, -0.9952450394630432, 0.6320462226867676, 0.4883452355861664, -0.6558759212493896, 0.6262122392654419, 0.1290082037448883, -0.506056547164917, 0.8084772229194641, 0.336394727230072, 0.016018763184547424, -0.2589084804058075, 0.34327226877212524, -0.6500036716461182, 0.3759266436100006, 0.30513840913772583, 0.46497365832328796, 0.31660765409469604, -1.1513184309005737, 0.6106554269790649, 0.4421341121196747, -0.4208866357803345, -0.08542395383119583, -0.158258318901062, -0.5232845544815063, -0.7034082412719727, 0.9608963131904602, 0.2879430055618286, -0.813774049282074, 0.6993865966796875, -0.06088058650493622, -0.9441264271736145, -0.3649003505706787, -0.13702845573425293, 0.8373034000396729, -0.18519115447998047, 0.4786716401576996, -0.7626832723617554, 1.1888381242752075, -0.3466182053089142, 0.6415232419967651, 0.8823391795158386, -0.28040701150894165, 1.7697947025299072, -0.9783002734184265, 0.6845634579658508, 0.6573117971420288, -1.5044057369232178, 0.26298633217811584, 0.028315164148807526, -0.492815762758255, -0.5500367283821106, 0.5858752131462097, 0.10502035170793533, -0.4175442159175873, 1.1143994331359863, -0.1031985878944397, -0.3634144365787506, 0.34648391604423523, 0.8280971646308899, -0.39546841382980347, 0.769719660282135, -0.16160137951374054, 1.7214930057525635, 1.107048749923706, 0.5106658935546875, 0.569269061088562, 1.684657335281372, -0.8216089606285095, 1.1705724000930786, 0.5520828366279602, 0.8996923565864563, 0.3798767030239105, 0.30999499559402466, -0.013127069920301437, 0.26243287324905396, -0.33955416083335876, -1.3453313112258911, -0.33509692549705505, -0.24491672217845917, -0.06939271837472916, -0.11566611379384995, -0.13622808456420898, 0.1623798906803131, -0.5993626117706299, 1.9749152660369873, -0.3750993013381958, 0.42524173855781555, 0.04958212375640869, -1.128124475479126, 0.4312107563018799, -0.6298618912696838, -0.45713531970977783, 0.20448167622089386, -1.915036916732788, 0.2526243031024933, -0.4020916819572449, -0.0022118091583251953, 0.046416688710451126, -0.09320677816867828, 0.1254901885986328, -0.6479533314704895, -0.817122220993042, -0.4470101296901703, 0.682701826095581, -0.29635369777679443, -0.7459024786949158, -0.2396574169397354, 0.2052929401397705, 1.0420042276382446, -1.0349317789077759, 0.6132351160049438, -0.3087722063064575, 0.2958581745624542, -0.6857231855392456, -0.25100547075271606, -0.7977684736251831, 1.0397082567214966, 1.2736246585845947, -1.7753112316131592, 0.151735320687294, -0.6025269627571106, -0.25124385952949524, -0.649689257144928, 0.44012436270713806, 1.7886337041854858, -0.8610978722572327, 0.20286595821380615, -0.40921109914779663, 0.4213307499885559, 0.3008608818054199, 0.40756839513778687, -0.2971561551094055, 0.7648890018463135, -0.6383381485939026, 0.609824001789093, 0.07997766137123108, 0.41872134804725647, -2.0098516941070557, -1.3350765705108643, -0.21616679430007935, -0.7461104989051819, 0.5407291054725647, -0.4710131585597992, 1.131759762763977, 0.8111926913261414, -0.34838879108428955, 0.16130992770195007, 0.1882150024175644, 0.8965488076210022, 0.5481966137886047, 1.275524377822876, 0.5951198935508728, -0.5230506658554077, 0.07367540150880814, -0.0023075751960277557, -0.003217979334294796, 0.17429520189762115, -1.1270263195037842, 0.9087024927139282, 0.1743469089269638, 0.07533544301986694, -0.28660640120506287, -1.3469257354736328, -0.02698599174618721, -0.34560441970825195, 0.18356554210186005, -1.3403888940811157, -0.10507700592279434, 1.0578231811523438, -0.7623173594474792, 1.201763391494751, 0.46570178866386414, 0.03911042958498001, 0.5886938571929932, 0.16241773962974548, 1.7637373208999634, -0.263884574174881, -0.7554746866226196, 0.1712235063314438, 0.06045124679803848, -0.03808694705367088, 0.47435277700424194, 0.2721605896949768, -1.2247726917266846, 0.5636458992958069, -1.3057301044464111, 0.7964787483215332, 0.1146603673696518, 0.3260965645313263, 0.4039350748062134, 1.7317293882369995, 0.17050053179264069, -1.6463030576705933, -0.23403064906597137, -0.7469877600669861, -0.30907848477363586, 1.1874175071716309, 0.037610433995723724, 0.00883074663579464, 0.7661130428314209, -0.5397675037384033, 1.3650315999984741, -0.9037410020828247, -0.7062901258468628, 0.0064813122153282166, -0.07905369997024536, 0.682083249092102, 0.19880495965480804, 1.0356323719024658, 0.07141043245792389, -0.2505062222480774, 0.2506106197834015, -0.5844298005104065, -0.9339951276779175, 0.44907957315444946, 1.4893547296524048, 0.3158552348613739, -0.4696880578994751, -1.8085236549377441, 0.17757318913936615, -0.7004172205924988, 0.9234606027603149, 0.7914963364601135, -0.7906652092933655, -1.5280406475067139, -1.3062736988067627, -0.6941684484481812, 0.4842362105846405, -0.19325873255729675, -0.5004048943519592, 0.24904760718345642, 0.9470891952514648, 0.5313283801078796, 0.10218888521194458, -0.5364960432052612, 0.04390353336930275, -0.29995423555374146, -0.011500213295221329, 0.9621213674545288, -0.39542290568351746, -0.5637732148170471, -0.09974566102027893, -0.5892515778541565, 0.6766803860664368, 0.6090588569641113, -0.7395479083061218, 0.19578897953033447, 0.2766743004322052, 0.24679982662200928, -0.476236492395401, 1.0939316749572754, -0.17305155098438263, -1.340355396270752, 1.6470904350280762, 1.1052653789520264, -0.27233782410621643, 0.035719871520996094, 0.5121597647666931, 0.2421138435602188, 0.192195326089859, 1.7668366432189941]} +{"paper_id": "c3", "embedding": [-0.5129154920578003, 1.4378411769866943, 0.2705801725387573, -0.2690557539463043, 0.4240292012691498, -0.34846019744873047, -0.037240996956825256, 1.0029280185699463, 0.8609431385993958, 0.27701544761657715, 0.7938722968101501, -0.7691992521286011, 0.12827011942863464, 0.13251318037509918, 0.0587543286383152, -0.3467402756214142, -0.7611781358718872, -0.6690614819526672, -1.7827162742614746, -0.7498638033866882, -0.9455501437187195, -0.6562293767929077, 0.008657731115818024, 1.5139623880386353, -0.8184971213340759, -1.4511054754257202, 0.6752907633781433, -1.2457529306411743, 0.2124815285205841, -0.01939854770898819, -0.03885684162378311, 0.6034102439880371, -1.3177387714385986, 1.0202385187149048, -0.3523862659931183, -0.6953895092010498, 0.25478145480155945, 0.5446534752845764, 0.43370917439460754, -0.5484846234321594, -0.5530598759651184, 0.08021355420351028, 0.18022990226745605, -0.33753955364227295, 0.14099445939064026, -0.6725696325302124, 0.6486973166465759, -0.6079328060150146, -0.18455377221107483, -0.38120847940444946, -0.8397562503814697, 0.45253095030784607, -0.1131838858127594, 0.6076087951660156, -0.5172585248947144, 0.8506647944450378, 0.1533103883266449, 0.006578891072422266, 0.43129751086235046, -0.867750883102417, 1.4746021032333374, 1.6292154788970947, -0.15044115483760834, 0.13405050337314606, 1.4194576740264893, 0.10208447277545929, 1.7935025691986084, -0.24824590981006622, -0.7895435094833374, 0.885586678981781, -0.597813606262207, -0.08973716199398041, 0.07256867736577988, -0.7754255533218384, 0.22703707218170166, 1.0369325876235962, 0.646628201007843, 0.3988816440105438, -0.10902996361255646, -0.8452070951461792, -0.7015393972396851, 0.3132725954055786, 1.3884962797164917, -0.046623408794403076, 0.04083993285894394, 0.18564659357070923, 0.23016366362571716, -0.5504546165466309, 0.716498076915741, -1.8684630393981934, 0.35742825269699097, 0.9781781435012817, 0.412160187959671, 0.2899736166000366, -0.1688414067029953, 0.29952242970466614, -0.3358258605003357, -0.03615674376487732, -0.03535253554582596, -0.17009738087654114, 0.5443443059921265, 0.14697936177253723, 0.7958032488822937, -0.21591541171073914, 0.24607375264167786, -0.10593532025814056, 0.7479218244552612, -0.081132672727108, -0.8126444816589355, -1.03971529006958, 0.5557498931884766, 0.23167383670806885, -0.1205824613571167, 0.6460580825805664, 0.3975044786930084, 0.6899344325065613, 0.37136363983154297, -0.8619589805603027, -0.23275670409202576, -0.1981400102376938, 0.0820324495434761, -0.7034006118774414, -1.0091146230697632, -1.2846442461013794, 0.36581921577453613, -0.42094549536705017, -0.6550145745277405, -1.351086974143982, -0.5568028092384338, 0.1787828654050827, 0.4344179928302765, 0.5022802948951721, -1.0822356939315796, -0.5076955556869507, 3.463850975036621, -1.3569413423538208, 0.9813753962516785, -0.7740404009819031, 0.3976430594921112, -0.7269484996795654, -1.10890531539917, 1.644645094871521, -0.2778109908103943, -0.9609608054161072, -0.017894338816404343, 0.2777582108974457, -0.49495649337768555, -0.14997649192810059, -0.715179979801178, -0.2423633486032486, 0.16902947425842285, 0.22204700112342834, -1.281532883644104, -0.6575133800506592, -0.07521368563175201, -0.3650611937046051, -0.03316868469119072, 0.5558795928955078, -0.15473327040672302, 0.6322815418243408, -0.09819573909044266, -0.15977182984352112, -0.7204554080963135, 0.932055652141571, -0.9868208765983582, -0.5948958992958069, 1.1717946529388428, -0.2236957848072052, -0.9271409511566162, 0.08835271745920181, 0.15850479900836945, -0.0933939591050148, -0.7554659247398376, -0.2436991035938263, 0.22204774618148804, 0.09826012700796127, 0.09147540479898453, 0.41901248693466187, -0.08424564450979233, -0.7315813899040222, 0.39688676595687866, -0.49155160784721375, 0.4744425415992737, 0.8777847290039062, 0.1501016467809677, 0.5127795934677124, -3.169917106628418, -0.19372610747814178, -0.8029122352600098, 0.8142178058624268, -0.07355023920536041, -0.2423938363790512, 0.5239831209182739, -0.10887913405895233, 0.3854947090148926, -0.9443643093109131, 0.5330393314361572, -1.104000210762024, 0.7509216666221619, 0.52861088514328, 0.30166035890579224, -0.5429850816726685, 0.3347610831260681, 1.119325041770935, 0.39525383710861206, -0.42427629232406616, -0.9921569228172302, -1.4267408847808838, 0.13645246624946594, 1.8134454488754272, 0.3280255198478699, -0.19320471584796906, -0.29626286029815674, -0.6309407949447632, -0.7860281467437744, -0.12026140093803406, 0.33138561248779297, -1.0517239570617676, -0.15313735604286194, -0.399980366230011, 0.13358400762081146, -0.7403932213783264, -0.24948608875274658, 0.9902591705322266, 1.4239561557769775, -0.11472958326339722, -0.5453369617462158, -0.3464071452617645, -0.26657286286354065, 0.25411760807037354, 0.6829192638397217, -0.25666916370391846, -0.07728944718837738, 0.06838652491569519, 0.45409053564071655, 1.08767569065094, 1.2728582620620728, 0.584057629108429, -0.21276800334453583, 0.3223124146461487, -0.3134298026561737, 1.6245108842849731, -0.350644588470459, 0.3352760374546051, -0.0191950760781765, -0.1176576167345047, -1.0346508026123047, -0.029616661369800568, -0.6032378673553467, -0.19748514890670776, 1.2269699573516846, 0.4442807137966156, -0.6049174666404724, 0.42443013191223145, -0.7860148549079895, -0.2409585416316986, -0.2506181597709656, -0.05617388337850571, -0.44301122426986694, -0.15403246879577637, 0.03335520252585411, -0.6147105097770691, 0.3516915738582611, -0.18973462283611298, 0.14617124199867249, -1.3917466402053833, -0.8369894027709961, -0.4762778580188751, -0.07850329577922821, -1.2066720724105835, -0.845911979675293, 0.533562958240509, -0.9814310073852539, 0.11875006556510925, 0.354705810546875, -0.4084397256374359, -0.40783509612083435, 0.6979745626449585, 1.5694388151168823, 0.09402753412723541, 0.5683453679084778, -0.01811930537223816, 1.152899980545044, -0.49452686309814453, 0.4876558184623718, -0.062065597623586655, 0.19054609537124634, -0.7815999388694763, 0.32947278022766113, -1.1800204515457153, -0.15997111797332764, 1.278544306755066, -0.15066570043563843, 1.0724215507507324, -0.25489920377731323, -1.3524054288864136, 0.6575998663902283, -0.0542631559073925, 0.3169719874858856, -1.1107932329177856, 1.838616967201233, -0.2294941544532776, -0.36275365948677063, 0.4813969135284424, -0.9031437039375305, -0.44054749608039856, 0.8302463293075562, 0.39299991726875305, 0.26752591133117676, -0.19004513323307037, -0.67512047290802, -0.018194492906332016, 0.34338247776031494, -1.814488172531128, 1.8889358043670654, 0.9958264827728271, -0.5320541262626648, -0.08034966886043549, -0.6817339062690735, 0.28403574228286743, -0.1867038905620575, 0.34369081258773804, 1.0797886848449707, -0.9303999543190002, 0.49100998044013977, 0.26899829506874084, -0.31544244289398193, 0.6355380415916443, 0.13341838121414185, 0.7109243273735046, 0.43569111824035645, 0.7590883374214172, -1.0692739486694336, -0.261343777179718, 0.954552412033081, -0.6849040389060974, -0.0028012804687023163, 0.5006287097930908, 0.6576693654060364, 1.0909672975540161, -0.09943876415491104, 0.017153345048427582, 0.0381644070148468, 0.7638010382652283, 0.04354533925652504, 0.34860002994537354, -0.5946014523506165, 0.3503081500530243, -0.019395295530557632, 1.4934146404266357, 0.06512041389942169, -0.7749642729759216, -0.7727580070495605, -0.4617023468017578, -0.26269689202308655, -0.17470285296440125, 1.3233426809310913, 0.26849764585494995, 1.6997700929641724, 0.9141427278518677, 0.11343368142843246, -0.2944277226924896, -0.3408261835575104, 0.8557829856872559, 0.3377056121826172, -0.06262347102165222, -0.5785218477249146, 0.32260996103286743, 0.7630125284194946, 0.6221100091934204, -0.7020638585090637, 0.45293447375297546, 0.9651793241500854, 0.18640342354774475, -1.4017257690429688, 0.858917772769928, 0.7879616618156433, 1.1924375295639038, 1.2553166151046753, -0.33776402473449707, 0.33990898728370667, -0.1258450746536255, -0.2506418228149414, 0.05399441719055176, -0.19981414079666138, 0.6580685377120972, 0.8480523824691772, 0.8489906191825867, 1.3787585496902466, 0.27065467834472656, 0.6229486465454102, 1.9153293371200562, -0.5635784864425659, -1.5516273975372314, 0.49402883648872375, -0.45262283086776733, -0.3632696270942688, -0.4424993693828583, 0.36500227451324463, -1.2435394525527954, 0.7122031450271606, 0.15433117747306824, -0.7023261189460754, 0.2875208556652069, -0.17275242507457733, -1.2605668306350708, 1.0795072317123413, 0.9704545736312866, -1.0136280059814453, 0.21574263274669647, 0.06610533595085144, -0.8353772759437561, -0.1254013627767563, 0.3654133677482605, -1.1421833038330078, 0.6039159297943115, 0.3148241341114044, 1.2267701625823975, 0.42072439193725586, 0.05997224152088165, -1.2262170314788818, 1.2359765768051147, 1.4567310810089111, -1.3251367807388306, 0.36143767833709717, -0.029001211747527122, 1.416770100593567, 0.47156625986099243, -0.9774349927902222, -0.2260698676109314, 1.449727177619934, 0.17969077825546265, -0.27906516194343567, -0.9271498918533325, 0.37718334794044495, 1.0912748575210571, 1.2761712074279785, -0.26798367500305176, -0.614572286605835, -0.30200815200805664, -0.7145630121231079, 0.5831247568130493, 1.2532899379730225, -1.653547763824463, -1.077559232711792, 0.7552751302719116, -0.6575199365615845, 0.4304637312889099, 0.5863233804702759, 0.51800537109375, 1.8290363550186157, -0.2587614059448242, -0.13786357641220093, -0.5653831958770752, -9.9534273147583, 1.0877610445022583, -0.13157884776592255, 0.12578913569450378, -0.013333320617675781, -0.5770249366760254, 0.5388029217720032, -0.01066179946064949, 0.16233305633068085, -0.768230140209198, 0.10841047763824463, 1.016860008239746, 0.7535178065299988, -0.4047955572605133, -0.8420163989067078, -0.4973946213722229, -0.5999673008918762, -0.6293922662734985, 0.5862699151039124, 0.7974812388420105, -0.3009229302406311, -0.6422319412231445, -0.6527098417282104, 0.0952286422252655, -0.07243353873491287, -0.6613665819168091, -0.5306276082992554, -0.2955351173877716, -0.1019730269908905, -0.04680973291397095, 0.29803529381752014, -0.1559275984764099, -0.9812849760055542, 0.09925899654626846, 0.057430386543273926, -0.5747305154800415, -1.1107349395751953, -0.23694129288196564, 0.6687019467353821, -0.9456936120986938, -0.5079024434089661, -0.19998396933078766, 0.7284926176071167, -0.4891573488712311, -0.2740802764892578, 0.20844699442386627, 0.5456865429878235, -1.2518938779830933, 0.05791690945625305, -0.9037159085273743, -1.0417677164077759, -0.6004608273506165, -0.7681910991668701, -0.32953813672065735, 0.5014308094978333, 0.5501421093940735, -0.2705288827419281, -0.7387306690216064, -0.681227445602417, -1.0927433967590332, 0.2176847755908966, -0.6665757298469543, -0.9293951988220215, 0.8109285235404968, 0.28777366876602173, -0.34699463844299316, 0.16177529096603394, 0.0404854454100132, 0.716953456401825, 0.9163950681686401, -0.563880205154419, 1.617602825164795, 0.07752232998609543, 0.201631098985672, -1.0668258666992188, 0.21124258637428284, -0.9727412462234497, -0.42631855607032776, 0.6282023191452026, -0.21243421733379364, -1.2723824977874756, 0.480606347322464, 0.6069911122322083, -0.21658942103385925, -0.5191115736961365, 0.2738889753818512, 0.06501557677984238, 0.606436550617218, 1.1155009269714355, -0.8871378898620605, 1.4995179176330566, 0.3433346450328827, -0.12617488205432892, -0.5126475691795349, -0.4113209545612335, 0.26104408502578735, -0.8626313805580139, 0.8891833424568176, 0.4334067404270172, -0.875207781791687, -0.020522691309452057, -0.014123611152172089, -0.6867161989212036, -0.031900592148303986, 1.6237534284591675, 0.22332271933555603, 0.19529521465301514, 0.3490123748779297, 0.18724499642848969, -0.9485543966293335, 1.021133542060852, 0.6208202242851257, -0.035039059817790985, 1.1031031608581543, -0.3514622151851654, 1.3112037181854248, 0.4623147249221802, 0.48810309171676636, -0.4872233271598816, 0.5056030750274658, -0.7336982488632202, 1.4301832914352417, 0.43425384163856506, 2.3323190212249756, 0.11569571495056152, 0.06201889365911484, 0.35040873289108276, 0.28095942735671997, -0.15407893061637878, -1.0516186952590942, 0.5866968035697937, -0.36743494868278503, -0.11374124884605408, -0.9946073293685913, -0.3285280466079712, 0.24382519721984863, -0.6517399549484253, 1.69331955909729, -0.4442998766899109, 0.3397481143474579, -0.1537628173828125, 0.06550784409046173, -0.5540740489959717, -0.5779068470001221, -1.0963367223739624, 0.2955108880996704, -1.772098422050476, 0.2813642621040344, 0.01601666957139969, -0.7624423503875732, -0.40715011954307556, -0.777800977230072, 0.2787055969238281, -0.13822057843208313, -0.783566415309906, -0.567091166973114, 0.408182829618454, -0.7463855743408203, -0.7684957385063171, -0.01092182844877243, 0.27016758918762207, 1.1426196098327637, -1.1520731449127197, 1.4583563804626465, 0.6187522411346436, -0.7160899639129639, -0.858598530292511, 0.6143989562988281, -0.5944128632545471, 0.8185706734657288, 0.8632256388664246, -0.8743428587913513, -0.49380406737327576, -0.6930621862411499, 0.32939016819000244, 0.04210634529590607, -0.8469163179397583, 1.0637692213058472, -1.6139291524887085, 0.2778729796409607, -0.29570767283439636, 0.7238185405731201, 0.515968382358551, -1.477980613708496, -0.5919332504272461, 0.2838895916938782, -0.841616153717041, 0.668121337890625, 0.5165417194366455, 0.8545724749565125, -1.0043951272964478, -1.117296814918518, -0.0707155093550682, -0.5707257390022278, 0.42857712507247925, 0.6497339606285095, 1.1490975618362427, 0.12396164238452911, -0.7957518100738525, -0.5916514992713928, 0.14575199782848358, 0.39737313985824585, 0.30166637897491455, 0.5990663766860962, -0.1380578726530075, 0.6582183837890625, -0.8068491816520691, 0.04899318888783455, 0.4511374831199646, 0.8881943225860596, -0.4250114858150482, 0.11766886711120605, 0.1821550875902176, -0.2050369828939438, 0.059660013765096664, -1.3871955871582031, -0.31857830286026, -0.5662016272544861, -0.5223628878593445, -1.3228240013122559, 0.21620774269104004, 0.9768753051757812, -0.5581530332565308, 0.1508512794971466, 0.8360191583633423, 0.37596166133880615, 0.928919792175293, 0.1369360089302063, 0.5187436938285828, -0.01671159639954567, -0.1580282300710678, 0.11061632633209229, 1.4578262567520142, 0.1595965325832367, -0.08844555169343948, -0.2870420813560486, -0.5185560584068298, -0.029637634754180908, -0.6830470561981201, 1.872107744216919, -0.4386070966720581, 0.26021137833595276, 0.8651425242424011, 1.3570116758346558, 0.10680750012397766, -1.889424204826355, 0.1745382696390152, -1.2993401288986206, -0.34140509366989136, 0.4608429968357086, 0.1136876717209816, 0.19587016105651855, 0.43499618768692017, -0.9711259007453918, 1.6012834310531616, -1.0112676620483398, -0.08477835357189178, 0.2270488440990448, -0.6892165541648865, 0.401836097240448, 0.18768776953220367, 0.6677016019821167, 0.8278631567955017, -0.23151329159736633, -1.4039876461029053, -0.151394322514534, -1.3865774869918823, 1.088881254196167, 0.39030104875564575, -0.3834133446216583, -0.22942249476909637, -0.08990678936243057, 0.6655089855194092, -0.3887680768966675, 1.6464285850524902, 0.4555319547653198, 0.5953429341316223, -0.6455708146095276, -1.0825961828231812, 0.07435482740402222, 0.20672962069511414, 0.03682466223835945, 0.13243645429611206, -0.11953668296337128, 0.5447723269462585, 0.5658305287361145, 0.12487824261188507, -0.8713806867599487, -0.1901000589132309, -0.7931948900222778, 0.1342758983373642, 0.7981598377227783, -0.5399602055549622, -1.3832314014434814, 0.059969525784254074, -1.0313279628753662, 0.13477526605129242, 0.1920522004365921, -0.6357600092887878, 0.024426572024822235, 0.8611288070678711, -0.10351793467998505, -0.31497251987457275, 0.20603248476982117, 0.45856186747550964, -1.3602020740509033, 0.599096953868866, 1.2472999095916748, -1.7720541954040527, 0.33000487089157104, 0.03495920076966286, 0.28775858879089355, -0.011194471269845963, 1.2486512660980225]} +{"paper_id": "cdsc", "embedding": [0.3735964298248291, 0.1111711859703064, -0.09531523287296295, -0.29675954580307007, -0.19505053758621216, -0.2310279905796051, 0.327314555644989, 0.6863969564437866, 0.15245962142944336, 0.6108307242393494, -0.13109320402145386, -0.06323090195655823, -0.6902863383293152, 0.7339515089988708, 0.06156467646360397, -0.8513246774673462, -1.6146045923233032, -0.7159217596054077, -1.0276960134506226, -0.3813462555408478, -0.07919196784496307, -0.9900910258293152, -0.3443838953971863, 0.24515700340270996, -0.6456791758537292, -0.3364534080028534, 0.39057666063308716, -0.3075794279575348, 0.7252493500709534, 0.13745135068893433, -0.6982139348983765, 1.0428749322891235, -0.8294046521186829, 0.1832546591758728, -0.06616310775279999, -0.2791670262813568, -0.21265658736228943, 1.9072558879852295, -0.5716617107391357, 0.5724620223045349, -0.47512808442115784, 0.11962492018938065, 0.332134485244751, 0.28010523319244385, 0.5481364727020264, -0.025283627212047577, -0.4535401463508606, -0.35126081109046936, -0.07144542038440704, -0.05673886835575104, 0.0028547686524689198, 0.7813880443572998, 0.477053165435791, -0.41525158286094666, -0.3661191463470459, 1.3162349462509155, 0.5341254472732544, -1.1342887878417969, 1.1542667150497437, 0.03547295182943344, 0.7266926765441895, 1.8218797445297241, -0.5694732666015625, 0.46053680777549744, 0.8990127444267273, -0.475980281829834, 1.3547075986862183, 0.008069135248661041, -0.04098793864250183, 0.6450793147087097, 0.03826500475406647, -0.7106806635856628, 1.1445252895355225, 0.46708154678344727, 1.1254042387008667, 0.43626222014427185, 0.535709798336029, 1.1165874004364014, -0.5771641731262207, 0.21175745129585266, 0.03300924226641655, 0.8152105808258057, 0.8808876872062683, -1.3037227392196655, -0.4081875681877136, 0.8130121827125549, 0.3722473978996277, -1.3048250675201416, 0.616203784942627, -2.2657864093780518, 0.46160292625427246, -0.2672490179538727, -0.03633568808436394, 0.059954360127449036, 0.02115548402070999, 0.76314377784729, -0.3949515223503113, -0.4440317749977112, -0.40542054176330566, 0.10885636508464813, 0.25406181812286377, -0.7036476135253906, 0.6589757800102234, -0.07389063388109207, 0.06352570652961731, 0.5827836394309998, -0.17815029621124268, 0.0866737887263298, -0.3784542679786682, -0.0457938089966774, -0.34748050570487976, 1.578528881072998, -0.5453438758850098, 0.5373155474662781, -0.9993544816970825, 0.3358330726623535, -0.44692227244377136, -0.9909473657608032, -0.367866188287735, 0.0015686005353927612, -0.3924029767513275, -0.5370330214500427, -0.23325198888778687, 0.05959555506706238, 0.9155085682868958, -0.5117003321647644, 0.5923174023628235, 0.3396204710006714, 0.08598162978887558, 0.05848762392997742, 0.34429821372032166, -0.7420468926429749, -0.21841594576835632, -0.3200330138206482, 2.810243606567383, -0.2211303859949112, 2.032280445098877, -0.5921676754951477, -0.4178254008293152, -0.19463491439819336, -0.1629144698381424, 0.8497682809829712, 0.2218766212463379, -0.3356909453868866, -0.6264889240264893, 0.21255624294281006, 0.21646748483181, -0.029147448018193245, -0.7851006984710693, -0.09514018893241882, -0.41798993945121765, 0.7050887942314148, -1.7953096628189087, 0.029711119830608368, 0.4447459578514099, 0.5192158222198486, 0.20786242187023163, 0.5786132216453552, -0.730034589767456, 1.0915420055389404, 0.12142312526702881, -0.10938401520252228, -0.46543848514556885, 0.7269094586372375, -0.809991717338562, 0.256875216960907, 1.388482689857483, 0.09230975061655045, -1.0179057121276855, -0.0378093421459198, 0.9648934006690979, -0.7316239476203918, -0.29348260164260864, -0.23913174867630005, 0.47228679060935974, -0.040092237293720245, 0.43900591135025024, 0.29803407192230225, 0.08867395669221878, -0.6327688694000244, -0.4384821653366089, 0.5306297540664673, -0.6776158213615417, 0.7539061307907104, 0.0007775109261274338, 0.31879180669784546, -1.884282112121582, -0.4288492798805237, 0.008742526173591614, 0.047885484993457794, -0.1687156856060028, -0.6405897736549377, -0.09243199974298477, 0.5886094570159912, 0.5866960883140564, 0.2227194756269455, 0.7776241302490234, -1.0891473293304443, -1.2292368412017822, 0.15791894495487213, -0.3180963695049286, 0.028774738311767578, 0.10980141162872314, 0.6568371057510376, 0.017087575048208237, -0.648520827293396, -0.14025184512138367, -2.1532697677612305, 0.34365105628967285, 2.374420166015625, -0.3932802975177765, -0.17758840322494507, -1.8866102695465088, -0.21595561504364014, -0.2214864194393158, -0.4740849733352661, 0.3621200621128082, -1.290046215057373, 0.22035197913646698, -1.5987085103988647, 0.8411742448806763, 0.026964358985424042, 0.3530680239200592, 0.8536770939826965, 1.0692768096923828, -0.9707541465759277, -0.2023007869720459, -0.6843295693397522, -0.800456702709198, 0.5441661477088928, 0.4703008234500885, 0.464771568775177, 0.039018336683511734, 0.708790123462677, 0.1659899353981018, 0.5989444851875305, -0.2863459289073944, -0.06496654450893402, -0.3076182007789612, -0.11850898712873459, 0.10355421155691147, 1.0748952627182007, 0.39454853534698486, 0.1925908923149109, 0.8649132251739502, 0.8845279812812805, -0.3013501763343811, -0.3149458169937134, -0.16001318395137787, -0.16081514954566956, 1.0417925119400024, 1.070697546005249, -0.5587989091873169, 1.8582184314727783, -1.5127695798873901, 0.3425880968570709, -0.7698310613632202, -1.465314507484436, -1.1956861019134521, 0.6683308482170105, 1.2825449705123901, 0.9042115807533264, -0.1086907908320427, -0.52632075548172, -0.09648554772138596, -1.2858415842056274, -0.26680678129196167, -0.3720250129699707, -0.798382043838501, -1.388597846031189, 0.06269606947898865, -0.7500803470611572, -0.4503154158592224, -1.0656119585037231, -0.1490972489118576, 0.8175556063652039, 0.1735353320837021, 1.013617753982544, 1.2127025127410889, 0.22737851738929749, 0.09611237794160843, 0.5618215203285217, 0.7899566888809204, -1.4296537637710571, 1.423532485961914, -1.2092803716659546, 0.28943416476249695, -0.45250004529953003, 0.10528717935085297, -1.0589599609375, 0.05328013747930527, 0.12834393978118896, -0.7526543736457825, 0.11330679804086685, -0.3907219171524048, -1.0158249139785767, 0.5741240978240967, 0.21828784048557281, 0.35754236578941345, -1.2104088068008423, 1.3994561433792114, -0.3828171491622925, 0.02889173850417137, 0.9990100264549255, -0.45771703124046326, 0.2007771134376526, 1.552504539489746, 0.2608715295791626, 0.24105848371982574, 0.20736189186573029, 0.22638674080371857, -0.2666003406047821, 0.5859572291374207, -2.11079478263855, 0.7310593128204346, 1.4527308940887451, 0.3069853186607361, -0.5789443254470825, -1.1544708013534546, 0.3014082908630371, -1.3353629112243652, -0.6246007680892944, 0.7326761484146118, -0.27019020915031433, 0.4061284363269806, -0.4001314043998718, -0.0483262725174427, 1.127018928527832, -2.085003614425659, 0.25921058654785156, 1.460355520248413, 0.6810920238494873, -0.736355185508728, 0.15114009380340576, 0.9633886218070984, -0.7848231792449951, 1.2837908267974854, -0.5197263360023499, 1.1724934577941895, 0.37894779443740845, -0.14123526215553284, 0.14289553463459015, 0.6203461289405823, 0.9116063117980957, 1.0451933145523071, -0.2315250039100647, -0.6223905682563782, 0.6482042074203491, -0.005349721759557724, 1.9332191944122314, 1.32472825050354, -1.2186634540557861, -1.5100175142288208, -1.0659977197647095, -0.741264820098877, -0.2448401153087616, 1.3723900318145752, 1.39806067943573, 0.9801146984100342, -0.3187802731990814, 0.48565033078193665, 0.49410852789878845, 0.19438210129737854, 1.1776342391967773, -0.0002701091580092907, 0.04843755438923836, -0.2938145399093628, 0.01568419858813286, 0.792978048324585, -0.478023499250412, -0.34859511256217957, -0.5993953943252563, 0.5777052044868469, -0.045397017151117325, 0.022339683026075363, 0.4223219156265259, 0.652649462223053, 0.24147337675094604, 1.0560636520385742, -0.3874092996120453, -1.0606122016906738, -0.6439396739006042, 0.4243261516094208, 0.3439072370529175, 0.14277192950248718, -1.2679862976074219, 0.5066640377044678, 0.5928800702095032, 0.7544183731079102, 0.07317453622817993, 0.232843816280365, 0.7879128456115723, -0.2306683212518692, -1.2207320928573608, -0.09407974034547806, -1.5570042133331299, -0.2615891098976135, 0.38445156812667847, -0.20844970643520355, 0.21067394316196442, 0.5953381061553955, -0.6766794919967651, -1.0783509016036987, 0.44006434082984924, -0.6301021575927734, -0.35598400235176086, 0.8296486139297485, 0.9020968675613403, -1.1121922731399536, -0.583136796951294, -0.720578670501709, -0.5013505816459656, -1.082858920097351, 0.17864571511745453, -0.6946184039115906, 1.1450340747833252, 0.34389200806617737, 0.724854052066803, -0.6352524161338806, -0.22440676391124725, -0.8748039603233337, 1.1176644563674927, 1.1310534477233887, -0.31073814630508423, -0.21864867210388184, -0.19173385202884674, 0.6184689402580261, -0.31824102997779846, -0.30738818645477295, -0.9109176993370056, 0.7136505246162415, 0.869992733001709, 0.4351955056190491, -0.011422020383179188, -1.3805277347564697, 0.6658059358596802, 0.2953874468803406, 1.3546487092971802, -1.337182641029358, 0.5705121755599976, -0.8119494915008545, 0.15075130760669708, 0.3433581292629242, -0.9164572954177856, -1.149802565574646, 0.9689054489135742, 0.0627392902970314, 0.5285906791687012, 0.33460575342178345, -0.312190443277359, 0.9373519420623779, 0.13591471314430237, 0.0333651602268219, -0.4469988942146301, -10.20484733581543, 0.8827474117279053, -0.36824584007263184, 0.35093504190444946, 0.4575048089027405, -1.1464356184005737, 0.6535643339157104, 0.6088521480560303, 0.3631611764431, -0.6171033978462219, -0.30013686418533325, 1.9408769607543945, 0.16028308868408203, 0.2108568549156189, -0.9246535897254944, -1.6165502071380615, -0.6401240825653076, -0.7915346026420593, 0.20841367542743683, 0.5003210306167603, -0.7379350066184998, -1.4169666767120361, 0.7791409492492676, 0.440194696187973, 0.4610227644443512, 0.09603341668844223, -0.48764193058013916, -0.21614880859851837, -0.42113441228866577, -0.1303897500038147, 1.0410624742507935, -0.4840027689933777, -0.7300554513931274, 0.05423698574304581, 0.29521286487579346, 0.51924729347229, -0.9828085899353027, 0.36588647961616516, 1.1847788095474243, -0.39981403946876526, -0.5911760926246643, 0.08636394888162613, 0.28074637055397034, -0.07798361033201218, -0.4331958591938019, 0.16016866266727448, -0.2538728713989258, -0.6369494795799255, -0.15842948853969574, -0.6200015544891357, -1.1860846281051636, 0.04340500384569168, -1.4205644130706787, -1.0809789896011353, 0.34701859951019287, -0.5790672898292542, -0.2467242181301117, -0.03515896573662758, -0.8893408179283142, -1.8709994554519653, 0.09894052147865295, -0.16606664657592773, -0.07219141721725464, -0.15060919523239136, -0.027918614447116852, -0.6891356110572815, 0.1646345555782318, 0.7601737976074219, -0.13193336129188538, 0.2644726037979126, -0.6679950952529907, 0.6881265044212341, -0.07177272439002991, 1.203125, -0.5922282934188843, -0.8416609168052673, -0.546126127243042, 0.1491418033838272, 0.45932871103286743, -0.5592374205589294, -1.2848801612854004, 0.5722916126251221, 0.1597711592912674, -0.5269819498062134, -1.0347115993499756, -0.6648507714271545, 0.3477952480316162, 0.22400492429733276, 1.1288594007492065, -0.08010310679674149, 1.4533380270004272, -0.15913790464401245, 0.07234209775924683, 0.11099932342767715, -0.27061790227890015, 1.315499186515808, 0.6610171794891357, 0.7933517694473267, -0.30506932735443115, -0.7672125101089478, 0.2420060932636261, -0.26077258586883545, -1.1064329147338867, 0.05622943118214607, 0.09867074340581894, 0.5265904068946838, 0.6342693567276001, -0.19962382316589355, -0.14415313303470612, -0.8679965734481812, 0.8591613173484802, 0.19285130500793457, -0.09271346032619476, 1.7076115608215332, -0.6427904367446899, 0.3792056441307068, 0.8946709036827087, -0.07469365745782852, 1.0628143548965454, 1.3811969757080078, -0.13390515744686127, 0.19888226687908173, 0.06313534080982208, 1.571324348449707, 0.4918612241744995, 0.5974256992340088, 0.9720406532287598, 0.7051628232002258, -0.3088747560977936, -1.3764699697494507, 0.7656537294387817, -0.06118999421596527, 0.050174593925476074, 0.08013574033975601, -0.07575509697198868, -0.41216909885406494, -0.3596639931201935, 0.5555703639984131, 0.14464817941188812, 0.7846429347991943, 0.8766512870788574, -0.2545980215072632, -0.5384545922279358, -0.6245684623718262, -0.2770601511001587, 0.6939047574996948, -2.3204500675201416, 0.6109771132469177, -0.14495304226875305, -1.271823525428772, -0.000704452395439148, 0.2131929099559784, 1.0210226774215698, 0.06365163624286652, 0.16103127598762512, 0.43187880516052246, 0.2713771462440491, 0.012254275381565094, -0.5099847912788391, 0.4524562954902649, 0.30364635586738586, 0.8607974052429199, -1.0981746912002563, 0.833980143070221, 0.8738622665405273, 0.7008511424064636, -0.9324964284896851, -0.39517641067504883, -0.5964810848236084, -0.042472995817661285, 0.08295351266860962, -1.0219343900680542, -0.1763421893119812, 0.08596491068601608, -0.48635801672935486, -1.2504239082336426, 0.26457446813583374, 0.6231173276901245, -1.2042678594589233, 0.2419518232345581, -0.17424985766410828, 0.9756890535354614, -0.761756420135498, -0.3833656907081604, -0.6357477903366089, -0.24365243315696716, -0.24182644486427307, 0.35161224007606506, -0.13630658388137817, 1.7380872964859009, -1.843103289604187, -1.490267276763916, -0.5844271779060364, 1.0765576362609863, 0.6427920460700989, -0.37999215722084045, 0.7777345776557922, 0.41771239042282104, -0.19347241520881653, 0.4644497036933899, 0.16008275747299194, 0.10936407744884491, 0.2322443276643753, -0.08143908530473709, -0.5963838696479797, 0.07901780307292938, -0.9854788184165955, -0.18623962998390198, 0.22674423456192017, 0.3031032681465149, -0.5574508905410767, -0.1594783365726471, 0.16964280605316162, -0.17447678744792938, -0.018681278452277184, -0.6958209276199341, 0.5290660858154297, -0.7419353723526001, -0.2802717685699463, -0.9485716223716736, 0.171540766954422, 1.5701375007629395, -0.10926388204097748, 0.7557383179664612, 0.3290884792804718, 0.526155412197113, 0.9435088038444519, 0.4099453091621399, 0.9299377799034119, 0.15968286991119385, -0.43329188227653503, -0.0823127031326294, -0.1928981989622116, -0.017262063920497894, -0.46901553869247437, 0.2638784945011139, -0.8032896518707275, -0.3499690592288971, -1.1666580438613892, 0.2342844307422638, -0.43723851442337036, -0.15498030185699463, 0.6448218822479248, 0.6062815189361572, -0.5909851789474487, -0.6067740321159363, 0.5192358493804932, -1.3339242935180664, 0.47401368618011475, -0.2905801236629486, 1.0320407152175903, 0.5405110716819763, 0.7008342146873474, 0.8472257852554321, 0.5680643916130066, -0.5232625603675842, 0.31884294748306274, 0.2011166214942932, 0.6819295287132263, 1.4206042289733887, 1.0519459247589111, 0.5142883658409119, 0.30716487765312195, 0.023017093539237976, -1.3803191184997559, -0.4700377881526947, -0.3737185001373291, 1.3848947286605835, 0.09223420917987823, -0.1567056030035019, 0.1551874577999115, -1.23745858669281, 1.1465942859649658, -0.28721702098846436, 0.2086094468832016, 0.8445268869400024, -0.44589900970458984, -0.7452269792556763, -1.7059190273284912, 0.28048115968704224, 0.8948594927787781, -0.8669804334640503, -0.29466789960861206, -0.1961989849805832, 0.9590060114860535, -0.2316267341375351, -0.49147269129753113, -0.4715343415737152, 0.30404922366142273, -0.4944455921649933, -1.0288770198822021, -0.25417715311050415, -0.8193947672843933, -1.0983881950378418, -0.08331187069416046, -0.23368361592292786, -0.0848374292254448, 0.034426093101501465, -0.7268721461296082, -0.698712170124054, 0.021285085007548332, -0.4096105694770813, -0.39804863929748535, -0.20017237961292267, 0.5997089147567749, -1.3800785541534424, 0.7763999104499817, 1.195656657218933, -0.005299709737300873, -0.4105476140975952, -0.040527474135160446, 0.5059852600097656, 0.7687414884567261, 1.0016855001449585]} +{"paper_id": "deal_or_no_dialog", "embedding": [-0.5515424609184265, 0.6680399179458618, 0.07358406484127045, 0.628740668296814, 0.6361492872238159, 0.3145357668399811, 0.9655035138130188, 0.18538311123847961, 0.43336430191993713, 0.22828465700149536, 0.15911397337913513, 0.27462390065193176, 0.19004224240779877, -0.4898070991039276, 0.4413883090019226, 0.4356653690338135, -1.2222708463668823, 0.044521015137434006, -1.3997470140457153, -0.929107666015625, -0.4303417205810547, -0.41559213399887085, 0.057806823402643204, 1.4372332096099854, -0.12685026228427887, -0.4954342544078827, 1.2921205759048462, -1.2405288219451904, 0.018906887620687485, 0.4460891783237457, -0.4104195833206177, 1.8093891143798828, -0.5310652256011963, 0.16120094060897827, -0.1077682226896286, -1.0967042446136475, -0.39702147245407104, 0.8290058970451355, -0.2720990777015686, 0.9455763101577759, -0.5937650799751282, 0.531751811504364, -0.1600559949874878, 0.6690607666969299, 0.4743577837944031, 0.3643268346786499, -0.19575639069080353, 0.24046872556209564, -0.8076400756835938, -0.24388925731182098, -0.8738311529159546, 0.18545958399772644, -0.3005077540874481, 0.7872058153152466, 0.12094975262880325, 1.590415596961975, 0.3888793885707855, -0.7098715901374817, 0.2094711810350418, -0.849685788154602, 1.1457695960998535, 1.2165472507476807, -0.11805607378482819, 0.9660239219665527, 1.3813165426254272, -0.12881216406822205, 1.6843287944793701, 0.2224595993757248, 0.016916364431381226, 1.5433093309402466, -0.5515971779823303, -0.930433452129364, 0.5655811429023743, 0.29791656136512756, -0.13792800903320312, 0.6144047975540161, 1.2991992235183716, 0.29414618015289307, -0.7240981459617615, -0.3710338771343231, 0.5606687664985657, 0.302453875541687, 0.4870750904083252, -0.9509648680686951, 0.472003698348999, 0.7094647288322449, 0.7771899700164795, -0.10073401778936386, 0.1589398831129074, -2.195568084716797, 0.46586233377456665, 0.5135109424591064, 0.5340983867645264, -0.715223491191864, -0.8885068297386169, 0.21440735459327698, 0.22294946014881134, -0.24481335282325745, -0.7123950719833374, -0.07187395542860031, 0.07119560241699219, -0.4117791950702667, 0.17989124357700348, -0.25344154238700867, 0.009691160172224045, 0.39233651757240295, 0.32280147075653076, -0.5629703402519226, -0.39149895310401917, -0.26238271594047546, 0.010313726961612701, 0.2631770968437195, 0.03280577436089516, 1.3343523740768433, -0.09111203998327255, 0.9038987755775452, 0.6732705235481262, -0.18265241384506226, 0.004671184346079826, -0.1485746204853058, -0.1657775342464447, -0.5906768441200256, 0.028409991413354874, -0.0717351958155632, 1.1101635694503784, -0.9247612953186035, -0.4130209982395172, -0.2618551552295685, -0.28872326016426086, -0.516099750995636, 0.04728609323501587, 0.05558272823691368, -0.8847194314002991, -0.10703705251216888, 2.590502977371216, -1.599120020866394, 1.7935293912887573, -1.4791185855865479, -0.623430073261261, -0.37942495942115784, 0.3062789738178253, 1.009200096130371, -0.8513815999031067, -0.18139275908470154, -0.4378177225589752, 0.18254488706588745, -0.3987436592578888, 0.035722117871046066, -0.3851051330566406, -0.05111619457602501, 0.08811596035957336, -0.12518680095672607, -0.9327796697616577, -0.5464497208595276, -0.4308672547340393, -0.07336723804473877, 0.4816146194934845, 0.9603412747383118, -0.33491742610931396, 0.6408531069755554, 0.7624010443687439, -0.2722164988517761, -0.7647865414619446, 0.035901881754398346, -0.9218852519989014, -0.25484687089920044, 0.6381227970123291, -0.10850996524095535, -1.16008460521698, -0.6734448671340942, 0.4179794192314148, 0.12237538397312164, -0.10830037295818329, -0.082765594124794, -0.15815508365631104, 0.0032112188637256622, 1.0469735860824585, 1.0932927131652832, 0.6782768964767456, -0.47365036606788635, -1.0971930027008057, -0.08719207346439362, -0.5182567238807678, 0.3358187973499298, -0.8764244318008423, 0.4768369793891907, -1.8411738872528076, -0.3187660574913025, -0.059299714863300323, 1.0327606201171875, 0.1322687417268753, -0.22553569078445435, 0.231041818857193, -0.4184289574623108, 0.5708679556846619, -0.35451531410217285, 0.8669706583023071, -1.2940860986709595, 0.07452020049095154, -0.014470633119344711, -0.06967402994632721, -0.05124719813466072, 0.3820147216320038, 1.5758620500564575, 0.7192186117172241, -0.1722540259361267, -0.372592568397522, -1.2742949724197388, 0.023716159164905548, 2.0417089462280273, 0.7179591059684753, -0.45822474360466003, -1.0495238304138184, -0.6747998595237732, -0.09555254876613617, -0.015503920614719391, 0.1357828825712204, -0.4338565468788147, 0.4060240089893341, -1.8338618278503418, -0.0033195000141859055, -0.05263909697532654, 0.2516115605831146, 0.9807445406913757, 1.0857304334640503, -0.8429445028305054, 0.483946293592453, -1.1569452285766602, -1.2062406539916992, -0.372201532125473, 0.6768060922622681, -0.08577542006969452, 0.2501744031906128, 0.23993529379367828, -0.12028559297323227, -0.15933899581432343, 0.07894580811262131, 0.6863663792610168, -0.4037383198738098, 0.5876215696334839, 0.5489829778671265, 0.9498295783996582, -0.013201460242271423, 0.6044986844062805, 0.019404582679271698, 0.17824234068393707, -0.26618140935897827, -0.9392183423042297, 0.5615967512130737, -0.3492021858692169, 1.4476428031921387, 0.284906804561615, -0.6876190900802612, 0.6961451172828674, -0.2682499289512634, 0.0780281126499176, -0.747952938079834, -0.6164487600326538, -0.35171377658843994, 0.10742388665676117, 1.1316015720367432, 0.6437922716140747, 0.5227778553962708, -0.8134368658065796, 0.18544360995292664, -0.8481460809707642, -0.47059547901153564, -0.3016066551208496, -0.06165613979101181, -1.3795058727264404, 0.007538698613643646, -0.14325955510139465, -0.5073793530464172, -0.742961049079895, -0.448434978723526, 0.14088396728038788, -0.4568653106689453, 0.8306232690811157, 2.025265693664551, 0.24513694643974304, -0.270225465297699, -0.18066316843032837, 1.2280759811401367, -0.7479692697525024, 0.7164033055305481, -0.6647928953170776, -0.20745447278022766, -0.7259601950645447, 0.6347693204879761, -0.23613525927066803, 0.3571925759315491, 0.4404590129852295, -0.4955104887485504, 0.40899014472961426, 0.2510216534137726, -0.15934669971466064, 1.3398770093917847, -0.37915757298469543, 1.0787949562072754, -0.13705860078334808, 1.6165752410888672, 0.5171512961387634, -0.7308257222175598, 1.1991311311721802, -0.6154364943504333, -0.013253575190901756, 0.6355789303779602, -0.7855218648910522, 1.006395697593689, 0.6420668363571167, -0.5068022608757019, 0.061078839004039764, -0.1011589840054512, -2.6758480072021484, 0.4852593243122101, 0.3025590777397156, -0.29210755228996277, -0.2957524061203003, -0.951421856880188, 0.5049688816070557, 0.049200765788555145, -0.4736407399177551, 0.11591650545597076, -0.050831928849220276, 0.1538522094488144, -0.12918022274971008, 0.1358967274427414, 1.432267189025879, -0.29506373405456543, -0.4564998745918274, 1.0800014734268188, 0.07256806641817093, -0.8765436410903931, -0.8523774743080139, 0.24467700719833374, -0.470514178276062, -0.07026927918195724, 0.404692143201828, 0.9806389212608337, 1.2270087003707886, 0.005275130271911621, -0.06805489957332611, 1.4459649324417114, 0.9813019037246704, 0.6570245027542114, -0.1900705099105835, -1.0441973209381104, 0.040123101323843, -0.9121478796005249, 0.9639352560043335, -0.47921860218048096, -0.5033608078956604, -1.7165310382843018, -0.2544144093990326, -0.8860285878181458, -1.2413792610168457, 0.8963515162467957, 0.2155960202217102, 1.3104816675186157, -0.1526326686143875, 0.3388826847076416, -1.036086082458496, -0.10161201655864716, 0.2362688034772873, 0.004723481833934784, -0.08806504309177399, -0.440447062253952, -0.16661205887794495, 0.7123291492462158, -0.1517370641231537, -0.4587666094303131, -0.5508459806442261, 1.6803778409957886, -0.1471472680568695, -0.8298233151435852, -0.49006062746047974, 1.0859181880950928, 0.25185006856918335, 1.679420828819275, -0.670172393321991, -0.8799148201942444, 0.2886880934238434, 0.49414345622062683, 0.8567029237747192, 0.4811326861381531, -1.1490294933319092, 0.24191969633102417, 0.1260126233100891, 0.34933021664619446, 0.22126100957393646, 0.9221531748771667, 0.007304329425096512, -1.2515032291412354, -0.842181384563446, -0.017211366444826126, -0.6354956030845642, -0.6766714453697205, 0.033558495342731476, -0.21631772816181183, -0.26510465145111084, 1.2900043725967407, 0.0066454485058784485, 0.18973439931869507, 1.4580293893814087, -0.5380616784095764, -0.7043728828430176, -0.40926575660705566, 0.5719517469406128, -0.6704235672950745, -0.28221559524536133, 0.2698643207550049, -1.2919502258300781, -0.5330886244773865, -0.0557362362742424, -0.14795440435409546, 0.7900603413581848, -0.23042404651641846, 0.24594253301620483, -0.2630465626716614, 0.2251003533601761, -1.0655790567398071, 0.8423730134963989, 0.7635034918785095, -0.612348735332489, 1.3822931051254272, 0.8726059198379517, 0.6655814051628113, 0.24765731394290924, -0.6936778426170349, -0.5928022861480713, 0.7652847766876221, -0.16558897495269775, 0.1294531524181366, 0.019836891442537308, -0.1960785835981369, 0.771215558052063, -0.469971239566803, -0.41521865129470825, -1.0971145629882812, -0.37184393405914307, -0.4449049234390259, 0.13697698712348938, 0.7173103094100952, -0.65459805727005, -1.0118809938430786, -0.09162037074565887, -0.9463896751403809, 0.04497503489255905, -0.44336584210395813, 0.506962776184082, 1.9653878211975098, 0.977783739566803, 0.4997890591621399, -0.20405066013336182, -10.45838737487793, 1.3208622932434082, 0.25939232110977173, -0.2604348659515381, -0.1531776785850525, -0.587652862071991, 0.3246716856956482, -0.17904001474380493, 0.7210108041763306, -0.5736041069030762, 0.7112826108932495, 0.23361119627952576, 0.05345387011766434, -0.5885787606239319, -0.6431429982185364, -1.4050861597061157, -0.41477546095848083, -0.230819970369339, 0.35737502574920654, 0.440791517496109, 0.07506124675273895, -1.0028759241104126, 0.15648607909679413, 0.7731125950813293, -0.2614148259162903, -0.2435530424118042, -0.5201888084411621, -0.46919551491737366, -0.40464872121810913, 0.18287944793701172, 0.754543662071228, 0.171586275100708, 0.030600234866142273, -1.0334641933441162, 0.5488870143890381, 0.0753512978553772, -0.9898898601531982, 0.4701385200023651, 0.6843932867050171, -0.5709586143493652, -0.6652652621269226, 0.6179585456848145, 0.9998729825019836, -0.2062145322561264, -0.3567257225513458, 0.38844966888427734, 0.5223089456558228, -0.30696868896484375, 0.4441717863082886, -0.048779599368572235, -0.7327896952629089, -0.8615383505821228, -1.2625871896743774, -0.7067282795906067, -0.2335044890642166, -0.5662391185760498, -0.20402932167053223, 0.8244503736495972, -0.6443236470222473, -0.8570936918258667, 0.3555467426776886, 0.570120096206665, -0.7172282934188843, 0.19252325594425201, 0.33540844917297363, -0.6200843453407288, -0.25729069113731384, 0.6971906423568726, -0.5043308734893799, 1.0675160884857178, -1.1238709688186646, 0.11522184312343597, -0.9006252288818359, 0.8813390135765076, -0.09799649566411972, -0.3296014368534088, -0.004702556412667036, -0.6085347533226013, 0.5584084987640381, 0.31777289509773254, -1.1565661430358887, 0.3887186646461487, 0.30388978123664856, -0.626101553440094, -1.1588934659957886, 0.3057219982147217, -0.0986437276005745, -0.2347884178161621, 1.7562110424041748, -0.25375211238861084, 1.2243459224700928, -0.33107447624206543, -0.68492591381073, 0.5553638339042664, -0.1770506203174591, 1.0642309188842773, 0.417672336101532, 0.384810209274292, 0.08671237528324127, -0.9168996810913086, -0.22417253255844116, -0.37783798575401306, -0.46834301948547363, 0.08073775470256805, 0.7261318564414978, 0.5327113270759583, -0.2623704671859741, 0.8876938819885254, 0.6162093877792358, -0.07054438441991806, 0.718145489692688, 0.8262089490890503, -0.6092033982276917, 0.7492879033088684, -0.6495379209518433, 0.6462464928627014, 1.2147421836853027, 0.767392098903656, 1.1087555885314941, 0.6581380367279053, -0.3111709952354431, 1.2630727291107178, -0.29534146189689636, 1.125727891921997, -0.63633793592453, 0.2030964195728302, 0.5336975455284119, 0.6161156892776489, -0.3228845000267029, -1.2986267805099487, -0.2031208872795105, -0.31018489599227905, 0.18182435631752014, -0.1345202624797821, -0.38262882828712463, 0.6855080723762512, -0.9712498188018799, 1.2321583032608032, -0.18296551704406738, 0.40814658999443054, 0.8490890860557556, -0.789368212223053, 0.3169415295124054, -1.570900559425354, -1.195253849029541, 0.03813775256276131, -1.7601361274719238, 0.5436829924583435, -0.6050792932510376, 0.15813077986240387, 1.453094244003296, 0.09599610418081284, 1.1729265451431274, -1.0639842748641968, -1.0176723003387451, -0.1053953692317009, 0.7253669500350952, 0.022380337119102478, -0.8538950681686401, 0.41898298263549805, 0.3763263523578644, 1.1371424198150635, -0.6642720699310303, 1.3902231454849243, -0.39796385169029236, -0.13406559824943542, -0.5667325854301453, -0.15425747632980347, -1.0642926692962646, 0.5091164708137512, 1.0568808317184448, -0.9396030306816101, -0.2721174657344818, -0.7263639569282532, -0.3124798536300659, -1.3035235404968262, 0.8625934720039368, 1.189390778541565, -1.4247028827667236, -0.5142005085945129, -0.4274541139602661, 0.07390639185905457, 0.0204317569732666, -0.21237611770629883, -0.6961967945098877, -0.224716454744339, -0.20284295082092285, 1.0682487487792969, -0.34195876121520996, 0.6269389390945435, -2.028231143951416, -1.3388607501983643, -0.8331409692764282, -0.9529221653938293, -0.2402748167514801, -0.3866804838180542, 1.2911545038223267, 0.49152785539627075, -0.45693767070770264, 0.12265148013830185, 0.6957472562789917, 0.4371790885925293, -0.5975172519683838, 0.048342231661081314, 0.17106133699417114, 0.3514508306980133, -0.46467840671539307, 0.25413888692855835, 0.30243995785713196, 0.13309967517852783, -0.4165964722633362, -0.5167074203491211, 0.32510921359062195, -0.1368417590856552, 0.44062426686286926, -0.9625236988067627, -0.6226451396942139, -0.4894202947616577, 0.14293959736824036, -1.1810355186462402, -0.017366521060466766, 1.1909786462783813, 0.059772998094558716, 1.0313441753387451, 1.0445072650909424, 0.7081154584884644, 1.0680713653564453, -0.08162800967693329, 1.112628698348999, 0.15346170961856842, -0.5962496995925903, 0.1884240061044693, 0.1539127379655838, 0.05847717076539993, 0.0371384397149086, -0.5636272430419922, -0.8373705744743347, 0.7872856855392456, -1.5707261562347412, 0.40847456455230713, -0.16377322375774384, 0.49949532747268677, 0.8081486225128174, 1.23139226436615, -0.6305569410324097, -1.5709896087646484, -1.2168853282928467, -0.8821312189102173, 0.12509121000766754, 0.9740962982177734, 0.5993903279304504, 0.18579259514808655, 0.7094197273254395, -0.5399531722068787, 0.14879445731639862, -0.3671033978462219, 0.10970300436019897, 0.39537733793258667, 0.7035049796104431, 0.6037334203720093, 0.5092142820358276, 0.8932787775993347, -0.06907539069652557, 0.02902020514011383, -0.3781900107860565, 0.3023035526275635, 0.09296133369207382, 0.021752163767814636, 1.249343752861023, -0.5523755550384521, -0.7081713676452637, -1.0262709856033325, 0.5729835033416748, -0.8652603030204773, 0.8298799395561218, 0.20785990357398987, -1.0987197160720825, -1.084429144859314, -1.3000884056091309, -0.2655746340751648, 0.5532135367393494, 0.10299620032310486, -0.407645046710968, -0.5538840889930725, 0.5500883460044861, 1.0452455282211304, 0.46350735425949097, -1.2442502975463867, 0.42963558435440063, -1.2960948944091797, 0.8377609252929688, -0.9636644124984741, -0.08949049562215805, 0.10585325956344604, 0.022224904969334602, -1.0352625846862793, 1.1265196800231934, -0.07459784299135208, -0.989886999130249, -1.335979700088501, 0.096540167927742, 0.23999285697937012, -0.3648619055747986, 0.7924806475639343, -0.010131588205695152, -1.900640845298767, 1.2719495296478271, 1.415531873703003, -0.47234511375427246, -0.39831140637397766, -0.018633831292390823, -0.15006324648857117, 0.11114818602800369, 1.9215102195739746]} +{"paper_id": "conceptual_12m", "embedding": [-0.7012894749641418, 1.985300898551941, -0.018151449039578438, -0.4534356892108917, 0.08770681917667389, -0.12887825071811676, -0.2505241632461548, 0.7049753069877625, 0.9974971413612366, 0.12640772759914398, 1.3846642971038818, 0.18961642682552338, -0.3810330331325531, -0.12739549577236176, -0.6440932750701904, 0.2897701859474182, -0.6984323859214783, -1.2894777059555054, -1.1230982542037964, 0.012339621782302856, -1.9408764839172363, -0.9977871179580688, 0.11199948191642761, 0.20193150639533997, -0.6319878101348877, -0.6098818182945251, 1.145917296409607, -0.8848975300788879, 0.13033723831176758, 0.42543646693229675, -0.20873847603797913, 0.26279789209365845, -1.5270222425460815, 1.413442850112915, -0.12330262362957001, -0.9967851638793945, 1.2240079641342163, 1.029005527496338, -0.20546093583106995, -1.1392052173614502, 0.42116519808769226, 0.07723677158355713, 1.7374732494354248, -0.5969449281692505, 0.6786508560180664, -1.1448661088943481, -0.03209548443555832, -0.09254893660545349, -0.7655202150344849, -0.048483893275260925, 0.24022088944911957, 0.6654847860336304, 0.14397810399532318, 0.022756144404411316, -0.47980502247810364, 1.607494831085205, 0.03345930576324463, 0.28606218099594116, 0.19024184346199036, -0.027101855725049973, 0.42782366275787354, 1.710412859916687, -0.45337146520614624, -0.30397894978523254, 0.7321893572807312, 0.6372572779655457, 1.1244145631790161, 0.7934335470199585, -0.046424806118011475, 0.20303012430667877, -0.36914652585983276, -1.573663592338562, 0.5834462642669678, 0.3384159207344055, 0.5423622131347656, 0.7436600923538208, -0.3801974654197693, -0.3125632405281067, -0.05719355121254921, 0.4721735119819641, -0.9264203906059265, 0.19671539962291718, 0.17388170957565308, -0.43737709522247314, 0.17149849236011505, 0.9647454023361206, 0.2808281481266022, -0.1315808743238449, 0.1896287202835083, -1.4945893287658691, 0.9585263133049011, 0.17819763720035553, 0.3564784824848175, 0.5221302509307861, 0.2081024944782257, -0.3048245310783386, 0.27369463443756104, -0.40899184346199036, -0.7762346267700195, 0.7339965105056763, 0.2312353253364563, -0.2558631896972656, 1.0536614656448364, 0.13372649252414703, 0.7179656028747559, 0.4127044677734375, 0.09442055225372314, 0.10650575160980225, -0.8404788374900818, -1.2126094102859497, 0.4273723065853119, 0.863224983215332, 1.2110822200775146, 0.003044597804546356, 0.029173973947763443, -0.31691908836364746, 0.4334668517112732, 0.28132322430610657, -0.3343166410923004, 0.24560752511024475, 0.15936972200870514, -1.5698028802871704, -0.962345540523529, -1.0494208335876465, 0.6257814764976501, -0.9657357335090637, 0.23762191832065582, -0.4545876085758209, -0.1692855954170227, -0.6126116514205933, 0.10245290398597717, 0.4612317979335785, -0.6479529142379761, 0.10513970255851746, 3.597179651260376, -0.3710341155529022, 0.6088123917579651, -0.8384692072868347, -0.7405206561088562, -0.8267610669136047, -0.43983641266822815, 1.5386369228363037, 0.09535842388868332, -0.9681071043014526, -0.008963730186223984, 0.16787584125995636, -0.8896626234054565, 0.3229908049106598, -1.261265754699707, -0.7401118874549866, 0.48276185989379883, 0.27845585346221924, -1.0188071727752686, -1.2207705974578857, -0.18185663223266602, 0.6614047288894653, 0.10547579824924469, -0.4117782711982727, -0.009882546961307526, 1.127243995666504, -0.33842334151268005, 0.37859612703323364, -0.8752963542938232, 0.6013396382331848, -0.4024951457977295, 0.6203217506408691, 0.47631242871284485, -0.5972771048545837, 0.24044233560562134, -0.7402981519699097, 0.8434721231460571, -0.9104446768760681, 0.2742995023727417, -0.25134003162384033, 0.07513482123613358, 1.0785788297653198, 0.5830933451652527, 0.709768533706665, 0.25445011258125305, -0.6569560766220093, -0.6601243019104004, -0.06685350835323334, 0.28579360246658325, -0.3969578146934509, 0.7910161018371582, -0.2613801956176758, -2.7645907402038574, -0.7527316808700562, -1.3220388889312744, 0.0064949169754981995, 0.09591740369796753, 0.26239997148513794, -0.11336476355791092, -0.40183135867118835, -0.4795759320259094, -0.6360368132591248, 1.1243782043457031, -0.16940385103225708, -1.0178619623184204, 0.7079041004180908, 0.3274838626384735, 0.16997797787189484, -1.0459108352661133, 0.7651270031929016, 0.4474310278892517, 0.2152799665927887, -0.097514808177948, -1.5743318796157837, 0.4510921239852905, 1.4490013122558594, 0.5436543226242065, -1.4321397542953491, -0.4699411988258362, -0.46132171154022217, 0.7020240426063538, -0.7922255992889404, 1.026077389717102, -0.3653290569782257, -0.13343551754951477, -0.4315307140350342, -0.3345489203929901, -0.4409469664096832, 0.9653225541114807, -0.20792950689792633, 0.9437885284423828, -0.404581218957901, -0.6504578590393066, -0.21905367076396942, -1.1187129020690918, 0.9437183141708374, 0.4848051965236664, 0.4944479763507843, -0.45743653178215027, 0.2224482297897339, 0.5462896823883057, 0.20571941137313843, 1.3434308767318726, 0.4671621322631836, -0.5892263054847717, 0.32836252450942993, -0.2594585120677948, 0.5588218569755554, -0.7054035067558289, -0.35869136452674866, 0.3941804766654968, -0.20344682037830353, -0.4480842351913452, -1.459197759628296, -0.302013635635376, -0.2134627103805542, 1.9815294742584229, 0.4339831471443176, -0.27508968114852905, 0.6177639365196228, -0.3043886423110962, -0.534832239151001, 1.164205551147461, 0.33434706926345825, 1.5897855758666992, -0.9118185639381409, -0.126900315284729, -0.9634855389595032, 0.28352561593055725, -0.4708847999572754, -0.5329813361167908, -0.41649407148361206, -1.0766568183898926, 0.25606676936149597, -0.8180698156356812, -1.0556309223175049, -0.12774039804935455, 0.09339336305856705, -0.2642751634120941, -0.7228415012359619, 0.6772509813308716, 0.5832691192626953, 1.0695610046386719, 0.37933045625686646, 0.9996439218521118, -0.44458484649658203, 0.8847007155418396, -0.32108932733535767, 0.6390290260314941, 0.2866608798503876, 0.713665783405304, -0.38741159439086914, 0.22319038212299347, -0.9129002690315247, 0.4917058050632477, -1.2429791688919067, 0.15371647477149963, 0.15805768966674805, -0.48636603355407715, 0.7658406496047974, -0.22852325439453125, -1.0673352479934692, 1.4771875143051147, -0.40729013085365295, 0.27884140610694885, -0.47301530838012695, 1.0296595096588135, 0.9686535000801086, -1.0398536920547485, 0.2579631209373474, -0.11186252534389496, -0.6280408501625061, 1.4286003112792969, 0.5184164047241211, 0.39365535974502563, 1.1752322912216187, 0.15546338260173798, 0.41440919041633606, -0.36427924036979675, -1.3313288688659668, 0.18760617077350616, 0.6022815704345703, 0.2213694006204605, 0.607276439666748, -1.4198170900344849, 0.11001315712928772, -0.7190791964530945, 0.2823103666305542, 0.3049299120903015, -0.6559408903121948, 0.3986821472644806, 0.5775454640388489, 0.15430855751037598, 1.4811639785766602, -0.4580872058868408, 0.8170517683029175, 0.7731398940086365, -0.328061044216156, -1.131083369255066, 0.42016103863716125, 1.2952537536621094, -0.545147716999054, 0.15687623620033264, 0.4988316297531128, 0.40483713150024414, 0.9127522706985474, -0.17142987251281738, -0.1403878778219223, 0.4564058184623718, -0.297568142414093, 0.17571806907653809, 1.0282433032989502, -0.1270594447851181, -0.09017227590084076, 0.4349970817565918, 1.216597557067871, 0.21845242381095886, -0.9106186032295227, -0.45034274458885193, 0.411810964345932, -0.31203320622444153, 0.3631782829761505, 1.9807745218276978, 0.3206559121608734, 1.4013738632202148, -0.37726113200187683, -0.20865142345428467, 0.2826819121837616, -0.263750821352005, 0.4601419270038605, 1.0973284244537354, 0.3607146739959717, -0.23995447158813477, -0.07718627154827118, -0.19968390464782715, 0.5561044216156006, 0.2532252073287964, -0.22648295760154724, 0.9995102882385254, 0.312325119972229, -0.9724159836769104, 0.8582214117050171, 0.4036671221256256, 0.7078984379768372, 1.2314655780792236, -0.5836549997329712, -0.4026898443698883, -0.2606027126312256, 0.3193964958190918, 0.5511196255683899, -0.7222915291786194, 0.17451179027557373, 1.1812130212783813, 0.8554381132125854, 1.672642707824707, 0.5245365500450134, 0.7713708281517029, 1.3366215229034424, -0.1535710096359253, -1.0460035800933838, 0.2467832863330841, -1.3822096586227417, -0.6886335611343384, 0.021109744906425476, 0.0867106169462204, -0.6857674717903137, 0.5863145589828491, -0.8681663274765015, -1.2979662418365479, 0.9405354261398315, -0.3585127592086792, -0.1678125411272049, 0.33468371629714966, 1.7170443534851074, -0.534831166267395, -0.8280920386314392, -0.17566345632076263, -0.09275715053081512, -1.1024504899978638, 0.08121655136346817, -0.0933108925819397, -0.13032463192939758, -0.10657306015491486, 0.4632522165775299, -0.23433493077754974, -0.2361193299293518, -0.40701091289520264, 0.9577804207801819, 0.6889303922653198, -1.2835601568222046, -0.2162637859582901, -0.22855594754219055, 0.31472641229629517, 0.3243508040904999, -0.6671947240829468, -0.29702115058898926, 1.4851716756820679, 0.915777325630188, -0.677137017250061, -0.9423587918281555, -0.1501534879207611, 0.4995678663253784, 0.5819891691207886, 1.0053287744522095, -0.7980997562408447, -0.9180139303207397, -0.33682116866111755, 1.514142394065857, 0.9244406223297119, -0.6163345575332642, 0.3610740602016449, 1.3581569194793701, -0.12531650066375732, 0.8819352388381958, -0.6201845407485962, -0.006604503840208054, 1.128980278968811, -0.16522428393363953, -0.3801286220550537, 0.16767343878746033, -10.087038040161133, -0.353369802236557, -0.3654307723045349, -0.08430991321802139, 0.8189716935157776, -0.16419827938079834, 1.5225560665130615, 0.06257839500904083, 0.30844372510910034, -1.2444591522216797, 0.887414276599884, 1.004374384880066, 0.2651590406894684, 0.1777069866657257, -0.8470903635025024, -1.3141642808914185, -1.3924973011016846, -0.653583288192749, 0.4084225296974182, 0.2423228919506073, 0.9908520579338074, 0.528907835483551, -0.6135171055793762, 0.3506496250629425, -0.12842287123203278, -0.3901937007904053, 0.1895858645439148, 0.23849615454673767, -0.5928479433059692, -0.3706909120082855, 0.7607206106185913, -0.33867761492729187, -1.13141930103302, -0.8382583260536194, 0.45229780673980713, 0.07467730343341827, -1.1640433073043823, 0.09425679594278336, 1.5157724618911743, 0.08030851185321808, -0.6052836775779724, 0.646793007850647, -0.7745940685272217, 0.9007594585418701, -0.6930124759674072, 0.540418267250061, 0.7692408561706543, -0.6162269115447998, 0.5461452603340149, -0.6984310746192932, -0.495486855506897, -0.9925090670585632, 0.10824532061815262, -0.40940356254577637, 0.7889438271522522, 0.6931778788566589, -0.6701730489730835, -1.1535948514938354, -0.43663763999938965, -1.2280932664871216, 0.8062939643859863, 0.6662971377372742, -0.10229146480560303, 0.532379150390625, 0.06303221732378006, -1.3362187147140503, 1.136561393737793, 0.8562405705451965, -0.37487414479255676, 0.46219131350517273, -0.834976851940155, 0.337392121553421, 1.0202239751815796, 0.19351445138454437, -0.38910573720932007, 0.3474271297454834, -0.6494944095611572, 0.49158674478530884, -0.3989439010620117, -0.30679816007614136, -0.9621480703353882, 0.9421043395996094, -0.16341111063957214, -0.9338521361351013, -0.18606574833393097, 0.1865968555212021, 0.3177590072154999, 0.9804747104644775, -0.5790300369262695, -0.024058453738689423, 0.8991767168045044, -0.44106152653694153, 0.30209535360336304, -0.3523399233818054, -0.6859843730926514, 1.0907803773880005, -0.13181056082248688, -0.12231225520372391, -0.2814735770225525, -1.575333833694458, 0.32878613471984863, 0.1618255078792572, -0.03653924539685249, -0.4445154368877411, 0.14005206525325775, -0.041806675493717194, 0.4016159176826477, 0.23245003819465637, 0.4027608036994934, 0.3900688588619232, 0.23024475574493408, -1.4587783813476562, -1.1576695442199707, 1.2926959991455078, -0.20226556062698364, 0.5708543658256531, 0.5437105298042297, -0.7851792573928833, 0.18193310499191284, 0.7386634349822998, -0.2361561506986618, 0.5851758718490601, 0.4676114618778229, 0.6599682569503784, 0.5801413655281067, -0.765629231929779, 0.050163183361291885, -0.07404989004135132, -0.23301514983177185, -0.9698706269264221, 0.7139536142349243, -0.1314060389995575, -1.1021885871887207, -0.3046933710575104, -0.40917420387268066, -0.43800386786460876, -1.0475481748580933, 1.5186692476272583, -1.218174695968628, 0.06578370183706284, 0.26700639724731445, -0.646527111530304, -0.15882575511932373, -0.7869684100151062, -0.7418245673179626, -0.653362512588501, -2.0367443561553955, -0.3052370548248291, -0.8088467717170715, -1.3208953142166138, -0.08137297630310059, -0.06425883620977402, 0.23031266033649445, -0.9983033537864685, -0.43472152948379517, 0.11790002137422562, 0.04130048677325249, -0.915864109992981, -0.6067342758178711, -0.5638196468353271, 0.32554835081100464, 0.47701969742774963, -0.8347823619842529, 0.1982831358909607, 0.2682904005050659, -0.21120120584964752, -0.629918098449707, -0.03631528094410896, 0.14187702536582947, 0.12629425525665283, 1.2358037233352661, -0.8843395113945007, 0.3813849687576294, -0.6441161036491394, 0.4663613736629486, -1.134014368057251, -0.5169782638549805, 1.790306568145752, -0.8196254968643188, 0.41843605041503906, -0.030621323734521866, 1.639297604560852, 0.9134429693222046, -1.1944997310638428, -0.35132521390914917, -0.45541486144065857, -0.27364251017570496, 0.1890273094177246, 0.0678308829665184, 1.1162445545196533, -2.0196373462677, -0.7680392861366272, -0.5327482223510742, -0.020930662751197815, 1.0069713592529297, 0.4387402832508087, -0.051138535141944885, 0.5443867444992065, -0.011746332049369812, 0.39647915959358215, -0.6244430541992188, -0.08416014164686203, 0.4980972409248352, 0.17751239240169525, 0.14403347671031952, -0.057723287492990494, -0.3918716311454773, -0.58775395154953, -0.22928860783576965, 0.5831183195114136, -1.0482736825942993, 0.42653995752334595, 0.42443278431892395, -1.2358907461166382, 0.9598959684371948, -1.2291178703308105, 0.6314589977264404, -0.4422222673892975, -0.22725115716457367, -1.4930683374404907, -0.20550969243049622, 1.2904679775238037, 0.12340489029884338, 1.1673575639724731, 0.027361571788787842, 0.5104271173477173, 1.0860975980758667, -0.12840554118156433, 1.634971022605896, -0.33578726649284363, 0.36047106981277466, -0.09301555156707764, 0.6814860105514526, -0.575814962387085, -0.9198662638664246, 0.13384899497032166, -1.327563762664795, -0.026949800550937653, -1.0434871912002563, 0.4601585268974304, -1.0723185539245605, -0.41288718581199646, 0.6584649682044983, 0.5239026546478271, 0.08967435359954834, -1.4803528785705566, -0.4448500871658325, -1.25384521484375, -0.1959708333015442, 0.9332972764968872, -0.6306551694869995, 1.0003530979156494, 0.7888438701629639, -0.1088436096906662, 1.3643416166305542, 0.1540711373090744, -0.7454010844230652, -0.16802677512168884, -0.31389206647872925, 1.0602364540100098, 0.6274393200874329, 0.388155996799469, 0.7461870312690735, 0.6446028351783752, -0.07042162120342255, -0.4128876328468323, -0.8433752059936523, 0.8210073113441467, 1.1345112323760986, -0.8679179549217224, -0.336811900138855, -0.8968410491943359, -0.3978011906147003, -1.1869746446609497, 0.5574663281440735, 0.5186643600463867, -0.09018119424581528, -1.0072829723358154, -0.6456136107444763, -0.09975177049636841, 0.12970978021621704, 0.18743841350078583, -0.5339957475662231, -0.5913943648338318, 1.5008280277252197, 0.9815669655799866, 0.4006170928478241, -0.5148651599884033, -0.34051913022994995, -0.333724707365036, 0.8091310858726501, 0.5875295400619507, -0.4434736371040344, -0.42229852080345154, 0.5604613423347473, -0.6619961261749268, -0.463922917842865, -0.5283792614936829, 0.0720267966389656, -0.6352673768997192, 0.16172318160533905, -0.2616060972213745, 0.38513800501823425, 0.9068983793258667, 1.019971251487732, -0.5613800287246704, 0.4182322025299072, 0.4293068051338196, -0.8160246014595032, -0.565500020980835, -0.19966211915016174, -0.1305125653743744, -0.43389928340911865, 0.4858383238315582]} +{"paper_id": "igbo_english_machine_translation", "embedding": [0.39425233006477356, 1.6916004419326782, -0.1352643072605133, 0.06473845988512039, 0.45902591943740845, -0.3587401807308197, 0.28421950340270996, 0.8349302411079407, 0.895448625087738, 0.6783021092414856, 0.55936199426651, -0.3169192671775818, -0.5288131833076477, -0.31767138838768005, -0.3849264085292816, -0.813025176525116, -1.3616799116134644, -1.0177806615829468, -1.8398418426513672, -0.10906264930963516, -1.0672725439071655, -0.09600527584552765, -0.25722888112068176, 1.33608877658844, -0.5334293842315674, -1.1070626974105835, 0.45661309361457825, -0.9773351550102234, 0.014682665467262268, 0.22567912936210632, -0.5405917763710022, 0.7818928360939026, -1.3074226379394531, 0.5961254239082336, -0.4978064298629761, -0.37565115094184875, 0.4702737033367157, 0.41706132888793945, -0.3429471552371979, 0.5378125905990601, -0.7247806787490845, -0.6774206757545471, 0.4537871479988098, 0.014485126361250877, 1.2136725187301636, -0.6216989755630493, -0.7909057140350342, 0.11403341591358185, -0.288190633058548, -0.04502564296126366, -0.4491598308086395, 0.46236416697502136, -0.11803983151912689, 0.2265009582042694, -0.590825080871582, 1.1517959833145142, 0.9368759393692017, -0.6387900710105896, 1.2509313821792603, -1.450111746788025, 0.9493845105171204, 1.9991106986999512, -1.0957210063934326, 0.18737632036209106, 0.937279999256134, -0.03793796896934509, 1.869310975074768, 0.3075560927391052, 0.7404180765151978, 0.31291744112968445, 0.23205254971981049, -0.6226475834846497, 0.6663447618484497, 0.2265813946723938, 0.5757904648780823, 0.6184079647064209, 0.1887846142053604, 0.13187047839164734, -0.5466066598892212, 0.012442776933312416, -0.8897468447685242, 1.069362759590149, 0.5358583331108093, -1.106984257698059, 0.5077961087226868, 0.7978724241256714, 0.18732456862926483, -0.5894255042076111, 1.0514411926269531, -1.5243996381759644, -0.15084268152713776, 0.13686524331569672, -0.17769135534763336, 0.10209250450134277, -0.20864459872245789, -0.16080453991889954, -0.16565753519535065, 0.15904925763607025, -0.27769550681114197, 0.08497415482997894, 0.5073326826095581, -0.0923427939414978, 0.4693470895290375, 0.08659923076629639, 0.3555576801300049, 1.5142024755477905, -0.27645811438560486, -0.4319705367088318, -1.8945223093032837, -0.12899619340896606, 0.8496299982070923, 1.1963125467300415, -0.6401790380477905, 0.6262327432632446, 0.6835868954658508, -0.37644287943840027, -0.05730096250772476, -0.7182064056396484, -1.2193156480789185, -0.42051130533218384, -0.5646745562553406, -0.8374393582344055, -0.6564426422119141, 0.28954875469207764, 0.8843649625778198, -0.5107976794242859, 0.2803468704223633, -0.5959618091583252, 0.4251740872859955, -0.03303319588303566, 0.9944243431091309, 0.1291150450706482, -0.8420311212539673, -0.0067231059074401855, 2.9117767810821533, -0.5223107933998108, 1.365756869316101, -0.48386964201927185, 0.7228462100028992, -0.1184588372707367, 0.1716887652873993, 1.4428064823150635, -0.004413783550262451, -0.9517092704772949, -0.04805070161819458, 0.11615061014890671, -1.6785712242126465, 0.6197084188461304, -1.057044267654419, -0.8906238079071045, -0.3429655432701111, 0.2853451371192932, -1.1495308876037598, -0.968534529209137, 0.15973125398159027, 0.18633434176445007, 0.3173072934150696, 1.2308154106140137, -0.4517095386981964, 0.9095791578292847, 0.468219518661499, 0.08783131837844849, 0.3825265169143677, 0.3986802101135254, -1.5671736001968384, -0.32106921076774597, 1.1741852760314941, 0.2409878671169281, -0.06807732582092285, -0.7785374522209167, 1.090548038482666, -0.4404776692390442, -0.22828012704849243, 0.0658353716135025, 0.09339016675949097, 0.3692135512828827, 1.2037830352783203, 0.9891456961631775, -0.7637087106704712, -0.4683253765106201, -0.3510519862174988, -0.7616528868675232, -0.07547315210103989, 0.10204193741083145, 0.20147058367729187, 1.0249346494674683, -2.2520217895507812, -0.2427183836698532, -0.23432940244674683, 0.16789764165878296, -0.4590482711791992, -0.2501142621040344, 0.11302398145198822, 0.2066972851753235, 1.074031114578247, -0.1254846751689911, 0.6151798367500305, -1.2229458093643188, -0.2882844805717468, 0.4712667465209961, 0.08688278496265411, -0.0399928018450737, -0.25173133611679077, 0.8237742781639099, 0.44179925322532654, -0.5123711824417114, -0.595568060874939, -1.2602475881576538, -0.05864344537258148, 2.6941099166870117, 0.23060427606105804, -0.7300821542739868, -0.6737576723098755, -0.8584767580032349, -0.05330779775977135, -1.0593606233596802, 0.12447527050971985, -1.0783616304397583, -0.5676735043525696, -1.3692899942398071, -0.009967958554625511, -0.8735752701759338, 0.02616971731185913, 0.9276614189147949, 0.8758363127708435, -0.14940215647220612, -0.14429634809494019, 0.32964494824409485, -0.9631622433662415, 0.5243277549743652, 0.7246096730232239, 0.26410627365112305, -0.9390517473220825, 0.6235158443450928, -0.1331498920917511, 0.6497504115104675, 1.1092675924301147, 0.10755529999732971, -0.47042545676231384, -0.29221782088279724, 0.16323786973953247, 0.326333224773407, -0.29850631952285767, -0.5093950033187866, 0.7068782448768616, 0.5984378457069397, -0.5662075281143188, -0.13990160822868347, -0.12074179202318192, -0.19926196336746216, 1.282041311264038, 1.028480887413025, -1.1099345684051514, 1.5934122800827026, -1.3309805393218994, 0.4880545735359192, -0.20091989636421204, -0.6662508845329285, 0.48493140935897827, -0.2254631519317627, 0.4353412985801697, -0.15791302919387817, 0.4689105749130249, -1.0107967853546143, -0.3449406623840332, -1.3924423456192017, -0.24174682796001434, -0.5847007036209106, -0.9285964965820312, -1.6479175090789795, -0.2920370399951935, 0.0334283821284771, -1.3911014795303345, 0.1712387651205063, 0.08349058032035828, 0.8987208604812622, 0.25453975796699524, 0.9652433395385742, 1.5835891962051392, 0.34436488151550293, 0.3465564250946045, -0.09846927225589752, 0.23860131204128265, -0.7775956988334656, 1.443202018737793, 0.05322523042559624, 0.33122017979621887, -0.548009991645813, 0.258345365524292, -0.617382824420929, 0.0630783960223198, 1.3239446878433228, -0.0418277308344841, 0.3469553589820862, -0.1874132752418518, -1.5731451511383057, 0.3890048861503601, -1.1204254627227783, 0.6601125001907349, -1.0820246934890747, 1.8220345973968506, 0.3217611312866211, 0.0027754195034503937, 0.6724156141281128, -0.21736329793930054, -0.46958500146865845, 0.51739102602005, -0.9232202768325806, 1.125910997390747, -0.0005391910672187805, -0.4288397431373596, 0.1302824765443802, 0.40478160977363586, -2.0478715896606445, 0.10101465880870819, 1.3118325471878052, -0.43646159768104553, -0.8062655925750732, -1.0280194282531738, -0.05174002796411514, -1.0105600357055664, -0.28953859210014343, 0.4389481246471405, -0.7635725140571594, 0.3488108813762665, 0.0962287113070488, -0.21151746809482574, 0.758119523525238, -0.8149585127830505, 0.7231332063674927, 1.601256251335144, 0.4859688878059387, -0.7791221141815186, -0.23996120691299438, 0.6314612627029419, -1.0224510431289673, 0.3195984363555908, 0.2523597478866577, 0.567919909954071, 1.9351750612258911, -0.18131649494171143, -0.2641007900238037, 0.855937659740448, 1.4010807275772095, 0.7518209218978882, 1.005439281463623, -0.3772936463356018, 0.08144521713256836, 0.13174641132354736, 0.9338284730911255, -0.09155242145061493, -1.051324486732483, -0.8203460574150085, -0.09887944161891937, -0.4929008483886719, -0.7085556983947754, 2.081749677658081, 0.8779599666595459, 1.0366194248199463, 0.2175857573747635, 0.39130479097366333, -0.2729634940624237, -0.04057487100362778, 1.3710743188858032, 0.1385093480348587, -0.17520712316036224, 0.02386777102947235, 0.29892197251319885, 1.0869288444519043, -0.6382391452789307, -0.26833248138427734, -0.1408947855234146, 0.5524678230285645, -0.8072518110275269, -0.8711935877799988, 0.13120032846927643, 1.035740613937378, 0.7211626172065735, 1.5798145532608032, -0.8902875185012817, -0.43844538927078247, 0.2572738826274872, 0.707226037979126, -0.49870797991752625, 0.9545243978500366, -0.4657290577888489, 0.6051918864250183, 0.39067649841308594, 1.0705534219741821, -0.2513939142227173, 0.4168185293674469, 1.0835310220718384, -0.4998752474784851, -0.8859290480613708, -0.735930323600769, -1.4067919254302979, -0.7342740297317505, -0.7086746692657471, -0.05600709095597267, -1.1643038988113403, 0.7784257531166077, -0.19516631960868835, -0.8730159997940063, 0.3875267207622528, -0.28818202018737793, -1.7782551050186157, 1.2360097169876099, 1.2482386827468872, -0.8000458478927612, -0.02358006127178669, -0.143032506108284, -0.8393939733505249, -1.10499906539917, 0.5035809874534607, -1.2176676988601685, -0.33780381083488464, 0.07760293781757355, 1.132111668586731, 0.43815553188323975, -0.6987423896789551, -0.9602013826370239, 0.10880431532859802, 2.020378589630127, -1.3054847717285156, 0.2838574945926666, 0.17286977171897888, 0.611717164516449, -0.7435215711593628, -1.1519670486450195, -0.7791911363601685, 0.4703204333782196, 0.46115437150001526, 0.40303871035575867, -0.41400742530822754, -0.9150480031967163, -0.027835197746753693, -0.1749316155910492, 0.9528460502624512, -1.3266741037368774, 0.21169866621494293, -0.2665259838104248, 0.40473729372024536, 0.5071737766265869, -0.5760523676872253, 0.03197271376848221, 1.376542091369629, 0.24105101823806763, 0.09728381782770157, 0.8660043478012085, 1.2609063386917114, 0.2184406816959381, 0.16270926594734192, 0.383777379989624, -0.5484349131584167, -9.070934295654297, -0.07394048571586609, -0.8698273301124573, -0.10287734121084213, 0.21999500691890717, -0.28019118309020996, 0.9611300826072693, -0.41343575716018677, 0.09419102221727371, -0.4701783061027527, 1.0328339338302612, 1.2524826526641846, 0.8663328886032104, -0.8786548376083374, -0.27167925238609314, -0.780293881893158, -0.7629905939102173, -0.08965476602315903, 0.7196951508522034, 0.3005487322807312, -1.4020479917526245, -1.7394756078720093, 0.20459778606891632, 0.18676431477069855, 0.32084643840789795, 0.3469887971878052, -0.032903943210840225, 0.1636892408132553, -0.366818904876709, 0.4656565487384796, 0.4077150821685791, 0.11296921968460083, -1.6876251697540283, -0.8892876505851746, 0.9266658425331116, -0.47922608256340027, -1.0045843124389648, -0.042880646884441376, 1.2282010316848755, 0.039054080843925476, -0.2202930599451065, 0.5471988916397095, 0.14713451266288757, -0.7648856043815613, -0.12500597536563873, 0.41982805728912354, 0.23791620135307312, -1.3795045614242554, 0.8005819916725159, -0.8091903924942017, -0.268392413854599, -0.36263981461524963, -1.3475161790847778, -0.8234261870384216, 0.39742398262023926, -0.037528038024902344, -0.38027241826057434, 0.2328767627477646, 0.15969783067703247, -0.850125789642334, 0.7681096196174622, 0.21280595660209656, -0.40378645062446594, -0.013819325715303421, 0.1465417444705963, -0.38536766171455383, 0.9539273381233215, 0.27938133478164673, -0.34671854972839355, 0.09062455594539642, -1.1573712825775146, 0.7441379427909851, -0.08449710160493851, -0.37613528966903687, -0.439951628446579, -0.30809250473976135, -0.7200843095779419, -0.3487401008605957, 0.47277745604515076, 0.12845055758953094, -0.717568039894104, 0.542313814163208, 0.22408290207386017, -0.012116964906454086, -1.0299748182296753, 0.16739295423030853, -0.2584531009197235, 0.2128199338912964, 1.1465188264846802, -0.09975854307413101, 1.2866884469985962, -0.43299463391304016, 0.18319013714790344, 0.16357272863388062, -0.36947181820869446, 1.3216948509216309, -0.7680953145027161, 1.2621190547943115, 0.5130280256271362, -0.9444082975387573, 0.8182516694068909, -0.6914251446723938, -0.0983341783285141, 0.16518941521644592, 0.5472005009651184, 0.23080483078956604, 0.37579500675201416, 0.024069875478744507, 0.04754938185214996, -0.08017469942569733, 1.355468988418579, 0.11367391049861908, -0.3873305320739746, 0.6044086217880249, 0.6556283235549927, 1.3968782424926758, 0.13276739418506622, 0.38238418102264404, 0.48745644092559814, 0.7415927648544312, -0.1948438286781311, 1.3874571323394775, 0.6200445294380188, 1.482703685760498, -0.4628373086452484, 0.5436912775039673, 0.6530863642692566, 0.36714059114456177, 0.07835616171360016, -1.1444321870803833, 0.35372525453567505, -0.5870713591575623, 0.2035873681306839, -1.2511314153671265, -0.01927652209997177, -0.5863737463951111, -1.4631668329238892, 1.3833956718444824, -0.5110673904418945, -0.24694404006004333, 0.27714431285858154, -1.0539263486862183, 0.47135573625564575, -0.5161073207855225, -0.8148379921913147, 0.06421350687742233, -2.3138182163238525, -0.43744343519210815, -0.1752292811870575, -0.9727252125740051, 0.7787284255027771, 0.43213948607444763, 0.9521048069000244, -0.933236300945282, 0.08121788501739502, -0.08233460783958435, 0.005439698696136475, -0.44013768434524536, -0.5580471754074097, -0.34185075759887695, 0.24543306231498718, 1.1070150136947632, -0.3215824067592621, 0.8635973334312439, 0.49972960352897644, 0.4536285996437073, -0.3849561810493469, 0.17932076752185822, -0.6099004745483398, 1.084882140159607, 1.5124685764312744, -1.3076050281524658, -0.511473536491394, -0.917786717414856, -0.8349596858024597, -0.21184103190898895, 0.17462745308876038, 1.522670030593872, -0.5696516036987305, 0.9769500494003296, -0.44716721773147583, 0.5224635601043701, 0.23779667913913727, -0.9251371026039124, -0.5706315040588379, 0.3972879648208618, -0.24378743767738342, 0.6029413342475891, 0.23495268821716309, 0.49624383449554443, -2.0582051277160645, -1.373835563659668, 0.11525081098079681, -0.32729220390319824, -0.34289130568504333, -0.606849193572998, 0.7753873467445374, -0.4594910740852356, 0.833997368812561, 0.5514278411865234, -0.16261203587055206, 0.132554292678833, 0.06427546590566635, 0.4512723684310913, -0.06350059807300568, -0.20806120336055756, -0.40293997526168823, 0.20585384964942932, 0.47890913486480713, 0.29837295413017273, -1.6087660789489746, -0.6131588220596313, 0.3085433542728424, 0.21938589215278625, -0.016915734857320786, -0.6735074520111084, 0.3792040944099426, 0.7544448971748352, -0.182301327586174, -1.633104920387268, -0.21884509921073914, 1.4372519254684448, 0.030837230384349823, 0.5985045433044434, 0.7711504697799683, 0.4993312656879425, 0.10651618987321854, 0.9462147951126099, 1.2502905130386353, -0.46228694915771484, -0.5272871851921082, -0.874515950679779, 0.731153130531311, -0.8658258318901062, -0.1458076685667038, 0.5578404664993286, -1.5312191247940063, 0.2933959364891052, -1.2400985956192017, 1.3894155025482178, -0.781371533870697, -0.27218782901763916, 0.16778698563575745, 0.8392966389656067, 0.07290655374526978, -1.3801287412643433, 0.4261758029460907, -0.3709593713283539, -0.46217426657676697, -0.15317967534065247, 0.3571479618549347, 1.0972518920898438, 0.6820194721221924, 0.5256736874580383, 1.8486882448196411, 0.4159080386161804, -0.22254909574985504, -0.14731690287590027, 0.42529594898223877, 0.81344074010849, 0.7956108450889587, 0.057762324810028076, 0.022916434332728386, -0.6734310984611511, -0.8163966536521912, -0.6999479532241821, -0.7964993119239807, 0.7358201146125793, 1.3453001976013184, -0.08244380354881287, -0.1221047043800354, -1.5826178789138794, 0.7962771654129028, -0.6857587099075317, 0.5999649167060852, 0.7815554141998291, -0.4369449019432068, -0.912544310092926, -0.7130977511405945, 0.3002506494522095, 1.2107651233673096, -0.5825020670890808, 0.5539460778236389, -0.97661954164505, 0.38892099261283875, -0.44694992899894714, -0.8410050868988037, -1.4873003959655762, 0.0872097834944725, -0.705540657043457, -0.12435297667980194, 1.0363634824752808, -0.490753173828125, -0.7465705275535583, 0.1078082025051117, -1.2525187730789185, 0.5296716690063477, -0.1752353310585022, -0.5376752018928528, -0.19890561699867249, 0.5904667377471924, -0.9065113067626953, -0.38963472843170166, 0.7211622595787048, -0.05944942682981491, -1.8570553064346313, 1.3264240026474, 1.4955098628997803, -0.8938938975334167, -0.2709977924823761, -0.11654496937990189, 0.36339184641838074, -0.05207127705216408, 1.9524052143096924]} +{"paper_id": "squad_it", "embedding": [-0.39494189620018005, 0.9670917391777039, 0.012983664870262146, 0.0741148591041565, 0.46976229548454285, -0.3897721469402313, 0.5180853009223938, 0.30915412306785583, 0.8323665857315063, 0.5883469581604004, -0.35441386699676514, -0.11095055937767029, 0.07639875262975693, 0.23146267235279083, -0.081563800573349, -0.023614007979631424, -1.3265502452850342, -1.002744197845459, -1.482831358909607, -0.404561847448349, -0.702439546585083, -1.2423200607299805, -0.23240023851394653, 0.4547107219696045, -0.8171530961990356, -1.0458452701568604, 0.4408327341079712, -0.799473226070404, 0.17631807923316956, 0.15395095944404602, -0.37923768162727356, 1.3194823265075684, -1.777783751487732, 0.6134931445121765, -0.42304909229278564, -0.14061708748340607, 0.4715419113636017, 1.2631691694259644, -0.3607352674007416, 0.13023410737514496, -0.40601646900177, -0.15959933400154114, 0.4274844229221344, 0.2625899314880371, 0.8404664397239685, -0.24705535173416138, 0.2550705373287201, 0.051378313452005386, -0.2139449417591095, -0.1307458132505417, -0.660323977470398, 0.15651150047779083, -0.2748549282550812, 0.4714913070201874, -0.16809499263763428, 1.0976115465164185, 0.45549705624580383, -1.3835365772247314, 0.8152434825897217, -0.8613302707672119, 1.203696370124817, 1.631257176399231, -0.1415385901927948, 0.6015159487724304, 1.2842284440994263, -0.17267152667045593, 1.448418140411377, 0.043006643652915955, 0.48083198070526123, 0.510509729385376, -0.05135490000247955, -0.6350678205490112, 0.6752761006355286, -0.04757625609636307, 0.06910821050405502, 1.1443145275115967, 0.46533191204071045, 0.5191584825515747, -0.22185632586479187, -0.2615203857421875, -0.48885369300842285, 0.35652077198028564, 0.955864429473877, -0.6662443280220032, 0.39437422156333923, 0.4434455931186676, 0.3966574966907501, -1.1590830087661743, 0.43519365787506104, -1.776694655418396, 0.38784873485565186, 0.865117073059082, 0.11917690187692642, -0.06797564774751663, -0.6316342353820801, 0.7824844717979431, -1.0659925937652588, 0.012173779308795929, -0.4792790114879608, -0.07808776199817657, 0.6444932818412781, -0.035343822091817856, 0.18952293694019318, 0.035574205219745636, 0.4443238079547882, 0.9399278163909912, 0.240031898021698, 0.19214046001434326, -0.669242262840271, -0.4855625331401825, 0.14706410467624664, 1.1178443431854248, 0.1402430683374405, 0.19387668371200562, 0.23150283098220825, 0.4978334605693817, 0.19444498419761658, -1.2658694982528687, -0.29065319895744324, -0.3421834707260132, -0.6578970551490784, -1.300954818725586, -0.2926871180534363, -0.13546304404735565, 0.9108575582504272, -0.4403766095638275, -0.02064419537782669, -0.34875544905662537, 0.2597764730453491, 0.38081297278404236, 0.8603790998458862, -0.7928001880645752, -0.44251248240470886, -0.253979355096817, 2.9096579551696777, -1.6155716180801392, 1.391813039779663, -0.37889280915260315, -0.03580934554338455, -0.0772511214017868, -0.4894339144229889, 1.0654313564300537, -0.28826722502708435, -0.8606532216072083, -0.8054964542388916, 0.33101412653923035, -0.13311508297920227, 0.1115950271487236, -1.1199727058410645, -0.4414101243019104, -0.40308690071105957, -0.0053948089480400085, -1.5165715217590332, -0.3095783591270447, 0.41381096839904785, 0.8045917749404907, -0.06842872500419617, 0.278236985206604, -0.430961936712265, 0.6466515064239502, 0.29511162638664246, 0.18112808465957642, -0.12504184246063232, -0.04123396798968315, -0.8839406967163086, -0.6486966013908386, 0.5411896109580994, 0.018158704042434692, -1.190645456314087, -0.40358811616897583, 0.07939162105321884, -0.4456706643104553, 0.17295239865779877, 0.7157883644104004, -0.19813698530197144, 0.04426050931215286, 0.5702316164970398, 0.45905575156211853, 0.4218881130218506, -0.8215911388397217, -0.06632082164287567, -0.020580120384693146, 0.17355021834373474, 0.8626894950866699, 0.3371148109436035, 0.34688252210617065, -1.9636869430541992, 0.23018619418144226, -0.28884631395339966, 0.7465525269508362, 0.1437745988368988, -0.05300505459308624, -0.023993127048015594, 0.258513480424881, 0.18526975810527802, -0.20566816627979279, 0.28327733278274536, -1.2072956562042236, -0.008943930268287659, 0.24209041893482208, -0.2530497610569, -0.08311478048563004, 0.3849239647388458, 0.8490813970565796, 0.5989675521850586, -0.5592184662818909, -0.3394368886947632, -1.6618388891220093, -0.334282785654068, 2.1376748085021973, -0.1380990594625473, -0.7233109474182129, -0.8110682964324951, -0.3371894955635071, 0.20309403538703918, -0.037053968757390976, 0.12614792585372925, -0.8280291557312012, -0.25982022285461426, -0.6369005441665649, 0.7608703970909119, -0.2977673411369324, 0.1672135889530182, 0.6242833733558655, 1.1625797748565674, -1.240596890449524, -0.05872021242976189, -0.09022942185401917, -0.5695387125015259, 0.31189367175102234, 0.5306140184402466, 0.7520776987075806, 0.019120605662465096, 1.25809645652771, 0.41814565658569336, 0.7150267958641052, 0.7865069508552551, 1.0121432542800903, -0.648653507232666, -0.29745087027549744, 0.001697806641459465, 0.8678517937660217, -0.023898735642433167, -0.030046280473470688, 0.5720365047454834, 0.43810003995895386, -0.12065350264310837, -0.581388533115387, -0.06832519173622131, -0.056485481560230255, 1.2780444622039795, 0.6595180034637451, -0.8604301810264587, 1.0186922550201416, -0.6391294598579407, -0.38182786107063293, -0.25409236550331116, -0.15782345831394196, 0.11557556688785553, -1.21713387966156, 0.9155009984970093, 0.32291746139526367, 0.33947595953941345, 0.05539076030254364, -0.30982324481010437, -1.2383394241333008, -0.5061813592910767, 0.11048195511102676, -0.9028048515319824, -1.2678707838058472, -0.2721690237522125, -0.16457737982273102, -0.7512475252151489, -0.8177091479301453, -0.3287835419178009, 0.3234303593635559, -0.2787978947162628, 1.352885127067566, 1.3620983362197876, 0.10606002807617188, 0.44660675525665283, -0.2678638696670532, 1.4506908655166626, -0.6535307765007019, 1.1203572750091553, -0.20553961396217346, 0.3180917799472809, -0.7441191673278809, 0.8664926290512085, -0.6762842535972595, 0.333396315574646, 0.8987950682640076, -0.22668641805648804, 0.769814133644104, -0.08290474116802216, -1.4551445245742798, 0.89841228723526, 0.21618378162384033, -0.2985180914402008, -0.34585118293762207, 1.537379503250122, 0.07985181361436844, -0.11881847679615021, 0.4723815321922302, -0.43957459926605225, -0.12423577904701233, 1.0194100141525269, -0.5155953168869019, 0.4897628426551819, 0.45412564277648926, 0.07102928310632706, -0.3071971833705902, 0.9509302973747253, -1.8430359363555908, 0.793340265750885, 1.3285406827926636, -0.07979404926300049, -0.1890900731086731, -0.7688631415367126, -0.01909906417131424, -0.5030024647712708, 0.019201649352908134, 0.8266169428825378, -0.3268899917602539, 0.3689418137073517, -0.3321842551231384, -0.5980406999588013, 1.3403481245040894, -0.7588690519332886, 0.5381303429603577, 0.6414633393287659, -0.019067339599132538, -0.8751753568649292, -0.6982532739639282, 0.897246778011322, 0.15850530564785004, 0.6754721403121948, 0.02434527687728405, 1.0896403789520264, 0.8120819330215454, -0.11013592034578323, -0.6833012700080872, 0.47711342573165894, 0.644970715045929, 0.7349988222122192, 0.12402636557817459, -0.47995197772979736, 0.36397209763526917, -0.5274142622947693, 1.4161983728408813, -0.18818265199661255, -0.057880949229002, -1.0444782972335815, -0.08704107999801636, -0.41842585802078247, -0.28229716420173645, 2.2351856231689453, 0.3224770426750183, 0.9948330521583557, -0.4457864761352539, 0.25945600867271423, -0.40375345945358276, 0.2635906934738159, 1.1964577436447144, 0.5834643840789795, -0.038077473640441895, -0.13285639882087708, -0.05527821183204651, 0.4250654876232147, -0.23014068603515625, -0.4775228500366211, 0.15469731390476227, 0.4960857331752777, -0.40296801924705505, -0.7088792324066162, 0.317626029253006, 1.1769057512283325, -0.09116315841674805, 1.6428686380386353, -0.30016282200813293, -0.19677422940731049, -0.200561061501503, 0.34637749195098877, -0.10306727886199951, 0.6523784399032593, -0.17499113082885742, 0.7930026054382324, 0.39910081028938293, 0.7932087182998657, -0.408073365688324, 0.9030184745788574, 0.9148887991905212, -0.5322409272193909, -1.5492817163467407, -0.4938424825668335, -0.9163767099380493, 0.005958028137683868, 0.09024947136640549, -0.2856014370918274, -0.6490103602409363, 0.6290323138237, -0.3020058572292328, -1.1883952617645264, 0.5284843444824219, -0.6060028672218323, -1.3681786060333252, 1.7243996858596802, 1.0902295112609863, -0.5496504902839661, -0.09246760606765747, -0.16619747877120972, -0.9526968002319336, -0.29215335845947266, -0.21507437527179718, -1.1855334043502808, 0.6595730185508728, 0.17861208319664001, 1.010966420173645, 0.18652039766311646, -0.018763944506645203, -1.561124563217163, 0.7990143895149231, 0.8864989280700684, -0.9639036655426025, 0.07415150851011276, 0.4035681188106537, 0.26810282468795776, -0.3257429003715515, -0.887526273727417, -0.36567842960357666, 0.7797235250473022, -0.12999404966831207, 0.4881371557712555, -1.153731107711792, -1.0925904512405396, 0.3840823769569397, -0.3975274860858917, 0.5288593769073486, -0.7487764954566956, 0.5814230442047119, -0.2733895480632782, -0.21167206764221191, 0.5668902397155762, -0.9192776679992676, -0.221613347530365, 0.7593370079994202, -0.7243990898132324, 0.846846342086792, -0.10650515556335449, -0.18947868049144745, 1.1568583250045776, 0.06055685132741928, -0.17548321187496185, -0.12527689337730408, -11.849020957946777, 0.7078565955162048, -0.6691423654556274, 0.2599504590034485, 0.6444685459136963, -0.2518034279346466, 0.758248507976532, -0.2811378836631775, 1.3557027578353882, -0.5340089201927185, 0.38955017924308777, 0.9305759072303772, 0.18893244862556458, -0.21426211297512054, -0.7003220915794373, -0.6544767618179321, -0.5870012044906616, -0.6143063902854919, 0.27199530601501465, 0.5591078400611877, -0.48509180545806885, -0.827688455581665, 0.3721342086791992, 0.13987229764461517, 0.533337414264679, -0.4309115409851074, -1.0720374584197998, -0.47277072072029114, -0.6211379170417786, -0.01847965642809868, 1.0469785928726196, 0.1069454699754715, -0.22892075777053833, -0.9053831100463867, -0.06503603607416153, -0.19577214121818542, -0.6407511830329895, -0.3383235037326813, 1.1295726299285889, -0.1732724905014038, -0.15572109818458557, -0.1517522782087326, 0.47247201204299927, -0.17444750666618347, 0.018415914848446846, 0.031215623021125793, 0.09944465011358261, -0.4781005084514618, 0.40849030017852783, -0.33136671781539917, -1.0679726600646973, -0.16094282269477844, -0.7956552505493164, -0.5486268997192383, 0.09203371405601501, 0.08295955508947372, -0.5640994906425476, 0.030635293573141098, -0.8185719847679138, -0.8204290866851807, 0.9565358757972717, -0.09284206479787827, -0.6442162990570068, 0.1818925440311432, -0.4205385148525238, -0.5141079425811768, 0.3340211808681488, 0.3100391924381256, -0.7826734781265259, 0.23795253038406372, -0.795560896396637, 1.1333651542663574, -0.129090815782547, 0.31490659713745117, -0.9879856705665588, -0.36814361810684204, -1.2202283143997192, -0.1368425190448761, -0.12768064439296722, 0.22900493443012238, -1.047149658203125, 0.4639074206352234, 0.6427661776542664, -0.14055055379867554, -1.2217408418655396, 0.18587468564510345, 0.034970756620168686, 0.023162249475717545, 0.41277560591697693, -0.8312502503395081, 1.3708174228668213, 0.3934067189693451, -0.3189990520477295, -0.1650436520576477, -0.3351501524448395, 1.1395716667175293, 0.43122926354408264, 1.2296555042266846, -0.25940725207328796, -0.3832065165042877, 0.668518602848053, -0.29776325821876526, -0.5974044799804688, 0.2013487070798874, 0.3936413824558258, -0.35319462418556213, 0.6439539194107056, -0.015775151550769806, 0.4337258040904999, -0.47254106402397156, 1.1932803392410278, 0.028787270188331604, -0.03328289836645126, 1.023091435432434, -0.38703280687332153, 0.9760456085205078, 0.46073707938194275, 0.09184283018112183, 0.235220804810524, 1.2069529294967651, -0.021988604217767715, 1.1665539741516113, 0.046550191938877106, 1.4783732891082764, 0.1868186742067337, -0.0491781011223793, 0.22371074557304382, 0.7227615118026733, -0.14013385772705078, -1.8001784086227417, 0.3320571780204773, -0.11950476467609406, 0.39130815863609314, -0.9755463004112244, -0.2124125063419342, -0.3960169553756714, -0.6055158376693726, 1.2875041961669922, -0.3723125457763672, 0.171301007270813, -0.28062236309051514, -0.5734379887580872, -0.419224351644516, -1.2504812479019165, -0.6571966409683228, 0.32988661527633667, -1.500378966331482, 0.2580231726169586, -0.2525123655796051, -0.7365022301673889, 0.3578892946243286, -0.1847568154335022, 0.9355615973472595, -0.4235685467720032, -0.14299744367599487, 0.18657508492469788, -0.29028940200805664, -0.6012067794799805, -0.5958145260810852, 0.03550003468990326, 0.23620286583900452, 0.7450675964355469, -0.9289851188659668, 0.7332866787910461, 0.4437192380428314, -0.26879802346229553, -0.6184552311897278, -0.009713493287563324, -0.357791930437088, 0.6105703115463257, 0.6494216322898865, -0.6670300960540771, -0.24290984869003296, -0.5498341917991638, -0.40990573167800903, -0.9664437770843506, 0.4093109965324402, 0.8571740388870239, -0.5583544969558716, -0.051877886056900024, -0.15682315826416016, 0.6164051294326782, -0.19356481730937958, -0.35702744126319885, -0.500849723815918, 0.3754129409790039, -0.05239006131887436, 0.6082261204719543, 0.4263847768306732, 0.978570282459259, -1.9708646535873413, -1.2434020042419434, -0.669424295425415, 0.2267214059829712, 0.7791499495506287, -0.23215234279632568, 0.46279436349868774, 0.6308413147926331, 0.18909770250320435, 0.2774724066257477, 0.33295977115631104, 0.601925790309906, 0.34306150674819946, 0.23447661101818085, -0.3311072587966919, 0.6728553771972656, -0.340728759765625, -0.08328495919704437, 1.0846234560012817, 1.155130386352539, -0.4832961857318878, -0.13820098340511322, 0.2096741795539856, 0.58870530128479, 0.27291402220726013, -0.7934874296188354, 0.3454548716545105, -0.19294530153274536, -0.6020861864089966, -1.3342649936676025, 0.3064239025115967, 1.1902310848236084, -0.42352068424224854, 0.6266172528266907, 0.9389576315879822, 0.5159907341003418, 0.5595991015434265, 0.611617386341095, 0.4537237286567688, 0.3387609124183655, 0.29171037673950195, 0.1271611452102661, 0.07550182193517685, -0.08867499232292175, -0.49410322308540344, -0.66331946849823, -0.7263609170913696, 0.26400381326675415, -0.2638755440711975, 0.7158435583114624, -0.3069190979003906, -0.21163249015808105, -0.007661633193492889, 0.810091495513916, 0.03282088041305542, -1.3873642683029175, -0.0073472559452056885, -1.104373574256897, -0.3108138144016266, 0.5364655256271362, 0.3957279920578003, 0.6873205304145813, 0.6184277534484863, -0.17334501445293427, 1.7302683591842651, -0.3867270052433014, 0.1628175675868988, -0.21481472253799438, -0.37631726264953613, 0.9168784618377686, 0.6665505170822144, 0.4284045994281769, -0.45130619406700134, -0.43279531598091125, -0.9415667653083801, -0.39823824167251587, -0.5842381715774536, 1.5547409057617188, 0.2972307801246643, -0.889284074306488, -0.10736922919750214, -0.34662020206451416, 1.5638668537139893, -0.8600303530693054, 0.8190504908561707, -0.2359650582075119, -0.4318838119506836, -0.00882873684167862, -0.7992854714393616, -0.216525137424469, 0.8613500595092773, -0.03361843153834343, -0.339450478553772, 0.3654453158378601, -0.13576531410217285, -0.17346766591072083, -0.41999754309654236, -0.643335223197937, 0.14046329259872437, -1.1236488819122314, -0.3022316098213196, 0.42739611864089966, -0.5317848920822144, -1.2786166667938232, -0.4756588041782379, -0.7331851124763489, 0.5701726675033569, 0.047514744102954865, -0.7234319448471069, -0.37398526072502136, 0.21782761812210083, -0.6731400489807129, 0.14327171444892883, -0.2989844083786011, 0.2626361548900604, -1.9106121063232422, 0.783141553401947, 1.3234868049621582, -0.37168386578559875, -0.6325282454490662, 0.13895246386528015, 0.541226863861084, -0.22714146971702576, 0.7708461880683899]} +{"paper_id": "chr_en", "embedding": [0.3695682883262634, 0.6191547513008118, 0.7341323494911194, -0.1003025695681572, 0.6889601349830627, -0.4854891896247864, 0.523695707321167, 0.4174067974090576, 0.8376558423042297, 0.2570774555206299, 0.14014387130737305, -0.43281662464141846, 0.18818344175815582, -0.18244585394859314, 0.046833161264657974, -0.18288010358810425, -0.9373708367347717, -0.9609590768814087, -1.7211086750030518, -0.2280164361000061, -0.2637723684310913, 0.04509671777486801, -0.11696505546569824, 0.815743625164032, -0.6430172324180603, -0.18224917352199554, 0.5142786502838135, -0.9929962754249573, 0.18447229266166687, 0.4908953607082367, -0.5567137002944946, 1.2400362491607666, -1.1433000564575195, 0.5318630337715149, -0.5049185752868652, -0.14555737376213074, 0.41527917981147766, 1.2449458837509155, 0.05714511126279831, -0.14836789667606354, -0.5887330770492554, -0.45805060863494873, 0.5130102634429932, 0.2820538282394409, 1.1657438278198242, 0.11077029258012772, -0.5685968399047852, -0.14008094370365143, -0.0002483278512954712, -0.1139722540974617, -0.34341123700141907, 0.10400091856718063, 0.1225365623831749, 0.15405486524105072, -0.6792055368423462, 1.2799921035766602, 0.3416959047317505, -0.5766701102256775, 0.7133982181549072, -1.023119330406189, 0.8038771748542786, 1.2330422401428223, -0.6540415287017822, 0.3173763155937195, 1.171625018119812, -0.07299772650003433, 1.5414918661117554, 0.3753432631492615, 0.6894010305404663, 0.9037178754806519, 0.3749427795410156, -1.4812686443328857, 0.945442259311676, -0.17033842206001282, 0.6852939128875732, 0.837787389755249, 0.5333064794540405, 0.8991115093231201, -0.10705606639385223, -0.030214931815862656, -0.4861055016517639, 0.8202645778656006, 0.535967230796814, -0.7343272566795349, 0.004039909690618515, 0.44268715381622314, 0.20887801051139832, -0.4275226891040802, 1.355611801147461, -1.8482993841171265, 0.15932968258857727, 0.014280309900641441, 0.665433406829834, 0.19619616866111755, -0.35889801383018494, 0.43030619621276855, -0.24787096679210663, 0.6910195350646973, -0.2926819324493408, -0.029952123761177063, 0.7509506940841675, -0.3433983623981476, 0.7139275074005127, -0.3508542776107788, -0.1451777219772339, 1.0485754013061523, -0.2258923053741455, -0.8981781601905823, -1.5963349342346191, -0.5381936430931091, 0.10163679718971252, 1.3157445192337036, -0.3378596603870392, 0.6185237169265747, 0.17058813571929932, -0.24004223942756653, -0.023122332990169525, -0.384365439414978, -0.8058933615684509, -0.035534098744392395, -0.2854430079460144, -1.3324048519134521, -0.7160013318061829, -0.22446933388710022, 0.9048609733581543, -0.5461500883102417, 0.1694895476102829, -0.561802864074707, 0.2131253331899643, -0.44874078035354614, 0.7831652164459229, -0.019437100738286972, -0.46573731303215027, -0.12379533052444458, 3.252699375152588, -0.4699985980987549, 1.4426895380020142, -1.117089033126831, 0.26415005326271057, -0.24218502640724182, -0.08493711054325104, 1.5507832765579224, -0.19017204642295837, -0.680501401424408, -0.1879715919494629, 0.24148349463939667, -1.4244043827056885, 0.01802443154156208, -0.5022047758102417, -0.9997491240501404, -0.020401854068040848, 0.6096760630607605, -1.0282771587371826, -0.8513631820678711, 0.03959022834897041, 0.36052846908569336, 0.26791295409202576, 1.0016672611236572, -0.666574239730835, 0.8093881607055664, 0.27269628643989563, 0.02929205447435379, -0.5475890040397644, 0.7296305298805237, -1.378648042678833, 0.6027516722679138, 1.6893972158432007, -0.2678862512111664, -0.3838459253311157, -0.747987687587738, 0.793908953666687, 0.015593395568430424, 0.23335592448711395, 0.4102763235569, -0.31275126338005066, 0.5179060101509094, 0.5982567071914673, 0.9462568759918213, -0.34338563680648804, -0.3572905659675598, -0.5065597891807556, 0.12351885437965393, -0.3513808250427246, 0.2539727985858917, 0.15920890867710114, 0.09583057463169098, -2.160583734512329, -0.4321565628051758, -0.07951074093580246, -0.05936342477798462, -0.1544051170349121, -1.1090167760849, 0.020119845867156982, -0.3281412124633789, 1.109014868736267, -0.303038626909256, 0.7381798028945923, -1.1363089084625244, -0.7139298319816589, 0.614241361618042, 0.14912965893745422, -0.32568925619125366, 0.016160599887371063, 0.2634856700897217, -0.17864127457141876, -0.13984555006027222, -0.6590815186500549, -1.3449954986572266, -0.2999509572982788, 2.720231771469116, 0.20994172990322113, -0.4578632712364197, -0.7477703094482422, -0.8355939388275146, -0.05646838992834091, -0.9494932889938354, 0.3134680688381195, -1.0318936109542847, -0.8349360823631287, -0.7757375240325928, -0.07728941738605499, -0.4634690284729004, 0.3596804141998291, 0.2807588279247284, 0.5938256978988647, -0.34426698088645935, -0.4035961925983429, -0.4055536389350891, -1.0490331649780273, 0.6994065046310425, 0.41278353333473206, 0.33078819513320923, -1.273594856262207, 0.8907662034034729, 0.23923197388648987, 0.6931471824645996, 0.7989541292190552, 0.7477558851242065, -0.25929340720176697, -0.4397590160369873, -0.145260289311409, 0.9536352753639221, -0.5393907427787781, 0.041198499500751495, 0.4905075430870056, 0.7682392001152039, -0.8811583518981934, -0.9739473462104797, -0.63792484998703, 0.32784461975097656, 1.3291208744049072, 1.085153579711914, -0.9126636385917664, 1.3069560527801514, -1.0396320819854736, 0.11952871084213257, 0.031350791454315186, -0.9548904299736023, 0.26663583517074585, -0.20408765971660614, 0.424321711063385, -0.13596558570861816, 0.28524866700172424, -0.3019917607307434, -0.3195124864578247, -1.3865572214126587, -0.2192457616329193, -0.727544903755188, -0.7156566381454468, -1.5784915685653687, -0.31493741273880005, 0.11948704719543457, -0.9279465079307556, -0.7195979952812195, 0.030000708997249603, 0.3049778342247009, 0.04743513464927673, 1.158403754234314, 1.8332679271697998, 0.017650723457336426, 0.7854017019271851, -0.009381145238876343, 0.1452324241399765, -0.6123214960098267, 1.2178280353546143, 0.6235899329185486, 0.17449623346328735, -1.081597089767456, 0.04288896918296814, -0.63289874792099, -0.28019624948501587, 0.7606408596038818, -0.03437080234289169, 0.5052196979522705, -0.36145099997520447, -1.0677703619003296, 0.9448465704917908, -0.11659331619739532, 0.6096853613853455, -1.0881578922271729, 1.6760032176971436, 0.3843943476676941, 0.30419254302978516, 0.7121710777282715, -0.4822356402873993, 0.05678204819560051, 1.1031917333602905, -0.7183054685592651, 0.6431296467781067, 0.8523670434951782, -0.6043858528137207, 0.18049472570419312, 0.40582987666130066, -1.7640784978866577, 0.008473801426589489, 0.5935433506965637, -0.0156690813601017, -0.286115825176239, -0.5923780798912048, 0.5802784562110901, -0.6436046361923218, -0.5846582055091858, 0.24995490908622742, -0.5521253943443298, 0.202449232339859, 0.19741377234458923, 0.24667887389659882, 0.86998450756073, -0.8689459562301636, 0.9218911528587341, 1.8515148162841797, 0.4666569232940674, 0.24689027667045593, -0.3932097852230072, 0.527699887752533, -0.9789888262748718, 0.3175893723964691, 0.8317791819572449, 0.7797053456306458, 1.4729652404785156, -0.1871374249458313, -0.0239444337785244, 0.922374427318573, 1.5763564109802246, 0.19819426536560059, 0.6665826439857483, -0.3293035626411438, 0.5961299538612366, 0.2525831460952759, 1.107881784439087, -0.20090579986572266, -1.0663365125656128, -0.9152873754501343, 0.207168310880661, -0.333171010017395, -0.14457441866397858, 1.8887418508529663, 0.6172433495521545, 0.5170819759368896, -0.4896409511566162, 0.42894166707992554, -0.1668998897075653, 0.1311006397008896, 0.9947140216827393, 0.7522428631782532, -0.4347394108772278, 0.01767796277999878, -0.19018959999084473, 1.2521110773086548, -0.5205847024917603, -0.679062008857727, 0.17559021711349487, 0.8531623482704163, -0.8052562475204468, -0.6869579553604126, 0.029605625197291374, 0.3822304904460907, 0.9078303575515747, 0.9791783690452576, -0.6705036163330078, -0.6315221190452576, -0.05625219643115997, 0.22092857956886292, -0.32548272609710693, 0.7479071617126465, -0.6140338182449341, 0.122259221971035, 0.3068431317806244, 1.0205817222595215, 0.13516674935817719, 0.868750274181366, 0.4497285485267639, -0.5722590684890747, -1.0498003959655762, 0.0835767537355423, -0.8280244469642639, -0.5239760875701904, -0.8822726011276245, -0.370311439037323, -0.8631154298782349, 0.952737033367157, -0.6615710854530334, -0.5522024035453796, 0.4587179124355316, 0.15658214688301086, -1.524570107460022, 0.6791713237762451, 0.7203271389007568, -0.9709218740463257, -0.48386290669441223, -0.35156911611557007, -0.45608454942703247, -1.1964629888534546, 0.6307437419891357, -0.5245380401611328, -0.2783437967300415, -0.048138003796339035, 0.6148537397384644, -0.18866878747940063, -0.8222201466560364, -1.2208362817764282, 0.32083427906036377, 1.8150694370269775, -1.3316116333007812, -0.34980398416519165, 0.3576062023639679, 0.753614604473114, -0.06291079521179199, -0.8475124835968018, -0.6009102463722229, 0.38420718908309937, 0.9797104597091675, 0.3485369086265564, -0.2657654285430908, -0.4939112365245819, 0.18322497606277466, -0.0987233817577362, 1.2540643215179443, -0.8225206732749939, 0.6412229537963867, -0.7373505234718323, 1.0770405530929565, 0.6593103408813477, -0.22960388660430908, -0.26540589332580566, 1.3369431495666504, -0.5379630923271179, 0.7133184671401978, -0.0702698603272438, 0.2305048406124115, 0.5370681881904602, 0.6405064463615417, 0.24053697288036346, -0.36127421259880066, -10.561678886413574, -0.2132735550403595, -0.27595749497413635, -0.12000805139541626, 0.7391458749771118, -0.32733315229415894, 0.88519287109375, 0.3863038420677185, 0.10297361761331558, -0.5585448741912842, 0.38420039415359497, 1.3013666868209839, 0.7248128652572632, -0.8963046073913574, -0.8024680614471436, -0.6958239078521729, -1.052812099456787, -0.16738080978393555, 0.10430766642093658, 0.30190956592559814, -1.3785203695297241, -0.9685490727424622, -0.16708943247795105, 0.717571496963501, 0.15364885330200195, 0.4054924547672272, 0.06117318570613861, -0.15839113295078278, -0.3449631631374359, -0.21560759842395782, 0.4089279770851135, -0.44074833393096924, -0.8331394195556641, -0.4822172522544861, 0.9036795496940613, 0.3938720226287842, -0.9287508130073547, -0.03491906076669693, 0.9428403973579407, -0.20778919756412506, -0.18619762361049652, 0.8752888441085815, -0.16323956847190857, -0.18456770479679108, -0.4272647500038147, 0.3383067846298218, -0.024228746071457863, -0.7604930996894836, 0.8829032778739929, -0.9892155528068542, -0.8924905061721802, -1.0951168537139893, -1.4931784868240356, -0.8729494214057922, 0.5729918479919434, 0.3024456799030304, -0.6461160182952881, -0.2754424810409546, -0.3011460304260254, -1.314319372177124, 1.0477585792541504, -0.10122102499008179, -0.2908945381641388, 0.5538236498832703, -0.10358942300081253, -0.6716591119766235, 0.7541693449020386, 0.36622172594070435, -0.7581010460853577, 0.3867642879486084, -0.9601393342018127, 0.32548585534095764, -0.047076791524887085, 0.023084186017513275, -0.4638904631137848, -0.1806245744228363, -0.39665716886520386, -0.11351847648620605, 0.3241516947746277, 0.00466756708920002, -1.0393222570419312, 0.23825237154960632, 0.1973424255847931, -0.22239786386489868, -0.197480708360672, -0.037275612354278564, -0.28447428345680237, 0.6895402669906616, 1.0369380712509155, 0.3203134834766388, 1.5552387237548828, -0.611420214176178, 0.149315744638443, -0.3086015284061432, -0.5144832730293274, 0.6084315180778503, -0.5649600625038147, 0.8374658823013306, -0.01766582578420639, -1.421533226966858, 0.6384497284889221, 0.08069291710853577, -0.479597270488739, 0.013953257352113724, 1.0311237573623657, 0.13812226057052612, 0.36316436529159546, 0.16953399777412415, 0.32020699977874756, 0.07848548144102097, 1.0212992429733276, -0.03508343547582626, -0.09231029450893402, 0.9079645276069641, 0.6026599407196045, 1.4135133028030396, 0.8119648098945618, 0.4998486638069153, 0.762728214263916, 0.6336036324501038, 0.018694251775741577, 0.8867217898368835, 0.16735748946666718, 1.924080491065979, -0.3706279695034027, 0.7939277291297913, 0.28832563757896423, 0.5824532508850098, -0.4458603858947754, -1.0684436559677124, 0.07016387581825256, -0.16921557486057281, 0.3047073483467102, -0.6889646649360657, -0.15971381962299347, -0.4664243757724762, -0.7344616651535034, 1.3208965063095093, -0.664473831653595, 0.16425494849681854, 0.17189137637615204, -1.2495253086090088, 0.11024951934814453, -0.4450076222419739, -0.6989313960075378, 0.06574491411447525, -1.1292035579681396, -0.39450618624687195, -0.386229544878006, -0.6473689675331116, 0.706954836845398, 0.032540157437324524, 1.1674089431762695, -0.509058952331543, -0.258724182844162, -0.3041054606437683, 0.33681735396385193, -1.1110690832138062, -0.6639745235443115, 0.025518208742141724, 0.30098381638526917, 1.2711422443389893, -0.7060673832893372, 0.9721100926399231, 0.49145451188087463, 0.6498534083366394, -0.5937552452087402, -0.2907084822654724, -0.7397657632827759, 0.930689811706543, 1.164299488067627, -1.2935678958892822, -0.5094436407089233, -0.3286342918872833, -0.6192519664764404, -0.6826349496841431, 0.38543373346328735, 1.493481159210205, -0.764328122138977, 0.9270038604736328, -0.2992149591445923, 0.40982627868652344, -0.3659605085849762, -1.0612168312072754, -1.232568621635437, 0.3182596266269684, -0.8083657026290894, 1.2645199298858643, -0.17753742635250092, 0.5289753675460815, -2.152945041656494, -1.0998146533966064, -0.09122871607542038, -0.4133917987346649, 0.5795043110847473, -0.21131497621536255, 0.5306445360183716, -0.4788370728492737, 0.5423541069030762, 0.29339560866355896, -0.652945876121521, 0.3841874897480011, -0.3467390835285187, 0.06644223630428314, -0.16034698486328125, 0.03866206109523773, -0.9177530407905579, 0.03657630458474159, 0.30717548727989197, -0.022215552628040314, -1.2731373310089111, -0.3145105242729187, 0.520702600479126, 0.05199587345123291, 0.2524365186691284, -0.8072333335876465, 0.3901737928390503, -0.38244327902793884, 0.1420629322528839, -1.6039820909500122, -0.4737921953201294, 1.8365360498428345, 0.1783243864774704, 0.5761006474494934, 0.3686220049858093, 0.6286879777908325, 0.5331180691719055, 0.7457952499389648, 1.0704951286315918, -0.2641228437423706, -1.1228663921356201, -0.9136719703674316, 0.09992505609989166, -0.39863109588623047, 0.01801913231611252, 0.7551149725914001, -1.1390208005905151, -0.2565010190010071, -1.5026869773864746, 1.2568204402923584, -0.5207046270370483, 0.2894012928009033, 0.0011563971638679504, 0.8889510631561279, -0.5854332447052002, -1.0945537090301514, 0.4151667356491089, -0.1977960765361786, 0.12650886178016663, 0.42692962288856506, 0.43268021941185, 0.8164982795715332, 0.7164987921714783, 0.5086730718612671, 1.3062812089920044, -0.3905286490917206, -0.5502851605415344, 0.33260926604270935, 0.054324910044670105, 1.4938294887542725, 0.355385422706604, -0.008665359579026699, 0.18758772313594818, 0.11724255979061127, -0.6831721663475037, -0.558022677898407, -0.10007284581661224, 1.0312625169754028, 0.9953503608703613, 0.5734984874725342, -0.05004117637872696, -1.3839876651763916, -0.05687152221798897, -1.1954463720321655, 0.7878377437591553, 1.6298569440841675, -0.3978678584098816, -1.1949472427368164, -1.1330469846725464, 0.18858368694782257, 0.7596659660339355, -0.45607537031173706, 0.3742297887802124, -1.4579578638076782, 0.2575555145740509, 0.38331252336502075, -0.332748144865036, -1.2382588386535645, 0.07675882428884506, -0.11594308912754059, 0.10822068154811859, 0.5223394632339478, -0.6549115180969238, -0.34383729100227356, 0.3756224513053894, -0.7282072901725769, -0.03867467865347862, -0.4242422580718994, -0.5361627340316772, -0.4070158302783966, 0.17072239518165588, -0.33252429962158203, -1.0206118822097778, 0.24382443726062775, -0.6124477982521057, -1.8029879331588745, 1.0740903615951538, 1.1672221422195435, -1.1174144744873047, -0.5719066858291626, 0.5946701765060425, -0.18836182355880737, 0.5090798735618591, 1.6260292530059814]} +{"paper_id": "aquamuse", "embedding": [-0.5419003963470459, 1.1174465417861938, -0.3017309606075287, -0.17157967388629913, 0.21714270114898682, 0.10246960818767548, 0.7967755794525146, 1.2269593477249146, 0.4550175070762634, 0.5036152601242065, 0.529290497303009, 0.23084180057048798, 0.5870535373687744, 0.2937276363372803, -0.5687116980552673, -0.2656245827674866, -0.3739219903945923, -0.5541678071022034, -0.8722676634788513, -0.8545553684234619, -0.4715151786804199, 0.10364614427089691, -0.12579306960105896, -0.005937810987234116, -0.7530301213264465, -0.4035521149635315, 1.4119349718093872, -1.3844050168991089, 0.3636018931865692, 0.6228185296058655, 0.1829449087381363, 0.7041137218475342, -1.4047355651855469, -0.14978882670402527, -1.0851532220840454, -0.06032169610261917, 0.2282947152853012, 1.1310513019561768, -0.3101450502872467, 0.09124726057052612, -0.9951260685920715, 0.3195325434207916, 0.9898257851600647, 0.026157453656196594, -0.018113603815436363, -0.44165918231010437, 0.2462841421365738, -0.08960920572280884, -0.5196536183357239, -0.027516739442944527, -0.007823996245861053, 0.2075851857662201, -0.060337573289871216, 0.9543317556381226, -0.13882741332054138, 1.5662764310836792, 0.1340790092945099, -0.7925425171852112, 0.3112698793411255, -1.1273373365402222, 1.5137280225753784, 1.1786022186279297, -0.18567322194576263, -0.033548977226018906, 1.650058388710022, -0.7709135413169861, 0.716518759727478, 0.5548211336135864, 0.2811938524246216, 1.0415598154067993, -0.4345909357070923, -1.2507350444793701, 0.3980831801891327, -0.3129495680332184, -0.06907230615615845, 1.2888511419296265, 0.49637773633003235, -1.0683846473693848, 0.526029646396637, -0.6832401156425476, -0.5935966968536377, 0.21734865009784698, 0.4957018494606018, -0.4897480010986328, -0.3217832148075104, -0.3948877453804016, -0.3329709768295288, -0.2625734806060791, 0.5304582715034485, -1.167268991470337, 0.154734268784523, 0.014132028445601463, -0.09162645787000656, -0.2556995749473572, -0.5351636409759521, 0.14617526531219482, -0.5492164492607117, -0.3561009168624878, -0.4837454855442047, 0.49841710925102234, 0.7824326753616333, -0.6774508953094482, 0.713403046131134, 0.4748215079307556, 0.7126577496528625, 0.25335729122161865, -0.2033461183309555, -0.19436761736869812, 0.03364028036594391, -0.954442024230957, -0.8486893773078918, 0.413865327835083, 0.29123619198799133, 0.12486716359853745, -0.643459141254425, -0.10449828207492828, 0.3698381781578064, -0.23525838553905487, -0.3108982443809509, -0.2440703958272934, 0.04162511229515076, -1.8628336191177368, -0.4675949215888977, -0.5178955793380737, 0.31058499217033386, 0.0007686242461204529, -0.2163381278514862, -0.46331238746643066, -0.4381704032421112, 0.2971774637699127, 0.8632444143295288, -0.15459632873535156, -0.8831048607826233, -0.27621957659721375, 2.681924343109131, -0.9128642678260803, 1.9903881549835205, 0.8822580575942993, -0.19517628848552704, -0.4337794780731201, -0.13508813083171844, 1.0718104839324951, 0.30313023924827576, -0.9373199343681335, 0.23094163835048676, 0.1940353810787201, -0.12786047160625458, 0.5588766932487488, -1.1685044765472412, -0.3394738733768463, -0.8852065205574036, -0.10320473462343216, -0.9462193250656128, -0.8456077575683594, -0.1624380648136139, 0.8613793849945068, 0.48507165908813477, 0.15023739635944366, -0.513193666934967, 1.140537142753601, 0.7712568044662476, 0.222193643450737, -0.7428747415542603, 0.7982333898544312, -0.6581607460975647, -0.2457396388053894, 1.057867407798767, -0.17137551307678223, -0.8564968705177307, 0.1572684347629547, 0.1519927680492401, -1.0643603801727295, 0.45776039361953735, -0.4899267256259918, -0.05471321940422058, 0.2719697654247284, 0.6862027049064636, -0.07847750186920166, 0.13115622103214264, -1.0633912086486816, -0.3857341706752777, 0.06178165599703789, 0.4935121536254883, 0.6855140328407288, 0.26914477348327637, 0.803277850151062, -2.3481273651123047, 0.23843030631542206, 0.03933008015155792, 0.7364345192909241, 0.3443070352077484, -0.6396645903587341, 0.258274644613266, -0.425314724445343, -0.3020085394382477, -0.9118226766586304, -0.15220114588737488, -0.5975176692008972, 0.5622124075889587, 0.3776395320892334, 0.08357895910739899, 1.2251156568527222, 0.5841163992881775, 0.9019880294799805, 1.3911731243133545, -0.5442732572555542, -0.7255271077156067, -1.843008279800415, 0.665802538394928, 2.091120481491089, -0.948877215385437, -0.0307573601603508, -1.5754085779190063, -0.09541499614715576, 0.8909483551979065, 0.09609457850456238, -0.1838211566209793, -0.07595327496528625, -0.3942776322364807, -0.9058348536491394, 0.571427583694458, -0.9366912245750427, 0.28307288885116577, -0.19464552402496338, 0.535568356513977, -1.0638419389724731, -0.18637710809707642, -0.19341181218624115, -1.2829747200012207, 0.9890400767326355, 0.9824985265731812, -0.3325609564781189, -0.30363336205482483, 1.2010326385498047, -0.016502194106578827, 0.5335856676101685, 0.331795871257782, 0.22644227743148804, -0.48430386185646057, -1.0288102626800537, -0.11993993073701859, 1.7229901552200317, 0.13827092945575714, 0.36050522327423096, -0.14687761664390564, 0.06768414378166199, -0.3678235411643982, -0.6587519645690918, 0.06594675779342651, 0.03766077011823654, 0.644528865814209, 1.1746068000793457, -0.0843193531036377, 1.5059088468551636, -0.7182756066322327, -0.31255075335502625, -0.18336407840251923, -0.9508149027824402, -0.186663419008255, -0.3035622835159302, 0.732146143913269, 0.39120879769325256, 0.19348356127738953, -0.10707996040582657, -0.2478662133216858, -1.1426396369934082, -0.3802628815174103, 0.03202354162931442, -0.6599293351173401, -0.9053092002868652, -0.12764760851860046, -0.5002291202545166, -0.39227786660194397, -0.9960102438926697, 0.1225479245185852, -0.23162905871868134, 0.2403276264667511, 0.7680447101593018, 1.0221033096313477, 0.43343350291252136, 0.7515681982040405, -0.39333662390708923, 1.2587627172470093, 0.062083642929792404, 0.40920037031173706, -0.5411067008972168, -0.39814722537994385, -1.6052008867263794, -0.1766030192375183, -0.8820909857749939, 0.2953788936138153, -0.21128442883491516, -0.9041301608085632, 0.5926443338394165, -0.039942577481269836, -1.4514415264129639, 0.4625781774520874, -0.43630000948905945, -0.7025562524795532, -0.3985729217529297, 1.8363044261932373, -0.39011675119400024, -0.7330880165100098, 0.49844038486480713, 0.5296937227249146, -0.40931910276412964, 1.223470687866211, -0.3928125500679016, 1.085351824760437, 0.5122234225273132, -0.13897551596164703, 0.21674954891204834, 0.15693920850753784, -1.4341721534729004, 0.27257239818573, 1.4594473838806152, -0.4999534487724304, -0.6334763765335083, -0.19928056001663208, -0.24460923671722412, -0.27939170598983765, 0.23183804750442505, 0.14359480142593384, -1.2886099815368652, 0.5885697603225708, -0.13386332988739014, 0.38831961154937744, 1.7771631479263306, -0.5578571557998657, 1.0947803258895874, 0.8481743335723877, 0.22764623165130615, -0.7730085849761963, -1.0147467851638794, 0.7511664032936096, 0.12571899592876434, 0.5529602766036987, -0.046885810792446136, 0.8634416460990906, 0.5944399833679199, -0.4906982183456421, -0.5413159132003784, 0.8498127460479736, 0.5825186967849731, 0.23672343790531158, 0.25636184215545654, -0.7319750785827637, 1.1469014883041382, -0.09150053560733795, 0.8918893337249756, 0.31854483485221863, -0.37208008766174316, -0.37389975786209106, -0.31210750341415405, -0.5763165354728699, -0.9088531136512756, 1.3464497327804565, 0.4880378246307373, 1.9966434240341187, 0.6563724279403687, 0.1281895786523819, -0.6396915912628174, -0.16800257563591003, 0.3657688498497009, 0.6962125897407532, 0.23326073586940765, -0.2261502891778946, -0.5700352191925049, 1.158738136291504, -0.43413984775543213, 0.1360650360584259, 0.2801145911216736, 0.370644211769104, -0.06236880645155907, -0.6786895394325256, 0.7532370090484619, 1.0856398344039917, 0.6127312779426575, 1.628368616104126, -0.4363977313041687, -0.18235699832439423, -0.26442471146583557, -0.29045090079307556, 0.018626119941473007, -0.05091831833124161, -0.9579801559448242, 0.40466663241386414, 0.13741719722747803, 0.40997594594955444, -0.44893723726272583, 1.2621254920959473, 1.1475197076797485, -0.24711784720420837, -0.8516039252281189, -0.5196461081504822, -0.8416064977645874, -0.1333324909210205, -0.10618647187948227, 0.12319830060005188, -1.1486936807632446, 0.6105021238327026, -0.35159823298454285, -1.375152587890625, 0.6241022348403931, -0.28424394130706787, -0.8762756586074829, 0.537190854549408, 0.7975788116455078, -1.4799132347106934, -0.5806176066398621, -0.04347972571849823, -1.1606683731079102, -0.22813762724399567, -0.36812931299209595, -0.28260377049446106, 0.3512640595436096, 0.21494343876838684, 0.8938522338867188, -0.42390215396881104, 0.18888156116008759, -1.4158772230148315, 0.8266918659210205, 0.5623536705970764, -0.6565973162651062, 0.21645700931549072, -0.15664227306842804, 0.4825584888458252, 0.03446265310049057, -1.5605295896530151, -0.48075181245803833, 0.7056631445884705, -0.04842187464237213, 0.049355778843164444, -1.0802173614501953, -0.41818350553512573, 0.35921216011047363, 0.6305171251296997, 0.8855112195014954, -0.7409475445747375, 0.24276843667030334, -0.5077983140945435, 0.3229990601539612, 0.9055730104446411, -0.37648308277130127, -0.4032887816429138, 1.0904498100280762, -0.567641019821167, 1.2530760765075684, -0.49444401264190674, -0.5062676668167114, 0.8677842020988464, 0.25380268692970276, -0.20353183150291443, -0.4763413369655609, -11.334080696105957, 0.10320543497800827, 0.20470565557479858, 0.031195849180221558, 0.9039563536643982, 0.5600985288619995, 1.1967886686325073, -0.02075953409075737, 0.6861801147460938, -1.0662716627120972, 0.29162129759788513, 1.8010871410369873, -0.15012618899345398, 0.2473585605621338, -0.9076008200645447, -1.3479278087615967, -0.49328911304473877, -0.3962579369544983, 1.0432133674621582, -0.8945341110229492, 0.30300962924957275, 0.33604663610458374, 0.05871523916721344, -0.1704760491847992, 0.3694140315055847, -0.07590273022651672, 0.08870287239551544, -0.10693460702896118, -0.8192657232284546, -0.49261391162872314, 1.1480309963226318, 0.1431247889995575, -0.44586217403411865, -0.5703227519989014, 0.20924241840839386, -0.1849707067012787, -1.00398588180542, -0.557104229927063, 0.5759266018867493, -0.6374165415763855, -0.4843219518661499, 0.33124759793281555, -0.10623566806316376, -0.08730540424585342, -0.49265751242637634, 0.38107067346572876, 0.2364269196987152, -0.5788116455078125, 1.231061339378357, -0.1519327163696289, -1.4035040140151978, -0.6820974349975586, -0.6720068454742432, -0.09506557881832123, 0.9062906503677368, 0.26779818534851074, -0.8753295540809631, -0.6335793137550354, -0.1566045731306076, -0.5170620679855347, 0.8752299547195435, -0.45795738697052, -0.18605861067771912, 0.07578727602958679, 0.004680115729570389, -0.4220036268234253, 0.3611772954463959, 0.40129366517066956, 0.08211130648851395, -0.03258577361702919, -0.5666519403457642, 0.7544272541999817, 0.5399211645126343, -0.8103748559951782, 0.06497573852539062, -0.13480135798454285, -0.6561563014984131, -0.8966965079307556, 0.5368242859840393, 0.6674371361732483, -1.2410242557525635, 0.5820818543434143, 0.2615538537502289, -0.7898901700973511, -0.4969399869441986, -0.3419157564640045, 0.13782629370689392, 0.03664704039692879, 0.07396773993968964, -0.2816608250141144, 1.1771633625030518, 0.4473496973514557, 0.024645816534757614, -0.11756207048892975, -0.21397057175636292, 1.077475666999817, -1.004320740699768, 0.24840810894966125, -0.12688623368740082, -1.2485854625701904, 0.08578979223966599, 0.00014002621173858643, -0.9491981267929077, -0.5836418271064758, 0.5774475336074829, -0.24702218174934387, 0.09777235984802246, 0.29867881536483765, -0.4770740866661072, -0.5843992829322815, 0.301830917596817, 0.5072124004364014, -0.3316882848739624, 1.267196774482727, -0.622719407081604, 1.282042384147644, 0.796342670917511, -0.016666948795318604, 0.330319344997406, 1.5177556276321411, -0.7122066617012024, 0.8201537728309631, 0.4199005365371704, 0.8044188022613525, -0.19534265995025635, 0.11910461634397507, -0.4174235761165619, 0.6363422274589539, -0.7350109815597534, -0.5070192217826843, -0.10178482532501221, -0.3181714713573456, -0.005151903256773949, -0.9385924935340881, -0.572216808795929, 0.11215537786483765, -0.2603839933872223, 1.5932255983352661, -0.040220458060503006, -0.4950096607208252, -0.776609480381012, -0.47219592332839966, -0.7112486958503723, -1.03022038936615, -0.4578903913497925, 0.5404984951019287, -1.2027288675308228, 0.6517543196678162, -0.20596516132354736, -0.08063152432441711, 0.22851508855819702, -0.5262908935546875, 0.9898347854614258, -0.3679928481578827, -0.9357319474220276, -0.65304034948349, 0.3733524978160858, 0.40127426385879517, -0.8846023082733154, -0.6490814685821533, -0.03680567443370819, 0.6379151344299316, -1.1975692510604858, 0.9697606563568115, 0.19194501638412476, 0.5259085297584534, -0.6476556658744812, -0.1046588122844696, -0.5985016822814941, 0.35671764612197876, 0.6729402542114258, -0.5882108807563782, 0.19221055507659912, -0.22758904099464417, -0.1430668830871582, -0.39947637915611267, 0.8157284259796143, 1.1129121780395508, -1.3166322708129883, 0.05964392423629761, 0.3957021236419678, 0.7747282385826111, 0.18036046624183655, 0.15651512145996094, -0.29137492179870605, 0.6300920248031616, 0.02263190969824791, 0.9269993901252747, 0.3154807984828949, 0.6958703398704529, -1.217119812965393, -1.6822259426116943, -0.7486726641654968, -0.6639463901519775, 0.7651997208595276, 0.0049973949790000916, 1.403971791267395, 0.33009037375450134, -0.31452223658561707, 0.11786387115716934, 0.08012962341308594, 1.048551321029663, 0.6417670845985413, 1.3011107444763184, -0.0025808382779359818, 0.1689326912164688, -0.6863381862640381, 0.305339515209198, 0.20098945498466492, 0.8999866247177124, -0.805007815361023, 0.7539616823196411, 0.6409871578216553, -0.19707392156124115, -0.44538581371307373, -1.913430094718933, 0.20708897709846497, -0.6390553116798401, -0.3087835907936096, -1.124150037765503, 0.14336134493350983, 1.0573768615722656, -0.80979984998703, 1.5476754903793335, 0.033831845968961716, 0.4371992349624634, 0.9185274243354797, 0.9307821989059448, 1.2508387565612793, -0.1625276356935501, -0.6779611706733704, 0.6743152141571045, -0.029598917812108994, -0.1364625096321106, 0.39157214760780334, -1.0208503007888794, -0.7508130669593811, 0.17158544063568115, -0.8547927737236023, 0.04353475943207741, 0.32822251319885254, 0.8417742252349854, 0.5378456711769104, 1.3814210891723633, -0.29117411375045776, -1.5864053964614868, 0.18711607158184052, -1.3850502967834473, 0.07472823560237885, 1.1116461753845215, 0.8164000511169434, -0.22593781352043152, 0.8932551145553589, -0.7187143564224243, 0.9095084071159363, -1.0894535779953003, 0.24768520891666412, 0.015647828578948975, -0.5025327205657959, 1.1772444248199463, 0.2909223139286041, 0.6307483315467834, 0.09711441397666931, -0.09359986335039139, -0.3029181659221649, -0.6832616925239563, -0.25818321108818054, 0.6587353348731995, 1.1799172163009644, 0.04387698322534561, -0.17322197556495667, -0.6893172264099121, 0.8149289488792419, -0.6986373066902161, 0.29773882031440735, 0.27744024991989136, -0.705414891242981, -0.8473427891731262, -0.9153294563293457, -0.14769159257411957, 0.33459484577178955, 0.022945905104279518, -0.33247190713882446, 0.08630426973104477, 0.49323198199272156, 0.04462072625756264, -0.00704101100564003, -0.26515936851501465, 0.49418753385543823, -0.2650441527366638, -0.12925273180007935, 0.6831041574478149, -0.3447123169898987, -0.3410334289073944, 0.16086483001708984, -0.40850913524627686, 0.5730023384094238, 0.09558311104774475, -0.1889747977256775, 0.0026321839541196823, 0.6718472838401794, 0.6181834936141968, 0.6175215840339661, 0.11030036211013794, -0.2550963759422302, -1.4025745391845703, 1.3155533075332642, 0.9314342737197876, -0.06909964978694916, -0.3437897264957428, 0.3432082533836365, -0.12720148265361786, 0.7163471579551697, 0.7068098783493042]} +{"paper_id": "conll2000", "embedding": [-0.7098853588104248, 0.6029223799705505, -0.3848751187324524, -0.21072949469089508, 0.2808222472667694, -0.19368520379066467, 0.7068430781364441, 0.4886360466480255, 0.7218025922775269, 0.9149324297904968, 0.44124457240104675, -0.4593587815761566, 0.3440116047859192, -0.07660124450922012, -0.3212391138076782, -0.36117497086524963, -0.6121485829353333, -1.0405542850494385, -0.6746377348899841, -0.43687647581100464, -0.9926043748855591, -0.3159000873565674, -0.12754637002944946, 0.30665841698646545, -0.4233826994895935, -0.3106936514377594, 0.31087526679039, -0.8514535427093506, 0.34423643350601196, 0.3010939061641693, -0.007727175951004028, 0.7629979848861694, -1.3657654523849487, 0.19632387161254883, -0.7487908601760864, -0.04979764670133591, 1.0234702825546265, 0.5541434288024902, -0.8491755723953247, -0.2684195339679718, -0.7115342617034912, -0.14496900141239166, 0.9151234030723572, -0.1408727616071701, 0.8729177117347717, 0.0372362956404686, 0.5887956619262695, -0.04952452704310417, 0.13495756685733795, 0.281684011220932, -0.1082167699933052, 0.16653914749622345, 0.03354840353131294, 0.30600979924201965, -0.21282264590263367, 1.097117304801941, -0.09359963238239288, -0.7815013527870178, 0.3299422860145569, -0.8859919309616089, 0.6895074248313904, 0.8911145329475403, -0.09714305400848389, 0.18295620381832123, 1.2023452520370483, -0.31768155097961426, 0.6188269853591919, 0.18326057493686676, 0.7328079342842102, 0.9001944661140442, -0.3232574462890625, -0.6643887758255005, 0.6456336975097656, -1.1700148582458496, 0.2627372145652771, 1.1114373207092285, 0.36299559473991394, -0.6005833745002747, 0.5254983901977539, -0.1816747486591339, -0.18778826296329498, 0.948745608329773, 1.0213022232055664, -0.06622914969921112, -0.269923597574234, -0.23358091711997986, 0.2575722932815552, -0.3747554421424866, 0.08445733040571213, -1.2341587543487549, -0.11499916017055511, 0.27050352096557617, -0.7087549567222595, 0.05077412724494934, -0.045167163014411926, 0.3519141376018524, -0.5431156158447266, 0.0048392536118626595, -0.6211010217666626, 0.3950512111186981, 0.349711537361145, -0.650321364402771, 0.14353898167610168, -0.308457612991333, 0.23915892839431763, 0.8549222946166992, -1.0952339172363281, -0.38371017575263977, -0.40794724225997925, 0.10864247381687164, 0.05428587272763252, 1.0039031505584717, -0.21562905609607697, 0.17150619626045227, -0.1452036052942276, -0.2076859474182129, 0.12663798034191132, -0.028140440583229065, -1.1325494050979614, 0.1454995572566986, -0.24062754213809967, -1.5278767347335815, -0.3448232412338257, -0.2594854235649109, 0.689579427242279, -0.7523239254951477, 0.5390175580978394, -0.21329239010810852, 0.5076532363891602, 0.049753062427043915, 0.5576550960540771, 0.28794607520103455, 0.008911821991205215, -0.1141737550497055, 2.036357879638672, -0.7870540618896484, 1.3926335573196411, 0.3546924293041229, 0.07929996401071548, 0.023326724767684937, 0.12076819688081741, 1.2731339931488037, 0.13626006245613098, -0.3438982665538788, -0.6131932735443115, -0.10884738713502884, -0.2482750117778778, 0.3765391409397125, -0.8760949373245239, -0.5673815608024597, 0.07199536263942719, 0.23847365379333496, -1.0689176321029663, -0.8531050682067871, -0.2837776243686676, 0.4549863040447235, 0.40366750955581665, 0.14527598023414612, -0.9334067106246948, 0.9929605722427368, 1.1606526374816895, 0.5096219182014465, -0.5359610319137573, 0.4984056353569031, -0.4367094039916992, 0.1508546769618988, 0.7854606509208679, 0.03449629247188568, -0.29992377758026123, 0.0053544119000434875, 0.4069322347640991, -0.2184230387210846, 0.27013009786605835, -0.4417057931423187, -0.16183100640773773, 0.1815086305141449, 0.4139065742492676, 0.29633596539497375, 0.879813551902771, -0.8293583989143372, -0.042635414749383926, -0.3099480867385864, -0.02275346964597702, 0.4037443697452545, -0.16982731223106384, 0.49995535612106323, -1.9339550733566284, 0.21960660815238953, -0.13260310888290405, 0.7647067308425903, -0.33458852767944336, -0.7141544222831726, 0.38063153624534607, -0.004866383969783783, 0.0006247758865356445, -0.35134002566337585, 0.47233253717422485, -0.8130221366882324, 0.18784457445144653, 0.6770332455635071, 0.6638978719711304, 0.5316644906997681, 0.23928841948509216, 1.136759638786316, 0.824222981929779, -0.6521250009536743, -0.6478575468063354, -1.9968183040618896, 0.09814612567424774, 1.3287721872329712, -0.7404746413230896, -0.5607994198799133, -1.0553158521652222, -0.19000110030174255, 0.6499379277229309, -0.8242411613464355, 0.1828356683254242, -0.4246715307235718, 0.18583330512046814, -0.6697118878364563, 0.3299448490142822, -0.982955276966095, 0.19571244716644287, 0.00834388006478548, 0.6901527643203735, -0.6006643772125244, -0.5606132745742798, 0.02461777627468109, -0.7974837422370911, 0.27793216705322266, 1.188184380531311, -0.20588469505310059, -0.568684995174408, 0.20632459223270416, 0.4208361506462097, 0.4635388255119324, -0.18559250235557556, 0.2414921522140503, 0.025373324751853943, -0.11987890303134918, -0.29148387908935547, 0.8431784510612488, -0.2629571557044983, 0.007114434614777565, 0.441289484500885, 0.3223218619823456, -0.12416990101337433, -0.16344523429870605, 0.0765489712357521, -0.02382975071668625, 0.6486697793006897, 0.8647484183311462, -0.6331272721290588, 0.9373781085014343, -0.8711839914321899, -0.04057586193084717, 0.2652413547039032, -0.7330825328826904, -0.34527868032455444, 0.13822220265865326, 1.1558058261871338, -0.19101089239120483, -0.1242823377251625, -0.2186240255832672, -0.2765200436115265, -0.5651457905769348, -0.7900830507278442, 0.16211450099945068, -0.7427816390991211, -1.1346964836120605, -0.4469015300273895, -0.3341023921966553, -0.885607898235321, -0.49966490268707275, -0.14517924189567566, 0.4477936327457428, -0.08975023031234741, 0.16511061787605286, 1.5833967924118042, 0.08299374580383301, 0.4104776084423065, -0.42458295822143555, 0.8482853770256042, -0.06130356341600418, 0.8693195581436157, 0.048014428466558456, 0.259325236082077, -1.3102662563323975, -0.3384168744087219, -0.2193022519350052, 0.5816159844398499, -0.133625328540802, -0.014769688248634338, 0.43422627449035645, -0.1364145427942276, -0.4897220730781555, 0.912569522857666, -0.5572946071624756, -0.3141719698905945, -1.3236424922943115, 1.2990014553070068, 0.6427634954452515, 0.22308732569217682, 0.7337568998336792, 0.48536354303359985, -0.38527074456214905, 1.010272741317749, -0.33019328117370605, 0.7746092081069946, 0.21877901256084442, -0.2816137969493866, 0.6411305665969849, 0.3604245185852051, -2.382538318634033, 0.31039959192276, 0.6414628624916077, -0.425256609916687, 0.06870297342538834, 0.0037985118106007576, -0.3156110644340515, -0.3923644423484802, -0.5397869944572449, 0.6675089597702026, -0.4989633560180664, 0.4199163615703583, -0.28869450092315674, 0.1064000278711319, 0.9571822285652161, -0.4364979863166809, 0.5901792049407959, 0.04529712349176407, 0.891608476638794, -0.41848182678222656, -0.5453952550888062, 0.7798826694488525, -0.5819544196128845, 0.8758220672607422, 0.27996209263801575, 0.4996911883354187, 0.7977113723754883, -0.7331134080886841, 0.23063424229621887, 0.3000524044036865, 0.4783797562122345, 0.13848777115345, -0.021461833268404007, 0.24880483746528625, 0.382469117641449, -0.1867578625679016, 0.9554123878479004, 0.5970376133918762, -1.0353902578353882, -0.6309694051742554, -0.24211379885673523, -0.5660970211029053, -0.6110922694206238, 1.6604382991790771, 0.3766917586326599, 0.9840835332870483, 0.3011241853237152, 0.0657261461019516, -0.24272949993610382, -0.24141079187393188, 0.8881413340568542, 0.8278715014457703, 0.3305319547653198, 0.023051023483276367, 0.46932974457740784, 0.3151460886001587, 0.27829813957214355, -0.1355680525302887, 0.004876871593296528, 0.2256229817867279, -0.37056663632392883, -0.7496315240859985, -0.057140156626701355, 0.548518180847168, 0.7368078231811523, 1.9479924440383911, -0.8306657671928406, -0.6465815901756287, -0.7603742480278015, -0.10342923551797867, -0.0368507020175457, 0.17991015315055847, -1.2217551469802856, 0.28674405813217163, 0.3077883720397949, 0.8550148606300354, -0.16097763180732727, 1.1412264108657837, 1.2176345586776733, 0.08443430066108704, -1.1903165578842163, 0.079917773604393, -1.5518680810928345, 0.06294888257980347, -0.4681335687637329, -0.2116342931985855, -0.7211312055587769, -0.20758482813835144, -0.18678930401802063, -0.9511364102363586, 0.5107252597808838, -0.23286068439483643, -0.6818094253540039, 0.5456913113594055, 1.1991536617279053, -0.788885772228241, -0.5145010948181152, -0.37223678827285767, -0.8116554617881775, -0.7107347846031189, -0.1024070456624031, -0.6027789115905762, 0.43947911262512207, -0.021587103605270386, 0.9081545472145081, 0.04700715094804764, -0.2436705231666565, -0.8298105001449585, 0.9828549027442932, 0.9278333783149719, -0.3839398920536041, -0.0031959470361471176, -0.25822487473487854, 0.11547808349132538, -0.3981090486049652, -1.5040279626846313, -0.12183334678411484, 0.19765417277812958, -0.23001597821712494, -0.44098109006881714, -0.7174568772315979, -0.43059542775154114, -0.0009717410430312157, 0.05616394057869911, 0.7159872055053711, -0.5956376194953918, 0.9709199070930481, -0.8956777453422546, -0.009299103170633316, 0.469959020614624, -0.7815864682197571, -0.8088712096214294, 0.9462763667106628, -0.3800260126590729, 0.7536401748657227, 0.17386965453624725, 0.485171914100647, 0.5242195129394531, 0.40360578894615173, -0.42966562509536743, 0.040109165012836456, -13.661185264587402, 0.4242923855781555, -0.05068689584732056, 0.0901295393705368, 0.29565805196762085, 0.29842135310173035, 0.5680075883865356, 0.7625499963760376, 0.6083137392997742, -0.4026730954647064, 0.4453420341014862, 1.3817352056503296, -0.1045033261179924, -0.03180893883109093, -0.20090420544147491, -0.15103211998939514, -0.34305059909820557, -0.29187148809432983, 0.6855153441429138, 0.19276855885982513, 0.06834724545478821, -0.49217623472213745, -0.17402349412441254, -0.24555091559886932, 0.34076839685440063, -0.09518635272979736, 0.012190917506814003, -0.3357359766960144, -0.5422940254211426, -0.021022450178861618, 0.6092566251754761, -0.2007644921541214, -0.40329235792160034, -0.23069411516189575, 0.08209992945194244, 0.1485065221786499, -1.028305172920227, -0.06512917578220367, 1.0763946771621704, -0.6065324544906616, -0.12528550624847412, 0.03932071849703789, 0.23161545395851135, 0.11568839102983475, -0.12000420689582825, 0.46112245321273804, -0.23875243961811066, -0.6373056173324585, 0.33542340993881226, -0.6914408802986145, -0.2701278626918793, -0.4673645496368408, -0.9161936640739441, -0.9080339670181274, 0.6620988845825195, -0.28834572434425354, -0.9666568040847778, 0.6648046970367432, -0.5507300496101379, -0.5217187404632568, 1.2050191164016724, 0.3190962076187134, -0.1512899398803711, 0.4806500971317291, 0.7044676542282104, -1.0965722799301147, 0.6130661368370056, 0.479313462972641, 0.3143916130065918, 0.5254725813865662, -0.48860812187194824, 0.8070982694625854, 0.6434261798858643, -0.20492792129516602, 0.3232179284095764, 0.05182197690010071, 0.39797502756118774, 0.1281871348619461, 0.3318096399307251, 0.2830073833465576, -1.1877092123031616, 0.5247344970703125, -0.6168952584266663, -0.5885584950447083, -0.5425097346305847, -0.09605348110198975, -0.4251290261745453, -0.20739014446735382, 0.1559808850288391, 0.07408138364553452, 1.3226138353347778, -0.031026633456349373, -0.464083194732666, -0.5085955262184143, -0.507810652256012, 0.939989447593689, -0.649487316608429, 0.6505812406539917, -0.14038844406604767, -0.473670095205307, 0.18134945631027222, -0.21140888333320618, -0.500982403755188, -0.10092542320489883, 0.6695840954780579, -0.46069133281707764, -0.2815108895301819, 0.5411032438278198, 0.06666798889636993, 0.061059556901454926, 0.35359498858451843, -0.1964133381843567, 0.2929033041000366, 1.4009084701538086, 0.04577839374542236, 1.3093502521514893, 0.9326009750366211, 0.10292893648147583, 0.7736246585845947, 0.6093584299087524, 0.1812351644039154, -0.10354238003492355, 0.34562790393829346, 1.377077341079712, 0.667851448059082, 0.12726685404777527, -0.17418527603149414, 0.8793743252754211, -0.36309289932250977, -1.145816445350647, 0.0880165547132492, -0.3189583420753479, -0.07559186965227127, -0.10015705227851868, -0.43742233514785767, 0.04456695541739464, -0.3091557025909424, 1.4270011186599731, -0.5423474907875061, 0.3077583312988281, -0.20852157473564148, -0.13772162795066833, 0.025826632976531982, -0.038833316415548325, -0.504228413105011, 0.24944975972175598, -1.6347054243087769, -0.425274133682251, -0.4433569014072418, -0.5425061583518982, 0.07719399034976959, -0.3917170464992523, 0.021899327635765076, -0.22272257506847382, -0.08552730083465576, -0.4425012171268463, 0.9000149965286255, 0.25063464045524597, -0.8507910370826721, -0.28434836864471436, 0.5000883936882019, 0.8093701601028442, -0.6335016489028931, 0.2234015166759491, 0.29486337304115295, -0.07888908684253693, -0.8102307319641113, -0.3326026201248169, -0.22692790627479553, 0.20867571234703064, 0.9745901823043823, -0.8366086483001709, -0.1772998422384262, -0.19389136135578156, -0.30679890513420105, -0.9901435971260071, 0.2014060616493225, 0.973344087600708, -1.0731651782989502, 0.42183810472488403, 0.01579952985048294, 0.005651406943798065, 0.45682641863822937, -0.2910720705986023, -0.6388503313064575, -0.11765886098146439, -0.06303657591342926, 0.7837533354759216, -0.4081226587295532, 0.14536690711975098, -0.6897398829460144, -0.8709417581558228, -0.4495870769023895, 0.22145697474479675, 0.6200332045555115, -0.04578929767012596, 0.47074782848358154, 0.7092616558074951, -0.5890583395957947, -0.05655566602945328, 0.32168927788734436, 0.8073523640632629, 0.016014445573091507, 0.4347238838672638, -0.370352178812027, -0.21726952493190765, -0.7472187876701355, 0.45084625482559204, 0.48518601059913635, 0.7131742835044861, -0.8477190136909485, 0.5467844009399414, 0.22768008708953857, 0.04738764837384224, -0.2643451690673828, -1.2512528896331787, -0.17639583349227905, 0.11457236111164093, -0.48551949858665466, -0.3722327649593353, -0.14180904626846313, 0.5415084958076477, -0.9148097634315491, 0.6147270798683167, 0.18885892629623413, 0.09872673451900482, 0.5245707631111145, 0.6799330115318298, 1.6445592641830444, 0.05058214068412781, -0.047801923006772995, 0.5586706399917603, -0.4679887592792511, -0.12454810738563538, -0.05410590022802353, -0.25886979699134827, -0.7247729897499084, 0.46494996547698975, -0.6708208322525024, 0.3025442361831665, -0.0511559396982193, 0.21692758798599243, -0.28268247842788696, 1.1736007928848267, 0.5025507211685181, -0.9462002515792847, -0.6368342638015747, -0.5812584161758423, 0.0523892380297184, 0.45321980118751526, -0.034291334450244904, 0.6251848340034485, 0.728593111038208, -0.35619616508483887, 0.8682048916816711, 0.13622555136680603, 0.0699802115559578, -0.3470131456851959, -0.2142021209001541, 0.7932552099227905, 0.6469886302947998, 0.31279444694519043, -0.04458609223365784, -0.1599481701850891, -1.1320956945419312, -0.36271199584007263, -0.5849528908729553, 0.4085847735404968, 0.8888123035430908, -0.5174273252487183, -0.09514505416154861, -0.36315780878067017, -0.07203277945518494, -0.08563757687807083, 0.32246503233909607, 0.43602609634399414, -0.8038502931594849, -0.19400502741336823, -0.672080934047699, -0.5827730298042297, 0.6984196901321411, -0.0870673805475235, -0.665022075176239, -0.36014050245285034, 0.7465535402297974, -0.30188071727752686, -0.4118979275226593, -0.06442570686340332, 0.2471306174993515, -0.06601554900407791, 0.8951132893562317, 0.6313709020614624, -0.33533111214637756, -0.31441327929496765, 0.08208988606929779, -0.27973705530166626, 0.4796006679534912, 0.19987629354000092, -0.7183186411857605, 0.0019523166120052338, 0.19687782227993011, -0.550615131855011, -0.07556448876857758, 0.23307715356349945, -0.030814407393336296, -1.0711191892623901, 0.47424986958503723, 0.2491489201784134, 0.09188561141490936, 0.08478843420743942, -0.06386871635913849, 0.5986111760139465, 0.5012958645820618, 1.2705917358398438]} +{"paper_id": "coached_conv_pref", "embedding": [-1.2347983121871948, 0.2287997156381607, 0.09815928339958191, -0.33377605676651, 1.1190658807754517, 0.15274113416671753, 1.4464504718780518, 0.40110892057418823, 0.01746564731001854, -0.18150076270103455, 0.4677376449108124, 0.08114544302225113, -0.23340879380702972, -0.19369013607501984, -0.47706833481788635, -0.39306768774986267, -1.3433343172073364, -0.1310139149427414, -0.8951563835144043, -0.41706255078315735, -0.8633583188056946, -0.198661670088768, -0.6181279420852661, 0.37482964992523193, -0.26709774136543274, -0.09977429360151291, 1.540993094444275, -0.4023819863796234, 0.26398777961730957, -0.2866724729537964, 0.7247892022132874, 1.8539588451385498, -1.0089040994644165, 0.16743609309196472, 0.028648741543293, -0.14545120298862457, -0.58873051404953, 1.1584380865097046, -0.9999322891235352, 0.23316961526870728, -0.25511807203292847, 1.0050753355026245, 0.8819897174835205, 0.6061826348304749, 0.4271883964538574, 0.21588397026062012, -0.4235781133174896, 0.39454370737075806, -0.428496778011322, 0.1113678514957428, -0.8405201435089111, 0.05246089771389961, 0.5245944857597351, 0.29441037774086, -0.38579386472702026, 1.4900883436203003, 0.06949978321790695, -0.7500226497650146, 0.32190048694610596, -1.4927289485931396, 0.9798898696899414, 1.2557332515716553, 0.6324456334114075, 0.19591279327869415, 0.49001336097717285, -0.5840567946434021, 1.258970022201538, 0.13419364392757416, 0.043222274631261826, 0.39917993545532227, -0.932652473449707, -1.3669376373291016, 0.3966943621635437, 0.8230230212211609, -0.00018142908811569214, 0.07519837468862534, 0.9369049072265625, 0.4452740252017975, -0.36782148480415344, 0.5875547528266907, 0.2637294828891754, 0.14897039532661438, 0.6363463997840881, -0.2384049892425537, 0.21283534169197083, 0.18922778964042664, 0.4323907792568207, -0.09202464669942856, 0.47709962725639343, -1.232654333114624, 0.1825283318758011, -0.6471442580223083, 0.30537861585617065, -0.10002369433641434, -0.30108216404914856, 0.43547287583351135, 0.3977108597755432, -0.18704211711883545, -0.2899029552936554, 0.5547196865081787, 0.30338799953460693, -0.20839709043502808, 0.2620874345302582, -0.5232890844345093, 0.44914647936820984, 0.3758058249950409, 0.7271109223365784, -0.27204108238220215, 0.11081357300281525, -0.39224541187286377, -0.5239420533180237, 1.2741369009017944, 0.8667174577713013, 1.1153590679168701, -0.26618799567222595, 0.6520338654518127, -0.09339361637830734, -0.48430147767066956, 0.042266666889190674, 0.7081120610237122, 0.3105708360671997, -0.7069718837738037, 0.15713489055633545, -0.26686733961105347, 1.2688041925430298, -0.26651304960250854, -0.2866807281970978, 0.08756274729967117, -0.03147778660058975, -0.23407557606697083, 0.17280367016792297, 0.2644006907939911, -0.16625705361366272, 0.04696812108159065, 2.407625198364258, -0.6930500864982605, 1.7044190168380737, -0.9433127045631409, -0.836498498916626, -0.346881628036499, 0.3986794650554657, 0.7730027437210083, -0.27939319610595703, -0.9534932374954224, -0.36740997433662415, -0.31051069498062134, 0.007956314831972122, -0.19237755239009857, -0.6154317855834961, -0.23601354658603668, -0.7135775089263916, -0.08184527605772018, -1.67276132106781, -0.4877093732357025, 0.321887344121933, 0.04625865817070007, 0.07378926873207092, 0.6160287261009216, -0.10637860000133514, 0.16676288843154907, -0.46343106031417847, 0.053032685071229935, -0.1681254804134369, -0.09246685355901718, -0.7871378660202026, 0.22301414608955383, 0.40520358085632324, -0.07121437042951584, -0.6709545850753784, -0.14668051898479462, 0.8438162803649902, -0.3759608268737793, 0.29633820056915283, 0.18538713455200195, -0.12953311204910278, 0.368703693151474, 0.1548217236995697, 1.3409605026245117, -0.3076731264591217, -1.2934041023254395, -0.6072826981544495, -0.32201066613197327, -0.9569372534751892, 0.08941657096147537, 0.25262969732284546, -0.013631924986839294, -1.678884744644165, 0.39138156175613403, -0.6148645281791687, 0.1725052297115326, 0.2373858094215393, -0.06876755505800247, -0.1504429280757904, -0.648819625377655, -0.4896628260612488, -0.22855974733829498, 0.8410153388977051, -1.7213653326034546, 0.5569499135017395, 0.3192134499549866, -0.6475156545639038, 0.2656891644001007, -0.3042600750923157, 1.3581130504608154, 0.7401494979858398, 0.27945050597190857, -0.4700873792171478, -1.746808648109436, 0.5562931299209595, 2.2494957447052, 0.06844856590032578, -1.2256296873092651, -0.9552034735679626, -0.022564299404621124, 0.1751331388950348, 0.5362979769706726, 0.3903157114982605, -0.4046715199947357, 0.008293427526950836, -1.389553427696228, 0.24566581845283508, -0.6317165493965149, 0.830211341381073, 0.8121007680892944, 1.3474044799804688, -0.9879534244537354, 0.054819732904434204, 0.3112424314022064, -1.603114128112793, 0.12413369864225388, 0.005512327421456575, 0.7545049786567688, 0.36067184805870056, 0.7395937442779541, 0.04189114272594452, 0.37069714069366455, 0.30022484064102173, 0.527346670627594, -0.5513427257537842, -0.01600475050508976, 0.1404404491186142, 1.3662402629852295, 0.01477082073688507, 0.6132501363754272, 0.38867974281311035, 0.5452802777290344, -0.12790897488594055, -0.9039113521575928, -0.49604642391204834, 0.07013368606567383, 1.1628857851028442, 0.7280514240264893, -0.2773492634296417, 1.4342536926269531, 0.09731709957122803, -0.25180578231811523, -0.46608322858810425, -0.5848899483680725, -0.22375212609767914, -0.5580357313156128, 1.103375792503357, 0.05609689652919769, 0.09612762928009033, -0.2915824055671692, 0.3101576268672943, -0.7346183061599731, 0.23056656122207642, 0.30185016989707947, -0.7010791897773743, -0.8152731657028198, -0.3528386950492859, 0.2974705994129181, -0.7068840861320496, -0.8353753089904785, -0.3726678192615509, 0.9638189077377319, 0.3897123336791992, 0.7885550260543823, 0.5655689835548401, -0.1325864940881729, -0.3661249876022339, -0.4406823515892029, 0.45718348026275635, -0.38468384742736816, 0.8613223433494568, -0.7560364007949829, 0.14563153684139252, -0.304948627948761, 0.15439605712890625, -0.24938450753688812, 0.11661214381456375, 0.015355311334133148, -1.0444095134735107, 0.09922853857278824, -0.501105785369873, -0.5622409582138062, 0.4949072599411011, -0.2066522240638733, 0.024635007604956627, -0.008226493373513222, 1.3129525184631348, 0.23388253152370453, -0.7649950385093689, 1.7134597301483154, -0.5150274038314819, 0.11962330341339111, 1.6814031600952148, 0.09690046310424805, 0.062434904277324677, 1.1012266874313354, -0.7318362593650818, 0.21808698773384094, -0.2135041058063507, -1.6059622764587402, -0.10163328051567078, 1.4228651523590088, -0.8909978270530701, -0.17811769247055054, -1.620675802230835, 0.24269823729991913, -0.4590604305267334, -0.04981327801942825, -0.1668964922428131, -0.2431986927986145, 0.7497310042381287, -0.8486247062683105, 0.24296347796916962, 1.7752827405929565, -0.6829633712768555, -0.354793906211853, 0.3760700225830078, -0.07603979855775833, -1.2729345560073853, -0.22312504053115845, 0.37367692589759827, -0.5756959915161133, -0.43270978331565857, 0.6028873324394226, 1.0434067249298096, 1.2166907787322998, -0.848275363445282, -0.4625873863697052, 0.39312708377838135, 0.011978387832641602, 0.177001953125, -0.26636984944343567, 0.3163355588912964, 1.4409997463226318, -0.520082414150238, 0.9351720213890076, -0.021351199597120285, -0.6584026217460632, -0.9205247163772583, -0.23679262399673462, -0.5205430388450623, -0.6309053897857666, 1.2587629556655884, 0.8055052161216736, 0.7273467183113098, 0.44330549240112305, 0.26849228143692017, -0.3387851417064667, -0.1391206979751587, 0.7776318192481995, 0.09621135890483856, -0.6197413206100464, -0.2900976538658142, 0.2064378410577774, 0.2533775568008423, 0.16662538051605225, -0.502637505531311, 0.057601090520620346, 1.4134489297866821, 0.11948889493942261, -0.8216389417648315, 0.7282906174659729, 1.1889007091522217, 0.10358839482069016, 1.572197437286377, -0.3902076482772827, -0.06125715747475624, 0.06952546536922455, 1.0647443532943726, 0.8292199373245239, -0.3619746267795563, -0.361955463886261, 0.9270135164260864, 0.539619505405426, 0.6712048649787903, -0.16147345304489136, 0.5508915781974792, -0.32980597019195557, -1.7062766551971436, -1.1292098760604858, -0.33966803550720215, -0.9252417683601379, -0.5273237824440002, -0.0814252719283104, -0.28860536217689514, 0.16792519390583038, 0.5118817687034607, -0.23577862977981567, -0.5110343098640442, 0.8458737134933472, -0.23042082786560059, -0.5913348197937012, 0.7507973909378052, 1.4479918479919434, -1.8388206958770752, -0.13593408465385437, -0.46596574783325195, -1.015304446220398, -0.3071857988834381, -0.05611896514892578, 0.06161103397607803, 0.25384366512298584, -0.3362475633621216, 0.0526537224650383, -0.14954835176467896, 0.24703232944011688, -0.33089977502822876, 0.6511610746383667, 0.164830282330513, -0.7720618844032288, 0.4940606653690338, 0.8217048645019531, 0.1584155112504959, 0.21495473384857178, -0.5726829767227173, -0.6686359643936157, 0.5816519856452942, 0.22989821434020996, -0.2678813338279724, -0.2852665185928345, 0.2874755561351776, 0.565757155418396, -0.5559488534927368, 0.2319316864013672, -1.340919017791748, 0.3362458348274231, -0.18117943406105042, -0.002080703154206276, 0.5417760610580444, -1.2848130464553833, -1.0197762250900269, 0.05885829031467438, -0.8357860445976257, 0.5189298391342163, -1.106415033340454, -0.6934375762939453, 1.1289825439453125, 0.448902428150177, 0.5891613960266113, 0.10183010250329971, -11.710158348083496, 1.4238446950912476, -0.8293478488922119, 0.02370433509349823, 0.5284019708633423, -0.574037492275238, 0.8196524977684021, 0.16623957455158234, 1.2620813846588135, -0.9753014445304871, 0.4791574478149414, 0.3651037812232971, -0.3232240378856659, 0.01762228086590767, -0.767899215221405, -1.5673089027404785, -1.363893985748291, -0.6607769131660461, 0.12356936931610107, -0.014847181737422943, 0.6439839601516724, -0.5564470291137695, -0.45459163188934326, -0.007760774344205856, 0.010408440604805946, 0.11331098526716232, -0.44445499777793884, -0.9904075264930725, -0.08602079749107361, 0.1806035339832306, 0.7161503434181213, -0.7381340861320496, 0.2684149742126465, -0.7988545298576355, -0.029848221689462662, 0.349976509809494, -0.6784002184867859, -0.525079071521759, 0.5162650942802429, 0.8991736173629761, 0.46497291326522827, -0.0712183266878128, 0.850676417350769, 0.2229524701833725, -0.022016357630491257, 0.20581631362438202, -0.45027148723602295, 0.35563138127326965, -0.33133068680763245, -0.07519379258155823, -0.8905954957008362, -0.10229122638702393, 0.07469595223665237, -0.418363481760025, -0.13580726087093353, -0.12143053114414215, -0.4582308530807495, 0.4140048921108246, -0.7475708723068237, -0.8316468000411987, 0.6543583869934082, -0.14012308418750763, -0.5524972677230835, 0.33887749910354614, 0.1411018967628479, -0.11702380329370499, -0.0907222256064415, 0.5135353207588196, -0.8163175582885742, 0.6332500576972961, -0.5946058034896851, 0.4679858684539795, 0.1246570572257042, 0.9605034589767456, -0.6539440155029297, -0.03399971127510071, -0.9798935651779175, 0.14222352206707, 0.6506032347679138, -0.11203205585479736, -1.042868971824646, 0.7320740222930908, 0.9339210391044617, -0.6677859425544739, -0.9154898524284363, 0.9595686793327332, -0.17341497540473938, 0.20596572756767273, 1.1021795272827148, -0.22938266396522522, 1.106049656867981, 0.7946702241897583, -0.9406338930130005, -0.12837758660316467, -0.4197024405002594, 1.2969545125961304, 1.2821630239486694, 0.35300207138061523, -0.41756054759025574, -0.2277527153491974, -0.1735413670539856, 0.0345984622836113, -0.6845195293426514, 0.6235090494155884, 0.28075528144836426, -0.013007733970880508, 0.19759875535964966, 0.33011743426322937, 0.6259368658065796, 0.30761897563934326, 1.0549004077911377, -0.303316205739975, -0.5331043601036072, 1.039331316947937, -0.3244178593158722, -0.19778938591480255, 1.0130125284194946, -0.04892788827419281, 0.8961446285247803, -0.11419536173343658, -0.24853716790676117, 0.7535912990570068, 0.10070312768220901, 1.2398477792739868, 0.2794959545135498, -0.5234278440475464, 0.15740513801574707, 0.31021496653556824, -1.2126234769821167, -0.9414148330688477, -0.04998626932501793, -0.5687090158462524, 0.13140849769115448, -0.15596818923950195, -0.017427515238523483, 0.3839653432369232, -0.26416969299316406, 0.9110686779022217, -0.8310402631759644, 0.46810978651046753, -0.011211439967155457, -0.7106201648712158, -0.6778269410133362, -0.7490648031234741, -0.9118064641952515, 0.1314653754234314, -0.6828768253326416, 1.3203874826431274, -0.2547275424003601, 0.7821436524391174, 0.403309166431427, 0.026626378297805786, 0.8508036136627197, -0.8504108786582947, -0.7194237112998962, 0.12680158019065857, -0.10380616784095764, -0.28538188338279724, -0.9614496827125549, -0.843076229095459, 0.34553903341293335, 0.3843030035495758, -0.8648601174354553, 1.1289691925048828, 0.481690376996994, -0.44312235713005066, -0.23798879981040955, 0.026267655193805695, -1.2831979990005493, 0.31479713320732117, 0.5251380801200867, -1.1336028575897217, -0.4425387382507324, -0.6465553641319275, 0.041379693895578384, -0.015020318329334259, 0.6622387766838074, 1.2918766736984253, -0.9742405414581299, -0.45862770080566406, -0.03467530012130737, 0.375673770904541, -0.4342651665210724, -0.21034467220306396, -0.17905539274215698, -0.04243778809905052, 0.5588845014572144, 0.8054971694946289, 0.6054598093032837, 0.5046001076698303, -1.6874921321868896, -0.9461207985877991, -0.566179633140564, 0.4435325860977173, -0.11010149121284485, 0.2756284773349762, 0.7881689667701721, 0.8702627420425415, -0.2517084777355194, 0.14113688468933105, 0.7039614319801331, 0.4309646785259247, -0.5735974311828613, -0.09298877418041229, 0.029993008822202682, -0.43129777908325195, -0.6918061375617981, -0.4697958827018738, 0.46648910641670227, 0.19733372330665588, -0.7101449966430664, -0.46682101488113403, 0.4449869990348816, -0.258993923664093, 0.958206295967102, -0.37855640053749084, -0.14124417304992676, -0.25457894802093506, -0.4409521520137787, -1.4920519590377808, 0.3022480607032776, 1.4843450784683228, 0.1617295742034912, 1.4085520505905151, 0.09146927297115326, 0.7789251208305359, 0.6936872005462646, -0.32408279180526733, 0.19593513011932373, -0.23993901908397675, -0.34897395968437195, -0.1708890050649643, 0.3030814528465271, 0.8572785258293152, -0.32105499505996704, -0.7491394281387329, -1.2967654466629028, 0.242747962474823, -0.7115076780319214, 0.32885926961898804, -0.02994227409362793, 0.747337281703949, 0.8528727889060974, 1.3997517824172974, -1.2779934406280518, -1.102729320526123, -0.8391885757446289, -1.1697193384170532, 0.4646291434764862, 0.27825927734375, -0.03126313537359238, 1.166939616203308, 0.7019398808479309, 0.19070316851139069, -0.12171870470046997, -1.199626088142395, 0.1654982566833496, 0.5404505729675293, -0.055717065930366516, 0.7543064951896667, 0.6517931818962097, 0.15747696161270142, 1.1230014562606812, 0.21776333451271057, 0.013788487762212753, 0.7256299257278442, -0.2696588635444641, 0.4747151732444763, 1.0705727338790894, -0.6419448256492615, -0.7115919589996338, -1.0481035709381104, 0.09371356666088104, -0.7479830980300903, 0.757956862449646, 0.9286919236183167, -1.1187888383865356, -0.2960277199745178, -0.9501457214355469, 0.032030411064624786, 0.3112978935241699, 0.3565695583820343, -0.8247342109680176, -0.3815680146217346, 0.1531144380569458, 0.5358796715736389, 0.004433412104845047, -0.43041080236434937, 0.7596715092658997, -0.8523128628730774, 0.704653799533844, -0.8786227703094482, -0.8047196865081787, -0.18218033015727997, 0.21525977551937103, -0.532505214214325, 0.882177472114563, -0.14302988350391388, -1.454615831375122, -1.4234557151794434, -0.07379752397537231, -0.35146284103393555, 0.6524060964584351, 0.7472794055938721, -0.4858957529067993, -2.1598639488220215, 0.6176695227622986, 1.4460022449493408, 0.6475866436958313, -0.7704287767410278, 0.2923051416873932, 0.03821934387087822, -0.5738791227340698, 1.147039771080017]} +{"paper_id": "hate_offensive", "embedding": [-0.6028376221656799, 1.248651385307312, -0.0418425090610981, 0.16866172850131989, 0.924847424030304, 0.39445897936820984, 0.0785837396979332, -0.15787675976753235, 0.3751039505004883, 1.4195380210876465, 0.4209887385368347, -0.02719520777463913, -0.3022534251213074, 0.47478577494621277, -0.022397596389055252, -0.06440987437963486, -0.6840192079544067, -0.21025191247463226, -0.08083310723304749, -0.2554064393043518, -0.42683714628219604, -0.5732575058937073, -0.3714621067047119, -0.13967987895011902, -0.91910320520401, -0.5021452903747559, 0.4181244373321533, -0.9877373576164246, -0.011915892362594604, 0.16772231459617615, -0.16826316714286804, 1.5313467979431152, -0.8630867600440979, -0.05217866972088814, -0.8592125177383423, -0.052021294832229614, -0.6894068121910095, 0.22068029642105103, -0.7860350608825684, -0.9802883863449097, -1.118749976158142, 0.44858884811401367, 1.0889866352081299, 0.4826274812221527, 0.6608937382698059, 0.4580976366996765, 0.25736016035079956, 0.34615352749824524, -0.4271332025527954, -0.3233451843261719, -0.3535761833190918, 1.053259253501892, 0.09726637601852417, 0.6444766521453857, -0.6880102753639221, 0.7241197228431702, -0.1849175989627838, -0.9056727886199951, 0.3134743571281433, -1.3181381225585938, 0.8504729866981506, 1.4754012823104858, -0.40502408146858215, 0.6709651947021484, 0.13731403648853302, -0.5432469248771667, 0.3417051434516907, -0.2788847088813782, 0.4330662786960602, 0.6282578706741333, -0.4773883819580078, -0.8873690962791443, 0.1426393985748291, -0.11061898618936539, -0.397808313369751, 0.07063908129930496, -0.29550597071647644, 0.3152506351470947, -0.6406275629997253, 0.42056944966316223, -0.15033307671546936, 0.8665013313293457, 0.010087956674396992, -0.7386142015457153, -0.1567458063364029, 0.12610721588134766, 0.36545905470848083, -0.7811964154243469, 0.29087013006210327, -1.3986817598342896, 0.906948447227478, -0.43520215153694153, 0.14646930992603302, 0.9146825671195984, -0.833983838558197, 1.2953979969024658, -0.25560271739959717, 0.1159784123301506, -0.9094916582107544, 1.223144292831421, 0.33274713158607483, -0.42786455154418945, -0.4119759798049927, -0.5146273374557495, 0.10426060110330582, 1.1858223676681519, -0.4368172585964203, -0.6548098921775818, 0.19315224885940552, -0.10614989697933197, -0.20165975391864777, 1.4892045259475708, -0.8026028275489807, 0.3917369842529297, -0.27820149064064026, -0.14231711626052856, -0.21714454889297485, -1.00908625125885, -0.2496948540210724, 0.516122043132782, -0.8289365768432617, -1.189900517463684, -0.03316790610551834, 0.7879152894020081, 1.6141552925109863, -0.05113855376839638, 0.8207998275756836, -0.3151022791862488, -0.0065652914345264435, 0.10255330055952072, 0.715652346611023, -0.22274717688560486, -0.4527512192726135, 0.24393215775489807, 2.348928451538086, -1.2314785718917847, 1.5078052282333374, -0.9588236212730408, 0.6254717111587524, -0.40725642442703247, -0.5873388051986694, 1.3149937391281128, -0.32445788383483887, -1.7257031202316284, -1.1820882558822632, 0.12261410057544708, -0.45243117213249207, 0.3393425941467285, 0.24643546342849731, -0.19436907768249512, 0.13941343128681183, 0.8706574440002441, -0.5619632005691528, 0.4804765284061432, 0.5713480710983276, 0.26085010170936584, -0.07109321653842926, 0.5281873345375061, -0.8625876903533936, 0.17277982831001282, 0.7746326327323914, 0.48663008213043213, -0.42244642972946167, 0.34082093834877014, -0.5524324178695679, -0.24631819128990173, 1.040525197982788, 0.037774622440338135, -1.453328251838684, -0.015629909932613373, 0.7613934278488159, 0.20264923572540283, -0.15304431319236755, -0.03906971216201782, -0.5915862917900085, -0.20567306876182556, 0.34481388330459595, 1.2559304237365723, 0.1651437133550644, -0.42899173498153687, 0.07579595595598221, -0.514397919178009, -0.28507697582244873, 0.6494482755661011, -0.8014084100723267, -0.27548348903656006, -0.7703117728233337, 0.13339084386825562, 0.1485968679189682, 0.4422104060649872, 0.37495625019073486, -0.7007678151130676, -0.2749766409397125, 0.9459014534950256, -0.08062250167131424, 0.24613972008228302, 0.8293062448501587, -1.2655760049819946, -0.672011137008667, 0.06265659630298615, 0.47013184428215027, -0.5337006449699402, -0.06074513867497444, 0.8181542754173279, 0.3415234088897705, -1.047141671180725, -0.14459477365016937, -1.4435011148452759, 0.958098292350769, 2.420616865158081, 0.17406126856803894, -0.6333791017532349, -0.3180486261844635, 0.14385108649730682, 0.20267000794410706, -0.4754626750946045, 0.33839672803878784, -1.0192207098007202, 0.3038225471973419, -1.4841551780700684, 0.31127628684043884, -0.2463938295841217, 0.029257863759994507, 0.05479312688112259, 0.6625461578369141, -0.5535538196563721, -0.7674621343612671, -0.7689148187637329, -0.3053494691848755, 0.6677972674369812, 1.033079981803894, 0.04257300868630409, 0.1350821852684021, 1.075311303138733, 0.9411213994026184, 0.5544015765190125, -0.5727060437202454, 0.1566123068332672, -0.6884058713912964, 0.21721920371055603, 0.29580092430114746, -0.20724381506443024, -0.23458124697208405, -0.822271466255188, 0.04142342507839203, 1.012416124343872, -0.48564961552619934, -0.12024841457605362, -0.10964474081993103, 0.24179935455322266, 1.1447491645812988, 0.9388263821601868, -1.0036906003952026, 1.1397517919540405, -0.3533525764942169, 0.37577059864997864, -0.27157407999038696, -0.21273593604564667, 0.012744583189487457, -0.46487003564834595, 1.1318289041519165, 0.05537332594394684, -0.49522650241851807, -0.16370588541030884, -0.6922574639320374, -0.637438178062439, -0.7618257999420166, -0.04357131943106651, -0.5826647281646729, -0.7856489419937134, 0.16530008614063263, -1.0480446815490723, -0.6428346037864685, -1.3990073204040527, 0.1899884194135666, 0.709051251411438, -0.2804436683654785, 0.056806549429893494, 0.5795083045959473, -0.48632726073265076, 0.2479422390460968, -0.33867162466049194, 0.8448629975318909, -0.6885215044021606, 0.7424021363258362, -0.06092759221792221, -0.2053077667951584, 0.44859710335731506, -0.830188512802124, 0.20601488649845123, -0.43100398778915405, 0.5272223949432373, -0.5849884152412415, 0.7761493921279907, -0.03346453607082367, -0.3697265684604645, 1.7428991794586182, -0.6866633892059326, 0.4180298149585724, -0.3189815282821655, 0.8748647570610046, 0.5053530931472778, -0.559632420539856, 0.9714533090591431, -0.20137834548950195, 0.20664849877357483, 0.6247130036354065, -1.5731874704360962, 0.17836496233940125, 0.12479342520236969, -0.11586233228445053, -0.5158566236495972, 0.6115075349807739, -1.9024372100830078, -0.3754449188709259, 1.0240662097930908, -0.702983021736145, 0.21477532386779785, -0.07194501161575317, 0.7970900535583496, -0.13572722673416138, -0.03500986471772194, -1.010468602180481, -0.04215746372938156, 0.3314998745918274, -0.44990360736846924, -0.12517297267913818, 0.18757317960262299, -0.706892728805542, -0.38786593079566956, 0.4980904459953308, 1.1118451356887817, -0.8406631946563721, -0.014092344790697098, -0.02345188334584236, -0.5673912167549133, 1.0150222778320312, 0.2931629419326782, 0.3807145357131958, 0.9703948497772217, -0.5327505469322205, -0.18025176227092743, 0.8799508213996887, 0.5784887671470642, -0.00876576267182827, 0.00877511315047741, 0.24073055386543274, 0.7390429377555847, -0.7995442152023315, 1.37635338306427, 0.5489814281463623, -0.24362602829933167, -0.8116741180419922, -0.4689466059207916, 0.13166755437850952, -0.6046090722084045, 0.4034731686115265, 1.1374976634979248, 1.0646084547042847, -0.531785786151886, 0.8359224796295166, -0.3089141845703125, 0.5209149122238159, 1.3302998542785645, 0.6197565197944641, 1.101135492324829, -0.04648154228925705, -0.3258191645145416, 1.2527477741241455, -0.5011783838272095, -0.5249122977256775, -0.15152619779109955, 1.641970157623291, -0.22753466665744781, 0.05169091746211052, -0.11952682584524155, -0.2518407106399536, 0.24539896845817566, 0.23594847321510315, -1.0752742290496826, -0.7286849021911621, -0.9504312872886658, 0.4223290979862213, 1.2062866687774658, 0.7830798625946045, -0.9612531661987305, -0.3118124008178711, -0.06696496903896332, 1.0331462621688843, -0.30848854780197144, 0.38859912753105164, 0.5251526236534119, -0.44601812958717346, -0.1141626387834549, -0.01973908394575119, -0.8883936405181885, 0.24392426013946533, 0.6974657773971558, 0.3421652615070343, -0.7019813060760498, 1.210981011390686, -0.6116565465927124, -1.7599034309387207, 0.13245666027069092, -0.029720844700932503, -0.506367564201355, 0.7481573224067688, 0.5075470209121704, -1.304788589477539, -1.7385867834091187, -0.2665458917617798, -0.6810514330863953, -1.2553164958953857, 0.5796800851821899, -0.26249396800994873, 0.8184055089950562, -0.14610028266906738, 0.13596351444721222, -0.19545269012451172, -0.10464674234390259, -0.17379485070705414, 0.7263742685317993, 1.260394811630249, -0.1288275420665741, -0.1484357863664627, 0.35516613721847534, -0.49524593353271484, 0.3744898736476898, -1.2022967338562012, -0.48300033807754517, 0.7493914365768433, 0.3965122401714325, 0.6460644602775574, -0.7139148116111755, -0.23418375849723816, -0.26665446162223816, -0.0701577216386795, 0.8311491012573242, -1.2306830883026123, 0.28959333896636963, -0.7775329947471619, 0.9098218083381653, 0.7733997106552124, 0.17053575813770294, -0.8577049970626831, 0.9635255932807922, -0.15695248544216156, 0.294663667678833, -0.21065786480903625, 0.15098965167999268, 0.5057460069656372, 1.3643250465393066, 0.7379199862480164, 0.10072805732488632, -11.24257755279541, 0.5574539303779602, -0.021892068907618523, 0.6572191119194031, 0.5409520268440247, -0.17296937108039856, 0.281694233417511, 0.4022620916366577, 2.2239205837249756, -0.5920883417129517, 0.00974753126502037, 1.9953491687774658, -0.3007720112800598, -0.4962180554866791, -0.6934036612510681, -0.26680880784988403, -0.31906113028526306, -0.6343052983283997, 0.21792863309383392, 0.5703366994857788, -0.19323471188545227, -0.9652665257453918, -0.1310553103685379, -0.8932144641876221, 0.5737722516059875, -0.29736918210983276, 0.046775415539741516, -0.2276569902896881, -1.4422427415847778, 0.40019047260284424, 0.6323535442352295, -0.10516537725925446, -0.37299013137817383, -0.5986281037330627, 0.004205435514450073, 0.7628514170646667, -0.7908031344413757, -0.5143280029296875, 0.7532574534416199, 0.18141795694828033, -0.1480751633644104, 0.08725979924201965, 0.3685652017593384, -0.5431397557258606, 0.20158664882183075, 0.007887065410614014, -0.38085493445396423, 0.19592973589897156, 0.7618908882141113, -0.381834477186203, -0.2374005913734436, -0.5869815349578857, -1.372640609741211, -0.4526059031486511, 1.4321874380111694, -0.004155568778514862, -0.8125016689300537, -0.070998415350914, -0.7190892100334167, -1.2227416038513184, 1.0416204929351807, 0.7811115980148315, 0.30704712867736816, 0.6142048835754395, 0.5104203820228577, -1.2568527460098267, 0.1814170479774475, 0.013214018195867538, -0.054681602865457535, 0.31072574853897095, -0.5448933839797974, 1.199113368988037, 0.18341350555419922, 0.27858301997184753, -0.40649905800819397, -0.08138921111822128, -0.0579623244702816, 0.13450482487678528, 1.0271896123886108, -1.131289005279541, -1.3906586170196533, 0.09440065920352936, -0.3148091733455658, -0.14669716358184814, -0.417232483625412, 0.3332006335258484, -0.4043213725090027, -0.8860684037208557, 0.7372965812683105, 0.40253946185112, 0.3940182030200958, 0.5863959193229675, -0.02217414230108261, 0.13785183429718018, -0.20071426033973694, 0.5395981073379517, -1.1346389055252075, 1.3269305229187012, -0.4311882257461548, 0.5511307716369629, 0.4280117452144623, -0.2208966612815857, -0.5858104228973389, 0.2050005942583084, 0.48211219906806946, -0.21236249804496765, 0.30745935440063477, 0.40185824036598206, -0.04268882796168327, 0.16439510881900787, 0.47535404562950134, -0.008841224014759064, -0.438679039478302, 0.8272452354431152, 0.5396816730499268, 0.5686357021331787, 0.8946887850761414, -0.4353026747703552, 0.5558171272277832, 0.6915112137794495, -0.4713643491268158, 0.3356345593929291, -0.38210543990135193, 0.8076003789901733, -0.03588060289621353, 0.6686761975288391, 0.2214260995388031, 0.21637001633644104, 0.28061357140541077, -2.0024967193603516, 0.6463345289230347, -0.3172140419483185, 0.7365219593048096, -0.8200149536132812, 0.21634475886821747, -0.20733338594436646, -1.3918253183364868, 0.8232371807098389, -0.9306055307388306, 0.5397531986236572, -0.38216692209243774, -0.27781012654304504, 0.08037993311882019, -0.402777761220932, -0.2507321238517761, -0.1633853316307068, -1.8338791131973267, 0.19167527556419373, -0.4891434907913208, -0.027271457016468048, 0.20101505517959595, -0.5781238675117493, 0.27323979139328003, -1.692582368850708, -0.06979211419820786, 0.44451332092285156, 0.8127895593643188, -0.09128823131322861, -1.1012455224990845, -0.25464928150177, 0.8329921364784241, 1.0577813386917114, -1.0377382040023804, 1.264609932899475, 0.26504626870155334, -0.20878122746944427, -0.46673300862312317, -0.43726110458374023, -0.37937286496162415, -0.3919624984264374, 1.582006812095642, -0.9557449221611023, 0.023593710735440254, 0.37035802006721497, 0.2339477688074112, -1.6550180912017822, 0.04394989833235741, 0.6277527809143066, -1.3394818305969238, 0.3346749544143677, -0.2541864812374115, 0.33411145210266113, 0.010313078761100769, -0.26744627952575684, -0.3607572317123413, 0.4779910743236542, -0.38311126828193665, 1.496800184249878, 0.005706592462956905, 0.24878719449043274, -1.9374274015426636, -1.1705453395843506, -0.7061375975608826, -0.13351503014564514, 0.45536622405052185, 0.16105858981609344, 0.7042457461357117, 0.6366608142852783, 0.04790040850639343, -0.349725604057312, -0.44189345836639404, 0.37867793440818787, 0.08186190575361252, -0.2721685469150543, -1.6032119989395142, -0.5414556264877319, -0.5206353068351746, 0.3714566230773926, 0.11575023829936981, 0.10991725325584412, -1.7223029136657715, -0.6047088503837585, -0.005880709737539291, -0.761464536190033, 0.42240557074546814, -0.5513694286346436, -0.4588702321052551, -0.17596951127052307, -0.611068069934845, -0.48502829670906067, 0.3016270101070404, 0.5946353077888489, 0.06361110508441925, 1.6704659461975098, 0.1381959766149521, 0.8957238793373108, 0.44505518674850464, 0.45989757776260376, 1.894826889038086, -0.5089133977890015, -0.3123714029788971, -0.25780582427978516, -0.8094156980514526, 0.21627813577651978, 0.25320935249328613, 0.6581073999404907, -1.2863115072250366, 0.3678293824195862, -1.5951931476593018, -0.6240747570991516, -0.42481720447540283, 0.17440387606620789, 0.4139370322227478, 1.0357171297073364, -0.5096146464347839, 0.1648712158203125, -1.263418436050415, -0.2454240322113037, -0.15663014352321625, -0.14240793883800507, 0.6513322591781616, 1.3606839179992676, 0.7425861954689026, 0.24779757857322693, 0.39583081007003784, 0.2656257152557373, 0.21617844700813293, 0.2688225209712982, 0.730906069278717, 1.479001760482788, 0.6190420389175415, 0.05082499235868454, 0.06574496626853943, 0.49418744444847107, -0.9620738625526428, -0.16818755865097046, -0.2985288202762604, 0.4323580265045166, 0.48392224311828613, 0.23038829863071442, 0.37474995851516724, -0.2264000028371811, -0.7840873599052429, 0.8680812120437622, 0.5145149827003479, 0.1342008411884308, 0.30054718255996704, -0.9073732495307922, -0.7723366618156433, 0.02400454878807068, 0.8537202477455139, -0.5781394839286804, -0.04782503843307495, -1.5400850772857666, -0.00392528623342514, 0.1964089572429657, -1.1505898237228394, -1.091576099395752, 1.0232110023498535, 0.060183677822351456, 0.4129243493080139, 0.9863678216934204, -1.5010122060775757, -1.068176507949829, 0.07088017463684082, -0.7600025534629822, 0.42404302954673767, 0.15765079855918884, -1.7919211387634277, 0.05183177813887596, 0.3316264748573303, 0.9222027063369751, 0.2503240704536438, 0.040352437645196915, 0.0066141653805971146, -1.2248896360397339, 1.6060423851013184, 1.459548830986023, 0.19033290445804596, -0.17184680700302124, 1.634589433670044, 0.045315783470869064, 0.4653458595275879, 1.5562807321548462]} +{"paper_id": "counter", "embedding": [-0.7445611357688904, 0.8135839700698853, -0.1741362065076828, -0.06506311148405075, 0.23629218339920044, -0.5594216585159302, -0.19799062609672546, 0.2689734697341919, 0.6100817918777466, 0.2904263138771057, 0.31594401597976685, -0.1929386556148529, 0.36256325244903564, 0.9441844820976257, -0.04047056660056114, -0.5123920440673828, -0.7225701808929443, -0.15130949020385742, 0.07766354829072952, -0.7981332540512085, -0.9373612403869629, -0.9652132391929626, -0.34426358342170715, 0.1161818727850914, -1.023984670639038, -0.09337585419416428, 0.23115411400794983, -0.8367291688919067, -0.09762004762887955, -0.03824486583471298, 0.12797462940216064, 0.4411747455596924, -2.013223648071289, 0.7747421264648438, -0.7078403234481812, -0.0014563743025064468, 0.09750490635633469, 1.1392459869384766, -0.7668094635009766, -0.7771820425987244, -1.7227869033813477, -0.010227341204881668, 1.2341123819351196, -0.1825741082429886, 0.5050503611564636, -0.22447249293327332, 0.6913049817085266, -0.1398731768131256, 0.2844935655593872, 0.046140242367982864, 0.0031384574249386787, -0.10131143778562546, -0.17755720019340515, 0.11138065159320831, -0.12338268011808395, 1.1937142610549927, -0.4383895695209503, -0.9159469604492188, 0.5084939002990723, -0.11469991505146027, 0.8463163375854492, 1.6079537868499756, -0.43825283646583557, 0.44905927777290344, 1.0110151767730713, -0.5588681101799011, 1.020031452178955, -0.11948642879724503, 0.68827885389328, 0.34194615483283997, -0.47997814416885376, -1.3221172094345093, 0.5776622891426086, -1.0187997817993164, -0.12937253713607788, 1.1190760135650635, 0.5953589081764221, -0.3696357011795044, 0.745269775390625, -0.4974825382232666, 0.03342030197381973, 1.0273668766021729, 0.3514188230037689, -0.8466747999191284, -0.01798301562666893, -0.30273106694221497, -0.020390832796692848, -0.7875304818153381, 0.19609005749225616, -2.0176732540130615, 0.21499003469944, 0.16569538414478302, 0.0012761210091412067, 0.24177944660186768, -0.04095024615526199, 0.8636475801467896, 0.3475082516670227, 0.07745485007762909, -0.5568203926086426, -0.21290960907936096, 0.7424357533454895, -1.0236799716949463, 0.4265343248844147, 0.2804892063140869, 0.41342127323150635, 1.041100263595581, -0.5909254550933838, -0.1539798080921173, -0.6378980875015259, -0.4479403793811798, -0.6750427484512329, 1.1876071691513062, -0.790429413318634, 0.6205508708953857, -0.27653762698173523, -0.6066438555717468, -0.4925197660923004, -0.6465878486633301, -0.9947033524513245, -0.27800196409225464, -1.1470143795013428, -1.2291306257247925, -0.16101717948913574, 0.655674934387207, 0.8153190612792969, 0.023005817085504532, 0.4309319853782654, -0.11547531187534332, -0.064951092004776, -0.11170296370983124, 0.7597112655639648, -0.34502673149108887, -1.4792895317077637, 0.10688608884811401, 2.8139662742614746, -1.0350052118301392, 1.0348116159439087, 0.28079381585121155, -0.09657309204339981, -0.1683107316493988, -0.5885716676712036, 1.238154649734497, -0.3163241744041443, -1.1916223764419556, -1.0906660556793213, 0.4569580852985382, -0.5387412905693054, 0.5225085020065308, 0.17482373118400574, -0.2787867784500122, 0.12666454911231995, 0.21102946996688843, -1.0419255495071411, 0.03553222119808197, -0.02028641477227211, 0.6131948828697205, 0.1755465567111969, 0.6708685159683228, -0.0017580613493919373, 1.4637091159820557, 1.8058093786239624, 0.8472695350646973, -1.097564458847046, 0.5188667178153992, -0.870746374130249, 0.11777221411466599, 1.4058938026428223, -0.1446901559829712, -0.6621211767196655, -0.36678534746170044, 1.1499406099319458, -0.7202863693237305, -0.08485262095928192, -0.23027624189853668, -0.32978036999702454, -0.16398926079273224, -0.20819638669490814, 0.4569406509399414, 0.674759030342102, -0.40662240982055664, -0.462093710899353, 0.03904681280255318, 0.4083597660064697, 0.8227405548095703, 0.2582233250141144, -0.09977830201387405, -1.8447587490081787, -0.35194581747055054, -0.12263990938663483, 0.7354126572608948, -0.14706216752529144, -0.4776061177253723, -0.17114412784576416, 0.16714385151863098, -0.12727107107639313, -0.19483277201652527, 0.27418574690818787, -0.9569329023361206, 0.3663262724876404, 0.6132774949073792, 0.5782721638679504, -0.1804041862487793, 0.2179274559020996, 0.12606759369373322, 0.7811546325683594, -0.10601760447025299, -0.4592636525630951, -1.3473007678985596, 0.35163694620132446, 2.2821223735809326, -0.5150055885314941, -0.41813763976097107, -1.8730815649032593, 0.18767495453357697, 0.7278150320053101, -0.3520602285861969, 0.4031013548374176, -0.9870477318763733, -0.46318620443344116, -0.5556528568267822, 1.0563081502914429, -0.8414252996444702, 0.025867678225040436, -0.2775290012359619, 0.11501965671777725, -1.2142406702041626, -0.8339804410934448, -0.37655118107795715, -1.0210826396942139, 0.6751671433448792, 1.307015299797058, -0.23871830105781555, -0.5814580917358398, 1.1603102684020996, 0.6308602690696716, 0.605314314365387, -0.031704679131507874, 0.2612744867801666, -0.7279946804046631, -0.7485886812210083, -0.06762714684009552, 0.6652460098266602, -0.18206237256526947, -0.3820221424102783, 0.7162247896194458, 0.3025129735469818, 0.21342670917510986, -0.4095669984817505, -0.579986035823822, 0.18133361637592316, 0.6471738219261169, 1.8599413633346558, -0.9664103388786316, 1.5673900842666626, -0.8168944716453552, 0.28388285636901855, 0.718363881111145, -0.8450031280517578, -0.29243460297584534, 0.27074289321899414, 0.5214486718177795, 0.5548968315124512, 0.28070250153541565, 0.09413895010948181, -0.3778427243232727, -0.7524662017822266, -0.4355314075946808, 0.2656591534614563, -1.2384471893310547, -1.2157009840011597, -0.5614281296730042, -0.6119681596755981, -1.4129328727722168, -0.6254218816757202, 0.1830163598060608, -0.1610686033964157, -0.2683984339237213, 0.35264822840690613, 1.820581316947937, -0.21207335591316223, 0.33713632822036743, -0.46863287687301636, 0.14106465876102448, -0.8516481518745422, 0.5747371315956116, -0.17104831337928772, 0.3250207304954529, -1.3067466020584106, 0.21087399125099182, 0.10371518135070801, 0.5069730281829834, -0.05329122394323349, -0.5298111438751221, 1.1880874633789062, -0.04846624284982681, -0.864646315574646, 0.7373579740524292, 0.09165771305561066, 0.014243323355913162, -1.0664033889770508, 0.7559906840324402, 0.5746309757232666, 0.05031614378094673, 0.11186540871858597, -0.28900372982025146, -0.07512452453374863, 1.3725025653839111, -0.6000591516494751, 0.46403026580810547, 0.8696981072425842, -0.035240288823843, -0.42429158091545105, 0.5356119275093079, -1.2692824602127075, 0.3738408386707306, 1.392170786857605, -0.6903359889984131, 0.4137896001338959, -0.24877813458442688, 0.377876877784729, -0.619105875492096, -0.6822205781936646, 0.6087332963943481, -0.9140586853027344, 0.1269102543592453, -0.23066651821136475, -0.04518616199493408, 0.2804003357887268, -0.6910389065742493, 1.3179398775100708, 0.891879141330719, 0.9304174184799194, -0.5035569667816162, 0.2534489631652832, 0.9996952414512634, -0.47755810618400574, 1.6195778846740723, -0.1438000500202179, 0.25414803624153137, 1.0603187084197998, -0.4751477837562561, -0.49709028005599976, -0.034634336829185486, 0.5054230690002441, 0.48627999424934387, 0.19005291163921356, 0.18112218379974365, 1.132961630821228, 0.4248412549495697, 1.4859166145324707, 0.8060097694396973, -0.9342359304428101, -1.5268442630767822, -0.6355226635932922, -0.19885365664958954, -0.06295640021562576, 1.5581822395324707, 1.0627549886703491, 1.819401502609253, 0.8032506108283997, 0.33979713916778564, -0.033489443361759186, 0.007582429796457291, 0.622643232345581, 0.8453992009162903, 0.5944090485572815, -0.15762373805046082, 0.10843678563833237, 1.122748851776123, 0.06672925502061844, -1.0524818897247314, 0.4690965414047241, 0.22671040892601013, -1.0540356636047363, -1.1018117666244507, 0.5529592037200928, 0.42426443099975586, 0.37694257497787476, 1.2552235126495361, -0.4861268997192383, -0.02076883241534233, 0.05017245560884476, 0.07775972783565521, -0.10901197046041489, 0.8376132249832153, -0.967022180557251, 0.034844137728214264, 0.3679923415184021, 0.6744744181632996, -0.8872937560081482, 0.6886407732963562, 1.146823525428772, -0.04673483222723007, -0.9718940854072571, -0.5580335259437561, -0.9376446604728699, -0.09832839667797089, -0.25890377163887024, 0.011747512966394424, -0.8192104697227478, 0.33451083302497864, -0.2039705216884613, -1.206855058670044, 0.5779820680618286, -0.39309266209602356, -0.8626953363418579, 0.8952393531799316, 1.090373158454895, -0.862522542476654, -1.164584994316101, -0.6488208770751953, -0.9313009977340698, -0.7926790714263916, 0.5053647756576538, -0.4613002836704254, 0.9698134064674377, 0.21842090785503387, 0.36046668887138367, -0.061118364334106445, -0.6179238557815552, -0.4669153094291687, 0.7820133566856384, 1.7989826202392578, -0.7240768671035767, -0.06000114977359772, -0.017973866313695908, 0.3403606414794922, 0.7255066633224487, -1.6290501356124878, -0.4289589524269104, 0.30699342489242554, 0.7625980377197266, -0.1593630611896515, -0.9391829371452332, -1.1834248304367065, 0.5531439185142517, 0.6319330930709839, 0.8963344693183899, -0.8521120548248291, 0.8293978571891785, -0.9917182326316833, 0.4168299734592438, 0.47752389311790466, -0.5915949940681458, -0.9285193085670471, 1.432326078414917, -0.2863765060901642, 0.7340284585952759, 0.025057658553123474, -0.1528828889131546, 0.75862717628479, 0.11795496195554733, 0.37037843465805054, -0.5814885497093201, -10.894326210021973, 0.8829202055931091, -0.08594539761543274, 0.5062306523323059, 0.6458426117897034, 0.3812422454357147, 0.6726593971252441, -0.04769556596875191, 1.3084715604782104, -0.5491196513175964, 0.005151253193616867, 1.9493212699890137, 0.0999235063791275, -0.03288040682673454, -0.6556692719459534, -0.7190662622451782, -0.8910956978797913, -0.11088564991950989, 0.5653674006462097, 0.3465988337993622, -0.08901048451662064, -0.9010428786277771, 0.22142262756824493, -0.36085474491119385, 0.5862374901771545, 0.03166422247886658, 0.08118708431720734, -0.499360591173172, -0.3560284376144409, 0.04220784455537796, 1.0837903022766113, -0.003935076296329498, -0.49775809049606323, -0.27199119329452515, 0.24663008749485016, 0.23388715088367462, -1.3415833711624146, -0.8845958113670349, 0.9971370697021484, -1.0730429887771606, 0.590120255947113, 0.1781679391860962, 0.2219843864440918, -0.1196347028017044, -0.2845489978790283, 0.01726575195789337, -0.48720037937164307, -0.2454690933227539, 0.12161904573440552, -0.2100769579410553, -0.353523313999176, -0.44066616892814636, -1.1621148586273193, -0.661506175994873, 1.0041415691375732, -0.10099852085113525, -1.066361665725708, 0.11724559217691422, -0.9385819435119629, -0.9213757514953613, 1.3797392845153809, -0.2661154866218567, -0.5918917655944824, 0.06065388396382332, -0.40122485160827637, -0.4489188492298126, 0.3205065429210663, 0.08764442056417465, 0.10255036503076553, 0.05734601616859436, -0.2991274893283844, 0.9181309938430786, 0.5124462842941284, 0.11200141161680222, 0.24763378500938416, 0.044732239097356796, -0.4154602289199829, -0.6703903079032898, 0.32979804277420044, 0.35063856840133667, -1.5365175008773804, 0.17011602222919464, -0.5226225256919861, 0.06490695476531982, -0.5389143228530884, -0.9629924297332764, -0.2430891990661621, -0.6465754508972168, 0.16129951179027557, -0.6113645434379578, 0.9650769233703613, 0.5829209089279175, 0.2514383792877197, -0.24393966794013977, -0.9694676995277405, 0.5462008118629456, -1.4833431243896484, 0.6908957958221436, -0.5306596755981445, -0.24932202696800232, 0.7370345592498779, 0.2268332839012146, -1.0452929735183716, -0.3388901948928833, 1.1729289293289185, -0.5012663006782532, 0.20004040002822876, 0.3721652030944824, -0.09597443044185638, -0.4422340989112854, 0.2903626561164856, 0.37179678678512573, 0.2916331887245178, 0.7844180464744568, 0.0674750804901123, 1.799392580986023, 0.32135605812072754, -0.330929160118103, 0.0397934690117836, 1.4533377885818481, -0.5098375082015991, 0.23056860268115997, 0.30152836441993713, 1.4121911525726318, 0.01315305009484291, 0.2969619035720825, -0.7685422301292419, 0.6391160488128662, -0.9155218601226807, -1.2361003160476685, 0.36885347962379456, -0.7695770859718323, 0.6737313866615295, -1.6927824020385742, -0.2668108344078064, -0.28724321722984314, -0.6773170232772827, 1.251646637916565, -0.20612767338752747, 0.54030442237854, -0.4286615252494812, -0.05233633145689964, 0.06120239198207855, -0.5120548605918884, -0.05798580124974251, 0.2373274266719818, -1.3962130546569824, 0.17977502942085266, -0.11981654167175293, -0.3265455961227417, 0.013217687606811523, -0.20889154076576233, 0.4915451407432556, -0.1757921576499939, -0.4051115810871124, 0.18272623419761658, 0.24802954494953156, -0.5075156688690186, -1.090531826019287, -0.6593283414840698, 0.13561370968818665, 0.8794745206832886, -0.8091856837272644, 0.9869982600212097, 1.1704354286193848, -0.07317480444908142, -0.7206058502197266, -0.2517630159854889, -0.901588499546051, 0.788709282875061, 1.1349173784255981, -0.4228602647781372, -0.13957801461219788, 0.1671767383813858, -0.34817859530448914, -0.49980369210243225, 1.3218426704406738, 1.1814265251159668, -1.5791226625442505, 0.8430296182632446, 0.17350858449935913, 0.17969530820846558, -0.13181589543819427, 0.6255868673324585, -0.5995814800262451, 1.1064977645874023, -0.7365348935127258, 0.7726835012435913, -0.34426507353782654, 1.302427053451538, -1.8756234645843506, -1.6497039794921875, -0.5024001002311707, -0.575190007686615, 1.2802801132202148, -0.23652616143226624, 0.8519905209541321, 0.2416742891073227, 0.48681190609931946, -0.2144094705581665, -0.1156100481748581, 0.5941373705863953, -0.07700802385807037, 0.852451503276825, -0.9044939875602722, -0.029004110023379326, -1.2987732887268066, 0.6519436240196228, 0.46984219551086426, 1.088570475578308, -0.7529473304748535, 0.5075196623802185, 0.3279514014720917, -0.24809308350086212, 0.08675411343574524, -1.1681607961654663, 0.4614957273006439, -0.5590846538543701, -0.890800952911377, -0.7237617373466492, -0.0020508170127868652, 1.3334705829620361, -0.6207032203674316, 1.2769660949707031, 0.15872375667095184, 0.19529347121715546, 0.7221176624298096, 0.5641273260116577, 1.3600729703903198, -0.04396403208374977, -0.6434755325317383, 0.23476701974868774, 0.37986642122268677, -0.32429516315460205, -0.02760736644268036, -0.18761461973190308, -0.8476038575172424, 0.21569734811782837, -1.0912060737609863, 0.573906421661377, 0.21232521533966064, -0.4621468782424927, -0.043244898319244385, 0.6345623731613159, -0.0661359429359436, -0.9305544495582581, -0.26785290241241455, -1.4091622829437256, -0.29565975069999695, 0.7335126996040344, 0.3987635374069214, 0.20457535982131958, 0.6718942523002625, -0.12780137360095978, 0.9335598945617676, -0.6593190431594849, 0.6728689074516296, 0.7174047827720642, -0.47241008281707764, 1.1853621006011963, 0.5906375646591187, 0.306785523891449, -0.7965038418769836, 0.4421398937702179, -1.1360825300216675, -0.6177699565887451, -0.15463295578956604, 0.6901805996894836, 1.3588932752609253, 0.010229602456092834, 0.5591113567352295, -0.5826737284660339, 0.48101136088371277, -0.2918190360069275, 0.6035577058792114, 0.5200544595718384, -0.6099805235862732, 0.003126817289739847, -1.1655936241149902, 0.17981138825416565, 0.8861360549926758, -0.44409826397895813, 0.22213202714920044, -0.48528122901916504, 0.9588850140571594, -0.15131744742393494, -0.22955362498760223, -0.8648180365562439, 0.021569546312093735, 0.04132069647312164, -0.2447471171617508, 0.8806325197219849, -0.2757619619369507, -1.101252555847168, -0.03573371097445488, -0.32016876339912415, 0.0824156105518341, 0.48962682485580444, -1.2453337907791138, 0.592311441898346, 0.4712226986885071, 0.29662948846817017, 0.2756167948246002, 0.08690829575061798, -0.006616886705160141, -1.2703368663787842, 0.6674097180366516, 0.6842471957206726, 0.15533071756362915, -0.6777952313423157, -0.03214322775602341, 0.008841019123792648, 0.4448942244052887, 1.555562138557434]} +{"paper_id": "pubmed", "embedding": [-1.2307873964309692, 1.2763667106628418, -0.16418083012104034, -0.5494539737701416, -0.2517216205596924, -0.6129474639892578, 0.1113138496875763, 0.8156384229660034, 0.014796927571296692, 1.1182093620300293, 1.2618407011032104, 0.13924916088581085, -0.3545154631137848, 0.18069973587989807, -0.17989695072174072, 0.29959917068481445, -0.3308849036693573, -0.4382369816303253, 0.36290788650512695, -0.7571744918823242, -0.7628375887870789, -0.8040026426315308, 0.257276326417923, 0.2862708866596222, -0.5429204106330872, -0.8271522521972656, -0.2084837704896927, 0.19128923118114471, -0.019826307892799377, -0.19476404786109924, 0.07710794359445572, 0.09438012540340424, -1.3642674684524536, 0.24710804224014282, -0.6837310791015625, 0.2809601128101349, -0.47742757201194763, 0.7188090085983276, -0.5606650710105896, 0.28318047523498535, -0.3948785662651062, -0.047306545078754425, 0.9415479302406311, 0.28518226742744446, 0.8615814447402954, -0.054914236068725586, 0.29572033882141113, 0.5803540349006653, 0.38626450300216675, 0.3490152060985565, 0.37220871448516846, 0.8661201596260071, -0.5817866921424866, 0.11770844459533691, -0.9576008319854736, 0.5616565346717834, -0.1768520474433899, 0.646430253982544, 0.5619820952415466, -1.654752254486084, 1.170851230621338, 1.006109356880188, -0.07185839861631393, -0.5392361879348755, 0.26375314593315125, 0.3043287992477417, 0.6912485361099243, -0.18387234210968018, 0.7257304191589355, 0.7367236614227295, -0.40892571210861206, -0.6525986790657043, 0.5766103267669678, -0.40166574716567993, 0.01978270709514618, 0.4682120680809021, 0.19762678444385529, -0.8867989778518677, -0.012841411866247654, 0.1996932029724121, -0.7868492007255554, 0.547410249710083, 0.49712491035461426, -0.1736299693584442, -0.26405560970306396, -0.679218590259552, -0.0692533552646637, -0.0004285592585802078, 0.7809285521507263, -1.1317394971847534, 0.8313814401626587, 0.4835665225982666, -0.09439397603273392, 0.29407140612602234, 0.07958083599805832, -0.8072584867477417, -0.21885405480861664, -0.2163640856742859, -0.6678622961044312, -0.1526135802268982, 0.5085543394088745, -0.9226900339126587, 0.9797138571739197, -0.0811743512749672, 0.08985373377799988, 0.639319121837616, -1.1614497900009155, -0.3053547441959381, 0.029988449066877365, -0.22454999387264252, 0.641090989112854, 0.8700098991394043, 0.5544606447219849, 0.07315520197153091, 0.03798482194542885, -0.29850849509239197, -0.2657269835472107, 0.2703650891780853, -1.1822456121444702, -0.3579026460647583, -0.12635812163352966, -1.807508111000061, -0.3677339255809784, 0.41891247034072876, 0.4976549744606018, -0.2070644348859787, 0.6861981153488159, 0.028773315250873566, -0.5219030976295471, -0.1086890697479248, 0.40542304515838623, -0.1274724304676056, -0.9280638098716736, 0.11514011025428772, 2.359344244003296, 0.2207920104265213, 0.7443649768829346, 0.7416874170303345, -0.38588252663612366, -0.5413978695869446, 0.07510903477668762, 0.2780587673187256, 0.661475658416748, -0.9181944727897644, -0.7671508193016052, -0.011662283912301064, 0.3963887393474579, 0.4502132833003998, -0.7218336462974548, -0.1447869837284088, 0.14789743721485138, 0.43896040320396423, -0.9987218976020813, -0.7076773047447205, -0.20427264273166656, 0.40882551670074463, 0.047708868980407715, -0.1400742530822754, -0.9908736348152161, 0.9633614420890808, 1.2196052074432373, 0.21154963970184326, -0.8998242616653442, 0.11420931667089462, -0.5598924160003662, -0.6663178205490112, 1.1408580541610718, 0.42855963110923767, -0.945933997631073, -0.10146231949329376, 0.49371787905693054, -0.2903737425804138, 0.8924647569656372, 0.035324372351169586, 0.4584936797618866, -0.7164724469184875, 0.41180822253227234, 0.1315934956073761, 1.0279784202575684, -0.5133533477783203, 0.1923123002052307, -0.10905244946479797, -0.4030013978481293, -0.2651921510696411, 0.4815523028373718, 0.2596026360988617, -1.3910776376724243, 0.07651795446872711, -1.3268706798553467, -0.14904078841209412, -0.0698266550898552, -0.41399428248405457, 0.7086320519447327, 0.20882372558116913, -0.043663449585437775, 0.061336178332567215, -0.23893660306930542, -1.7680296897888184, -0.5321105122566223, 0.9092341065406799, 0.4199552834033966, 0.4355138838291168, 0.35175541043281555, 0.20885169506072998, 0.549010157585144, 0.10496669262647629, 0.29269954562187195, -1.099625825881958, 0.8276119232177734, 1.5910563468933105, -0.7150754928588867, -0.46074149012565613, -0.869489312171936, -0.20539256930351257, 0.3446030616760254, -1.0207526683807373, -0.17917774617671967, -0.48743146657943726, 0.09507286548614502, -0.5960550904273987, 0.2742088735103607, -0.14486971497535706, -0.1630268394947052, -0.1589382439851761, 0.7845829725265503, -0.7617422342300415, -0.7964745759963989, -0.03699406608939171, -1.6619324684143066, 0.6591386198997498, 1.2018511295318604, -0.18626096844673157, -0.21711555123329163, -0.11758272349834442, -0.26709139347076416, -0.2806413173675537, 0.5868169069290161, -0.07308608293533325, -0.289203941822052, 0.027212483808398247, 0.10699203610420227, 0.4818217158317566, -0.8310205340385437, -0.3616924285888672, 0.6975284814834595, -0.10381858050823212, 0.29010483622550964, -1.0373667478561401, -0.23491013050079346, 0.21064060926437378, 0.708332896232605, 0.31276994943618774, 0.00883437693119049, 1.3832148313522339, -0.4782198965549469, -0.0868510827422142, 0.630034327507019, -0.3404185175895691, -0.43239355087280273, -0.6831111311912537, 0.2907419502735138, 0.012910755351185799, -0.0551883839070797, -0.4477146863937378, 0.08394213020801544, -0.8688759207725525, 0.43738263845443726, -0.6134507060050964, -0.5661895871162415, -0.3832632601261139, -0.5946150422096252, 0.2723851501941681, -1.0023337602615356, -0.09589073061943054, 0.5388015508651733, 0.15443167090415955, -0.08742900937795639, 1.0657081604003906, -0.16314536333084106, 0.02221309393644333, 0.3711598813533783, -0.9298117756843567, 0.7708566188812256, -0.2729310691356659, 0.5506170392036438, -0.5647616982460022, -0.1566365361213684, -0.9444250464439392, -0.14426544308662415, -0.21643760800361633, 0.37189069390296936, -0.10870768874883652, 0.34893345832824707, 0.4571961760520935, -0.3925917446613312, -1.2331527471542358, 0.7566001415252686, 0.31708770990371704, 0.3114875257015228, -0.7851023077964783, 1.4096009731292725, 0.45935580134391785, 0.8529491424560547, 0.2698270082473755, 0.8232965469360352, 0.028464045375585556, 1.3739277124404907, -0.4087783694267273, 1.1376384496688843, 0.6068618893623352, -0.3050578832626343, -0.47971662878990173, 0.1582544445991516, -1.8473976850509644, -0.034991420805454254, 0.01373351737856865, -0.48785504698753357, -0.13580316305160522, -0.2123318910598755, -0.5566784739494324, -0.2504974901676178, -0.2132372260093689, 0.36600935459136963, -1.0885415077209473, 0.4640020430088043, -0.18797612190246582, -0.3582610487937927, 0.7813502550125122, -0.9203348159790039, 0.3128131628036499, 0.30819377303123474, 0.6134371757507324, -0.46921485662460327, -0.2585885524749756, 0.5758531093597412, -0.36752188205718994, 0.7954908609390259, 0.32223522663116455, 1.3878003358840942, 0.7930312156677246, -0.6334624886512756, -0.4729159474372864, -0.49592846632003784, 0.12730619311332703, -0.07631334662437439, 0.4808444380760193, 0.23298178613185883, 1.3245315551757812, 0.6188955307006836, 1.8066251277923584, 0.8095319867134094, -0.9483419060707092, -0.8781532049179077, -0.4390428960323334, -0.6742851138114929, -0.45761871337890625, 1.5728516578674316, 0.48032307624816895, 1.3078840970993042, 0.21814769506454468, 0.36065396666526794, -0.1430085152387619, 0.012446902692317963, 0.8345473408699036, 0.8984341621398926, -0.09325897693634033, 0.1781555414199829, 0.8107359409332275, 0.4343734681606293, 0.5415542125701904, -0.1535087376832962, -0.04019409418106079, -0.17044883966445923, 0.08524976670742035, -0.6998550891876221, 0.09535146504640579, 0.6886324882507324, 1.0218615531921387, 0.6874227523803711, -0.1288994401693344, -1.2091302871704102, -0.529037594795227, -0.35898199677467346, 0.5656309723854065, -0.0645020380616188, -0.7800977230072021, 0.2004433572292328, 0.12800581753253937, 0.5531004667282104, -0.5651677250862122, 0.0981266126036644, 0.6899551749229431, -0.18079575896263123, -0.9497749209403992, -0.08377321064472198, -0.8459762930870056, -0.5975578427314758, -0.3971354365348816, 0.09908300638198853, -1.1869745254516602, 0.20348161458969116, 0.5250388979911804, -0.796912431716919, -0.1532953381538391, -0.33296820521354675, -1.4969682693481445, 0.8750758767127991, 0.8960298299789429, -1.3714548349380493, 0.08145208656787872, 0.019459284842014313, -0.6067247986793518, -0.8247199654579163, 0.8923252820968628, -0.327230304479599, -0.03385263308882713, -0.594322681427002, 0.8893728256225586, -0.6925532817840576, -0.18957963585853577, -0.1935766339302063, 0.850800633430481, 1.1361457109451294, 0.23080137372016907, 0.2912544310092926, -0.502117931842804, 0.5998380184173584, -0.6747980117797852, -1.5856962203979492, -0.2304852455854416, 0.09992770850658417, 0.22862955927848816, -0.9059159159660339, -0.3371339440345764, -0.5584516525268555, 0.15293613076210022, 0.8022517561912537, 0.5378991365432739, -0.6402201652526855, -0.3239133358001709, -1.070732831954956, 0.31475022435188293, 0.5181070566177368, -0.08140917122364044, -0.4066712558269501, 1.123171091079712, -0.1522146463394165, 0.6344107389450073, -0.01537545770406723, 0.05369466915726662, 0.5800858736038208, -0.49777984619140625, 0.018486030399799347, -0.21728986501693726, -13.045785903930664, 0.4448060393333435, -0.955987274646759, 0.5970145463943481, 0.6333008408546448, 0.8308607339859009, 0.27133387327194214, -0.7220765352249146, 0.8398683667182922, -0.5639523863792419, 0.4702218770980835, 1.7808724641799927, -0.16550707817077637, -0.6806865334510803, 0.4461616277694702, -0.9759848117828369, -0.009887877851724625, 0.5500001311302185, -0.06821442395448685, 0.12857723236083984, 0.7373868823051453, -0.5165620446205139, -1.1513481140136719, -0.02578197792172432, -0.14897063374519348, -0.2637958824634552, 0.15279942750930786, -0.0505763404071331, 0.17451216280460358, 0.6193183660507202, 0.09377183765172958, 0.6634671688079834, 0.3300636410713196, -0.09613525867462158, -0.023674704134464264, -0.05906730517745018, -0.7090771794319153, -0.15651018917560577, 1.2522262334823608, -0.5443187952041626, -0.2080105096101761, 0.2240336835384369, 0.20656518638134003, -0.23700882494449615, -0.23677225410938263, 0.08477339148521423, -0.4102652966976166, -0.9041376709938049, 0.27502065896987915, -0.17047378420829773, -0.3625345230102539, -0.6574625968933105, -0.5053271651268005, 0.006249547004699707, 0.9504637122154236, 0.1263393759727478, -1.091407299041748, 0.5256029367446899, -1.3877555131912231, -0.2343246340751648, 0.646117627620697, -0.4179925322532654, -0.36662670969963074, 0.9069832563400269, 0.10145863890647888, -0.33941832184791565, 0.717191755771637, 0.8348373770713806, -0.1082395389676094, -0.7168351411819458, 0.16157695651054382, 0.7856090068817139, 0.8081198930740356, -0.7324707508087158, 0.3294607102870941, 0.11408782750368118, -0.02416144497692585, -0.7472444176673889, -0.02632502093911171, 0.4549626111984253, -0.6861912608146667, 0.31621599197387695, -0.3629443645477295, -0.9609053134918213, -0.9102392792701721, -0.24161863327026367, -0.11700644344091415, -0.37592265009880066, -0.006240837275981903, 0.18682238459587097, 1.2102901935577393, 0.8004566431045532, 0.36004459857940674, -0.8721314072608948, -0.40991589426994324, 0.3730026185512543, -0.9288089871406555, 0.719701886177063, -0.10452041029930115, -0.6875537037849426, 0.7384199500083923, 0.054862141609191895, -0.6145923137664795, -0.2553582489490509, 0.7995131015777588, -0.3621222674846649, 0.16815245151519775, 0.4646429717540741, -0.8235838413238525, 0.7511081695556641, 0.45666730403900146, -0.6159687042236328, -0.15704219043254852, 1.2028815746307373, -0.4079905152320862, 0.8031336069107056, 0.46823936700820923, -0.43015056848526, 0.17922089993953705, 1.0571163892745972, -0.1456020325422287, -0.3962031602859497, 0.9790439605712891, 0.8272876143455505, 0.22494357824325562, 0.31570762395858765, 0.10878260433673859, 0.5677459836006165, -0.1425004005432129, -0.5325486660003662, 0.7693687081336975, -0.6613200306892395, -0.23051176965236664, -0.47961559891700745, -0.9812895059585571, -0.9364619255065918, -0.26393282413482666, 1.7280620336532593, 0.05838021636009216, 0.4271615147590637, -0.6610474586486816, -0.7286955118179321, 0.14980190992355347, -0.15804220736026764, -0.7943571209907532, 0.2066083401441574, -0.4378185570240021, -0.09208041429519653, -0.5043656229972839, -0.8204869627952576, 0.6657030582427979, 0.2919788360595703, 0.4523943066596985, -0.6898527145385742, -0.1970500648021698, -0.13848991692066193, 0.2906286418437958, 0.2514703869819641, -0.9648511409759521, -0.20490425825119019, 0.6425055265426636, 0.31849604845046997, -0.4567438066005707, 0.9703551530838013, 1.0230637788772583, 0.39184680581092834, -0.749663233757019, 0.6790624856948853, -0.9416316151618958, 0.6744713187217712, 0.14967398345470428, -0.7256035208702087, 0.10723420977592468, -0.5701987147331238, -0.1291712373495102, -0.29196810722351074, 0.5552327036857605, 0.3968358635902405, -0.7681849002838135, 0.9858279824256897, 0.5409343242645264, 0.5469139218330383, 0.8472548723220825, -0.5258824825286865, -0.16331081092357635, 0.0363294780254364, 0.27197378873825073, 0.8094748854637146, -0.1594449281692505, 0.3216060698032379, -1.429702639579773, -0.9419609308242798, -0.3706120550632477, 0.5580135583877563, 0.4639701843261719, -0.4580177962779999, 1.2689677476882935, 0.31028681993484497, 0.1431061327457428, -0.0015366710722446442, 0.4208468198776245, 0.7534931302070618, 0.4700295925140381, 0.2857624292373657, -0.43808838725090027, 0.11345319449901581, -0.9879767298698425, -0.2128610908985138, 0.10996372997760773, 0.7215516567230225, -1.3089481592178345, 0.2895873188972473, 1.3549340963363647, 0.11255745589733124, -0.4749591648578644, -0.8834139108657837, 0.3875776529312134, 0.019695479422807693, 0.026929549872875214, -0.2932873070240021, -0.15186870098114014, 0.31195300817489624, 0.31036579608917236, 0.2984122037887573, 0.013979760929942131, 0.6229342818260193, 0.3920469582080841, 0.4190146327018738, 1.2224041223526, 0.08353133499622345, -0.6941332817077637, 0.3297423720359802, 0.18425729870796204, -0.6017670035362244, 0.01107344776391983, 0.26284128427505493, -0.5839535593986511, 0.5942811965942383, -1.054004430770874, 0.831531286239624, -1.348068118095398, -0.6256961822509766, 0.07023443281650543, 0.7742837071418762, -0.16587349772453308, -1.769066333770752, -0.6917492151260376, -0.11228964477777481, -0.3792518675327301, -0.2066347301006317, -0.16346926987171173, -0.38632017374038696, 0.5115962028503418, -0.23975996673107147, 0.8107435703277588, 0.6193501949310303, 0.2417682707309723, 0.47686389088630676, -1.0397902727127075, 0.8323517441749573, 1.0523015260696411, -0.18468494713306427, 0.23365576565265656, -0.27187472581863403, -0.6422408223152161, -0.049984559416770935, -0.006730044726282358, 0.6350731253623962, 1.3401141166687012, -0.6248183250427246, 0.051756277680397034, -0.3387187123298645, 0.4809747338294983, -0.6590057611465454, -0.1048898845911026, -0.014728821814060211, -0.7549614906311035, -0.4837537109851837, -0.49553149938583374, 0.8049623370170593, 0.9380595088005066, -0.516329824924469, -0.2707810699939728, 0.5557816624641418, 0.7644157409667969, -0.19010190665721893, -0.5100862383842468, -0.020863622426986694, 0.6127285957336426, 0.12629613280296326, 0.6895201206207275, 1.025428295135498, -0.2076941430568695, -0.6681464910507202, 0.28139302134513855, -0.6551773548126221, 0.6278151273727417, -0.03151770681142807, -0.5730150938034058, 0.776380181312561, 0.6246998310089111, -0.324435830116272, 0.20705412328243256, 0.3387882113456726, 0.3333483338356018, -0.6562320590019226, 0.5736876726150513, -0.15322110056877136, 0.37694329023361206, -0.17023424804210663, 0.22676590085029602, 0.5726161003112793, 0.38185346126556396, 0.01259644329547882]} +{"paper_id": "cppe-5", "embedding": [0.37898892164230347, 0.6168506741523743, -0.20432573556900024, 0.593003511428833, -0.32377904653549194, 0.5979255437850952, 0.0077562592923641205, 1.050646185874939, 0.7563787698745728, 1.2217767238616943, 0.4648214876651764, 0.25078126788139343, 0.08961603790521622, -0.9071451425552368, -0.7213747501373291, 0.146065354347229, -0.4523642659187317, -0.7613844275474548, -0.7776477932929993, 0.311406672000885, -0.8450024127960205, -0.9211151599884033, -0.0011671371757984161, -0.3894159495830536, -1.8887802362442017, 0.09796798229217529, 1.1561002731323242, -0.558614194393158, 0.18775847554206848, 0.7642661333084106, 0.013880647718906403, 0.7807275056838989, -1.6602611541748047, 2.044367551803589, -0.6935749650001526, -0.08333335071802139, 0.8461707830429077, -0.43749547004699707, -0.42524972558021545, -0.435834676027298, -0.4380905330181122, 0.30589935183525085, 0.9732552766799927, -0.18676598370075226, 0.4228059947490692, -0.9902758598327637, 0.1187233254313469, 0.37040454149246216, -1.1681383848190308, 0.4816378057003021, 0.010067389346659184, 0.9107558727264404, 0.17040471732616425, 0.616055965423584, -0.7178680896759033, 0.18132266402244568, -0.5468012690544128, 0.3524210751056671, 0.19283002614974976, -0.6592942476272583, 0.40898817777633667, 0.6648949384689331, -0.3903919458389282, -0.0390525721013546, -0.19362425804138184, -0.24493776261806488, 0.20963682234287262, -0.24234718084335327, 0.7004836201667786, 0.1113429069519043, -0.6920323967933655, -1.8640533685684204, 0.12700000405311584, -0.5753414630889893, -0.32714617252349854, 0.7134546041488647, -0.15630599856376648, -0.49430331587791443, 0.5186154842376709, -0.09949275106191635, -0.2991105318069458, -0.17297863960266113, 0.4900376498699188, -0.9062247276306152, -0.5594521760940552, -0.6907317042350769, -0.3388345539569855, -0.5597204566001892, -0.49796706438064575, -1.0754072666168213, 0.7650894522666931, -0.4111004173755646, 0.0434500090777874, 0.41054707765579224, 0.22296114265918732, 0.5193871259689331, -0.1947670429944992, -0.033398475497961044, -1.1022276878356934, 1.4495786428451538, 0.5108712315559387, -0.46194279193878174, 1.1216161251068115, -0.2139904797077179, 0.053931280970573425, 0.040128715336322784, -0.7153374552726746, 0.5694695115089417, -0.6670670509338379, 0.10476303100585938, -0.5228480696678162, 1.2554783821105957, -0.057803258299827576, 0.623039186000824, -0.39064380526542664, 0.6894868612289429, 0.5421597361564636, -0.22754189372062683, -0.011519764550030231, 0.12805674970149994, 0.4300367534160614, -1.032815933227539, -0.7859691381454468, -0.6919944286346436, 0.4645121097564697, -0.41162294149398804, 0.8285354375839233, 0.25304263830184937, 0.47061508893966675, -0.6085448861122131, 0.588733434677124, 0.13094492256641388, -0.20236432552337646, 0.8897424936294556, 3.4932034015655518, -1.5192972421646118, 1.299785852432251, -0.38387995958328247, -0.46025627851486206, -0.6115555167198181, 0.2208612561225891, 1.0720573663711548, 0.7613784074783325, -0.5491560101509094, -0.6766873598098755, -0.5632199645042419, -0.3752902150154114, 0.40245649218559265, -0.36720341444015503, 0.16498610377311707, 0.29162177443504333, 0.8067981600761414, -1.3111976385116577, -1.0818308591842651, 0.03705519810318947, 0.20660459995269775, 0.20833632349967957, -0.6374658942222595, -1.419144868850708, -1.1262147426605225, -0.26173824071884155, 0.9021651148796082, 0.26340386271476746, 1.067616581916809, -0.18958023190498352, 0.5919710397720337, 1.4269015789031982, 0.12134025245904922, -0.9297592043876648, 0.1059984341263771, 1.2837923765182495, -0.3092809319496155, 0.3385539948940277, -0.033492498099803925, -0.0420098751783371, 0.3730473518371582, -0.16211754083633423, 0.2773779034614563, -0.1606954038143158, -0.7081884741783142, -0.3220558166503906, 0.5094101428985596, -0.1874713897705078, 0.010313468053936958, 0.20102016627788544, -0.6458405256271362, -1.20652174949646, 0.003598451614379883, -0.15937158465385437, 1.254894495010376, 0.45468682050704956, -0.038461834192276, 0.21397900581359863, 1.2127541303634644, -0.5206903219223022, -0.381843239068985, 0.6038405895233154, -1.2484318017959595, -0.7953473329544067, 0.5759591460227966, -0.21524441242218018, 0.07335956394672394, -1.44772207736969, 0.40374594926834106, 0.8670296669006348, -0.7238706946372986, -0.5190377831459045, -1.7237300872802734, 0.7261617183685303, 0.8838526010513306, 0.910984218120575, -0.44679394364356995, 0.03818615525960922, -0.8029505610466003, -0.16452080011367798, -0.908158540725708, 0.8838022947311401, -0.6294384598731995, 0.3849923610687256, -0.7574899792671204, 0.10303197801113129, -0.16640645265579224, 0.45086929202079773, 0.12307602912187576, 1.4651018381118774, -1.2155286073684692, 0.30324697494506836, -0.2026822865009308, -0.09029697626829147, 1.106873869895935, 0.607287585735321, 0.23250997066497803, 0.1897038221359253, 0.05920100584626198, 0.5398407578468323, 0.1186332181096077, 0.024196051061153412, 0.11372479796409607, -1.4070326089859009, 0.3213631808757782, -1.2770888805389404, 0.8041492104530334, -0.31603920459747314, -0.46092548966407776, 0.199259951710701, -0.6313624978065491, -1.1875050067901611, -0.8285418748855591, -0.24106626212596893, 0.2723864018917084, 1.3602601289749146, -0.15653111040592194, -0.0538986511528492, -0.565941333770752, -0.37221047282218933, -0.4781528413295746, 0.2516788840293884, -0.3138178586959839, -0.3858683109283447, 0.20606963336467743, 0.24570152163505554, -0.07036444544792175, -0.4908319115638733, 0.07909737527370453, -0.15878307819366455, -0.062113452702760696, -0.6833578944206238, -0.4980356693267822, -0.622798502445221, -0.42944201827049255, 0.2792423963546753, 0.26117318868637085, 0.453626811504364, -0.645186185836792, 1.2530579566955566, -0.08950742334127426, -0.33168119192123413, 0.13893243670463562, 0.7038959860801697, 0.4610365629196167, 0.6715658903121948, 0.29653340578079224, -0.05066163092851639, 0.32527196407318115, 0.16697919368743896, -0.2685428857803345, -0.07636485248804092, 0.312950998544693, -0.9006572961807251, -1.0293056964874268, 1.0679893493652344, -0.6013343334197998, -0.864511251449585, 0.7429345846176147, -0.25740721821784973, 0.25135326385498047, 1.389393925666809, 0.9918325543403625, 0.13368788361549377, -0.07023891806602478, 1.0319091081619263, 0.24434293806552887, -0.6401751041412354, -0.7033571004867554, 0.3205821216106415, 0.21133773028850555, 0.9511088728904724, 0.4336083233356476, -0.07172773778438568, 0.5452479124069214, 0.1936943382024765, 0.359006404876709, 0.31955692172050476, -0.9733264446258545, -0.03420720249414444, 0.5354136228561401, -0.08982343971729279, -0.27442002296447754, -1.6628575325012207, -0.22290390729904175, -0.6952897906303406, -0.007791156880557537, 0.18239861726760864, -0.9422879815101624, -0.3755165636539459, 0.8212325572967529, 0.9885808825492859, 0.3234642744064331, -1.3817636966705322, 0.223782017827034, 0.06375856697559357, 0.4832932651042938, -0.8246889114379883, 0.6594222187995911, 0.5648179650306702, 0.05239934101700783, 0.7457573413848877, 0.06908488273620605, 1.46549654006958, 0.0770559012889862, 0.03519441559910774, 0.2969026267528534, 1.3839114904403687, 0.13039562106132507, 0.16626420617103577, 0.3157811164855957, -0.205037459731102, 0.4069274663925171, 0.6357400417327881, 0.16645610332489014, -0.014222610741853714, -0.7473616003990173, -0.5296363830566406, 0.6125921607017517, 0.5154080390930176, -0.5859218835830688, 0.939449667930603, 1.0868587493896484, 1.223008632659912, -0.1845720112323761, 0.9040592312812805, -0.08219723403453827, -0.08714775741100311, 0.642656683921814, 0.6962159872055054, 0.3635895848274231, -0.4247850477695465, 0.7591582536697388, 0.017204461619257927, 0.43705621361732483, 0.25838032364845276, 0.26769542694091797, 1.092429280281067, 0.8936338424682617, 0.16859294474124908, 0.11541841179132462, -0.8300493955612183, 0.7518913149833679, 0.6930052638053894, -0.22046174108982086, -0.9228239059448242, -0.8921601176261902, 0.42286163568496704, -0.15929549932479858, -0.6847164630889893, -0.1127181351184845, -0.054063260555267334, -0.685864269733429, 1.5822782516479492, 0.8082237839698792, 0.9989780783653259, 1.2591941356658936, -0.11789581924676895, -0.42871540784835815, 0.869877815246582, -0.02060023695230484, -0.5680416226387024, -0.12052910029888153, -0.15245680510997772, -0.7867311835289001, 1.0488742589950562, 0.22899246215820312, -1.167037010192871, -0.03830725699663162, 0.2554500997066498, -0.3541375398635864, 0.26538729667663574, 0.3401978015899658, -0.6896029710769653, -0.17130130529403687, 0.030580490827560425, 0.19167371094226837, -0.7849443554878235, 0.7327179312705994, -0.012240410782396793, 0.8109468221664429, -0.1775038093328476, 0.8834261298179626, -1.162527084350586, 0.27434587478637695, -0.25691789388656616, 1.0967729091644287, -0.014166687615215778, -0.4318007826805115, 0.51047682762146, -1.5449849367141724, 0.45967191457748413, 0.17676185071468353, -1.4907373189926147, 0.2720700800418854, 1.5552254915237427, 0.4116533100605011, -0.2613450288772583, -0.9837784171104431, 0.16144967079162598, -0.8322252035140991, 0.20255114138126373, 0.0048230960965156555, -0.5614579916000366, -0.22033658623695374, -0.6088528633117676, 1.1804744005203247, 0.6669489145278931, 0.3175332546234131, -0.9504848122596741, 1.40690016746521, -0.46116673946380615, 1.1913319826126099, -0.7061091661453247, -0.6077344417572021, 1.4877533912658691, 0.49278026819229126, 0.040397122502326965, 0.3634883463382721, -11.465568542480469, 0.8106629848480225, -0.21193690598011017, 0.9278980493545532, -0.37748950719833374, -0.7240936160087585, 0.6601629853248596, -0.0849023163318634, 0.2789030969142914, -0.6087769865989685, -0.21511432528495789, 2.412385940551758, 0.4900204837322235, -0.6645588278770447, -0.8965239524841309, -1.1116337776184082, -1.0989669561386108, 0.4241345524787903, -0.44600653648376465, 0.7573863863945007, -0.1929762065410614, -0.8884347677230835, -0.12061145901679993, -0.13200685381889343, -0.24535702168941498, -0.7546815872192383, -0.16835978627204895, 0.08148349076509476, -1.420030117034912, -0.42373907566070557, 0.3276366591453552, -0.38585349917411804, 0.0015970319509506226, -0.8126707077026367, 0.3252454996109009, -0.7107177376747131, -0.7996604442596436, -0.2840355634689331, 1.2638987302780151, 0.5914713144302368, -0.6537476778030396, 0.2283511608839035, -0.4310319721698761, -1.024084210395813, -1.1429249048233032, 0.8174416422843933, 0.2563225030899048, -0.20147109031677246, -0.2362273633480072, -0.4065088927745819, 0.1887623816728592, -0.17322179675102234, 0.4393935799598694, -0.1166028380393982, 0.6287965178489685, 0.11852657794952393, -1.2325676679611206, -0.41791918873786926, -0.11337946355342865, -1.2214957475662231, 0.180951327085495, 0.6886626482009888, -0.32196131348609924, 1.106338381767273, 0.40762123465538025, -0.7368819713592529, 0.4232838749885559, 0.787583589553833, 0.3152780532836914, 0.3741472363471985, -0.9643850922584534, 0.6540987491607666, 0.6698027849197388, -0.5167620182037354, -0.8887627720832825, -0.5612117052078247, -0.7746872901916504, 0.27035319805145264, 1.051632285118103, -0.31639406085014343, -0.6144508719444275, 1.101130485534668, -0.9641656279563904, -0.24764662981033325, -0.5714965462684631, 0.02746300771832466, 0.21210095286369324, -0.1556561440229416, 1.1896766424179077, 0.11906846612691879, 1.213080883026123, -0.07693348824977875, -0.2868495583534241, -0.9214141964912415, -0.8072415590286255, 0.2520914077758789, -0.14733321964740753, 0.5675641894340515, -1.247078776359558, -0.8825875520706177, 0.735710620880127, 1.1795783042907715, -0.5588793754577637, 0.8718824982643127, 1.111037015914917, 0.512840747833252, 0.330196738243103, 0.621350884437561, 0.11907126009464264, 1.3049402236938477, 0.11744563281536102, -1.825467586517334, -0.864218533039093, 0.7002381086349487, 0.2896599769592285, -0.4227125346660614, 1.75649893283844, -0.4802101254463196, 0.23152609169483185, -0.20541198551654816, 0.8420368432998657, 0.11484850198030472, 0.04115331172943115, 0.6150920987129211, 0.9316298961639404, -0.3525995910167694, 0.12755683064460754, 0.2022223174571991, 0.16702310740947723, -1.234903335571289, 1.0235668420791626, 0.008395738899707794, -0.47353842854499817, -0.2677890956401825, 0.2711069583892822, -1.1034489870071411, -0.5123379230499268, 0.45811590552330017, -0.3172091543674469, 0.09832712262868881, 0.382627010345459, 0.0313321091234684, -0.26974189281463623, -0.35376405715942383, -0.6109277009963989, 0.03078019991517067, -1.006118893623352, 0.1648273915052414, -1.1231764554977417, -0.3793866038322449, 0.041487984359264374, 0.2471405267715454, 0.5435307025909424, -0.015613049268722534, -0.2561643719673157, -0.3419008255004883, 0.6190282702445984, -0.6695076823234558, 0.21979914605617523, 0.12309809029102325, 0.5457570552825928, 0.9269777536392212, -0.8676732778549194, 0.28203877806663513, 0.9953353404998779, 0.25960856676101685, -0.5343970060348511, -0.7855082750320435, 1.3310548067092896, -0.6098339557647705, 0.6713405251502991, -0.7517675161361694, -0.20126761496067047, -0.13266639411449432, 1.1151152849197388, -0.7429347038269043, -0.16292813420295715, 0.9668837785720825, -2.122471809387207, 0.1966152936220169, 0.1286562830209732, 0.764428436756134, 0.3532893657684326, -1.6208500862121582, -0.2785780727863312, -0.08597492426633835, 0.16453266143798828, 0.5721189975738525, -0.33092615008354187, 1.3215655088424683, -1.6856731176376343, -0.5023320913314819, 0.014192024245858192, 0.39955610036849976, 0.7998924851417542, 0.5524414777755737, 0.4180484414100647, -0.3107040524482727, -0.016551151871681213, 0.1627122163772583, -0.33091315627098083, 0.32216161489486694, 0.5875935554504395, -0.08288595825433731, -1.0023800134658813, -0.5275094509124756, -0.13325965404510498, -0.5631228089332581, -0.9243760704994202, 0.33287370204925537, -0.667321503162384, 0.9583579897880554, -0.27435538172721863, -0.7865840196609497, 0.2370731085538864, -0.8136272430419922, 0.35943177342414856, -0.7008430361747742, -0.675166130065918, -0.9668765068054199, 0.5974792242050171, 0.0926598608493805, 0.6279589533805847, 0.9814555048942566, -0.31816646456718445, 0.5690137147903442, 0.5897523760795593, -0.030630633234977722, 1.7112613916397095, 0.741499662399292, 0.2836935520172119, -0.01553390547633171, 0.054218851029872894, -0.1612701416015625, -0.36319756507873535, 0.437694251537323, -0.04314011335372925, -0.070968396961689, -1.046444058418274, -0.03779812902212143, -0.5419738292694092, 0.7965590953826904, 0.26075515151023865, 1.3362548351287842, -1.1050140857696533, -0.7113409042358398, -0.4133351147174835, -0.7299632430076599, 0.03756650164723396, 0.07153484225273132, 0.01750626228749752, 0.10211436450481415, 0.8361507654190063, 0.1719362884759903, 1.2033605575561523, 0.7718943953514099, -0.24497513473033905, -0.25045037269592285, 0.27490469813346863, 1.4549543857574463, 0.6851673126220703, -0.3274528980255127, 1.1990512609481812, 1.0710862874984741, -0.5676376819610596, -0.34078601002693176, -0.44061022996902466, -0.1778627336025238, 0.2406453639268875, -0.1538936197757721, -0.2783467173576355, -0.18258291482925415, -0.9689711332321167, -0.006541079841554165, 0.04967013746500015, 0.12523552775382996, -0.15022248029708862, -1.2113178968429565, -0.1592218428850174, -0.0004890616983175278, -0.4463847875595093, 0.49849194288253784, -1.1557070016860962, -0.5451948642730713, 1.461682915687561, 0.6569491624832153, 0.8987141251564026, -0.5009472370147705, -0.5694310069084167, -0.2152736485004425, -0.2485068291425705, -0.927077054977417, -1.059248924255371, -0.7211663126945496, -0.10525436699390411, -0.008074436336755753, -1.2722992897033691, -1.191345453262329, -0.5439358353614807, -0.1823241114616394, 0.4337873160839081, 0.29229825735092163, 0.032413188368082047, -0.30211132764816284, 0.7747825980186462, 0.39710158109664917, 0.5511887073516846, 0.7380465269088745, -0.5065215229988098, -0.3799974322319031, 0.7496613264083862, -0.33837008476257324, -0.5192285180091858, -0.04610361158847809]} +{"paper_id": "ubuntu_dialogs_corpus", "embedding": [-0.7648710608482361, 0.5325981378555298, 0.10190756618976593, -0.6504539251327515, 0.37438637018203735, 0.3339250981807709, 0.8008370995521545, 0.6408300995826721, 0.7274813652038574, 0.12016905844211578, 0.5413263440132141, -0.4084388017654419, 0.43144091963768005, -0.20922431349754333, -0.30300018191337585, -0.17056071758270264, -0.6984706521034241, -0.5677525997161865, -0.8064841032028198, -0.1887005716562271, -0.7715657949447632, -0.2764574885368347, 0.21841976046562195, 0.4189692735671997, -0.4172823429107666, -0.7566324472427368, 0.9258795976638794, -0.30540919303894043, 0.3835223317146301, 0.039818860590457916, -0.16022369265556335, 1.4205973148345947, -0.9514265060424805, -0.39287230372428894, -0.4181099236011505, -0.508666455745697, -0.0020662620663642883, 0.5209953188896179, -0.4269067347049713, -0.16128596663475037, -1.0554087162017822, -0.014177337288856506, 0.5414276719093323, 1.0614778995513916, 0.7295892834663391, 0.20280489325523376, 0.5169535279273987, 0.26374736428260803, -0.45341283082962036, 0.15723469853401184, -0.2639475464820862, 0.4539734125137329, -0.4374079406261444, 0.5972189903259277, -0.609859824180603, 0.42780306935310364, -0.14598947763442993, -0.6435525417327881, 0.12320420145988464, -1.1498593091964722, 0.9028266072273254, 0.7248368859291077, -0.11476828157901764, 0.2883506715297699, 1.1351834535598755, 0.04697319120168686, 1.4709852933883667, -0.06622711569070816, 0.41275063157081604, 1.0731158256530762, -0.49290019273757935, -0.9989252090454102, 0.8483552932739258, -0.1171484962105751, 0.18676307797431946, 1.2035894393920898, 0.4295985698699951, 0.5757477879524231, 0.020842548459768295, -0.005817837081849575, 0.43187886476516724, 0.843772828578949, 0.09591533988714218, 0.13089293241500854, 0.34830835461616516, 0.041928648948669434, 0.1498330682516098, -0.6926137208938599, 0.12688039243221283, -1.723010778427124, 0.7192453145980835, -0.34182241559028625, 0.0373881459236145, -0.05511995404958725, -0.10482640564441681, 0.05235050618648529, -0.09401176869869232, 0.09516258537769318, -0.4775107800960541, 0.888999879360199, 1.0122491121292114, -0.7280623912811279, 0.3987691402435303, -0.40168076753616333, -0.17767444252967834, 0.4054050147533417, 0.057376280426979065, -0.43734878301620483, -0.6080002784729004, -0.5333115458488464, -0.4488462507724762, 1.0145738124847412, -0.055392198264598846, 0.8353020548820496, -0.05696773901581764, 0.5006845593452454, 0.3626611828804016, -0.6868363618850708, -0.2739705741405487, 0.31621232628822327, -0.07365855574607849, -0.902040421962738, -0.006679803133010864, 0.3509664535522461, 1.1250017881393433, -0.8301935791969299, 0.10901695489883423, -0.10306984186172485, -0.14298227429389954, 0.061981506645679474, 1.0901051759719849, 0.27284589409828186, -0.5883644819259644, 0.17312133312225342, 2.4117326736450195, -1.2984414100646973, 1.827716588973999, -0.9954478144645691, -0.6062821745872498, -0.5789583921432495, 0.5549877285957336, 1.6407129764556885, -0.012362837791442871, -0.5787685513496399, -1.1007797718048096, 0.33170706033706665, -0.33817926049232483, -0.008429493755102158, -0.15658460557460785, -0.8312366604804993, -0.3961210548877716, 0.7459340691566467, -1.2164843082427979, -0.5756345391273499, 0.09165756404399872, 0.432077556848526, 0.38384124636650085, 1.0152044296264648, -0.2951180636882782, 0.888211727142334, 0.5432500839233398, -0.05436563491821289, -0.4356379508972168, 0.7163219451904297, -0.9396990537643433, -0.10092151165008545, 0.9985179305076599, 0.2583038806915283, -0.6218777298927307, -0.5884717106819153, 0.643867552280426, -0.12336192280054092, 0.04206307232379913, 0.4671585261821747, -0.7958235740661621, -0.30656513571739197, 0.232033833861351, 0.8709573149681091, 0.36696916818618774, -0.7137935161590576, -0.26878821849823, -0.44483596086502075, -0.5165771245956421, 0.258520245552063, 0.22839605808258057, 0.3545565903186798, -2.0694491863250732, -0.11523669958114624, 0.29691237211227417, 0.5105929374694824, 0.30496442317962646, -0.8432060480117798, 0.015311744064092636, -0.17203257977962494, 0.6053372621536255, -0.4325855076313019, 1.164903163909912, -1.2424428462982178, -0.09527099877595901, 0.6582195162773132, 0.40698951482772827, -0.206538125872612, 0.18986888229846954, 1.6224325895309448, 0.8881338834762573, -0.18532177805900574, -0.4125804007053375, -1.2171225547790527, -0.014585316181182861, 2.4425604343414307, -0.0030411407351493835, -0.9983572959899902, -0.5088260769844055, 0.12171705067157745, 0.19650700688362122, -0.4967130422592163, 0.39069128036499023, -0.6323477625846863, 0.02564108371734619, -1.4606965780258179, 0.3453848659992218, 0.0735449567437172, -0.009843796491622925, 0.5861943364143372, 1.3286430835723877, -0.5202911496162415, -0.4429459273815155, -0.26452675461769104, -0.6080423593521118, 0.23615340888500214, 0.935791552066803, 0.09995581954717636, -0.02265339344739914, 0.4309118986129761, 0.27719348669052124, 0.570935070514679, -0.41821834444999695, 0.13124188780784607, -0.5352223515510559, 0.43277570605278015, 0.17415592074394226, 0.7095885276794434, 0.05243474245071411, 0.034518271684646606, 0.23780037462711334, 0.4864039421081543, 0.09419907629489899, -1.1788554191589355, 0.05479744076728821, 0.11465158313512802, 1.374266266822815, 1.4392461776733398, -0.10927596688270569, 0.6662792563438416, -0.3001403212547302, 0.28889593482017517, -0.08988498151302338, -0.534685492515564, -0.6429729461669922, -0.3593619465827942, 1.3996481895446777, -0.34330588579177856, 0.09850198030471802, -0.1018587276339531, 0.38802260160446167, -0.4556331932544708, -0.22957932949066162, 0.4426984488964081, -0.8685698509216309, -0.6656602621078491, -0.06134847551584244, -0.20974011719226837, -0.21368619799613953, -0.7354581356048584, -0.2957792580127716, 0.731019914150238, 0.2649432420730591, 1.0493885278701782, 1.430311918258667, -0.3125452995300293, -0.33537423610687256, -0.653185248374939, 0.5896944999694824, -0.6576983332633972, 0.6291947960853577, -0.11151327192783356, 0.3234778940677643, -0.8224693536758423, -0.4952312111854553, 0.23225918412208557, 0.062403835356235504, -0.37714746594429016, -0.07977929711341858, -0.06896663457155228, -0.5418994426727295, -0.8621264696121216, 0.8439568877220154, -0.7645474672317505, -0.01636817306280136, -0.1879025399684906, 1.8698450326919556, 0.3123425543308258, -0.4441593587398529, 0.29062098264694214, 0.13418559730052948, 0.785558819770813, 0.7801507711410522, -0.39709553122520447, 0.3291401267051697, 0.7283337116241455, -0.6185508370399475, 0.2248660773038864, -0.0039955005049705505, -2.2027788162231445, 0.01948632299900055, 1.0858250856399536, -0.005720358341932297, 0.028749894350767136, -0.43927067518234253, 0.3096243143081665, 0.2863847613334656, -0.08253124356269836, -0.1391724944114685, -0.6126183271408081, 0.5558963418006897, -0.3158375918865204, 0.12189029157161713, 0.956494152545929, 0.08355262875556946, -0.1328585147857666, 0.6191952228546143, 0.07729313522577286, -0.9586151242256165, -0.5498635768890381, 0.6982122659683228, -0.55875164270401, -0.07384004443883896, 0.5391119718551636, 0.10110051929950714, 0.9679367542266846, -0.35669752955436707, -0.1770395189523697, 0.5467628240585327, 0.6786209940910339, -0.17593121528625488, 0.24531275033950806, 0.1771295964717865, 1.144474983215332, -0.19649329781532288, 1.042726755142212, -0.09336933493614197, -0.6709426045417786, -1.238657832145691, 0.16981786489486694, -0.3880982995033264, -0.5760347843170166, 1.5426347255706787, -0.15921607613563538, 1.111397624015808, 0.0192648284137249, 0.38641297817230225, -1.0071437358856201, 0.14584563672542572, 0.6147409677505493, 0.7852330803871155, -0.41141998767852783, -0.4981793165206909, 0.0016764700412750244, 0.500154972076416, 0.16826681792736053, -1.120473861694336, -0.3565993010997772, 1.1896898746490479, -0.19514314830303192, -0.6896582245826721, -0.6661327481269836, 1.402488350868225, 0.42370107769966125, 1.1199874877929688, -0.5307193398475647, -0.46562889218330383, -0.4711998999118805, 0.9475064873695374, 0.7614815831184387, 0.3038290739059448, -1.0940641164779663, 0.4101680815219879, -0.003789220005273819, 0.11603312194347382, -0.1865362972021103, 0.9638862013816833, -0.4118943512439728, -1.0711232423782349, -0.8354426622390747, -0.3401983678340912, -0.8864102959632874, -0.5268584489822388, -0.08621326833963394, -0.019169878214597702, -1.0954039096832275, 0.7041740417480469, -0.17409032583236694, -0.8434680700302124, 0.6975198984146118, -0.18187804520130157, -1.1543762683868408, 0.664070188999176, 1.0417824983596802, -1.314717411994934, 0.1565428227186203, -0.758164644241333, -1.048486590385437, -0.14870041608810425, 0.32073816657066345, -0.8600054383277893, 0.11274297535419464, -0.1382455825805664, 0.6651411056518555, -0.37664759159088135, 0.03213520348072052, -0.43540841341018677, 0.8730841279029846, 0.62839674949646, -0.40933671593666077, 0.4177056849002838, 0.061061400920152664, 0.09233452379703522, -0.3221287131309509, -1.1509445905685425, -0.6125984787940979, 0.3815852403640747, -0.06614619493484497, 0.0033150753006339073, -0.769861102104187, -0.34677720069885254, 0.1269626021385193, -0.5770448446273804, 0.3814523220062256, -0.938895046710968, 0.0014575449749827385, -0.6287169456481934, -0.0915154442191124, 0.5587283372879028, -0.654780387878418, -0.9048320651054382, 0.1373504102230072, -1.0588674545288086, 0.46737104654312134, -0.23292313516139984, 0.3441253900527954, 0.7797120213508606, 0.657150387763977, 0.7783369421958923, 0.2644485533237457, -12.710015296936035, 0.7900011539459229, -0.2993222177028656, -0.28245651721954346, 0.9587942957878113, -0.03001781553030014, 0.6536102890968323, 0.18559953570365906, 0.7899160981178284, -0.6574633121490479, 0.6352127194404602, 0.8523144125938416, -0.1256408989429474, -0.5672978758811951, -0.3195233941078186, -0.6672099828720093, -0.7507845163345337, -0.598111629486084, 0.28578609228134155, 0.2073366641998291, -0.09491997957229614, -0.444754421710968, -0.6879674792289734, -0.049347613006830215, -0.1615186184644699, -0.024375390261411667, 0.037942491471767426, -0.6964467763900757, -0.3310980796813965, 0.37389102578163147, 0.5193366408348083, 0.07539007067680359, -0.07778764516115189, -0.47116008400917053, 0.07181170582771301, 0.15538670122623444, -0.6635558009147644, -0.24104401469230652, 0.6999239921569824, -0.2120848447084427, -0.38646024465560913, -0.050974197685718536, 0.7674369812011719, -0.15743769705295563, -0.5092616677284241, 0.25987350940704346, 0.2081451267004013, -0.4290202260017395, 0.5850182175636292, -0.6848543882369995, -0.4424871802330017, -0.3428981900215149, -0.9513829350471497, -0.3546598553657532, 0.734234631061554, -0.19792179763317108, -0.9161443114280701, 0.8314800262451172, -0.3274087607860565, -0.8336173295974731, 1.2931157350540161, 0.07288116216659546, -0.23891153931617737, 0.4513939917087555, 0.7007712721824646, -0.7432665824890137, 0.08545642346143723, 0.49999111890792847, -0.3730166554450989, 0.2537316381931305, -0.611699640750885, 0.3566208779811859, 0.07597976177930832, -0.040876761078834534, -0.6703531742095947, -0.18161165714263916, -0.5015334486961365, 0.004994349554181099, 0.5265554189682007, 0.27221444249153137, -0.678121030330658, 0.33578988909721375, 0.13534535467624664, -0.7728438973426819, -0.8396178483963013, 0.35077720880508423, -0.7978670001029968, -0.16902783513069153, 1.047153353691101, 0.08800523728132248, 0.9162214398384094, 0.41778919100761414, -0.8852517008781433, 0.3152520954608917, -0.22720766067504883, 0.8629938960075378, -0.09738840162754059, 0.7402987480163574, 0.3619747459888458, -0.11113309115171432, 0.27502599358558655, -0.08506880700588226, -0.08859063684940338, 0.1647268384695053, 0.9058423042297363, -0.23793071508407593, -0.5478416681289673, 0.5499498844146729, 0.4200001358985901, 0.5439867973327637, 1.3310045003890991, -0.426116019487381, -0.4241510033607483, 0.836780309677124, 0.32925480604171753, 0.989447832107544, 1.0979681015014648, 0.30655065178871155, 1.335254430770874, -0.06940452754497528, -0.570266842842102, 0.738976240158081, 0.18485449254512787, 0.8201104998588562, 0.31099292635917664, -0.47847676277160645, 0.301733136177063, 0.597985029220581, -0.24060562252998352, -1.0467243194580078, 0.20308512449264526, -0.036983296275138855, -0.03193344175815582, -0.6631825566291809, -0.4045489430427551, 0.26726382970809937, -0.5689348578453064, 1.4270954132080078, -0.8733921647071838, 0.2792649269104004, -0.09666041284799576, -0.5800401568412781, -0.12583830952644348, -0.6767936944961548, -0.6881421208381653, -0.050421349704265594, -0.5884893536567688, 0.15515857934951782, 0.03790474683046341, 0.32080763578414917, 0.5708383321762085, -0.3311302065849304, 1.1862071752548218, -0.7926831245422363, -0.36892765760421753, 0.4544260501861572, 1.0013740062713623, 0.17736536264419556, -0.8726968765258789, -0.18932895362377167, 0.4627209007740021, 0.7180612683296204, -0.9678016901016235, 1.0644924640655518, 0.7143806219100952, -0.10593825578689575, -0.47079169750213623, 0.10147123038768768, -0.5059922337532043, 0.14583176374435425, 1.0295532941818237, -1.0776331424713135, -0.5672205686569214, -0.6176825761795044, -0.46909379959106445, -0.5281270742416382, 0.7106136083602905, 1.1475780010223389, -1.2628928422927856, 0.42539727687835693, -0.29790207743644714, 0.25395190715789795, -0.13477805256843567, -0.46193888783454895, -0.5631521940231323, -0.017495878040790558, -0.04221293330192566, 1.455878734588623, 0.33804675936698914, -0.0068914033472537994, -1.435686469078064, -1.1222248077392578, -0.37475839257240295, -0.22669968008995056, 0.22827693819999695, 0.4048265516757965, 0.9925140142440796, 0.20159339904785156, 0.037644535303115845, -0.04955044761300087, -0.0013481974601745605, 0.9580361843109131, -0.012910570949316025, -0.01726776547729969, -0.3487012982368469, -0.07534612715244293, -1.0538311004638672, 0.6784866452217102, 0.38260552287101746, 0.28141671419143677, -1.5888817310333252, -0.7475270628929138, 0.49844467639923096, 0.05212251842021942, 0.5490110516548157, -0.5869300365447998, -0.1470564603805542, 0.3252265155315399, -0.6455855369567871, -1.178241491317749, 0.04291732981801033, 0.4368078410625458, -0.29934510588645935, 0.9897401928901672, -0.010416370816528797, 0.8521003127098083, 0.19292771816253662, -0.23736868798732758, 0.6391361951828003, -0.5193317532539368, -0.3590328097343445, 0.006009954959154129, -0.04154811426997185, -0.03727245330810547, -0.024143632501363754, -0.25007563829421997, -1.2849022150039673, 0.3857867121696472, -1.0233365297317505, -0.3488452136516571, -0.1416962891817093, 0.5618116855621338, 0.39462435245513916, 1.2046973705291748, -0.3776794672012329, -1.1158959865570068, -0.4831974506378174, -0.7989693284034729, 0.16525700688362122, 0.8802036046981812, 0.1693308800458908, 1.11253821849823, 0.8589886426925659, -0.1707267016172409, 0.494570255279541, -0.534345269203186, 0.12191760540008545, -0.033421747386455536, 0.06265663355588913, 0.6147347092628479, 0.32235562801361084, 0.2324272245168686, 0.5032709240913391, -0.24825114011764526, -0.5592730641365051, -0.050475604832172394, 0.48758235573768616, 0.4799397587776184, 0.9739819765090942, -0.5508849024772644, -0.7433053851127625, -0.5694804787635803, 0.1041949987411499, 0.04472273588180542, 1.1735780239105225, 0.6240853071212769, -0.7783936858177185, -1.1286392211914062, -1.0233702659606934, -0.3188413381576538, 0.8559182286262512, -0.3586468994617462, -0.4364734888076782, -0.953902542591095, 0.10790282487869263, 0.14275026321411133, -0.3890521228313446, -1.118652105331421, 0.5491318702697754, -1.047163486480713, 0.437802791595459, -0.3453088700771332, -0.7786228656768799, -0.43970465660095215, 0.39815521240234375, -0.6772406697273254, 1.0195286273956299, -0.5144351720809937, -1.0474423170089722, -0.8551726341247559, -0.09560760855674744, 0.07768461108207703, 0.7006462216377258, 0.3940436840057373, -0.4846377968788147, -2.0042953491210938, 0.3906380832195282, 1.0872392654418945, -0.22905921936035156, -0.16885855793952942, 1.2498278617858887, -0.005530465394258499, 0.16926974058151245, 0.9080908298492432]} +{"paper_id": "blog_authorship_corpus", "embedding": [-0.7290199995040894, 1.0090351104736328, -0.24666137993335724, 0.06749706715345383, 0.44636011123657227, -0.7879572510719299, 0.630287766456604, -0.10459277778863907, 0.4567826986312866, 0.6271239519119263, 0.5470966696739197, -0.534112811088562, 0.11108951270580292, 0.2681742012500763, 0.034601546823978424, -0.11142658442258835, -0.5232709646224976, -0.2167527675628662, 0.4394338130950928, -0.2638833820819855, -0.9248049259185791, -0.6749491095542908, -0.2314237654209137, 0.5367641448974609, -0.7116596698760986, -0.5898512005805969, 0.04228140041232109, 0.10261942446231842, 0.33885064721107483, -0.082694411277771, 0.2257336527109146, 1.1781971454620361, -1.182295560836792, -0.3382282555103302, -0.7723250389099121, -0.5587520599365234, 0.02196807786822319, 1.167366623878479, -0.9569714665412903, -0.3748808801174164, -0.44924402236938477, 0.2801057696342468, 0.9363546967506409, 0.381190687417984, 1.125477910041809, 0.2287653088569641, 0.9361770153045654, -0.1200571060180664, 0.945080578327179, 0.0008645132184028625, -0.44356703758239746, 0.5105564594268799, -0.5366523265838623, -0.5109614133834839, -0.14104759693145752, 0.960470974445343, -0.24155977368354797, -0.471325546503067, 0.7337309718132019, -1.0359790325164795, 1.01101815700531, 1.226452350616455, -0.00897536613047123, 0.15165096521377563, 0.5771321654319763, 0.26205068826675415, 0.775123655796051, -0.5969043970108032, 0.49166929721832275, 0.937852144241333, -0.08266347646713257, -0.2457263469696045, 0.15875323116779327, -0.07817953079938889, 0.02596583217382431, 0.7194286584854126, 0.07484279572963715, 0.2536092698574066, 0.33184972405433655, 0.6696711778640747, 0.15428374707698822, 0.3903271555900574, -0.24329371750354767, 0.06457721441984177, 0.2972164452075958, -0.501119077205658, 0.03972877562046051, -0.030089080333709717, 0.38657674193382263, -0.9091765284538269, 0.6342071890830994, 0.1735038459300995, 0.008989882655441761, 0.4240604043006897, -0.7810661792755127, -0.030092274770140648, -0.4153238534927368, 0.573503315448761, -1.0459777116775513, 0.7675079703330994, 0.32742586731910706, -0.3542046844959259, 0.7947420477867126, -0.44689998030662537, -0.5656130313873291, 0.9404885172843933, -0.2574640214443207, -0.758028507232666, -0.25748974084854126, -0.6427049040794373, -0.4089452922344208, 1.0315220355987549, -0.06782414764165878, 0.5245285630226135, -0.06149446219205856, -0.3141639828681946, -0.4978267252445221, -0.5936810970306396, -0.6329233050346375, 0.44614696502685547, -0.5237593054771423, -1.6728512048721313, -0.062176257371902466, 0.8135188221931458, 1.7083865404129028, -0.15921926498413086, 0.5591727495193481, -0.354743629693985, -0.2868441343307495, 0.10085985064506531, 0.8454149961471558, 0.5967360138893127, -0.5938018560409546, 0.22716248035430908, 1.6934372186660767, -1.1950207948684692, 1.0715060234069824, -0.20541174709796906, 0.3823540210723877, -0.31578296422958374, 0.1559801697731018, 1.1216256618499756, 0.27715182304382324, -1.0660725831985474, -0.8247238397598267, -0.2527380883693695, 0.07535310089588165, 0.34843459725379944, -0.19507881999015808, -0.5419219136238098, -0.038032155483961105, 0.6470558047294617, -0.9849612712860107, -0.1425386369228363, 0.3927991986274719, 0.2601195275783539, 0.8332056999206543, 0.4244358539581299, -0.6876124143600464, 0.793290376663208, 0.6984566450119019, 0.5468555688858032, -0.47317492961883545, 0.3664158880710602, -0.4745139479637146, -0.1839025914669037, 1.0700510740280151, 0.9473844170570374, -1.168803334236145, -0.0835600346326828, 0.36275532841682434, -0.4950328767299652, 0.2454512119293213, -0.42625701427459717, -0.7184956073760986, -0.7328910827636719, 0.4197506308555603, 0.6279810667037964, 0.6547507047653198, -0.4209752380847931, 0.2670128345489502, 0.1287355124950409, -0.9083443284034729, 0.39111191034317017, -0.2640031576156616, 0.32423001527786255, -1.2837871313095093, 0.13264726102352142, -0.6443667411804199, -0.11394427716732025, 0.3692905008792877, -0.0506000891327858, -0.11758316308259964, 0.48694124817848206, -0.22278214991092682, -0.24979129433631897, 0.6959852576255798, -1.7594177722930908, -0.2826729118824005, 0.33636540174484253, 0.8561382293701172, 0.07413730025291443, 0.16593597829341888, 0.5049933791160583, 0.5564337968826294, -0.06367648392915726, -0.542596161365509, -2.013556718826294, 0.8127306699752808, 2.0846147537231445, -0.6628386974334717, -0.5457820296287537, -1.1694902181625366, 0.06492878496646881, 0.21643084287643433, -0.8596256971359253, 0.8291882276535034, -0.2517988383769989, -0.06208554655313492, -0.675846517086029, 0.7434371113777161, -0.284272164106369, -0.16665276885032654, 0.14248117804527283, 0.4330783784389496, -0.0751415491104126, -1.052042007446289, -0.6011034250259399, -1.4829444885253906, 0.059373658150434494, 0.570347249507904, 0.060469530522823334, 0.060009025037288666, 0.5109648704528809, 0.3640061020851135, 0.29254522919654846, -0.15665237605571747, -0.1271829754114151, -0.27850526571273804, 0.09117301553487778, -0.32546690106391907, 0.3812013864517212, -0.2768595218658447, -0.5863428115844727, 0.38894927501678467, 0.8264110088348389, -0.0399981290102005, -0.7270888686180115, -0.20586054027080536, 0.35699957609176636, 0.5549722909927368, 0.7989171147346497, -0.8508126735687256, 0.8661752343177795, -0.26389411091804504, -0.012320458889007568, 0.12853531539440155, -0.623866856098175, -0.029343299567699432, -0.3963315486907959, 0.4363209903240204, -0.21380680799484253, 0.15824903547763824, -0.12046857178211212, -0.03434912860393524, 0.06018078327178955, 0.0009531378746032715, 0.21494531631469727, -0.5449832081794739, -0.41910505294799805, -0.15356403589248657, 0.2660720944404602, -2.0903923511505127, -0.6900100708007812, -0.1687648892402649, 0.0957849770784378, -0.6651511192321777, 0.16866394877433777, 1.1469587087631226, -0.4460621774196625, 0.18927568197250366, -0.8589431047439575, 1.2302623987197876, -0.30104079842567444, -0.5132609605789185, -0.4067758023738861, 0.15887466073036194, -0.9668177962303162, -0.42815354466438293, 0.34214192628860474, 0.3301700949668884, -0.019886277616024017, 0.4590587019920349, 0.7020087242126465, -0.25031477212905884, -1.215383529663086, 0.9770294427871704, -0.11827078461647034, -0.41928648948669434, -1.0914390087127686, 1.2388256788253784, 0.31606870889663696, 0.034381430596113205, 0.49911630153656006, 0.18770542740821838, -0.3921206593513489, 1.0902974605560303, -0.8466286659240723, 0.6652517318725586, 0.07662025094032288, -0.33042800426483154, 0.2592666447162628, -0.006128611043095589, -1.5338091850280762, 0.11992624402046204, 0.9227889180183411, 0.0324222631752491, 0.25625690817832947, 0.162737637758255, 0.4487725496292114, 0.07130555063486099, 0.26543331146240234, 0.34449756145477295, -0.5613446235656738, 0.6987348794937134, -0.518933892250061, 0.49202513694763184, 0.2483198046684265, -0.5794042944908142, -0.061881955713033676, 0.15514986217021942, 0.6629128456115723, -0.634661078453064, -0.8959364891052246, 0.21524646878242493, 0.16326235234737396, 0.7384785413742065, -0.047864556312561035, 0.4785807430744171, 0.21443495154380798, -0.832146406173706, -0.14937791228294373, -0.19280628859996796, -0.05750225856900215, -0.362885445356369, -0.2106000781059265, 0.6733686923980713, 1.2819125652313232, -0.24680554866790771, 1.7909234762191772, 0.10327644646167755, -0.2781152129173279, -0.9132916927337646, -0.6754506826400757, -0.4732842445373535, 0.19298359751701355, 1.5856525897979736, 0.5089426636695862, 1.1843640804290771, 0.5114127993583679, -0.3096737265586853, -0.15933671593666077, -0.23850920796394348, 1.1226089000701904, 0.7104693055152893, 0.2092774510383606, 0.010379314422607422, 0.44780445098876953, 0.36137235164642334, 0.6678851246833801, -0.676288902759552, 0.04469076916575432, 0.2571222186088562, -0.9222217202186584, -0.09553323686122894, 0.31814008951187134, 0.6974596977233887, 0.21113187074661255, 1.3070051670074463, -0.2273946851491928, -0.35524845123291016, -0.8833889961242676, -0.2176600843667984, 0.6924642324447632, 0.4202152490615845, -0.1811870038509369, 0.19805404543876648, 0.15036489069461823, 0.15747733414173126, -0.34901928901672363, 0.8356329202651978, 0.8019266724586487, -0.12788334488868713, -1.065529465675354, -0.10780450701713562, -1.169363260269165, -0.11352338641881943, -0.32108384370803833, 0.22332128882408142, -0.4357224404811859, -0.015407674014568329, -0.17760899662971497, -1.6435128450393677, 0.132711723446846, 0.0016084183007478714, -1.1704955101013184, 1.3480613231658936, 0.9543819427490234, -0.35183054208755493, -0.5015404224395752, -0.026816606521606445, -0.33531761169433594, -0.5264096260070801, 0.0686153918504715, -0.8617780208587646, 0.4639364182949066, 0.14323876798152924, 0.3965996205806732, -0.2178673893213272, 0.19106940925121307, -0.3336394429206848, 1.3148502111434937, 1.1924735307693481, -0.4866083860397339, 0.1531257927417755, 0.00924655795097351, -0.12414945662021637, 0.054605916142463684, -0.8594436049461365, -0.7836812138557434, -0.06756953150033951, -0.19446520507335663, -0.13464444875717163, -0.8913313150405884, 0.0030274316668510437, 0.5986272692680359, -0.21005836129188538, 0.9773789644241333, -0.30197906494140625, 0.7684676051139832, -1.123403549194336, 0.013807857409119606, 0.41539570689201355, -0.9111694693565369, -1.0558972358703613, 0.4871523976325989, -0.17500904202461243, 0.1344965547323227, -0.16407641768455505, 0.4271744191646576, 0.8839848637580872, 0.13835358619689941, 0.47224581241607666, -0.24389493465423584, -13.246979713439941, 0.4798784852027893, -0.2856242060661316, 0.7593774795532227, 1.1883126497268677, 0.5582533478736877, 0.18144291639328003, 0.6201323866844177, 1.084999680519104, -0.49780920147895813, 0.10224898159503937, 1.3909722566604614, -0.18450036644935608, -0.37264710664749146, -0.867634654045105, -0.7692505121231079, -0.0849652886390686, -0.7436125874519348, 0.11748932301998138, 0.24274444580078125, -0.021373260766267776, -0.23314376175403595, -0.7532972097396851, -0.8277818560600281, 0.5150911211967468, -0.4854779839515686, -0.18071436882019043, -0.635170042514801, 0.19399245083332062, 0.5529882907867432, 0.6096569299697876, 0.03492526710033417, -0.45796263217926025, -0.5401139855384827, -0.3897729516029358, 0.4941980540752411, -0.673511266708374, -0.38856378197669983, 1.3884629011154175, -0.5656189918518066, -0.1537453681230545, 0.550497829914093, 0.5611085295677185, -0.004125688225030899, -0.3829912543296814, 0.11125600337982178, -0.837324321269989, -0.5045884251594543, -0.12736600637435913, -0.4323444068431854, -0.3752673864364624, -0.17982085049152374, -1.2464313507080078, -0.053187668323516846, 0.8228495717048645, 0.06316135078668594, -0.6048146486282349, 0.3964487314224243, -0.9150648713111877, -0.5493918657302856, 1.5240228176116943, -0.05685592442750931, -0.40289682149887085, 0.6684426665306091, 0.29058322310447693, -0.262501984834671, 0.48699823021888733, 0.30373919010162354, 0.007813576608896255, 0.0509164035320282, 0.03804151341319084, 1.4672986268997192, 0.5014347434043884, 0.26181504130363464, 0.0014066770672798157, 0.19013522565364838, -0.08866224437952042, 0.3548963963985443, 0.7129534482955933, 0.13251350820064545, -1.4642950296401978, 0.2028597593307495, -0.21907299757003784, -0.9245039820671082, -0.2988346517086029, 0.4012677073478699, -0.3977026045322418, -0.4103659391403198, 0.47449520230293274, 0.3926294147968292, 0.7068009972572327, -0.3858877122402191, -0.39983123540878296, -0.47616544365882874, -0.15950027108192444, 0.5538723468780518, -0.6151237487792969, 0.4219716787338257, -0.11363820731639862, 0.23431217670440674, 0.29343539476394653, -0.538023054599762, -0.6214710474014282, -0.3664498031139374, 0.6001602411270142, -0.7171135544776917, -0.19264404475688934, 0.24760058522224426, -0.47385311126708984, -0.2781066298484802, 0.0758613795042038, -0.23065999150276184, 0.16440284252166748, 1.84058678150177, -0.5694045424461365, 0.6893585920333862, 0.8119279146194458, -0.9115545153617859, 0.38700705766677856, 0.5399811267852783, -0.5359801650047302, -0.07087557017803192, 0.3417341709136963, 0.8638682961463928, 0.2720109522342682, 0.1933632344007492, 0.3248993158340454, 0.4269323945045471, -0.11321627348661423, -1.1377724409103394, 0.9209924936294556, -0.4758254587650299, -0.21052920818328857, -0.7726237177848816, -0.6581242084503174, 0.4348432421684265, -0.34566637873649597, 1.1247570514678955, -0.6760504841804504, 0.4127880930900574, -0.42553383111953735, -0.15225942432880402, -0.42195674777030945, -0.28739133477211, -1.0197222232818604, 0.1362329125404358, -1.0485283136367798, 0.244705468416214, -0.2394600510597229, -0.49435728788375854, -0.06844903528690338, -0.5947731733322144, 0.2359824776649475, -0.5890980362892151, -0.06276053190231323, 0.3662051856517792, 0.3702334761619568, -0.04929078370332718, -0.5470043420791626, -0.5344743728637695, 0.9723412394523621, 0.29857879877090454, -0.7116802930831909, 0.8138033151626587, 1.1347013711929321, 0.2986518442630768, -0.6882252097129822, 0.3896470069885254, -0.620114266872406, 0.35434213280677795, 0.827968180179596, -0.49341630935668945, -0.47928208112716675, -0.3988012671470642, -0.1761363297700882, -1.2404136657714844, 0.6007322669029236, 1.0155625343322754, -0.9130956530570984, 0.6083630919456482, -0.08200355619192123, 0.38168853521347046, 0.12857885658740997, -0.4751286208629608, -0.3022579550743103, 0.20103541016578674, -0.04790963977575302, 0.6495124697685242, -0.1614231914281845, -0.05731923505663872, -1.1845582723617554, -1.0959919691085815, -0.8373360633850098, -0.1277509331703186, 0.5263386964797974, -0.17162226140499115, 1.1305705308914185, 0.2057805210351944, -0.5271252393722534, 0.07388650625944138, -0.24693632125854492, 0.9279260039329529, -0.09179027378559113, 0.47374361753463745, -0.447905570268631, 0.10571350157260895, -1.2465956211090088, 0.2236933410167694, 0.8518415093421936, 0.5154305696487427, -0.9127104878425598, -0.9619058966636658, -0.07348555326461792, 0.3768007159233093, 0.35643911361694336, -0.7764766216278076, -0.18001830577850342, 0.43957361578941345, -0.32207369804382324, -0.5697938203811646, 0.06969398260116577, 0.7764111757278442, -0.6645089387893677, 0.8919641971588135, 0.5539494752883911, 0.48068395256996155, 0.5037792325019836, 0.6637227535247803, 0.8895336389541626, -0.17671997845172882, -0.9263443946838379, 0.4163540303707123, -0.9988217353820801, 0.08130193501710892, -0.23572078347206116, -0.1852254718542099, -1.036512017250061, 0.30789706110954285, -0.7533375024795532, 0.21501097083091736, -0.028752334415912628, 0.40133383870124817, 0.24764998257160187, 1.1730762720108032, -0.2838277220726013, -0.6413965821266174, -0.7726096510887146, -1.0060118436813354, -0.09309475868940353, 0.6966359615325928, -0.07127559185028076, 1.208518147468567, 0.7317125797271729, 0.05877431482076645, 0.7587130665779114, 0.23816058039665222, 0.36678850650787354, 0.09226706624031067, -0.2222466915845871, 1.0790627002716064, 0.44150879979133606, 0.4182995557785034, -0.16372179985046387, -0.46875831484794617, -1.1730321645736694, -0.3496672213077545, -0.3088957965373993, 0.5212424397468567, 0.1753361076116562, -0.11902210116386414, 0.04528546333312988, -0.27065324783325195, -0.33030810952186584, 0.09669984877109528, 0.6096296906471252, 0.6542106866836548, -0.8019548654556274, 0.14665451645851135, -0.8298271298408508, 0.24776838719844818, 0.6237881183624268, 0.05263417959213257, 0.025711268186569214, -0.6450313925743103, 0.2427222728729248, -0.536159336566925, -0.7050206661224365, -0.41809365153312683, 0.4869959056377411, 0.0055837021209299564, 0.9934064745903015, 0.5455653667449951, -1.0808191299438477, -0.6735064387321472, 0.25827962160110474, -0.6474162340164185, 0.5565115809440613, -0.07125760614871979, -1.5413777828216553, 0.49059656262397766, 0.36749401688575745, 0.26623013615608215, 0.5635425448417664, 0.02567192167043686, 0.4280727505683899, -1.3639872074127197, 0.28977495431900024, 0.7907845377922058, -0.003710620105266571, 0.3657165467739105, 0.4853275418281555, 0.429472416639328, 1.2739033699035645, 1.2041388750076294]} +{"paper_id": "recipe_nlg", "embedding": [-0.5347445607185364, 0.9886469841003418, 0.11865560710430145, 0.3146902322769165, 0.23554858565330505, 0.30191418528556824, 0.478710800409317, -0.11506613343954086, 0.5139899253845215, 0.21305467188358307, 0.5969727635383606, 0.370954692363739, -0.2220361828804016, 0.044286616146564484, -0.2791667878627777, 0.25085270404815674, -1.2410119771957397, -0.2156619131565094, -0.7756253480911255, -0.6070625185966492, -1.3404619693756104, -0.8894063830375671, -0.5308136940002441, 0.44853246212005615, -0.6060742139816284, -0.19668817520141602, 0.6253491044044495, -0.9482988715171814, -0.49040350317955017, -0.09039659053087234, -0.131334125995636, 1.093021273612976, -1.3152519464492798, 1.3679245710372925, -0.38213250041007996, -0.5495280623435974, 0.17163269221782684, 1.0927691459655762, -1.2507250308990479, 0.16185948252677917, -0.6514434218406677, 0.7369398474693298, 1.2077614068984985, -0.40975865721702576, 0.3586319386959076, 0.023651383817195892, -0.164192333817482, 0.12177687883377075, 0.3851397633552551, 0.4714774787425995, -0.5744646191596985, 0.26059794425964355, -0.7945100665092468, -0.15703578293323517, 0.1679111123085022, 2.3485827445983887, -0.6876035332679749, -0.43485134840011597, 0.5727441906929016, 0.7093734741210938, 0.696993350982666, 1.6867860555648804, -0.36986440420150757, 0.4314933121204376, 0.0595366545021534, -0.2507272958755493, 1.2406466007232666, 0.021012485027313232, -0.009992977604269981, 0.32704266905784607, -0.2922728955745697, -1.1969985961914062, 1.126882553100586, 0.24860629439353943, 0.013693459331989288, 1.2313811779022217, 0.6689585447311401, -0.3685711920261383, 0.683756411075592, -0.31938615441322327, -0.1307414472103119, 0.19360114634037018, 0.5705427527427673, -0.8508570194244385, -0.19624263048171997, 0.7297801971435547, 0.43349748849868774, -0.12360803037881851, -0.7659589648246765, -1.9419251680374146, 0.20110146701335907, 0.25084954500198364, 0.9285473823547363, 0.0681077390909195, -0.6667777895927429, 0.010949067771434784, 0.5561186075210571, -0.004927440080791712, -0.5926777124404907, 0.4219578206539154, 0.6915099620819092, -0.7726132869720459, 0.9749305248260498, -0.15838518738746643, 0.9642333388328552, -0.1503748893737793, -0.23667123913764954, -0.2119574248790741, 0.22970330715179443, -0.7130690217018127, -0.01751856505870819, 0.3011869192123413, 0.9037768840789795, 1.1933534145355225, -0.5862643122673035, -0.40058374404907227, -0.6222387552261353, -0.005160946398973465, -0.4676087498664856, 0.37995457649230957, -0.34429171681404114, -1.5368517637252808, 0.20339030027389526, -0.4960571527481079, 0.7583343386650085, -0.7930662035942078, -0.38543903827667236, 0.26423710584640503, -0.21231302618980408, -0.3656974136829376, 0.13953238725662231, -0.4599452316761017, -0.8756368160247803, 0.46413928270339966, 3.040503978729248, -0.35477882623672485, 0.16640698909759521, -0.5575578808784485, -0.7612430453300476, -0.6449875831604004, -0.03928469121456146, 1.7819788455963135, -0.6270959973335266, -1.3269516229629517, -0.48890960216522217, 0.14633628726005554, -0.7948262095451355, 0.3367491066455841, -0.6042205095291138, 0.06356651335954666, -0.058792371302843094, 0.4377141296863556, -1.5728297233581543, -0.6232935786247253, -0.5955384373664856, 0.21663933992385864, 0.84846031665802, 0.10627374053001404, -0.20146997272968292, 0.9703273773193359, 1.4690868854522705, 0.09024875611066818, -0.9186296463012695, 0.19658701121807098, -0.8879281878471375, 0.5953953862190247, 1.1122807264328003, -0.253841757774353, -0.6966080069541931, -0.9636995792388916, 0.9878959655761719, -0.6257320642471313, 0.19272735714912415, -0.273209810256958, 0.25267061591148376, 0.8510263562202454, -0.07110486179590225, 0.8529251217842102, 0.2364400029182434, -0.6152809262275696, -0.4005933701992035, -0.001980891451239586, -0.6872442960739136, 0.5268462300300598, 0.13641197979450226, 0.3349218964576721, -2.4618773460388184, 0.19412824511528015, -1.0656527280807495, -0.1947435438632965, 0.3025961220264435, -0.4173893630504608, 0.21207073330879211, -0.1535675972700119, -0.14647363126277924, -0.4897771179676056, 0.561347484588623, -0.9997133612632751, 0.5305944085121155, 1.4528422355651855, 0.2804151773452759, 0.471108078956604, -0.704743504524231, 1.7529494762420654, 0.9599097967147827, 0.4985644817352295, 0.1540938764810562, -1.4683529138565063, 0.2209376096725464, 1.8988862037658691, 0.2951852083206177, -1.0937714576721191, -0.7693279981613159, -0.45116686820983887, 0.8569862842559814, 0.05679965764284134, 0.6724808216094971, -0.4340198040008545, -0.4112626910209656, -0.7614063620567322, 0.4425426721572876, -0.6322906017303467, 0.8892785906791687, 0.3435780704021454, 1.0293320417404175, -0.5626000761985779, -0.4817558526992798, -0.504531741142273, -1.3472900390625, 0.09222660958766937, 0.3914920389652252, 0.07439570873975754, 0.25604286789894104, 0.9021470546722412, -0.2011660933494568, 0.29982832074165344, 1.050893783569336, 0.7528208494186401, 0.019978255033493042, 0.439669668674469, 0.77449631690979, 1.1475439071655273, -0.9047744274139404, -0.057468920946121216, -0.565237283706665, 0.27057963609695435, -0.06286270916461945, -0.9930884838104248, -0.22372445464134216, -0.09170062094926834, 1.6984883546829224, 0.7330503463745117, -0.6734970211982727, 0.5364593863487244, 0.012691736221313477, -0.6526058912277222, 0.19596686959266663, -0.4779340624809265, -0.06263655424118042, -0.12081998586654663, 0.37134766578674316, -0.03332587331533432, 0.2691214382648468, -0.36160558462142944, -0.5116860270500183, -1.1338268518447876, -0.9571560621261597, -0.2911379039287567, -0.7161557674407959, -1.1647731065750122, 0.14994776248931885, 0.4000503420829773, -0.8897101283073425, -0.2474638819694519, -0.405301958322525, 0.35663697123527527, -0.008085527457296848, 0.5549272298812866, 1.68924880027771, -0.05587600916624069, 0.6954012513160706, 0.23719660937786102, 0.8228439092636108, -0.13665679097175598, 0.9575667381286621, -0.908284604549408, -0.40722447633743286, -1.2688398361206055, 0.8004618883132935, -1.0323646068572998, -0.0813317745923996, 0.23331567645072937, -0.9669458270072937, -0.05364915728569031, -0.6610904335975647, -1.2746514081954956, 0.5559991598129272, -0.7899017333984375, 0.5600081086158752, -0.03426143154501915, 0.8693339824676514, 0.28901922702789307, -0.4461861550807953, 1.2637555599212646, -1.0290806293487549, -0.8370644450187683, 1.5424853563308716, -0.26008081436157227, 0.6586236953735352, 1.1759381294250488, 0.22770969569683075, 0.4924462139606476, 0.07795742899179459, -1.8930068016052246, 0.3636474013328552, 0.823415219783783, 0.026057209819555283, -0.040720414370298386, -0.9856691360473633, -0.31842631101608276, -0.42861810326576233, -0.3903227150440216, 0.1750313639640808, -0.9992077946662903, 0.39577949047088623, -0.5314549803733826, 0.023346800357103348, 0.9039549827575684, -0.3168812096118927, 0.4901796877384186, 0.6167082786560059, -0.4381018280982971, -1.2709254026412964, -0.2903713285923004, 0.540794312953949, -1.0340849161148071, 0.022948723286390305, -0.33091408014297485, 1.0350728034973145, 1.0307446718215942, -0.48545920848846436, -0.24608133733272552, 0.4877564311027527, 0.22109967470169067, -0.014054716564714909, 0.05078614130616188, 0.24120917916297913, 0.6495352983474731, -0.09686188399791718, 1.235350489616394, -0.16137893497943878, -0.2450934499502182, -1.3863526582717896, 0.22397123277187347, -0.2241421341896057, -0.10254864394664764, 1.6792985200881958, 0.7583528757095337, 1.9182254076004028, -0.2439953237771988, -0.06384717673063278, -0.29650554060935974, -0.5730851888656616, 0.5031195282936096, 1.6183971166610718, -0.11954683065414429, -0.47868216037750244, -0.3379110097885132, 0.49769723415374756, 0.41781365871429443, 0.2080528736114502, -0.005657801870256662, 0.3668561577796936, -0.20486323535442352, -1.3928557634353638, 1.000172734260559, 0.8584101796150208, 0.8373998999595642, 2.3791520595550537, -0.49397146701812744, -0.4522431194782257, 0.7257954478263855, 0.0932568907737732, 0.7857884764671326, -0.9954094290733337, -0.5315784215927124, 0.5959421396255493, 0.7531517148017883, 0.512536883354187, -0.08899971842765808, 0.9141528606414795, 0.8840410113334656, -0.528355598449707, -0.7025875449180603, 0.0635649561882019, -0.8906933665275574, -0.8898866176605225, -0.16367745399475098, -0.012989204376935959, -0.5283695459365845, -0.04985400289297104, -0.6204326748847961, -0.8708261251449585, 1.367278814315796, 0.6683849692344666, -0.04525207728147507, 0.49114298820495605, 1.8716001510620117, -1.2823517322540283, -0.7373664379119873, -0.10032406449317932, -1.262892246246338, -0.6037821769714355, -0.18366284668445587, -0.348166823387146, 0.5080288648605347, 0.7154273986816406, 0.43971389532089233, -0.32636356353759766, -0.13985970616340637, -0.911899983882904, 0.8089895248413086, 0.40867775678634644, -0.8018498420715332, 0.0993867963552475, -0.2110903114080429, 0.97474604845047, 0.5681670904159546, -1.0863195657730103, -0.7323585152626038, 0.7091408967971802, 0.7162200212478638, -0.5221883058547974, -1.0819238424301147, -0.37844717502593994, 0.08308516442775726, 0.4252120554447174, 0.4281955063343048, -0.8492728471755981, -0.14544515311717987, 0.15689340233802795, 0.9589532613754272, 1.3733018636703491, -0.8045614957809448, -0.8149232864379883, 0.561794638633728, -1.0709151029586792, 0.6325719356536865, -0.5587736964225769, -0.09123539924621582, 1.1771048307418823, 0.13341253995895386, -0.11997681856155396, -0.02694394439458847, -10.257497787475586, 0.6197264194488525, -0.17489652335643768, -0.05955277010798454, 0.9280551671981812, 0.10948672145605087, 0.5510318875312805, 0.15527045726776123, 1.4106017351150513, -0.9907875657081604, 0.8144014477729797, 0.753675639629364, 0.7008205652236938, -0.13822971284389496, -0.3776117265224457, -1.9882769584655762, -1.462643027305603, -0.6141866445541382, 0.7055237293243408, 0.2588518261909485, 0.7548595666885376, -0.6838313341140747, -0.2004270702600479, -0.012742206454277039, 0.2582402229309082, -0.4075622260570526, -0.14048606157302856, -0.5853992700576782, -0.3817002773284912, -0.0013054385781288147, 0.9256004095077515, 0.0837448388338089, -0.19115282595157623, -0.6725353598594666, 0.5290766954421997, 0.24673035740852356, -1.4642515182495117, -0.6444593667984009, 2.0230398178100586, -0.7662192583084106, -1.5535213947296143, -0.12324222177267075, 0.1207834854722023, 1.221722960472107, -0.4846964180469513, 0.382335364818573, -0.14791813492774963, -0.027121946215629578, 0.050773218274116516, -0.884465217590332, -1.0097235441207886, -0.7425593137741089, -0.36107364296913147, -1.0223698616027832, 0.5090038180351257, 0.37271812558174133, -0.3024543821811676, -0.28750380873680115, -0.5028448104858398, -0.7216281890869141, 0.7218508124351501, 0.43033361434936523, -0.6779783368110657, 0.2356748729944229, 0.349517822265625, -0.37001144886016846, 0.5340978503227234, 0.9608744978904724, -0.2509922981262207, 1.0535098314285278, -0.8973687291145325, 0.637117326259613, 0.2714204490184784, 0.1057484820485115, 0.00702294334769249, -0.26232269406318665, -0.47599756717681885, -0.11434000730514526, -0.032501813024282455, -0.24723900854587555, -0.9141143560409546, 0.4823901057243347, -0.4065871238708496, -1.153878927230835, -0.3257574439048767, 0.275741845369339, -0.43597641587257385, 0.18502704799175262, 0.7540032863616943, -0.31806302070617676, 1.3955905437469482, -0.43627890944480896, -0.3183305263519287, -0.009255979210138321, -1.3860347270965576, 0.5247758626937866, 0.3132057189941406, 0.1259286105632782, 0.06478995084762573, -0.8246436715126038, 0.5735352039337158, 0.2052345871925354, -0.5485379695892334, -0.7399953603744507, 0.36609700322151184, -0.09862020611763, -0.20423904061317444, 0.7787235975265503, 0.5920923948287964, 0.030433841049671173, 0.12413290143013, -0.2729542553424835, -0.979576051235199, 1.3536152839660645, -0.9917159080505371, 1.1842105388641357, 1.242264747619629, -1.407764196395874, 1.1150301694869995, 0.34906989336013794, 0.13359272480010986, 0.6742720007896423, 0.4546630382537842, 0.34788382053375244, 0.5335140824317932, -0.08651004731655121, 0.32941824197769165, 0.7165287733078003, -1.4153751134872437, -0.9301369190216064, 0.41147708892822266, -0.3486119210720062, -0.6324883699417114, -0.765656590461731, -0.8000075221061707, 0.23416700959205627, -1.0730884075164795, 1.912659764289856, -0.805118978023529, 0.5508403778076172, 0.5430070161819458, -0.5603643655776978, 0.17242833971977234, -0.6997124552726746, -0.7252795696258545, -0.1953880786895752, -1.359711766242981, 0.31094637513160706, -0.4252072870731354, -0.5988353490829468, 0.19314758479595184, -0.0582597553730011, 0.4689817428588867, -0.9016859531402588, -0.6959230899810791, -0.27486908435821533, 0.07452808320522308, -0.6082769632339478, -0.312507688999176, -0.4608778655529022, 0.7910687327384949, 0.40950435400009155, -0.8678168654441833, 0.5792290568351746, 0.02416156232357025, 0.7238306403160095, -0.4353361427783966, 0.24693453311920166, -1.069179654121399, 0.4881296753883362, 0.6233983635902405, -1.1555743217468262, -0.022757278755307198, -1.0858685970306396, 0.08451849222183228, -0.4715692698955536, 1.0808029174804688, 1.4856188297271729, -1.7432072162628174, 0.6824897527694702, 0.2480505406856537, 0.952685534954071, 0.7865910530090332, -0.31587105989456177, -0.16435125470161438, -0.18465247750282288, 0.3119744062423706, 0.5973057746887207, -0.5011508464813232, 1.1608353853225708, -1.968168020248413, -0.6631467938423157, -0.6951814293861389, -0.2283877283334732, 0.6715380549430847, -0.23648062348365784, 0.7767673134803772, 1.000087857246399, -0.39386966824531555, 0.49140334129333496, 0.8137586712837219, 0.5960798263549805, 0.32517296075820923, 0.24680425226688385, 0.6319321990013123, -0.08880537748336792, -0.7178491950035095, -0.9804927706718445, 0.8361976146697998, 0.25663071870803833, -0.5604636073112488, 0.3456997871398926, 0.5358107089996338, -0.08191600441932678, 0.9127405881881714, -0.9239929914474487, 0.0418996699154377, -0.7552408576011658, -0.07106152176856995, -1.3084166049957275, 0.21416215598583221, 1.2537955045700073, -0.5728654861450195, 1.523231029510498, 0.9943143129348755, -0.1593845784664154, 0.9704238772392273, 0.44712525606155396, 1.0397312641143799, 0.22241993248462677, -0.8326529860496521, 0.4927341341972351, 0.8356505632400513, 0.12976929545402527, -0.3726225793361664, -1.309086799621582, -1.0835676193237305, -0.05984199792146683, -0.7379789352416992, 0.23825788497924805, -0.6379839777946472, 0.06810398399829865, 0.21299715340137482, 1.4322495460510254, -0.4052240252494812, -1.5300153493881226, -0.7236235737800598, -1.6610418558120728, -0.1149410605430603, 0.5203837752342224, -0.8290776014328003, 1.167952060699463, 0.5429585576057434, -0.027673467993736267, 0.7782815098762512, -0.718309760093689, -0.2690451741218567, 0.27592048048973083, -0.05461937189102173, 1.0612558126449585, 0.938521146774292, 0.7866125702857971, 0.38201501965522766, 0.154715895652771, -0.6965507864952087, -0.05397333204746246, -0.4094504117965698, 0.47023314237594604, 1.5418514013290405, -1.0771174430847168, -0.4249493479728699, -0.7222498655319214, 0.7616012096405029, -0.9588481187820435, 0.8354935646057129, 0.7720450758934021, -0.6752506494522095, -0.6855076551437378, -1.0248758792877197, 0.07700439542531967, 0.671201765537262, 0.09576757252216339, -0.13785097002983093, -0.44732487201690674, 0.7255358695983887, -0.10220086574554443, 1.0050599575042725, -0.6891934275627136, 0.23396819829940796, -1.193049669265747, -0.5003788471221924, -0.31507518887519836, -0.5995041131973267, -0.08993302285671234, 0.48244619369506836, -0.7796881198883057, 0.4244672358036041, -0.0008355751633644104, -0.5289868116378784, -0.06396006047725677, 0.1975317895412445, 0.02108609676361084, 0.4598168730735779, 0.4673660397529602, 0.856423020362854, -0.8826535940170288, 0.6499748826026917, 0.6515562534332275, -0.23158961534500122, -0.5913488268852234, -0.3966318666934967, 0.3426106572151184, -0.2544572055339813, 1.5955008268356323]} +{"paper_id": "hebrew_sentiment", "embedding": [-0.7416900396347046, 1.751888394355774, 0.7152130007743835, 0.7633298635482788, 0.682941198348999, -0.13839280605316162, -0.4171018898487091, 1.115129828453064, 0.25965285301208496, 0.42470839619636536, 0.5702458620071411, -0.018941204994916916, 0.4502314031124115, 0.01746426336467266, 0.04507405683398247, 0.00840439461171627, -0.6852620840072632, -0.3505246639251709, -0.9287186861038208, -0.29241764545440674, -0.5929746031761169, -0.47994351387023926, 0.016694102436304092, 1.1740070581436157, -0.24417012929916382, -0.9309620261192322, 0.24759681522846222, -0.8719416856765747, 0.24319025874137878, 0.26578933000564575, -0.340876042842865, 0.9594184160232544, -0.7111120820045471, -0.03302278742194176, -0.4229494035243988, -0.6050845384597778, 0.056756507605314255, 0.5198287963867188, -0.659259021282196, -0.25990578532218933, -0.2752993106842041, 0.8631947636604309, 0.4069710671901703, 0.5952720642089844, 1.5309019088745117, -0.215402752161026, -0.4091469645500183, 0.4037797451019287, 0.6315094232559204, -0.08634641021490097, -0.4218110144138336, 0.3955731987953186, -0.14859417080879211, 0.5286840200424194, -0.7448862195014954, 0.9424600005149841, 0.021843895316123962, -0.7491227388381958, -0.3068086504936218, -1.0426682233810425, 0.4729001224040985, 2.3352153301239014, -0.740871787071228, 0.04175702482461929, 0.795077919960022, 0.34673136472702026, 1.1276702880859375, -0.45948266983032227, -0.027029389515519142, 0.7110737562179565, -0.2954225540161133, 0.21488025784492493, 0.4881715476512909, -0.3971088230609894, 0.17003962397575378, -0.011428020894527435, 0.7222084999084473, 0.4266605079174042, -0.2140849530696869, 0.36946213245391846, -0.24294643104076385, 0.9561353921890259, 0.09388520568609238, -0.9847624897956848, -0.36443570256233215, 0.32474324107170105, 0.34647417068481445, -0.1755134016275406, 0.10958258807659149, -1.6086366176605225, 0.39454591274261475, -0.46729809045791626, 0.047501374036073685, 0.19593209028244019, -0.6043965816497803, -0.4810386002063751, 0.5547239780426025, 0.004857013933360577, -0.7974368333816528, 0.2462349534034729, 0.4908508062362671, -0.4510388672351837, 0.4059149920940399, -0.5481063723564148, 0.4713042676448822, 1.4903100728988647, 0.20441460609436035, -0.9639914631843567, -0.594255805015564, -0.2094603180885315, 0.35728001594543457, 0.7175772190093994, -0.716800332069397, 0.6948596239089966, -0.26775413751602173, -0.45956534147262573, 0.5279430150985718, -0.08136090636253357, -0.2953381836414337, 0.4078410267829895, -0.48349928855895996, -1.296114444732666, -0.4699510335922241, 0.5946041941642761, 1.2822118997573853, -0.9990962147712708, 0.5512158870697021, -0.9059177041053772, 1.2691138982772827, -0.886496901512146, 0.7449964284896851, 0.2882993817329407, -0.19206002354621887, -0.7020177245140076, 2.6916823387145996, -0.728098452091217, 1.3791204690933228, -0.7037558555603027, 0.5408793687820435, 0.2901466488838196, -0.46866071224212646, 0.9818801283836365, -0.12397775799036026, -0.2740286588668823, -1.142119288444519, 0.8616666197776794, -0.495206356048584, 0.69016432762146, -0.7865606546401978, -0.16336068511009216, 0.12249460816383362, 0.26549258828163147, -0.7698567509651184, -0.8539823293685913, 0.29931092262268066, 0.39810290932655334, 0.2536199688911438, 1.528590440750122, -0.2906631827354431, 0.5562925338745117, 1.2584407329559326, -0.09981046617031097, -0.6313103437423706, 0.2982843518257141, -1.0129884481430054, -0.43672022223472595, 1.1818116903305054, 0.14571648836135864, -0.6947540640830994, -1.1295586824417114, 0.6040463447570801, -0.03761957585811615, -0.12909115850925446, -0.23075968027114868, 0.12572872638702393, -0.35423898696899414, 0.7152059078216553, 0.2902107536792755, 0.5260754823684692, -0.03315720334649086, -0.2807547450065613, -0.7403204441070557, 0.2703121602535248, 0.5792706608772278, -0.40160611271858215, 1.2699660062789917, -2.1056487560272217, -0.8503875732421875, 0.18953131139278412, -0.19881165027618408, 0.41066449880599976, -1.0644134283065796, 0.1344141960144043, -0.14858612418174744, 0.5129407048225403, 0.23339037597179413, 0.6252791881561279, -1.4344472885131836, -1.0228385925292969, 0.5406138896942139, 0.8275916576385498, 0.26921921968460083, 0.5779864192008972, 1.6079177856445312, 0.2924029529094696, -0.7056444883346558, 0.06819787621498108, -1.4046064615249634, 0.044979196041822433, 2.4764864444732666, 0.15450787544250488, -0.7183313965797424, -1.3190298080444336, -0.3688238859176636, -0.4042868912220001, -0.744819700717926, 0.38478294014930725, -0.19060064852237701, 0.7855019569396973, -1.091304898262024, 0.6095689535140991, -0.08610831201076508, 0.19588270783424377, -0.1419394463300705, 1.3432881832122803, -0.4677397906780243, -0.3625815212726593, -0.28266412019729614, 0.0986122190952301, -0.0314982570707798, 0.7412625551223755, 0.4983740746974945, -0.057383932173252106, -0.28939324617385864, 0.6040515303611755, 0.7230828404426575, 0.2335924506187439, -0.13141177594661713, 0.5281534194946289, 0.8998242020606995, 0.3784174919128418, 0.5631738305091858, -0.06451430916786194, -0.29810935258865356, 0.06964866816997528, 0.9344537258148193, -0.3285122513771057, -0.0650096982717514, 0.35535573959350586, 0.005852885544300079, 1.5223332643508911, 1.3111200332641602, -0.18743962049484253, 1.631258249282837, -1.7066524028778076, 0.23873689770698547, -0.6429871320724487, -0.5727392435073853, -0.5323172211647034, 0.39304888248443604, 0.4966987073421478, -0.5914546251296997, -0.2601662278175354, -0.22679542005062103, -0.7130731344223022, -0.927814245223999, -1.0606048107147217, -0.44408372044563293, -1.1157886981964111, -1.1810694932937622, -0.05574723333120346, 0.23548679053783417, -0.829712450504303, -0.7562103271484375, -0.14201314747333527, 0.8416544795036316, -0.4105730652809143, 0.3029358983039856, 2.101266860961914, -0.8855387568473816, 0.5767868161201477, -0.09742863476276398, 1.217193365097046, -0.32742270827293396, 0.8998191356658936, -0.37866631150245667, 0.2982868254184723, -0.7496501207351685, -0.49382826685905457, 0.12254919856786728, 0.0988771840929985, 1.0846515893936157, 0.1856602132320404, 0.006523024290800095, -0.6343883275985718, -0.7498486042022705, 0.8724713325500488, -1.11013925075531, -0.0431026816368103, -0.813219428062439, 1.7635518312454224, 0.2889813780784607, -0.29094091057777405, 0.9887382984161377, -0.5501739978790283, 0.5244871973991394, 1.0331013202667236, -0.1941351592540741, 1.1811903715133667, -0.32899248600006104, -0.07671999931335449, 0.41900190711021423, -0.14975547790527344, -1.971380591392517, 0.2199685126543045, 0.9289447069168091, 0.3624231517314911, -0.12157967686653137, -1.0356006622314453, 0.28289538621902466, -0.3963736295700073, 0.22798962891101837, 0.002048976719379425, -0.3303254544734955, 0.9788426756858826, 0.09260637313127518, -0.1896733194589615, 0.31878241896629333, -0.2772473096847534, 0.055970076471567154, 1.6396206617355347, 0.37709635496139526, -1.7543553113937378, 0.7288290858268738, 0.19975244998931885, -0.40584245324134827, 0.7422467470169067, 0.07309460639953613, 0.13807687163352966, 0.8741594552993774, -1.0166654586791992, 0.41894984245300293, 0.2695510983467102, 0.9356431365013123, 0.10695469379425049, -0.36689746379852295, -0.3804788589477539, 0.3182455599308014, -0.857149600982666, 0.9794213175773621, 0.5293288230895996, -0.9622282981872559, -0.7875916361808777, 0.007559539750218391, -0.95625239610672, -1.2119823694229126, 1.4710575342178345, 1.0517622232437134, 1.7633297443389893, -0.2923056483268738, -0.12261155247688293, 0.21647758781909943, -0.08571910113096237, 0.9955717325210571, 0.6593770384788513, 0.272317498922348, -0.66654372215271, 0.20492275059223175, 0.7759523987770081, 0.34228435158729553, -0.25747156143188477, -0.1486378312110901, 0.9709817171096802, -0.45672228932380676, -0.762696385383606, -0.847104012966156, 0.807277262210846, 1.1165188550949097, 1.8680851459503174, -0.3945840299129486, -1.1250826120376587, -0.9252806305885315, 0.9263356328010559, 0.9885082840919495, -0.31724250316619873, -0.7927355766296387, -0.3371371924877167, -0.007636167109012604, 0.7032224535942078, 0.04602630436420441, 1.224648356437683, 0.8143853545188904, -1.3780397176742554, -0.5729491710662842, -0.3320336639881134, -0.9822352528572083, -0.156332865357399, 0.12943819165229797, -0.41308122873306274, -0.4586762487888336, 0.546001672744751, -0.21284043788909912, -0.5123651623725891, -0.09507185965776443, -0.98679119348526, -0.958669900894165, 1.0935332775115967, 1.416693925857544, -0.9239631295204163, -0.7942432165145874, -0.36833274364471436, -0.7800542712211609, -1.134063959121704, 0.035362791270017624, -1.0969442129135132, 0.27869293093681335, 0.6895760893821716, -0.13633698225021362, -0.24730966985225677, -0.36156588792800903, -1.2852424383163452, 0.565757155418396, 1.1485339403152466, -0.24326592683792114, 0.17977148294448853, -0.09517443925142288, -0.2723531723022461, 0.29694849252700806, -1.5143903493881226, -0.3711410164833069, 0.25344961881637573, -0.6926167011260986, -0.34025999903678894, -0.3030933439731598, -0.19813010096549988, -0.16896909475326538, -0.14664481580257416, 0.21531665325164795, -0.6491692066192627, -0.0592220276594162, -0.7426633834838867, 0.17607209086418152, 1.019827127456665, -0.6159418225288391, -0.24158883094787598, 0.6759305000305176, -0.4408067464828491, 0.18538346886634827, 0.5499467849731445, 1.0167046785354614, 0.4674513638019562, 0.5877121686935425, 0.3564826250076294, -0.029063373804092407, -10.416182518005371, 0.4934547543525696, -0.45893752574920654, 0.06116490066051483, 0.6278983354568481, 0.2402215600013733, 0.36586010456085205, -0.34434249997138977, 0.4327031970024109, -0.47775161266326904, 0.6374221444129944, 1.2321292161941528, 0.29164206981658936, -0.3000282049179077, -0.3200801908969879, -1.05503511428833, -0.11872716248035431, -0.7467756867408752, 0.31926894187927246, 0.555840015411377, -0.5185823440551758, -0.9047252535820007, -0.4075726270675659, 0.0730515569448471, 0.3426421582698822, -0.6006956696510315, -0.35049909353256226, 0.28673693537712097, -1.1607260704040527, 0.23159047961235046, -0.08933552354574203, -0.8454062342643738, -0.7404749989509583, -0.04647999256849289, 0.6643646955490112, 0.23993661999702454, -1.4406017065048218, 0.7846616506576538, 0.3562678396701813, -0.24177469313144684, -0.24305562674999237, 0.24905087053775787, 0.37775149941444397, -0.7447112202644348, -0.7642607688903809, -0.024338655173778534, 0.3204396069049835, -1.003199577331543, 0.6333882212638855, -0.6923828721046448, -0.03776036947965622, -0.9151095747947693, -1.9064807891845703, -0.4634658396244049, 0.3089936077594757, 0.8002622723579407, -1.1263692378997803, 0.5733192563056946, -0.5052827000617981, -0.6571673154830933, 0.657640814781189, 0.8833652138710022, 0.03451208770275116, 0.5230847597122192, 0.2750118374824524, -0.9244879484176636, 0.45426660776138306, 0.74819415807724, -0.22191444039344788, 0.7341251969337463, -0.7535139918327332, 1.077929973602295, 0.27567774057388306, 0.5568949580192566, -0.20898520946502686, -0.020590513944625854, 0.085580013692379, 0.1920403242111206, 0.6743106245994568, -0.30195140838623047, -0.838829755783081, 0.4481702148914337, -0.1908860057592392, -0.42287522554397583, -0.7620741724967957, 0.7788816690444946, -0.7119655609130859, -0.021252550184726715, 1.0255776643753052, 0.09660499542951584, 0.9967349171638489, -0.31298431754112244, -0.10412919521331787, 0.04660975933074951, 0.21376833319664001, 0.838330090045929, -1.1303921937942505, 1.4415075778961182, 0.9738442897796631, 0.3269026577472687, -0.09286386519670486, 0.32162681221961975, -0.5069092512130737, -0.4594244658946991, 0.17618006467819214, 0.26767581701278687, 0.2416367530822754, 0.1819990575313568, 0.42205294966697693, -0.5166806578636169, 1.100297451019287, 0.6348671317100525, -0.47429126501083374, 0.8688191771507263, -0.6269841194152832, 1.2384063005447388, 0.7080299258232117, 0.2056848704814911, 0.6187626719474792, 0.6433183550834656, 0.06496642529964447, 0.4768822491168976, 0.10658064484596252, 1.018892765045166, 0.43071672320365906, 0.28197982907295227, 1.380656361579895, 0.3723903000354767, 0.3147152364253998, -1.3791375160217285, 0.35008230805397034, -0.14326798915863037, 0.04912018030881882, -0.6213961243629456, -0.12143299728631973, -0.47742339968681335, -1.5248939990997314, 1.177319049835205, -0.9565229415893555, -0.10057156533002853, -0.06862712651491165, -0.8463226556777954, -0.7239547371864319, 0.12453494966030121, -0.6873136162757874, -0.3949270248413086, -2.372490406036377, -0.27779051661491394, -0.14687258005142212, -1.0445173978805542, 0.6667340993881226, 0.09451674669981003, 0.3799751400947571, -0.9658102989196777, -0.43500056862831116, 0.19657057523727417, 0.9922367334365845, -0.33422577381134033, -0.997844934463501, 0.5871149301528931, 0.9993039965629578, 1.840980052947998, -0.7565977573394775, 1.1285011768341064, 0.28294411301612854, -0.34386351704597473, -0.3691101670265198, -0.0014423131942749023, -0.6016477942466736, -0.08115769922733307, 1.1092636585235596, -1.2644202709197998, -0.671568751335144, -0.6264145970344543, -0.27449679374694824, -0.968528687953949, -0.33061888813972473, 0.6158764362335205, -0.7501578330993652, 0.022984199225902557, -0.8839674592018127, 0.5949661135673523, 0.7698889970779419, -0.8356984853744507, -1.120052456855774, -0.5137822031974792, -0.6318970322608948, 1.3168761730194092, -0.07949918508529663, -0.3894534707069397, -1.185994029045105, -1.5252361297607422, -1.0774706602096558, 0.7044672966003418, 0.47677457332611084, -0.30770814418792725, 0.5202926993370056, 0.34282922744750977, -0.551304280757904, -0.1517915427684784, -0.24763423204421997, 0.6482653021812439, 0.6811181306838989, 0.2922894060611725, 0.44886043667793274, 0.06271834671497345, -0.7833646535873413, -0.1509910374879837, 1.005053997039795, 0.07986779510974884, -1.8304884433746338, -0.8059289455413818, 0.18042850494384766, 0.5771759152412415, 0.4088616371154785, -0.8972048759460449, 0.16400539875030518, 0.4852423071861267, -0.5664452314376831, -0.9720799922943115, -0.6132007241249084, 0.3672417402267456, -0.3491244316101074, 0.88462895154953, 0.888881504535675, 0.7621358633041382, -0.0217113196849823, 0.30733662843704224, 2.335449695587158, -0.981961727142334, -0.40682849287986755, 0.3603132963180542, 0.20065529644489288, -0.07459703087806702, -0.7332115769386292, 0.44332215189933777, -1.3116508722305298, -0.21405577659606934, -1.3836148977279663, 0.35749515891075134, -0.23741145431995392, 0.27555617690086365, 0.09851203113794327, 1.2249904870986938, 0.059793904423713684, -0.6937665939331055, -0.6833577156066895, -0.4893767237663269, 0.4602411687374115, 0.19289620220661163, -0.2909400761127472, 1.501033902168274, 0.5031764507293701, 0.1285252422094345, 0.945123016834259, 0.5818645358085632, -0.007624916732311249, -0.5365671515464783, 0.4531075358390808, 1.0027153491973877, 0.8292866349220276, -0.055959947407245636, -0.07264290004968643, -0.34221917390823364, -1.2364860773086548, -0.5174965858459473, -1.0706608295440674, 0.193246528506279, 0.7937941551208496, -0.5826660990715027, -0.3955296277999878, -0.34877169132232666, 0.3298655152320862, 0.25279518961906433, 0.7677509188652039, 0.6148924231529236, -0.43980318307876587, -1.9605913162231445, -0.9183208346366882, -0.27355635166168213, 0.9519745707511902, -1.1062051057815552, -0.02634754218161106, -0.4190082550048828, -0.4080923795700073, 0.284302294254303, -0.6627545356750488, -0.8930731415748596, 0.22433827817440033, -0.38624051213264465, 0.48073476552963257, 0.4696681499481201, -0.7176808714866638, -0.4878101050853729, -0.33204853534698486, -1.4921040534973145, 1.0780357122421265, 0.7467113137245178, -0.5028312802314758, -0.17745211720466614, 0.5410049557685852, -0.4127173125743866, -0.5987646579742432, 1.0658427476882935, -0.06850773841142654, -1.8896222114562988, 1.7102867364883423, 1.146382212638855, -0.38776832818984985, -0.40634962916374207, 0.09656567126512527, 1.0140984058380127, 0.5937497615814209, 0.8395155072212219]} +{"paper_id": "dbrd", "embedding": [-0.8889713883399963, 1.1962203979492188, 0.15728701651096344, 0.06261378526687622, 0.6592369675636292, -0.04988802596926689, 0.632228672504425, 0.2024572789669037, 0.6148361563682556, 0.603829562664032, 0.5859403014183044, -0.3719301223754883, -0.3745487332344055, -0.2973611652851105, -0.34130895137786865, 0.15185603499412537, -0.32068055868148804, -0.23709799349308014, -0.4607720971107483, 0.10365743190050125, -0.7887484431266785, -0.7321561574935913, -0.21458394825458527, 0.7861089110374451, -0.49162429571151733, -0.5465632081031799, 0.18217085301876068, -0.2829277813434601, 0.3768922984600067, 0.05366381257772446, -0.01636878401041031, 1.1534150838851929, -1.2631607055664062, -0.335036039352417, -0.6634702682495117, 0.04772079735994339, 0.29184937477111816, 0.8023473024368286, -0.2980154752731323, -0.5273208022117615, -0.9212609529495239, 0.4305697977542877, 0.6205846071243286, 0.5575869679450989, 1.4283726215362549, 0.5010080337524414, 0.4493657052516937, 0.24207903444766998, 0.24553094804286957, -0.09174808859825134, -0.649408757686615, 0.3941766023635864, -0.37289080023765564, 0.4597914516925812, -1.1714149713516235, 0.818561315536499, -0.10861745476722717, -0.13642951846122742, 0.09936877340078354, -1.5775872468948364, 0.9090352058410645, 1.1058579683303833, -0.006612181663513184, -0.09629249572753906, 1.0146751403808594, 0.7325694561004639, 1.1846312284469604, -0.6002683639526367, 0.2772805392742157, 0.31922435760498047, -0.3022601306438446, -0.5401120781898499, 0.22428378462791443, -0.6321942806243896, -0.36103296279907227, 0.3033716678619385, 0.1588212549686432, 0.3235001564025879, 0.6707344055175781, 0.8624992370605469, -0.24651317298412323, 0.8737264275550842, -0.46958833932876587, -0.19768273830413818, 0.1239764541387558, -0.04564748704433441, 0.06559082120656967, -0.2248341143131256, 0.7342916131019592, -1.2914918661117554, 0.34698545932769775, 0.001544453203678131, -0.22148391604423523, 0.3193318545818329, -0.1484764963388443, 0.027092106640338898, -0.36582762002944946, -0.045460984110832214, -0.6170639991760254, 0.524613082408905, 0.5766785740852356, -0.4521482586860657, 0.5479297041893005, -0.4808436334133148, -0.41443538665771484, 1.3213549852371216, 0.16873881220817566, 0.010327797383069992, -0.27509114146232605, -0.034839652478694916, -0.08374042809009552, 1.2153711318969727, 0.10317188501358032, 0.9788796901702881, 0.24897196888923645, -0.21749866008758545, -0.11178607493638992, -0.3973698318004608, -0.6015843152999878, 0.6183376908302307, -0.32264629006385803, -1.6553720235824585, -0.24072694778442383, 0.6366422176361084, 1.2187505960464478, -0.5706285834312439, 0.8401796817779541, -0.3137606382369995, -0.3858153223991394, -0.3913613259792328, 0.7232893705368042, -0.15293392539024353, -0.2503485381603241, -0.3169229328632355, 1.8327754735946655, -1.126688003540039, 1.186015009880066, -0.18508407473564148, -0.5414941310882568, -0.20462946593761444, -0.27747830748558044, 1.016586184501648, -0.08659980446100235, -0.5886911153793335, -1.202640414237976, 0.05488376319408417, -0.5445702075958252, 0.1635313481092453, -0.6103987693786621, -0.846656084060669, -0.46272969245910645, 0.5359236001968384, -1.1382060050964355, -0.9480393528938293, 0.206912562251091, 0.3996841609477997, 0.4716954529285431, 0.4471849799156189, -0.160056933760643, 1.19297456741333, 0.36290842294692993, 0.6009162068367004, -0.4770999848842621, 0.6810766458511353, -0.7739983201026917, -0.49347901344299316, 0.07980485260486603, 0.4786565601825714, -0.16292902827262878, -0.838935136795044, 0.7928266525268555, -0.7171710729598999, 0.1241215318441391, -0.004090568050742149, -0.6255548000335693, -0.22911208868026733, 0.3182651996612549, 0.22820356488227844, 0.4764591157436371, -0.7297912836074829, -0.12913072109222412, -0.3758281469345093, -0.1638163924217224, 0.22088301181793213, 0.2585495114326477, 0.3166687488555908, -1.5232237577438354, 0.03854351490736008, -0.22093576192855835, 0.5760952830314636, 0.48362332582473755, -1.0352153778076172, -0.2414964735507965, 0.11246144771575928, -0.5992595553398132, 0.29329022765159607, 0.5716726779937744, -1.3126648664474487, -0.2930503487586975, 1.265464425086975, 0.29655325412750244, 0.14799651503562927, 0.023202499374747276, 0.9917730093002319, 0.5272465348243713, 0.05945897847414017, 0.1132526844739914, -1.4260611534118652, 0.44127240777015686, 1.6225212812423706, 0.13376396894454956, -1.0282516479492188, -0.8288575410842896, 0.15341101586818695, 0.6195882558822632, -0.2808288633823395, 0.5879896879196167, -0.6368268132209778, -0.07613325864076614, -1.275248408317566, 0.44207391142845154, -0.6300839185714722, 0.4285390079021454, -0.04528885334730148, 1.1045947074890137, -0.5873590111732483, -0.8229726552963257, 0.2690032422542572, -1.1236851215362549, 0.09675315767526627, 0.6896405220031738, 0.6158385276794434, -0.15241138637065887, 0.4253462553024292, 0.3426559269428253, 0.6350374221801758, -0.021668031811714172, 0.15172241628170013, 0.14154696464538574, 0.22575868666172028, 0.09728210419416428, 0.09283623844385147, -0.045382753014564514, -0.6918312311172485, 0.5270510911941528, 0.2944202721118927, -0.1276576817035675, -0.5567073822021484, -0.6409444212913513, -0.09232864528894424, 0.9677868485450745, 0.9622976183891296, -0.2264072597026825, 0.9831379055976868, -0.2635791003704071, -0.09664110094308853, 0.5169845819473267, -0.16784976422786713, 0.06604444980621338, -0.5548717379570007, 0.4384423494338989, -0.07295642048120499, -0.23534910380840302, 0.12197144329547882, 0.4145856499671936, 0.11666381359100342, -0.5794128775596619, 0.5457478165626526, -0.8864436745643616, 0.2054455280303955, -0.10403017699718475, 0.5150127410888672, -0.8435253500938416, -0.6776055097579956, -0.0007235109806060791, 0.6888217926025391, -0.6008468866348267, 0.6662474870681763, 0.8107502460479736, 0.03763243556022644, 0.28682753443717957, -0.8069398999214172, 0.8880922198295593, -0.4695310890674591, 0.7202744483947754, -0.6181742548942566, 0.5496191382408142, -0.5536526441574097, -0.5057278871536255, 0.04046143591403961, 0.09173203259706497, 0.1233212873339653, -0.14075970649719238, 1.4034100770950317, -0.5361248254776001, -1.393442153930664, 1.4921178817749023, -0.5653101205825806, -0.26073721051216125, -0.6395549774169922, 1.3735648393630981, 0.5700653791427612, -0.08160576969385147, 0.15827319025993347, -0.17677193880081177, 0.3342810273170471, 1.1006325483322144, -0.9522871971130371, 0.6267516613006592, 0.7138232588768005, -0.38360801339149475, -0.25634101033210754, 0.08969057351350784, -1.8160163164138794, -0.362944096326828, 0.8048415184020996, -0.6059004068374634, -0.03777221217751503, -0.7009299397468567, 0.21570853888988495, -0.25653284788131714, 0.46250462532043457, 0.34334906935691833, -1.1146636009216309, 0.6529074311256409, -0.7616801857948303, 0.16786347329616547, 0.7113373875617981, -0.14738944172859192, -0.11565078794956207, 0.5938343405723572, -0.02994416654109955, -0.7177897691726685, -0.02996557205915451, 0.7270832061767578, -0.5815178155899048, 2.1457672119140625e-05, 0.4051879048347473, 0.6417754888534546, 0.7937933206558228, -0.5179764628410339, -0.03669075295329094, -0.018288053572177887, 0.12511330842971802, -0.024107856675982475, -0.11574115604162216, 0.45609545707702637, 1.101313829421997, -0.4118780791759491, 1.222524642944336, 0.020429138094186783, -0.2416319102048874, -0.8317644000053406, 0.022926989942789078, -0.8860048055648804, 0.05546286702156067, 1.409740686416626, 0.27948376536369324, 0.9804165959358215, -0.4032556712627411, 0.3526906669139862, -0.24981892108917236, 0.7908645272254944, 0.6292018890380859, 0.8984476923942566, -0.14431753754615784, -0.27586066722869873, 0.6225091218948364, 0.4622262716293335, 0.3692112863063812, -0.696426272392273, 0.22652742266654968, 0.8123515248298645, -0.9917553663253784, -0.013222578912973404, -0.20323020219802856, 1.1605396270751953, 0.8693692684173584, 1.7348685264587402, -0.19830185174942017, -0.5846320390701294, -0.7806186676025391, 0.3929106593132019, 1.1643155813217163, 0.1567305624485016, -0.7356745004653931, 0.23285681009292603, -0.26282447576522827, 0.1951867938041687, 0.034613728523254395, 0.9033090472221375, 0.05970769003033638, -0.14297792315483093, -0.44583743810653687, -0.15489593148231506, -0.8950095176696777, -0.6879181861877441, -0.2471289038658142, 0.4924677014350891, -0.8308099508285522, -0.017834097146987915, -0.0825585350394249, -1.2881728410720825, 0.13278062641620636, -0.3202276825904846, -0.9561721086502075, 1.0164496898651123, 1.0582141876220703, -0.6980109214782715, -0.7504268288612366, -0.4550854563713074, -1.0309703350067139, -0.6963977217674255, 0.3325691223144531, -0.5240070223808289, 0.5399062633514404, 0.190058171749115, 0.19363611936569214, 0.35896849632263184, -0.2831871211528778, -0.4797588288784027, 0.581342339515686, 0.7806932926177979, -1.032550573348999, 0.024867389351129532, 0.013690300285816193, -0.35015925765037537, 0.007720299065113068, -1.321438193321228, -0.7579062581062317, 0.4630301892757416, 0.1632978320121765, 0.1770821213722229, -0.403789222240448, 0.2033347189426422, -0.2645958662033081, 0.01429879292845726, 0.6471834778785706, -0.6532944440841675, 0.4828073978424072, -0.165249764919281, -0.3240562677383423, 0.1893656849861145, -0.45190203189849854, -0.7611847519874573, 0.783110499382019, -0.3533613681793213, 0.6242133378982544, -0.09698362648487091, 0.09285426139831543, 0.6054494380950928, -0.05376433953642845, 0.5941922068595886, 0.2708979845046997, -13.52070426940918, 0.7169705033302307, -0.3857896029949188, 0.9003242254257202, 0.8350387811660767, 0.24878332018852234, 0.40895769000053406, -0.06221993640065193, 1.2151190042495728, -0.745539665222168, 0.4360736310482025, 0.8669625520706177, -0.03430790454149246, -0.3730233609676361, -0.11509876698255539, -0.3474106788635254, -0.3814884424209595, -0.804575502872467, 0.307123601436615, 0.039569079875946045, 0.4218684136867523, -0.2759672999382019, -0.589526891708374, -0.6710003614425659, -0.10573885589838028, -0.7291046380996704, 0.14915505051612854, -0.2633294463157654, -0.7983116507530212, 0.7401626110076904, 0.2456015646457672, -0.570123016834259, -0.4570125341415405, -0.562420129776001, 0.03819099813699722, 0.429625928401947, -0.6136690378189087, -0.14921142160892487, 0.6224895119667053, -0.07430469989776611, 0.13801246881484985, 0.17722176015377045, 0.36255037784576416, -0.5169216990470886, -0.30050763487815857, -0.12061061710119247, -0.2425815314054489, -0.29768648743629456, -0.1947212815284729, 0.09240090101957321, -0.6135004758834839, -0.05901474505662918, -1.3988161087036133, -0.1688137948513031, 0.536894679069519, 0.0748603343963623, -1.074550747871399, 0.8786414861679077, -0.5509703755378723, -0.583136796951294, 0.761928915977478, -0.03331764414906502, -0.20822077989578247, 0.7102219462394714, 0.3946413993835449, -0.46347907185554504, 0.7564396858215332, 0.6329873204231262, -0.17181259393692017, 0.35743311047554016, -0.6133129000663757, 1.337416172027588, 0.4720936417579651, 0.30730676651000977, -0.6682789921760559, 0.2900138795375824, -0.30056679248809814, 0.317606121301651, 0.7942891120910645, -0.11340032517910004, -1.031493902206421, 0.310092955827713, -0.07840392738580704, -0.6236667037010193, -0.7488098740577698, 0.9279575347900391, 0.23559784889221191, -0.658293604850769, -0.038949429988861084, 0.26269304752349854, 0.517217218875885, 0.18333902955055237, -0.6122696995735168, -0.0906912311911583, -0.19207555055618286, 0.3693492114543915, -0.6574414968490601, 0.8500704169273376, -0.012923255562782288, 0.3002638816833496, 0.31419554352760315, -0.1710442304611206, 0.11486299335956573, 0.44408440589904785, 0.33724820613861084, -0.5970167517662048, 0.23870190978050232, 0.3715796172618866, -0.00765257328748703, 0.08662622421979904, 0.32919323444366455, -0.32826346158981323, -0.03994777798652649, 0.64536452293396, 0.40499815344810486, 0.5765252709388733, 0.16430361568927765, -0.6438524127006531, 0.5897198915481567, 0.28676557540893555, 0.0003554639406502247, 0.14006920158863068, 0.6476874351501465, 1.3003771305084229, 0.4314001798629761, 0.4743451476097107, 0.27456387877464294, 0.35213255882263184, 0.08159107714891434, -1.1019994020462036, 1.04526686668396, -0.09891154617071152, -0.21096737682819366, -0.651748776435852, -0.24919575452804565, -0.4370858669281006, -0.16109047830104828, 1.5222110748291016, -0.4852776527404785, 0.21098047494888306, -0.601487398147583, -0.6072391867637634, -0.4419702887535095, 0.13925689458847046, -0.6567939519882202, -0.5681271553039551, -1.074223279953003, -0.28397610783576965, -0.20367050170898438, -0.5391680002212524, 0.6932697892189026, -0.18974432349205017, 0.44736289978027344, -0.6091399788856506, -0.1826743632555008, -0.026685450226068497, 0.4647495448589325, -0.4751439392566681, -0.7582910060882568, 0.051105812191963196, 1.0740898847579956, 0.24130332469940186, -0.7304884791374207, 0.5940938591957092, 0.7064957618713379, -0.4314989447593689, -0.3374798893928528, 0.4375421106815338, -0.5718259215354919, 0.38672125339508057, 0.7930383682250977, -1.1149499416351318, -0.6900090575218201, -0.3261604607105255, -0.5829217433929443, -0.3572927415370941, 0.33347928524017334, 1.1807148456573486, -0.75751131772995, 0.23240335285663605, -0.5025968551635742, 0.23189392685890198, 0.5022557377815247, -0.5474891066551208, -0.08455315232276917, 0.12262960523366928, -0.12376219779253006, 1.0986428260803223, -0.22230856120586395, -0.1518261730670929, -1.2283755540847778, -1.2355916500091553, -0.5563237071037292, -0.01646272838115692, 0.6063746213912964, 0.27751973271369934, 0.641033947467804, 0.7411684393882751, -0.7441227436065674, 0.20768281817436218, -0.20121179521083832, 0.3718034327030182, 0.3237691819667816, -0.24734856188297272, 0.27829262614250183, -0.23848555982112885, -0.32518118619918823, -0.3806024491786957, 0.6564314961433411, 0.6000583171844482, -1.1735949516296387, -0.3467651605606079, 0.2687637209892273, 0.3853076100349426, 0.8304084539413452, -0.8687362670898438, 0.3390530049800873, 0.49457013607025146, -0.6173316836357117, -1.0345784425735474, -0.5250218510627747, 0.4748800992965698, -0.552357017993927, 0.9379264712333679, 0.21448232233524323, 0.6559569239616394, 0.530580997467041, 0.09495898336172104, 1.2475881576538086, 0.01771005615592003, -0.17840160429477692, 0.2588975131511688, -0.2957638204097748, -0.379051148891449, -0.4338134229183197, -0.11573474109172821, -1.4602121114730835, 0.293002724647522, -0.6606218218803406, -0.22489583492279053, -0.43310779333114624, -0.15343256294727325, -0.197124645113945, 1.0079299211502075, 0.2195000797510147, -0.6677747964859009, -0.907433807849884, -0.5526403188705444, -0.2386997491121292, -0.2155986726284027, -0.1590685099363327, 1.8183261156082153, 0.5867820978164673, 0.17149706184864044, 0.9478482604026794, 0.19589290022850037, -0.30287235975265503, 0.37381380796432495, -0.10146933794021606, 1.012171745300293, 0.26703184843063354, -0.006720473989844322, 0.56223064661026, -0.14081072807312012, -1.046844482421875, -0.3254171907901764, -0.14921601116657257, 0.7467925548553467, 0.1624033898115158, -0.7157077789306641, -0.06921777874231339, -0.06592784076929092, -0.08043359220027924, 0.3195042908191681, 0.42015528678894043, 0.3823445439338684, -0.42424774169921875, -0.5432657599449158, -0.6155387163162231, -0.12132075428962708, 0.7130927443504333, -0.23758989572525024, -0.6628957986831665, -0.2212233692407608, -0.12990079820156097, 0.40115293860435486, -1.0151318311691284, -0.4928106367588043, 0.4394683837890625, -0.6938446164131165, 0.5366854667663574, 0.47279903292655945, -1.167120337486267, -0.7332417964935303, -0.6051291823387146, -0.796989917755127, 0.5198755264282227, 0.1488620787858963, -0.5657428503036499, -0.11142934858798981, 0.1604893058538437, -0.23440971970558167, 0.07206510007381439, -0.04867827147245407, 0.006454473361372948, -1.1285626888275146, 0.7241926789283752, 0.9205950498580933, 0.4822072684764862, -0.19012880325317383, 0.6122415065765381, 0.6882404088973999, 0.22501030564308167, 1.1475282907485962]} +{"paper_id": "dart", "embedding": [-0.9191123247146606, 1.124072551727295, -0.3757813274860382, 0.322025865316391, 0.39605382084846497, 0.02854413539171219, 0.9057467579841614, 0.44103917479515076, 0.7065476775169373, 1.1740169525146484, 0.11448929458856583, -0.02584056742489338, -0.35397806763648987, -0.7665503621101379, 0.07429516315460205, 0.007818764075636864, -0.9325980544090271, -0.33074986934661865, -1.7392817735671997, -0.523564875125885, -0.930148720741272, -0.8664988875389099, 0.2860715091228485, 1.0013327598571777, -0.8197280764579773, -0.6150747537612915, 1.4065605401992798, -1.5500764846801758, 0.05890290439128876, 0.1887201964855194, -0.3997747302055359, 1.1401787996292114, -1.0830985307693481, 0.6303821206092834, 0.16132420301437378, 0.7065282464027405, 0.5700657963752747, 1.012274146080017, -0.655428946018219, 0.4294447600841522, -1.0970053672790527, 0.1465339958667755, 0.5704329013824463, -0.13515514135360718, 0.9929571747779846, -0.14030542969703674, 0.3196727931499481, -0.2715941071510315, -0.5868578553199768, -0.6304750442504883, -0.6401383280754089, 0.3671293556690216, 0.12252170592546463, 0.007511399686336517, 0.5148265361785889, 1.4815993309020996, -0.5224202275276184, -0.4171176254749298, 0.4750174283981323, 0.24356842041015625, 0.8755499720573425, 1.6224489212036133, -0.4715052545070648, 0.554319441318512, 0.8936482667922974, 0.1436060667037964, 1.2680600881576538, 0.5092527270317078, 0.4326755106449127, 0.4477103352546692, -0.016953714191913605, -0.9556493759155273, 0.41738367080688477, -0.9677926301956177, -0.5369006395339966, 1.4818168878555298, 0.045061130076646805, 0.09426310658454895, 0.39333826303482056, -0.700502336025238, 0.22247162461280823, 0.7489403486251831, 1.0927374362945557, -0.734169602394104, 0.3422014117240906, 1.1193886995315552, 0.4316898584365845, -0.3641633093357086, -0.5886145830154419, -2.143634080886841, 0.0020188838243484497, 0.19324509799480438, 0.1041983887553215, -0.4199508726596832, -0.3977917432785034, 0.5145173072814941, -0.3783414363861084, -0.2635486423969269, -0.04417181760072708, 0.14546439051628113, 0.5420310497283936, -0.7880613803863525, 0.4069034159183502, -0.20952501893043518, 0.4011355936527252, 0.4167408347129822, -0.31855517625808716, 0.008285116404294968, -0.5664693713188171, -0.6431809067726135, -0.015681032091379166, 0.5332413911819458, 0.5001866221427917, 0.9583492875099182, -0.4788172245025635, -0.19729530811309814, 0.2560265064239502, -0.5407943725585938, 0.21522097289562225, -0.057201534509658813, -0.5028290152549744, -0.9967424273490906, -0.27695056796073914, -0.012860454618930817, 1.3685438632965088, -1.0753581523895264, -0.359113872051239, -0.457793653011322, 0.5112802386283875, -0.3189162015914917, -0.18104872107505798, -0.37487107515335083, -0.9072176218032837, 0.48246777057647705, 2.726485252380371, -1.0466941595077515, 1.3228448629379272, -0.47203803062438965, -0.5354649424552917, -0.39313453435897827, 0.1305810511112213, 1.374751329421997, -0.128189355134964, -0.02535492740571499, -0.8442978858947754, 0.4997291564941406, -0.4344679117202759, 1.047806978225708, -1.3035550117492676, -0.41738858819007874, 0.10762740671634674, -0.25813600420951843, -1.7640975713729858, -0.3804848790168762, -0.9848186373710632, 0.12451637536287308, -0.17675034701824188, -0.2229132056236267, -0.6546874046325684, 0.5903933644294739, 0.9380826354026794, -0.03165421634912491, -0.3483075499534607, 0.263683557510376, -1.2275359630584717, -0.06265397369861603, 1.0199518203735352, -0.7238526940345764, -0.7888267040252686, -0.40981239080429077, 0.47628548741340637, -0.36712655425071716, 0.21301892399787903, -0.38428768515586853, -0.1880180984735489, 0.54263836145401, 0.9709315299987793, 0.7413600087165833, 0.1368514597415924, -0.3381122350692749, -0.5486919283866882, -0.7137043476104736, -0.24339699745178223, 0.4978121519088745, 0.06525814533233643, 0.8926528692245483, -2.9679601192474365, 0.06951644271612167, -0.3684297800064087, 1.6165629625320435, -0.19118021428585052, 0.35883480310440063, 0.4604906439781189, 0.3673444092273712, 0.4732803702354431, -0.9781030416488647, 0.42606741189956665, -0.7044687271118164, 0.06544949114322662, 0.0026459619402885437, -0.46331459283828735, 0.2445259690284729, -0.11480413377285004, 1.0636122226715088, 1.0272748470306396, -0.9793012142181396, -0.4459574520587921, -2.43813157081604, -0.2221129834651947, 2.4670639038085938, 0.0236111618578434, -0.9187200665473938, -0.8089997172355652, -0.38844186067581177, 0.7147475481033325, 0.08850903809070587, 0.036441393196582794, -0.6978075504302979, -0.12919235229492188, -0.8042577505111694, 0.09568499028682709, -0.5257374048233032, 0.7364708185195923, 0.32557976245880127, 0.9072940945625305, -0.7873303294181824, 0.29962289333343506, -0.700614869594574, -1.1313374042510986, 0.4595279097557068, 0.411975234746933, 0.03353479504585266, -0.6120882630348206, 1.0341442823410034, 0.09107865393161774, 0.9263571500778198, 0.6152161359786987, 0.577136754989624, -0.6343430280685425, 0.34345850348472595, 0.3328929841518402, 1.5335488319396973, 0.23219218850135803, -0.195767343044281, 0.2820832133293152, -0.08615612983703613, -0.35172683000564575, -0.46612751483917236, -0.026419026777148247, 0.20635126531124115, 1.1762226819992065, 0.1613037884235382, -0.8852589130401611, 0.3387095332145691, -0.7672957181930542, -0.31468886137008667, -0.8614804744720459, -0.6309449076652527, -0.17427128553390503, 0.36747556924819946, 0.7098658680915833, -0.11819767951965332, 0.6618300676345825, -0.4830155372619629, -0.6363852024078369, -1.1546753644943237, -0.6521945595741272, -0.13120363652706146, 0.044412389397621155, -1.3917560577392578, -0.1445285975933075, -0.18597643077373505, -1.0182214975357056, -0.4150993227958679, 0.5228519439697266, 0.015577545389533043, 0.09156633168458939, 0.5545545816421509, 1.4113515615463257, -0.24497954547405243, 0.18112096190452576, 0.30879074335098267, 1.179147720336914, -0.617323637008667, 0.9910086393356323, -0.6438282132148743, -0.36820709705352783, -1.1394476890563965, 0.9390360116958618, -0.3470415472984314, 0.7973987460136414, 0.1623534858226776, -0.1904720664024353, 0.3842903971672058, -0.17268866300582886, -0.23739096522331238, 1.2574824094772339, -0.4744988977909088, 0.1737518310546875, -0.9210953116416931, 1.3012876510620117, 0.570488691329956, -0.3097359836101532, 1.2597533464431763, -0.4301004111766815, -0.5445606708526611, 0.29583173990249634, -0.20842647552490234, 1.0183645486831665, 0.6503167748451233, -0.08423823863267899, -0.03371938690543175, 0.678155243396759, -2.2511231899261475, 0.4408024251461029, 1.044485330581665, -0.2874801456928253, -0.40584757924079895, -1.1635135412216187, -0.3146399259567261, -0.23150388896465302, -0.3385138213634491, 0.6822748780250549, -0.40044456720352173, 0.18873922526836395, -0.425979346036911, 0.39601564407348633, 1.558178186416626, -0.21375291049480438, 0.5508397817611694, 0.9174744486808777, -0.5032200813293457, -1.4422167539596558, -0.13886666297912598, 1.2221992015838623, -0.327424019575119, 0.09575781226158142, 0.06173647195100784, 1.1011381149291992, 1.1387708187103271, -0.5360195636749268, 0.07833521068096161, 1.3725402355194092, 0.659622848033905, 0.9075193405151367, 0.35324642062187195, -0.3869915008544922, 0.2957253158092499, -0.5095580816268921, 0.8026362657546997, -0.8190131783485413, -0.8331663608551025, -1.4061203002929688, -0.0736936628818512, -0.44177061319351196, -0.7608005404472351, 2.192967176437378, 0.7010062336921692, 1.7487713098526, -0.4744688868522644, 0.036432716995477676, -1.2299058437347412, -0.6600382328033447, 0.5693956613540649, 1.0353152751922607, 0.32790303230285645, -0.8650655746459961, -0.04420790821313858, 0.6536659002304077, -0.036081429570913315, -0.12377803027629852, -0.4256671369075775, 0.4995788037776947, 0.07728567719459534, -1.3551748991012573, 0.16898763179779053, 0.4066736400127411, -0.07031214237213135, 1.6436101198196411, -1.0059304237365723, -0.41402295231819153, 0.37749338150024414, 0.03660936653614044, -0.1893424242734909, 0.7373684048652649, -0.9565775394439697, 0.9717477560043335, 0.2899192273616791, 0.14346550405025482, 0.19829602539539337, 1.322532057762146, 1.5297582149505615, -0.28980448842048645, -1.4073410034179688, -0.365360289812088, -0.7430405020713806, -0.37787899374961853, 0.17179566621780396, -0.11727412045001984, -1.038041114807129, 0.5884968042373657, -0.07918833941221237, -0.3353475332260132, 1.2053601741790771, -0.2016787827014923, -1.5082201957702637, 0.6998465061187744, 0.6079953908920288, -1.3088185787200928, -0.22885622084140778, 0.061515748500823975, -0.9699946641921997, -0.706329345703125, -0.046216122806072235, -0.7368937134742737, 0.4818103015422821, 0.10126830637454987, 1.06373929977417, 0.1747836470603943, 0.130886048078537, -1.6171915531158447, 0.5656799077987671, 0.8898932337760925, -1.1094307899475098, 0.41644370555877686, 0.23712638020515442, 0.8044970035552979, 0.026638418436050415, -1.400221347808838, -1.0409055948257446, 0.9136627912521362, 0.3955550193786621, 0.14770463109016418, -1.0611766576766968, -1.0188593864440918, 0.20572423934936523, -0.22916778922080994, 0.37901291251182556, -0.7806368470191956, 0.33576327562332153, -0.22333881258964539, 0.3590452969074249, 0.8679766654968262, -0.4581969976425171, -0.7774854898452759, 1.0668220520019531, -0.8302061557769775, 0.9489414691925049, -0.12410221993923187, 0.4908421039581299, 1.831236481666565, 0.12338810414075851, 0.08439774066209793, -0.7165578603744507, -10.02258014678955, 0.9782323241233826, -0.0914720669388771, 0.19162286818027496, 0.7372254729270935, -0.20761457085609436, 1.3798892498016357, -0.7150331139564514, 1.2256721258163452, -1.1212106943130493, 0.6362520456314087, 1.586841106414795, 0.1965884268283844, 0.08977540582418442, -0.7157049179077148, -1.7631702423095703, -1.047401785850525, -0.18127146363258362, 0.12280111014842987, 0.12517336010932922, -0.8295153975486755, -0.5657081604003906, 0.12294584512710571, 0.6886838674545288, 0.2858336269855499, 0.32362863421440125, 0.07367495447397232, -0.4349524676799774, -0.6015496850013733, -0.1827240288257599, 0.9824247360229492, 0.45850273966789246, -0.7014349102973938, -0.6941383481025696, 0.19909800589084625, -0.7028329968452454, -1.3574094772338867, -0.46492743492126465, 0.9343416094779968, -0.5374546051025391, -0.5690001249313354, 0.41272932291030884, 1.1303391456604004, 0.030169399455189705, -0.8341413140296936, 0.8150833249092102, 0.69439697265625, -1.2140940427780151, 0.16488176584243774, -0.2947138249874115, -0.44982457160949707, -0.6571913361549377, -1.0026077032089233, -0.19245733320713043, -0.12902741134166718, -0.02060110494494438, -1.1563997268676758, -0.0006301095709204674, -0.44749486446380615, -1.0072835683822632, 0.5257598757743835, 0.6600819826126099, -0.5809149742126465, 0.41307491064071655, 0.3004884123802185, -0.4001065492630005, 0.6514729857444763, 0.7961313724517822, 0.13280326128005981, -0.12162898480892181, -0.4862149953842163, 0.5722147822380066, 0.12858301401138306, -0.2622274160385132, -0.233024001121521, -0.13208261132240295, -0.258699506521225, -0.44712287187576294, 0.4255754351615906, 0.28802624344825745, -0.6659242510795593, 0.7370150685310364, -0.044969890266656876, -0.6656202673912048, -0.8057147860527039, 0.2951900362968445, -0.29464560747146606, -0.0313434861600399, 0.7327802181243896, -0.9618402719497681, 1.7256391048431396, -0.5236058235168457, -0.21402622759342194, -0.09826026856899261, -0.8245950937271118, 0.19122479856014252, 0.1436290293931961, 1.2284893989562988, 0.21143066883087158, -0.9890608787536621, 0.5144826769828796, -0.24850502610206604, -0.05322501063346863, -0.6882104277610779, 0.39371076226234436, 0.2477688491344452, 0.14049097895622253, 0.5463482141494751, -0.21478474140167236, -0.32434841990470886, 0.7006264328956604, 0.08543460071086884, -0.7262438535690308, 0.5138529539108276, 0.052146852016448975, 0.47741660475730896, 0.9237563014030457, 0.4302769899368286, 0.9856275320053101, 1.1304700374603271, 0.20220023393630981, 1.1620632410049438, 0.28835517168045044, 0.5941982865333557, -0.17284688353538513, -0.2084982842206955, 0.49451151490211487, 0.32597655057907104, -0.9267013669013977, -1.2989810705184937, -0.13951966166496277, 0.3407018780708313, 0.12613940238952637, -0.8148593902587891, -0.8379112482070923, -0.6105116009712219, -0.42552295327186584, 1.2500096559524536, -0.6410951018333435, 0.3610685169696808, -0.04596199095249176, -0.8817012906074524, 0.8512428998947144, -0.8856747150421143, -1.159296989440918, 0.323927104473114, -1.614986777305603, -0.1287757307291031, -0.7278706431388855, -0.7540748715400696, 0.7718616724014282, -0.32335641980171204, 0.7435817122459412, -1.1268041133880615, -0.36228638887405396, -0.32605209946632385, 0.31319141387939453, -0.18615925312042236, -0.6350497603416443, 0.3741781413555145, -0.46483492851257324, 0.572020411491394, -0.8082377910614014, 1.016831636428833, 0.6194330453872681, -0.6146985292434692, -0.2513779401779175, -0.19952113926410675, -0.7778964638710022, 0.24148932099342346, 0.848369300365448, -0.975387692451477, -0.2621144652366638, -0.8253468871116638, 0.1117432713508606, -0.8650124073028564, 1.5251848697662354, 1.5120809078216553, -0.9986633062362671, -0.32501310110092163, -0.3688965439796448, 0.7531794309616089, 0.7566512823104858, -0.06325093656778336, -0.2767825722694397, 0.198805570602417, 0.18993863463401794, 0.4715016484260559, 0.14773038029670715, 1.2459423542022705, -1.8936630487442017, -1.0757358074188232, -0.015329008921980858, -0.3698468804359436, 0.7641377449035645, -0.46786972880363464, 1.7177631855010986, 0.6951605081558228, 0.1772283911705017, 0.7454319000244141, 0.6226543188095093, 0.991077184677124, 0.32027557492256165, 1.3599514961242676, -0.11295521259307861, 0.15341228246688843, -1.1130120754241943, 0.31649935245513916, 0.5445132851600647, 0.42165058851242065, -0.48415499925613403, 0.4959028959274292, 0.12276591360569, -0.20560985803604126, 0.5153976678848267, -1.3074140548706055, 0.6000971794128418, -0.6462231874465942, -0.20627911388874054, -1.356997013092041, 0.5736579298973083, 1.5722618103027344, 0.1459614634513855, 0.6038632988929749, 0.8238247632980347, -0.32413139939308167, 0.8113961815834045, 0.39962297677993774, 1.8659653663635254, 0.18204231560230255, -0.39029109477996826, 0.2331201434135437, 0.7172491550445557, -0.4753206968307495, -0.26650434732437134, -0.9878048300743103, -0.1628788858652115, 0.5693389773368835, -0.3445628881454468, 0.48036518692970276, -0.5921115279197693, 0.30249467492103577, 0.8837651610374451, 1.3670538663864136, -0.9896207451820374, -2.0415642261505127, -0.36590006947517395, -0.56809002161026, 0.05877724662423134, 1.5487098693847656, 0.8925411105155945, 0.016421502456068993, 0.6440334916114807, 0.33734118938446045, 0.9853848218917847, -0.16534164547920227, 0.25155556201934814, -0.1009904220700264, -0.09011523425579071, 1.5037283897399902, 0.9240806102752686, 1.0292298793792725, -0.4336044490337372, -0.4918435513973236, -0.2957053780555725, -0.1770130842924118, -0.5035265684127808, 0.1804504245519638, 0.9788476228713989, -0.6860529184341431, -0.04561934247612953, -0.8183852434158325, 1.2927500009536743, -1.086883306503296, 0.8266080021858215, -0.3141142725944519, -0.966499924659729, -0.5076373219490051, -0.8575302958488464, -0.22250644862651825, 0.8019204139709473, -0.2196105420589447, -0.10680796951055527, -0.0336855947971344, 1.2270917892456055, -0.39900609850883484, 0.5309557914733887, -1.1247129440307617, 0.05219750851392746, -1.2686935663223267, 0.5104438662528992, -0.4934829771518707, -0.14559629559516907, -0.5655904412269592, 0.08847753703594208, -0.3084522783756256, 0.121200792491436, -0.13514259457588196, -0.3858634829521179, -0.35388293862342834, 0.46421873569488525, -1.0201914310455322, 0.41700515151023865, -0.012324191629886627, -0.37411215901374817, -1.4938194751739502, 0.9751949906349182, 0.47787001729011536, -0.24536868929862976, -1.1082006692886353, -0.559841513633728, 0.29406970739364624, -0.35595765709877014, 0.8530884981155396]} +{"paper_id": "taskmaster1", "embedding": [-0.5401260256767273, 0.6051609516143799, -0.09660972654819489, 0.11797022819519043, 0.7307832837104797, 0.7435724139213562, 0.47609788179397583, 0.6073344349861145, 0.7269343137741089, 0.18258313834667206, 1.000037431716919, 0.2132837176322937, 0.37646153569221497, -0.06533288210630417, -0.6978720426559448, 0.16785851120948792, -1.110304594039917, -1.0684773921966553, -1.1091769933700562, 0.05060351639986038, -0.8379425406455994, -0.4826846718788147, -0.07740779221057892, 0.4090888500213623, -0.9672277569770813, -0.6013804078102112, 0.732252299785614, -1.2070305347442627, -0.03276393562555313, 0.2940357029438019, -0.0759662315249443, 2.1139442920684814, -0.5390425324440002, 0.29603686928749084, 0.021420113742351532, -0.8124616742134094, -0.14768962562084198, 0.33913499116897583, -0.4298970699310303, 0.41766229271888733, -0.34346529841423035, 0.22470822930335999, 0.31931743025779724, 0.2566341757774353, 0.5573931932449341, -0.19862636923789978, 0.3696514070034027, 0.20389972627162933, -0.3178707957267761, 0.20381350815296173, -0.6280901432037354, 0.6982136964797974, 0.039437562227249146, 0.44556355476379395, -0.4086804986000061, 1.2731237411499023, 0.30370181798934937, 0.22819927334785461, 0.4072876274585724, -1.2188000679016113, 1.1831657886505127, 1.0067920684814453, 0.46601957082748413, 0.8166375160217285, 0.706878662109375, 0.1937471479177475, 1.5488362312316895, -0.19523149728775024, 0.35064882040023804, 0.48566243052482605, -0.3462871015071869, -1.6500574350357056, 0.9191781878471375, 0.27827003598213196, 0.14112433791160583, 0.9105528593063354, 0.6988781094551086, 0.37162819504737854, -0.4495311975479126, -0.2622263431549072, 0.11606551706790924, 0.19215013086795807, 0.5064266324043274, -0.328995019197464, 0.17282268404960632, 0.6664023399353027, 0.4104311764240265, -0.41897377371788025, 0.30837246775627136, -1.4155396223068237, 0.518317699432373, -0.5521687865257263, 0.1005624383687973, -0.1037648618221283, -0.1789282262325287, -0.3753018081188202, 0.01867455244064331, 0.19313931465148926, -0.8323900699615479, 0.8879044055938721, 0.8762078285217285, 0.10173238813877106, 0.25792643427848816, -0.3518044948577881, 0.1295109987258911, 0.28626492619514465, 0.01510312408208847, -0.31327131390571594, -0.7506704330444336, -0.6725703477859497, -0.007512025535106659, 0.8018558621406555, 0.1657806783914566, 0.9772796034812927, 0.043131325393915176, 0.5348814129829407, 0.37808603048324585, -0.9493571519851685, -0.21513982117176056, 0.23807388544082642, 0.10943137109279633, -0.9553493857383728, -0.058821991086006165, 0.15179617702960968, 0.7730982303619385, -1.057173728942871, -0.4475629925727844, -0.34953394532203674, -0.05981612205505371, -0.692659854888916, 0.711255669593811, -0.33835554122924805, -0.6484725475311279, -0.16938897967338562, 2.9673500061035156, -0.9632097482681274, 1.6038719415664673, -1.2197877168655396, -1.0200873613357544, -0.5947001576423645, 0.4372674822807312, 1.5796668529510498, -0.3126702308654785, -0.22238321602344513, -0.8086249828338623, -0.11696023494005203, -0.7371013164520264, 0.10655880719423294, -0.587716281414032, -0.3528182804584503, 0.022037692368030548, 0.3234443962574005, -1.6482499837875366, -0.3430160582065582, -0.3695334494113922, 0.19677168130874634, 0.5046170353889465, 0.9351741671562195, -0.25001466274261475, 0.27618879079818726, 0.4870934784412384, 0.19882045686244965, -0.13078397512435913, 0.6585421562194824, -1.1174677610397339, -0.05147664248943329, 0.7272037267684937, -0.7108971476554871, -1.0200226306915283, -0.5209160447120667, 0.8258245587348938, -0.26924929022789, 0.13312841951847076, 0.42437097430229187, -0.8086973428726196, 0.35918134450912476, 0.6410419344902039, 0.6410547494888306, 0.0324876606464386, -0.4832524359226227, -0.4561234414577484, -0.23803521692752838, -0.44127869606018066, 0.3179222345352173, -0.6555752754211426, 0.13142453134059906, -1.4260120391845703, -0.12287409603595734, -0.045314058661460876, 0.674444854259491, 0.28049883246421814, 0.03092326410114765, 0.48832428455352783, -0.3948272466659546, 1.1413966417312622, -0.4441686272621155, 0.7406080961227417, -1.3232613801956177, 0.26532894372940063, 0.10969863831996918, 0.19640879333019257, 0.2891227900981903, -0.27011358737945557, 1.5603996515274048, 0.554020345211029, -0.5146116614341736, -0.023556232452392578, -1.2802996635437012, -0.23413100838661194, 2.489055633544922, 0.26085442304611206, -0.8056750893592834, -0.6239875555038452, -0.23486965894699097, -0.32711532711982727, -0.4017990231513977, 0.3976743221282959, -0.752021312713623, 0.1518775075674057, -1.8114935159683228, 0.013197338208556175, -0.17147359251976013, 0.38457515835762024, 1.115146279335022, 1.3014106750488281, -0.8407132625579834, 0.13326571881771088, -0.1146896630525589, -0.8749262094497681, 0.3530104458332062, 0.7905786037445068, 0.3436931073665619, 0.29467689990997314, 0.16626864671707153, 0.11870989203453064, 0.19393107295036316, -0.17032036185264587, 0.8000982999801636, -0.8333070278167725, 0.3260994255542755, -0.11749592423439026, 1.0639537572860718, 0.33322155475616455, 0.037099577486515045, 0.21855081617832184, 0.6136305332183838, -0.13304081559181213, -1.0724577903747559, 0.38495951890945435, 0.14500759541988373, 1.461689829826355, 0.6597588658332825, -0.10754242539405823, 0.4587852656841278, -0.7237913608551025, 0.08112206310033798, -0.4474300146102905, -0.32083767652511597, -0.6658393740653992, -0.7007873058319092, 1.2749524116516113, -0.3089156448841095, -0.11488892138004303, -0.5185713171958923, 0.21354183554649353, -1.266910433769226, 0.17779408395290375, -0.09102217108011246, -0.5033796429634094, -1.343887448310852, 0.1297321766614914, -0.46964359283447266, -0.6388056874275208, -0.7637493014335632, 0.14959688484668732, 0.42699214816093445, 0.15113681554794312, 0.8004328012466431, 1.4124433994293213, -0.41949498653411865, -0.05736861377954483, -0.6548361778259277, 0.6461692452430725, -0.6615895628929138, 0.9406459331512451, -0.3689088821411133, -0.014838941395282745, -0.4705922305583954, 0.25915682315826416, 0.10259442031383514, -0.09479594975709915, 0.4666891098022461, -0.5799675583839417, -0.22967013716697693, -0.07723594456911087, -0.31086456775665283, 0.8405101299285889, -0.2963290214538574, 0.4854743480682373, -0.4570413827896118, 1.7114810943603516, 0.4441664516925812, -0.7260494232177734, 0.2974591851234436, -0.027380503714084625, 0.4200897514820099, 1.0822477340698242, -0.4279261529445648, 0.10608960688114166, 0.5426294803619385, -0.46126559376716614, 0.20479926466941833, 0.20193758606910706, -2.439444065093994, 0.34500497579574585, 0.47808149456977844, -0.3269417881965637, 0.26610901951789856, -1.1514254808425903, 0.19110433757305145, -0.05525960773229599, -0.37968409061431885, -0.34304916858673096, -0.2983320355415344, 0.46804478764533997, -0.09111157059669495, 0.5737909078598022, 1.378324270248413, -0.2961537837982178, -0.12798446416854858, 0.6607866287231445, -0.43697410821914673, -0.7646256685256958, -0.4239521920681, 0.48673611879348755, -0.6352653503417969, -0.20809480547904968, 0.28784772753715515, 0.2014763355255127, 1.0324933528900146, -0.2646280825138092, 0.10137283056974411, 0.7247154116630554, 0.7228743433952332, -0.0677184909582138, 0.21942166984081268, 0.05197915434837341, 0.7785843014717102, -0.44714564085006714, 0.8547592163085938, 0.20044833421707153, -0.8015645742416382, -1.6801611185073853, 0.10377088189125061, -0.17978087067604065, -0.9436427354812622, 1.6524368524551392, -0.23888114094734192, 1.0099730491638184, -0.09199077636003494, 0.3888561427593231, -1.0393004417419434, -0.3859368860721588, 0.7880379557609558, 0.4109436571598053, 0.23054490983486176, -0.7359268665313721, 0.1681777834892273, 0.47487080097198486, -0.2240677773952484, -0.8791057467460632, -0.29696589708328247, 1.5892701148986816, 0.40172040462493896, -0.49897685647010803, -0.16053126752376556, 1.1688839197158813, 0.2534712851047516, 0.8372252583503723, -0.24478013813495636, -0.298703670501709, -0.6567406058311462, 1.0683645009994507, 0.2973291873931885, 0.559002161026001, -0.6942356824874878, 0.7147078514099121, 0.17305517196655273, 0.6130807399749756, 0.20348508656024933, 0.6771954894065857, 0.28497883677482605, -1.2306119203567505, -1.2885380983352661, 0.08840624988079071, -1.4064102172851562, -0.651724100112915, 0.08167911320924759, -0.09526075422763824, -0.5482347011566162, 0.9928300380706787, -0.4647440016269684, -0.28573447465896606, 0.6872153282165527, -0.6971609592437744, -0.9483578205108643, 0.4593158960342407, 0.9173088073730469, -1.2556779384613037, 0.027331670746207237, -0.44633668661117554, -1.075042486190796, -0.5665058493614197, 0.22712363302707672, -0.805695652961731, 0.15972739458084106, 0.11518651247024536, 0.11308575421571732, -0.46895867586135864, 0.18721340596675873, -0.7840155959129333, 0.4155523180961609, 0.5365287661552429, -0.20034931600093842, 0.8745263814926147, 0.027688629925251007, 0.29614585638046265, -0.8547244071960449, -0.6188187003135681, -0.8030973672866821, 0.4428204894065857, -0.2752187252044678, -0.11987973004579544, -0.3137279748916626, -0.43165040016174316, 0.6110612750053406, -0.29464390873908997, 0.1401331126689911, -0.7318779826164246, 0.00355319119989872, -0.8369665145874023, 0.34195366501808167, 0.38695448637008667, -1.3330544233322144, -0.764383852481842, 0.7131058573722839, -0.8668005466461182, 0.6457997560501099, -0.9837156534194946, 0.05661137029528618, 1.7576497793197632, 0.7112722396850586, 0.7622225880622864, 0.30465835332870483, -12.002696990966797, 0.567878782749176, -0.06758299469947815, -0.2763887643814087, 0.15668940544128418, -0.3285137712955475, 1.1464002132415771, 0.39674243330955505, 0.7903187870979309, -0.9009805917739868, 0.6750369071960449, 1.1246180534362793, -0.09322988241910934, -0.6000778079032898, -0.45787954330444336, -1.0795986652374268, -0.6613016724586487, -0.5038790702819824, -0.17988121509552002, -0.4231778681278229, -0.10927699506282806, -0.9013267159461975, -0.7078574299812317, 0.32519644498825073, -0.07600380480289459, 0.133908212184906, -0.3061797022819519, -0.5323283672332764, -0.10033633559942245, 0.13173151016235352, 0.5689852237701416, -0.013889011926949024, 0.36267149448394775, -0.7451133728027344, -0.1118021011352539, -0.10308533906936646, -0.8680931329727173, 0.3965626358985901, 0.5514397621154785, 0.04791000485420227, -0.3526887893676758, 0.5276408195495605, 0.287297785282135, -0.052900530397892, -0.4825200140476227, 0.5448586940765381, 0.3205682933330536, -0.2713199257850647, 0.4060177505016327, -0.35335373878479004, -0.45816683769226074, -0.573647677898407, -0.7827950119972229, -0.47826510667800903, 0.21007020771503448, -0.10512463748455048, -0.6123846769332886, 0.45343413949012756, -0.45022353529930115, -1.2139841318130493, 0.9533635377883911, 0.362698495388031, 0.09429750591516495, -0.11515636742115021, 1.064124345779419, -0.8313072323799133, -0.22157356142997742, 0.41069039702415466, 0.06967390328645706, 0.41763371229171753, -0.5848053097724915, 0.406322181224823, 0.07681898772716522, 0.8165627121925354, -1.2406015396118164, -0.3644707500934601, -0.5054172277450562, 0.5620490908622742, 0.5918422937393188, -0.05184857174754143, -0.8459911942481995, 1.082254409790039, 0.3859383463859558, -0.8986625075340271, -0.9714899063110352, 0.47615912556648254, -0.4077126383781433, 0.3344755470752716, 1.3571423292160034, 0.011181429028511047, 1.4272009134292603, 0.6770592927932739, -0.6933819055557251, 0.3133324086666107, -0.5396459102630615, 0.7033908367156982, 0.7590991854667664, 0.5177922248840332, 0.32747840881347656, -0.5272239446640015, 0.2792993485927582, -0.05162520334124565, -0.44105276465415955, 0.6349295377731323, 0.4131745994091034, 0.2551836669445038, -0.5600690841674805, 0.29693731665611267, 0.925722062587738, 0.5236349105834961, 1.119032382965088, -0.580696165561676, -0.9882509112358093, 0.6864808201789856, -0.07045268267393112, 0.5892258882522583, 1.2892374992370605, 0.3962119221687317, 1.4444853067398071, 0.11673644185066223, -0.19290922582149506, 0.9741511344909668, 0.08993598073720932, 0.9271628260612488, 0.2384641468524933, -0.4205740690231323, 0.6799362301826477, 1.0421464443206787, -0.16068758070468903, -1.2786818742752075, 0.2176782339811325, 0.1126982718706131, 0.5784316658973694, -0.7014176249504089, -0.08685062825679779, 0.32964128255844116, -0.746319591999054, 1.1235618591308594, -0.822691023349762, 0.3707888126373291, 0.08823303878307343, -0.6458525657653809, 0.15116602182388306, -0.9761863946914673, -0.8664509057998657, 0.17140066623687744, -0.6981946229934692, 0.3919000029563904, -0.6366314888000488, 0.7295315861701965, 0.39787715673446655, -0.1995590329170227, 0.951525866985321, -1.047659993171692, -0.0057252924889326096, 0.19612076878547668, 1.0438520908355713, -0.4864257276058197, -0.9996368885040283, -0.37476983666419983, 0.26657530665397644, 1.1691617965698242, -0.7296175956726074, 1.0321877002716064, 0.5773006677627563, -0.1098046749830246, -0.18638095259666443, 0.1287786066532135, -0.6116438508033752, 0.02548912912607193, 0.8235200047492981, -1.1753768920898438, -0.5127258896827698, -0.9397019147872925, 0.1857374757528305, -0.6414872407913208, 0.44249197840690613, 1.3237624168395996, -1.0667165517807007, -0.13316144049167633, -0.039981260895729065, 0.6022670269012451, 0.10658404231071472, -0.4343528151512146, -0.5395092964172363, 0.051507920026779175, -0.039665669202804565, 1.24884033203125, -0.02868533693253994, 0.2390536665916443, -1.8334193229675293, -0.8316144347190857, -0.7213371396064758, -0.01813042163848877, -0.5140758752822876, -0.19015726447105408, 0.7429278492927551, 0.5621005296707153, 0.7018369436264038, 0.22509875893592834, 0.5642876625061035, 1.1279813051223755, -0.5259534120559692, -0.5496902465820312, -0.1452013999223709, -0.24236130714416504, -0.4746788442134857, 0.7288119196891785, 0.04089419171214104, 0.27418604493141174, -1.3801400661468506, -0.12368707358837128, 0.3796696662902832, -0.1701371967792511, 0.8069441914558411, -0.3620476722717285, -0.4742208421230316, -0.3583592176437378, -0.4510466158390045, -1.547964334487915, 0.5026150941848755, 0.6135541796684265, 0.548017680644989, 1.1430624723434448, 0.2728198170661926, 0.5379692912101746, 0.6045185327529907, -0.3218391537666321, 0.590648889541626, -0.516749382019043, -0.13579857349395752, -0.0851687490940094, 0.18734236061573029, 0.49304887652397156, 0.03418470174074173, -0.30831125378608704, -1.0309468507766724, 0.2919270694255829, -0.910902738571167, 0.004456833004951477, -0.6161041855812073, 0.6268882751464844, 0.5982662439346313, 0.8709664940834045, -0.4634092450141907, -1.2510014772415161, -1.0264674425125122, -1.1076328754425049, -0.29020488262176514, 0.2981646656990051, 0.012874534353613853, 0.4369850158691406, 0.885986864566803, -0.07598984241485596, 0.7133824825286865, -0.5045682787895203, -0.2664431929588318, 0.09863986074924469, 0.5109002590179443, 0.24839141964912415, 0.9152792096138, 0.2702234089374542, 1.1079316139221191, 0.8675195574760437, -0.18169033527374268, -0.02575960010290146, -0.22978103160858154, 0.44988036155700684, 1.2404873371124268, -0.3014775216579437, -0.67009037733078, -1.1143022775650024, 0.030128326267004013, -0.6855893731117249, 1.1272022724151611, 0.6363628506660461, -0.7702503800392151, -1.3089817762374878, -0.9212804436683655, -0.03045535273849964, 0.4667242467403412, -0.09232474863529205, -0.5116167068481445, -0.8194382786750793, 0.8642621636390686, 0.5023542046546936, 0.16724438965320587, -1.2881693840026855, 0.3414606750011444, -0.5711950063705444, 0.4802039861679077, -0.5755696296691895, -0.6582995653152466, -0.4071638286113739, 0.34885796904563904, -0.601975679397583, 0.5129567384719849, 0.18814878165721893, -1.1767737865447998, -1.1745508909225464, 0.2878599762916565, -0.17436853051185608, 0.36694422364234924, 0.6569445729255676, -0.0013421569019556046, -1.8983187675476074, 0.613381564617157, 1.0877740383148193, -0.028920071199536324, -0.23019276559352875, 0.801813006401062, -0.33662039041519165, -0.42457282543182373, 0.6931918263435364]} +{"paper_id": "multi_nli_mismatch", "embedding": [-0.005483401007950306, 1.018435001373291, -0.1443045437335968, -0.3132800757884979, 0.825560986995697, -0.08436912298202515, 0.6344401836395264, 0.9998258948326111, 0.8205711841583252, 0.5739549398422241, 0.3420880436897278, -0.10521112382411957, 0.5091693997383118, 0.20351342856884003, -0.08912667632102966, -0.5924350619316101, -1.2197542190551758, -0.7978000640869141, -1.481768012046814, -0.3862908184528351, -0.67925626039505, -0.28796112537384033, 0.05483856424689293, 0.20119890570640564, -0.38615682721138, -0.8270333409309387, 1.1110657453536987, -1.1393033266067505, 0.3758731186389923, 0.43154841661453247, -0.285818487405777, 1.2038853168487549, -1.399713397026062, 0.5626862049102783, -0.36349382996559143, -0.40652045607566833, -0.21899397671222687, 0.5357576608657837, -0.34747618436813354, -0.07131412625312805, -0.6884856224060059, -0.19903266429901123, 0.4043222963809967, 0.409452348947525, 0.5480422973632812, -0.1005333736538887, -0.42018792033195496, 0.32897406816482544, -0.4545218348503113, -0.07337110489606857, -0.44496795535087585, 0.004720773547887802, 0.21930530667304993, 0.22208943963050842, -0.06651603430509567, 0.7563226222991943, 0.6155896782875061, -1.3754695653915405, 0.7264894247055054, -1.454976201057434, 0.8971126079559326, 1.4281322956085205, -0.8208758234977722, 0.4079917371273041, 0.9631364345550537, -0.2423923760652542, 1.4109691381454468, 0.09544989466667175, 0.5028112530708313, 1.0053859949111938, -0.0966649204492569, -0.9345148205757141, 0.6269615888595581, 0.4106495976448059, 0.5079408884048462, 0.8602420091629028, -0.007298311218619347, 0.44432348012924194, -0.06418166309595108, 0.14402201771736145, -0.2538852393627167, 0.5729307532310486, 0.7044739723205566, -0.44779518246650696, 0.2925143837928772, 0.5525391101837158, 0.3193033039569855, -0.5314557552337646, 0.19017022848129272, -1.513106107711792, -0.03327738493680954, -0.3402567207813263, -0.04378147050738335, 0.22492292523384094, -0.2288389503955841, 0.575361430644989, -0.1544579565525055, -0.09187591075897217, -0.05267937853932381, 0.6876296997070312, 0.6060410141944885, -0.30313801765441895, 0.2948932349681854, 0.013318978250026703, 0.1919180303812027, 0.47671961784362793, 0.005555875599384308, -0.4824668765068054, -0.8263866305351257, -0.4981343746185303, -0.17207500338554382, 1.0703974962234497, -0.2356925904750824, 0.5841388702392578, -0.19920220971107483, 0.049672745168209076, 0.6710596680641174, -0.8191581964492798, -0.409949392080307, 0.13589085638523102, -0.2836124300956726, -0.7717984914779663, -0.10041268914937973, -0.42136937379837036, 1.1068432331085205, -0.9913960099220276, 0.3810826241970062, -0.5509576797485352, 0.6773045659065247, -0.20604340732097626, 0.5906620025634766, 0.20187611877918243, -0.13643720746040344, 0.01186203584074974, 2.7458391189575195, -0.7003125548362732, 1.4051138162612915, -0.833159327507019, -0.06519932299852371, -0.3391034007072449, 0.23828455805778503, 1.3271065950393677, 0.13689613342285156, -0.8682292103767395, -0.8659208416938782, 0.0006911158561706543, -0.5721261501312256, 0.22412221133708954, -1.062063455581665, -0.1542189121246338, 0.04368746653199196, 0.2455424964427948, -1.3150023221969604, -0.40080204606056213, 0.14682546257972717, 0.37707310914993286, 0.13168799877166748, 0.9337002635002136, -0.6009145975112915, 0.3289213180541992, 0.19899454712867737, -0.19203081727027893, -0.2128901481628418, 0.03219294175505638, -1.0183974504470825, -0.10663102567195892, 1.0029767751693726, -0.41278505325317383, -0.5236656069755554, -0.5470984578132629, 0.6803059577941895, 0.016149677336215973, -0.21122664213180542, -0.155560702085495, 0.09194973856210709, 0.5594522953033447, 0.5686123371124268, 0.6243428587913513, -0.04098549485206604, -0.9025916457176208, -0.13638052344322205, -0.5474211573600769, -0.26488813757896423, 0.7551218867301941, -0.1383349895477295, 0.519719123840332, -2.255413770675659, -0.34532803297042847, 0.1491139680147171, 0.047043949365615845, 0.060894906520843506, -0.3405768871307373, 0.1806558072566986, 0.2605891227722168, 0.019073553383350372, 0.1587129533290863, 0.8048843741416931, -1.0225814580917358, -0.35496217012405396, 0.21636579930782318, -0.1652216762304306, -0.18145717680454254, -0.3701055347919464, 1.3889009952545166, 0.6282064914703369, -0.49767693877220154, -0.6246455907821655, -1.407942771911621, 0.4516424834728241, 2.406587839126587, -0.004454314708709717, -0.7614878416061401, -0.8951482772827148, -0.15600284934043884, 0.3756929039955139, -0.6815218925476074, 0.07804159820079803, -0.9567909240722656, 0.1128663569688797, -1.404278039932251, 0.31880778074264526, -0.5056313276290894, -0.10099950432777405, 0.770329475402832, 1.2915421724319458, -0.3039695620536804, -0.5101194381713867, -0.4280772805213928, -0.27760714292526245, 0.060012463480234146, 0.8231638669967651, 0.3039044737815857, -0.4761005640029907, 0.6822088360786438, 0.15902948379516602, 0.6908004283905029, 0.5614339113235474, 0.7336606383323669, -0.5284831523895264, 0.017298119142651558, -0.12124378234148026, 0.5717405676841736, -0.16792447865009308, -0.17406564950942993, 0.12714175879955292, 0.5204542875289917, -0.6116379499435425, -0.4708407521247864, -0.06629438698291779, 0.20646950602531433, 1.6651906967163086, 1.2982313632965088, -0.5183165073394775, 0.9170553088188171, -1.2123894691467285, 0.5256221890449524, -0.3717744052410126, -0.6409968137741089, -0.6978923082351685, -0.2338804304599762, 0.8822476267814636, -0.5411250591278076, 0.23872807621955872, -0.01286347210407257, -0.34101802110671997, -1.4389959573745728, -0.5862081050872803, -0.4187847077846527, -0.4947250485420227, -0.8848481178283691, -0.5201717615127563, -0.019927114248275757, -0.6531199812889099, -0.5608803033828735, -0.28390759229660034, 0.689444363117218, 0.25722894072532654, 0.9583760499954224, 1.8014508485794067, -0.0636151134967804, 0.3018222153186798, -0.042192958295345306, 0.8086857795715332, -0.5515732765197754, 0.8160156011581421, -0.04987693205475807, 0.05484853684902191, -0.6862913370132446, 0.05645914375782013, -0.7073791027069092, -0.0025923289358615875, 0.3465263247489929, -0.038353946059942245, 0.13377442955970764, -0.49088841676712036, -1.18168044090271, 0.6438850164413452, -0.5693798661231995, 0.37828415632247925, -0.46966516971588135, 1.547383189201355, 0.033002182841300964, -0.2912544012069702, 0.8200351595878601, -0.09924400597810745, 0.09466780722141266, 1.050527572631836, -0.5334769487380981, 0.3256889581680298, 0.26361215114593506, -0.2016066461801529, 0.561342179775238, -0.0213026013225317, -1.9746127128601074, 0.2358052283525467, 1.3687331676483154, 0.013490978628396988, -0.49441686272621155, -1.050941824913025, 0.5825976133346558, -0.32728925347328186, -0.3224848210811615, 0.24041131138801575, -0.830020546913147, 0.4755125343799591, 0.07953835278749466, 0.3315054178237915, 0.6824106574058533, -0.556368887424469, 0.29877030849456787, 0.6225332617759705, 0.5729448199272156, -0.6973693370819092, 0.03888838738203049, 0.41405245661735535, -0.804145097732544, 0.3768884837627411, 0.39259570837020874, 0.9297967553138733, 1.2572273015975952, -0.49081701040267944, -0.39751940965652466, 0.9797963500022888, 0.933765709400177, 0.3846063017845154, 0.5252574682235718, -0.27114540338516235, 0.5028600096702576, 0.3099915683269501, 1.1505316495895386, 0.19953981041908264, -0.6532434225082397, -0.752779483795166, -0.3696541488170624, -0.2400892823934555, -0.6661232113838196, 1.4200164079666138, 0.7887064218521118, 1.3278357982635498, -0.001163845881819725, 0.4402914345264435, -0.5540667772293091, 0.09329751133918762, 0.9101822972297668, 0.17947004735469818, -0.05877777934074402, -0.7329584360122681, -0.10979916155338287, 1.1803653240203857, -0.20427386462688446, -0.5965273380279541, -0.2631804645061493, 1.0973011255264282, 0.15119116008281708, -0.5632904171943665, 0.31772270798683167, 0.8109680414199829, 0.5991566181182861, 1.4972293376922607, -0.7897865176200867, -0.06446725875139236, 0.18910536170005798, 0.7669547200202942, 0.27180016040802, 0.03205142170190811, -0.3349134027957916, 0.2568345069885254, 0.4038494825363159, 1.1745814085006714, 0.04413715749979019, 0.920389711856842, 0.9738122820854187, -0.5883187055587769, -1.0557578802108765, -0.40634986758232117, -0.8207982182502747, -0.5211698412895203, -0.05567425489425659, -0.5046948790550232, -0.3076290488243103, 0.8506092429161072, -0.4492795169353485, -0.9762340188026428, 0.8146713972091675, -0.3113234341144562, -1.0354549884796143, 0.779666543006897, 1.3826537132263184, -1.2915133237838745, -0.1855568289756775, -0.27158525586128235, -0.6736873984336853, -0.742844820022583, 0.2433798760175705, -0.7881157994270325, 0.3257768452167511, 0.0324232280254364, 0.6826334595680237, 0.008380698971450329, 0.008552797138690948, -1.000199556350708, 0.8725473284721375, 0.9088830351829529, -1.0753134489059448, 0.12993769347667694, -0.199433371424675, 0.5816442966461182, -0.0009094662964344025, -0.935844898223877, -0.2529500126838684, 1.082942247390747, -0.07913146913051605, 0.09521527588367462, -0.8767251968383789, -0.31779879331588745, 0.20077142119407654, 0.29074332118034363, 0.6799930334091187, -1.2366607189178467, 0.3379356861114502, -0.01825377345085144, 0.6254177689552307, 0.7716920375823975, -0.729157567024231, -0.7136687636375427, 0.8673310875892639, -0.6752713918685913, 0.0958964005112648, -0.11693426966667175, 0.48735886812210083, 0.857055127620697, 0.5115217566490173, 0.36638152599334717, -0.07695978879928589, -12.267641067504883, 0.6777817606925964, -0.3913421928882599, 0.04728493094444275, 0.7894954681396484, -0.43492791056632996, 0.4947671890258789, 0.0828225314617157, 0.23872704803943634, -0.7282469272613525, 0.25345322489738464, 0.9276890754699707, 0.40453657507896423, -0.48911193013191223, -0.5764154195785522, -1.0487152338027954, -1.0141135454177856, -0.8216969966888428, 0.331853449344635, 0.2905650734901428, -0.5798263549804688, -0.9024619460105896, -0.1200357973575592, 0.5814763903617859, 0.5409152507781982, -0.26030468940734863, -0.3590685725212097, -0.017155734822154045, -0.6305491328239441, -0.044880982488393784, 0.6013471484184265, -0.18992125988006592, -0.6925808787345886, -0.4113427996635437, 0.27746641635894775, -0.1852896511554718, -0.6805699467658997, -0.26252156496047974, 0.4655400812625885, 0.4462526738643646, -0.2846618890762329, 0.1735297441482544, 0.379579097032547, -0.5821212530136108, -0.4554895758628845, 0.22636111080646515, 0.2845613658428192, -0.7575805187225342, 0.1268177330493927, -1.0056692361831665, -0.3405652344226837, -0.3027036190032959, -0.7343666553497314, -1.0778053998947144, 0.4359337389469147, -0.22220884263515472, -0.3601803481578827, -0.09329333156347275, -0.08602461218833923, -1.0321235656738281, 0.569320559501648, 0.06366483867168427, -0.312034547328949, 0.3790268301963806, 0.43050509691238403, -1.1034762859344482, 0.5137737393379211, 0.2523651421070099, -0.017330825328826904, 0.36356133222579956, -1.04644775390625, 0.7163896560668945, 0.2478274405002594, 0.13596221804618835, -0.5747199058532715, 0.06157606840133667, -0.4830423891544342, -0.43028104305267334, 0.6761141419410706, -0.08094421029090881, -0.6962484121322632, 0.5037475228309631, 0.29924362897872925, -0.16526451706886292, -0.9585117101669312, 0.6654212474822998, -0.04840310662984848, 0.4697287082672119, 1.178778886795044, 0.02811446040868759, 1.1509569883346558, 0.09040404111146927, -0.461996853351593, -0.36624935269355774, -0.3053073287010193, 1.0181701183319092, -0.6609025001525879, 0.8406640291213989, 0.48590901494026184, -0.38076546788215637, -0.0016322582960128784, -0.3408764898777008, -0.7420660257339478, -0.12004968523979187, 0.6724185943603516, 0.19038698077201843, 0.2802383005619049, 0.07776977121829987, 0.3629370331764221, -0.2175305038690567, 1.466680645942688, -0.11443601548671722, -0.5046241879463196, 1.329896092414856, -0.1003182977437973, 0.8158559203147888, 0.9750123620033264, 0.17635992169380188, 0.8355796337127686, 0.7385775446891785, -0.6039751172065735, 0.596310555934906, 0.029657842591404915, 1.4968750476837158, 0.31266576051712036, 0.06252609193325043, 0.5851114392280579, 0.5951040387153625, -0.10499667376279831, -0.989800751209259, 0.08172013610601425, -0.09451624751091003, -0.2033740133047104, -0.4878541827201843, -0.21220478415489197, -0.11662471294403076, -1.0057849884033203, 1.235471248626709, -0.6655713319778442, 0.3003292977809906, 0.02380078285932541, -0.9179350733757019, -0.6689589619636536, -0.637109100818634, -0.9268436431884766, 0.17100250720977783, -1.7669992446899414, 0.09790714830160141, -0.3338668942451477, -0.6675595045089722, -0.20262987911701202, -0.5879548192024231, 0.9905281662940979, -0.9514061212539673, -0.11569434404373169, -0.0883081704378128, 0.8242343664169312, -0.13192437589168549, -0.7605032920837402, -0.2558739185333252, 0.23526254296302795, 1.0889873504638672, -0.8410992622375488, 0.9713659882545471, 0.47772714495658875, 0.2629317045211792, -0.4501896798610687, -0.04372294992208481, -0.2686074674129486, 0.2235729992389679, 1.3938751220703125, -1.4498443603515625, -1.0064141750335693, -0.8022793531417847, 0.08577023446559906, -0.8592193126678467, -0.030354373157024384, 1.346994161605835, -1.091156005859375, -0.0709131509065628, -0.1552048623561859, 0.5582783818244934, 0.2943752408027649, -0.8635348677635193, -0.9700788259506226, -0.06799652427434921, -0.021575510501861572, 1.1013131141662598, 0.3971045911312103, 0.9774060845375061, -1.7221624851226807, -1.1226451396942139, -0.5572320222854614, 0.3601028025150299, 0.6109854578971863, 0.04186549037694931, 0.5943400859832764, 0.22174282371997833, 0.42321518063545227, 0.15671944618225098, -0.18254129588603973, 0.8328809142112732, -0.042691875249147415, 0.17214417457580566, -0.3184904158115387, 0.1770862191915512, -0.9375686645507812, 0.1633918732404709, -0.004734192509204149, 0.7973583936691284, -1.4278148412704468, -0.5450892448425293, -0.10188421607017517, -0.25632163882255554, 0.14327046275138855, -0.8774318695068359, 0.01572873443365097, -0.09913656115531921, -0.08670161664485931, -1.3894819021224976, 0.08935298025608063, 1.1434036493301392, -0.18007370829582214, 1.04008948802948, 0.6103200316429138, 0.5837312340736389, 0.24722878634929657, 0.2947842478752136, 1.3060126304626465, -0.3639181852340698, -0.2846260368824005, -0.41604083776474, 0.49588778614997864, 0.06344010680913925, -0.385025292634964, 0.3348211944103241, -1.3281896114349365, -0.031645387411117554, -0.8063888549804688, 0.7607983946800232, -0.19002674520015717, 0.4938766062259674, 0.7717970609664917, 1.0895429849624634, -0.33352750539779663, -1.2999858856201172, -0.021377407014369965, -1.179982304573059, 0.18870936334133148, 0.3088679015636444, 0.4718509316444397, 0.8765679001808167, 0.8514127731323242, 0.3200245797634125, 1.2765135765075684, -0.3549274504184723, 0.03720472380518913, 0.023862715810537338, 0.10189516842365265, 1.2584519386291504, 0.5745171308517456, 0.45816025137901306, 0.5507016777992249, -0.4905150830745697, -0.6431119441986084, 0.029530443251132965, -0.4583461284637451, 1.151885986328125, 0.8427906036376953, 0.03543364256620407, -0.132777601480484, -1.084221363067627, 0.2637413442134857, -0.43819624185562134, 0.6049945950508118, 0.1971210390329361, -0.20865558087825775, -1.3497804403305054, -1.0232253074645996, -0.1250704824924469, 0.8177082538604736, -0.5532762408256531, -0.21605801582336426, -1.213241457939148, 0.07993092387914658, 0.15766963362693787, -0.0101775536313653, -0.8220695853233337, 0.23194648325443268, -0.6709256172180176, 0.0381522998213768, 0.4856167733669281, -0.6158079504966736, -0.6677955389022827, 0.15361712872982025, -0.7499498128890991, 0.7415298223495483, -0.24705937504768372, -1.020471215248108, -0.6392852663993835, 0.6477414965629578, 0.049111492931842804, -0.20312947034835815, 0.415513277053833, -0.6646718978881836, -1.6718575954437256, 0.5126493573188782, 1.173606038093567, -0.3086186945438385, -0.19783905148506165, 0.48562511801719666, 0.3014814555644989, 0.27273115515708923, 1.1463319063186646]} +{"paper_id": "wiki_movies", "embedding": [-0.8637804985046387, 1.6232954263687134, 0.46435311436653137, -0.5476007461547852, -0.18468299508094788, -0.6673041582107544, -0.13579565286636353, 1.206684947013855, 0.805145263671875, 0.4894176125526428, 0.9748998284339905, 0.35191258788108826, 0.223081573843956, 0.2634287476539612, -0.34403109550476074, 0.7258910536766052, 0.14713427424430847, -0.7398676872253418, -0.9285067915916443, -0.2418704330921173, -1.0727159976959229, -0.5150678753852844, -0.03147381544113159, 1.2091577053070068, -1.4129661321640015, -1.0204442739486694, 0.9013872146606445, -1.330849051475525, 1.0161620378494263, -0.013332933187484741, -0.014095313847064972, 0.8619436025619507, -1.552295207977295, 0.43150731921195984, -0.14536893367767334, 0.6205917000770569, 0.44261565804481506, 1.69846773147583, 0.03298655152320862, -0.5492435693740845, -0.4749559760093689, -0.2369219958782196, 0.9156762361526489, 0.02880747988820076, 1.5535335540771484, -0.4411900043487549, 0.5710214972496033, -0.40689751505851746, 0.272982120513916, -0.8142985105514526, -0.7071759104728699, 0.24652090668678284, -0.5698961615562439, 0.8259150981903076, -0.3872987627983093, 1.625887155532837, -0.11969096213579178, 0.24097323417663574, 0.8659511208534241, -1.1543841361999512, 2.025705337524414, 1.3514848947525024, -0.05935197323560715, -0.21957626938819885, 1.1444112062454224, 0.19880203902721405, 1.340235948562622, 0.4563411474227905, 0.19705794751644135, -0.15667755901813507, -0.12182939052581787, -1.190950870513916, 0.11307879537343979, -0.6738058924674988, -0.07810550928115845, 1.8501981496810913, 0.9921091198921204, -0.6945932507514954, 0.29454854130744934, 0.12903526425361633, -0.38161611557006836, 0.37128859758377075, 0.7144379615783691, -0.3410543203353882, -0.018708061426877975, 0.1675829291343689, -0.19468918442726135, -0.006401018239557743, 0.47391626238822937, -1.330753207206726, 0.5590454339981079, -0.538701593875885, 0.5571776628494263, 0.04676331579685211, -0.7023170590400696, -0.16148534417152405, -0.7426930665969849, 0.03438584506511688, -0.28215938806533813, 0.11805421859025955, 0.2812541723251343, 0.2962001860141754, -0.0726848617196083, -0.31818443536758423, 0.05952184274792671, -0.1891397386789322, -0.04622896388173103, -0.17660537362098694, -0.40075939893722534, -1.055179238319397, -0.17751111090183258, 0.6245598196983337, 0.3661569058895111, 0.7254287004470825, -0.6654995083808899, -0.48684462904930115, 0.161192387342453, -0.36642754077911377, 0.12953084707260132, 0.404033362865448, -0.12364786863327026, -0.8036960363388062, -0.28283262252807617, 0.4324018359184265, 0.6050767302513123, -0.043893326073884964, -0.9934951066970825, -0.5114628672599792, -0.4200183153152466, -0.06854240596294403, 1.002419114112854, 0.5832025408744812, -0.9957407116889954, -0.4084675908088684, 3.3030929565429688, -1.1686261892318726, 0.9068393111228943, -0.4413760006427765, -0.5216597318649292, -0.9182491898536682, -0.3760228753089905, 1.439013957977295, 0.4255902171134949, -0.7500520944595337, -0.3018167018890381, -0.3097422420978546, -0.6334798336029053, 0.8020732998847961, -0.6530927419662476, -0.582171618938446, 0.10811331868171692, -0.22859182953834534, -1.822853922843933, -0.7958055734634399, -0.8408544063568115, 0.03317906707525253, -0.04338936135172844, 0.39794492721557617, -0.4890265464782715, 1.1597977876663208, 0.26187118887901306, 0.11821014434099197, -0.38746899366378784, 0.1413860023021698, -0.88185054063797, -0.3038645386695862, 1.113269329071045, -0.014876645058393478, 0.05432606488466263, 0.09869282692670822, 0.18438202142715454, -0.42710670828819275, -0.10014677047729492, -0.6950138807296753, -0.5722764730453491, 0.23732322454452515, 1.2344841957092285, 0.7374204397201538, 0.0667920857667923, -0.21986311674118042, -0.5534077286720276, -0.35269907116889954, 0.6500850915908813, 0.15913814306259155, -0.08805794268846512, 0.7388507127761841, -2.56830096244812, 0.314627468585968, -0.2824534773826599, 0.760532557964325, 0.14183944463729858, 0.7760440707206726, 0.39288994669914246, -0.42793285846710205, -0.4749850630760193, -0.9161913990974426, 0.27577701210975647, -1.5786161422729492, 0.3751296401023865, 0.20415695011615753, -0.3776068687438965, 0.16442625224590302, -0.1732812225818634, 0.9619218707084656, 0.2766098380088806, -0.4315184950828552, -0.5519692301750183, -2.0211539268493652, 0.12710972130298615, 1.7437013387680054, -0.32342711091041565, -0.21073606610298157, -1.304469347000122, -0.32400983572006226, -0.12576770782470703, -0.19050651788711548, 0.10273352265357971, -0.1998050957918167, -0.11765149980783463, -0.42106109857559204, 0.697381854057312, 0.031504325568675995, 0.6411362290382385, 0.012610029429197311, 1.479374885559082, -0.13985928893089294, -0.2220587134361267, -0.7154479026794434, -1.7307863235473633, 0.25949186086654663, 0.03820351883769035, 0.10036162286996841, -0.22525733709335327, 0.9785912036895752, 0.6522681713104248, 0.8921363949775696, 0.8630470633506775, 0.3890582323074341, -0.9586362838745117, 0.008515417575836182, -0.3129880428314209, 1.187880516052246, 0.6306571364402771, -0.0287869144231081, 0.06999748945236206, -0.1080813854932785, -0.09758684039115906, -0.588822066783905, 0.07761827111244202, -0.5259019732475281, 1.2826980352401733, 0.8591691255569458, -0.8518086075782776, 0.3025265634059906, 0.30533793568611145, -0.4535755217075348, -0.2805446982383728, -0.7626715302467346, 0.6345526576042175, 0.36017096042633057, 0.7778319120407104, -0.19374683499336243, 0.315621554851532, 0.0006835684180259705, -0.23927003145217896, -0.5538159608840942, 0.0917060375213623, 0.21864071488380432, -0.3296723961830139, -0.9870305061340332, 0.30173179507255554, 0.07020089030265808, -1.292959213256836, -0.26227816939353943, 0.28054744005203247, 0.03434154391288757, 0.17971692979335785, 0.6116279363632202, 1.2441450357437134, -0.15512442588806152, 0.6818048357963562, -0.7358695268630981, 0.8720471262931824, -0.02779505029320717, 0.8541849851608276, -0.22478240728378296, -0.12552191317081451, -1.537204384803772, 0.44565364718437195, -0.7123805284500122, -0.11361849308013916, 0.7018400430679321, -0.14106178283691406, 0.7361767292022705, -0.2050931602716446, -0.5360617637634277, 1.0090328454971313, 0.552947461605072, -1.2281014919281006, -0.3897925019264221, 2.0225632190704346, -0.31941118836402893, -0.8594779968261719, 0.5893977284431458, 0.641884982585907, -1.3181618452072144, 0.9763389229774475, -0.06472411751747131, 0.17117533087730408, 0.03824547678232193, -0.06807851791381836, 0.014823034405708313, -0.24570712447166443, -1.3769744634628296, 0.6775580644607544, 0.6024303436279297, -0.5170502066612244, 0.027296949177980423, -0.46327370405197144, 0.2452123612165451, -0.3966629207134247, 0.1990813910961151, 0.3352556526660919, -0.19603118300437927, 0.23571568727493286, -0.2678023874759674, 0.3970419764518738, 1.0390723943710327, -0.15865008533000946, 0.13113535940647125, 0.42200666666030884, -0.22057539224624634, -0.8324967622756958, -0.6729346513748169, 1.4241865873336792, 0.11874774098396301, -0.16657647490501404, 0.03677443414926529, -0.18027180433273315, 0.969361424446106, -0.05395513027906418, -0.18962275981903076, 0.31941020488739014, 0.6642795205116272, 0.5621422529220581, 0.5914418697357178, -0.37463241815567017, 0.800188422203064, -0.22875365614891052, 1.1715114116668701, -0.46608081459999084, -0.07403314113616943, -1.1635653972625732, 0.10683831572532654, -0.5982227325439453, -0.6410857439041138, 1.909130334854126, 0.2650952637195587, 2.656126022338867, -0.1473466157913208, -0.37025681138038635, -0.2750203013420105, -0.843184769153595, 0.10432858765125275, 0.5704012513160706, 0.19563427567481995, -0.4717887043952942, -0.1140754371881485, 0.9062166810035706, 0.3901572525501251, -0.32248616218566895, -0.10131148993968964, 0.3655485510826111, 0.6983526349067688, -0.6408978700637817, 1.0276596546173096, 0.23329982161521912, 0.6108158230781555, 0.8800690174102783, 0.042168136686086655, 0.38435056805610657, -0.020663345232605934, -0.04836045205593109, -0.27325132489204407, 0.27204152941703796, -0.35596945881843567, 0.831180989742279, 0.03990497812628746, -0.401606947183609, 0.14385205507278442, 1.2523348331451416, 2.1556925773620605, 0.2467803806066513, -1.6687490940093994, 0.10084354877471924, -0.36743080615997314, 0.26397112011909485, 0.2965155243873596, 0.6642501354217529, -0.31433624029159546, 0.23542505502700806, 0.48040395975112915, -1.5525438785552979, 0.7501475811004639, -0.3030085861682892, -1.3562488555908203, 0.47522610425949097, 0.927243709564209, -0.5976685881614685, -0.41618362069129944, -0.08433873951435089, -0.9916495680809021, -0.29581865668296814, -0.4057812988758087, -0.35907188057899475, 0.522277295589447, -0.05958489701151848, 1.0937267541885376, 0.22728657722473145, 0.25204795598983765, -0.7732599377632141, 1.0284593105316162, 0.12468282133340836, -0.49384963512420654, 1.1200764179229736, 0.10156571865081787, 0.1760842353105545, -0.08126397430896759, -1.520933747291565, -0.8828650116920471, 0.8086569905281067, -0.6535028219223022, -0.2218695878982544, -0.9961995482444763, -0.40499407052993774, 0.7267053723335266, 0.7196680307388306, 1.2702738046646118, -0.7474356293678284, -0.05830223858356476, -1.150794506072998, -0.12609314918518066, 0.7610476016998291, -0.4099794626235962, -1.3843903541564941, 0.9552453756332397, -0.1652165949344635, 0.6175804138183594, -0.6172391176223755, 0.21275943517684937, 1.896953821182251, 0.01713421940803528, -0.41670775413513184, 0.008616171777248383, -10.838004112243652, 0.7620350122451782, -0.3683016300201416, 0.6853998899459839, 1.062046766281128, 0.38822105526924133, 1.1568189859390259, -0.3055402338504791, 1.0642400979995728, -1.0350111722946167, 0.10927285254001617, 0.5921973586082458, 0.2061772346496582, -0.4702945351600647, -1.3322665691375732, -1.8051267862319946, -1.1530369520187378, 0.22464941442012787, -0.13684964179992676, -0.6720475554466248, 0.4688185453414917, -0.25374776124954224, -0.8131725192070007, 0.7737492322921753, -0.08221392333507538, -0.13591443002223969, -0.4550299346446991, -0.19398494064807892, -0.3285912871360779, -0.4269111156463623, 0.9867660999298096, -0.47650396823883057, -0.6175990104675293, -0.7333492040634155, 0.17526669800281525, -0.43090716004371643, -1.1881836652755737, -0.2971722483634949, 0.7212889790534973, -0.46950894594192505, -0.3167339563369751, 0.6941331624984741, 0.42119044065475464, 0.008058851584792137, -0.8313247561454773, 0.31649214029312134, 0.45870110392570496, -0.7774190306663513, -0.385959267616272, 0.39487922191619873, -0.48348551988601685, -0.3339432179927826, -0.3275699317455292, 0.6354497075080872, 0.6269388198852539, 0.9507225751876831, -0.6491248607635498, -0.5217792391777039, -0.9002167582511902, -0.8415958881378174, 1.2340764999389648, 0.04315423220396042, 0.13211533427238464, 0.45218905806541443, 0.6129949688911438, -0.0007185955182649195, 0.18188020586967468, -0.4155846834182739, -0.3951016366481781, -0.21126587688922882, -0.11638962477445602, 0.4351491630077362, 0.5957281589508057, -0.5680060386657715, -0.5872034430503845, 0.5627404451370239, -0.714361310005188, -0.21732963621616364, 0.24577181041240692, 0.49285849928855896, -1.1798105239868164, 0.9320499300956726, -0.0989593118429184, -0.797329306602478, 0.3710812032222748, 0.7037779092788696, -0.03453483432531357, 0.41449758410453796, 0.3044154942035675, -0.5845386981964111, 1.6091333627700806, 0.32523074746131897, 0.10827191919088364, -0.05125032365322113, -0.5997450947761536, 0.7681912779808044, -0.96159428358078, 0.6731929779052734, 0.22589969635009766, -0.6972506046295166, 0.18703916668891907, -0.27709320187568665, -0.8172961473464966, -0.8119903206825256, 0.15102513134479523, 0.44834408164024353, 0.48366719484329224, -0.21006342768669128, -0.15761032700538635, -0.31299394369125366, 0.8387351632118225, 1.072318196296692, -0.7542779445648193, 1.0928419828414917, -0.41137367486953735, 1.0167522430419922, 0.8011932969093323, -0.4716714918613434, -0.09648658335208893, 1.8027896881103516, 0.023725736886262894, 0.5366669297218323, 0.5692756772041321, 0.8719109296798706, -0.2735389173030853, -0.3573968708515167, 0.048209790140390396, 0.42271852493286133, 0.32843443751335144, -1.2588160037994385, 0.04205818101763725, 0.04242904856801033, -0.0787883996963501, -1.3251856565475464, -0.9698687791824341, -0.3704865872859955, -1.073091745376587, 1.6305302381515503, -0.0978870615363121, 0.18002724647521973, -0.6721380352973938, -1.0164374113082886, -0.8966078758239746, -0.8095335364341736, -0.5883195996284485, 0.06862665712833405, -0.40963420271873474, 0.015838053077459335, -0.527750551700592, -0.14560526609420776, -0.10553638637065887, -0.034853529185056686, 0.30596911907196045, -0.4481533169746399, -0.7323412299156189, -0.1581203043460846, -0.3021291196346283, -0.2806924283504486, -0.3348487913608551, -0.24888314306735992, 0.3581210970878601, 0.753524899482727, -1.1779083013534546, 0.6987061500549316, 0.5289462804794312, -0.7804673910140991, -0.3421289324760437, 0.2591886520385742, -1.0593518018722534, 0.2203587293624878, 0.9641897678375244, -0.41906821727752686, -0.9050132036209106, -1.1329795122146606, -0.013416816480457783, -0.6276031732559204, 1.075620174407959, 1.2111127376556396, -0.7133779525756836, -0.16389895975589752, -0.0028155967593193054, 1.024694561958313, 0.10029815882444382, -0.33994826674461365, 0.18766942620277405, 0.12786579132080078, -0.2587551176548004, 0.6516223549842834, 0.15646278858184814, 1.0504904985427856, -1.5321067571640015, -1.551490306854248, -0.4723610281944275, -0.9711628556251526, 0.669833779335022, 0.18568213284015656, 1.4062870740890503, 1.0205858945846558, -0.6154686212539673, 0.7802121639251709, 0.08425101637840271, 1.039292573928833, 0.5906057953834534, 1.7263554334640503, -0.3853040337562561, -0.14363312721252441, -0.5156406164169312, -0.2945241928100586, 0.2434699386358261, 1.0584917068481445, -0.8620665073394775, -0.006848275661468506, -0.2939320504665375, -0.48398518562316895, 0.2627373933792114, -0.6176010370254517, 0.778549075126648, -0.3568894863128662, 0.1250992715358734, -1.142254114151001, -0.379388689994812, 1.0019874572753906, -1.059417724609375, 1.1480029821395874, 0.1165706068277359, 0.9497774243354797, 0.5036846995353699, 0.17425820231437683, 1.1635204553604126, 0.10727056115865707, -0.3265587091445923, 0.6869276762008667, 0.16436101496219635, -0.004667334258556366, -0.38479387760162354, -1.7036828994750977, -0.27296704053878784, 1.240077257156372, -0.6989507675170898, 0.526305615901947, -0.49486130475997925, 0.8939711451530457, 0.5368496775627136, 1.5497897863388062, -0.762923002243042, -1.8497153520584106, 0.0368487648665905, -1.0784785747528076, -0.06197822093963623, 1.4529657363891602, 0.1236155703663826, 0.14204451441764832, 0.8167374134063721, 0.4653947353363037, 1.1113723516464233, -1.2193398475646973, 0.12835276126861572, -0.013308435678482056, -0.6288092732429504, 0.3822869658470154, 0.7746865153312683, 0.7451112866401672, 0.7979449033737183, 0.09768456220626831, -0.5956586003303528, -0.5022435188293457, -0.5223343968391418, -0.5493490099906921, 0.7086805701255798, -0.18683113157749176, -0.7908788323402405, -0.734743595123291, 1.155326247215271, -0.84843909740448, 0.4798634946346283, -0.0010431930422782898, -0.46221673488616943, -0.6562036275863647, -1.0920689105987549, -0.7332544922828674, 0.4754534661769867, -0.5406290292739868, -0.36546170711517334, -0.2063741534948349, 0.9676123857498169, 0.3514172434806824, -0.027407031506299973, -1.009263038635254, -0.2855834662914276, -0.6416295766830444, -0.26704418659210205, -0.42928045988082886, -0.7415845394134521, -0.7192860841751099, -0.21521015465259552, -0.35455211997032166, -0.019467800855636597, 0.3535073399543762, -0.6938251852989197, -0.043562278151512146, 0.3479391634464264, -0.08274722099304199, 0.8837841153144836, 0.012511227279901505, -0.017594067379832268, -1.2867101430892944, 0.029097575694322586, 0.01091088354587555, 0.4922231137752533, -0.5290845036506653, 0.07506376504898071, -0.22985470294952393, 0.4806836247444153, 0.48833993077278137]} +{"paper_id": "orange_sum", "embedding": [-0.17156992852687836, 1.0239068269729614, -0.3097548484802246, 0.6967846155166626, 0.805176317691803, -0.38834819197654724, 0.6115989685058594, 0.6162241697311401, 0.7799011468887329, 1.0921046733856201, 0.7009965181350708, 0.3140121102333069, -0.037414103746414185, -0.22538262605667114, -0.5152892470359802, -0.24111366271972656, -1.1202986240386963, -0.5751675963401794, -1.5149918794631958, -0.7065460085868835, -1.2426856756210327, -0.5535834431648254, -0.37035706639289856, 0.7597842812538147, -0.29902762174606323, -0.4076692759990692, 1.0500099658966064, -1.4755463600158691, 0.22649288177490234, 0.2673732340335846, -0.25357571244239807, 1.2721171379089355, -1.2994401454925537, 0.1511329710483551, -0.8441881537437439, -0.3659307658672333, -0.07686002552509308, 1.1248092651367188, -0.10092254728078842, 0.22113782167434692, -0.9725620150566101, -0.11729792505502701, 0.988484799861908, 0.09402171522378922, 0.6616351008415222, -0.717225193977356, -0.2652474343776703, 0.3025325536727905, -0.00814627856016159, 0.057582903653383255, -0.23539431393146515, 0.39725035429000854, 0.14877086877822876, 0.48494186997413635, -0.3333173990249634, 1.6903784275054932, -0.006580818444490433, -1.467386245727539, 0.6602240800857544, -0.2595163881778717, 0.4122323989868164, 1.7903765439987183, -0.45160096883773804, 0.1612800806760788, 0.9675929546356201, -0.3035042881965637, 1.2760072946548462, 0.17480294406414032, 0.44835996627807617, 1.061928153038025, -0.775292694568634, -0.6777229309082031, 0.49141648411750793, 0.026322662830352783, 0.047109294682741165, 1.121252179145813, 0.5091111063957214, 0.3522453308105469, -0.6477835178375244, -0.7145099639892578, -0.5446456670761108, 0.8519683480262756, 0.15798161923885345, -0.8080939054489136, 0.13067886233329773, 0.08393245935440063, 0.020759448409080505, -0.7169151306152344, 0.23028919100761414, -1.5648915767669678, 1.0187699794769287, -0.39118510484695435, -0.47070080041885376, -0.3426530361175537, -0.6272923350334167, 0.33628788590431213, -0.21353398263454437, -0.48838138580322266, -0.6567517518997192, 0.6654567122459412, 0.4968092441558838, -0.6011795997619629, 1.0680065155029297, 0.2131252884864807, 0.6766113638877869, 1.560315728187561, -0.5795295238494873, -0.5510767698287964, -0.7919999361038208, -0.10053081810474396, 0.35580021142959595, 1.0889397859573364, 0.19501009583473206, 0.535490870475769, 0.11411263793706894, -0.17226383090019226, 0.4025411009788513, -0.07828101515769958, -0.2390456199645996, 0.21915441751480103, -0.43561920523643494, -1.4539965391159058, -0.34359240531921387, 0.1219603568315506, 0.31370723247528076, -1.159416913986206, 0.08543694019317627, -0.28280144929885864, 0.2147866040468216, -0.5822615623474121, 0.6095103025436401, 0.5464962720870972, -0.9750743508338928, 0.3021702170372009, 3.1367146968841553, -1.399853229522705, 1.6165385246276855, -0.20442722737789154, -0.3788589835166931, -0.7415852546691895, 0.4500947892665863, 1.6905852556228638, -0.601662278175354, -1.4322251081466675, -0.5438609719276428, 0.11298742890357971, -1.2033846378326416, 0.3586771488189697, -0.32445287704467773, -0.37148526310920715, 0.11337566375732422, 0.01865449547767639, -1.1121448278427124, -0.849402129650116, -0.03565043583512306, 0.39461061358451843, 0.5761335492134094, 0.32334983348846436, -0.03680482879281044, 1.766944408416748, 0.8684983253479004, -0.14630766212940216, 0.25951695442199707, 0.8435103893280029, -1.148608922958374, 0.62225341796875, 0.8102966547012329, 0.26661503314971924, -0.4971526563167572, -0.3263980746269226, 1.366233229637146, -0.3757070302963257, -0.5095300674438477, -0.43811386823654175, -0.26445910334587097, 0.7237975001335144, 0.5246188640594482, 0.8403118848800659, 0.09759081155061722, -0.4804966151714325, -0.7555752396583557, -0.7024691700935364, 0.06025288254022598, 0.36496806144714355, -0.13236787915229797, 1.1204979419708252, -2.010510206222534, -0.5788973569869995, -0.5492942333221436, 1.3134170770645142, -0.3930704891681671, -0.31153735518455505, -0.41558119654655457, 0.5774884223937988, 0.32382333278656006, -1.0450776815414429, 0.4880484938621521, -0.8437650203704834, -0.4347975552082062, 0.02091110497713089, 0.17088335752487183, -0.47981831431388855, -0.09076274186372757, 0.41506677865982056, 0.9800306558609009, -0.3724484145641327, -0.10888426005840302, -1.8566477298736572, 0.6839189529418945, 1.9445061683654785, 0.15932941436767578, -1.3581879138946533, -0.6210920810699463, -1.2424464225769043, 0.6428679823875427, -0.8781239986419678, -0.06709298491477966, 0.0642324909567833, 0.4189121127128601, -0.9869497418403625, 0.5931813716888428, -0.6558669805526733, 0.21647891402244568, 0.6576883792877197, 1.129289984703064, -0.11018408834934235, -0.26741984486579895, 0.1044059544801712, -1.0292141437530518, 0.45345526933670044, 0.7469085454940796, 0.00578242726624012, -0.8235396146774292, 1.0761579275131226, -0.6203628182411194, 0.2881301939487457, 0.5176976323127747, 0.895340085029602, -0.07931327074766159, -0.059534117579460144, -0.11184685677289963, 1.0311239957809448, -0.24625103175640106, 0.010962104424834251, 0.5728134512901306, 0.013800352811813354, -0.25846606492996216, -0.5746973156929016, 0.40726566314697266, -0.6486876010894775, 1.492836356163025, 1.0298091173171997, -0.4861428439617157, 1.4022395610809326, -1.0504798889160156, -0.20359492301940918, -0.18389654159545898, -0.4949462115764618, -0.4446749687194824, -0.25089162588119507, 1.0038424730300903, -0.2775433361530304, 0.04766838252544403, -0.4008723497390747, 0.06310755014419556, -1.4310896396636963, -0.5089586973190308, -0.2521045207977295, -0.3617604374885559, -1.6679706573486328, -0.0988462045788765, -0.5049036145210266, -0.7850789427757263, -0.25965845584869385, 0.709882378578186, 0.4170849323272705, 0.41970136761665344, 0.9172234535217285, 1.620774269104004, -0.3862466812133789, 0.5048266649246216, 0.3526098132133484, 0.8823612332344055, -0.40380412340164185, 0.6043936610221863, 0.3811638653278351, 0.06071004271507263, -0.9634633660316467, 0.2820548713207245, -0.3034655451774597, 0.2856972813606262, 0.4997384548187256, -0.5121637582778931, 0.04740683734416962, -0.44669458270072937, -0.7660142779350281, 0.9982567429542542, -0.7682109475135803, 0.8155948519706726, -0.8732744455337524, 1.6058412790298462, 0.4092195928096771, -0.39727339148521423, 0.8421847224235535, -0.05650833249092102, -0.007764652371406555, 1.0122398138046265, -0.5884138345718384, 1.0596654415130615, 0.3649674654006958, 8.025206625461578e-05, 0.46949508786201477, 0.3563271164894104, -2.1925930976867676, 0.5382513403892517, 0.8056751489639282, -0.3484901189804077, -0.395383358001709, -0.9794281125068665, 0.18852652609348297, -0.5560470819473267, -0.5946593284606934, -0.15886130928993225, -0.3502460718154907, 0.22183530032634735, -0.6068635582923889, 0.12939663231372833, 1.6822550296783447, -0.570489227771759, 0.884074866771698, 0.799640417098999, 0.12522518634796143, -1.6476731300354004, -0.27009227871894836, 0.9756749272346497, -0.4080289304256439, 0.532051682472229, 0.49418747425079346, 1.1648039817810059, 1.6238622665405273, -0.47728580236434937, 0.14557088911533356, 1.722959041595459, 0.6235736012458801, 0.3292423188686371, 0.6159225106239319, -0.8368483185768127, -0.3104032278060913, 0.19069892168045044, 0.7111031413078308, -0.227678582072258, -0.8115653991699219, -1.4078466892242432, 0.177812859416008, -0.3230951130390167, -0.6850194334983826, 1.4005733728408813, 0.274659663438797, 1.8029911518096924, 0.15238049626350403, 0.6288981437683105, -0.3767245411872864, 0.5862278938293457, 0.5684924721717834, 0.20966434478759766, -0.3232438564300537, -1.0777711868286133, 0.23077575862407684, 0.7312454581260681, -0.14893051981925964, 0.0665748119354248, 0.18187259137630463, 0.8737501502037048, -0.2208799570798874, -0.8385093808174133, 0.01898438110947609, 0.9171290993690491, 0.14689478278160095, 1.8941925764083862, -1.1214723587036133, -0.3377610146999359, 0.9337681531906128, 0.35856884717941284, 0.4098321795463562, 0.5805747509002686, -1.0016785860061646, 0.43065840005874634, 0.3730287253856659, 0.7808589339256287, -0.4472849369049072, 0.8834488987922668, 0.5500583648681641, -0.9199499487876892, -0.22805657982826233, -0.46737316250801086, -1.0859392881393433, -0.6012970209121704, 0.10501154512166977, 0.09443703293800354, -0.7106615304946899, 1.0776499509811401, -0.8376166224479675, -0.7477696537971497, 1.186775803565979, -0.3391377627849579, -1.4218252897262573, 0.32137012481689453, 1.283431053161621, -1.3557896614074707, -0.7858619689941406, -0.45685315132141113, -1.2205066680908203, -1.2099686861038208, 0.34232497215270996, -0.4623192846775055, -0.017207328230142593, -0.15364187955856323, 0.3620806634426117, -0.35061758756637573, -0.40073680877685547, -0.8879488110542297, 0.2948470711708069, 1.2596436738967896, -0.6040692925453186, 0.7420892715454102, 0.34884631633758545, 0.6689351797103882, -0.15596488118171692, -1.0884618759155273, -1.182301640510559, 0.2107412964105606, 0.4650597870349884, 0.5387048721313477, -0.635076642036438, -0.1932748407125473, 0.16508391499519348, 0.027388181537389755, 1.1639275550842285, -0.875153660774231, 0.04820152744650841, 0.2196018546819687, 0.4803875982761383, 0.41212719678878784, -0.030309773981571198, -1.0272157192230225, 0.7367880940437317, -0.5761649012565613, 0.2687055468559265, -0.28231343626976013, 0.4677881598472595, 0.9787625670433044, 0.18281638622283936, -0.18569324910640717, -0.29735085368156433, -10.582468032836914, 0.023666229099035263, -0.19112782180309296, -0.1376442313194275, 0.8637906312942505, -0.8054224252700806, 1.2447845935821533, -0.22108717262744904, 0.1046384796500206, -0.3956095576286316, 0.6974152326583862, 1.1167972087860107, 0.36430948972702026, 0.02820703759789467, -0.5322988629341125, -1.1378426551818848, -0.5044288039207458, -0.15634430944919586, 0.9752439260482788, 0.12316211313009262, -0.3846707046031952, -0.730812668800354, 0.8317670822143555, 0.44839930534362793, 0.2837001383304596, 0.5878075361251831, 0.27324557304382324, 0.15174898505210876, -0.3344985842704773, -0.21679209172725677, 0.2568650543689728, -0.4382931590080261, -1.0003879070281982, -0.6795501708984375, 1.1153576374053955, -0.018629824742674828, -1.3597277402877808, -0.37678277492523193, 1.09197998046875, -0.3470436930656433, -0.5579994320869446, 0.2230115681886673, 0.61849045753479, -0.5701681971549988, -0.7555892467498779, 0.2907530665397644, 0.8603500723838806, -0.9432423114776611, 0.2238844484090805, -0.4260559380054474, -0.8607101440429688, -0.7805569171905518, -1.33183753490448, -0.6425261497497559, 0.9350135922431946, -0.26554715633392334, -0.49435099959373474, 0.2921352982521057, -0.46088820695877075, -1.0931240320205688, 0.3699028491973877, 0.3651885986328125, 0.06227416545152664, -0.24318628013134003, -0.3228796124458313, -0.2683315575122833, 0.7851274609565735, 0.3083376884460449, 0.2918373644351959, 0.2414076328277588, -0.8523152470588684, 0.12396245449781418, 0.1556474268436432, -0.2518380880355835, -0.44545766711235046, -0.2595216631889343, 0.6752513647079468, -0.9449547529220581, 0.27204668521881104, 0.09732986986637115, -1.1289912462234497, 0.40824317932128906, 0.3306327760219574, -0.42222440242767334, -0.7819056510925293, -0.5669894814491272, -0.3513967990875244, -0.4624960720539093, 0.9327117204666138, -0.29400184750556946, 0.9496939182281494, -0.5775202512741089, 0.40490013360977173, 1.0914958715438843, -0.8483380079269409, 1.2353090047836304, -0.6946039199829102, 0.8171781897544861, -0.13111162185668945, -0.6246914863586426, 0.29303979873657227, 0.1963270604610443, -0.21840941905975342, -0.09959103167057037, 0.6454308032989502, 0.3598005473613739, -0.2717159390449524, 0.008982032537460327, 0.0648408979177475, 0.21138349175453186, 1.2521321773529053, 0.34415462613105774, -0.0678015947341919, 0.6683074831962585, -0.00292949378490448, 0.9613759517669678, 0.006449198350310326, 0.211366206407547, -0.01874728500843048, 1.1271568536758423, -0.599280595779419, 1.4694818258285522, 0.8151797652244568, 0.7358159422874451, -0.0320151187479496, -0.24011468887329102, 0.34828558564186096, 1.126132845878601, -0.024306204169988632, -1.226555347442627, -0.6702077984809875, -0.08443385362625122, 0.0835282951593399, -0.8954806923866272, -0.3842737674713135, -0.1656232327222824, -1.3559964895248413, 1.52280855178833, -0.5542827844619751, -0.4508173167705536, 0.28942662477493286, -1.110351324081421, 0.4531659483909607, -0.7246436476707458, -0.603135883808136, -0.023727014660835266, -1.9287185668945312, 0.3982464373111725, -0.7395238876342773, -0.3602946996688843, 0.02814740687608719, 0.272769570350647, 1.340423583984375, -1.202303409576416, -0.5129411220550537, -0.11733706295490265, 0.7545840740203857, -0.42868921160697937, -0.48822021484375, -0.24595999717712402, -0.5243903994560242, 1.1621886491775513, -0.38364559412002563, 0.8006624579429626, 0.2267722189426422, -0.26785919070243835, -0.7963880896568298, 0.10445423424243927, -0.4112366735935211, 1.1671034097671509, 1.193956971168518, -1.382164478302002, 0.08420655876398087, -1.1129610538482666, -0.6132985949516296, -0.9636569023132324, 0.3225250542163849, 1.7743202447891235, -0.8270301222801208, -0.29057151079177856, 0.9690971970558167, 0.33951741456985474, 0.3994516432285309, -0.3694985806941986, -0.24573250114917755, 0.0946904644370079, 0.07626619935035706, 0.48440104722976685, -0.24001190066337585, 0.2895868718624115, -2.3150181770324707, -1.154003381729126, -0.7071165442466736, -0.8120344877243042, 0.33931392431259155, -0.5023190379142761, 1.1045602560043335, 0.5361729264259338, 0.2548888325691223, 0.2706136107444763, -0.3903811275959015, 1.1501588821411133, 0.7944875955581665, 0.6365115642547607, 0.5310828685760498, -0.7275158166885376, -0.5793056488037109, -0.047060415148735046, 0.0560404397547245, -0.08331292122602463, -1.0799810886383057, -0.23838923871517181, 0.0994015485048294, -0.16306158900260925, 0.2292826920747757, -1.0289413928985596, 0.5942981839179993, -0.21251390874385834, -0.28591835498809814, -1.527888536453247, -0.1618751883506775, 1.3152557611465454, -0.2563342750072479, 0.8191866874694824, 0.044339489191770554, -0.15308749675750732, 1.1673648357391357, 0.39014071226119995, 1.6659677028656006, -0.02579895779490471, -0.648408830165863, -0.02545827627182007, 0.575568437576294, -0.022474542260169983, -0.0018337294459342957, -0.09531480818986893, -1.1276841163635254, -0.029494136571884155, -0.3560119569301605, -0.04928479343652725, 0.12896886467933655, 0.7289273142814636, 0.7984959483146667, 0.8905996680259705, -0.2396947592496872, -1.0882295370101929, -0.2583986818790436, -1.0511841773986816, 0.09358268976211548, 1.2848384380340576, 0.2607908546924591, 0.49596941471099854, 0.6846141815185547, 0.0029280632734298706, 1.0567424297332764, -0.592502772808075, -0.6196146011352539, -0.02727322280406952, 0.25633007287979126, 1.2773276567459106, 0.6906429529190063, 0.04529956728219986, 0.14458295702934265, -0.4902161657810211, -0.026395834982395172, -0.264751672744751, -0.1593494713306427, 0.46538352966308594, 1.218735933303833, -0.2735956609249115, -0.21559682488441467, -0.6407942771911621, 0.3264482319355011, -0.859406054019928, 0.12652771174907684, 0.37119001150131226, -0.7559518814086914, -0.8445600867271423, -0.8713005185127258, 0.010760148987174034, 0.6590316891670227, -0.3464911878108978, -0.2446594089269638, -0.09149883687496185, 0.6828715205192566, 0.2524757385253906, -0.3061088025569916, -0.7065846920013428, 0.21217826008796692, -0.18320949375629425, 0.1958364099264145, 0.1699572503566742, -0.46957942843437195, 0.03564829006791115, -0.3198869824409485, -1.0152004957199097, 0.31525135040283203, 0.2538650631904602, -0.9651567935943604, -1.0443074703216553, -0.07854358851909637, 0.06290797889232635, 0.0753355622291565, 0.7544558644294739, -0.28487250208854675, -1.8315410614013672, 1.318008542060852, 0.948552131652832, -0.6909261345863342, -0.31043779850006104, 0.3312119245529175, 0.5160835385322571, -0.20850569009780884, 1.3052088022232056]} +{"paper_id": "simple_questions_v2", "embedding": [-0.0832267701625824, 1.2768840789794922, -0.2510307729244232, -0.18822722136974335, -0.15835127234458923, 0.16924387216567993, -0.09493934363126755, 1.089505910873413, 1.4569048881530762, 0.2162550836801529, 0.3103073835372925, 0.267701119184494, 0.5187684297561646, 0.12527188658714294, -0.2774616479873657, 0.15452787280082703, -0.5598286390304565, -0.4811003506183624, -2.1548445224761963, 0.0005948767066001892, -0.06577470898628235, -0.4465634226799011, 0.2572628855705261, 1.4748997688293457, -0.8054257035255432, -1.6976679563522339, 1.266770601272583, -1.0358641147613525, 1.0042325258255005, 0.24299311637878418, 0.24408501386642456, 1.7373050451278687, -1.5459073781967163, 1.0458261966705322, -1.183079719543457, -0.5482774972915649, 0.40261340141296387, 1.319455623626709, 0.3491446375846863, -0.22058460116386414, -0.062406592071056366, -0.039374709129333496, 0.00165635347366333, 0.8239322900772095, 1.2447596788406372, -1.0339289903640747, 1.2293041944503784, -0.011986780911684036, -0.3056751787662506, -0.23722165822982788, -0.8973860144615173, 0.4131932854652405, -0.2041783332824707, 1.612605094909668, -0.3270449638366699, 0.9435909986495972, 0.4045674502849579, -0.05744469165802002, 0.6994041204452515, -0.8865751028060913, 2.0365421772003174, 1.5647534132003784, 0.15142862498760223, 0.03852282837033272, 1.2545970678329468, 0.6215587854385376, 1.9889854192733765, -0.09575681388378143, -0.17321503162384033, 0.22762499749660492, -0.25711870193481445, -0.37850072979927063, 1.0236302614212036, -0.023068904876708984, 0.5709594488143921, 0.9312261343002319, -0.00021169520914554596, -0.12380726635456085, -0.020819298923015594, -0.4379543662071228, -0.3487091660499573, -0.5974055528640747, 0.9355139136314392, 0.16078642010688782, 0.45787978172302246, -0.059787482023239136, 0.05308043211698532, -0.9927695393562317, -0.21607422828674316, -1.9025028944015503, 1.0984784364700317, -0.3033207654953003, 0.5057279467582703, -0.09291651844978333, -0.23179686069488525, -0.1511847972869873, -0.9230789542198181, -0.5072380900382996, -0.7498384714126587, 0.002525104209780693, 0.501086413860321, -0.10333796590566635, 0.5556769371032715, 0.20570701360702515, -0.2534814476966858, 0.6971566081047058, 0.6925266981124878, -0.464605450630188, -0.597717821598053, -1.1753556728363037, -0.3771599233150482, 0.269393652677536, -0.35447457432746887, 0.32979854941368103, -0.4179290533065796, 0.8758339285850525, 1.017105221748352, -0.5509500503540039, 0.08431714028120041, -0.20061321556568146, -0.07933898270130157, -1.452065110206604, -0.8433472514152527, -0.4798842668533325, 0.20796772837638855, -0.33686479926109314, -0.841766357421875, -0.46140262484550476, -0.4269145727157593, 0.537135899066925, 1.6430219411849976, 0.13882826268672943, -1.1139264106750488, -0.47796547412872314, 2.9316883087158203, -1.274673581123352, 1.2985213994979858, -1.3189054727554321, 0.21761049330234528, -1.3683829307556152, -0.6115679144859314, 1.0233101844787598, -0.4010380804538727, -0.6845200657844543, -0.9308952689170837, 0.249018132686615, -0.1583833247423172, 0.34592705965042114, -1.0718867778778076, -0.4541947841644287, 0.01758580468595028, 0.7121708393096924, -1.0703760385513306, -1.0261473655700684, 0.009286809712648392, 0.6243082284927368, -0.2673175632953644, 0.5413520336151123, -0.7354604601860046, -0.2936670184135437, -0.3415277898311615, -0.8971420526504517, -0.17231135070323944, 0.1118512749671936, -0.4763588309288025, -0.5042422413825989, 1.099221110343933, 0.26163893938064575, -0.6873051524162292, -0.3811352252960205, 0.01500355452299118, 0.19900190830230713, -0.5184934139251709, 0.10336597263813019, -0.06766210496425629, 0.4821041524410248, -0.22237104177474976, 0.6240068078041077, 0.26056167483329773, -0.7513543963432312, -0.059503667056560516, 0.04424535483121872, 0.2865550220012665, 0.8856595754623413, 0.23245100677013397, -0.03677539899945259, -1.846847653388977, 0.1388188749551773, 0.1095704585313797, 0.4153055250644684, -0.2946092486381531, 0.12146981060504913, 0.4089207351207733, 0.1063225120306015, -0.09546492993831635, -1.0282304286956787, 1.0405993461608887, -0.8742753863334656, -0.2587614059448242, 0.2598002552986145, -0.11761605739593506, 0.14418449997901917, 0.034123241901397705, 1.114927053451538, 0.17910419404506683, -0.6162309646606445, -0.013918116688728333, -1.2836203575134277, 0.2619227170944214, 1.5500547885894775, 0.4004374146461487, -0.19025154411792755, -0.5167959332466125, -1.2024083137512207, 0.06450103968381882, -0.4516792297363281, 0.11807620525360107, -0.4999575912952423, 0.4657422602176666, -1.4758809804916382, 0.5780488848686218, -0.2856827974319458, -0.19682644307613373, 0.4391576647758484, 1.468597173690796, -0.9599694609642029, 0.05161021649837494, -0.5565429925918579, -0.6335969567298889, 0.8169333934783936, 0.38796359300613403, 0.37824681401252747, 0.23343169689178467, 0.7223967909812927, 1.0908153057098389, 0.854641854763031, 0.8026610016822815, 0.7370167374610901, -1.0863274335861206, 0.24780812859535217, -0.3194458484649658, 0.7368927001953125, 0.3764347434043884, 0.699835479259491, -0.32466626167297363, 0.7480849623680115, -0.7856171727180481, -0.8189697861671448, 0.4613141417503357, -0.380005419254303, 2.1381540298461914, 0.09055526554584503, 0.1815529763698578, 0.598517656326294, 0.42156314849853516, -1.196034550666809, -0.23437508940696716, -0.2990776598453522, 0.09260186553001404, -0.3524594306945801, 1.138797402381897, -0.3304881453514099, 0.46937692165374756, 0.2677896022796631, 0.052634336054325104, -0.6858530044555664, 0.16025562584400177, 0.2759247124195099, -0.19359302520751953, -0.6756472587585449, -0.364189088344574, -0.11415347456932068, -0.6069577932357788, -0.8758369088172913, -0.17010082304477692, -0.48193418979644775, 0.007791163399815559, 0.8078864812850952, 2.183922052383423, 0.2128397822380066, 0.5576369762420654, -0.6239425539970398, 1.2696644067764282, -0.06290162354707718, 0.7236087918281555, 0.12763655185699463, 0.5761694312095642, -1.5390887260437012, -0.30435264110565186, -0.4126361012458801, 0.12492869049310684, 0.6913748979568481, 0.2573810815811157, 0.7000670433044434, -0.19167707860469818, -0.9834012389183044, 1.4600749015808105, 0.464498370885849, -0.46660056710243225, -0.04519122838973999, 1.4306498765945435, -0.21181245148181915, -0.858619213104248, -0.03514086455106735, 0.2848740518093109, -0.54645174741745, 0.25002938508987427, -0.1306825876235962, -0.3503364622592926, 0.209724560379982, -0.079975925385952, 0.7790564298629761, 0.18008026480674744, -1.6564878225326538, 0.8938406705856323, 0.3070183992385864, 0.044174518436193466, -0.4965180456638336, -0.7319369316101074, -0.14104267954826355, -0.042108744382858276, 0.32081809639930725, 0.5294445753097534, 0.06309623271226883, 0.1536003053188324, 0.13341644406318665, 0.1060771495103836, 0.9177785515785217, -0.294922798871994, 0.13041344285011292, 0.9977914690971375, -0.6339448094367981, -0.33133551478385925, -1.3443554639816284, 0.13168105483055115, 0.06624580919742584, -0.29193347692489624, -0.11684820801019669, 0.48413965106010437, 0.9206790924072266, 1.0536434650421143, -0.07065097987651825, 0.5727267861366272, 0.8854365348815918, -0.4124773144721985, 0.2304217517375946, -0.5613127946853638, 0.11641726642847061, -0.23278209567070007, 1.2244235277175903, -0.906951367855072, 0.05995246395468712, -0.5042009353637695, 0.7125102281570435, 0.2557547688484192, -0.19404250383377075, 1.943410038948059, -0.5423679351806641, 1.1957085132598877, -0.004985278006643057, 1.0913910865783691, -0.030893687158823013, -0.2798497974872589, 0.26395320892333984, 0.3994196057319641, 0.19557124376296997, -0.8851863145828247, -0.47011610865592957, 0.47438013553619385, -0.11617837846279144, -0.8807538151741028, 0.12168236076831818, 1.272055745124817, 0.6368813514709473, -0.8895812034606934, 0.4584023058414459, 0.47152745723724365, 0.5906422138214111, 1.2371159791946411, 0.2760923206806183, -0.2995138168334961, -0.03509260714054108, 0.4920000731945038, -0.22662357985973358, 0.24072536826133728, -0.3549356460571289, 0.21800482273101807, -0.37700581550598145, 0.47834697365760803, 0.5544030666351318, 1.3098746538162231, 0.9394319653511047, -1.1544917821884155, -1.3139928579330444, 0.41832008957862854, -0.04966970160603523, -0.16793280839920044, 0.29704171419143677, -0.07439678907394409, -0.4571326971054077, 0.7664510607719421, 0.327459454536438, -1.6114380359649658, 0.22278648614883423, -0.7785671949386597, -1.4075497388839722, 0.8284489512443542, 1.1398489475250244, -0.626593828201294, 0.11056264489889145, -0.17157335579395294, -1.2322195768356323, 0.052599117159843445, -0.2344241589307785, -0.523073673248291, 0.3891022503376007, -0.18589076399803162, 1.0309572219848633, -0.634713351726532, -0.05702092871069908, -1.2658475637435913, 0.7851449251174927, 0.31993162631988525, -0.8247571587562561, 1.0021255016326904, 0.07511673122644424, 0.5834864974021912, 0.33304470777511597, -0.821209192276001, -0.19861748814582825, 0.75438392162323, -0.1426820158958435, 0.3899939954280853, -0.9842368364334106, 0.2610131502151489, 0.6571707725524902, -0.009776376187801361, 0.8920195698738098, -0.38590550422668457, -0.2859296202659607, -0.425448477268219, 0.18686723709106445, 0.9188326597213745, -0.7197808623313904, -0.8905161023139954, 0.7449548244476318, -0.03555648773908615, 0.7326524257659912, -1.2777488231658936, -0.05674409121274948, 1.8997061252593994, -0.11865085363388062, -0.35815298557281494, -0.17791084945201874, -10.860214233398438, 0.5541487336158752, 0.053559258580207825, -0.1445828676223755, 0.9686723351478577, -0.1259385645389557, 0.5922695994377136, -0.5453289747238159, 0.013943228870630264, -0.7714600563049316, 0.402728408575058, 0.32303059101104736, 0.9005365967750549, -0.2782038152217865, -0.7724303007125854, -0.92644864320755, -0.026101578027009964, -0.8061289191246033, 0.29278647899627686, 0.15078961849212646, 0.216129869222641, 0.1833970993757248, -0.09475179016590118, 0.17464406788349152, -0.06027743220329285, -0.6823005080223083, -1.3881152868270874, -0.49712228775024414, -0.6402824521064758, -0.35191813111305237, 0.7648478746414185, -0.019343087449669838, -0.1463315784931183, -0.8155216574668884, -0.24308794736862183, -1.3492158651351929, -0.1988428235054016, 0.5182174444198608, 1.0083529949188232, -0.8086448907852173, -1.162857174873352, 0.3151947259902954, -0.13450269401073456, 0.2627256214618683, -0.6410544514656067, 0.14052633941173553, 0.3450888693332672, -0.42762142419815063, -0.1537451148033142, 0.29542970657348633, -0.2871745824813843, -0.2660697102546692, 0.06831301748752594, -0.350399911403656, 0.3029261827468872, 1.173109531402588, -0.49519655108451843, -0.2724892795085907, -0.5553131699562073, -1.157513976097107, 0.14707589149475098, 0.25723445415496826, -0.3863378167152405, 0.35325339436531067, 0.2263878881931305, -0.41896945238113403, -0.49824094772338867, 0.23118436336517334, -1.1161158084869385, 0.4544542133808136, -0.8267676830291748, 0.5734129548072815, 0.5236590504646301, -0.06923548877239227, -1.1873818635940552, 0.16616690158843994, -0.8868715763092041, 0.6801245212554932, -0.11116962134838104, 0.11054275929927826, -1.5431163311004639, 0.4928804934024811, -0.24922464787960052, -0.5052379369735718, -0.23365582525730133, 0.8074682354927063, 0.05678902566432953, 0.4812774658203125, 0.8175379037857056, -0.5849625468254089, 1.609459400177002, 0.2442675530910492, -0.22174032032489777, 0.017442800104618073, 0.3202908933162689, 1.3413785696029663, -0.5023027062416077, -0.2735852897167206, 0.39395347237586975, -0.7273110151290894, 0.7168103456497192, 0.12481760233640671, -0.9069130420684814, 0.7697390913963318, 0.772314190864563, 0.8121922612190247, 1.155477523803711, -0.04337381571531296, 0.2079753577709198, 0.046047985553741455, 0.9811827540397644, 0.05789528787136078, -0.9280990958213806, 1.587822437286377, -0.4725293815135956, 1.115312099456787, 0.6540102362632751, 0.6225556135177612, -0.027912981808185577, -0.2621336579322815, -0.4748761057853699, 0.549690842628479, 0.22777029871940613, 1.3852901458740234, -0.03236617147922516, -0.39375320076942444, 0.1491374522447586, 0.5666024088859558, 0.5637074708938599, -1.3446886539459229, 0.6089433431625366, -0.33090099692344666, -0.4000738859176636, -0.4026307463645935, -0.3156905770301819, 0.40543776750564575, -0.6096858978271484, 1.759613275527954, -0.555266261100769, -0.12085051089525223, 0.4977860450744629, 0.015054073184728622, -0.6545228958129883, -1.4406462907791138, -1.3040317296981812, -0.20765453577041626, -0.620818555355072, 0.5190585851669312, -0.47051697969436646, -0.08613213151693344, -0.15404820442199707, -0.5229371190071106, 1.3741645812988281, -0.3198286294937134, -0.5364297032356262, -0.2965381443500519, 0.8425868153572083, -0.7833110094070435, 0.1995767503976822, 0.42249178886413574, 0.5770576596260071, 0.8281875252723694, -1.200589895248413, 1.278297781944275, -0.40008464455604553, -0.6042015552520752, -0.10156630724668503, 0.021541789174079895, -0.3081302344799042, -0.30738309025764465, 0.9116339683532715, -0.7396999001502991, -0.32780763506889343, -0.6861191987991333, -0.17918071150779724, -0.8615184426307678, -0.1325259506702423, 0.7466959953308105, -1.1122801303863525, -0.5390902161598206, -0.3633355498313904, 1.215390920639038, 0.5223696827888489, -0.670741617679596, -0.786026120185852, 0.21059921383857727, -0.3198896646499634, 0.5306556820869446, 0.19446749985218048, 1.0379633903503418, -2.2314257621765137, -1.0625782012939453, -0.7989329695701599, -0.6246224045753479, 1.078636646270752, 0.5271492004394531, 0.7623386979103088, 0.750098705291748, -0.7381023168563843, -0.1381402164697647, -0.13724911212921143, 0.5420526266098022, 0.13732020556926727, 0.7093297839164734, 0.015281591564416885, 0.6251418590545654, -0.28090497851371765, -0.038401566445827484, 0.42579296231269836, 1.1561928987503052, -1.4296036958694458, -0.1294303685426712, -0.22258514165878296, -0.3519879877567291, -0.02547276020050049, -0.605850100517273, -0.707880973815918, -0.5195783972740173, 0.43603286147117615, -1.2510994672775269, 0.259017676115036, 0.5079472064971924, -0.4399583339691162, 1.1064956188201904, -0.31209057569503784, 1.6693273782730103, 0.008827208541333675, 0.03741312772035599, 0.8718776702880859, -0.005394231528043747, -0.10994025319814682, 0.236415833234787, 0.029681310057640076, -0.25528523325920105, -0.03949001431465149, -1.5368069410324097, -0.7865514159202576, 1.0789825916290283, -0.7714797854423523, 0.7513607144355774, -0.27916419506073, 0.4846123456954956, 0.31982702016830444, 1.3366105556488037, -0.08306892961263657, -1.6427117586135864, 0.42309924960136414, -1.4136930704116821, 0.054489340633153915, 0.7630214691162109, -0.21210971474647522, 0.2446686029434204, 0.6939643621444702, -0.35436415672302246, 0.986971914768219, -1.0616819858551025, 0.10755946487188339, 0.011187314987182617, -0.7486847043037415, 0.3685016930103302, -0.08511500805616379, 0.20539475977420807, 1.11911940574646, 0.7801768183708191, -0.26742279529571533, -0.3071383833885193, -0.482088178396225, 0.4030466675758362, 0.5344325304031372, -0.8758487701416016, -1.3729089498519897, -0.28283780813217163, 0.7387107014656067, -0.6475164890289307, 1.0768934488296509, 0.13309770822525024, -0.2791619300842285, -1.022585391998291, -0.8114945292472839, -0.7525543570518494, 0.7857996821403503, 0.16403712332248688, -0.34845107793807983, 0.03486618399620056, -0.062416162341833115, 0.8379524946212769, 0.30595916509628296, -1.0340722799301147, -0.6348161697387695, -0.5985164046287537, -0.4317694306373596, -0.19138161838054657, -0.9268063902854919, -0.5211418271064758, -0.013333633542060852, -1.2113524675369263, 0.310555100440979, -0.31471601128578186, -0.4964334964752197, -0.6033220887184143, -0.29071179032325745, -0.19603940844535828, 0.4521085321903229, -0.03920542448759079, 0.31594762206077576, -1.3663949966430664, -0.514528751373291, 1.2595887184143066, -1.0911470651626587, 0.07185276597738266, 0.3442021906375885, 0.12439471483230591, 0.330589234828949, 0.5651978254318237]} +{"paper_id": "indonli", "embedding": [-0.5766845941543579, 1.167850136756897, -0.558645486831665, -0.35425177216529846, 0.7013581991195679, 0.09994785487651825, 0.27858278155326843, 0.12921470403671265, 0.6191391348838806, 1.1721408367156982, -0.00961669534444809, -0.9376617074012756, -0.379281610250473, 0.12271341681480408, -0.4139564335346222, -1.1794297695159912, -1.1617786884307861, -0.8815839290618896, -1.2614545822143555, -0.14780014753341675, -0.9021595120429993, -0.4115779399871826, 0.0027617812156677246, 0.6132303476333618, -0.8243275880813599, -0.7111143469810486, 0.6467010378837585, -0.7445416450500488, 0.4848826825618744, -0.23579168319702148, -0.26844289898872375, 1.1698658466339111, -1.3776824474334717, 0.46894505620002747, -0.322163462638855, -0.11755143851041794, -0.04516136646270752, 1.0258642435073853, -0.3029724955558777, 0.30022111535072327, -0.8014346957206726, 0.117215596139431, 0.5283624529838562, 0.34370657801628113, 0.5466846823692322, -0.49526554346084595, -0.586614191532135, 0.3752751648426056, -0.2138286530971527, -0.26773566007614136, -0.44273409247398376, -0.10052859038114548, -0.2174014151096344, 0.05675899237394333, 0.07236243784427643, 1.6480058431625366, 0.40712466835975647, -1.1754064559936523, 0.7327079176902771, -0.8521374464035034, 0.6441498398780823, 1.938331127166748, -0.8698517680168152, 0.4819314777851105, 0.9967739582061768, -0.15728750824928284, 1.5488702058792114, -0.3156524896621704, 0.9864801168441772, 0.6714558005332947, 0.05949309468269348, -0.8015810251235962, 0.4478641748428345, -0.08977193385362625, 1.0452312231063843, 0.6323343515396118, 0.9248675107955933, 0.7204719185829163, -0.05029205232858658, 0.14596229791641235, -0.16750772297382355, 0.6866207122802734, 0.8320600390434265, -0.2151910960674286, 0.02865099534392357, 0.38983896374702454, 0.18336333334445953, -0.5418981909751892, 0.23373167216777802, -2.2404086589813232, 0.24564610421657562, -0.37819430232048035, -0.5457962155342102, -0.3037697672843933, 0.008404061198234558, 0.6865980625152588, 0.023478899151086807, 0.004730422981083393, -0.014542840421199799, 0.35453277826309204, 0.6029106974601746, -0.5335224866867065, 0.05914996564388275, 0.24605867266654968, 0.01952807977795601, 1.4649513959884644, 0.25828132033348083, -0.13359233736991882, -1.1300582885742188, 0.04701633006334305, 0.0018369629979133606, 1.6589081287384033, -0.22398950159549713, 0.9238579273223877, 0.22756339609622955, -0.02321033366024494, -0.20254215598106384, -0.8451197147369385, -0.12493310123682022, 0.37250882387161255, -1.1210154294967651, -0.5651655793190002, 0.2410888969898224, 0.2387000471353531, 1.3752747774124146, -0.32580509781837463, 0.7101259231567383, 0.10563869029283524, 0.3553452789783478, -0.2995617687702179, 0.1331382691860199, -0.41866064071655273, -0.33920273184776306, 0.7057150602340698, 2.8012850284576416, -0.8890721797943115, 1.458390712738037, -0.38553938269615173, -0.1135844960808754, -0.13557901978492737, 0.3429401218891144, 1.512172818183899, 0.3694339692592621, -1.0325337648391724, -1.0395634174346924, 0.03329373523592949, -0.8554001450538635, 0.4243007004261017, -0.614183247089386, -0.5398109555244446, -0.004435338079929352, 0.03637084364891052, -1.4833086729049683, -0.027131538838148117, 0.16503718495368958, 0.5226724743843079, 0.14909914135932922, 0.5337968468666077, -0.3133336007595062, 0.8668761849403381, 0.5217691659927368, -0.07151453197002411, 0.18513566255569458, 0.665756106376648, -1.0799912214279175, -0.19187839329242706, 1.4466803073883057, -0.14985746145248413, -0.8973606824874878, -0.471172034740448, 1.2293721437454224, -0.23261991143226624, -0.04194343090057373, -0.4668354392051697, -0.22600479423999786, 0.4850951135158539, 0.6698327660560608, 1.0077793598175049, -0.4486580789089203, -0.3565313220024109, -0.6585057973861694, -0.7882604002952576, -0.13567522168159485, 0.73916095495224, -0.09169124066829681, 0.49332213401794434, -2.5803768634796143, -0.26486098766326904, -0.7705402374267578, 1.0333945751190186, -0.6626339554786682, 0.1612623631954193, 0.2383970320224762, 0.3589067757129669, 0.15633085370063782, -0.4070960283279419, 1.1852421760559082, -1.6572761535644531, -0.5650545358657837, -0.4997381567955017, -0.5998965501785278, -0.4759179353713989, -0.2956656515598297, 0.7309457063674927, 0.7300260663032532, -1.2160382270812988, -0.40564435720443726, -2.2374165058135986, -0.16296115517616272, 3.0097482204437256, 0.11452032625675201, -0.7987496256828308, -1.7500851154327393, -0.0396684855222702, 0.02528596669435501, 0.012736452743411064, 0.4575025141239166, -0.7256662845611572, -0.19549649953842163, -1.1629046201705933, 0.40257522463798523, -0.5663304924964905, 0.026024550199508667, 0.4909204840660095, 0.8765024542808533, -0.7558693885803223, -0.5057007074356079, -0.17653553187847137, -0.4950205683708191, 0.5618762373924255, 0.28639352321624756, 0.539574921131134, -0.17555147409439087, 0.9527750015258789, 0.3414956033229828, 0.913516104221344, 0.4618838131427765, -0.03866618499159813, -0.8993829488754272, 0.050893135368824005, -0.020332232117652893, 0.4850154519081116, -0.27188509702682495, -0.4888700842857361, 0.8218498229980469, 0.46361035108566284, 0.16833417117595673, -0.21784552931785583, -0.2542147636413574, -0.5940190553665161, 1.0525437593460083, 1.3244056701660156, -0.20297235250473022, 1.0002264976501465, -1.2277929782867432, 0.6931336522102356, -0.6586452126502991, -1.1153348684310913, -0.25374317169189453, 0.07535649836063385, 0.7714335322380066, 0.12437690049409866, 0.11991965770721436, -0.5017198920249939, -0.11428189277648926, -1.7024072408676147, 0.11940689384937286, -0.4048124849796295, -0.4868338704109192, -1.4684282541275024, -0.17354974150657654, -0.18246911466121674, -1.1748087406158447, 0.08632101863622665, -0.25442206859588623, 0.7695558071136475, 0.28140249848365784, 0.8807617425918579, 1.4042185544967651, -0.10910379886627197, -0.43644359707832336, 0.11364318430423737, 1.0201210975646973, -0.5418367981910706, 1.0650638341903687, -0.7955132722854614, -0.007400907576084137, -0.5164614319801331, 0.39329519867897034, -0.6292370557785034, 0.8366072177886963, 0.35784366726875305, -0.3320485055446625, -0.08845635503530502, -0.32695692777633667, -1.278863787651062, 0.19256097078323364, -0.6455968022346497, 0.14481818675994873, -1.154343605041504, 1.3920034170150757, 0.3956325948238373, -0.08828794956207275, 0.6421613097190857, 0.12336450070142746, 0.32797715067863464, 1.1738802194595337, -0.22301633656024933, 0.6787569522857666, 0.35442739725112915, 0.4127129316329956, 0.06247297674417496, 0.2812059819698334, -1.872802734375, -0.0086550647392869, 1.211258053779602, -0.3061271607875824, -0.108573779463768, -1.2622872591018677, 0.48308128118515015, -0.8017502427101135, -0.5497136116027832, 0.28371208906173706, -0.7104619145393372, 0.06413961946964264, -0.2260950803756714, 0.08616869151592255, 0.7228754162788391, -0.9901019930839539, 0.4432620704174042, 0.8258188962936401, 0.2249564230442047, -1.1238868236541748, 0.20769667625427246, 0.7652495503425598, -0.6400660872459412, 0.6611247062683105, 0.12186790257692337, 1.0758535861968994, 1.0652395486831665, -0.3802119195461273, -0.32232725620269775, 0.886046826839447, 0.3197217583656311, 0.2674562335014343, 0.5168607831001282, -0.4358972907066345, 0.7643681168556213, -0.6471449732780457, 1.1628222465515137, 0.2742657959461212, -0.6643880009651184, -1.3215222358703613, -0.4066719114780426, -0.4457724690437317, -1.0578126907348633, 1.7329132556915283, 1.4813803434371948, 1.6147571802139282, -0.3277556896209717, 0.31954964995384216, -0.8288083076477051, 0.08594384789466858, 0.7842429280281067, -0.07473796606063843, -0.07378311455249786, -0.5472404956817627, 0.042165182530879974, 0.9401190280914307, -0.14818744361400604, -0.2785770297050476, -0.5088726282119751, 0.8668453097343445, -0.08738075196743011, -0.838687002658844, 0.008397432044148445, 0.36484295129776, 0.2884295880794525, 1.9602900743484497, -0.8056352734565735, -0.2670047879219055, 0.2281644642353058, 0.47367194294929504, 0.06336256861686707, 0.7805342674255371, -0.9626721143722534, 0.6659088134765625, 0.25526854395866394, 0.5230361223220825, 0.03253374993801117, 0.9924679398536682, 1.269236445426941, -0.1625487506389618, -1.5708667039871216, -0.6662634611129761, -1.2453776597976685, -0.32614225149154663, 0.0021926090121269226, -0.8018741011619568, -0.6073875427246094, 0.8381029367446899, -0.4589163064956665, -0.850349485874176, 1.0722752809524536, -0.6631232500076294, -1.561472773551941, 1.1798961162567139, 1.1618835926055908, -1.2399959564208984, -0.1756586879491806, 0.1741316169500351, -0.8065242171287537, -0.8298643827438354, 0.01354027446359396, -1.0217370986938477, 1.1405171155929565, -0.13431140780448914, 0.8242252469062805, -0.07408639788627625, -0.20184680819511414, -0.3065352141857147, 0.7352504730224609, 0.9911079406738281, -0.4052174389362335, 0.6701219081878662, 0.4077146649360657, 0.6585872769355774, 0.01032286137342453, -0.6420721411705017, -0.8091357350349426, 0.7271264791488647, 0.6124505996704102, 0.2822178304195404, -0.8347628116607666, -1.2613919973373413, 0.3823394775390625, 0.14954695105552673, 0.9391055107116699, -1.2433329820632935, 0.8374504446983337, -0.2525627911090851, 0.21351104974746704, 0.1731881946325302, -0.8184663653373718, -1.5305087566375732, 1.0736072063446045, -0.32653841376304626, 0.47845759987831116, 0.25482821464538574, 0.5765719413757324, 1.1460175514221191, -0.02161405235528946, 0.29100167751312256, -0.17850704491138458, -10.661619186401367, 0.6748976111412048, -0.20518991351127625, 0.15821720659732819, 0.20220263302326202, -0.46618613600730896, 0.5079331994056702, -0.3713742792606354, 0.6832389235496521, -0.3090874254703522, 0.32992589473724365, 1.7405872344970703, 0.35186272859573364, -0.16974200308322906, -0.7297273874282837, -1.4382307529449463, -1.1057686805725098, -0.46053290367126465, -0.01690191775560379, 0.3958745300769806, -1.0500136613845825, -1.3703515529632568, 0.7526394724845886, 0.029717616736888885, 0.6890038847923279, 0.826031506061554, -0.26566967368125916, -0.19569580256938934, -0.26940181851387024, 0.2233904004096985, 0.6278975605964661, 0.25459837913513184, -0.8291838765144348, -0.17745855450630188, 0.5246027708053589, 0.07634185254573822, -0.7651307582855225, -0.5407843589782715, 0.9019265174865723, 0.14166750013828278, 0.052265387028455734, 0.04779495671391487, 0.7607460618019104, -0.6047086715698242, -0.9353766441345215, 0.24288855493068695, 0.2379535734653473, -0.8805383443832397, -0.5775013566017151, -0.6748490929603577, -0.6872851252555847, -0.1854337602853775, -1.1165721416473389, -0.6115043759346008, 0.6187232136726379, -0.4641960859298706, -0.198765829205513, 0.10493505001068115, -0.14575369656085968, -1.3903098106384277, 0.8376542329788208, 0.14492148160934448, -0.5306404829025269, 0.04619722068309784, 0.03955958038568497, -0.2812231481075287, 0.006710149347782135, 0.1349898874759674, 0.00659961998462677, -0.11447733640670776, -1.0168664455413818, 0.46581047773361206, 0.0014491453766822815, 0.26579219102859497, -0.342886358499527, -0.10593005269765854, -0.5143373012542725, -0.9949135184288025, 0.383928120136261, 0.04896806553006172, -0.6997860670089722, 0.8357275724411011, -0.2816725969314575, 0.47577595710754395, -0.6500374674797058, -0.02756965346634388, -0.08519140630960464, -0.1484239101409912, 0.557075023651123, -0.36201754212379456, 0.876288115978241, -0.1889570653438568, -0.41415607929229736, 0.08345232158899307, -0.5353935956954956, 0.896273136138916, 0.2974151074886322, 1.5286591053009033, 0.28691625595092773, -0.3276638090610504, 0.19199088215827942, -0.11959301680326462, -0.721511960029602, -0.11708663403987885, 0.7388119697570801, 0.44015994668006897, 0.09534461796283722, -0.1472695767879486, -0.06367000937461853, -0.6206329464912415, 1.2515991926193237, 0.15871459245681763, -0.1278858780860901, 0.9222336411476135, -0.13547617197036743, 0.4172816276550293, 0.6135479211807251, 0.25040963292121887, 0.6287025213241577, 0.7472352385520935, -0.11964210867881775, 1.013592004776001, 0.30319997668266296, 0.93877774477005, -0.08581209182739258, -0.30339810252189636, 0.9520712494850159, 0.13554592430591583, -0.2734341621398926, -2.115931510925293, -0.07931610941886902, 0.04655706509947777, 0.1595783531665802, -0.27863025665283203, -0.30691295862197876, -0.6547917127609253, -0.9896726608276367, 1.3238763809204102, -0.5427001714706421, 0.05998121574521065, 0.0895707905292511, -0.6013351678848267, 0.48747706413269043, -0.5915443897247314, -0.8247361183166504, 0.23153510689735413, -1.8058747053146362, 0.11300244927406311, -0.6268377304077148, -0.8011295795440674, 0.014765920117497444, -0.318943589925766, 0.6865884065628052, -0.6593731045722961, 0.2900708317756653, 0.4065743684768677, 0.1177416443824768, -0.4016752243041992, -0.585810661315918, 0.5432599782943726, -0.24106758832931519, 0.918258547782898, -0.5015682578086853, 0.790812611579895, 0.7478029727935791, 0.01528753899037838, -0.03506908193230629, -0.1889019012451172, -1.022441029548645, 0.08668481558561325, 1.141907811164856, -0.9680805206298828, -0.5151762366294861, -0.403522789478302, -0.5395015478134155, -0.9472138285636902, 0.8773757815361023, 1.473982810974121, -1.0205299854278564, -0.12626244127750397, -0.023979365825653076, 0.0791642963886261, -0.300503671169281, -0.3290296196937561, -0.11661297082901001, 0.0254400372505188, 0.4165853261947632, 0.7162678241729736, 0.35770028829574585, 0.6849042773246765, -1.7489053010940552, -1.2348182201385498, -0.2116876244544983, 0.141097754240036, 0.5465754866600037, -0.6620561480522156, 1.2305209636688232, 0.22077450156211853, 0.467367023229599, 0.21413394808769226, 0.0707843154668808, 0.6584175825119019, 0.14192497730255127, 0.7055317163467407, -0.684959352016449, -0.01509113609790802, -1.0735117197036743, 0.4016425311565399, 0.06564712524414062, 0.3466961979866028, -1.4991804361343384, 0.15289805829524994, -0.11005809903144836, -0.3249783515930176, 0.4648669958114624, -0.46921759843826294, 1.0880227088928223, 0.024568703025579453, -0.3007224202156067, -1.172099232673645, 0.749902069568634, 1.6966005563735962, 0.039070047438144684, 0.6870090365409851, 0.5851455330848694, -0.20636101067066193, 0.6395217776298523, 0.618439793586731, 1.8736157417297363, -0.05380554869771004, -0.8676402568817139, 0.12779855728149414, 0.41497698426246643, -0.3507789969444275, -0.18703363835811615, -0.5852247476577759, -0.7307582497596741, 0.2857874631881714, -0.3663730025291443, 0.7094253897666931, -0.4346684217453003, 0.05302604287862778, 0.5453494787216187, 0.8469099998474121, -0.45613694190979004, -1.1878418922424316, -0.12941162288188934, -0.9509443640708923, 0.13019677996635437, 0.36913007497787476, 1.0985547304153442, 0.7190732955932617, 0.5928828716278076, 0.6500267386436462, 1.5097790956497192, 0.17082954943180084, 0.02240573987364769, -0.17011874914169312, 0.7596390843391418, 1.2582802772521973, 1.0859911441802979, 0.8607804775238037, -0.07504301518201828, -0.36683785915374756, -0.7666811347007751, 0.058577317744493484, -0.37491530179977417, 0.6174122095108032, 0.6395465731620789, -0.01595800183713436, 0.19068543612957, -1.3860750198364258, 1.1655904054641724, -0.32772406935691833, -0.007054375484585762, 0.32872873544692993, -0.8598508238792419, -0.1838357299566269, -0.4547153115272522, -0.2131022810935974, 1.4877876043319702, -0.8915058970451355, -0.17248761653900146, -0.3631635308265686, 0.7498263716697693, -0.389077752828598, -0.21041619777679443, -1.193674087524414, 0.47942742705345154, -0.9045414328575134, 0.42072004079818726, -0.36360660195350647, -0.4343249201774597, -1.0817629098892212, 0.09297744929790497, -0.6725326180458069, 0.5875092148780823, 0.11725081503391266, -0.9912112951278687, -0.46570199728012085, 0.4988851845264435, -0.3535182774066925, 0.1450846791267395, 0.5093705654144287, -0.47127199172973633, -1.8139914274215698, 0.7725503444671631, 1.4174253940582275, -0.3612196147441864, -1.1402288675308228, -0.009590556845068932, 0.1501585692167282, -0.32643407583236694, 1.145200252532959]} +{"paper_id": "multi_booked", "embedding": [-0.5971210598945618, 1.3329133987426758, 0.21867895126342773, -0.4393935799598694, 0.800492525100708, -0.42798587679862976, 0.7010105848312378, -0.1291998028755188, 0.2730211913585663, 0.47940531373023987, -0.05297040194272995, -0.6332608461380005, -0.7626593708992004, -0.031035108491778374, -0.41799473762512207, -0.560946524143219, -0.37692099809646606, -1.005733847618103, -0.3254532814025879, 0.05533023923635483, -0.775231659412384, -1.005890130996704, -0.10621670633554459, 1.0217711925506592, -0.30134013295173645, -0.3634355068206787, 0.4057149887084961, -0.21723847091197968, -0.03757411241531372, 0.18085521459579468, -0.06975796073675156, 1.388758897781372, -1.3307329416275024, -0.31644734740257263, -0.31819745898246765, -0.3569294512271881, 0.6988949179649353, 0.7068902254104614, -0.7487097978591919, -0.32955437898635864, -0.21876366436481476, 0.7846229076385498, 0.8606826663017273, 0.46894288063049316, 1.139024019241333, 0.022185616195201874, -0.3551124930381775, 0.002249002456665039, 0.5378005504608154, -0.2128610908985138, -0.2039443552494049, -0.052824459969997406, -0.7441470623016357, 0.0029631443321704865, -0.9049027562141418, 1.1788026094436646, 0.15182676911354065, -1.1546752452850342, 0.04262591898441315, -0.7318313121795654, 0.7948698401451111, 1.5884140729904175, -0.25804874300956726, -0.18444949388504028, 1.1819416284561157, 0.3785604238510132, 1.3142220973968506, -0.5965408682823181, 0.7538071870803833, 0.2230478823184967, -0.2918003797531128, -0.33165493607521057, 0.11287780106067657, -0.6199711561203003, 0.42120566964149475, -0.2878231704235077, 0.7317733764648438, 0.32447874546051025, -0.11605244129896164, 0.7350978255271912, -0.1324840784072876, 0.7018738985061646, -0.2915237545967102, -0.17501136660575867, -0.03917551413178444, 0.1735137701034546, 0.15274225175380707, 0.01832948997616768, 1.0691089630126953, -1.5007461309432983, 0.5188060998916626, -0.16620856523513794, -0.45692095160484314, 0.15283939242362976, -0.0066788047552108765, 0.1791520118713379, -0.1424059271812439, -0.10626178979873657, -0.23064953088760376, 0.6939224004745483, 0.7120891213417053, -0.21248731017112732, 0.7719612717628479, -0.4592091143131256, -0.1503036767244339, 2.1212592124938965, 0.32650089263916016, -0.21451005339622498, -0.3060925304889679, 0.07138136774301529, 0.25927862524986267, 1.6827760934829712, 0.029905758798122406, 0.5699095129966736, -0.2718220353126526, -0.05064530670642853, -0.4603569209575653, 0.15903502702713013, -1.096906304359436, 1.3258094787597656, -0.1080208271741867, -1.5108611583709717, -0.07138392329216003, 0.689837634563446, 1.4296070337295532, -0.7520880103111267, 1.1749218702316284, -0.1529591977596283, 0.5615586042404175, -0.46907734870910645, 0.43120118975639343, 0.17101460695266724, -0.21813052892684937, -0.4514022469520569, 2.268817901611328, -0.5540319681167603, 1.6688778400421143, -0.36947116255760193, -0.32999375462532043, 0.23344562947750092, -0.53651362657547, 0.7664730548858643, 0.729385256767273, -0.5817669630050659, -0.2649017870426178, 0.7367314100265503, -0.9129118919372559, 0.22653672099113464, -0.73508220911026, -1.0026129484176636, -0.3787178099155426, 0.3790144622325897, -1.0980966091156006, -0.7960251569747925, 0.8237212300300598, 0.151311457157135, 0.3259347975254059, 1.042965054512024, -0.3220492899417877, 1.1961716413497925, 0.9020909667015076, 0.4130157232284546, -0.29197561740875244, 1.0142439603805542, -0.4790130853652954, -0.4054349660873413, 0.8460871577262878, 0.5231852531433105, -0.8735106587409973, -0.9828551411628723, 1.338922381401062, -0.18957263231277466, 0.07927260547876358, -0.5422377586364746, -0.34501132369041443, -0.6233642101287842, 0.46667319536209106, 0.8551025986671448, -0.006075302138924599, -0.2186926007270813, -0.22346553206443787, -0.4313797354698181, -0.7453819513320923, 0.31126153469085693, 0.09163571149110794, 0.7836953401565552, -2.094221353530884, -0.15718436241149902, -0.6806319952011108, -0.7334300875663757, 0.9348787665367126, -1.6071563959121704, 0.03488846868276596, -0.5461353659629822, 0.13218243420124054, -0.25763818621635437, 1.0597553253173828, -1.1399880647659302, -0.6967880129814148, 0.8605391979217529, 0.33264291286468506, 0.3155047595500946, 0.2704848051071167, 1.2201473712921143, 0.26757174730300903, 0.1144840344786644, -0.8167754411697388, -2.160262107849121, 0.18755771219730377, 1.9477527141571045, -0.24191123247146606, -0.5925388932228088, -1.550611972808838, 0.31518077850341797, 0.37663424015045166, -0.5065423250198364, 0.9827311038970947, -0.4959694445133209, 0.2808946371078491, -0.8399564623832703, -0.11468616127967834, -0.5782849192619324, 0.3312927782535553, -0.02268543653190136, 0.7855591177940369, -0.46362030506134033, -0.6009085178375244, -0.1686883419752121, -1.1221632957458496, 0.022963937371969223, 0.4918323755264282, 0.5399386286735535, -0.03135459125041962, 0.4778164029121399, 0.510690450668335, 0.7984179854393005, -0.0482882559299469, -0.35075581073760986, 0.16922196745872498, 0.3990175724029541, -0.017352048307657242, -0.1521482616662979, -0.009142711758613586, -0.47789835929870605, 0.2100360244512558, 0.2884247899055481, -0.44873878359794617, -0.19681411981582642, -0.07443852722644806, -0.28321510553359985, 1.2139394283294678, 1.2506321668624878, -0.3542812168598175, 1.843328595161438, -0.7332054972648621, 0.27514883875846863, 0.15657587349414825, -1.010613203048706, -0.10327587276697159, 0.056922681629657745, 0.5623779296875, -0.06501566618680954, -0.2898263931274414, -0.45233285427093506, -0.3562685549259186, -0.5388758182525635, -0.46170708537101746, 0.43147405982017517, -1.3509970903396606, -0.37139540910720825, 0.6015055179595947, 0.1444084346294403, -1.1524181365966797, -0.6785181760787964, 0.146836057305336, 0.6954696178436279, -0.5697494745254517, 0.6839843988418579, 1.3524534702301025, -0.004273355007171631, 0.3102754056453705, 0.1729469746351242, 0.908829391002655, -0.6907809972763062, 0.907191276550293, -0.48383718729019165, 0.4228549599647522, -0.3406791388988495, 0.08316226303577423, -0.24083222448825836, 0.25361180305480957, 0.5364207625389099, -0.6924480199813843, 0.7875088453292847, -0.49353092908859253, -2.475034475326538, 0.7406810522079468, -0.633017361164093, -0.3398435115814209, -0.7306535840034485, 0.9536710977554321, 0.14295397698879242, -0.3046485185623169, 0.7534842491149902, -0.7467443943023682, -0.15275070071220398, 1.4187182188034058, -0.27130061388015747, 1.3578598499298096, 0.12627220153808594, -0.6796368956565857, 0.05817326903343201, 0.3802446722984314, -1.675812005996704, 0.21776273846626282, 0.9996271729469299, -0.47040149569511414, 0.006131354719400406, -0.8648903369903564, 0.6344010829925537, -0.6579352021217346, 0.9875342845916748, 0.14977827668190002, -1.0056017637252808, 0.7986723184585571, -0.5669887661933899, -0.023655787110328674, 1.1692272424697876, -1.1639220714569092, -0.14339874684810638, 1.1893879175186157, -0.09635709971189499, -0.7833318710327148, 0.16107231378555298, 0.7103058099746704, -0.8568634390830994, 0.6433525085449219, 0.4589853584766388, 0.7372509241104126, 0.5023127794265747, -1.0806844234466553, -0.13775454461574554, -0.01587655395269394, 0.5615109801292419, 0.4353279769420624, 0.45882442593574524, 0.6656692624092102, 1.127338171005249, -1.1518054008483887, 1.4569793939590454, 0.29951244592666626, -0.8958336710929871, -0.9854341149330139, -0.6395760774612427, -1.4022548198699951, -0.43115144968032837, 2.14309024810791, 0.910693883895874, 0.8873904943466187, -0.31353479623794556, -0.35935765504837036, -0.36015936732292175, 0.7121358513832092, 1.0464895963668823, 1.1905101537704468, -0.17833776772022247, -0.19008150696754456, 0.7408452033996582, 0.4724141061306, 0.3114091157913208, -0.36827826499938965, -0.051590561866760254, 0.42369118332862854, -0.7780294418334961, -0.2783626317977905, -0.3741858899593353, 1.0643513202667236, 1.5928764343261719, 2.3850111961364746, -0.35281991958618164, -0.7679879069328308, -0.8457523584365845, -0.0746898427605629, 1.0255638360977173, -0.049229178577661514, -0.8438875675201416, 0.26198694109916687, 0.25842970609664917, 0.7268217206001282, 0.1778804212808609, 0.8449164032936096, 0.1917405128479004, -0.44611144065856934, -1.6658762693405151, -1.1122385263442993, -0.937236487865448, -0.7136254906654358, -0.8480160236358643, 0.3300372064113617, -1.060595989227295, 0.30968260765075684, -0.398429811000824, -0.5843119025230408, 0.11778226494789124, -0.5821333527565002, -0.6885572671890259, 1.2104408740997314, 0.9686627388000488, -0.8539730310440063, -1.152321457862854, -0.059448082000017166, -0.8342009782791138, -1.0581185817718506, -0.3796313405036926, -0.6916027069091797, 0.48390644788742065, 0.5494378209114075, -0.11976355314254761, 0.8526003360748291, -0.25003957748413086, -0.0026679709553718567, 0.39851856231689453, 0.9262083172798157, -1.6038697957992554, 0.4618626832962036, 0.5087568163871765, -0.8605636358261108, 0.2284940779209137, -0.46881920099258423, -1.1136263608932495, 0.46122702956199646, 0.1719752848148346, 0.1761605441570282, -0.4647289514541626, -0.6072450280189514, 0.1725359559059143, -0.6817216873168945, 0.906596302986145, -0.8262122869491577, 0.6051974892616272, -0.765561044216156, -0.4539279341697693, 0.5069035291671753, -0.7000284790992737, -0.306989461183548, 1.184882640838623, -0.1471630036830902, 0.7612200975418091, 0.41606077551841736, 0.6434704065322876, 0.2508544921875, -0.08193129301071167, 0.17657782137393951, -0.09154391288757324, -11.09876823425293, 0.01286648865789175, -0.26230084896087646, -0.1266196072101593, 0.6974239945411682, 0.21147283911705017, 0.5135813355445862, -0.37068411707878113, 0.42401254177093506, -0.7490660548210144, 0.5620567202568054, 1.4923479557037354, 0.17557361721992493, -0.6283109188079834, -0.46073535084724426, -0.7838127613067627, 0.039769675582647324, -0.768747091293335, 0.23828504979610443, -0.12441959232091904, 0.03234623745083809, -0.6961908936500549, -0.41047072410583496, -0.8549643754959106, 0.27533555030822754, -0.48969554901123047, -0.4814014136791229, -0.5534195899963379, -0.5181263089179993, 0.6121057271957397, 0.3178647458553314, -0.7107113003730774, -0.5752277970314026, -0.06078634411096573, -0.04241360351443291, 0.9827237129211426, -0.6426912546157837, 0.07460667192935944, 0.4712058901786804, -0.1262916922569275, -0.04229552298784256, 0.5743849277496338, 0.20119385421276093, 0.06954322010278702, -0.2559216320514679, 0.381056010723114, -0.0673605427145958, -0.5507021546363831, 0.7222347855567932, -0.4157249629497528, -0.06315170973539352, -0.8358507752418518, -0.9693809151649475, -0.16385303437709808, 0.604895293712616, 0.23317557573318481, -0.979798436164856, -0.05017528310418129, -0.6272889971733093, -0.8126835823059082, 1.0425057411193848, -0.561059296131134, -0.41028040647506714, 0.03645874932408333, 0.7093958854675293, -0.569920003414154, 0.782680332660675, 0.8392656445503235, -1.3294812440872192, 1.130865454673767, -1.0976934432983398, 1.7177462577819824, 0.008939994499087334, 0.42007043957710266, -0.1612773835659027, -0.08041168004274368, -0.6904995441436768, 0.534142017364502, 0.7213926315307617, -0.5196951031684875, -1.1645945310592651, 1.2053455114364624, 0.6003084778785706, -0.8267884254455566, -0.576785683631897, 0.4007330536842346, -0.29486575722694397, -0.38158929347991943, 0.03099600225687027, -0.3922310471534729, 0.4761565923690796, -0.44431209564208984, -0.42495232820510864, -0.14534330368041992, -0.5706460475921631, 0.4051641821861267, -0.4484199285507202, 1.3763396739959717, 0.06847289204597473, -0.08964069932699203, 0.22960630059242249, -0.1606953740119934, -0.11538071185350418, -0.19812597334384918, 0.1868169754743576, -0.29832547903060913, 0.4412120580673218, 0.1891140341758728, 0.00122089684009552, -0.540594220161438, 0.3672907054424286, -0.16660724580287933, -0.2714863419532776, 1.2468388080596924, -0.27547258138656616, 1.0542758703231812, -0.3543969392776489, -0.28615477681159973, 0.8129957914352417, 0.4433942139148712, -0.31316959857940674, 0.7726821303367615, -0.1007121205329895, 1.1393450498580933, 0.2967899441719055, 0.6204699873924255, 0.9778109788894653, -0.07851513475179672, -0.09603556990623474, -1.596221923828125, 0.8709610104560852, -0.44050610065460205, -0.11267906427383423, -0.4424198865890503, -0.5671458840370178, -0.33538341522216797, -0.2902512550354004, 1.1426585912704468, -0.583541750907898, 0.39045533537864685, -0.4490702152252197, -0.6182381510734558, -0.21536189317703247, 0.39499664306640625, -0.8006942868232727, -0.043910108506679535, -1.4226789474487305, 0.03732458874583244, -0.3546770215034485, -1.2720947265625, 0.45227596163749695, -0.3753572702407837, 0.00693666934967041, -0.5536910891532898, -0.45837393403053284, -0.07289327681064606, 0.12303321063518524, -0.40435799956321716, -1.305720567703247, 0.07354244589805603, 0.8672500252723694, 0.3345569670200348, -0.36245858669281006, 0.743638813495636, 0.3374280333518982, -0.314421147108078, -0.131130188703537, -0.026982203125953674, -0.6610601544380188, 0.16123756766319275, 1.3783444166183472, -1.0402864217758179, -0.3547798991203308, -0.0330817736685276, -0.06030990555882454, -0.5923629403114319, 0.5777082443237305, 1.2210098505020142, -1.0710922479629517, 0.3984958529472351, -0.32686594128608704, 0.30803850293159485, -0.6009452939033508, -0.6489260196685791, 0.05121791362762451, -0.4191288948059082, -0.5132856369018555, 0.6092697978019714, -0.05773299187421799, 0.07576929032802582, -1.2479537725448608, -1.03203284740448, -0.20945671200752258, 0.611940324306488, 0.7529969811439514, 0.07247303426265717, 0.5696012377738953, 0.29230982065200806, -0.7471981048583984, 0.5181482434272766, 0.49719423055648804, 0.592352569103241, 0.4416161775588989, 0.1708720475435257, 0.2378215491771698, -0.9138824939727783, -0.5310885310173035, -0.05887499451637268, 1.4313304424285889, 0.21208979189395905, -1.7653067111968994, 0.03377648442983627, 0.6820751428604126, 0.46785175800323486, 0.7676886916160583, -0.3212662935256958, 0.6028059124946594, 0.4519365429878235, -0.93756103515625, -1.1275835037231445, -0.22883948683738708, 0.8678971529006958, -0.4880244731903076, 0.9803927540779114, 0.6067818403244019, 0.6439552307128906, 0.19969648122787476, 0.36433324217796326, 1.2304035425186157, -0.7819987535476685, -0.8873984813690186, 0.4232814908027649, -0.37825649976730347, -0.18206441402435303, -0.7544633150100708, -0.19378553330898285, -1.4960182905197144, -0.0326489582657814, -1.5874128341674805, 0.25745901465415955, -0.14183825254440308, 0.05519755184650421, 0.17145057022571564, 1.0324668884277344, 0.08636952936649323, -0.34275051951408386, -1.0348849296569824, -0.760770320892334, 0.6216247081756592, -0.10503725707530975, 0.10609138011932373, 1.970704436302185, 0.7306063771247864, -0.1371704488992691, 1.208139181137085, 0.3725672960281372, -0.7136416435241699, -0.17995339632034302, 0.5221208333969116, 0.9219126105308533, 0.17905762791633606, 0.6500597596168518, -0.02113092876970768, 0.4834637939929962, -1.131304383277893, -0.02958035096526146, -0.9025461673736572, 0.8150784969329834, 0.18292288482189178, -0.629409670829773, 0.3744211196899414, -0.6489077210426331, 0.4368032217025757, 0.10949299484491348, 0.2859255373477936, 0.9956149458885193, -0.4087931513786316, -0.38712945580482483, -0.7004328370094299, 0.05971841886639595, 1.3155229091644287, -0.4371926188468933, -0.4856662154197693, -0.36973780393600464, -0.06859332323074341, -0.015073511749505997, -0.9354362487792969, -0.21693669259548187, 0.496863454580307, -0.2907760441303253, 0.7426172494888306, 0.6777364015579224, -1.2675206661224365, -0.9263837933540344, -0.023733332753181458, -0.8661924004554749, 0.9705212116241455, -0.33755600452423096, -0.7042301893234253, 0.07019215822219849, 0.313071072101593, -0.299537718296051, -0.44528815150260925, 0.7664997577667236, -0.052757762372493744, -1.4328908920288086, 1.061232089996338, 1.2426396608352661, 0.2917206287384033, -0.44235607981681824, 0.2521762251853943, 0.9172137379646301, 0.7334086894989014, 1.4742727279663086]} +{"paper_id": "dengue_filipino", "embedding": [-0.36735180020332336, 0.40872421860694885, 0.4025835394859314, -0.1903173178434372, -0.15412527322769165, -0.49082762002944946, 0.8284644484519958, 0.1620626449584961, 0.8001801371574402, 0.9285675287246704, 0.8007941246032715, -0.1309349536895752, -0.6012283563613892, -0.08190346509218216, 0.003925945609807968, -0.4366579055786133, -0.6637800931930542, -0.4214397966861725, -0.19667063653469086, -0.31492581963539124, -0.6033550500869751, -1.1497598886489868, 0.5517584681510925, 0.8923423886299133, -0.24225503206253052, -0.9442679286003113, 0.3299919068813324, -0.042084019631147385, 0.7927760481834412, 0.017633942887187004, 0.432231605052948, 1.107792854309082, -1.657340407371521, -0.02820991724729538, -1.29738450050354, 0.19042111933231354, 0.5824746489524841, 0.8978444337844849, 0.02904810756444931, -0.7134126424789429, -1.5075808763504028, -0.602863609790802, 0.4859943687915802, 0.5793655514717102, 1.4317433834075928, 0.4238685965538025, 0.6645704507827759, -0.3459283113479614, -0.08486166596412659, -0.1058650091290474, 0.4536202549934387, 0.8032400608062744, -0.5606145858764648, 0.43474912643432617, -1.0566993951797485, 0.742136538028717, -0.04358783736824989, -0.23087912797927856, -0.09032414853572845, -1.350937008857727, 0.6803415417671204, 1.1369868516921997, -0.15593133866786957, -0.33511146903038025, 0.6133274435997009, -0.2014593482017517, 1.114686131477356, -0.3947315812110901, 0.6881443858146667, 0.6019648909568787, -0.49135422706604004, -0.7169696092605591, 0.15994587540626526, -0.5416029691696167, 0.28950220346450806, 1.0456442832946777, -0.5034815073013306, -0.13551002740859985, -0.2391628921031952, -0.05093475058674812, -0.25846728682518005, 0.6133761405944824, -0.4316628575325012, -0.1339585781097412, -0.26990580558776855, -0.05376599729061127, 0.0015338845551013947, -0.9243846535682678, 0.29232099652290344, -1.8857959508895874, 0.9663010239601135, -0.0072464719414711, -0.23078781366348267, 0.1835477352142334, 0.30269813537597656, 0.7916280031204224, -0.2714114189147949, -0.3934133052825928, -0.44426292181015015, 0.2007637619972229, 0.2904338836669922, -1.0834046602249146, 1.2421208620071411, -0.017422035336494446, -0.24810639023780823, 1.9379823207855225, -0.08047401160001755, 0.6750010848045349, -0.6967631578445435, 0.494361013174057, -0.4256879687309265, 0.8478818535804749, -0.3526458740234375, -0.14726212620735168, -0.27053359150886536, 0.2579285800457001, 0.08643496036529541, -0.22669529914855957, -0.7124671339988708, 0.15705949068069458, -0.21977508068084717, -1.3851110935211182, -1.010562539100647, 0.5252964496612549, 1.1101642847061157, -0.2861000895500183, 1.0903334617614746, 0.7890963554382324, -0.005043584853410721, -0.25535622239112854, 0.6561487913131714, -0.5173510909080505, -0.6392912268638611, 0.31109419465065, 2.4621007442474365, -1.1539260149002075, 1.7038816213607788, -0.012634910643100739, -0.040267713367938995, 0.3154876232147217, -0.5264884829521179, 0.3468713164329529, -0.16761210560798645, -0.8355909585952759, -1.24774968624115, 0.4762376546859741, -0.7472198605537415, -0.015429629012942314, -0.47593364119529724, -0.33464163541793823, -0.43223142623901367, 1.1626813411712646, -0.40165776014328003, -0.9730534553527832, 0.5722050070762634, 0.3573490381240845, 0.13265356421470642, 0.27967801690101624, -0.633316695690155, 0.6868229508399963, 0.6917327642440796, 0.7015171647071838, -0.5464240312576294, 1.458392858505249, -0.7209110260009766, 0.09747032821178436, 0.7727969884872437, 0.05737456679344177, -0.8131210803985596, -0.2082640826702118, 1.55668044090271, -0.028971973806619644, 0.4160537123680115, -0.15609192848205566, -0.06504989415407181, 0.17991653084754944, -0.27601268887519836, 0.22122585773468018, 0.8704473972320557, -0.3284558355808258, 0.515552818775177, 0.0791129469871521, -0.24956893920898438, 0.42515817284584045, 0.5648636817932129, -0.4309315085411072, -0.6255190372467041, -0.38859450817108154, -0.2993922531604767, 0.6728665828704834, 0.07990474998950958, -1.1430010795593262, 0.37633541226387024, 0.24327681958675385, 0.6600073575973511, -0.14965718984603882, 0.8593884110450745, -0.6083017587661743, -0.7099675536155701, 1.3713276386260986, -0.1283484250307083, 0.0591183565557003, 0.48904404044151306, 0.12328443676233292, 0.6712359189987183, -0.7423365712165833, -0.21456637978553772, -1.285939335823059, 0.5714959502220154, 1.3324575424194336, -0.16455334424972534, -0.1454835832118988, -0.8405361771583557, -0.28542453050613403, 0.3133908212184906, -1.0427165031433105, -0.05336052551865578, -1.1368900537490845, -0.12894055247306824, -1.5110236406326294, 0.2679712176322937, -0.7548867464065552, 0.15937066078186035, -0.31849387288093567, 1.2003430128097534, -0.23160749673843384, -1.1647343635559082, 0.5533772706985474, -1.0285232067108154, 0.9705045819282532, 0.4460093677043915, -0.447781503200531, -0.7187682390213013, 0.37115752696990967, 0.8081305623054504, 1.0396376848220825, -0.6149717569351196, -0.5027421712875366, -0.803187370300293, -0.253241628408432, 0.2366517335176468, -0.7816291451454163, -0.445584774017334, -0.8666216135025024, 0.8510440587997437, 0.4222242832183838, 0.2792816758155823, -1.1796337366104126, -0.2742388844490051, 0.026690825819969177, 0.7723614573478699, 0.9680644273757935, -0.20299801230430603, 1.590235948562622, -0.1179560124874115, 0.2345147728919983, 1.1701761484146118, -0.6836550235748291, 0.5397289991378784, -0.6855865120887756, 0.8273683190345764, -0.25778472423553467, -0.3221070468425751, 0.382323682308197, 0.13221614062786102, -0.23493634164333344, -0.08800749480724335, 0.01921558380126953, -1.3854361772537231, -0.3070562481880188, 0.0908224880695343, -0.47668981552124023, -0.5534560084342957, -0.7257545590400696, 0.6476485133171082, 1.4137994050979614, -0.06857922673225403, 0.7208936214447021, 0.736049473285675, -0.19532917439937592, 0.09760331362485886, -0.3614547848701477, 0.3233707547187805, -0.21117955446243286, 1.0700950622558594, -0.38500016927719116, 0.3928943872451782, -0.8114514350891113, -0.8022931814193726, -0.29221683740615845, -0.6768525838851929, -0.07336630672216415, -0.11380323022603989, 0.42525988817214966, -0.7409363985061646, -1.1642892360687256, 1.8478996753692627, -0.4147585332393646, 0.407646119594574, -0.7239728569984436, 1.5003912448883057, 0.2157292664051056, -0.1755097210407257, -0.10696504265069962, 0.04614034295082092, 0.779788613319397, 1.0463746786117554, -0.5918986797332764, -0.18760137259960175, 0.9274635314941406, -0.3698493242263794, 0.05070355907082558, 0.8519865870475769, -1.7419840097427368, 0.2711062431335449, 0.6214314699172974, -0.40319299697875977, 0.34374454617500305, -0.6797299981117249, -0.5896112322807312, -0.27665653824806213, -0.05272776633501053, -0.6104726195335388, -0.459038645029068, 0.7313086986541748, -0.2295387089252472, 0.44068044424057007, 1.0051220655441284, -0.8451226353645325, -0.3217031955718994, 0.5027903318405151, -0.12653839588165283, -0.007447216659784317, -0.4373152256011963, 0.5495555996894836, 0.16711191833019257, 0.9331501722335815, 0.09141906350851059, 0.05596300959587097, 1.3268789052963257, -0.09137559682130814, -0.18405820429325104, 0.8000981211662292, 0.589687705039978, 0.4348491430282593, 0.37930089235305786, 0.086690753698349, 0.5707348585128784, 0.39960962533950806, 0.8974848389625549, 1.365498423576355, -0.47487324476242065, -1.0648951530456543, 0.13645271956920624, -0.6157857179641724, -0.4371321201324463, 0.9910340905189514, -0.053085148334503174, 0.4589996635913849, -0.3038557171821594, 1.2581799030303955, 0.5223917365074158, 0.6648147702217102, 0.08224240690469742, 0.9630359411239624, 0.4677330255508423, 0.25407540798187256, 0.6364291906356812, 0.07345113158226013, -0.35335904359817505, -0.7677984237670898, 0.240571990609169, 0.8587789535522461, -0.43221262097358704, -0.09675127267837524, 0.0552186593413353, 0.8095889687538147, 0.9112512469291687, 0.7222453951835632, -0.29872268438339233, -0.3781054615974426, -0.8583402633666992, -0.02563285641372204, -0.02194925770163536, 0.47294336557388306, -0.7874468564987183, 0.028767641633749008, -0.3575712740421295, 0.8614586591720581, 0.1696327179670334, 0.4182039499282837, 0.6543961763381958, -0.59464430809021, -0.8980202674865723, -0.22478486597537994, -0.5697211623191833, -0.6343238949775696, -0.3327765166759491, 0.06287983804941177, -1.6161261796951294, 0.8044382333755493, -0.24471396207809448, -1.3555150032043457, 0.29744696617126465, -0.24521905183792114, -0.9449785947799683, 0.9590690732002258, 1.245186448097229, -0.8245460391044617, -0.716955304145813, -0.2963106632232666, -0.9883047342300415, -0.658604621887207, 0.8997297286987305, -0.06192420423030853, 0.13704752922058105, -0.2027619183063507, 0.19959697127342224, -0.4059745669364929, -0.3132075369358063, -0.1283033937215805, 0.7700684666633606, 1.1963070631027222, -1.0323024988174438, 0.16024433076381683, -0.21295027434825897, -0.9641993641853333, 0.5128276348114014, -1.397100806236267, -0.4624303877353668, 0.9772946238517761, 0.5328124761581421, 0.5719217658042908, -0.5523279309272766, -0.5966468453407288, -0.22221046686172485, 0.2461501508951187, 0.8119722604751587, -0.9031201004981995, -0.04573613032698631, -0.9821789860725403, -0.2500693202018738, 0.25490355491638184, -0.07311957329511642, 0.17929241061210632, 1.3464787006378174, -0.14715054631233215, 0.625830888748169, 0.015900805592536926, -0.35026419162750244, 0.030736293643712997, 0.41529178619384766, 0.30014926195144653, 0.2802020013332367, -12.31607437133789, 0.8546891212463379, -0.3168259859085083, 0.3659260869026184, 0.23902438580989838, 0.5154225826263428, 0.538427472114563, -0.6213967800140381, 0.9394060373306274, -0.9477395415306091, 0.5085338354110718, 1.4660757780075073, 0.10014878213405609, -0.3454354703426361, -0.3725627362728119, -0.16407977044582367, -0.18891723453998566, -0.06340595334768295, 0.5187534093856812, -0.34864410758018494, -0.3889358639717102, -0.8330103754997253, -0.11898104846477509, -1.2687195539474487, -0.0746709555387497, -0.5107436180114746, 0.6349455714225769, -0.4915699362754822, -0.6918041110038757, 0.44490525126457214, 0.06353805214166641, 0.30533942580223083, -0.3461790680885315, -0.9187537431716919, -0.4645578861236572, -0.294260174036026, -0.17914819717407227, 0.06919071823358536, 0.7111954689025879, -0.43987569212913513, 0.04483702778816223, 0.17948290705680847, 0.34275612235069275, -0.5409844517707825, -0.5551510453224182, -0.09714024513959885, 0.442270427942276, 0.3312954604625702, 0.4939700663089752, 0.19277271628379822, 2.3663043975830078e-05, -0.27596765756607056, -0.6256420612335205, -0.2586338520050049, 0.8911622166633606, 0.17673702538013458, -1.6737655401229858, 0.9499125480651855, -0.9483124613761902, -0.677699089050293, 0.5352346301078796, 0.20232996344566345, 0.1304088532924652, 0.2720802128314972, 0.2757599353790283, -0.8538179993629456, 0.5580651164054871, 0.61360764503479, -0.12518830597400665, -0.3792479932308197, -0.8477540016174316, 1.0293997526168823, 0.08997693657875061, -0.37580984830856323, -0.45816096663475037, -0.11850766092538834, -0.47090429067611694, 0.05854146182537079, -0.09562823176383972, -0.42772984504699707, -1.2243225574493408, -0.0944574698805809, -0.8693013787269592, -0.37016838788986206, -0.7975015640258789, -0.29362213611602783, -0.8269370794296265, -0.5221157073974609, 0.34320148825645447, 0.4949973225593567, 0.633484423160553, 0.8410211205482483, 0.04511357471346855, -0.16411247849464417, -0.292549729347229, 0.7236146926879883, -0.3446415662765503, 1.0333774089813232, -0.8426513671875, -0.446004718542099, 0.400661826133728, -0.2962428033351898, 0.6762206554412842, 0.32306259870529175, 0.5940434336662292, -0.038148894906044006, 0.07700242102146149, 0.8646770715713501, 0.04794308543205261, 0.9142277240753174, 0.13412150740623474, -1.2845481634140015, -0.2901911735534668, 0.993794322013855, 1.2497320175170898, 0.8980745077133179, 0.6867509484291077, -0.31412410736083984, 0.6803624629974365, -0.1380283683538437, 0.030938247218728065, -0.11601913720369339, 0.43785932660102844, 0.6225975751876831, 0.48925524950027466, 0.3824850916862488, -0.7156159281730652, -0.3040674328804016, -0.3831177353858948, -1.0504158735275269, 1.488081693649292, 0.03549330309033394, 0.10286375135183334, -0.2843399941921234, -0.1503583937883377, -0.7646329402923584, -0.35476452112197876, 1.7170644998550415, -0.4015501141548157, 0.8170790076255798, -0.8774669170379639, -0.4761749804019928, 0.5804676413536072, -0.10228799283504486, -0.9971188306808472, -0.4533788561820984, -0.3513156473636627, -0.1462588757276535, -0.6377947926521301, -0.5615017414093018, 0.5278743505477905, -0.41086283326148987, 0.7629690766334534, -0.2729027271270752, -0.46094292402267456, -0.27245059609413147, 0.8123748302459717, 0.2742311358451843, -0.8395256996154785, 0.07128092646598816, 0.6591771245002747, 0.8485577702522278, -0.6735864281654358, 1.422532320022583, 0.5821654796600342, -0.722445547580719, -0.42755427956581116, -0.33283254504203796, -0.6502457857131958, 0.1420246958732605, 1.6735566854476929, -0.2880028486251831, -0.6281235814094543, 0.32040610909461975, 0.1335066258907318, -0.813239336013794, 0.056141406297683716, 0.9122686386108398, -1.0734293460845947, 0.8960147500038147, -0.7049627900123596, 0.5658601522445679, 0.041939474642276764, -0.8071555495262146, -0.4597114622592926, 0.1945764720439911, -0.19319871068000793, 1.1111023426055908, 0.37412571907043457, 0.38404178619384766, -1.3310813903808594, -1.1789894104003906, 0.14329558610916138, -0.6775484681129456, 1.1338677406311035, 0.19102074205875397, 1.1278811693191528, 0.7581576108932495, -0.05238133668899536, -0.5394194722175598, -0.19769591093063354, 0.3568987250328064, -0.3247058093547821, -0.8581626415252686, -0.4852723181247711, -0.4322316646575928, -0.5979830622673035, 0.18363143503665924, 0.2813374698162079, 0.277866393327713, -1.314050316810608, 0.20073704421520233, 0.12437397241592407, -0.46049976348876953, 0.5015325546264648, -0.944036602973938, -0.214951753616333, -0.05969003587961197, -0.883305013179779, -0.8424389362335205, 0.20856064558029175, 0.7062762975692749, -0.30314451456069946, 1.0845856666564941, -0.7872985601425171, 0.533725380897522, 0.814862072467804, 0.23333923518657684, 1.8539843559265137, -0.3715279698371887, 0.21766838431358337, 0.15793195366859436, -0.46804988384246826, -0.7425591349601746, -0.284049391746521, -0.11413921415805817, -0.9147160649299622, 1.1194690465927124, -1.5808755159378052, 0.022191278636455536, -1.0456680059432983, 0.17241613566875458, -0.21246953308582306, 0.5772945880889893, 0.0028737634420394897, -0.7774129509925842, -0.3222355544567108, 0.1262078583240509, -0.14845865964889526, 0.1583244800567627, 0.275362104177475, 1.0839593410491943, 0.8643578886985779, -0.5207284688949585, 0.5041607618331909, -0.30892711877822876, 0.07426996529102325, 0.6510978937149048, 0.011288851499557495, 1.5176130533218384, 0.3423173129558563, 0.1682938188314438, 0.3312188386917114, 0.10184945166110992, -0.3379361927509308, -0.36599254608154297, 0.08585572987794876, 0.4936486482620239, 0.5179463624954224, -0.6716494560241699, -0.010739117860794067, 0.10495943576097488, -0.6609359383583069, 0.3783893287181854, 0.10362905263900757, -0.20535124838352203, -0.41047871112823486, -0.3278447091579437, -0.2850302457809448, -0.08674637973308563, 1.2228660583496094, -0.4708977937698364, -0.6922577619552612, -0.030712291598320007, 0.5992891192436218, 0.6102845072746277, -0.8968214392662048, -0.9058693647384644, 0.13209882378578186, -0.6127740740776062, 0.35439592599868774, 0.8292711973190308, -0.9308292269706726, -0.74482262134552, 0.30511167645454407, -0.8281872868537903, 0.6184094548225403, -0.3876328468322754, -0.41927170753479004, 0.1430615782737732, 0.22116588056087494, -0.4347773492336273, -0.12201417982578278, -0.11361958086490631, 0.1656360924243927, -0.6971821784973145, 0.853166401386261, 0.47668424248695374, -0.03755103424191475, -0.11335501819849014, 0.6120449304580688, 0.08000248670578003, 0.12280911952257156, 1.149541974067688]} +{"paper_id": "med_hop", "embedding": [-0.539557933807373, 0.8565908670425415, -0.11669036746025085, -0.20728951692581177, 0.2790338397026062, -0.44676706194877625, 0.6460427045822144, 0.8393236398696899, 0.7577876448631287, 0.4826311469078064, 0.7699078321456909, -0.05143819749355316, 0.3097660541534424, 0.2565017640590668, -0.29957491159439087, 0.08248896896839142, -0.36092856526374817, -0.5195482969284058, -1.3872205018997192, -1.1364779472351074, -0.8010473847389221, -0.5175952315330505, -0.40830573439598083, 1.5365546941757202, -0.6627934575080872, -0.8699395060539246, 0.9796828031539917, -1.048164963722229, -0.15497419238090515, 0.5214431285858154, 0.08893491327762604, 0.7905223965644836, -1.4923902750015259, 0.868249237537384, -0.00948745384812355, 0.12454485148191452, 0.0782770961523056, 0.3245771527290344, 0.39488205313682556, -0.3654216229915619, -0.6375179886817932, 0.5411669611930847, 0.2509787976741791, 0.4928615689277649, 0.03814893960952759, -0.655481219291687, 0.4042724668979645, -0.17327147722244263, -0.045902375131845474, -0.33104830980300903, -0.6294896006584167, -0.15144187211990356, -0.14022475481033325, 0.7345893383026123, -0.16695883870124817, 1.243735671043396, -0.10232119262218475, -0.2635551393032074, 0.28353074193000793, -0.501767635345459, 1.439454197883606, 1.3430949449539185, -0.5240501761436462, -0.13931167125701904, 1.5582342147827148, 0.04924428462982178, 0.899920642375946, -0.32458943128585815, -0.2610015571117401, 1.2979240417480469, -0.38599681854248047, -0.6392395496368408, -0.07364466041326523, -0.6704067587852478, 0.18217702209949493, 0.9276281595230103, 0.517452597618103, -0.17214994132518768, 0.2415054440498352, -0.3115665316581726, -0.08714152872562408, 0.2011551409959793, 0.9752625226974487, 0.21971401572227478, -0.27754124999046326, -0.1150442361831665, 0.43511995673179626, -0.3188838064670563, 0.39300641417503357, -1.7104666233062744, 0.6068329811096191, 0.5474058389663696, 0.29405251145362854, 0.05899465084075928, -0.010982431471347809, 0.21348237991333008, -0.6687949895858765, -0.8213992118835449, -0.020940981805324554, -0.13400377333164215, 0.2999752163887024, 0.04206877946853638, 0.8930603861808777, -0.4754858911037445, 0.36400607228279114, -0.2137330174446106, 0.3816774785518646, 0.01376846432685852, -0.2615545392036438, -0.8193100690841675, 0.47382450103759766, 0.2601403594017029, 0.1908036172389984, 0.48089736700057983, -0.3692173957824707, 0.5794765949249268, 0.49131637811660767, -0.5778967142105103, -0.5409915447235107, 0.3973766565322876, 0.49311017990112305, -0.5369510054588318, -0.9221478700637817, -0.6853794455528259, 0.6009014248847961, -0.5186384320259094, -0.6814031600952148, -1.3447692394256592, -0.7400906682014465, -0.1973302662372589, 0.3403598368167877, 0.6711083054542542, -1.114581823348999, -0.49690067768096924, 3.1367194652557373, -0.45582661032676697, 1.3364250659942627, 0.07749888300895691, -0.39059633016586304, -0.5161187052726746, -0.5512778759002686, 1.143895149230957, 0.6953538060188293, -1.0017249584197998, -0.48632943630218506, 0.003578798845410347, -0.026024658232927322, 0.10066089779138565, -0.726543128490448, -0.15843547880649567, 0.024112075567245483, -0.34391823410987854, -1.3273992538452148, -0.47326743602752686, -0.38794830441474915, -0.1469164490699768, -0.007249021902680397, 0.3615870773792267, -0.34045591950416565, 1.1583796739578247, -0.07397281378507614, -0.3152804374694824, -0.5527325868606567, 0.5277764201164246, -0.5855633020401001, 0.2699853777885437, 1.22670578956604, -0.05580925568938255, -0.7525080442428589, 0.03299441188573837, 0.3597399890422821, -0.07069513201713562, -0.45964157581329346, -1.0234438180923462, -0.13389456272125244, -0.20964059233665466, 0.4130014181137085, 0.6656596660614014, 0.3732174038887024, -0.4382667541503906, -0.06783834844827652, -0.1675342619419098, 0.2748885750770569, 0.9176146388053894, -0.29256051778793335, 0.535542905330658, -3.230416774749756, -0.07121188938617706, -1.000432014465332, 1.0523736476898193, -0.00021497905254364014, 0.04582331329584122, 0.5032017827033997, -0.16797612607479095, -0.4747198820114136, -1.0257964134216309, 0.41166630387306213, -1.3268382549285889, 1.0636329650878906, -0.0963231772184372, 0.31665390729904175, -0.5424941778182983, 0.17222508788108826, 1.0386738777160645, 0.4035341739654541, -0.6834641098976135, -1.2987518310546875, -2.0858476161956787, 0.3457915782928467, 1.7992656230926514, 0.08359183371067047, -0.024809055030345917, -1.1486674547195435, -0.21841096878051758, -0.19071131944656372, -0.052538610994815826, 0.15087172389030457, -0.7207939028739929, 0.2385585457086563, -0.29477715492248535, 0.5086688995361328, -0.6250956058502197, 0.002805352210998535, 0.5486704707145691, 1.0116394758224487, -0.30688250064849854, -0.41659611463546753, -0.7215336561203003, -0.6947330832481384, 0.49516716599464417, 0.33304041624069214, -0.1541522890329361, -0.17919503152370453, 0.5325552821159363, 0.3052014410495758, 0.9271203279495239, 1.124082088470459, 0.7546632885932922, -0.4790881276130676, 0.5609895586967468, -0.7921733856201172, 1.5069292783737183, -0.3856131434440613, 0.281399130821228, -0.024394899606704712, -0.12139005959033966, -0.7121049761772156, -0.27363723516464233, -0.29711949825286865, -0.10251503437757492, 0.6015855669975281, 0.8087009191513062, -0.5125445127487183, 0.060422368347644806, -0.6462578773498535, -0.2357100546360016, -0.16433414816856384, -0.8179478049278259, -0.8904963731765747, 0.07086750864982605, 0.2283150851726532, -0.4736635684967041, 0.5774557590484619, -0.14957085251808167, 0.299608439207077, -1.0607709884643555, -0.7445504069328308, -0.23235073685646057, 0.22656740248203278, -1.092489242553711, -0.6845883727073669, 0.0938820168375969, -1.146713376045227, -0.003414928913116455, 0.23894843459129333, -0.6919335722923279, 0.04446415230631828, 0.2572632133960724, 1.0734620094299316, 0.5225740671157837, 0.5001974701881409, -0.29421544075012207, 1.2274348735809326, -0.5377263426780701, 0.36428284645080566, -0.17136293649673462, -0.354726642370224, -1.3611851930618286, 0.4154496490955353, -1.0085580348968506, 0.04945063591003418, 0.9012744426727295, -0.17290179431438446, 0.8204331398010254, -0.13669109344482422, -0.926099956035614, 0.671658992767334, 0.31490442156791687, -0.10401008278131485, -0.9895313382148743, 1.533495545387268, -0.5866214632987976, -0.8768636584281921, 0.8460949659347534, -0.2439000904560089, -0.7402217388153076, 0.9811468720436096, 0.4711131751537323, -0.012484144419431686, 0.6722737550735474, -0.8123557567596436, -3.9950013160705566e-05, 0.11185530573129654, -1.6398437023162842, 1.2118196487426758, 0.8154526352882385, -0.5368693470954895, -0.30449238419532776, -0.6842284202575684, 0.3379329442977905, 0.02143271267414093, 0.21457621455192566, 0.792153000831604, -0.7943534851074219, 0.4603946805000305, 0.42469003796577454, 0.6574047207832336, 0.6923744678497314, -0.1128421425819397, 0.7146338224411011, 0.4193321466445923, 0.4555753171443939, -0.4526447057723999, -0.48320654034614563, 1.0082690715789795, -0.1892089694738388, 0.5652700662612915, -0.15207958221435547, 0.8246654868125916, 0.9046581983566284, -0.34495094418525696, -0.27891039848327637, 0.37229305505752563, 0.6286473870277405, 0.5247772932052612, 0.1394413858652115, -0.44662296772003174, 0.19452105462551117, 0.3283992111682892, 1.3189682960510254, -0.07260558009147644, -1.000107765197754, -1.1796462535858154, -0.7949259877204895, -0.6571001410484314, -0.4184817969799042, 1.694780945777893, 0.38472527265548706, 1.9569389820098877, 0.5966941714286804, -0.31454989314079285, -0.7757894396781921, -0.3936947286128998, 0.40373727679252625, 0.21476078033447266, -0.25846272706985474, -1.1050633192062378, 0.029384084045886993, 1.2292662858963013, 0.5036011934280396, -0.24406158924102783, 0.5615085959434509, 0.5475392937660217, 0.051626794040203094, -0.7350354194641113, 1.1638998985290527, 0.8261823654174805, 0.8183063268661499, 1.424648404121399, -0.7344495058059692, 0.17407745122909546, 0.39147576689720154, -0.27825820446014404, 0.050575435161590576, -0.08410033583641052, 0.31355899572372437, 0.21172034740447998, 0.45120367407798767, 0.9699466824531555, 0.2619192600250244, 0.8354584574699402, 1.7348048686981201, -0.2344783991575241, -1.9366204738616943, -0.1807107776403427, -0.3375137746334076, -0.12177915126085281, -0.27478665113449097, 0.0039224773645401, -0.5898527503013611, 0.8185455799102783, 0.10846791416406631, -0.22359438240528107, 0.547287106513977, -0.35408636927604675, -1.2332497835159302, 0.5869253873825073, 0.8872480392456055, -1.2092069387435913, -0.32037147879600525, 0.5004099011421204, -0.9729991555213928, 0.07974343746900558, -0.44135570526123047, -0.8042426705360413, 1.1230735778808594, 0.015090826898813248, 0.7992523312568665, 0.27027952671051025, 0.18193192780017853, -0.9249082803726196, 1.823962926864624, 1.040218710899353, -0.9858317971229553, 0.4351195693016052, 0.21043577790260315, 1.0635393857955933, 0.771979570388794, -0.8445715308189392, -0.4318014681339264, 1.3412104845046997, -0.542833685874939, 0.3789821267127991, -1.1023731231689453, -0.1484321802854538, 1.314926266670227, 0.8894677758216858, 0.2717758119106293, -0.4542296528816223, -0.21527323126792908, -1.0452468395233154, 0.6909361481666565, 0.7337589263916016, -1.4136093854904175, -1.2879573106765747, 0.5751746892929077, -0.9934030175209045, 0.24201416969299316, -0.13007815182209015, 0.3096749484539032, 2.506995916366577, -0.01097487285733223, 0.08643630146980286, -0.7340301275253296, -10.913192749023438, 0.7505103349685669, 0.4357844591140747, 0.018474899232387543, 0.5643212795257568, -0.264267235994339, 0.41155293583869934, -0.30517733097076416, -0.072496198117733, -0.7106564044952393, 0.019707802683115005, 1.3149861097335815, 0.4650847613811493, -0.33303171396255493, -1.1130940914154053, -1.214018702507019, -0.30903178453445435, -0.4519585967063904, 0.20427457988262177, 0.09780669957399368, -0.298930823802948, -0.6023665070533752, -0.46491724252700806, 0.08669045567512512, 0.3859233260154724, -0.24492448568344116, -0.46550706028938293, -0.5013535618782043, 0.3553662896156311, -0.15303263068199158, 0.7351236939430237, -0.10605993866920471, -0.32355260848999023, 0.1595965325832367, 0.006110586225986481, -0.4846947193145752, -1.0505166053771973, -0.6451275944709778, 0.5495241284370422, -0.952491819858551, -0.38069605827331543, -0.28988513350486755, 0.3388589024543762, -0.016557469964027405, -0.818433403968811, 0.4724525213241577, 0.27469295263290405, -1.4337505102157593, -0.18485507369041443, -0.6601213216781616, -0.49998193979263306, -0.6931585669517517, -0.6791114807128906, 0.01659547910094261, 0.6458593606948853, 0.5440866947174072, -0.3093985915184021, -0.2794772982597351, -0.5549084544181824, -0.6405730247497559, 0.6429374814033508, -1.2224059104919434, -0.33893021941185, 0.5492252707481384, 0.19664138555526733, -0.3491535186767578, 0.6209659576416016, 0.23707129061222076, 0.24070316553115845, 0.5665723085403442, -0.2180790901184082, 1.3547440767288208, 0.11795195937156677, 0.26920783519744873, -0.4222100079059601, 0.5172499418258667, -0.7640982270240784, -0.7375586032867432, 0.8443490862846375, -0.09229603409767151, -0.8936788439750671, 0.8174158930778503, 0.7176123857498169, -0.582576334476471, 0.056847769767045975, -0.04957546293735504, 0.3829956650733948, 0.12430866062641144, 0.8522766828536987, -0.7047898173332214, 1.4363782405853271, 0.2664089798927307, -0.5157423615455627, -0.9817875623703003, -0.9806492924690247, 0.4316437840461731, -1.211580514907837, 0.713412344455719, 1.0089609622955322, -0.8298681974411011, -0.4018365144729614, 0.3253418207168579, -1.3148192167282104, -0.6527934074401855, 1.1489554643630981, 0.44496601819992065, -0.11902844905853271, 0.3710479736328125, -0.4240264296531677, -1.0704420804977417, 0.9498698115348816, 0.6873381733894348, -0.35914915800094604, 1.357850432395935, -1.175674319267273, 0.9345765113830566, 0.6887521743774414, 0.08442629873752594, -0.6204167008399963, 1.4917402267456055, -0.6653335094451904, 1.2462053298950195, 0.47657036781311035, 1.3525934219360352, 0.15244141221046448, -0.12791068851947784, 0.35379958152770996, 0.3842534124851227, -0.8380523324012756, -0.9388882517814636, 0.16133727133274078, -0.7517238855361938, 0.06040246784687042, -0.43477100133895874, -1.0072129964828491, -0.041258297860622406, -0.20679928362369537, 1.304416537284851, -0.546524167060852, 0.4411986470222473, -0.7402946352958679, -0.35523107647895813, -0.2888701558113098, -0.3211628794670105, -1.0808813571929932, 0.45944657921791077, -1.481514573097229, -0.0245908685028553, -0.5343171954154968, -0.4953300356864929, -0.5078310370445251, -0.6686481237411499, 0.9827526211738586, -0.2756827771663666, -0.3892897963523865, -0.5904889702796936, 0.33727774024009705, -0.5797841548919678, -1.0502865314483643, -0.3282310962677002, -0.5993173718452454, 1.6488128900527954, -1.0212297439575195, 1.230409860610962, 0.23772883415222168, -0.49018770456314087, -0.8785768747329712, 0.4003315269947052, -1.2332289218902588, 0.5148364901542664, 1.1171939373016357, -0.9415071606636047, -0.5987308621406555, -0.6093596816062927, 0.2782735526561737, 0.17471447587013245, 0.24306899309158325, 1.1226584911346436, -1.2106574773788452, 0.05271225422620773, 0.3040965795516968, 0.8533101677894592, 0.3210485279560089, -0.6055075526237488, 0.023984834551811218, 0.17476177215576172, -0.26872220635414124, 0.6786888837814331, 0.202619269490242, 0.957287073135376, -0.7380956411361694, -0.5532103776931763, -0.23575733602046967, -0.2602419853210449, -0.009669061750173569, -0.2572716772556305, 1.408097505569458, 0.08623718470335007, -0.7119172811508179, -0.16913029551506042, 0.054128408432006836, 0.8811018466949463, 0.06699824333190918, 1.3725193738937378, -0.2443554699420929, 0.744878888130188, -1.390509843826294, 0.3080171048641205, -0.011272965930402279, 1.198230504989624, -0.4742826819419861, 0.2741069197654724, 0.4759485423564911, -0.5072913765907288, -0.13559237122535706, -1.5755198001861572, 0.2736298143863678, -0.8672305345535278, -0.31585609912872314, -0.9860268235206604, 0.056752268224954605, 0.9704830646514893, -0.11573347449302673, 0.4352390766143799, 0.4427057206630707, 0.5873032808303833, 0.7051553726196289, 0.6307463049888611, 0.7490395903587341, -0.023760702461004257, -0.5152177214622498, 0.8892667293548584, 0.9676603078842163, 0.24520432949066162, 0.23202085494995117, -0.8610050678253174, -0.17963413894176483, 0.10964109748601913, -0.6912233829498291, 1.4306730031967163, -0.22387878596782684, 0.6258057355880737, 1.024389386177063, 1.40982985496521, -0.47019749879837036, -2.2708730697631836, -0.4657847285270691, -1.516937017440796, 0.3632928133010864, 0.9917924404144287, 0.584538459777832, -0.38400304317474365, 0.34068769216537476, -0.7061838507652283, 1.2672256231307983, -0.9879006147384644, 0.14544327557086945, 0.2639032304286957, -0.4727218747138977, 0.7729929089546204, 0.29249995946884155, 0.6470317840576172, 0.45132893323898315, -0.022656261920928955, -1.188055396080017, -0.0441303588449955, -0.968390166759491, 0.9288976192474365, 0.37990713119506836, 0.001234510913491249, 0.12428602576255798, -0.25249117612838745, 0.9005946516990662, -0.7867600321769714, 1.1419721841812134, 0.32672059535980225, -0.0953994169831276, -0.8364853858947754, -1.1188732385635376, 0.10610456019639969, -0.07840044796466827, -0.023093778640031815, -0.0829261988401413, -0.11319391429424286, 1.2290191650390625, 0.500981330871582, 0.6330403685569763, -0.43583178520202637, -0.35853782296180725, -0.07234928011894226, 0.4975302219390869, 0.7982773780822754, -0.6869261264801025, -0.9693241715431213, 0.11444881558418274, -0.5332600474357605, 0.6033341884613037, 0.1984373778104782, -0.6023908257484436, -0.5478682518005371, 0.6037264466285706, 0.22981497645378113, 0.20692285895347595, 0.5370581150054932, -0.1865718513727188, -1.367666244506836, 0.7640729546546936, 0.9650075435638428, -0.06038994342088699, 0.11544881016016006, -0.22658655047416687, -0.18087410926818848, 0.4172036349773407, 1.307730793952942]} +{"paper_id": "eth_py150_open", "embedding": [0.4649915099143982, 1.1820775270462036, 0.3996385335922241, 0.24772867560386658, 0.3526126444339752, -0.1295480579137802, 0.5835469365119934, 1.6289277076721191, 0.9769898056983948, 0.12418628484010696, -0.83696049451828, 0.4331141710281372, -0.2316373735666275, 0.015333173796534538, -0.9599341750144958, -0.4169762432575226, 0.0401560440659523, -0.5261996984481812, -1.3239115476608276, -0.18203087151050568, -0.46404922008514404, -1.5718754529953003, -0.06669251620769501, 0.5821108222007751, -0.7936590313911438, 0.42658111453056335, 0.13326026499271393, -1.276893138885498, -0.23639869689941406, 1.0990321636199951, 0.5849352478981018, 1.4663399457931519, -1.5708863735198975, 0.4502749741077423, -0.5262334942817688, -0.8296645283699036, 0.5465449094772339, 0.5476447939872742, -0.6191558837890625, 0.12760227918624878, -0.5624579787254333, 0.012610852718353271, 0.4247937798500061, -0.42528024315834045, 1.3740721940994263, -0.5208852291107178, 0.17329753935337067, -0.18025067448616028, 0.2919633388519287, -0.1750839352607727, -0.45600324869155884, 0.5838520526885986, 0.29177403450012207, 0.013324718922376633, -0.0033250004053115845, 0.8708198070526123, 0.19137561321258545, -0.6116964221000671, 0.3793267607688904, -0.2640697658061981, 0.9603250026702881, 0.8101588487625122, -0.3099369704723358, 0.13117249310016632, 0.5942121744155884, -0.341408908367157, 1.8235644102096558, 0.8945849537849426, 0.12838347256183624, 0.17610813677310944, -0.24610048532485962, -1.3163105249404907, 0.9491780996322632, -0.4520238935947418, 0.037897780537605286, 1.0954229831695557, 0.5209810137748718, -0.9326781630516052, 0.4550868570804596, 0.05477982759475708, -0.486015260219574, 0.7940781116485596, 0.6797807812690735, -0.00844264030456543, -0.2132837474346161, -0.08975744247436523, 0.5503823757171631, -1.230025053024292, 0.03160751238465309, -0.880916953086853, 0.1769740879535675, -0.2808079719543457, 0.409260630607605, -0.32263273000717163, -0.9675313830375671, -0.21264934539794922, -0.6827806830406189, -0.2974894344806671, -0.4202393591403961, 0.767206609249115, 0.7341209053993225, 0.48546239733695984, 0.8331636786460876, -1.203016757965088, 0.02944941632449627, 0.8204618692398071, -0.5401725769042969, -0.8188698291778564, -1.3086373805999756, -0.6942480802536011, 1.1227385997772217, 0.22433994710445404, -0.8000839948654175, 1.5664217472076416, -0.4669647216796875, -0.44743210077285767, 0.3881358802318573, -0.03822532668709755, -0.6046828031539917, 0.340645968914032, -0.3429461717605591, -0.9009057879447937, -0.45533064007759094, -0.19060644507408142, 0.3295586109161377, -0.4049769639968872, 0.12045416235923767, -0.1343953013420105, 0.02892843447625637, -0.6942279934883118, 1.5470913648605347, 0.48471590876579285, -0.3666516840457916, -0.2502366304397583, 3.547309160232544, -1.542221188545227, 0.3706200420856476, -0.4245683252811432, 0.2081078737974167, 0.19165901839733124, -0.5531346201896667, 1.8940128087997437, 0.5162547826766968, -0.7498900890350342, -0.5760620832443237, 0.4942001700401306, -1.2238893508911133, 0.29839983582496643, -1.224944829940796, -0.46653980016708374, 0.028898287564516068, 1.468253254890442, -1.0291951894760132, -0.9586250185966492, -0.5595495104789734, 0.5017390251159668, 0.4687565565109253, 0.5892096757888794, -1.2299827337265015, -0.12629732489585876, 1.0219556093215942, -0.23392941057682037, 0.029404520988464355, 0.5021935105323792, -1.479905366897583, 0.6665425300598145, 1.8575842380523682, -0.12892010807991028, -0.8073244690895081, -0.4073687195777893, 0.9930468797683716, -0.3928563892841339, -0.5216419696807861, -0.4103466272354126, 0.6075285077095032, 1.04696786403656, 0.9024041295051575, 0.1862393617630005, -0.12196540087461472, -0.4146638512611389, -0.9518521428108215, -0.5820167660713196, -0.6717467308044434, 0.4693375527858734, -0.06277786940336227, 0.24025043845176697, -2.9031240940093994, -0.05462674796581268, 0.5423883199691772, -0.054203376173973083, 0.3012794256210327, -0.7721431255340576, 0.3169882893562317, 0.49219271540641785, 0.7664939761161804, -0.7439435124397278, -0.5754277110099792, -1.1034544706344604, 0.7817186713218689, 1.1920725107192993, 0.28913068771362305, 0.5806127190589905, -1.0639127492904663, 0.4806135892868042, 0.5679619312286377, -0.4828912913799286, -0.28260037302970886, -2.1671037673950195, -0.01733626425266266, 1.8414608240127563, 0.5685011148452759, 0.42026177048683167, -0.9207746982574463, -0.6859046220779419, 0.6134237051010132, -0.5044065713882446, 0.1569722294807434, -0.9726673364639282, 0.017644666135311127, -1.2326301336288452, 0.9851529002189636, -0.3056190609931946, 0.4094749391078949, -0.015742046758532524, 1.1495070457458496, 0.06828393042087555, 0.336744487285614, 1.0979840755462646, -0.8850671052932739, 0.1673407256603241, 0.628157377243042, 0.10540056228637695, -0.1621471345424652, 1.2163684368133545, 0.049613699316978455, 0.49932849407196045, 0.95317143201828, 0.3016166687011719, -0.7373441457748413, 0.9236617088317871, 0.42063942551612854, 0.899121105670929, 0.022980332374572754, -0.7336422801017761, 0.119184210896492, 0.31974518299102783, -0.5651097297668457, -0.4586511254310608, 0.061460934579372406, -0.5681061744689941, 1.5465563535690308, 0.6726440191268921, 0.20260494947433472, 0.6972345113754272, -0.9031513333320618, -0.0766795352101326, -0.11590158939361572, -1.2394429445266724, -0.5204076170921326, 0.7899866104125977, 0.46133938431739807, -0.7079190015792847, 0.34466663002967834, -0.3995388150215149, -0.5095246434211731, -0.9432101845741272, -1.4333412647247314, -0.6847397685050964, -0.5629917979240417, -0.7142330408096313, -0.22820207476615906, 0.2602049708366394, -1.1482689380645752, -0.2695064842700958, 0.7641699314117432, 0.2642720341682434, -0.13454312086105347, 0.09113165736198425, 1.6590261459350586, -0.12002645432949066, 0.612245500087738, 0.19255588948726654, -0.04483720660209656, -0.1236923411488533, 0.7784891724586487, 0.22246018052101135, -0.2974221706390381, -0.9624153971672058, 0.27167025208473206, -1.043999433517456, -0.3269014358520508, 0.7280441522598267, -1.743217945098877, -0.7783807516098022, 0.11113131046295166, -0.050529755651950836, 1.0873583555221558, 0.13044746220111847, -0.46819058060646057, -0.6437949538230896, 1.506932020187378, -0.04644183814525604, -0.9888132214546204, 0.6551651954650879, -0.8673524856567383, -0.43582800030708313, 1.1387593746185303, -0.26833584904670715, 0.5715363025665283, 0.3536953330039978, 0.24794167280197144, 1.1178327798843384, 0.024936247617006302, -2.1792306900024414, 0.898099422454834, 1.0295158624649048, 0.04685897007584572, -0.2866555154323578, -0.55860435962677, 0.12104645371437073, -0.5618480443954468, -0.4221707582473755, -0.02633461356163025, -0.6994533538818359, 1.0242878198623657, 0.9485194683074951, 1.0221800804138184, -0.4404734969139099, -0.4900606870651245, 0.5460152626037598, 1.0790886878967285, 0.15732091665267944, 0.024507686495780945, 0.22731786966323853, 1.24968683719635, -1.1778401136398315, 0.31065231561660767, 0.2936265170574188, 0.7371270060539246, 0.8807518482208252, 0.21579277515411377, 1.0107992887496948, 1.3036378622055054, 1.2626537084579468, -0.08140014857053757, 0.026474732905626297, -0.22521255910396576, 0.13989371061325073, 0.08608599007129669, 0.962679922580719, -0.49397945404052734, -0.770069420337677, -0.7187018990516663, -0.5137614011764526, -0.7144102454185486, -0.593143105506897, 1.850502371788025, 0.4417419135570526, 1.2689119577407837, -0.15235784649848938, -0.3556571900844574, -0.5903159379959106, -0.48247313499450684, -0.23237863183021545, 0.6494299173355103, -0.02253737300634384, -0.912490725517273, -0.24362435936927795, 1.1174225807189941, -0.0014371955767273903, -0.008263548836112022, -0.2159929871559143, 0.18554452061653137, -0.43105384707450867, -1.2325465679168701, 0.2984310984611511, -0.36695390939712524, 1.3287006616592407, 2.304417133331299, -0.7522562146186829, -0.1983528584241867, -0.31191548705101013, -0.5668627023696899, -0.13112373650074005, 0.3214207589626312, 0.35371410846710205, -0.10707386583089828, 0.47939836978912354, 0.6703556776046753, 0.4574049711227417, 1.7343146800994873, 0.9587564468383789, -0.18579231202602386, -2.3742125034332275, 0.04212434962391853, -1.109959363937378, -0.3471807539463043, -0.8889714479446411, -0.01084182783961296, -0.2158116102218628, 0.27326926589012146, -0.23532098531723022, -0.7124654650688171, 0.490388423204422, 0.5663405060768127, -0.37772220373153687, -0.07391583919525146, 1.6865135431289673, -0.15074904263019562, -1.0230826139450073, -0.4195626974105835, -0.9509391188621521, -0.9949619770050049, -0.7815070748329163, -0.670505940914154, 0.3373565971851349, 0.8359236717224121, 0.19385559856891632, 0.7429938316345215, 0.48545312881469727, -1.03574538230896, 1.2794641256332397, 0.9566128253936768, -1.3238835334777832, -0.07074052095413208, -1.1477899551391602, 1.0798864364624023, -0.023266032338142395, -1.1176154613494873, -0.7309237718582153, -0.1871221363544464, -0.25953859090805054, 0.3252500593662262, -0.5071231722831726, -0.2911876440048218, -0.4846591651439667, 0.7343354225158691, 0.24883899092674255, -0.6626611948013306, -0.14098350703716278, -0.6975163817405701, -0.06356204301118851, 1.531572699546814, -0.4180857539176941, -0.10807404667139053, 0.9914999008178711, 0.05276793986558914, 0.32744133472442627, 0.7413316965103149, 0.15401962399482727, 0.3236745297908783, 0.7334945797920227, -0.6345751285552979, -0.6835405230522156, -9.512998580932617, 0.6833289265632629, 0.19441410899162292, 0.3562735319137573, 0.5268519520759583, 0.3471262753009796, 0.9842244386672974, 0.30196845531463623, -0.41323322057724, -0.7187390327453613, 0.7590071558952332, 1.2369173765182495, 0.3813769817352295, -0.7760999798774719, -0.8147690892219543, -1.729966163635254, -0.39292165637016296, -0.36514812707901, 0.9422934055328369, 0.3437745273113251, 0.2691868841648102, -1.4397298097610474, 0.39424997568130493, 0.03054756671190262, 0.5084347724914551, -0.12150304019451141, 0.2244282364845276, -0.19041708111763, -0.4089276194572449, -0.2296963334083557, 0.0910060852766037, 0.08903243392705917, 0.13840354979038239, -0.30500149726867676, 0.3687213659286499, 0.6207334995269775, -1.43128502368927, -0.0077474070712924, 0.307886004447937, -0.685589611530304, -1.0611356496810913, 0.8392067551612854, 0.27335575222969055, -0.23618094623088837, -0.14113879203796387, 0.347564697265625, 0.2089458703994751, -1.0727590322494507, 0.4557720422744751, -0.276001513004303, -0.42532795667648315, -0.6671665906906128, -0.7873490452766418, -1.2149336338043213, 0.539796769618988, 0.40438586473464966, -0.9207096099853516, -0.6418967843055725, 0.17905569076538086, -1.1526893377304077, 0.8209457397460938, 0.12517575919628143, 0.8711523413658142, 1.0468302965164185, 0.6321718096733093, 0.30413109064102173, 1.0620912313461304, 0.2393970489501953, -0.18042978644371033, 1.2049822807312012, -1.6729843616485596, 0.6241394281387329, -0.6406592130661011, -0.2222897708415985, -0.5230146646499634, -0.22778165340423584, -0.290010005235672, -0.029494402930140495, 0.8748083114624023, 0.28217849135398865, -1.1127307415008545, 0.8029133677482605, 0.03719991818070412, -1.094768762588501, -0.2425008863210678, 0.04525599256157875, -0.37604284286499023, 0.9461731910705566, 1.4129630327224731, -0.4004882276058197, 1.272521734237671, -0.6393083930015564, -0.5690425038337708, -1.1517552137374878, -0.7740212082862854, 0.22516484558582306, -1.138074517250061, 0.6588122844696045, 1.0233052968978882, -0.7136703133583069, 0.28138619661331177, -0.07765451073646545, -1.338614821434021, -0.43244606256484985, 1.0507564544677734, 0.8453083038330078, -0.21717870235443115, -0.05046466737985611, -0.2570909559726715, -0.2501800060272217, 0.9824482202529907, 0.1963384747505188, -0.3332757353782654, 0.6245951652526855, -0.5253196358680725, 1.4207652807235718, 0.27370336651802063, 0.005543068051338196, 0.5460731983184814, 0.07189546525478363, 0.38685935735702515, 1.1691615581512451, 0.32863643765449524, 1.3865710496902466, -1.3136307001113892, 0.23826897144317627, 0.8816801905632019, 0.36903437972068787, -1.1524630784988403, -0.4892736077308655, -0.29639843106269836, -0.14156721532344818, 0.46325448155403137, -1.0702483654022217, -0.23249709606170654, 0.24356433749198914, -0.4386802315711975, 0.9168397188186646, -0.4758075475692749, 0.09780459105968475, 0.2548643946647644, 0.0553654246032238, -0.35050082206726074, -0.6334465742111206, -1.2817682027816772, 0.759765625, -0.9763700366020203, -0.7473241090774536, -0.31659945845603943, -1.2412281036376953, -0.4590809643268585, -1.0664175748825073, 1.4476253986358643, -0.6768994927406311, -0.6067665815353394, -0.6924719214439392, 1.3095011711120605, -0.6063465476036072, -0.9660806655883789, -1.145134449005127, 1.0422121286392212, 1.9104186296463013, -0.5628311634063721, 0.28808003664016724, -0.4202001690864563, 0.2895721197128296, -0.8460209369659424, -0.1540980041027069, 0.16407431662082672, -0.13516081869602203, 1.092957854270935, -1.0300843715667725, -0.3612837791442871, 0.40976953506469727, 0.46307456493377686, 0.537722110748291, 0.45500266551971436, 1.1353815793991089, -1.0358777046203613, 0.3603779077529907, -0.35820189118385315, 0.6955673694610596, 1.1318354606628418, -1.6407966613769531, -0.9250954389572144, -0.37940946221351624, 0.7199610471725464, 1.097982406616211, -0.21735109388828278, -0.20272447168827057, -0.9250237345695496, -1.3423068523406982, -0.4644452929496765, -0.29113534092903137, 0.08638282865285873, 0.6093152761459351, 0.32311511039733887, 0.16801732778549194, 0.03975246846675873, 0.6594498157501221, -0.8272373080253601, 1.0342109203338623, 0.41476476192474365, 0.636736273765564, 0.48243165016174316, 0.20503678917884827, -1.0290377140045166, 0.6764301657676697, 1.1021902561187744, 0.7452934384346008, -1.4817793369293213, 0.5571324229240417, 0.21109898388385773, -0.5009677410125732, -0.039080727845430374, -1.5197473764419556, 0.4472712278366089, 0.020463701337575912, -0.7214214205741882, -1.4819422960281372, 0.45760461688041687, -0.027491368353366852, 0.08870530128479004, 0.674588680267334, 0.9080241918563843, 0.5122787952423096, -0.26688703894615173, -0.00858047604560852, 1.1755138635635376, -0.2095056027173996, -1.1086009740829468, -0.06659208238124847, 0.17913199961185455, -0.11209352314472198, -0.11935644596815109, 0.33750274777412415, -1.7643448114395142, 0.5046444535255432, -0.4158162474632263, 1.0532252788543701, -0.8184633851051331, 0.6751627326011658, 0.10649143159389496, 1.0512125492095947, 0.06428870558738708, -0.8048436641693115, -0.7335069179534912, -0.8456416130065918, -0.7428154945373535, 0.8171508312225342, -0.11169478297233582, -0.005805205553770065, 0.6426815986633301, -0.05738367140293121, 0.5357430577278137, -0.18960149586200714, 0.04094448313117027, -0.015163436532020569, 0.061374008655548096, 1.1558629274368286, 0.23325538635253906, -0.3554665744304657, 0.4186447560787201, -0.36932262778282166, 0.14972072839736938, -0.6483940482139587, -1.4352272748947144, 0.6166626811027527, 0.7529796957969666, -0.2840442359447479, 0.4808797836303711, 0.17802728712558746, 0.5922969579696655, -1.1332093477249146, 1.4153246879577637, -0.09902487695217133, -0.4257165789604187, -1.0905805826187134, -1.1567962169647217, -0.21093975007534027, 0.1813437044620514, -0.9850944876670837, 0.25001925230026245, 0.476321280002594, 0.7574590444564819, 0.14158304035663605, 0.2423376888036728, -0.4850504398345947, -0.3206305503845215, -0.660561203956604, 0.16275961697101593, 0.03638410195708275, -0.8356512784957886, -0.18784724175930023, 0.5697019696235657, -0.7565687298774719, 0.4565054774284363, -0.1670520156621933, -0.3824743330478668, -0.2993507981300354, 0.532686710357666, -0.06969326734542847, -0.2593560516834259, 0.16064433753490448, 0.27453503012657166, -1.4238266944885254, 1.831314206123352, 0.8689754009246826, -0.5189146399497986, -0.08022758364677429, -0.09757345169782639, 0.0709286779165268, 1.262311339378357, 1.500537633895874]} +{"paper_id": "peer_read", "embedding": [-0.4902397692203522, 1.0801018476486206, -0.31494995951652527, -0.6319946050643921, 0.12064523994922638, -0.40131881833076477, 1.34742271900177, 0.051578205078840256, 0.41445451974868774, 0.17109131813049316, 0.7589637637138367, -0.16572347283363342, -0.29159843921661377, 0.3262235224246979, -0.9258416891098022, -0.5032925605773926, 0.12946191430091858, -0.02105974406003952, -0.5033120512962341, -0.34441593289375305, -1.3529455661773682, -0.2766801714897156, -0.11488717794418335, 0.5700047016143799, -0.7610441446304321, -0.7262681126594543, 0.4075550436973572, -0.17318159341812134, -0.01198531687259674, -0.21766242384910583, 0.024664930999279022, 1.044029712677002, -1.2398335933685303, 0.30377933382987976, -0.6429904103279114, -0.09926896542310715, -0.1777418553829193, 0.9765609502792358, -0.06357787549495697, -0.20078754425048828, -0.4801742732524872, 0.29201197624206543, 1.1782407760620117, 0.2193140834569931, 0.8621906042098999, -0.5414640307426453, 0.377694696187973, -0.22485636174678802, 0.1579228788614273, 0.2237432450056076, -0.7054085731506348, 0.5185155272483826, -0.5680691599845886, -0.2816077172756195, -0.7782837152481079, 1.1093000173568726, 0.2856762409210205, -0.3983663320541382, 0.7186740040779114, -0.42538541555404663, 1.0868823528289795, 1.5790338516235352, 0.2819565534591675, -0.7429876327514648, 0.6898319125175476, 0.026782214641571045, 1.2359527349472046, 0.15854577720165253, 0.09317675232887268, 0.5287173986434937, -0.7661038041114807, -1.0663058757781982, -0.7923972010612488, -0.1095491275191307, 0.007298663258552551, 0.01171555370092392, -0.05016079545021057, -0.15712562203407288, 0.973471462726593, 0.3395458459854126, -0.4401121139526367, 0.8444343209266663, -0.05233210325241089, 0.25683218240737915, -0.18618570268154144, -0.452439546585083, -0.07406258583068848, -0.7862998247146606, 0.5460991859436035, -1.1145044565200806, 0.7748430371284485, 0.4073331356048584, 0.30287280678749084, 9.320676326751709e-05, -0.5314660668373108, -0.24980241060256958, -0.09473472833633423, -0.20358803868293762, -0.7831549644470215, 0.3373788595199585, 0.8764666318893433, -0.08362076431512833, 0.8776783347129822, -0.6178679466247559, 0.5802375078201294, 1.0838440656661987, -0.3697492480278015, -0.12323244661092758, -0.8414722681045532, -0.17402204871177673, 0.5151917934417725, 0.5496857762336731, 0.43254703283309937, 0.8479799628257751, 0.13285863399505615, 0.3887793719768524, -0.5733875632286072, -0.0931788831949234, -0.856200635433197, 0.36527180671691895, -0.19266609847545624, -1.831355094909668, -0.1515139639377594, 0.5696109533309937, 1.340490698814392, 0.1121578961610794, 0.06042592599987984, -0.5964083075523376, -0.06700345873832703, 0.3646566569805145, 1.022261381149292, 0.3959406614303589, -1.004358172416687, -0.14787855744361877, 2.812687397003174, -0.13225309550762177, 0.36255186796188354, 0.5231670141220093, -0.5249393582344055, 0.47993695735931396, -0.23239141702651978, 0.6361340284347534, 0.6043544411659241, -1.087060570716858, -0.9661219120025635, 0.08162345737218857, -0.7178009152412415, 0.15658390522003174, -1.217557668685913, 0.1360083967447281, -0.4376518726348877, 0.7254408001899719, -1.1718906164169312, -0.5248702168464661, 0.385996013879776, 0.08820178359746933, 0.5511977076530457, 0.18931998312473297, -0.23865076899528503, 0.6972562670707703, 0.767734169960022, 0.5279935598373413, -0.4612714648246765, 1.0198285579681396, -0.12186123430728912, -0.3413550853729248, 1.2567644119262695, 0.13747501373291016, -1.0936195850372314, -0.46564632654190063, 0.9718571305274963, -1.2549364566802979, 0.25010383129119873, -0.5104727149009705, -0.5689709782600403, -0.6613004207611084, 0.4780442416667938, 0.1551787257194519, -0.014557765796780586, -0.08035801351070404, -0.06888324022293091, 0.18938037753105164, -0.5187234878540039, 0.6158047914505005, -0.19569608569145203, 0.2680826187133789, -2.0211496353149414, 0.5457599759101868, -0.5655504465103149, 0.17070066928863525, 0.29070067405700684, 0.1351686418056488, 0.4277421534061432, 0.7452713847160339, -0.5737432837486267, -0.288047194480896, 0.8257478475570679, -2.0295169353485107, 0.8564508557319641, 1.5587060451507568, 0.32852989435195923, 0.41762879490852356, 0.12649591267108917, 0.91628497838974, 0.7741012573242188, -0.046119119971990585, -0.8919082880020142, -1.601822853088379, 0.9912495017051697, 1.3085541725158691, -1.0311317443847656, -0.46294721961021423, -0.8519455194473267, -0.5739255547523499, -0.18984612822532654, -0.09147036820650101, 0.4730609357357025, -0.4367343485355377, -0.34927305579185486, -1.4259812831878662, 0.4923419952392578, -0.1180298924446106, -0.9583964943885803, 0.1448422223329544, 1.6233574151992798, -0.40973758697509766, -0.4395437240600586, 0.5610722899436951, -1.747990369796753, 0.46363210678100586, 0.1643858551979065, 0.11952964216470718, 0.3446643054485321, 0.6989898681640625, 0.040012359619140625, 0.9081273078918457, 0.33032986521720886, -0.13244013488292694, -0.6074966192245483, 0.27295202016830444, 0.09268214553594589, 0.41405928134918213, -0.17064796388149261, -1.079689621925354, 0.4661880135536194, -0.2550000250339508, -0.17136740684509277, -1.0245741605758667, -0.5133655071258545, -0.5376396179199219, 0.7120488286018372, 0.9299076199531555, -0.8353191018104553, 0.4883405566215515, -0.31087177991867065, 0.2346663773059845, 0.5097988843917847, -0.6890856027603149, -0.26459139585494995, -0.447224497795105, -0.10673047602176666, 0.49554455280303955, 0.03553914278745651, -0.5702760219573975, 0.06912064552307129, -0.16410109400749207, 0.3987480700016022, -0.773970365524292, -0.598355770111084, -0.15424567461013794, -0.6079234480857849, 0.8339278697967529, -1.7872042655944824, 0.14943133294582367, 0.01449815183877945, -0.3617003262042999, -1.0342925786972046, 1.265414834022522, 0.23394055664539337, 0.4955675005912781, -0.17047375440597534, -0.020597800612449646, 0.8326118588447571, -0.14817728102207184, 0.48895275592803955, -0.3952672779560089, -0.0927211195230484, -0.8526748418807983, -0.12598349153995514, -1.1741455793380737, -0.09270922839641571, 0.2919401228427887, 0.04165139049291611, 0.6768858432769775, -0.5035486817359924, -1.030792236328125, 0.6089728474617004, 0.0841308981180191, 0.1575443595647812, -0.9660873413085938, 0.9955243468284607, 0.2865005135536194, -0.13699649274349213, 0.45988839864730835, -0.1897149533033371, -0.404516339302063, 1.3882815837860107, -0.24346689879894257, 0.7014681696891785, -0.14685121178627014, -0.8460888266563416, 0.7461166381835938, 0.2669810354709625, -1.6100502014160156, 0.27683356404304504, 0.515227735042572, -0.4440205693244934, 0.21684327721595764, 0.34524083137512207, -0.2742641270160675, -0.6359730958938599, 0.47717392444610596, 0.3954375982284546, -1.524227499961853, 0.7284592390060425, 0.03123803436756134, 0.6415677666664124, -0.08755076676607132, -0.6558805108070374, 0.18467460572719574, 0.5650986433029175, 0.1269267350435257, -0.9967262148857117, -0.8140428066253662, 0.6259898543357849, -0.031586311757564545, 0.10936855524778366, -0.18097135424613953, 0.8958379030227661, -0.010061502456665039, -0.4948884844779968, -0.23443543910980225, -0.5459890365600586, -0.06384000182151794, -0.6908031105995178, -0.11753373593091965, 0.9100551605224609, 0.5914932489395142, 0.27747541666030884, 1.622865915298462, -0.08555629849433899, -0.25221675634384155, -0.6218665838241577, -0.17600567638874054, -1.6570543050765991, 0.06266617029905319, 1.1256582736968994, 0.7068555951118469, 0.8847656846046448, 0.5779579877853394, 0.41936588287353516, 0.23673979938030243, 0.13794909417629242, -0.19749003648757935, 0.4558102488517761, -0.20229776203632355, -0.010623142123222351, 0.9504241943359375, 0.6131289005279541, 0.6719216704368591, -0.4267229437828064, 0.26992639899253845, -0.09318475425243378, -0.23354338109493256, -0.7368687987327576, 0.2813669443130493, 0.5440252423286438, 1.5635652542114258, 1.990222454071045, 0.1329089105129242, -0.38137829303741455, -0.34686022996902466, -0.15746614336967468, 0.15568046271800995, -0.3458266258239746, 0.09568142890930176, -0.0022416040301322937, 0.27065959572792053, 0.04538785293698311, 0.37545889616012573, 0.8422175645828247, 0.5549107193946838, -0.08912333846092224, -1.502097725868225, -0.2669354975223541, -0.8238118290901184, -0.8583178520202637, -0.6014474630355835, 0.5859784483909607, -0.6862367391586304, -0.07703088968992233, 0.02927582338452339, -1.2558151483535767, 0.15642887353897095, -0.411129355430603, -0.9107598066329956, 0.6085190176963806, 1.6534311771392822, -0.7442317605018616, -0.21416617929935455, 0.26501184701919556, -0.75958251953125, -0.47694751620292664, 0.3676975965499878, -0.6125480532646179, 0.749671459197998, 0.14590467512607574, 0.6309263110160828, 0.5190163850784302, -0.4399210214614868, -0.6167842745780945, 0.9751470685005188, 1.1307085752487183, -0.9319323897361755, 0.9412871599197388, -0.8705430626869202, 0.2322889119386673, 0.3954659402370453, -0.9319456815719604, -0.2927972376346588, 0.47100701928138733, -0.3364529013633728, 0.30011412501335144, -0.014826911501586437, -0.1418800801038742, 0.1354878544807434, 0.31393226981163025, 0.7273880839347839, -0.08979953825473785, -0.3654850721359253, -0.9854090809822083, 0.31080159544944763, 0.9516782760620117, -1.1114705801010132, -0.6117203235626221, 0.8122924566268921, 0.4834720492362976, 0.4539641737937927, 0.07588522136211395, -0.0808558464050293, 0.5472643971443176, -0.4461439251899719, -0.44082915782928467, -0.3204358220100403, -12.255732536315918, 1.190638542175293, -0.21168993413448334, 0.10050728917121887, -0.031114643439650536, 0.3911888301372528, -0.03339985013008118, -0.5479098558425903, 0.1306704878807068, -0.37718695402145386, 0.24280297756195068, 1.6849638223648071, -0.06992430984973907, 0.13777828216552734, -0.7370468378067017, -1.1392813920974731, -0.3669585585594177, -0.5838388204574585, 0.47783833742141724, 0.06872574985027313, -0.15078480541706085, -0.6723714470863342, -0.23594363033771515, -0.8155801296234131, 0.5430830121040344, -0.7647971510887146, -0.22390002012252808, -0.287475049495697, -0.050774890929460526, 0.9411488771438599, 0.30881720781326294, 0.07236091047525406, -1.2520281076431274, -0.6608702540397644, -0.4699455499649048, 0.2894682288169861, -0.6024054288864136, -0.09441889822483063, 1.0282593965530396, -0.11543549597263336, 0.33288973569869995, 0.588703989982605, 0.41565823554992676, -0.265697181224823, -0.6686075925827026, 0.24716870486736298, -0.3362846076488495, -0.887721598148346, -0.19091540575027466, -0.257883220911026, -0.40322238206863403, -0.2774127721786499, -0.6416026949882507, 0.024531055241823196, 0.9133341312408447, 0.2615758180618286, -1.282111644744873, 0.07284378260374069, -1.0478473901748657, -0.22535984218120575, 0.36703571677207947, -0.7088450789451599, -0.06311597675085068, 0.36876988410949707, 0.2867174744606018, -0.330445259809494, 0.762594997882843, 0.44627171754837036, -0.7374021410942078, 0.6755480766296387, -0.2970099151134491, 1.6477268934249878, 0.6437991261482239, 0.0951194167137146, -0.3275543451309204, 0.2435886561870575, -0.6665350198745728, -0.48063749074935913, 0.44614294171333313, -0.19373783469200134, -1.553773045539856, 1.3243448734283447, 0.06500449031591415, -0.34607186913490295, -1.0599614381790161, -0.04339783266186714, -0.333499550819397, -0.4956214725971222, 0.6158120632171631, -0.09775502234697342, 0.8410637974739075, -0.2156437337398529, -0.5505594611167908, -0.4052489399909973, -0.9024054408073425, 0.6190233826637268, -1.19692063331604, 0.0938524454832077, 0.17118172347545624, -0.6899912357330322, 0.4120984375476837, -0.06873665004968643, -0.611229658126831, 0.20874778926372528, 0.31308484077453613, -0.5473712682723999, 0.2518828511238098, -0.15569813549518585, -0.19695748388767242, -0.5391717553138733, 0.5206331014633179, -0.419856995344162, 0.591283917427063, 1.447026014328003, -0.49128133058547974, 0.8984137177467346, 0.6319172978401184, -1.1710574626922607, 0.39757901430130005, 0.32031965255737305, -0.333584725856781, 1.1354504823684692, 0.68757164478302, 1.1893140077590942, 0.05166418477892876, 0.038998041301965714, 0.47133639454841614, -0.2549552619457245, -0.13803444802761078, -1.048313856124878, 1.3486987352371216, -0.5285983681678772, -0.050867632031440735, -0.48986494541168213, -0.7303193211555481, -0.4186863601207733, -0.6662054061889648, 1.3335176706314087, -0.3940284848213196, -0.05301062762737274, -0.8596607446670532, -0.005597598850727081, -0.5774635076522827, 0.15433071553707123, -1.3541525602340698, -0.2686507999897003, -1.4062446355819702, 0.42556232213974, -0.3225201368331909, -0.9316326379776001, 0.06183979660272598, -0.05626356601715088, 0.2925282120704651, -1.0142757892608643, -0.3997846841812134, -0.5626716613769531, 0.5092480182647705, -0.5654081702232361, -0.038584526628255844, -0.41301417350769043, 1.0877529382705688, 0.34727540612220764, 0.3623354434967041, 0.9726587533950806, 0.9327977895736694, 0.15893617272377014, 0.46452635526657104, 0.2743975818157196, -0.4852205514907837, 0.037278443574905396, 0.9703806042671204, -0.8730724453926086, -0.33992260694503784, -0.3869812488555908, 0.2536294162273407, 0.5144569277763367, 0.7233864068984985, 1.3126640319824219, -0.8250409364700317, 1.201751470565796, 0.34528741240501404, 0.6585323810577393, 1.1206295490264893, -1.14644193649292, 0.032042622566223145, -0.20036986470222473, 0.837144672870636, -0.163906529545784, 0.09066545218229294, 0.5465112924575806, -0.8466110825538635, -1.2481331825256348, 0.03766221925616264, 0.5610875487327576, 0.6766346096992493, 0.15893115103244781, 0.6378223299980164, -0.00438113184645772, -0.6320037841796875, 0.948172926902771, 0.013742065988481045, 1.026413917541504, -0.14123912155628204, 0.46234941482543945, 0.5254603624343872, -0.27783066034317017, -0.4646979570388794, 0.3165886104106903, 0.8013408780097961, 1.2670624256134033, -0.8869377970695496, -0.29727521538734436, 0.8220058083534241, 0.15221697092056274, 0.283294141292572, -1.0381691455841064, -0.3945564925670624, 0.10096344351768494, -0.7775567770004272, -1.3167939186096191, 0.2338320016860962, 0.8646814823150635, -0.092863067984581, 0.07558523118495941, 0.39821356534957886, 0.2925693690776825, 0.9064100980758667, 1.1725044250488281, 0.3526703119277954, 0.37534087896347046, -0.45935899019241333, 1.0314823389053345, -0.5266181230545044, -0.13976594805717468, 0.19898787140846252, 0.1422756463289261, -1.4224966764450073, 0.024842530488967896, -0.5297549962997437, 0.8104726076126099, -1.060800552368164, 0.29784074425697327, -0.04013626277446747, 1.0018682479858398, -0.06832050532102585, -1.2045270204544067, -0.2414979189634323, -0.9954224228858948, -0.36092647910118103, 0.3386472463607788, 0.23335622251033783, 1.2249420881271362, 0.8535057902336121, -0.21331076323986053, 0.7557330131530762, 0.3989375829696655, 0.23786380887031555, -0.42644330859184265, -0.26013630628585815, 1.1828240156173706, 1.0527712106704712, -0.2798098921775818, 0.5700731873512268, 0.01992563158273697, -1.1271487474441528, -0.3532702624797821, -0.7698129415512085, 1.0222529172897339, 0.4793080687522888, -0.7963441610336304, 0.10387258231639862, -0.3816004991531372, 0.2466444969177246, -0.7887973785400391, 0.4154537618160248, 0.2892683148384094, -0.707040011882782, -0.5556366443634033, -0.190848708152771, 0.18479235470294952, 0.9853879809379578, -0.37520942091941833, 0.1804582178592682, 0.2912242114543915, 0.8062248229980469, 0.035034965723752975, -0.23566515743732452, 0.1360851675271988, 0.14281073212623596, -0.58022141456604, 0.24232329428195953, 0.7060267925262451, -0.7769351601600647, -0.8654496669769287, -0.28955256938934326, -0.3221694231033325, 0.8601506948471069, -0.38579291105270386, -1.2069568634033203, 0.6776611804962158, 0.6886724829673767, -0.0017867013812065125, 0.6485213041305542, -0.001049816608428955, 0.1267874836921692, -0.6820361614227295, 0.42217379808425903, -0.07595852762460709, -0.10190363973379135, 0.7610251307487488, -0.19907411932945251, 0.7799883484840393, 0.5472150444984436, 0.8825739026069641]} +{"paper_id": "scb_mt_enth_2020", "embedding": [-0.30970701575279236, 1.146384596824646, 0.22560986876487732, -0.03300027549266815, 0.4003585875034332, -0.22513073682785034, 0.7538380026817322, 0.7112771272659302, 0.7622413635253906, 0.1605786681175232, 0.5441545248031616, -0.49282824993133545, 0.32726603746414185, -0.44063204526901245, -0.023468278348445892, -0.2988286018371582, -0.8515822291374207, -1.0427287817001343, -1.1127678155899048, -0.6612805128097534, -0.5364145040512085, 0.011103659868240356, 0.08215802907943726, 0.7243658304214478, -0.5209035873413086, -0.7552784085273743, 0.37063777446746826, -0.951064944267273, 0.22103241086006165, 0.43189093470573425, -0.47156304121017456, 1.135223388671875, -1.0121746063232422, 0.5273867845535278, -0.5957372784614563, -0.3259401023387909, 0.3703942894935608, 0.5992170572280884, -0.4288407564163208, 0.605461835861206, -0.8384556770324707, -0.44483518600463867, 0.36460205912590027, 0.30362561345100403, 1.0049816370010376, -0.011848371475934982, -0.34395831823349, -0.20397327840328217, -0.21064797043800354, 0.4230002164840698, -0.23334330320358276, 0.4078819453716278, 0.07570644468069077, 0.23194962739944458, -0.8070474863052368, 1.112238883972168, 0.5075094103813171, -0.35472267866134644, 0.9392966032028198, -1.1506208181381226, 0.5365452766418457, 1.201572060585022, -0.5224733948707581, 0.23727460205554962, 1.1203711032867432, -0.09168609976768494, 1.1694483757019043, 0.5249619483947754, 0.8633573055267334, 0.6558343768119812, 0.21825434267520905, -1.6752148866653442, 0.7120324969291687, -0.13760605454444885, 0.45298969745635986, 0.8635869026184082, 0.35531705617904663, 0.4987891912460327, 0.017363034188747406, 0.00040390901267528534, -0.17792120575904846, 1.1646021604537964, 0.4670499563217163, -0.509671688079834, 0.22043265402317047, 0.7364729046821594, 0.09072621166706085, -0.31126853823661804, 0.4789862632751465, -1.792975664138794, -0.09433677792549133, -0.27608224749565125, 0.22218839824199677, 0.08123862743377686, -0.1171640008687973, 0.22475174069404602, -0.22588978707790375, 0.5496091246604919, -0.49372512102127075, -0.06203897297382355, 0.8995379209518433, -0.6628609895706177, 0.5844127535820007, -0.48881635069847107, 0.03331011161208153, 0.6270586848258972, -0.7236167192459106, -1.2471187114715576, -1.2228467464447021, -0.1345260739326477, -0.4130382537841797, 1.0372145175933838, -0.234158456325531, 0.8080638647079468, 0.1803732067346573, -0.4995887875556946, -0.23725014925003052, -0.2214585542678833, -0.9821876287460327, -0.4320729374885559, -0.586922824382782, -1.3045508861541748, -0.5338224768638611, -0.5020424127578735, 1.2152764797210693, -0.41179388761520386, 0.28050288558006287, -0.50037682056427, 0.07207615673542023, -0.5973382592201233, 0.9096099138259888, 0.3374277353286743, -0.4175468981266022, -0.12056627869606018, 3.0323078632354736, -0.3871253728866577, 1.3700922727584839, -0.7130589485168457, 0.053369030356407166, -0.024554818868637085, -0.0362309105694294, 1.5285120010375977, -0.07367273420095444, -0.044123802334070206, -0.08430763334035873, 0.023519976064562798, -1.3646302223205566, 0.5455092191696167, -0.5950650572776794, -0.8382090926170349, -0.3268031179904938, 0.4259115159511566, -0.869871973991394, -1.1778446435928345, -0.20790497958660126, 0.40303003787994385, 0.3627395033836365, 0.9737240672111511, -0.42243918776512146, 0.8292722105979919, 0.6308215856552124, 0.02903607301414013, -0.768794596195221, 0.4993002414703369, -1.4307340383529663, 0.35649749636650085, 1.5423847436904907, -0.058309406042099, -0.5574491620063782, -0.7433715462684631, 0.4878903925418854, -0.2689562737941742, 0.25389182567596436, 0.39379942417144775, -0.35016441345214844, 0.4494783878326416, 0.6013159155845642, 0.3855021595954895, -0.2169431447982788, -0.4095231294631958, -0.5329481363296509, -0.005070691928267479, -0.6975909471511841, 0.020628223195672035, 0.029804669320583344, 0.035508204251527786, -2.135275363922119, -0.05103153735399246, -0.32862281799316406, -0.13576598465442657, -0.195732980966568, -0.7957437634468079, 0.35419946908950806, -0.5074679851531982, 1.0128272771835327, -0.1274000108242035, 0.6395719051361084, -0.6868413686752319, -0.3109407424926758, 0.6310449242591858, 0.3135669231414795, -0.09223688393831253, 0.26426032185554504, 0.9600435495376587, 0.07972809672355652, -0.10847005993127823, -0.7063470482826233, -1.19929039478302, -0.5037113428115845, 2.4753870964050293, -0.13103315234184265, -0.48008179664611816, -1.0979516506195068, -0.630219578742981, 0.17025339603424072, -1.0307562351226807, 0.1589353382587433, -0.9524006247520447, -0.9022637009620667, -1.0364766120910645, 0.04996209591627121, -0.3668419122695923, 0.1164393201470375, 0.35130801796913147, 0.6671086549758911, -0.5162408947944641, -0.33938348293304443, -0.41982144117355347, -0.993602991104126, 0.5197851061820984, 0.7884113788604736, 0.04626239091157913, -1.25942862033844, 0.5337559580802917, -0.07988907396793365, 0.407038152217865, 0.40950995683670044, 0.705858588218689, -0.2083769589662552, -0.3496682345867157, 0.10135821998119354, 1.2696477174758911, -0.4610179662704468, -0.03710631653666496, 0.6729605793952942, 0.7679668068885803, -0.551234245300293, -0.8145638108253479, -0.05848163366317749, 0.7179440259933472, 0.9488818049430847, 0.9635376334190369, -0.5908495783805847, 1.5426180362701416, -1.1302495002746582, 0.42630627751350403, 0.12958121299743652, -1.1720682382583618, -0.17453812062740326, -0.4128791093826294, 0.6720611453056335, -0.4800598919391632, 0.11013475060462952, -0.4228407144546509, -0.05466241389513016, -1.1590701341629028, -0.061342354863882065, -0.7470256686210632, -0.8032275438308716, -1.468324065208435, -0.29267776012420654, -0.139943465590477, -0.5298709869384766, -0.5764541029930115, -0.17631150782108307, 0.38752084970474243, 0.39167532324790955, 0.9679802656173706, 1.3603030443191528, 0.22774043679237366, 0.5081214904785156, -0.35666966438293457, 0.12859360873699188, -0.6232507824897766, 1.2660285234451294, 0.3424251675605774, 0.08634116500616074, -1.0698645114898682, -0.07455413043498993, -0.22985146939754486, -0.13640782237052917, 0.08256175369024277, 0.0687645748257637, 0.3967139720916748, -0.4098864793777466, -0.9860609769821167, 0.6897773742675781, -0.4898468554019928, 0.6129329800605774, -1.0536197423934937, 1.9586199522018433, 0.2552911639213562, 0.5639852285385132, 0.6957867741584778, -0.06834613531827927, 0.2829119563102722, 0.7032371759414673, -0.5407224893569946, 0.8331677913665771, 0.9392239451408386, -0.34109869599342346, 0.6204016208648682, 0.3199293911457062, -2.2764718532562256, -0.2642955482006073, 0.5617916584014893, -0.17261700332164764, -0.3631862699985504, -0.5231109261512756, 0.20411120355129242, -0.5025119781494141, -0.43311262130737305, 0.5533307790756226, -0.40399429202079773, 0.5952126383781433, -0.2879038453102112, 0.2603710889816284, 0.9422935247421265, -0.7292305827140808, 0.23877625167369843, 1.546693205833435, 0.2828505337238312, -0.23938444256782532, -0.4140661656856537, 0.4057840406894684, -0.9964613318443298, 0.2464253306388855, 0.9470704793930054, 0.9342494010925293, 1.392584204673767, -0.5966586470603943, -0.05915399268269539, 0.6893060207366943, 1.49984872341156, -0.007620062679052353, 0.5815081596374512, -0.0773758739233017, 0.6230167746543884, 0.6381391286849976, 1.2899380922317505, 0.10619071125984192, -0.7897558808326721, -0.829629123210907, 0.12118208408355713, -0.5851759910583496, -0.2313467562198639, 1.8039522171020508, 0.5151420831680298, 0.8113391399383545, 0.1052977666258812, 0.5815166234970093, -0.7491990923881531, -0.20939309895038605, 0.8620619773864746, 0.5424574017524719, -0.3879321813583374, 0.2064494788646698, -0.20926612615585327, 0.8539736270904541, -0.3973647654056549, -0.7186936736106873, 0.01684216409921646, 0.9688922166824341, -0.5392958521842957, -0.8718724250793457, -0.41513025760650635, 0.7193834185600281, 0.7051518559455872, 0.9044087529182434, -0.6452657580375671, -0.8434805274009705, -0.18342998623847961, 0.2865174412727356, 0.002825215458869934, 0.9036060571670532, -0.9343644380569458, 0.2700253129005432, 0.5310733318328857, 0.5523617267608643, -0.22552745044231415, 0.6216391921043396, 0.5761311054229736, -0.8861140012741089, -0.7458733916282654, -0.015704844146966934, -1.0574793815612793, -0.29377350211143494, -0.7027628421783447, -0.34821316599845886, -0.9290587902069092, 0.7757471203804016, -0.6389237642288208, -0.7370843291282654, 0.4943123161792755, 0.22719280421733856, -1.6363013982772827, 0.6516088247299194, 0.9494507312774658, -1.5763558149337769, -0.26608264446258545, -0.303043007850647, -0.6590167284011841, -0.9287010431289673, 0.4981531798839569, -0.18403206765651703, -0.5004787445068359, 0.15790772438049316, 0.6029146909713745, -0.2591838240623474, -0.422207772731781, -1.1713740825653076, 0.4427364468574524, 1.429021954536438, -1.0128229856491089, -0.2523680329322815, 0.1987401843070984, 0.608919620513916, -0.389015793800354, -0.923240065574646, -0.4285255968570709, 0.1684994250535965, 0.7567912340164185, -0.2101546972990036, -0.16560091078281403, -0.532385528087616, 0.1386622190475464, -0.18322604894638062, 0.9216228127479553, -0.7027488350868225, 0.4816220998764038, -0.9069843888282776, 0.7183271050453186, 0.5870648622512817, -0.49886220693588257, -0.7703119516372681, 0.9933577179908752, -0.8106686472892761, 0.4890839159488678, -0.21238119900226593, 0.3728337287902832, 0.5148684978485107, 0.595343291759491, 0.4459090232849121, 0.3911646604537964, -11.482584953308105, -0.026259828358888626, -0.5823366641998291, -0.23665755987167358, 0.7228376865386963, 0.2474377453327179, 1.0262370109558105, 0.2658331096172333, 0.3033806085586548, -0.5861225724220276, 0.9177160859107971, 1.1972265243530273, 0.03662396967411041, -0.6906741857528687, -0.20735304057598114, -0.6146326661109924, -0.9002918601036072, -0.13072702288627625, 0.5795243978500366, 0.02022848278284073, -0.8226374983787537, -0.5508847832679749, -0.4399712085723877, 0.23999011516571045, -0.0897819921374321, 0.4116872251033783, 0.20418846607208252, -0.08244530856609344, -0.4827766418457031, -0.2956275939941406, 0.5259052515029907, -0.13182100653648376, -0.727260410785675, -0.1658526360988617, 0.6336624622344971, 0.7514169216156006, -1.048242449760437, -0.17995601892471313, 1.2717089653015137, 0.013202185742557049, -0.15390348434448242, 0.31289881467819214, 0.07697713375091553, -0.23440523445606232, -0.5754358768463135, 0.5950415134429932, -0.09090791642665863, -0.5567888021469116, 1.190802812576294, -1.2554898262023926, -0.7854657173156738, -1.1739699840545654, -1.4818389415740967, -0.7414843440055847, 0.8417969346046448, 0.023317286744713783, -0.6683369874954224, 0.02471448853611946, -0.17166486382484436, -0.9743374586105347, 1.4438018798828125, -0.04644361883401871, -0.7043637037277222, 0.003793060779571533, 0.21944227814674377, -0.65297532081604, 0.36989399790763855, 0.6663650274276733, -0.8484469056129456, 0.2722916305065155, -1.046483039855957, 0.029163451865315437, 0.2013281285762787, -0.01431417465209961, -0.1240762248635292, -0.29620683193206787, -0.03158131241798401, 0.12372510880231857, 0.4732450842857361, 0.3198411762714386, -0.7545843720436096, 0.3648558557033539, -0.02349499985575676, -0.461335688829422, -0.4509063959121704, -0.020088400691747665, -0.26725640892982483, 0.42301955819129944, 0.8542389869689941, 0.5176677703857422, 1.3711391687393188, 0.03910546749830246, -0.28267329931259155, -0.054292500019073486, -0.5396539568901062, 1.010427474975586, -0.8525947332382202, 0.6759874820709229, 0.021738819777965546, -1.168005108833313, 0.4932493567466736, -0.12026920914649963, -0.19805891811847687, 0.1051732748746872, 1.2615705728530884, 0.30621176958084106, 0.30522531270980835, 0.643841028213501, 0.45277315378189087, 0.08542762696743011, 0.9624537825584412, -0.1681816130876541, -0.09436410665512085, 1.1653082370758057, 0.4336916506290436, 1.552464485168457, 1.0621392726898193, 0.5043259263038635, 1.5994937419891357, 0.5578071475028992, -0.16523940861225128, 0.5922475457191467, 0.38138917088508606, 1.0962692499160767, -0.1444123089313507, 0.327060341835022, 0.06265860795974731, 0.9272825121879578, -0.24292226135730743, -0.6005504131317139, 0.013968698680400848, -0.16726179420948029, 0.14983417093753815, -0.9548953175544739, -0.26130130887031555, -0.4415603280067444, -0.31254705786705017, 1.4367434978485107, -0.3970869779586792, 0.1559879183769226, -0.03220914304256439, -1.400553584098816, 0.05326703190803528, -0.4001478850841522, -0.6076009273529053, 0.1711764633655548, -0.7334674596786499, -0.39601463079452515, -0.19221708178520203, -0.37318962812423706, 0.6643802523612976, 0.0774778351187706, 0.8818383812904358, -1.0579317808151245, -0.00974881649017334, -0.3448004126548767, 0.23452870547771454, -0.6163881421089172, -0.685518741607666, -0.43694600462913513, 0.27570831775665283, 0.8536900281906128, -0.74689781665802, 0.8288111090660095, 0.5256366729736328, 0.9424183964729309, -0.5838476419448853, -0.3503016233444214, -0.8328729271888733, 0.8989882469177246, 0.880041241645813, -1.316558837890625, -0.19425304234027863, -0.43460723757743835, -0.7288948893547058, -0.5654907822608948, 0.9560800194740295, 1.0912857055664062, -0.841847836971283, 1.1258985996246338, -0.2072746455669403, 0.3495442271232605, -0.21563158929347992, -0.14982593059539795, -0.9756158590316772, 0.4956819713115692, -0.6662737727165222, 1.3629295825958252, 0.004836647771298885, 0.6288139224052429, -2.2562196254730225, -1.046702265739441, -0.04126502573490143, -0.1638796478509903, 0.42428475618362427, -0.35428181290626526, 0.9932254552841187, -0.4367362856864929, 0.2674044668674469, 0.3236699104309082, 0.03831052407622337, 0.44807201623916626, -0.12016522884368896, 0.21457158029079437, -0.006173564121127129, 0.1629336178302765, -0.6670038104057312, 0.3534213602542877, 0.4940265119075775, -0.03858421370387077, -1.6005438566207886, -0.4659789204597473, 0.6761844158172607, -0.02105613797903061, -0.007498469203710556, -0.7292087078094482, 0.05623919516801834, 0.02621004357933998, 0.21626102924346924, -1.3402386903762817, -0.51631760597229, 1.31594979763031, -0.487596333026886, 1.0210484266281128, 0.28101736307144165, 0.5831459164619446, 0.43786194920539856, 0.577000081539154, 0.9563414454460144, -0.43504610657691956, -0.865467369556427, -0.29197415709495544, 0.048015348613262177, -0.4687466025352478, 0.10225903987884521, 0.8260471820831299, -1.4225437641143799, 0.06478635221719742, -1.5929315090179443, 1.0529078245162964, -0.6775614619255066, 0.263788104057312, -0.16947291791439056, 0.9912219047546387, -0.32649925351142883, -1.4506282806396484, 0.09806115925312042, 0.005536019802093506, 0.052040163427591324, 0.6102869510650635, 0.1363200694322586, 0.5932421684265137, 0.804724931716919, 0.05164351314306259, 0.8043942451477051, -0.243190199136734, -0.226478710770607, 0.2881103456020355, 0.1706722378730774, 1.3327062129974365, 0.17754068970680237, -0.1484195590019226, 0.3652360439300537, -0.020706556737422943, -0.4851618707180023, -0.4578368067741394, -0.1436077356338501, 0.7798821330070496, 1.4388593435287476, -0.01146351732313633, 0.09336443245410919, -1.3158890008926392, 0.10887293517589569, -1.0468603372573853, 1.0250135660171509, 1.3860740661621094, -0.6890496015548706, -1.2161808013916016, -0.7809265851974487, 0.10923580825328827, 0.8546454906463623, -0.37322476506233215, 0.1506924033164978, -1.0935852527618408, 0.3694854974746704, 0.3350354731082916, -0.5959108471870422, -1.0744787454605103, 0.5084079504013062, -0.36758339405059814, 0.25800710916519165, 0.4086310565471649, -0.12390175461769104, -0.33775094151496887, 0.5092016458511353, -1.1477429866790771, 0.5889415144920349, -0.05885539576411247, -0.5580713152885437, -0.07953755557537079, 0.5155727863311768, 0.009178347885608673, -0.545556366443634, 0.3472941517829895, -0.8967959880828857, -1.4474338293075562, 0.8764188885688782, 0.8922144770622253, -0.4177383780479431, -0.29084181785583496, 0.7086647748947144, 0.1603638231754303, 0.6195724606513977, 1.2813606262207031]} +{"paper_id": "com_qa", "embedding": [-0.3834422826766968, 0.6492952704429626, 0.033975306898355484, -0.27423498034477234, 0.029437091201543808, 0.31591886281967163, 0.5408331751823425, 0.5635657906532288, 0.4577529728412628, 0.5889977812767029, -0.17887312173843384, -0.10455706715583801, -0.0955696627497673, 0.023573214188218117, -0.8220506310462952, -0.801678478717804, -1.182921290397644, -0.9158433079719543, -1.350217342376709, -0.2435060739517212, -0.6988393664360046, -0.8606496453285217, 0.03713298961520195, 0.48565873503685, -0.925728976726532, -0.22911737859249115, 1.072610855102539, -0.9695397019386292, 0.18599048256874084, -0.3281953036785126, -0.026110611855983734, 1.36537504196167, -1.144500494003296, 0.5019659399986267, -0.20898064970970154, -0.024221278727054596, 0.11266793310642242, 1.4370942115783691, -0.6312341094017029, 0.3903939425945282, -0.30676162242889404, 0.21910086274147034, 0.8623051643371582, 0.1777423471212387, 0.5819916725158691, -0.7705333828926086, 0.34188634157180786, 0.1876114308834076, -0.6552554965019226, 0.3034076988697052, -0.3845515549182892, 0.4684165120124817, 0.3768440783023834, 0.6724574565887451, 0.21811726689338684, 1.1221543550491333, 0.33683910965919495, -1.01291823387146, 0.5472304224967957, -0.5502865314483643, 1.447995901107788, 1.0262730121612549, 0.23565565049648285, 0.5416496396064758, 0.5606006979942322, -0.2491060495376587, 1.2426934242248535, 0.206672802567482, 0.2184876948595047, 0.7186512351036072, -0.38869065046310425, -0.8358810544013977, 0.5682583451271057, -0.03399300575256348, 0.22277288138866425, 0.8827556371688843, 0.8864532113075256, 0.29439157247543335, 0.5143795013427734, 0.23794764280319214, 0.08440813422203064, -0.005997553467750549, 0.9600439667701721, -0.49004065990448, -0.40690484642982483, 0.2737570106983185, 0.24541866779327393, -0.9624853730201721, 0.40354031324386597, -1.120684027671814, 0.7564547061920166, 0.2550728917121887, 0.08089818805456161, 0.05901327729225159, -0.4864889979362488, 0.769609808921814, -0.9391509294509888, -0.5118144154548645, -0.4668580889701843, 0.8650128841400146, 0.946782648563385, 0.13884976506233215, 0.5317224860191345, -0.08603797107934952, 0.3245798647403717, 0.5440384745597839, 0.26373833417892456, 0.24908742308616638, -0.2752668261528015, -0.3433209955692291, -0.23250329494476318, 1.0321025848388672, 0.03258251026272774, 0.6193230152130127, 0.024146903306245804, 0.30436789989471436, 0.10036561638116837, -0.736953854560852, 0.10997553169727325, 0.4270901083946228, 0.5687872767448425, -0.7738476991653442, 0.2767576277256012, 0.1274920105934143, 0.6531407833099365, -0.06495459377765656, 0.12224595248699188, 0.43975016474723816, 0.02998724766075611, 0.20717868208885193, 0.661963939666748, -0.3140905499458313, -0.38989192247390747, 0.36292949318885803, 2.8855297565460205, -1.0864044427871704, 1.6120390892028809, -0.37388166785240173, -0.7246195673942566, -0.5358302593231201, -0.30896544456481934, 1.2157834768295288, 0.4769785702228546, -0.2616768181324005, -0.6659616231918335, -0.2092696577310562, 0.05002879351377487, 0.5772453546524048, -1.051948070526123, -0.6677985787391663, -0.5411668419837952, 0.5854482054710388, -2.1725144386291504, 0.014394812285900116, 0.006476104259490967, 0.3359091579914093, -0.24017451703548431, -0.4487164318561554, -0.6197066307067871, 0.459227979183197, 0.1387714147567749, -0.5341643691062927, -0.35855036973953247, 0.6317954063415527, -0.14591866731643677, -0.3493237793445587, 1.4146524667739868, -0.2623830735683441, -1.5226856470108032, 0.40297138690948486, 0.44562259316444397, -0.5435017347335815, 0.6110350489616394, -0.0809934064745903, -0.1379435658454895, 0.3770877718925476, 0.670543909072876, 0.5161310434341431, 0.12795424461364746, -0.5205800533294678, -0.6366011500358582, -0.2188446968793869, -0.4900963306427002, 0.8172881603240967, -0.05179329216480255, 0.5112480521202087, -2.516291618347168, 0.16707000136375427, 0.0927150696516037, 0.8970798254013062, 0.24314776062965393, 0.14988555014133453, -0.08396745473146439, 0.04389558359980583, -0.25663304328918457, -0.51593416929245, 0.6734630465507507, -1.9696338176727295, 0.049684569239616394, -0.21426703035831451, -0.45432236790657043, 0.4717179834842682, -0.4635276198387146, 1.3401515483856201, 0.6541269421577454, -0.6641206741333008, -0.7039304375648499, -2.1073243618011475, -0.38532984256744385, 2.196075439453125, 0.008126147091388702, -0.16859258711338043, -1.0438055992126465, 0.016869232058525085, -0.10513679683208466, 0.2370033711194992, 0.6759412288665771, -0.2751756012439728, -0.0012788474559783936, -0.9911648631095886, 0.9483160972595215, -0.03378160670399666, 0.6658115386962891, 0.37568333745002747, 1.1580102443695068, -1.2052974700927734, 0.19747120141983032, -0.4411437213420868, -0.9739542007446289, 0.7120518684387207, 0.4932163953781128, 0.2852157950401306, 0.7302523255348206, 0.8261356353759766, 0.5843599438667297, 1.1329199075698853, 0.21560928225517273, 0.3834703862667084, -1.1433861255645752, 0.0425567626953125, -0.2433757483959198, 1.6018513441085815, 0.5759525895118713, 0.20318818092346191, 0.7950029969215393, -0.13388526439666748, -0.494463175535202, -1.085745096206665, 0.08020887523889542, -0.11214344948530197, 1.2367827892303467, 0.6246728897094727, -0.38516488671302795, 0.7242351770401001, -0.6548970937728882, -0.4474872648715973, -0.13117480278015137, -0.6957418322563171, -0.4767511487007141, -0.46820420026779175, 1.1943222284317017, 0.5424844622612, -0.33345308899879456, 0.2772076725959778, -0.1294209063053131, -0.8741022348403931, 0.4832739233970642, 0.5865947008132935, -0.006522417068481445, -1.20052969455719, 0.019063279032707214, -0.5155619978904724, -1.0493733882904053, -1.1951476335525513, -0.10184130072593689, -0.02843455784022808, 0.27004992961883545, 0.8901039361953735, 1.4223040342330933, -0.2985124886035919, 0.18289679288864136, 0.3314340114593506, 0.9610750079154968, -0.6384294629096985, 0.7870553731918335, -0.5918891429901123, 0.2709558308124542, -1.0712804794311523, 0.2975209355354309, -0.7065285444259644, 0.29012006521224976, -0.19202843308448792, -0.9250892400741577, -0.07785198837518692, -0.22104990482330322, -0.601041853427887, 0.1838274896144867, 0.3448616564273834, -0.9250208139419556, -0.33178043365478516, 1.464181661605835, 0.11733157187700272, -0.7477653622627258, 0.05837171524763107, -0.02410890907049179, -0.02561585046350956, 1.3036283254623413, 0.3871036171913147, 0.40576866269111633, 0.7340251207351685, -0.22327350080013275, 0.22470833361148834, 0.5140871405601501, -1.6859118938446045, 0.6393491625785828, 1.082782506942749, -0.528845489025116, 0.2022899091243744, -1.0349628925323486, 0.10909540951251984, -1.061652660369873, -0.05887524038553238, 0.5656834840774536, -0.37192502617836, 0.24480849504470825, -0.06386779993772507, 0.21559597551822662, 0.7364116311073303, -1.173395037651062, 0.49310198426246643, 0.3633599579334259, -0.3826737701892853, -0.35364094376564026, -0.9515804052352905, 1.0898041725158691, 0.20876078307628632, 0.5029181241989136, -0.00733407586812973, 1.0177263021469116, 0.12651875615119934, 0.19619998335838318, -0.33955857157707214, 0.9635681509971619, 0.04924902319908142, -0.17410126328468323, 0.3938934803009033, -0.3023586869239807, 0.7715163826942444, -0.5498411655426025, 0.8924723863601685, 0.15250743925571442, -0.378694623708725, -0.3959351181983948, -0.5204098224639893, -0.28241661190986633, -0.4621197283267975, 1.81489098072052, 0.6961154937744141, 1.390987515449524, -0.41423994302749634, 0.18755163252353668, -0.9637988805770874, -0.2768101096153259, 0.7680225372314453, 0.5420931577682495, 0.17873287200927734, -1.193963646888733, -0.03522011637687683, 0.3113535940647125, 0.28456243872642517, 0.01986078917980194, -0.15584811568260193, 0.5016671419143677, 0.5632632374763489, -0.5648031234741211, 0.21417424082756042, 0.3830641806125641, 0.3128124475479126, 0.9633851051330566, -0.1986163854598999, -0.6079698204994202, -0.32306602597236633, -0.060570262372493744, -0.1294347047805786, 0.06397969275712967, -0.6241759061813354, 0.4694299101829529, 0.10351695120334625, -0.02307787910103798, 0.5700636506080627, 1.4949742555618286, 0.8043715357780457, -0.2950197160243988, -1.8401658535003662, -0.16338826715946198, -1.0936962366104126, 0.5178282856941223, 0.051285333931446075, -0.6738807559013367, -0.4544677734375, 0.804242730140686, -0.01674106903374195, -1.079793930053711, 0.3891434967517853, -0.4624560475349426, -1.0534694194793701, 0.651425838470459, 0.7811405658721924, -1.2439504861831665, -0.5466654896736145, 0.1623394638299942, -0.6027694344520569, -0.23691906034946442, -0.4758976995944977, -0.5967330932617188, 0.8540549278259277, 0.530730128288269, 0.8241915702819824, -0.0004917299374938011, 0.36798232793807983, -1.12003755569458, 1.45169198513031, 0.4098365902900696, -0.5011031627655029, -0.04168427735567093, 0.09801280498504639, 0.7975435853004456, -0.42406246066093445, -1.1636962890625, -0.8964753746986389, 0.5445420145988464, -0.4515615999698639, -0.2531096339225769, -0.6661872863769531, -1.0556803941726685, 0.46165746450424194, -0.3712162971496582, 0.984410285949707, -0.24009357392787933, 0.5349353551864624, -0.6826742887496948, -0.5277404189109802, 0.6465574502944946, -1.0491434335708618, -1.4437284469604492, 0.8195995092391968, -0.4639643132686615, 0.9517242908477783, -0.5281731486320496, -0.6717883348464966, 1.5018962621688843, 0.17679095268249512, -0.33879077434539795, -0.4900999367237091, -11.913639068603516, 0.9410962462425232, 0.3960253596305847, 0.3231956958770752, 0.5308069586753845, -0.2225436270236969, 0.5844351053237915, -0.630357027053833, 0.30697837471961975, -0.9560555219650269, 0.3745819628238678, 1.5104341506958008, 0.5171729326248169, 0.7498806118965149, -1.284349799156189, -1.8163388967514038, -0.27692121267318726, -0.36410945653915405, 0.03709784895181656, 0.26836973428726196, 0.07076585292816162, -0.8401570916175842, 0.2225755900144577, 0.07029197365045547, 0.2918829321861267, 0.6087601184844971, -0.35794010758399963, -0.49037766456604004, -0.48459333181381226, -0.6520987749099731, 0.9380883574485779, -0.055611588060855865, 0.08216658234596252, 0.13670998811721802, -0.7641180157661438, -0.2784826457500458, -0.13576436042785645, -0.15415439009666443, 1.0955579280853271, -0.08347605913877487, -0.5176863074302673, -0.024008460342884064, 0.5745190978050232, -0.08731541037559509, -0.6450434923171997, 0.6933438777923584, -0.07135049998760223, -0.5538007020950317, 0.37084081768989563, 0.022584758698940277, -1.1911057233810425, -0.2371528148651123, -0.28235185146331787, -0.582423985004425, 0.260503351688385, 0.31614553928375244, -0.8783260583877563, -0.6771225929260254, -0.4542718827724457, -1.3674237728118896, 0.7163372039794922, 0.470900297164917, 0.2885770797729492, 0.45190003514289856, 0.26733678579330444, -0.425762802362442, -0.047067105770111084, 0.44891446828842163, -1.4973325729370117, 0.1934223771095276, -0.8138321042060852, 0.5150371789932251, 0.1467440128326416, 0.4043716788291931, -0.6107654571533203, -0.1648406684398651, -1.399776816368103, 0.16530436277389526, 0.490648478269577, 0.05508212745189667, -0.7432562112808228, 1.0493324995040894, 0.15220589935779572, -0.8752185106277466, -0.8098439574241638, -0.08298448473215103, -0.057525716722011566, 0.20579436421394348, 0.5729285478591919, -0.5696827173233032, 0.9889830946922302, 0.2080310583114624, -0.5959234237670898, -0.2473801076412201, -0.36047184467315674, 0.6741201281547546, 0.8555534482002258, 0.4003819525241852, -0.1767992079257965, -1.1229376792907715, 0.21322259306907654, -0.7448152899742126, -1.5099809169769287, 0.38758528232574463, -0.14772482216358185, 0.45462876558303833, 0.37030357122421265, -0.18093182146549225, -0.7135663628578186, -0.3620515465736389, 0.9362512826919556, -0.29600003361701965, -0.6136788129806519, 1.3895139694213867, -0.31245356798171997, -0.051052406430244446, 0.8176369071006775, -0.08043558150529861, 0.6556971669197083, 0.3007068336009979, 0.1836937814950943, 1.1127276420593262, 0.166879802942276, 1.587425947189331, -0.524873673915863, -0.5699958205223083, 0.658017098903656, 0.8793231248855591, -0.04840700328350067, -1.4064180850982666, 0.2948909103870392, -0.05810744687914848, 0.22266243398189545, -0.10271355509757996, -0.3209172189235687, 0.41835319995880127, 0.22552669048309326, 1.057491421699524, -0.63524329662323, 0.19307076930999756, -0.026006247848272324, 0.027515273541212082, -0.684197723865509, -1.6079866886138916, -0.8316821455955505, 0.20479238033294678, -1.1860276460647583, 1.2195100784301758, -0.6571961045265198, -0.411252498626709, -0.19542373716831207, -0.4872966408729553, 1.620569109916687, -0.33283135294914246, -0.0319320410490036, -0.6254185438156128, 0.7512184381484985, 0.21632152795791626, -0.9202688932418823, -0.07759073376655579, -0.2016003131866455, 0.5404524207115173, -1.0337331295013428, 0.9582633376121521, 0.4307851791381836, 0.07965517044067383, -0.3595617711544037, -0.33870697021484375, -0.24481511116027832, -0.3938467800617218, 0.6723461151123047, -0.3748379945755005, -0.048790477216243744, 0.310445100069046, -0.12452490627765656, -0.6291473507881165, 0.7675175666809082, 0.7801239490509033, -0.9971631765365601, -0.2501336932182312, -0.2971000671386719, 1.0563560724258423, 0.3105296492576599, 0.008888348937034607, -0.11675438284873962, -0.09595108032226562, 0.3273920714855194, 0.75393146276474, 0.1918940544128418, 1.283730149269104, -1.5237482786178589, -1.3804738521575928, -0.7665873169898987, 0.5903607606887817, 0.7692931294441223, 0.07839006930589676, 1.1427676677703857, 0.7469547986984253, -0.05332639813423157, 0.3405474126338959, 0.328050434589386, 0.8569760322570801, -0.002373628318309784, 0.5320453643798828, -0.5366935133934021, 0.3467661142349243, -0.5048241019248962, 0.21281468868255615, 0.4694504141807556, 0.8189148306846619, -1.408363699913025, -0.08085961639881134, 0.18580159544944763, -0.22787757217884064, 0.38114485144615173, -1.1273093223571777, 0.013387411832809448, -0.46681416034698486, -0.6999415159225464, -0.9882897138595581, 0.4522043764591217, 1.0394445657730103, -0.4624929428100586, 1.1825873851776123, -0.28204408288002014, 0.1218610480427742, 0.43161600828170776, 0.5753196477890015, 0.2626667618751526, 0.14598150551319122, 0.09556083381175995, 0.2425757497549057, -0.3573678731918335, 0.16810205578804016, 0.0036303475499153137, -1.1718380451202393, 0.16932201385498047, 0.3138325810432434, -0.09067651629447937, 0.6007547974586487, -0.2939634919166565, 0.6892937421798706, 0.7982483506202698, 1.0548608303070068, -0.6699438095092773, -1.3036493062973022, -0.29977455735206604, -1.0702199935913086, 0.5234103798866272, 0.7798786759376526, 0.8172488212585449, 0.24035365879535675, 0.7028457522392273, 0.28707724809646606, 0.7312681674957275, -0.5648416876792908, 0.4535773992538452, -0.028632067143917084, 0.08799701929092407, 1.1853361129760742, 0.7996323704719543, -0.2622847259044647, 0.6821966767311096, 0.36846935749053955, -0.3844227194786072, 0.1545500010251999, -0.4371678829193115, 0.9670133590698242, 0.4174254536628723, -0.21680164337158203, -0.31776443123817444, -0.4721527695655823, 0.9663553833961487, -0.8254890441894531, 0.4008861780166626, 0.3223567605018616, -0.9440498352050781, -0.22802817821502686, -0.504844605922699, -0.6365975737571716, 0.4171517491340637, 0.04196195676922798, -0.6507936120033264, 0.1750549077987671, 0.8833684325218201, -0.255376398563385, -0.19997499883174896, -0.13348327577114105, -0.2604653835296631, -1.0021690130233765, -0.2815074920654297, -0.39327147603034973, -0.2785392105579376, -0.4026230275630951, 0.22395336627960205, -0.0436236597597599, -0.31824102997779846, -0.5025762915611267, -0.5065123438835144, -0.8610995411872864, -0.6495409607887268, -0.5177704095840454, 0.8429452776908875, 0.06370088458061218, -0.0784030631184578, -1.6818993091583252, 0.10132212191820145, 0.5530367493629456, 0.10730136930942535, -0.6579263210296631, -0.24228382110595703, 0.1869441121816635, -0.05321385711431503, -0.2980799376964569]} +{"paper_id": "cail2018", "embedding": [-0.010256712324917316, 0.9372016787528992, -0.5524712204933167, -0.04794742912054062, 0.3310820460319519, 0.7412004470825195, -0.44666042923927307, 0.6672649383544922, 0.6029024720191956, 1.3497498035430908, 0.4593525826931, 0.02193283848464489, -0.5150753259658813, -0.2411840707063675, -0.25077956914901733, -0.43746280670166016, -0.7978377342224121, 0.6867945790290833, -0.652863085269928, -0.2129821479320526, -0.7965079545974731, -1.0623854398727417, -0.28290361166000366, 0.785103440284729, -0.7648675441741943, -0.4071510434150696, 0.6471624970436096, -1.3302936553955078, 1.0127166509628296, 0.05922354757785797, 0.2462928593158722, 1.4497801065444946, -1.557815432548523, 0.7130059003829956, -1.0536067485809326, 0.609398603439331, 0.01457651425153017, 0.4727479815483093, -0.31584256887435913, -0.10985404253005981, -1.153367042541504, 0.43250757455825806, 0.47957438230514526, 0.4799049198627472, 0.8571681976318359, -0.7573727965354919, 0.7097674608230591, -0.4204903841018677, 0.008079871535301208, -0.17784515023231506, -0.5824398994445801, 0.6113662123680115, -0.8298359513282776, 0.6036179065704346, 0.0708119198679924, 1.456739902496338, -0.8322910666465759, -0.3092159330844879, 0.41835817694664, -0.5967092514038086, 1.8840264081954956, 1.6903711557388306, -0.12135516107082367, -0.18286603689193726, 0.5872883200645447, -0.3186338543891907, 1.4217370748519897, -0.10954379290342331, 0.7297248244285583, 0.9128807187080383, 0.18163980543613434, -0.6127831935882568, 0.11291147768497467, -0.3268730044364929, -0.6137897968292236, 0.7291004657745361, 0.46256011724472046, -0.011160105466842651, 0.07796347141265869, 0.18131643533706665, -0.3644223213195801, 0.4861258268356323, -0.36107829213142395, -0.6008848547935486, -0.4168297350406647, -0.222875714302063, 0.45487692952156067, -0.16727815568447113, 0.6232624053955078, -1.2955923080444336, 0.6620919704437256, -0.4124179184436798, -0.39190104603767395, 0.3808588981628418, -0.5166934728622437, 0.5912424325942993, -0.5897958278656006, 0.03464829921722412, -1.2049939632415771, 0.19148075580596924, 0.899996817111969, -0.8061407804489136, 1.5255085229873657, 0.15512222051620483, 0.08533258736133575, 1.773942232131958, 0.08314868807792664, -0.48275911808013916, -1.3418749570846558, -0.22235505282878876, 0.09809617698192596, 0.6300994157791138, -0.5404139161109924, 0.0445677749812603, 0.2896319031715393, 0.15111279487609863, 0.10636638104915619, -0.35795915126800537, -0.7361494898796082, 0.162693053483963, -0.7993900179862976, -1.1390352249145508, -0.6897139549255371, 0.3287762999534607, 1.483416199684143, 0.4446708858013153, 0.8307605981826782, 0.3545449674129486, -0.37144070863723755, 0.22957974672317505, 0.65867018699646, -0.654663622379303, -1.40090012550354, 0.3645940124988556, 2.819180727005005, -0.6540234684944153, 1.6598076820373535, -0.9648123979568481, 1.0297212600708008, -0.37960511445999146, -0.24250221252441406, 1.1734029054641724, 0.27715957164764404, -1.3194398880004883, -1.5622549057006836, -0.1828901320695877, -1.2434537410736084, 1.3246029615402222, -0.5909765958786011, -0.7755987048149109, 0.055438682436943054, 1.188485026359558, -0.8259062767028809, -0.37632542848587036, -0.09764818847179413, 0.35351499915122986, -0.10904335975646973, 0.07202354073524475, -0.8894026279449463, 0.13875004649162292, 1.42709219455719, -0.10677121579647064, 0.4942464828491211, 1.0075644254684448, -0.9989779591560364, -0.01461841445416212, 1.2441476583480835, 0.35862043499946594, -0.9350248575210571, 0.10645885020494461, 0.8980744481086731, -0.14780369400978088, -0.3785867691040039, 0.2538689374923706, -0.7665676474571228, 0.02939113974571228, 0.8635388612747192, 1.0461537837982178, -0.3560987710952759, -0.3442457318305969, -0.9455527067184448, -0.21413177251815796, -0.24281781911849976, 0.2866276800632477, -0.4179735481739044, -0.17737874388694763, -1.7876163721084595, -0.7470751404762268, -0.9023886919021606, 1.9360114336013794, -0.32228392362594604, -0.1396421194076538, 0.02006641775369644, 1.198470115661621, 0.5647324919700623, -0.8778719305992126, 0.2330584079027176, -1.3748201131820679, 0.3825535178184509, -0.1390928328037262, 1.0935286283493042, -1.1305674314498901, -0.7916728854179382, -0.2535483241081238, 0.9884814023971558, -1.5444018840789795, -0.17834624648094177, -2.2360541820526123, 0.44425636529922485, 2.470492124557495, 0.23920753598213196, -0.5017245411872864, -1.2433395385742188, -0.15783686935901642, 0.11143133789300919, 0.1434970647096634, 0.6188366413116455, -1.7953557968139648, 0.20295211672782898, -1.0307846069335938, 0.6909664273262024, -0.4328092932701111, -0.18830876052379608, 0.43444791436195374, 0.5181902050971985, -0.7272480726242065, 0.0218089297413826, 0.10777142643928528, -0.31010305881500244, 1.0570772886276245, 0.6040564775466919, -0.7314337491989136, -0.024343688040971756, 1.240095615386963, 1.2510192394256592, 0.8012546896934509, 0.19910883903503418, 0.162058487534523, -1.4595528841018677, 0.3391433656215668, -0.2657967805862427, 0.5759462714195251, -0.7503408789634705, -1.416990041732788, 1.600202202796936, 0.609575092792511, 0.10509085655212402, -0.10603455454111099, -0.4493981599807739, -0.02519065886735916, 0.7675744295120239, 0.5020672678947449, -0.6768495440483093, 0.7846103310585022, -1.0480629205703735, -0.4120573401451111, 0.03636357933282852, -1.0253913402557373, 0.1785312443971634, -0.672674298286438, 0.4975058138370514, 0.3007478415966034, 0.6992032527923584, -0.4085814952850342, -1.1164240837097168, -0.8694210648536682, 0.24227970838546753, -0.2508942186832428, 0.6996851563453674, -1.2068443298339844, -0.22297805547714233, -0.631513237953186, -1.521398901939392, -0.16737768054008484, -0.1125439703464508, 0.12790735065937042, -0.44172829389572144, 0.5531210899353027, 1.5847718715667725, -0.6464396119117737, -0.6866599321365356, -0.17920084297657013, 1.3617125749588013, 0.08392991125583649, 0.6249953508377075, -1.063012957572937, 0.28358539938926697, -0.6096367835998535, -0.12604214251041412, -0.8699871301651001, 0.29532161355018616, 0.8036603331565857, -0.030987735837697983, 1.0884000062942505, 0.038137078285217285, -0.9351977705955505, 1.1291993856430054, -0.12898364663124084, 0.13872966170310974, -1.669625163078308, 1.1750003099441528, 0.9452497959136963, -0.6034276485443115, 0.44953328371047974, 0.220453143119812, 0.08780072629451752, 0.9237832427024841, -0.3290545344352722, 0.05752069503068924, 0.5262553095817566, 0.34574511647224426, 0.4508126676082611, 0.7916982769966125, -1.2643849849700928, 0.16542929410934448, 0.8150072693824768, -0.9451397061347961, -0.022201117128133774, -0.6435993313789368, 0.25570017099380493, -0.24837926030158997, -0.6812916994094849, -0.5311557650566101, -0.3579893112182617, -0.07676815241575241, 0.444487065076828, 0.42626726627349854, 0.6143604516983032, -1.340059518814087, 0.39748266339302063, -0.20524799823760986, -0.3839889466762543, -0.6437386274337769, -0.4832344055175781, -0.12883344292640686, -0.4378356337547302, 0.9289894104003906, -0.8405399322509766, 0.7719276547431946, 1.538659691810608, -0.12606510519981384, -0.3836827278137207, 0.8325490951538086, 0.6127564907073975, -0.02717413194477558, 0.3456515669822693, 0.10628071427345276, 1.0655295848846436, -0.17129434645175934, 1.1152923107147217, 0.36923453211784363, -0.7239099144935608, -1.757671594619751, -0.0971880704164505, -0.3936859965324402, -0.7650390863418579, 1.771931767463684, 0.32003822922706604, 1.6913491487503052, -0.38859349489212036, 0.48004937171936035, -0.0355156809091568, 0.37365466356277466, 1.1122372150421143, 0.7741058468818665, 0.4769505262374878, -0.3840656876564026, -0.33035528659820557, 1.5447026491165161, -0.25295954942703247, -0.02764044515788555, 0.023261237889528275, 1.2590144872665405, 0.11311790347099304, -0.8879181146621704, -0.31059229373931885, -0.3520853519439697, 0.4736420512199402, 1.8419382572174072, -0.5523486137390137, -1.3169883489608765, 0.032406214624643326, 0.21662738919258118, 0.485713392496109, 0.766290545463562, -0.9590203762054443, -0.45186126232147217, -0.3424815833568573, -0.298411101102829, -0.12672893702983856, 0.05681739002466202, 0.724160373210907, 0.8741432428359985, -1.3040568828582764, 0.5031924247741699, -0.06525586545467377, -0.4463984966278076, -0.08549889922142029, -0.5444368720054626, -1.0268869400024414, 1.178763747215271, 0.32223278284072876, -1.5806450843811035, 0.5756583213806152, -0.2563152611255646, -1.9826598167419434, 1.1984041929244995, 0.4668458104133606, -1.6680879592895508, -0.32895857095718384, 0.25676894187927246, -0.5966579914093018, -0.44859591126441956, 0.7651328444480896, -0.9267805814743042, 1.8082895278930664, 0.4570675492286682, 0.7754417657852173, -0.3692782521247864, -0.24954064190387726, -1.3429539203643799, 0.9964346289634705, 0.6466996073722839, -1.069035291671753, 0.3297540247440338, -0.11523475497961044, 0.3253920078277588, 0.6210625171661377, -1.5209503173828125, -1.242970585823059, 0.9189701676368713, 0.7567589282989502, 0.2750388979911804, -0.7309855818748474, -0.4701429307460785, 0.5342232584953308, 0.19574597477912903, 0.8449647426605225, -0.7967470288276672, -0.4100876450538635, -0.5546031594276428, 1.0935921669006348, 0.8612927198410034, -0.13003388047218323, -0.9170466661453247, 1.0325387716293335, -0.40925294160842896, 0.7007983922958374, 0.538884162902832, 0.08448150753974915, 1.378050684928894, 0.38148438930511475, 0.5169485211372375, -0.8015579581260681, -8.986166000366211, 0.800147294998169, 0.8159512877464294, 0.4940444231033325, 0.0438748262822628, -0.38218897581100464, 0.43324533104896545, -0.8457708954811096, 0.5695726871490479, -0.20089612901210785, 0.3784767985343933, 2.4527428150177, 0.5847488641738892, -1.0876333713531494, -0.7235690951347351, -1.4985302686691284, -1.5298374891281128, -0.5495223999023438, 0.015868276357650757, 0.3211480975151062, -0.05811566859483719, -1.3886995315551758, 0.4314221143722534, -0.28518304228782654, 1.3345502614974976, 0.05105822533369064, 0.28103435039520264, -0.23113596439361572, -0.7768879532814026, 0.4479540288448334, 0.4945066273212433, 0.6931487917900085, -0.5080519318580627, -0.13525350391864777, -0.0031653791666030884, -0.3196757137775421, -0.7438251376152039, -0.4717796742916107, 0.936604917049408, -0.20883052051067352, -0.0828012079000473, 0.4283249080181122, 0.2266070693731308, -0.5699512958526611, -0.00595984049141407, -0.3925784230232239, -0.18344227969646454, -0.5589750409126282, 0.11837653815746307, 0.5604974031448364, -0.0405922532081604, -0.5560808777809143, -1.1228306293487549, -0.3539744019508362, 0.3197888731956482, -0.04795985668897629, -1.2808115482330322, 0.3903791904449463, -0.5906321406364441, -0.8083511590957642, 0.9247146844863892, 0.020404305309057236, -0.6305240988731384, 1.081842303276062, -0.13762414455413818, 0.30192530155181885, 0.5075249075889587, -0.0661950334906578, -0.01690196618437767, -0.09113092720508575, -0.4154885411262512, 1.6554666757583618, -0.2673768103122711, -0.17481127381324768, -0.9836412072181702, -0.17938536405563354, -0.3721996247768402, -1.1574238538742065, 0.9212605357170105, -0.21080921590328217, -1.7236390113830566, 0.6622999310493469, -0.9308634400367737, -0.8650723695755005, -0.2230863869190216, 0.2038021683692932, -0.5425442457199097, -1.3015005588531494, 0.3611708879470825, 0.04481381177902222, 0.7952862977981567, 0.2540964186191559, 0.003648284822702408, -0.6132847666740417, -0.0049189068377017975, 0.03318154439330101, -1.5394960641860962, 0.952416718006134, 0.30490589141845703, -0.6840519905090332, 0.6060864925384521, 0.13493630290031433, -0.7662488222122192, -0.22578969597816467, 0.35037901997566223, 0.5785279273986816, 0.16444465517997742, 0.001452028751373291, -1.0250184535980225, -0.11622880399227142, 0.9898332357406616, -0.48374611139297485, 0.07915857434272766, 0.7606543302536011, 0.7467501163482666, 0.13664500415325165, 0.9737951159477234, -0.007530122995376587, -0.4091205298900604, 0.9245298504829407, -0.7854334712028503, 0.7937350273132324, 0.2576480805873871, 0.9824321866035461, -0.6847836375236511, -0.03228846192359924, 0.03326244279742241, -0.047715820372104645, -0.833365261554718, -1.880699872970581, 1.6040371656417847, 0.19362661242485046, 0.5102560520172119, -0.030522659420967102, -0.6799793839454651, -0.21601726114749908, -0.6972615122795105, 0.4709556996822357, -0.6186017394065857, -0.07126186043024063, -0.5709572434425354, 0.017539869993925095, 1.13593590259552, -0.6109918355941772, -1.1816837787628174, -0.1759028434753418, -1.7641433477401733, -0.4881657660007477, -0.6978132724761963, -0.366884708404541, 0.6180972456932068, -0.3882211148738861, 1.4125092029571533, -1.0544393062591553, -0.8169284462928772, -0.5931491255760193, 1.1954807043075562, -0.8444945812225342, -0.4577144682407379, 0.4390460252761841, -0.007915094494819641, 1.1874258518218994, -0.6836373209953308, 0.8789409399032593, -0.12744653224945068, 0.19838762283325195, -0.09298573434352875, 0.33420053124427795, -0.18828170001506805, 0.06159556657075882, 1.651437520980835, -0.8655791878700256, 0.08001937717199326, -0.17166973650455475, -0.24342095851898193, -0.4748156666755676, 1.3101221323013306, 1.5576812028884888, -1.650359034538269, 0.079363152384758, -0.9379739165306091, 0.7336559891700745, 0.9715884327888489, -1.3198094367980957, 0.030805394053459167, 0.6580519080162048, -0.08566789329051971, 1.5355045795440674, -0.47569575905799866, 0.5339049696922302, -1.9577089548110962, -1.0899593830108643, -0.35655635595321655, -0.888607382774353, 1.1214913129806519, 0.2888864576816559, 0.8963680267333984, 0.20683301985263824, 0.24558404088020325, -0.47144797444343567, -0.24231065809726715, 0.5044873356819153, 0.1229020357131958, 0.05598960444331169, -1.3828563690185547, 0.3824649751186371, -0.46303898096084595, 0.20856967568397522, 0.1601344645023346, 0.23188811540603638, -1.2740843296051025, 0.27915412187576294, 0.6626522541046143, -0.05351422354578972, 0.8326237797737122, -0.6312873363494873, 0.8744577765464783, -1.0102463960647583, -0.45845827460289, -0.6264894604682922, 0.5113908052444458, 0.36472365260124207, 0.19791270792484283, 1.0496996641159058, 0.544340193271637, 0.48304131627082825, 1.7234832048416138, 0.32259345054626465, 2.079118490219116, 0.2125481367111206, -0.15067622065544128, 0.01863677054643631, 0.27642250061035156, -0.11137562245130539, 0.09451757371425629, -0.625935971736908, -0.18314407765865326, 0.6196193099021912, -0.9353955388069153, 0.2632446587085724, -0.8150774836540222, -0.11137260496616364, 0.3496495485305786, 1.1083732843399048, -1.068982481956482, -0.6292122006416321, -0.3215843439102173, -0.9058206081390381, -1.299261212348938, 0.30036240816116333, 0.6964961290359497, 1.101068139076233, 1.040421485900879, 0.5768523216247559, 1.658539891242981, 0.252511590719223, 0.31895098090171814, -0.03056945651769638, 0.3905501365661621, 1.3520722389221191, 1.2568397521972656, -0.08428126573562622, -0.29950499534606934, -0.19576957821846008, -0.8558859825134277, -0.6905102729797363, -1.4175641536712646, 0.6567954421043396, 0.6200014352798462, -0.20708253979682922, 0.49799680709838867, -0.3797714114189148, 0.029816824942827225, -0.27926215529441833, 0.609324038028717, 0.15761545300483704, -0.42320919036865234, -0.5136565566062927, -0.5429324507713318, -0.2544782757759094, 0.8896567225456238, -0.638294517993927, 0.22422818839550018, -0.6465703845024109, 1.2445613145828247, -0.524164617061615, 0.12804894149303436, -0.8595050573348999, -0.4913957118988037, -0.03341641649603844, -0.2778949737548828, -0.09208456426858902, -1.7874393463134766, -0.3054313063621521, -0.07181856036186218, -0.6562188863754272, 0.8352714776992798, 0.07153907418251038, -1.23647940158844, 0.3689229488372803, 0.5747549533843994, 0.6630821228027344, 0.32679712772369385, -0.3018159866333008, -0.5877894163131714, -0.6459968090057373, 0.5087844729423523, 0.6418027281761169, -0.31406569480895996, -0.37783175706863403, 0.1294879913330078, 0.24986092746257782, -0.5919726490974426, 1.3867067098617554]} +{"paper_id": "inquisitive_qg", "embedding": [-1.2122442722320557, 0.8699771165847778, -0.2138477861881256, -0.04181376472115517, 0.4288523197174072, 0.35880398750305176, 0.4960487186908722, 0.13285519182682037, 0.6367716789245605, 0.5109922885894775, -0.03886717930436134, -0.5033060312271118, 0.0914672315120697, 0.20521865785121918, -0.047652531415224075, -0.003258686512708664, -1.3135894536972046, -0.3485148251056671, -1.5544664859771729, -0.9243600964546204, -0.3567575216293335, -0.7686408162117004, 0.025738026946783066, 1.359472393989563, -0.5284455418586731, -0.7299189567565918, 1.264797568321228, -1.0495887994766235, -0.06688966602087021, 0.02823198027908802, -0.3485555946826935, 0.8829421401023865, -1.2860928773880005, 0.8401554226875305, 0.14804938435554504, -0.9099372029304504, 0.11221808940172195, 1.0108771324157715, -0.5442382097244263, -0.17372164130210876, -0.43310943245887756, 0.5532181262969971, 1.0689201354980469, -0.08807186037302017, 0.17318424582481384, -0.5858867168426514, 0.16033853590488434, -0.2947656512260437, -0.7177838683128357, -0.3500731289386749, -0.9912261962890625, 0.05899908393621445, -0.264223575592041, 0.8143429756164551, 0.4949356019496918, 1.5830048322677612, 0.09385689347982407, -1.3565151691436768, 0.5173175930976868, 0.3078456223011017, 1.2944222688674927, 2.1534810066223145, -0.12721209228038788, 0.6095037460327148, 0.9984528422355652, -0.4033125638961792, 0.993927001953125, 0.014589495956897736, -0.8216123580932617, 0.6945160627365112, -0.6020700335502625, -0.4055628180503845, 0.2723084092140198, -0.4388454854488373, -0.06486138701438904, 0.7480262517929077, 0.589685320854187, 0.2798303961753845, -0.4502929151058197, -0.37189048528671265, 0.36212286353111267, 0.03617698699235916, 0.8959720730781555, -0.1371380239725113, 0.4796842634677887, 0.5628994703292847, 0.5057934522628784, -0.7356787323951721, -0.40087267756462097, -1.9616072177886963, 0.5222402811050415, 0.6472820043563843, 0.5317863821983337, -0.5300002098083496, -0.3403327763080597, 0.8411629796028137, -0.247213676571846, -0.40720584988594055, -0.09046103805303574, -0.15299221873283386, 5.267933011054993e-05, 0.08336696028709412, 0.7825638055801392, -0.35498058795928955, 0.5021500587463379, 0.05768190324306488, 0.534952700138092, 0.05517731234431267, 0.3119334280490875, -1.0973472595214844, 0.4356895387172699, 0.4698225259780884, 0.3714298605918884, 1.043698787689209, 0.2547864615917206, 0.8411717414855957, 0.39693930745124817, -0.9191650152206421, 0.44829681515693665, 0.2953835725784302, -0.1310901939868927, -0.9589594602584839, -0.29562437534332275, -0.3359256386756897, 0.6633278131484985, -0.5998772978782654, -0.9601090550422668, -0.4180201590061188, -0.19998884201049805, -0.3896993398666382, 0.4918169677257538, 0.0034123780205845833, -0.6387120485305786, 0.4606449007987976, 3.1539647579193115, -1.63942289352417, 0.8117708563804626, -0.8407900333404541, -0.9037653803825378, -1.029232382774353, -0.39758652448654175, 1.397078514099121, -0.3424065113067627, -1.2602852582931519, -0.8226065039634705, 0.40482670068740845, -0.26773685216903687, 0.1968502700328827, -0.5828871130943298, -0.0824974775314331, 0.3485012352466583, -0.29809340834617615, -1.3566205501556396, -0.10373257845640182, -0.15476809442043304, -0.06400825083255768, -0.09632256627082825, -0.12969070672988892, 0.15968917310237885, 1.1439932584762573, 0.4863143861293793, -0.18071691691875458, -0.4357795715332031, 0.253301203250885, -0.944728672504425, -0.3218749761581421, 0.19457945227622986, -0.43802356719970703, -0.8256879448890686, 0.02622929960489273, 0.021196098998188972, -0.8800649046897888, -0.5082875490188599, -0.6619754433631897, -0.28063735365867615, 0.11719293147325516, 0.8589391708374023, 0.7175764441490173, 0.35537227988243103, -0.35439497232437134, -0.4732954502105713, -0.3445584177970886, -0.35530033707618713, 1.116763949394226, -0.4267188608646393, 0.7066330313682556, -2.7825474739074707, 0.08222563564777374, -0.4330067038536072, 1.4158990383148193, -0.10121414810419083, 0.10573786497116089, -0.07871056348085403, 0.025487076491117477, -0.42130523920059204, -0.877086341381073, 0.6667476296424866, -1.1077582836151123, 1.373509407043457, -0.07877999544143677, -0.0006895512342453003, -0.029284054413437843, -0.1941632628440857, 1.4388822317123413, 0.47405385971069336, -0.9615997672080994, -1.123095154762268, -2.4215354919433594, 0.17696526646614075, 2.1678671836853027, 0.442490816116333, -0.9461058974266052, -0.8125841617584229, -0.5987740159034729, -0.4408692717552185, 0.6605101823806763, -0.11395488679409027, -0.28992849588394165, -0.2777189314365387, -1.0129671096801758, 0.5338369607925415, -0.4886724650859833, 0.331560879945755, 0.8453031182289124, 1.1939009428024292, -0.6112127900123596, 0.11267738044261932, -0.9544275403022766, -0.6212957501411438, 0.2714060842990875, 0.6175790429115295, 0.40955501794815063, 0.17116676270961761, 0.9168604016304016, 0.14536893367767334, 1.036322832107544, 0.7906093001365662, 0.8435091972351074, -0.9651527404785156, 0.5378230810165405, 0.3028343915939331, 2.151423692703247, -0.18584729731082916, 0.7155236601829529, 0.03069528192281723, -0.0009172409772872925, -0.2772483229637146, -0.16853880882263184, -0.09425316005945206, -0.7846918106079102, 1.2825195789337158, 0.34462985396385193, -0.8621858358383179, 0.5300548672676086, -0.2635664939880371, -0.35504454374313354, -0.6221974492073059, -0.3640577793121338, -0.6743285655975342, -0.15359626710414886, 0.8082029223442078, 0.2968277931213379, -0.1784643530845642, -0.38974064588546753, -0.16332025825977325, -1.193730115890503, -0.8760676383972168, 0.11042218655347824, -0.3845135569572449, -1.7651195526123047, -0.44875431060791016, -0.06320697069168091, -0.9604460000991821, -0.3949827253818512, 0.008225739002227783, -0.4020107090473175, 0.03308254852890968, 0.23500332236289978, 1.3877009153366089, 0.3174823224544525, 0.11213386803865433, 0.24573005735874176, 1.2385458946228027, -0.6514898538589478, 0.26668667793273926, -0.5377552509307861, -0.48077139258384705, -0.8949424028396606, 0.8061953783035278, -0.7926884293556213, 0.6235668063163757, 0.6483669281005859, -1.1363755464553833, 0.4566737711429596, -0.058146923780441284, -0.32832419872283936, 1.0149650573730469, -0.3205331563949585, 0.21216312050819397, -0.23561611771583557, 1.7343980073928833, -0.36182430386543274, -0.8929600119590759, 1.256192684173584, -0.7567896246910095, -0.28589507937431335, 0.7021816372871399, 0.013361066579818726, 0.050946809351444244, 0.45867955684661865, -0.3568755090236664, 0.3196367621421814, 0.155464768409729, -1.9336868524551392, 1.4692039489746094, 1.1312583684921265, -0.5766945481300354, 0.19791027903556824, -1.1785006523132324, 0.4368727207183838, -0.3841334283351898, -0.10008931159973145, 0.994382917881012, -0.2768785357475281, 0.28846287727355957, -0.15330833196640015, -0.15629927814006805, 0.40987300872802734, -0.2349763661623001, 0.28016552329063416, 0.47703978419303894, 0.5509011745452881, -1.413846731185913, -0.13222426176071167, 0.7042980194091797, -0.7292190790176392, 0.19024787843227386, 0.09782718122005463, 0.6247323751449585, 0.9805175065994263, 0.08108880370855331, -0.1378118246793747, 0.9992769360542297, 0.05818169564008713, 0.394002765417099, 0.026256417855620384, -0.5601465702056885, 0.0819048136472702, -0.7625061869621277, 1.5383538007736206, -0.3086477518081665, -0.9093451499938965, -1.0107799768447876, -0.5471226572990417, -0.3640347719192505, -0.1512819528579712, 0.8780590295791626, 0.8378016352653503, 1.6760752201080322, -0.3352837562561035, 0.4259074330329895, -0.7227960228919983, -0.5137112140655518, 0.7145501375198364, -0.05148986354470253, 0.41359132528305054, -1.3203787803649902, 0.020330872386693954, 0.8947643041610718, 0.8799079656600952, 0.024587709456682205, 0.0804470032453537, 1.1161108016967773, -0.033516865223646164, -1.1311415433883667, 0.6246460676193237, 0.44431784749031067, 0.17744341492652893, 1.8494235277175903, -0.8581050038337708, 0.09607470035552979, 0.7518677115440369, -0.10037176311016083, 0.41110759973526, -0.01110667735338211, 0.12915559113025665, 0.8948498368263245, 0.34373804926872253, 0.8496339917182922, 0.11743512749671936, 1.0687212944030762, 1.393669843673706, -1.1932111978530884, -1.4094468355178833, -0.3724556267261505, -0.9297022223472595, -0.34315410256385803, 0.30343472957611084, 0.32166776061058044, -0.7248177528381348, 0.2991487979888916, -0.017877239733934402, -0.34884682297706604, 0.9713273048400879, -0.39157938957214355, -0.35554394125938416, 0.34319597482681274, 0.8796687126159668, -1.0569721460342407, -1.0342522859573364, -0.5026127696037292, -0.8503668904304504, -0.35171520709991455, -0.5509241223335266, -0.7796119451522827, 0.8619687557220459, 0.2491745501756668, 0.4195711314678192, 0.15071143209934235, 0.269456148147583, -1.1895889043807983, 1.6446080207824707, 0.5707213878631592, -1.0199640989303589, 0.9649026393890381, 0.41480520367622375, 1.2227990627288818, 0.5844967365264893, -0.4778175354003906, -0.5505478978157043, 1.0481159687042236, -0.5407071113586426, 0.9447841048240662, -0.6114017367362976, -0.2899734377861023, 1.393959641456604, 0.8209084868431091, 0.03508847951889038, -1.1887319087982178, -0.13710811734199524, -0.9021324515342712, 0.3127533197402954, 1.1013844013214111, -1.4542754888534546, -1.2636010646820068, 0.08153517544269562, -0.7246770858764648, 0.33550122380256653, -0.48000568151474, -0.28753185272216797, 1.6730033159255981, -0.13485939800739288, -0.45436638593673706, -0.3444751799106598, -10.311066627502441, 1.4837090969085693, -0.014867881312966347, 0.35580307245254517, 0.5135548710823059, -0.5981826186180115, 0.40131062269210815, 0.22365187108516693, 1.0236644744873047, -0.657446026802063, 0.4336302876472473, 0.8409473299980164, 0.5961484313011169, 0.02677834779024124, -0.7972754836082458, -1.3727648258209229, -0.866464376449585, -0.5621030330657959, 0.06349746882915497, 0.53494793176651, 0.035219427198171616, -0.2473217397928238, 0.9572638273239136, 0.48477625846862793, 0.23848839104175568, 0.14222702383995056, -0.9061763286590576, -0.8491284847259521, -0.13486157357692719, -0.43889403343200684, 1.114175796508789, 0.012621648609638214, -0.214069664478302, -0.6146531105041504, -0.13343632221221924, -0.11187744140625, -1.0658937692642212, -0.45542457699775696, 0.9894600510597229, -0.6701532006263733, -0.4223935008049011, -0.17202958464622498, 1.1943777799606323, 0.13135266304016113, -0.6471582055091858, 0.39562809467315674, 0.10346153378486633, -0.5692512392997742, -0.27206557989120483, -0.44008004665374756, -0.7721899151802063, -0.07555292546749115, -0.45087236166000366, -0.3322908282279968, 0.13155412673950195, -0.07575583457946777, -0.6159271597862244, -0.32959386706352234, -0.3005158603191376, -0.8324999809265137, 0.5252358913421631, 0.008596230298280716, -0.40843772888183594, -0.1314583420753479, -0.08040063828229904, -0.3534243702888489, -0.18228033185005188, 0.2131432741880417, 0.036016203463077545, 1.51341712474823, -0.7079801559448242, 0.7569627165794373, 0.08364012092351913, 0.8198139071464539, -0.10615775734186172, 0.1424148678779602, -1.027212142944336, -0.3837183713912964, 0.8019264936447144, -0.37221693992614746, -1.0604759454727173, 1.0916653871536255, 0.4443366527557373, -0.10795482248067856, -0.2981739044189453, 0.07862433791160583, -0.01434328407049179, 0.5142817497253418, 0.8152238130569458, -1.1732815504074097, 1.2298489809036255, -0.3466757833957672, -0.7862685322761536, 0.2909444570541382, -0.9639725089073181, 0.7950105667114258, -0.3249557316303253, -0.004047170281410217, 0.4053521156311035, -0.30223557353019714, -0.5815067291259766, 0.06977073848247528, -0.704411506652832, -0.3921861946582794, 0.9495256543159485, 0.19219523668289185, -0.0627320185303688, 0.19208967685699463, 0.30075693130493164, -1.1534419059753418, 0.26395565271377563, 0.7726152539253235, -0.771643340587616, 1.1741793155670166, -1.095394253730774, 0.9630188941955566, 0.9047533869743347, 0.19477903842926025, 0.004603292793035507, 0.9582197666168213, -0.7514563202857971, 1.4716187715530396, 0.1252918243408203, 1.3742259740829468, -0.22648969292640686, 0.018403291702270508, 0.632042407989502, -0.03572499006986618, -0.4553190767765045, -1.2490240335464478, -0.3056480288505554, -0.7283099889755249, 0.13149382174015045, -0.5397260785102844, -0.6641891002655029, 0.44452980160713196, -0.7250823378562927, 1.611193299293518, -1.360518217086792, 0.4783703684806824, -0.08178506791591644, -0.026501160115003586, -0.2669435143470764, -1.424553394317627, -0.9950120449066162, 0.38418135046958923, -1.8223378658294678, 0.9858387112617493, -0.4834510087966919, -0.4187021851539612, -0.38688308000564575, -0.3596777319908142, 0.4676749110221863, -1.1117050647735596, -0.2552633583545685, -0.38772332668304443, 0.22924424707889557, -0.8056992888450623, -0.9959053993225098, -0.07056726515293121, -0.4639584422111511, 1.0398001670837402, -0.4828115701675415, 1.115058422088623, -0.018828243017196655, -0.504605233669281, -0.664015531539917, 0.2559676766395569, -0.903432309627533, 0.3347534239292145, 0.8440166115760803, -0.7537930607795715, -0.1649097055196762, -0.1155720204114914, -0.00461425818502903, -0.6330297589302063, 0.9155030846595764, 1.0274312496185303, -1.3454804420471191, -0.09529122710227966, -0.23431889712810516, 0.9143832325935364, -0.16783030331134796, 0.1197500228881836, -0.022547252476215363, -0.020735282450914383, 0.06897766888141632, 0.4598856568336487, -0.10978738963603973, 1.1128473281860352, -1.5438227653503418, -1.6359803676605225, -0.14145269989967346, 0.3269740641117096, 0.22071871161460876, -0.306393027305603, 0.41536062955856323, 1.0698821544647217, -1.107500672340393, -0.17339974641799927, 0.2941390573978424, 0.4128221869468689, -0.06480351090431213, 1.0841370820999146, -0.1974552422761917, 0.4831872284412384, -0.4133507013320923, 0.14402763545513153, 0.3103530704975128, 0.9035096168518066, -0.3522440195083618, -0.3071179986000061, 0.20700958371162415, -0.2999659478664398, 0.16942541301250458, -0.9667408466339111, -0.2964343726634979, -0.32566145062446594, -0.1423873007297516, -0.9033562541007996, 0.47167104482650757, 1.3864814043045044, -0.46296828985214233, 1.0082319974899292, 0.9153486490249634, 0.508049488067627, 0.8378844261169434, 0.23371917009353638, 0.585985541343689, 0.32889261841773987, -0.09763550013303757, 0.7419038414955139, 0.7914509773254395, 0.8016456961631775, -0.4070556163787842, -0.8555454015731812, -0.20369936525821686, 0.5149056315422058, -0.1405494660139084, 0.8578106164932251, 0.14096993207931519, 0.9465088844299316, 1.2299619913101196, 1.5054404735565186, 0.022083193063735962, -1.7329262495040894, -0.43803417682647705, -1.4870243072509766, 0.1676579862833023, 1.308851718902588, 0.7023669481277466, 0.2019762098789215, 0.48535600304603577, -0.8643404245376587, 1.317832589149475, -1.1696323156356812, 0.5008540749549866, -0.21781301498413086, 0.05381448566913605, 0.7506682872772217, 0.5234600901603699, 1.1610054969787598, 0.08447963744401932, -0.1006922498345375, -0.8198124766349792, 0.18347063660621643, -0.6664981842041016, 0.7492720484733582, 0.2083062380552292, -0.6963485479354858, -0.09763219207525253, -0.2455621063709259, 1.8628714084625244, -0.5906400680541992, 1.1042113304138184, 0.042629458010196686, -0.39140307903289795, -0.5273544192314148, -0.9044914841651917, -0.039495375007390976, 0.1632215976715088, 0.2696930468082428, -0.5951247215270996, 0.0702499970793724, 1.0461399555206299, 0.9863072633743286, 0.32285767793655396, -0.9104912877082825, 0.02815774828195572, -1.1288188695907593, 0.5823441743850708, -0.06072637438774109, 0.14410465955734253, -0.5218648314476013, -0.13022685050964355, -0.3792843818664551, 0.5160320401191711, 0.630948007106781, -1.427460789680481, -0.45410487055778503, -0.19625510275363922, 0.22755742073059082, 0.9670133590698242, 0.8882429599761963, 0.2584339380264282, -1.4966543912887573, 0.9916362762451172, 1.7221407890319824, -0.7249276638031006, -0.4199915826320648, -0.39322903752326965, -0.25856566429138184, 0.07323648780584335, 1.1523123979568481]} +{"paper_id": "tuple_ie", "embedding": [-0.9365354180335999, 0.9646615982055664, 0.18498331308364868, -0.3560768663883209, 0.8159326910972595, -0.2160746157169342, 0.20928442478179932, 0.9015064239501953, 0.19455891847610474, 0.6100054979324341, -0.19211003184318542, 0.5171943306922913, 0.054467178881168365, 0.006683995947241783, -0.09012085199356079, -0.6214538812637329, -0.6938384175300598, -0.42267265915870667, -1.618799090385437, -0.6659047603607178, -0.32652002573013306, -0.6105249524116516, 0.5943775773048401, 0.3245651125907898, -0.9621385335922241, -0.6998767256736755, 1.1401509046554565, -1.1434301137924194, 0.023079577833414078, 0.13253289461135864, 0.06717101484537125, 1.4130780696868896, -1.6459718942642212, 0.6027941703796387, -0.22963839769363403, 0.07285478711128235, 0.09933869540691376, 1.5811792612075806, -0.5414593815803528, 0.523915708065033, -0.25786855816841125, 0.46275755763053894, 0.30699267983436584, 0.2680298089981079, 0.8473034501075745, -1.0376715660095215, -0.2370118349790573, 0.5676615834236145, -0.4809984564781189, -0.09834852814674377, -0.67552649974823, 0.5095022916793823, 0.456463485956192, 0.8212994337081909, -0.05408603698015213, 0.9706346392631531, 0.5398869514465332, -1.5523152351379395, 0.30440661311149597, -1.161417007446289, 0.9043590426445007, 1.3445926904678345, 0.3691893219947815, 0.4866659641265869, 0.9724776148796082, -0.20548944175243378, 0.9073722958564758, 0.12978781759738922, 0.12130577862262726, 0.7835063934326172, -0.3171132206916809, -0.8031076192855835, 0.32631397247314453, 0.254911333322525, 0.1481296569108963, 0.8061932325363159, 0.9228203296661377, 0.037262752652168274, 0.3174973130226135, 0.13351821899414062, -0.026090335100889206, 0.1356174498796463, 1.566514253616333, -0.6291512846946716, -0.2725887894630432, 0.17033222317695618, -0.029070857912302017, -0.5909572839736938, 0.2990882694721222, -0.7667778134346008, 0.3964296579360962, 0.3453725278377533, -0.5463760495185852, 0.039302244782447815, -0.3638456165790558, 0.6718375086784363, -1.4603321552276611, -0.14210841059684753, -0.028057105839252472, 0.37763169407844543, 0.4655606746673584, 0.01465119980275631, -0.159087672829628, -0.11595038324594498, -0.02205546200275421, 0.0844859778881073, 0.043815627694129944, 0.4187910556793213, -0.5527451038360596, -0.14824695885181427, -0.008160635828971863, 0.7426028847694397, 0.2589987814426422, 0.6950804591178894, -0.24117252230644226, 0.16098302602767944, 0.131498783826828, -0.5735553503036499, 0.050326261669397354, 0.3118397891521454, 0.7419130802154541, -0.9684610962867737, 0.009331099689006805, 0.13809558749198914, 0.6640498042106628, -0.5774522423744202, 0.30307552218437195, -0.0551934689283371, -0.22482390701770782, 0.28760072588920593, 0.6480939388275146, -0.37319040298461914, -0.16360802948474884, -0.08117592334747314, 3.138239622116089, -1.0122432708740234, 1.7125121355056763, -0.33373013138771057, -0.3410783112049103, -0.48617833852767944, -0.21930456161499023, 0.5196235179901123, 0.42862051725387573, -0.15727902948856354, -0.6258403658866882, 0.017836837098002434, 0.5845531821250916, 0.5242491364479065, -1.3740441799163818, -0.07852037250995636, -0.4841320514678955, 0.15276992321014404, -1.554824709892273, -0.17119190096855164, 0.4107706546783447, 0.18254485726356506, -0.42795202136039734, -0.40866968035697937, -0.7335323691368103, -0.5182180404663086, 0.09459589421749115, -0.8611998558044434, -0.22869977355003357, 0.4016377031803131, -0.40757739543914795, -0.6417014002799988, 1.2042100429534912, -0.14631369709968567, -2.0032153129577637, 0.622024416923523, -0.17324897646903992, 0.12903770804405212, -0.19804790616035461, -0.5145347118377686, 0.2940564453601837, 0.1980505883693695, 0.9525474905967712, 0.5235996246337891, -0.26635652780532837, -0.8208672404289246, -0.6837576627731323, -0.5736421942710876, -0.3325945734977722, 0.5710980296134949, -0.10393086075782776, 1.0235595703125, -2.6566569805145264, -0.1047004759311676, 0.4429711103439331, 0.45057913661003113, 0.38521867990493774, 0.4757137596607208, 0.1594744324684143, 0.5058284401893616, -0.5866047739982605, -0.8398374319076538, 0.06748618185520172, -1.8097655773162842, 0.48899567127227783, -0.09446712583303452, -1.0919760465621948, 0.6703024506568909, 0.0009425301104784012, 1.322657585144043, 0.7555410265922546, -0.38610216975212097, -0.8982693552970886, -2.3752846717834473, 0.17263729870319366, 1.8902665376663208, -0.18931350111961365, 0.13637393712997437, -1.1601078510284424, 0.089053213596344, -0.3213194012641907, 0.3215946853160858, 0.051398664712905884, -0.1477525234222412, 0.1827569305896759, -0.7731100916862488, 0.7039638757705688, -0.4867223799228668, 0.33345380425453186, 0.239109605550766, 0.760840654373169, -0.7377836108207703, 0.08872655034065247, -0.5065363645553589, -0.8316935896873474, 0.4618210792541504, 0.6050094366073608, -0.11583928763866425, 0.29163888096809387, 1.162453293800354, 0.6436827778816223, 0.7566960453987122, 0.435429185628891, 0.22741886973381042, -1.0597862005233765, 0.025200041010975838, -0.07396556437015533, 1.5473707914352417, 0.3846229910850525, 0.5282983779907227, 0.3738600015640259, -0.05726663023233414, -0.5400017499923706, -0.26830750703811646, 0.14625298976898193, -0.2069559395313263, 1.5051689147949219, 0.3341466784477234, -0.17007753252983093, 0.8995628952980042, -0.8141753673553467, -0.2702651023864746, -0.2667474150657654, -0.8038264513015747, -0.5592426657676697, -0.18532033264636993, 1.58376145362854, 0.3723616302013397, -0.04290379583835602, -0.1704660803079605, -0.7262148261070251, -1.4973870515823364, 0.030346885323524475, 0.2711813151836395, -0.12073427438735962, -1.0237778425216675, -0.07915549725294113, 0.4449865221977234, -0.7267404198646545, -0.5643919706344604, 0.049822788685560226, -0.11900061368942261, 0.12014876306056976, 1.2812917232513428, 1.199081540107727, -0.17842261493206024, 0.36585983633995056, 0.4964550733566284, 1.2332862615585327, -0.21726274490356445, 1.3535561561584473, -0.4201047122478485, -0.2767975628376007, -0.587857723236084, -0.251679927110672, -0.6061398983001709, 0.21196070313453674, 0.5269041061401367, -0.6271230578422546, 0.21235817670822144, 0.0724969357252121, -0.8727745413780212, 0.6353862881660461, 0.30260565876960754, -1.1725951433181763, 0.021869227290153503, 1.5021259784698486, -0.3304946720600128, -0.6253793239593506, 0.6476193070411682, -0.19280287623405457, -0.19443370401859283, 1.0483074188232422, 0.19073989987373352, 0.20088185369968414, -0.04797183349728584, -0.19942443072795868, 0.27112096548080444, 0.46138736605644226, -1.8201223611831665, 0.9701482057571411, 1.0607887506484985, -0.40936145186424255, -0.3458337187767029, -0.9203705191612244, -0.07946336269378662, -0.5512417554855347, 0.3021860420703888, 0.7291039824485779, -0.5150457620620728, 0.6236757040023804, -0.3088589012622833, 0.22210432589054108, 1.600568413734436, -1.3341606855392456, 0.45987454056739807, 0.3136426508426666, -0.018272653222084045, -0.6188075542449951, -0.41040274500846863, 0.4798964858055115, -0.24114592373371124, 0.17990225553512573, 0.22501569986343384, 0.9557329416275024, 0.8565785884857178, -0.3992670476436615, -0.0709274485707283, 1.0370864868164062, 0.9739741086959839, 0.8332085013389587, -0.40974968671798706, -0.8006686568260193, 0.4733721911907196, -0.5529417395591736, 1.2311041355133057, -0.37001606822013855, -0.6155610680580139, -0.5728800296783447, -0.6339101791381836, -0.4862017035484314, -0.9850587844848633, 1.8519282341003418, 0.6378271579742432, 1.5999637842178345, -0.6014935374259949, 0.2110188901424408, -0.9399788975715637, -0.6601252555847168, 0.7699017524719238, 0.8587536811828613, 0.08859074860811234, -1.1620466709136963, 0.3608614504337311, 0.6270716190338135, -0.12214367091655731, 0.32154515385627747, 0.29077401757240295, 0.7534385919570923, 0.5250602960586548, -0.7448692321777344, 0.3393300473690033, 0.6069145798683167, 0.361797034740448, 1.3615601062774658, -0.06646958738565445, -0.7563579082489014, -0.5598704218864441, -0.24917170405387878, -0.3065999746322632, -0.06642625480890274, -0.544708251953125, 0.7938711047172546, 0.03956883028149605, 0.3378698527812958, 0.25555920600891113, 1.2825376987457275, 1.370986819267273, -0.436824768781662, -2.5898525714874268, -0.1299191415309906, -0.3366347551345825, 0.06381847709417343, 0.0915629044175148, -0.14877836406230927, -0.8696737289428711, 0.6205599308013916, -0.13655498623847961, -0.665126621723175, 0.35788416862487793, -0.6850159168243408, -0.9746404886245728, 0.9764498472213745, 0.42468249797821045, -1.210917353630066, 0.2665657699108124, 0.11059902608394623, -0.9613770842552185, -0.45384839177131653, -0.762897789478302, -1.217963457107544, 0.8033303618431091, 0.6898965835571289, 0.8420566320419312, -0.26847970485687256, 0.4160946011543274, -1.2663497924804688, 1.118782639503479, 0.44359853863716125, -0.7341697216033936, 0.37412238121032715, 0.12231799960136414, 0.532400369644165, -0.2443983256816864, -1.5368268489837646, -0.9133325219154358, 1.0003942251205444, -0.5121839046478271, 0.11058125644922256, -1.1817715167999268, -0.5331522226333618, 0.03237893804907799, 0.15750965476036072, 0.5022017359733582, -0.7100138664245605, 0.26590752601623535, 0.16906365752220154, -0.07749859988689423, 0.9850246906280518, -0.9025696516036987, -0.951001763343811, 1.1545133590698242, -0.7194939851760864, 0.7942999601364136, -0.5625921487808228, 0.5715129971504211, 1.3449022769927979, -0.11389146000146866, -0.20568831264972687, -0.5392544269561768, -11.091931343078613, 1.3134435415267944, 0.08107589185237885, 0.25148338079452515, 0.6864098906517029, -0.5989217758178711, 0.6407138705253601, -0.7814182639122009, 0.5417149066925049, -0.5945045351982117, 0.27729830145835876, 1.7455825805664062, 0.675498366355896, 0.08282021433115005, -1.2966779470443726, -2.291330337524414, -0.18076515197753906, -0.4696130156517029, 0.09532992541790009, 0.1417948305606842, -0.2399185597896576, -1.3472087383270264, 0.01756732165813446, 0.1293119490146637, 0.4220203757286072, -0.11029013991355896, -0.4414527416229248, -0.030575748533010483, -0.6448280215263367, -0.3297891914844513, 0.702579140663147, -0.04295426234602928, -0.4144446849822998, -0.07745372503995895, -1.2632642984390259, -0.510770320892334, 0.2014196366071701, -0.19967973232269287, 0.3500552773475647, 0.023640329018235207, -0.6217749118804932, 0.6906642913818359, 0.7659072279930115, -0.3259694278240204, -0.4971303343772888, 0.8742614388465881, 0.09902181476354599, -0.9480029344558716, 0.6659373641014099, 0.1394340693950653, -0.819850742816925, -0.3728858530521393, -0.523081362247467, -0.22782178223133087, -0.18862970173358917, 0.732934296131134, -0.867656946182251, -0.8626776933670044, -1.1412354707717896, -0.6629406213760376, 0.37334200739860535, 0.23460426926612854, -0.4058215916156769, 0.97831130027771, 0.01345067098736763, -0.2756684124469757, 0.024542629718780518, 0.30280277132987976, -0.6516311764717102, 0.3872426152229309, -0.7155996561050415, 0.823538601398468, -0.10985592752695084, -0.15130990743637085, -0.8311632871627808, -0.05818253010511398, -0.7999014258384705, 0.09461817890405655, 0.46458539366722107, -0.04099026694893837, -1.024917721748352, 1.3259600400924683, 0.6268414258956909, -0.8521803021430969, -1.2499839067459106, 0.5955657362937927, -0.10086654871702194, 0.36177510023117065, 0.6428922414779663, -0.7351517081260681, 1.4141513109207153, 0.8116962313652039, -0.9739174842834473, -0.5255215764045715, -0.04819423705339432, 0.759912371635437, 0.424104779958725, 0.6984733939170837, -0.21237260103225708, -0.41445884108543396, -0.01777750998735428, -0.707333505153656, -0.9241241216659546, 0.3297535181045532, 0.537457287311554, 0.8572098612785339, 0.7565741539001465, 0.0414305180311203, 0.05209242179989815, -0.32610154151916504, 0.9720622301101685, 0.49365055561065674, -0.025513991713523865, 1.3333948850631714, -0.5650432705879211, 0.19262179732322693, 0.41734975576400757, 0.014005899429321289, -0.16962100565433502, 1.304547667503357, 0.2188827097415924, 0.7873364090919495, -0.3157521188259125, 1.4038037061691284, -0.6906028389930725, 0.3327946364879608, 1.0961308479309082, 0.4403339624404907, 0.15947869420051575, -1.4810802936553955, -0.2925969958305359, 0.1189732551574707, 0.4667870104312897, -0.817829966545105, -0.45696428418159485, -0.11217435449361801, 0.0021102875471115112, 1.0580501556396484, -0.6465997099876404, -0.5677280426025391, -0.23066698014736176, -0.31711316108703613, -0.4204008877277374, -0.8422995209693909, -1.1568272113800049, 0.45062005519866943, -1.1913095712661743, 0.47158142924308777, -0.5548824071884155, -0.7623552083969116, -0.4761516749858856, -0.8973727822303772, 0.9814196825027466, -0.40791428089141846, -0.47640976309776306, -0.6124142408370972, 0.6401273012161255, 0.10029046982526779, -0.9507641196250916, 0.4347725510597229, -0.28870147466659546, 0.8994272351264954, -0.9656979441642761, 1.1780586242675781, 0.1308702528476715, -0.32306063175201416, -0.48382240533828735, -0.23989279568195343, -0.18717463314533234, -0.464204877614975, 0.5790558457374573, -0.5585683584213257, -0.15883269906044006, -0.230595663189888, 0.3679436147212982, -0.21400001645088196, 0.5776563882827759, 0.9115288257598877, -0.864909827709198, -1.018653392791748, -0.13881027698516846, 0.9551374912261963, 0.32567495107650757, -0.412387490272522, -0.6119758486747742, 0.22903519868850708, 0.414490282535553, 0.7614701986312866, -0.06919799000024796, 1.004607081413269, -1.3854416608810425, -1.1102690696716309, -0.6059726476669312, 0.5513182878494263, 0.9937474727630615, 0.11727942526340485, 0.9933838248252869, 0.6065637469291687, 0.16799360513687134, 0.43224114179611206, 0.6310964822769165, 0.9123287796974182, 0.8029629588127136, 0.7987708449363708, -0.12067149579524994, 0.7729922533035278, -0.8633389472961426, -0.41793739795684814, 0.22688765823841095, 1.0327086448669434, -0.8064293265342712, 0.15314128994941711, 0.2365986555814743, -0.23048608005046844, 0.16222378611564636, -1.3599711656570435, -0.15435189008712769, -0.8658008575439453, -0.3766726851463318, -1.28135347366333, 0.477289080619812, 0.8708534836769104, -0.5999416708946228, 0.8138435482978821, 0.5847585201263428, 0.7045912742614746, 0.2999284565448761, 0.8666715025901794, 0.9991660714149475, -0.034284185618162155, -0.2531880736351013, 0.6759882569313049, 0.43207740783691406, -0.23431959748268127, 0.03270546346902847, -1.239359974861145, 0.09741997718811035, 0.5482171177864075, 0.10727541148662567, 0.9082832336425781, 0.057240307331085205, 1.3619798421859741, 0.7469265460968018, 1.0547529458999634, -0.2578716576099396, -1.4760757684707642, -0.17693829536437988, -1.4067267179489136, 0.8281363248825073, 0.38484978675842285, 0.8415525555610657, -0.1584770828485489, 0.6147622466087341, -0.1523577719926834, 1.321185827255249, -0.7989473938941956, 0.3147801458835602, -0.0465499609708786, -0.24653472006320953, 0.9480910301208496, 0.8835632801055908, 0.2552580237388611, 0.0715811550617218, -0.04501468688249588, -0.5396778583526611, -0.07996965944766998, -0.8784224987030029, 0.8701146841049194, 0.30420398712158203, -0.3826327323913574, -0.3367019593715668, -0.30254924297332764, 1.5125117301940918, -0.8418562412261963, 0.46349573135375977, -0.5291473865509033, -0.5504694581031799, -0.3698301315307617, -0.2484682947397232, 0.05286248028278351, 0.6443663239479065, -0.04887167736887932, -0.48953568935394287, 0.05587554723024368, 0.7743663787841797, -0.4557938873767853, 0.15931445360183716, -0.16083624958992004, -0.11987932026386261, -1.2017297744750977, 0.46943312883377075, -0.18794120848178864, -0.4966370165348053, -0.9837509393692017, -0.5171603560447693, -0.23757509887218475, 0.09943433851003647, -0.7417802214622498, -0.49419355392456055, -0.5834836363792419, -0.12044002115726471, -0.7419002056121826, 0.6803691387176514, -0.17529551684856415, -0.3485827147960663, -1.2939010858535767, 0.6541871428489685, 1.300189733505249, -0.02201092801988125, -1.1057192087173462, 0.11822361499071121, 0.2841061055660248, -0.1495959311723709, 0.1698382943868637]} +{"paper_id": "wi_locness", "embedding": [0.3579879403114319, 1.7022109031677246, -0.1807766705751419, 0.001675248146057129, 0.653552770614624, -0.061490099877119064, 0.8029031753540039, 0.5666528940200806, 0.42708495259284973, 0.5047869682312012, -0.28799179196357727, -0.2716735899448395, 0.06254426389932632, 0.3355445861816406, -0.38819795846939087, -1.0753413438796997, -1.320520281791687, 0.4756060540676117, -1.9003543853759766, 0.17908191680908203, -1.1160975694656372, -0.674324095249176, 0.08174079656600952, 0.6877562999725342, -0.7494441270828247, -0.9672872424125671, 0.02599804475903511, -1.0199593305587769, -0.36046141386032104, 0.13019630312919617, -1.1028552055358887, 1.1413538455963135, -1.1432312726974487, 0.5311525464057922, -0.5237812995910645, -0.9895560145378113, 0.15083597600460052, 0.8058599829673767, -0.38602396845817566, 0.057487986981868744, -1.083687424659729, -0.43940469622612, 0.2669924795627594, -0.4953537881374359, 0.6298089027404785, 0.0002677217125892639, 0.08421099185943604, -0.29132893681526184, -0.011192210018634796, -0.05588902533054352, -0.7654483914375305, 0.6183465719223022, -0.22232794761657715, -0.41534096002578735, -0.06387031823396683, 0.1259405016899109, 0.7520270943641663, -0.8021671175956726, 0.7143605351448059, -0.2607010006904602, 1.2702147960662842, 1.198039174079895, -0.048450544476509094, -0.08233098685741425, 1.0037577152252197, 0.07150730490684509, 1.4012864828109741, 0.23153872787952423, 0.12401682138442993, 0.26242995262145996, -0.5080580711364746, -0.7579940557479858, -0.40847277641296387, -0.16174441576004028, 0.7668273448944092, 0.6052677631378174, 0.2650798261165619, 0.13339164853096008, 0.6414343118667603, -0.6392329931259155, -1.169647455215454, 0.6721088886260986, 0.731559157371521, 0.010075874626636505, 0.3986488878726959, -0.37341463565826416, 0.586227297782898, -0.5080683827400208, -0.0214619692414999, -1.2356047630310059, 0.45025694370269775, 0.30388572812080383, 0.7624662518501282, 0.758626401424408, -0.7472982406616211, 0.7419560551643372, 0.013158455491065979, 0.3966604769229889, -0.3212399482727051, 0.06854119896888733, 0.8293454647064209, -0.09322240948677063, 0.2853367328643799, -0.20464351773262024, 0.16589027643203735, 0.2243393212556839, -0.18993106484413147, -0.19704940915107727, -1.2924995422363281, -0.5434795022010803, 0.5991404056549072, 0.987777054309845, -0.22793163359165192, 0.7688820362091064, -0.14304576814174652, 0.4060179591178894, 0.2991669774055481, -0.8251413106918335, -0.7450323104858398, -0.4173077344894409, -0.567929208278656, -0.9700709581375122, -0.6998408436775208, -0.6816198229789734, 1.090484857559204, -0.5540210604667664, -0.06220908463001251, -0.8198197484016418, 0.49595940113067627, 0.039654068648815155, 1.4857844114303589, 0.30216971039772034, -0.4827069044113159, -0.16799990832805634, 2.854829788208008, -0.5770853757858276, 0.8318008780479431, -0.7522132992744446, -0.21802128851413727, -0.7588801383972168, 0.4967103898525238, 1.8492242097854614, -0.2496287226676941, -0.21576310694217682, -0.26780468225479126, -0.14722006022930145, -0.7290681004524231, -0.029985563829541206, -0.9225534200668335, -0.5846424102783203, 0.20081238448619843, 0.3997299075126648, -1.4383776187896729, -0.38698410987854004, -0.06351128220558167, -0.13822470605373383, 0.40326523780822754, 0.8384804129600525, -0.5264237523078918, -0.17021197080612183, 0.5835565328598022, -0.3373628258705139, -0.010956913232803345, 0.6610540151596069, -0.5107547640800476, -0.47154417634010315, 1.552950382232666, -0.19126054644584656, -1.4551341533660889, -0.1396622359752655, 0.6020376086235046, -0.3045107126235962, -0.6107107996940613, 0.2282918095588684, 0.10230598598718643, -0.006210140883922577, -0.03087226301431656, 0.566204845905304, -0.0682954415678978, -0.6309163570404053, 0.5130261778831482, -0.15636275708675385, -0.20023483037948608, 0.7419469952583313, -0.07822392135858536, 1.247329831123352, -2.382401704788208, -0.39438825845718384, -0.26363876461982727, 0.609214186668396, -0.7148544788360596, -0.38132521510124207, 0.8293139338493347, 1.1036900281906128, 0.6099182963371277, -0.6805741786956787, 0.7406116127967834, -1.209590196609497, 0.7467484474182129, 0.5186251997947693, 0.5667114853858948, -0.2446044534444809, 0.512118399143219, 0.7173480987548828, 0.09455207735300064, -0.6288304924964905, -0.9835730195045471, -1.6388643980026245, -0.17648369073867798, 2.4204084873199463, -0.6730490326881409, 0.2743712067604065, -0.5357901453971863, -0.8409058451652527, -0.4499477446079254, -0.3020915985107422, 0.6935518980026245, -0.7418476343154907, -0.9486120343208313, -0.8733841180801392, 0.1910269856452942, -0.9062007069587708, -0.5789996385574341, 1.2505431175231934, 1.4680702686309814, -0.16156020760536194, -0.7743390798568726, -0.11099958419799805, -0.263290673494339, -0.27237367630004883, 0.5772655010223389, 0.10695589333772659, 0.07446540892124176, 0.3949502110481262, 0.1164829432964325, 0.7754098773002625, 0.6325031518936157, 0.609201967716217, -0.24712732434272766, -0.08153782784938812, 0.6116378903388977, 0.6939582824707031, -0.13432131707668304, -0.607563853263855, 0.3100470304489136, 0.4829273223876953, -0.5255659818649292, -0.5933576226234436, -0.3671836256980896, 0.14241284132003784, 1.1482657194137573, 0.17495471239089966, -0.7678788304328918, 0.8171899318695068, -1.2616864442825317, 0.32626521587371826, 0.03267691284418106, -0.47995781898498535, -0.4985148310661316, -0.340082049369812, -0.1989607959985733, -0.25952470302581787, 0.37520918250083923, -1.1239871978759766, -0.2227231115102768, -0.7146105766296387, -0.8392494320869446, -0.7850559949874878, 0.03104504942893982, -1.1139668226242065, -0.30493587255477905, 0.20390909910202026, -1.9336352348327637, 0.132552370429039, 0.4204164445400238, -0.2686164081096649, -0.34369441866874695, 0.9207509756088257, 1.5523449182510376, -0.21828241646289825, -0.15265101194381714, 0.6315429210662842, 0.47805720567703247, -0.1516554057598114, 0.8375777006149292, 0.07299326360225677, 0.10093464702367783, -0.32262852787971497, -0.08276286721229553, -0.8675252199172974, 0.14089572429656982, 0.9236211180686951, 0.0010828301310539246, 0.4150979220867157, -0.27255621552467346, -1.0164109468460083, 0.3445093035697937, -0.3554796278476715, 0.7528456449508667, -0.971697211265564, 1.7535476684570312, 0.8797174096107483, 0.3950410485267639, 0.8861561417579651, -0.5908388495445251, -0.32188430428504944, 1.0647144317626953, -0.9020380973815918, -0.041799433529376984, -0.49005013704299927, -1.0807185173034668, 0.46354538202285767, 0.7898724675178528, -1.9489386081695557, 1.1758043766021729, 0.9465138912200928, 0.12894117832183838, 0.14176444709300995, -0.16485075652599335, 0.28752046823501587, -0.7530266046524048, 0.1141929030418396, 0.49958714842796326, -1.19081711769104, 0.8750093579292297, -0.19928035140037537, 0.07234904170036316, 0.26687225699424744, -0.7096684575080872, 0.6868656277656555, 0.48969337344169617, 1.0105160474777222, -1.372267723083496, -0.32261553406715393, 0.6006953120231628, -0.8548169732093811, 0.214363232254982, 0.3354506492614746, 0.6550332903862, 0.6427294015884399, -0.1709749698638916, 0.0778338611125946, 0.11334273219108582, 1.4238189458847046, 0.08385948091745377, 0.22328001260757446, -0.25422996282577515, 0.07232195883989334, -0.15202707052230835, 1.3487136363983154, -0.10482555627822876, -0.5473830699920654, -0.8585038781166077, -0.7500640153884888, -0.6840729117393494, 0.08593114465475082, 1.0678908824920654, 0.16336886584758759, 1.147040843963623, 0.8715522289276123, 0.3747839331626892, -0.33674493432044983, -0.3209281861782074, 0.42138180136680603, 0.30119258165359497, 0.44440925121307373, -0.07574169337749481, 0.7072063684463501, 0.3094182014465332, 0.6295238733291626, -0.9710105657577515, 0.46074262261390686, 0.6404064893722534, -0.4241567552089691, -0.9449979066848755, 0.47426339983940125, 0.7107728123664856, 1.3704639673233032, 2.061112403869629, -0.18337324261665344, -0.10743816196918488, -0.5458726286888123, 0.33408764004707336, -0.2760286331176758, 0.7219874262809753, 0.24062269926071167, 0.39746996760368347, 0.6348711252212524, 0.7932549118995667, 0.1607341766357422, 0.8501707911491394, 0.7214803695678711, -0.6610037684440613, -1.422601580619812, -0.30285170674324036, -0.4843490421772003, -0.5187337398529053, -0.32998165488243103, 0.08619877696037292, -0.5628451704978943, 0.7168444991111755, -0.4845011532306671, -1.346255898475647, -0.14690259099006653, -0.1609838604927063, -1.352227807044983, 1.1123592853546143, 0.9024107456207275, -0.8759487867355347, 0.324442982673645, 0.20798484981060028, -0.7790307402610779, -0.3015756607055664, 0.01572638377547264, -0.8662427663803101, 0.5271129608154297, 0.8700860738754272, 0.8480314016342163, 0.3447057008743286, 0.14727111160755157, -0.8044249415397644, 0.4101299047470093, 1.837270736694336, -1.4665576219558716, 0.640947699546814, -0.23748649656772614, 0.48879140615463257, -0.23345577716827393, -1.16262686252594, -0.6649984121322632, 0.9811566472053528, -0.4104417562484741, -0.13610488176345825, -0.8170793056488037, -0.08677644282579422, 0.2723023295402527, 0.4314414858818054, 0.4341307282447815, -0.7951669692993164, 0.27840232849121094, -0.8548386096954346, 0.714335024356842, 0.9791172742843628, -1.6326897144317627, -0.39258208870887756, 1.0495861768722534, -0.7919427156448364, 0.1934199184179306, 1.1423386335372925, -0.21888259053230286, 0.7069633603096008, 0.19884470105171204, -0.13165001571178436, -0.7769998908042908, -10.548965454101562, 0.7709282040596008, 0.00222029909491539, -0.5003367066383362, 0.01432255282998085, -0.2566883862018585, 0.4605066776275635, 0.2670961022377014, 0.0346297062933445, -0.532356858253479, 0.09870634973049164, 2.0882070064544678, -0.10036032646894455, -0.4298137128353119, -0.42370522022247314, -0.1943698674440384, -0.6319575309753418, -0.737994909286499, 0.6331685781478882, 0.7460734248161316, -1.4440053701400757, -1.4251033067703247, 0.16952188313007355, -0.5420377850532532, 0.6130576729774475, -0.9486992955207825, -0.5319793224334717, -0.36709755659103394, -0.13760122656822205, 0.6068862676620483, 0.05941903591156006, 0.021939188241958618, -0.9700832962989807, -0.9068589210510254, -0.3520493507385254, -0.08447687327861786, -1.0668503046035767, -0.3884730637073517, 0.9194725751876831, -0.3337353765964508, 0.03204185515642166, 0.6021206974983215, 0.06358832865953445, -1.3938902616500854, -0.7043832540512085, -0.30795907974243164, -0.2307557463645935, -0.8129034638404846, 0.3176405727863312, -0.508575975894928, -0.20629839599132538, -0.5841101408004761, -1.4465138912200928, -0.7786312699317932, 0.7307199239730835, 0.14527663588523865, -0.896233320236206, -0.030825596302747726, -0.6791754364967346, -0.20404350757598877, 0.1790260672569275, -0.1534087210893631, -0.4266427457332611, 0.5561439990997314, 0.8391252756118774, -0.6265630125999451, 0.6895082592964172, 0.5947252511978149, 0.7038588523864746, 0.7657819986343384, -1.0850552320480347, 1.297786831855774, 0.39490780234336853, 0.2874677777290344, -0.6661731004714966, -0.49261415004730225, -0.02774962969124317, -0.2334064543247223, 0.08983248472213745, -0.1226782351732254, -1.162596344947815, 0.8384941816329956, 0.1703704297542572, -0.03862693905830383, -1.0620670318603516, 0.8177075982093811, -0.4674937427043915, 0.026913370937108994, 1.256500244140625, -0.12325029075145721, 1.4712039232254028, -0.3779134750366211, -0.44880735874176025, -0.5804243087768555, -0.43499040603637695, 0.5711727738380432, -1.2480697631835938, 0.9478930830955505, 0.6857202053070068, -1.3117586374282837, 1.2581043243408203, -0.2449091076850891, -0.3984404504299164, 0.680375874042511, 0.8549370765686035, 0.02045992761850357, 0.4554481506347656, -0.23525311052799225, 0.1656278818845749, -0.8995117545127869, 0.6800713539123535, -0.13729724287986755, 0.4100683927536011, 0.6346256732940674, -0.11567340046167374, 1.48480224609375, 1.1979262828826904, 0.251211553812027, 0.31400811672210693, 0.17311836779117584, -0.29319125413894653, 1.0023236274719238, 0.3974107801914215, 2.5135068893432617, 0.0845276415348053, 0.6271078586578369, 0.6961266994476318, 0.16762548685073853, 0.19295401871204376, -1.115755558013916, 0.8206332325935364, -0.09124208986759186, 0.3738343119621277, -0.9539715051651001, -0.30030712485313416, -0.3842676877975464, -1.1964901685714722, 1.0675221681594849, -0.34600716829299927, 0.052421972155570984, 0.04726941138505936, 0.08955234289169312, -0.43709006905555725, -0.0073995441198349, -1.2958227396011353, 1.1651098728179932, -1.7643803358078003, 0.2620094120502472, -0.23213204741477966, -0.5705040097236633, 0.35982954502105713, -0.665515661239624, 0.3354918658733368, -0.6063998341560364, 0.2635565400123596, -0.393596351146698, 0.9021487236022949, -0.6162649393081665, -0.09124085307121277, -0.3541843891143799, 0.7682734727859497, 1.1430301666259766, -0.23618772625923157, 0.7884175181388855, 0.635922908782959, -0.2623872458934784, -0.43029075860977173, -0.017316117882728577, -0.3157165050506592, 0.8388053178787231, 1.3892719745635986, -1.336564540863037, -1.0216939449310303, -0.3195503056049347, 0.8013109564781189, 0.19575130939483643, 0.37834563851356506, 1.4295731782913208, -0.747875988483429, 0.08116611838340759, -0.608863890171051, 0.6242711544036865, 1.1641658544540405, -1.6802806854248047, -1.0328181982040405, 0.28882238268852234, 0.07729284465312958, 0.3862247169017792, 0.49083319306373596, 0.6148531436920166, -0.9580052495002747, -0.8462468981742859, 0.19567042589187622, -0.49095532298088074, 0.04927881062030792, -0.17583537101745605, 1.2319000959396362, -0.2787017822265625, 0.07220940291881561, -0.012450199574232101, 0.21160367131233215, 1.3985835313796997, -0.30258792638778687, 0.09631851315498352, -0.5598933696746826, 0.634993314743042, -0.49651387333869934, 0.35044318437576294, 0.9569547772407532, 1.0677344799041748, -0.777105987071991, 0.2018403559923172, -0.1716734617948532, 0.2517123520374298, 0.05561045929789543, -1.070786714553833, -0.8062912821769714, -0.7287374138832092, -0.9764864444732666, -1.382006287574768, 0.7346930503845215, 1.2075594663619995, 0.059234291315078735, 0.48599231243133545, 0.9413443803787231, 0.39495688676834106, 0.7089646458625793, 0.4715316891670227, 1.1165422201156616, -0.05347954109311104, -0.2198139727115631, -0.3691653907299042, 0.1924794465303421, 0.32646211981773376, 0.17638055980205536, -0.041311006993055344, -1.2442057132720947, -0.5569437146186829, -0.9762639403343201, 0.8565050959587097, -0.9377962350845337, 0.42544952034950256, 0.2510855793952942, 1.0349881649017334, 0.4713406562805176, -1.2457823753356934, 0.6151092052459717, -0.9418496489524841, 0.05854225531220436, -0.02605755627155304, 0.27591297030448914, 0.21736356616020203, 0.5196223258972168, -0.16757749021053314, 1.243839144706726, -0.10010161995887756, 0.12612152099609375, -0.5812252759933472, -0.13083040714263916, 1.290571689605713, 0.6450469493865967, 0.06666481494903564, 0.24419432878494263, -0.46779534220695496, -1.332014560699463, -0.9026098251342773, -0.8651182651519775, 1.5076662302017212, 0.7073842287063599, -0.36901116371154785, 0.09762075543403625, -0.3717336058616638, 0.2723487615585327, -0.36292600631713867, 1.3520944118499756, -0.22284875810146332, -0.0381099134683609, -1.226698875427246, -0.8425776362419128, 0.24187375605106354, 1.10435950756073, -0.38726380467414856, 0.8648621439933777, -0.8167765736579895, 0.4627310633659363, -0.5124655365943909, -0.26077207922935486, -0.7948081493377686, 0.38975024223327637, -0.5844942927360535, -0.31726163625717163, 0.5890251398086548, -0.8739210963249207, -1.2454910278320312, -0.07178494334220886, -0.6999486088752747, 0.4536270201206207, -0.5837326645851135, -1.105129361152649, 0.4907561242580414, 0.6471574306488037, 0.2571580410003662, -0.3078514039516449, 0.43650031089782715, 0.44902753829956055, -1.1512516736984253, 1.2128691673278809, 0.385256290435791, -1.079756736755371, 0.12198830395936966, 0.11728579550981522, 0.8908724784851074, 0.01288406178355217, 1.8536698818206787]} +{"paper_id": "casino", "embedding": [-0.5628345012664795, 0.04795888438820839, 0.04211948439478874, 0.39579808712005615, 0.8556695580482483, 0.5705678462982178, 0.7569876909255981, -0.15621882677078247, 0.7396297454833984, 0.4356062114238739, 0.004385001957416534, -0.49905651807785034, -0.40123283863067627, -0.8580287098884583, 0.023744188249111176, -0.30234500765800476, -1.705931305885315, -0.41521838307380676, -1.5074083805084229, -0.04580758512020111, -0.954065203666687, -0.5525654554367065, -0.11902515590190887, 1.1736183166503906, -0.31005704402923584, -0.7465404272079468, 0.44676631689071655, -0.38988521695137024, 0.31901031732559204, 0.13542823493480682, -0.39365237951278687, 2.1602773666381836, -1.213024377822876, 0.6682590842247009, -0.5965298414230347, -0.8814363479614258, -0.6698223948478699, 0.6912057399749756, -0.8700973391532898, 0.5387914180755615, -0.38111332058906555, 0.26847419142723083, 0.3209037482738495, 0.938907265663147, 0.34841400384902954, 0.631855845451355, 0.041083455085754395, 0.3607773780822754, -0.2827439308166504, 0.19824735820293427, -0.6736202836036682, 0.3079036474227905, -0.17623558640480042, 0.2858904302120209, 0.06407599151134491, 1.2643413543701172, -0.2620024085044861, -1.0322434902191162, 0.41820016503334045, 0.05631064623594284, 1.0227419137954712, 1.2253265380859375, 0.339923620223999, 0.3459300994873047, 1.1324282884597778, -0.2945559620857239, 1.579175353050232, -0.16993464529514313, 0.1478392779827118, 1.1895720958709717, -0.5527698397636414, -1.162000060081482, 0.6603135466575623, 0.2069624960422516, -0.44594070315361023, 0.5277388095855713, 0.7584862112998962, 0.8133928179740906, -0.6271455883979797, 0.3692483901977539, 0.7579241394996643, 0.2071004956960678, 0.6521622538566589, -0.5941275954246521, 0.6011765599250793, 0.7361762523651123, 1.4024362564086914, -0.9891309142112732, 0.4203057885169983, -2.083232879638672, 0.6877698302268982, 0.5968348383903503, 0.37839487195014954, 0.17705097794532776, -0.34341737627983093, 0.5186545252799988, -0.3795032501220703, 0.3172074556350708, -0.45606645941734314, -0.0026859818026423454, 0.31777864694595337, -1.069066047668457, 0.32440367341041565, -0.4896903932094574, 0.04462294653058052, 0.3881969749927521, 0.7694222927093506, 0.04858766868710518, -0.6019115447998047, -0.06601198017597198, 0.210283100605011, 1.0180963277816772, 0.13455696403980255, 0.5201752185821533, -0.0065923817455768585, 1.0716313123703003, -0.43014034628868103, -1.2150452136993408, -0.06295238435268402, 0.12037840485572815, -0.12403571605682373, -0.5188841819763184, -0.19265618920326233, -0.2878879904747009, 1.0573463439941406, 0.13838589191436768, -0.18070504069328308, -0.6373869776725769, -0.4391111135482788, -0.0331488735973835, -0.14766228199005127, -0.691341757774353, -0.8685280680656433, 0.34250831604003906, 2.9884185791015625, -1.1704955101013184, 1.6847065687179565, -1.356307029724121, 0.18287408351898193, -0.3276636600494385, 0.248273104429245, 1.368615746498108, -0.6547917723655701, -0.755107581615448, -0.6941312551498413, 0.014829695224761963, -0.6336551308631897, -0.07798690348863602, -0.46867460012435913, -0.6119641661643982, -0.084510937333107, 0.7545694708824158, -1.2235616445541382, -0.04978213459253311, 0.12792062759399414, -0.20477545261383057, 0.4227471351623535, 0.7261742949485779, -0.5669318437576294, 0.33174413442611694, 0.27325916290283203, 0.288152813911438, -0.12435047328472137, 0.3370716869831085, -0.8211236596107483, -0.22189359366893768, 1.049001693725586, -0.25567808747291565, -1.3718737363815308, -0.05901355668902397, 0.7206846475601196, 0.23809662461280823, 0.29314154386520386, -0.11481555551290512, -0.6201702356338501, -0.08125782012939453, 0.5451064705848694, 1.7267838716506958, 0.3142704367637634, -0.8651478886604309, -0.48411089181900024, -0.46854788064956665, -0.10554707050323486, 0.5065352320671082, -0.43617236614227295, -0.39676445722579956, -2.4891951084136963, 0.26208823919296265, -1.1472643613815308, 1.2449873685836792, 0.16652843356132507, -0.05529150366783142, 0.31761887669563293, 0.13265769183635712, 0.48011869192123413, -0.5047678351402283, 1.0776880979537964, -1.5207940340042114, 0.046151161193847656, 0.12866654992103577, -0.09803865104913712, -0.5035876035690308, 0.015923548489809036, 1.3441752195358276, 1.1047251224517822, -0.12969626486301422, -0.27562445402145386, -1.447548270225525, 0.23583856225013733, 2.3476405143737793, 0.4877300262451172, -0.7213562726974487, -0.3161871135234833, -0.30777567625045776, 0.09936108440160751, 0.13069811463356018, 0.6195172071456909, -1.1460356712341309, 0.2534886300563812, -1.5436309576034546, 0.20632705092430115, 0.07758066803216934, 0.30983006954193115, 1.1579004526138306, 1.1395238637924194, -0.9268305897712708, -0.15039724111557007, -0.44212278723716736, -0.48632118105888367, 0.22516857087612152, 0.16346482932567596, -0.13899770379066467, 0.562623918056488, 0.43455517292022705, 0.8216328024864197, 0.5619897842407227, 0.6795279383659363, 0.40774574875831604, -0.686172366142273, 0.47290050983428955, 0.34055599570274353, 0.4112160801887512, -0.44796693325042725, 0.16848623752593994, 0.4695858955383301, 0.4021524488925934, 0.02457912266254425, -0.9620674252510071, -0.4415724277496338, -0.32220762968063354, 1.4775733947753906, 0.6210029125213623, -0.8429673910140991, 0.21574720740318298, -0.2516181468963623, -0.4911060035228729, 0.009800061583518982, -0.21869510412216187, -0.26165124773979187, -0.3466714024543762, 1.077864646911621, 0.7907285094261169, -0.0523611381649971, -0.7243226766586304, -0.02112894505262375, -0.9710032939910889, 0.0401860773563385, 0.07893390208482742, -0.11784954369068146, -0.9780919551849365, -0.11685537546873093, -0.3455274701118469, -0.888164758682251, -0.22531983256340027, -0.49966999888420105, 0.1880234330892563, -0.33160367608070374, 0.370184063911438, 1.4782264232635498, 0.08856303989887238, -0.49246343970298767, 0.05813954770565033, 1.2285724878311157, -0.32856717705726624, 0.9844546318054199, -0.7366607189178467, 0.27255651354789734, -0.2130231261253357, 0.42630699276924133, -0.6370496153831482, -0.29855915904045105, 0.4225007891654968, -0.1440618336200714, 0.4091641902923584, -0.2219567894935608, -0.3047749996185303, 1.040372371673584, -0.3368636667728424, 0.520891010761261, -0.13787555694580078, 1.7034848928451538, 0.44715309143066406, -0.6879040002822876, 1.5003986358642578, -0.5178844928741455, 0.27817216515541077, 0.8435075879096985, 0.1150740534067154, -0.21870504319667816, 1.0857409238815308, -0.19774535298347473, -0.050229836255311966, 0.6614019870758057, -2.277144193649292, 0.03424789756536484, 0.2831210196018219, 0.023332279175519943, 0.10490265488624573, -1.0324716567993164, 0.4567457437515259, -0.5866825580596924, -0.7298812866210938, 0.1258087307214737, -0.19606775045394897, 0.14846226572990417, -0.41470780968666077, -0.4142840504646301, 0.7875640988349915, -0.6935088634490967, -0.3215855360031128, 0.6184671521186829, 0.14971289038658142, -1.4402906894683838, -0.5657246708869934, 0.46491989493370056, -0.4064843952655792, 0.3561263978481293, 0.5029271841049194, 1.0257859230041504, 0.8211138248443604, -0.19939929246902466, -0.06327167898416519, 1.0948237180709839, 0.5280904769897461, 0.22524866461753845, -0.33119651675224304, 0.04093795642256737, 0.3364015519618988, -1.07826828956604, 1.0698202848434448, 0.19854873418807983, -0.4352526366710663, -1.4494764804840088, 0.04722129553556442, 0.21289698779582977, -0.6664876937866211, 1.2155964374542236, 0.23391205072402954, 0.9586777687072754, -0.07062887400388718, 0.41866636276245117, -0.31160786747932434, 0.058900270611047745, 1.081120491027832, 0.30399665236473083, -0.12034547328948975, -0.4726269841194153, 0.07897977530956268, 0.3015662133693695, -0.05978158861398697, -0.7512400150299072, -0.4002896547317505, 1.226118564605713, -0.032157618552446365, -0.41446390748023987, -0.22503073513507843, 0.9685665965080261, -0.38934677839279175, 0.8240562081336975, -0.7949570417404175, -0.6319727897644043, 0.056786954402923584, 1.0520590543746948, 0.64410001039505, 0.21789085865020752, -0.9776474237442017, 0.7530357837677002, 0.3087320029735565, 0.7451136708259583, -0.03355566784739494, 1.0458844900131226, -0.23318374156951904, -0.5366288423538208, -1.0073068141937256, 0.07226409018039703, -0.8200216889381409, -0.3499455749988556, 0.37585583329200745, -0.5806290507316589, -0.4252042770385742, 1.002179503440857, -0.13964053988456726, -0.2040662318468094, 0.9423185586929321, -0.3693692982196808, -0.8917796611785889, 0.5005481243133545, 0.6073096990585327, -0.9390666484832764, 0.3660767674446106, 0.347192645072937, -1.0978679656982422, -0.3235190808773041, 0.45066332817077637, -0.6926916837692261, 0.9077013731002808, 0.06085028499364853, 0.2308173030614853, -0.10111824423074722, -0.3025674819946289, -0.11229195445775986, 1.1790693998336792, 0.5669101476669312, -0.6305441856384277, 0.3245115578174591, 0.6498017907142639, 1.1024713516235352, -0.2003975808620453, -1.1891323328018188, -0.3515239655971527, 0.7123844027519226, 0.01654992252588272, -0.13054339587688446, -0.7624698877334595, 0.07380816340446472, 0.9350801706314087, -0.3922652304172516, -0.10188847780227661, -1.1809494495391846, 0.011508527211844921, -0.08024415373802185, 0.6120250821113586, 0.5377359986305237, -1.1266998052597046, -0.9090232253074646, 0.2631778419017792, -0.8767854571342468, 0.6229410171508789, -0.3618434965610504, -0.06961444765329361, 2.1500778198242188, 0.6129244565963745, 0.6285377144813538, 0.12914541363716125, -11.166242599487305, 1.3411133289337158, 0.14980989694595337, 0.14977861940860748, -0.2587386965751648, -0.7078375816345215, 0.3109795153141022, 0.20023396611213684, 1.1536978483200073, -0.8231270909309387, 0.3763030171394348, 1.4164639711380005, 0.13749480247497559, -0.5065637230873108, -0.4511210322380066, -1.2192269563674927, -1.1888203620910645, -0.7403127551078796, 0.05621996521949768, 0.7850340008735657, -0.6015832424163818, -1.0399770736694336, -0.26323533058166504, -0.024411123245954514, 0.658436119556427, -0.36889979243278503, -0.3076055645942688, -0.9898900985717773, 0.05898229777812958, 0.1709083765745163, 0.8848253488540649, 0.2389616221189499, -0.2329934537410736, -0.7970888614654541, 0.4850621819496155, -0.033428240567445755, -0.47308772802352905, 0.1501065343618393, 0.978405237197876, 0.202666237950325, -0.22391407191753387, -0.128794327378273, 0.8976150751113892, -0.07313983887434006, 0.3698987066745758, 0.7070564031600952, -0.5088049173355103, -0.09880708903074265, 0.189886212348938, -0.34970536828041077, -1.0023893117904663, -0.398934543132782, -1.2531499862670898, -1.0057551860809326, -0.13279055058956146, -0.5843600630760193, -0.2459326684474945, 0.9816484451293945, -1.2166123390197754, -1.2740981578826904, 0.39310529828071594, -0.14337116479873657, -0.7612292766571045, 0.9145886898040771, 0.004230961203575134, -0.7736510634422302, 0.20830896496772766, 0.6805712580680847, -0.8914502263069153, 0.6320157647132874, -0.6047993302345276, 0.4797684848308563, -1.0867408514022827, 0.6832746863365173, -0.7845892310142517, -0.43435919284820557, -0.5897998809814453, 0.04246499016880989, 0.4610055685043335, -0.1962995082139969, -1.2481305599212646, 0.3013378083705902, 0.2876715362071991, -0.47319647669792175, -1.4242851734161377, 0.7328243851661682, -0.24410602450370789, -0.1311781406402588, 1.2411268949508667, -0.6336411237716675, 0.9785856604576111, 0.35233673453330994, -0.40446192026138306, 0.3486410975456238, -0.1457834392786026, 0.6730321049690247, 0.8893170356750488, 0.7711545825004578, -0.12194245308637619, -0.2556094229221344, 0.1672297865152359, -0.19815969467163086, -0.4124118983745575, 0.8006266951560974, 0.48832395672798157, 0.41722753643989563, 0.17685234546661377, 0.47211453318595886, 0.0707998275756836, 0.11041565984487534, 0.6907410621643066, 0.11512340605258942, -0.3940269351005554, 0.705421507358551, -0.009438633918762207, 0.4536053538322449, 1.1866816282272339, 0.4346485733985901, 0.5688989758491516, 0.104196697473526, 0.2668154835700989, 0.9230599999427795, -0.16229310631752014, 1.332048773765564, -0.12318451702594757, -0.23577608168125153, 0.052238550037145615, 0.4035629630088806, -0.49858325719833374, -2.503016471862793, 0.7305435538291931, -0.0671553760766983, 0.24803267419338226, 0.18253865838050842, 0.229431614279747, 0.4745296537876129, -0.7337775230407715, 1.2659199237823486, -0.4525856375694275, 0.2028414011001587, 0.14608867466449738, -0.25746816396713257, 0.33021342754364014, -1.0720205307006836, -0.6566213369369507, -0.09538713842630386, -1.8923640251159668, 0.2175230234861374, -0.1682647466659546, -0.11333222687244415, 0.6264028549194336, -0.2982095777988434, 0.9313947558403015, -0.6437778472900391, -0.6203774809837341, 0.007255099713802338, 0.5127515196800232, -0.4058578610420227, -0.9572899341583252, 0.20726653933525085, 0.6879566311836243, 1.3735315799713135, -0.8971351385116577, 0.9778162240982056, 0.09469053149223328, 0.15788568556308746, -0.45208612084388733, 0.07685019075870514, -1.1069332361221313, 0.6340208649635315, 0.7582674622535706, -1.1126278638839722, -0.014773670583963394, -0.7071071863174438, 0.2085796445608139, -0.9167454242706299, 0.9015777707099915, 1.2589110136032104, -1.3706989288330078, -0.19169317185878754, -0.6463326811790466, 0.28801965713500977, 0.010344650596380234, -0.37262266874313354, -0.6449934244155884, 0.01247207447886467, -0.4231241047382355, 0.7550178170204163, -0.4016345739364624, 0.9955148100852966, -1.8286737203598022, -1.0301361083984375, -0.14608773589134216, -0.4092104136943817, 0.1326400339603424, 0.3050585985183716, 0.9116899371147156, 0.13453266024589539, -0.012858659029006958, -0.25942355394363403, 0.26853084564208984, 0.3583209812641144, -0.5655457973480225, -0.28557053208351135, -0.6720002293586731, 0.33220812678337097, -0.351331502199173, -0.5346062183380127, 0.28220757842063904, 0.1108701229095459, -0.4614870548248291, -0.7798525094985962, 0.660301923751831, -0.4266951084136963, 0.9675955772399902, -0.7619733810424805, -0.3360070288181305, -0.473117470741272, -0.7003477215766907, -0.8054196238517761, 0.2893621325492859, 1.088598370552063, 0.4160345792770386, 1.0461549758911133, 0.6955768465995789, 0.5963989496231079, 0.9424185156822205, -0.23076562583446503, 1.0196927785873413, 0.2727358341217041, 0.25489184260368347, -0.3399606943130493, 0.1364518254995346, 0.39113232493400574, 0.06792239844799042, -0.6700026988983154, -0.5889453291893005, 0.3346633315086365, -1.0965906381607056, 0.09443803131580353, -0.7001001238822937, 0.3290250897407532, 1.033544659614563, 1.4162790775299072, -1.2560021877288818, -1.0084556341171265, -0.46893829107284546, -0.9973854422569275, -0.1394321769475937, 0.45757415890693665, 0.03813614696264267, 1.1095740795135498, 0.8365520238876343, -0.04386773705482483, 0.4864848852157593, 0.11135517060756683, 0.051884349435567856, 0.44609785079956055, 0.29537850618362427, 0.3689381778240204, 1.259932041168213, 0.2158731371164322, 0.11965565383434296, -0.33625271916389465, -1.239351749420166, -0.0071068089455366135, -0.19957301020622253, 0.8322360515594482, 0.5021027326583862, -0.734760582447052, -0.4595828056335449, -0.5001332759857178, -0.343686044216156, -0.42266929149627686, 0.636590301990509, 0.4325724244117737, -0.8722482323646545, -0.7520591616630554, -0.8855454325675964, -0.6868207454681396, 0.9142456650733948, 0.17238029837608337, -0.508905291557312, -1.018456220626831, 0.6968615055084229, 0.1837313175201416, -0.4059988856315613, -1.0716626644134521, 0.5312894582748413, -1.1110906600952148, 0.2692791223526001, -0.743064284324646, -0.8859618306159973, -0.41394275426864624, 0.06742513179779053, -1.0600026845932007, 0.9074474573135376, -0.019903317093849182, -1.1025477647781372, -1.1839022636413574, 0.3134380280971527, -0.03496290743350983, -0.18463698029518127, 0.34904414415359497, 0.19527274370193481, -2.147549629211426, 0.9967359304428101, 1.2845579385757446, -0.5077353715896606, -0.3390413224697113, 0.4875810444355011, -0.014303941279649734, -0.5394636988639832, 1.558449149131775]} +{"paper_id": "finer", "embedding": [-1.3914779424667358, 0.804091215133667, -0.3932744860649109, -0.10719969123601913, 0.10667504370212555, -0.4716638922691345, -0.0421304777264595, 1.05189847946167, 0.8854405283927917, 0.7697715163230896, 1.1734083890914917, -0.2622375786304474, 0.04869188368320465, -0.33634480834007263, -0.4850660264492035, -0.14298275113105774, 0.2118951976299286, -0.626534640789032, -0.422190397977829, -0.343883752822876, -0.9954843521118164, -0.8175153732299805, -0.13961942493915558, -0.2498595416545868, -1.3747650384902954, -0.3078887164592743, 0.5627005696296692, -1.248125672340393, 0.5118613839149475, -0.02559712529182434, 0.12026448547840118, 0.9393437504768372, -0.825157642364502, 0.2587209939956665, -0.152520552277565, 0.015035126358270645, -0.18597128987312317, 0.7105656862258911, -0.6576429009437561, -0.07245799899101257, -0.7150714993476868, -0.02563522942364216, 0.8895787000656128, 0.1764855831861496, 1.4460383653640747, -0.5269632339477539, 0.2667551040649414, 0.41184550523757935, 0.25345027446746826, -0.06637042760848999, -0.36557331681251526, 0.3179844617843628, -0.2724672555923462, 0.768749475479126, -0.33307552337646484, 1.0889902114868164, 0.152045339345932, -0.6483001112937927, 0.47316625714302063, -0.21046608686447144, 0.9589319825172424, 1.2081018686294556, -0.4965578019618988, -0.49979373812675476, 0.37056395411491394, 0.1538926512002945, 1.4131391048431396, -0.5978378057479858, 0.8138661980628967, 0.5774815082550049, -0.1499282717704773, -0.7139573097229004, 0.7356071472167969, -0.8600726127624512, 0.2430259734392166, 1.0145926475524902, 0.7107568383216858, -0.49022242426872253, 0.476701945066452, 0.11101926118135452, -0.1244986355304718, 0.9190793037414551, 0.8558083176612854, 0.1165195181965828, -0.4837847650051117, -0.2177402675151825, 0.3597065508365631, -0.5448689460754395, 0.16831807792186737, -1.816297173500061, 0.007862303406000137, 0.37242892384529114, -0.7902516722679138, -0.3860813081264496, -0.2905862629413605, -0.28028440475463867, 0.18632185459136963, -0.7933619618415833, -1.0869568586349487, 0.34849122166633606, 0.7383602857589722, -0.7285150289535522, -0.7117081880569458, -0.33017489314079285, 0.2799692153930664, 1.5369144678115845, -0.9823525547981262, -0.05673154443502426, -0.7531037926673889, -0.24162328243255615, 0.2796551585197449, 1.3381564617156982, 0.15901389718055725, 0.8621777296066284, -0.3051331341266632, -0.38065168261528015, 0.1846560537815094, -0.4281997084617615, -0.7283391356468201, 0.24509766697883606, -0.9686498045921326, -1.3826136589050293, -0.24393242597579956, 0.4675590991973877, 0.9599897265434265, -0.9894242882728577, 0.1087140142917633, -0.41670072078704834, 0.15394261479377747, -0.5219805240631104, 0.5194060802459717, -0.26666146516799927, -0.6855053305625916, -0.7017982602119446, 2.6741178035736084, -0.7638692855834961, 0.8303841948509216, -0.2522936165332794, 0.020655300468206406, -0.15822052955627441, 0.1596011221408844, 0.9420306086540222, 0.34884271025657654, -0.5227483510971069, -0.23466803133487701, 0.640120267868042, -0.6812406778335571, 0.2758244574069977, -0.025491315871477127, -0.28283387422561646, 0.30371013283729553, 0.6350812315940857, -1.8185648918151855, -0.027660071849822998, -0.18651972711086273, 0.4503818452358246, 0.10966664552688599, 0.5558903813362122, -0.39771565794944763, 1.4835103750228882, 1.646087884902954, -0.37822049856185913, -0.27390414476394653, 0.14471018314361572, -0.3944629430770874, -0.19957637786865234, 1.4448086023330688, 0.0817142054438591, -0.888238251209259, -0.1846931278705597, 0.6805118322372437, -0.28075170516967773, -0.16629543900489807, -0.5630953311920166, -0.0678417831659317, -0.05099647492170334, 0.9803860783576965, 0.238081693649292, -0.007900455966591835, -0.3293291926383972, -0.42941129207611084, -0.20102472603321075, -0.25570452213287354, 0.9203309416770935, 0.290383905172348, 0.5257766842842102, -1.4915142059326172, -0.37982630729675293, -0.6490643620491028, 0.405193567276001, -0.15163962543010712, -0.11318983137607574, -0.09888259321451187, 0.7466815710067749, 0.21012632548809052, -0.08959667384624481, 0.25819385051727295, -1.3972631692886353, -0.40545544028282166, -0.02810649573802948, 0.41364338994026184, -0.4272719621658325, -0.6955773830413818, 1.0393112897872925, 0.6363640427589417, -0.6563360095024109, -0.18016955256462097, -1.5550882816314697, 0.5147811770439148, 1.8389723300933838, -0.05400700867176056, -1.4459147453308105, -1.9331899881362915, 0.037952154874801636, 0.815680980682373, -0.7273364067077637, 0.2926005721092224, 0.23385176062583923, 0.9444688558578491, -0.990646243095398, 0.25843724608421326, -0.6228382587432861, 0.5124631524085999, 0.09511604905128479, 0.591862142086029, -0.3043588697910309, -0.5894191265106201, -0.3654593825340271, -0.7896137237548828, 0.9484776258468628, 0.5595510601997375, 0.7035268545150757, 0.28308066725730896, 0.5929104089736938, 0.7056848406791687, 0.2714751064777374, -0.18141506612300873, 0.5532081723213196, -0.6479008197784424, 0.2949296832084656, -0.012612871825695038, 0.2419322431087494, -0.3469778299331665, -0.706825315952301, -0.027331840246915817, -0.005085878074169159, -0.1240476667881012, -0.10736083984375, 0.3975726366043091, -0.17691048979759216, 1.2682082653045654, 1.6525211334228516, -0.9017096757888794, 0.9761916399002075, -0.9732211232185364, 0.5627928376197815, -0.50177401304245, -0.3992471992969513, -0.024175308644771576, 0.10854670405387878, 0.9670963287353516, 0.07555575668811798, 0.7673228979110718, 0.07572104036808014, -0.17025551199913025, -1.3324741125106812, -0.4267643094062805, 0.24834996461868286, -0.6425101161003113, -1.0910108089447021, 0.5172792077064514, -0.2676306366920471, -0.7054861783981323, -0.3920177221298218, 0.1619309037923813, 0.830447793006897, 0.13623225688934326, 0.5184754133224487, 1.149919867515564, -0.3498207926750183, -0.054392293095588684, -0.0063512325286865234, 0.443670392036438, -0.7794704437255859, 0.9524177312850952, 0.33814215660095215, 0.203336700797081, -1.0634857416152954, 0.37195727229118347, 0.5278658866882324, 0.4374375343322754, 0.29390114545822144, -0.1411355584859848, 0.7545499801635742, -0.2651176452636719, -1.231231927871704, 1.3151984214782715, -0.5595715045928955, 0.04168763756752014, -0.9343264698982239, 1.4003114700317383, 0.4036005139350891, 0.3673906922340393, 0.4264181852340698, 0.45070701837539673, 0.005127009004354477, 1.769984245300293, -0.5637063980102539, 1.0523098707199097, -0.2394881695508957, 0.5018309354782104, 0.040508825331926346, 0.13853928446769714, -2.0381197929382324, -0.409066379070282, 0.14589397609233856, -0.6772364377975464, -0.17539827525615692, -0.5786451101303101, 0.6625267863273621, -0.6035694479942322, -0.23501476645469666, 0.16558903455734253, -0.7247573733329773, 0.1467888504266739, -0.947033166885376, -0.5727993249893188, 1.1211038827896118, -0.23452113568782806, 0.6974399089813232, 0.10991770029067993, 0.17728286981582642, -1.4798223972320557, 0.09043341130018234, 1.6711078882217407, -0.06855247169733047, -0.1273830235004425, -0.018583044409751892, 0.62320876121521, 1.2665760517120361, -1.4780808687210083, 0.07712361216545105, 0.3576429486274719, 0.5031207799911499, 0.2968873381614685, 0.1625554859638214, 0.1275695264339447, 1.1195082664489746, -0.6310562491416931, 1.1766194105148315, -0.2598336637020111, -0.5930230021476746, -1.2189894914627075, 0.18007193505764008, -0.2864435911178589, -0.5940997004508972, 2.018789768218994, 0.8277958035469055, 2.2413082122802734, 0.09444374591112137, 0.5519295930862427, -0.5507845282554626, -0.3310403525829315, 1.3205780982971191, 0.6393010020256042, -0.3802974820137024, -0.24955317378044128, 0.441773921251297, 0.8165760636329651, -0.39445483684539795, -0.6179084181785583, -0.3869631290435791, 0.8302420377731323, -0.10457529127597809, -1.4812211990356445, 0.08904484659433365, 0.23611532151699066, 0.6451427936553955, 1.7940834760665894, -0.4265008568763733, -0.6519099473953247, -0.04539299011230469, 0.5367209911346436, 0.8283732533454895, 0.02931046485900879, -1.384373664855957, 0.041311830282211304, 0.09480753540992737, -0.11083537340164185, -0.41493475437164307, 0.5879217386245728, 1.2544448375701904, -0.3538864850997925, -0.3964352011680603, 0.24383234977722168, -0.6089897751808167, -0.16592399775981903, 0.4251576364040375, 0.026320716366171837, -0.6715811491012573, 0.5425348877906799, 0.33756813406944275, -1.2132329940795898, 0.5524145364761353, -0.6313666105270386, -1.5418630838394165, 0.8005524277687073, 1.6996502876281738, -0.8802148103713989, -0.664414644241333, -0.11912209540605545, -0.4335770905017853, -0.7884231209754944, 0.15749427676200867, -1.2145260572433472, 0.35450026392936707, 0.4317965805530548, 0.6072907447814941, 0.29306668043136597, -0.5537376403808594, -0.49882689118385315, 0.25084877014160156, 0.6036832332611084, 0.10425397753715515, 0.7227356433868408, -0.07009401172399521, 0.04748998582363129, -0.19433191418647766, -1.976986050605774, -0.9474803805351257, 0.29243484139442444, -0.384227454662323, 0.11445816606283188, -0.9308708310127258, -0.8453211188316345, -0.11512938886880875, -0.08163906633853912, 0.8802302479743958, -1.472003698348999, 0.17273351550102234, -0.9931477904319763, 0.456115186214447, 0.21400129795074463, -1.028869867324829, -1.3101433515548706, 1.4204668998718262, -0.21052563190460205, 0.517324686050415, -0.11307953298091888, 0.7012428641319275, 1.3831347227096558, 0.48582303524017334, 0.014766432344913483, -0.6575195789337158, -11.597143173217773, 0.38274022936820984, -0.24848249554634094, 0.2059660106897354, 0.6441233158111572, 0.2575499713420868, 0.7120814323425293, -0.02645203098654747, 0.8317471146583557, -0.2485014647245407, 0.44130223989486694, 1.3740968704223633, 0.19411906599998474, -0.5506830215454102, -0.16546273231506348, -1.0182467699050903, -0.1890273541212082, -0.47366565465927124, 0.26744532585144043, -0.028580695390701294, 0.14551600813865662, -1.7233030796051025, -0.10843566805124283, 0.6499557495117188, 0.6133682131767273, -0.1955660879611969, 0.010825259611010551, 0.8732863664627075, -1.0413776636123657, 0.3889366686344147, 0.63481605052948, -0.8578345775604248, -0.7363449931144714, -0.6022745966911316, 0.7335870265960693, 0.07355570793151855, -1.4485281705856323, 0.1275307983160019, 0.8580855131149292, -0.02916743978857994, -0.5104344487190247, 0.44355127215385437, 0.35148128867149353, 0.5225332975387573, -0.24266016483306885, -0.25517183542251587, 0.43517524003982544, -1.3083465099334717, -0.030632182955741882, -0.22838851809501648, -0.2726238965988159, 0.0813901275396347, -0.639221727848053, -0.4030431807041168, 0.7295706272125244, 0.035123661160469055, -0.6289108395576477, 0.36535078287124634, -0.6810726523399353, -0.9676599502563477, 1.2828328609466553, 0.10191822052001953, -0.4197797477245331, 0.04516215622425079, 0.47402670979499817, -0.376816064119339, 0.7062376141548157, -0.0633334144949913, 0.1252344250679016, 0.02193734049797058, -0.4802711606025696, 0.7327039241790771, 0.5926110148429871, -0.4314213991165161, -0.4527541697025299, 0.0013844072818756104, -0.352890282869339, -0.5750265121459961, 0.400606244802475, 0.42193588614463806, -1.1561455726623535, 0.9865866303443909, 0.16179195046424866, 0.3761660158634186, -0.8135889172554016, -0.01311255618929863, -0.15519368648529053, -1.013272762298584, 0.5626049041748047, -0.5432602167129517, 1.2615755796432495, 0.20933696627616882, -0.7030592560768127, -0.2619732916355133, -0.573035478591919, 0.873476505279541, -0.7717470526695251, 1.1759274005889893, 0.8125201463699341, -0.2430313527584076, 0.6488986611366272, -0.1343081295490265, -0.650741457939148, -0.32224327325820923, 1.4011744260787964, -0.15487071871757507, -0.016324490308761597, 0.17832550406455994, -0.11842355132102966, 0.09508810192346573, 0.8937020301818848, 0.17991772294044495, 0.08345738053321838, 0.5306361317634583, -0.08630015701055527, 1.1077924966812134, 0.23492008447647095, 0.004849478602409363, 0.32141733169555664, 1.0130717754364014, 0.6063308715820312, 0.8889210224151611, -0.008812189102172852, 0.8000581860542297, 0.055258672684431076, -0.7850058674812317, 0.9008700251579285, 0.6604637503623962, 0.6151376962661743, -1.3022027015686035, -0.18527959287166595, 0.26163390278816223, 0.058482177555561066, -0.7554470896720886, -1.0894997119903564, -0.8167637586593628, -0.5314958095550537, 1.2695246934890747, -0.02651873230934143, 0.10800574719905853, -0.16979855298995972, -0.7003312110900879, 0.4850713610649109, 0.2531280517578125, -0.7533406019210815, -0.4759420156478882, -0.6782749891281128, 0.12420442700386047, -0.706868052482605, -0.7244465351104736, 0.4252118170261383, -0.18097853660583496, 0.1261667162179947, -0.8599944114685059, -0.3507332503795624, 0.45659786462783813, -0.27047404646873474, -0.5512573719024658, -0.18124674260616302, 0.5092599987983704, -0.10977097600698471, 0.8280584812164307, -1.1161346435546875, 1.188895344734192, 0.8926327228546143, -0.27415207028388977, -0.5047915577888489, 0.08462207019329071, -0.8387786149978638, 0.07982130348682404, 0.9583423137664795, -1.0292415618896484, 0.06923007220029831, -0.8057445287704468, -0.5719958543777466, -1.0068522691726685, 0.34072452783584595, 0.9440904855728149, -0.6237363219261169, 0.2925298810005188, 0.06897566467523575, 0.7040421366691589, 0.917290449142456, 0.264721155166626, 0.08446300029754639, -0.5281118154525757, 0.18693995475769043, 0.5852853655815125, -0.22258509695529938, 0.22336310148239136, -1.3611550331115723, -0.9195566773414612, -0.7968403697013855, -0.33872127532958984, 1.1160542964935303, 0.21371063590049744, 0.8365972638130188, 0.7502881288528442, -0.19665393233299255, -0.048182785511016846, 0.30622947216033936, 1.29521644115448, 1.1588314771652222, 1.0263712406158447, -0.7068110108375549, -0.5659589767456055, -0.605266273021698, 0.1117737740278244, 0.41012218594551086, 0.10417954623699188, -1.624552607536316, -0.19365304708480835, 0.9388611912727356, -0.41541844606399536, 0.7105259895324707, -0.7019855976104736, 0.8610101938247681, 0.15997758507728577, -0.34468960762023926, -1.3308889865875244, -0.0652938261628151, 0.2283049076795578, -1.4236185550689697, 1.0629962682724, -0.0978638157248497, 0.14243337512016296, 0.6397349834442139, 0.041054271161556244, 1.161615252494812, -0.1302971988916397, 0.02304816246032715, 0.904312014579773, -0.03789661452174187, -0.02034018188714981, -0.3869931697845459, 0.7042543888092041, -0.7594810724258423, 0.34491443634033203, -0.5092220902442932, 0.3510039150714874, -0.10145017504692078, -0.41787096858024597, 0.09976448118686676, 0.9930312633514404, -0.0050385743379592896, -0.9164475798606873, -0.7467406988143921, -0.8757941126823425, 0.11610999703407288, 0.28112995624542236, -0.25597724318504333, 0.713817834854126, 0.6501824259757996, 0.4004203677177429, 1.031137466430664, -0.36247092485427856, -0.046326763927936554, 0.37151864171028137, -0.04948882758617401, 0.5251207947731018, 0.9699035882949829, 0.08312270790338516, 0.13668595254421234, -0.05254571884870529, -0.8118501305580139, -0.7083725333213806, -0.38367682695388794, -0.004467681050300598, 1.2805320024490356, -1.0269829034805298, 0.13307830691337585, -0.6620182394981384, 0.6641421914100647, -0.3615070879459381, 0.30948159098625183, -0.009233295917510986, -0.4267800450325012, -0.7983338236808777, -0.7930847406387329, -0.13775946199893951, 0.9888156056404114, -0.38169217109680176, 0.26446402072906494, -0.49127739667892456, 0.1842099279165268, -0.42191025614738464, -0.4016680419445038, -0.4888022840023041, 0.5587897300720215, -0.23612946271896362, -0.19473475217819214, -0.03147520497441292, -0.7377310395240784, -0.9036339521408081, 0.2793785333633423, -0.8383619785308838, 0.3870290517807007, 0.5488348007202148, -1.1289950609207153, -0.1623009741306305, 0.2467448115348816, -0.6126699447631836, 0.4804909825325012, 0.8105252981185913, -0.4756673276424408, -1.1310293674468994, 0.4619421064853668, 0.664243221282959, 0.19721619784832, -0.8449594974517822, 0.5827054977416992, 0.4980028569698334, -0.34777727723121643, 0.06653908640146255]} +{"paper_id": "rvl_cdip", "embedding": [-0.2992791533470154, 1.382326602935791, -0.05078299343585968, 0.024326257407665253, -0.5033020377159119, -0.46820202469825745, -0.13348689675331116, 0.8363571763038635, 1.0111181735992432, -0.015359856188297272, 1.0722472667694092, 0.20183958113193512, 0.4865044951438904, -0.21167133748531342, -0.2740482687950134, 0.41524219512939453, 0.3026729226112366, -1.023905873298645, -0.7197715044021606, 0.310333788394928, -1.254318356513977, -0.5225409865379333, -0.20991279184818268, -0.3949683904647827, -0.880513608455658, -0.7132720947265625, 0.43311503529548645, -0.4036618769168854, 0.6335574984550476, 0.8305898308753967, 0.21519923210144043, 0.04398048296570778, -1.657614827156067, 0.1953972578048706, -0.9005268812179565, -0.6737828254699707, 0.6328661441802979, 0.803840696811676, 0.10661370307207108, -1.3043447732925415, -0.4444185197353363, 0.1579439342021942, 1.1127076148986816, 0.3157341480255127, 0.5332189202308655, -1.0220794677734375, 0.7139701843261719, -0.20856057107448578, 0.012722387909889221, 0.23262812197208405, -0.08477471768856049, 1.0455436706542969, -0.2633834183216095, 0.7097687721252441, -1.1670106649398804, 1.0507644414901733, 0.06457019597291946, 0.44128578901290894, -0.16073991358280182, -0.8537254333496094, 0.4828602969646454, 1.013657808303833, -0.5543634295463562, -0.20912055671215057, 0.7688440680503845, -0.3012651801109314, 1.2389495372772217, 0.08545106649398804, 0.15821360051631927, 1.0344499349594116, -0.2721310257911682, -0.9520728588104248, 0.627406120300293, -0.5362557172775269, 0.12652353942394257, 1.114749789237976, 0.01182467956095934, -1.0272462368011475, 0.45740243792533875, -0.027812771499156952, -0.5950291752815247, 0.3578442335128784, 0.111495241522789, -0.04527093097567558, -0.36927151679992676, -0.7994844317436218, -0.04292462393641472, -0.17930501699447632, 0.14916564524173737, -0.8594908714294434, 0.8231451511383057, -0.17762579023838043, -0.0067652491852641106, 0.23930907249450684, -0.22743287682533264, -1.0767102241516113, -0.30039453506469727, -0.23664653301239014, -1.1667784452438354, 0.5413109660148621, 0.27706480026245117, -0.3744976818561554, 0.7496855854988098, -0.019400596618652344, 0.6094601154327393, 0.623203694820404, -0.517449140548706, -0.20657449960708618, -0.37233006954193115, -0.31309521198272705, -0.009257685393095016, 0.8412632942199707, 0.42553260922431946, 0.2127472460269928, -0.18695470690727234, 0.14279603958129883, 0.6162789463996887, 0.18493305146694183, -0.6632401943206787, -0.22520197927951813, -0.11980955302715302, -2.0742814540863037, -0.6285147070884705, -0.1940213143825531, 0.34422117471694946, -0.35468947887420654, 0.3273327648639679, -0.7581658959388733, -0.09798967093229294, -0.5199270844459534, 0.592199444770813, 0.2076868861913681, -0.4674151539802551, -0.41171756386756897, 3.07485032081604, -1.1424514055252075, 0.9637404680252075, 0.2727504074573517, -0.13125552237033844, 0.1337033063173294, 0.011347312480211258, 1.0768296718597412, 0.10101274400949478, -0.9681569337844849, -0.6894426345825195, 0.20914921164512634, -0.33589181303977966, 0.23731519281864166, -0.9135819673538208, -0.04061560705304146, 0.15225118398666382, 1.4312407970428467, -0.5604724884033203, -1.6731349229812622, -0.23851613700389862, 0.34403955936431885, 1.0281821489334106, -0.4012388288974762, -0.5193082690238953, 0.33459118008613586, 0.7165133357048035, 0.8054150938987732, -0.7980916500091553, 0.35583755373954773, -0.2402379810810089, -0.10346226394176483, 1.2738378047943115, 0.4794205129146576, -0.0966888964176178, -0.03825362026691437, 0.3859216272830963, -0.9490315914154053, 0.5557394027709961, -0.2991974353790283, -0.0799943208694458, 0.13405442237854004, 0.572410523891449, 0.31905171275138855, 0.5711305737495422, -0.8509714007377625, 0.1334567666053772, -0.24798040091991425, 0.8638034462928772, 0.1454010009765625, 0.9783869385719299, -0.48213088512420654, -1.9417279958724976, -0.1787073165178299, 0.0025433897972106934, -0.010197937488555908, 0.5653730630874634, -0.7857418060302734, 0.23286348581314087, 0.4121912121772766, -0.14484164118766785, -0.08421529829502106, -0.37598347663879395, -0.8254929184913635, -0.35411375761032104, 1.0498387813568115, 0.732905924320221, 0.27678167819976807, -0.641437828540802, 0.8147225379943848, 1.0619946718215942, 0.09203872829675674, 0.03927227854728699, -1.019821286201477, 1.154887080192566, 0.9082324504852295, -0.3422393798828125, -0.8989251255989075, -0.9459925889968872, -0.2691141963005066, 0.05982450395822525, -0.9375035762786865, 0.9682419300079346, -0.754072368144989, 0.20056994259357452, -0.6860946416854858, -0.12104341387748718, -0.8349539637565613, -0.2563674747943878, -0.9843867421150208, 0.9466115236282349, -0.9443351626396179, -0.33545511960983276, 0.13559605181217194, -1.3771498203277588, 0.7149531245231628, 0.848473310470581, 0.18652962148189545, -0.11777779459953308, 0.6659768223762512, 0.6159195303916931, 0.3104194402694702, 0.5367534756660461, -0.23726874589920044, -0.04998268932104111, 0.3717527687549591, -0.43559449911117554, 0.7172454595565796, -0.18246765434741974, 0.057119302451610565, 0.2880869507789612, 0.1398714780807495, 0.10806114971637726, -0.9424453973770142, -0.06662478297948837, -0.1814729869365692, 1.401195764541626, 0.8304453492164612, -0.7138553261756897, 0.16769665479660034, -0.05372598022222519, -0.6777186989784241, 1.0131908655166626, 0.17021222412586212, 0.7727434039115906, -0.08578615635633469, 0.2575412094593048, -0.4723532199859619, 0.5289081335067749, 0.5663340091705322, -0.35991963744163513, 0.24287642538547516, -1.2671823501586914, -0.2804598808288574, -0.8322781324386597, -0.5853484869003296, -0.7990105152130127, 0.5005294680595398, 0.3064285218715668, -0.29367995262145996, 0.7732111215591431, 0.10062078386545181, -0.5970866680145264, 0.6690772771835327, 0.4978606700897217, 0.23639342188835144, 0.9238653182983398, -0.8059131503105164, 0.4375166893005371, 1.2460894584655762, 0.7384015917778015, -1.1893608570098877, -0.004224858712404966, -1.116127848625183, -0.8630377054214478, -0.8571532368659973, -0.18584582209587097, -0.11600405722856522, -0.449640691280365, 1.1468466520309448, -0.4046652019023895, -1.4942296743392944, 1.561635971069336, 0.5438345074653625, -0.2546803057193756, -0.6139941215515137, 1.4864754676818848, 0.5354224443435669, -0.48216772079467773, -0.21267113089561462, 0.8713237047195435, -0.6568024754524231, 1.4973480701446533, 0.12108941376209259, 0.5208485126495361, 0.20635856688022614, 0.3203793466091156, 0.2781429588794708, -0.4487167298793793, -1.3595789670944214, -0.31696683168411255, 0.4907989799976349, -0.0027901940047740936, 0.3018765449523926, -0.7062501907348633, -0.35838478803634644, -0.07403866201639175, 0.0499635711312294, 0.27704617381095886, -1.7497648000717163, 0.4485619068145752, 0.8566427826881409, 0.33273380994796753, 0.9318298101425171, 0.04394456744194031, 0.36540767550468445, 0.19940853118896484, 0.3456267714500427, -1.1986628770828247, -0.45987507700920105, 1.215580940246582, -0.11237355321645737, -0.06558455526828766, 0.32925280928611755, 0.4366000294685364, 0.3113778531551361, -0.7593087553977966, 0.1085515096783638, 0.4006630778312683, 0.08270690590143204, -0.6366628408432007, 0.6307129263877869, 0.09868501126766205, 0.9695774912834167, 0.7636314630508423, 1.0077461004257202, 0.3609287142753601, -0.7828397154808044, -0.4790346324443817, 0.1983494609594345, -0.5234774351119995, -0.057684533298015594, 1.0515207052230835, -0.47897326946258545, 1.9095839262008667, 0.42365115880966187, 0.1000785306096077, 0.00424550473690033, -0.37798476219177246, 0.2577526271343231, 1.182837963104248, 0.1766982078552246, -0.20772963762283325, -0.05666534602642059, 0.491069495677948, 0.3334027826786041, -0.29374077916145325, -0.5546355843544006, 1.0855932235717773, -0.009350825101137161, -0.31308966875076294, 0.5263758301734924, 0.5790432691574097, 0.9951331615447998, 1.446669578552246, 0.1860412359237671, -0.6321474313735962, -0.9777123928070068, 0.1984851062297821, 0.4050973057746887, -0.7766203880310059, -0.23800377547740936, -0.33485087752342224, -0.04252630099654198, 1.6326507329940796, 0.45289337635040283, 0.8514291048049927, 1.5471575260162354, 0.12068106234073639, 0.04093314707279205, 0.06703414022922516, -0.6451477408409119, -0.9260692000389099, -0.30340805649757385, 0.09707649052143097, -0.8443300127983093, 0.6798621416091919, -0.0683150589466095, -1.0944912433624268, 0.10144467651844025, -0.0191220473498106, -0.4120253622531891, 0.02441585063934326, 1.8217658996582031, -0.48478609323501587, -0.11201028525829315, -0.04973623529076576, -0.39488476514816284, -0.7932189106941223, 0.1826362907886505, -0.4221343994140625, 0.5954220294952393, 0.4279963970184326, 0.5206575989723206, -0.9626045227050781, -0.06770769506692886, -0.6665299534797668, 1.318001627922058, 0.3446599543094635, -0.5670411586761475, -0.3138171136379242, -1.6180273294448853, 0.15440531075000763, -0.03839699923992157, -1.941030502319336, 0.31110677123069763, 0.639786422252655, -0.19835278391838074, -0.46652883291244507, -0.48210012912750244, 0.6164775490760803, -0.2405393421649933, 0.6926352977752686, 0.4100781977176666, -1.0007247924804688, 0.05230904370546341, -0.752072811126709, 1.3700236082077026, 0.7625044584274292, 0.0978354811668396, 0.5077984929084778, 1.0451185703277588, -0.1635708510875702, 0.8752095699310303, -0.13167421519756317, 0.39539971947669983, 0.5895836353302002, 0.6410451531410217, -0.5667653679847717, 0.3324410319328308, -11.878028869628906, 0.1658991128206253, 0.008061453700065613, 0.7156633138656616, 0.8773168325424194, 0.7519301772117615, 0.884899914264679, 0.1033991128206253, 0.4949702322483063, -0.5967599749565125, 0.07047989964485168, 1.4108866453170776, -0.4485429525375366, -0.7114687561988831, -0.6581937074661255, -0.7118234038352966, -1.2706624269485474, -0.22384729981422424, 0.8933098912239075, 0.18133121728897095, 1.240578532218933, -0.8689213395118713, -0.8622515201568604, 0.19576331973075867, 0.005945988930761814, -1.7052624225616455, 0.396108478307724, 0.14956985414028168, -0.9848868250846863, -1.0918216705322266, 0.061193667352199554, -0.25130695104599, -0.7617307305335999, -0.647952675819397, 0.812731921672821, -0.5424225926399231, -0.9822437763214111, -0.38494202494621277, 1.319218635559082, -0.5795583724975586, -0.16158944368362427, 0.6346215605735779, -1.0038108825683594, -0.29948562383651733, -0.3054503798484802, 0.47100722789764404, 0.030099740251898766, -0.2995149791240692, 0.9508187770843506, -0.4689996838569641, -0.3382810354232788, -0.1592804491519928, 0.06084568053483963, -0.4076259732246399, 0.8657956123352051, 0.7837328910827637, -0.8677079081535339, -0.2138180136680603, 0.3862523138523102, -1.0654940605163574, 0.5558106899261475, 0.3253214955329895, 0.13020053505897522, 1.1525025367736816, 0.07924806326627731, -0.3336280286312103, 0.8225569128990173, 0.704218864440918, 0.2240147590637207, 0.2659839987754822, -0.5292070508003235, 0.694316029548645, 0.6953067183494568, -0.3593994379043579, -0.6279056668281555, 0.3516198694705963, -0.24967317283153534, -0.025606153532862663, 0.04675496369600296, 0.6273622512817383, -0.8009226322174072, 0.29464012384414673, -0.6793743968009949, -0.2131955921649933, 0.2759963274002075, 0.07249574363231659, 0.6685599684715271, 0.037636760622262955, 0.3737863600254059, 0.6604293584823608, 0.6730552911758423, 0.03944014757871628, -0.03954268991947174, -0.7763625979423523, -0.09771621972322464, 0.8044518232345581, -1.205878734588623, 0.4919557571411133, 0.18513333797454834, -1.015462875366211, 0.009077757596969604, 0.30583178997039795, -0.32388877868652344, -0.07223217934370041, 1.234757423400879, -0.3356979191303253, -0.0825086459517479, 0.25257688760757446, 0.2197781652212143, 1.108354926109314, 0.4630333185195923, -0.45739495754241943, -0.2080620974302292, 1.1628303527832031, -0.2789844870567322, 0.592728316783905, 1.1738479137420654, -0.7575812339782715, -0.24660904705524445, 0.5352796912193298, 0.2998907268047333, 0.31391197443008423, 0.30733656883239746, 1.1094293594360352, 0.5355156660079956, -0.7703625559806824, -0.4467935562133789, 0.5045848488807678, 0.3820197880268097, -1.0607044696807861, 0.42193564772605896, 0.05491391196846962, -0.33423879742622375, -0.4070952534675598, -0.42502686381340027, -0.9040301442146301, -0.8258237242698669, 1.328710913658142, -0.12082529067993164, -0.6823326945304871, -0.4110638499259949, -0.11038719862699509, -0.4105486571788788, -0.5254279971122742, -0.9824355840682983, -0.5015612840652466, -0.9938845038414001, -0.22985169291496277, -0.8894894123077393, -0.7795547246932983, 0.620955765247345, -0.265137642621994, 0.3710097074508667, -0.721858561038971, -1.065375566482544, 0.04750197380781174, 0.6152416467666626, -0.7196009755134583, -0.6901335120201111, 0.18786275386810303, 1.3784531354904175, 0.7810887098312378, -1.1927495002746582, 1.0327813625335693, 1.0903626680374146, 0.23893633484840393, -0.9272514581680298, 0.2024332582950592, 0.4468802809715271, 0.19389945268630981, 0.6132217645645142, -0.7195430994033813, -0.3999614119529724, -0.34243687987327576, -0.04228241741657257, -0.22261764109134674, -1.0302584171295166, 1.0734235048294067, -1.2223621606826782, 0.6508700251579285, -0.28626585006713867, 0.9346929788589478, 1.0805919170379639, -1.0110900402069092, -0.6766148805618286, -0.2733405530452728, -0.43376678228378296, 1.0498740673065186, -0.32548046112060547, 0.3698892891407013, -1.0797067880630493, -1.4747376441955566, -0.9517259001731873, -0.8078354001045227, 0.8648083806037903, 0.15325401723384857, 0.3429812788963318, 0.498279869556427, -0.6408659219741821, -0.1744018793106079, -0.620415449142456, 0.2855461835861206, 0.9623231291770935, 0.37191954255104065, 0.021768320351839066, 0.1034507304430008, -0.2656419575214386, -0.1384594887495041, -0.047218430787324905, 0.7340952157974243, -1.1403812170028687, -0.27045750617980957, 0.4503907561302185, -0.49977099895477295, 0.3820647597312927, -1.5635117292404175, -0.0859716609120369, 0.06160978600382805, 0.027852879837155342, -0.6001580953598022, -0.47510695457458496, -0.06124722957611084, -0.4069206714630127, 1.41251802444458, 0.19555369019508362, 1.0246682167053223, 0.33129850029945374, 0.1680695116519928, 1.8505245447158813, 0.2702546715736389, -0.03788229450583458, 0.49211105704307556, 0.1657043844461441, -0.24828964471817017, 0.13462041318416595, 0.3799768090248108, -1.1531813144683838, -0.5016631484031677, -0.8397223949432373, -0.13664376735687256, -0.9817641973495483, -0.0855170488357544, 0.03193420171737671, 1.0207825899124146, -0.04791659861803055, -1.0564186573028564, -1.0087308883666992, -1.489472508430481, -0.5784953236579895, -0.14645667374134064, -0.25069090723991394, 0.8688604235649109, 0.5919687747955322, -0.7860687971115112, 0.9371525049209595, 0.2613407075405121, -0.3109660744667053, 0.18050998449325562, -1.0082547664642334, 1.0944716930389404, 0.33830881118774414, -0.06498399376869202, 1.0638384819030762, -0.15173539519309998, -0.10969400405883789, -0.7633535861968994, -0.3944230079650879, 0.4964582324028015, 0.8577774167060852, -0.7502444386482239, -0.8315677642822266, 0.03775954246520996, -0.26196950674057007, -0.08817745000123978, 0.27682018280029297, 0.38638174533843994, 0.07418002188205719, -1.4279993772506714, -0.204149067401886, 0.20516574382781982, -0.06368277966976166, -0.3510783314704895, -0.23642438650131226, -0.4936888813972473, 0.14732429385185242, 0.7857304811477661, 0.027060722932219505, -0.3946063816547394, -0.08048976212739944, -0.4138599932193756, 0.009557314217090607, 0.5278868675231934, -0.6632785797119141, -0.3882821798324585, 0.2781572639942169, -0.9172157049179077, -0.041700925678014755, -0.5321661829948425, -0.2008720338344574, -0.02876850962638855, 0.7803208231925964, 0.35702788829803467, 0.08592355251312256, -0.019461646676063538, 0.5404511094093323, 0.4606717824935913, 0.7132547497749329, 0.3808656334877014, -1.2668039798736572, 0.34507063031196594, 0.8415032625198364, -0.23345798254013062, 0.5765081644058228, 0.3837229013442993]} +{"paper_id": "gap", "embedding": [0.27392417192459106, 0.2694953382015228, -0.4072779417037964, -0.27658069133758545, -0.33364158868789673, -0.37580767273902893, 1.2645301818847656, 0.3564120829105377, 0.29339146614074707, 0.6097360849380493, 0.5772587656974792, 0.3049639165401459, 0.3299073874950409, 0.00017714686691761017, -1.229372262954712, -0.28897637128829956, 0.002231486141681671, -0.3050628900527954, -1.0346944332122803, -0.04235445708036423, -0.9173354506492615, -0.3764306306838989, 0.3187434673309326, 0.5767621397972107, -0.14854298532009125, -0.027714204043149948, 0.657674252986908, -0.5408899188041687, -0.16578376293182373, 0.22568166255950928, 1.1268610954284668, 1.9583059549331665, -0.18554238975048065, -0.3227192759513855, -0.6992828845977783, 0.13908171653747559, 0.054246410727500916, 1.404263973236084, -0.5276710987091064, 0.2168440818786621, -0.28257226943969727, 0.7441598773002625, 0.7850133776664734, -0.04491596296429634, 1.424587607383728, 0.14664757251739502, -0.5352776646614075, 0.46053099632263184, -1.2883212566375732, 0.5889573693275452, -0.09051529318094254, 0.5236230492591858, 0.8505356311798096, 0.001113392412662506, -0.6742451190948486, 0.0765514224767685, 0.6574626564979553, -0.5039259195327759, 0.1580110639333725, -0.21883775293827057, 0.8493367433547974, 0.4696858823299408, -0.4342269003391266, 0.18055327236652374, 0.8024114370346069, -0.8090819716453552, 0.3113570809364319, 0.6285413503646851, 0.5302267074584961, 0.5890692472457886, 0.21455706655979156, -1.3576854467391968, 0.20273083448410034, 0.31166335940361023, -0.45708194375038147, 0.41799911856651306, -0.6056638360023499, -1.0240644216537476, 0.35292619466781616, 0.7693644762039185, -0.4605845808982849, 0.3524872660636902, -0.5890944600105286, -0.45685264468193054, 0.6189312934875488, -1.0545215606689453, 0.44023922085762024, -0.7720953822135925, 0.35983988642692566, -0.9130384922027588, -0.1864021271467209, 0.026166127994656563, 0.5852985978126526, -0.5861742496490479, -0.6606420874595642, -0.10284174978733063, 0.01912626065313816, -0.527380108833313, -1.0605626106262207, 0.49221232533454895, 0.8638884425163269, 0.09947805106639862, 0.8416422605514526, -0.4583936035633087, 0.6048994660377502, 1.2810022830963135, -0.6995709538459778, -1.1207166910171509, -0.10649524629116058, -0.5692365169525146, -0.6302366256713867, 0.5570420622825623, -0.30991631746292114, 0.42613542079925537, -0.5574543476104736, -0.1897420585155487, -0.5026518106460571, 0.8453047275543213, -0.40058475732803345, 0.3915939927101135, 0.3385094106197357, -1.5272020101547241, 0.4502182900905609, 0.15242455899715424, 1.1663100719451904, -0.6445887088775635, 0.29720693826675415, 0.17597681283950806, 0.5124788880348206, -0.0875270888209343, 1.2765088081359863, 0.16030918061733246, -0.2238823026418686, 0.9572582244873047, 2.196718692779541, 0.5552294850349426, 0.4950016140937805, 0.9409281015396118, -0.48291340470314026, 0.06993374228477478, 0.810291588306427, 0.025593945756554604, 1.6499453783035278, 0.32104554772377014, -0.3354108929634094, 0.7460085153579712, 0.10971950739622116, -0.06776555627584457, -2.4374754428863525, -0.7174142599105835, -0.3178827166557312, 0.771983802318573, -0.6097934246063232, -1.5234266519546509, 0.27213045954704285, 0.29307320713996887, -0.4276580214500427, -0.13437941670417786, -0.9474478363990784, -0.5355972647666931, 0.38464048504829407, 0.31543534994125366, -0.2977251410484314, 0.5649092197418213, -0.7787750363349915, -0.03359759598970413, 1.176166296005249, 0.22049561142921448, -0.8203052878379822, -0.24774262309074402, 0.48751524090766907, -1.4157687425613403, 0.22270645201206207, -0.32221317291259766, -0.20459133386611938, 0.3990989625453949, 0.8119409680366516, 0.3847910463809967, 0.18183374404907227, 0.29477453231811523, -0.42358964681625366, -0.003542378544807434, -0.7509089708328247, -0.48803162574768066, -0.3322213888168335, 0.5388495326042175, -2.3350937366485596, -0.19722937047481537, -0.45955461263656616, -0.38296279311180115, 0.09470127522945404, -0.01951904036104679, 0.6666194796562195, -0.3219454288482666, -0.035780325531959534, -0.03620979189872742, 0.34995412826538086, -1.7680845260620117, -0.9531013369560242, 0.7271303534507751, 0.1565883606672287, 1.9008183479309082, -0.13338197767734528, 1.1714004278182983, -0.09307252615690231, -0.316365510225296, -0.1156667172908783, -2.411672353744507, 0.6930779814720154, 1.2523651123046875, -1.206248164176941, -0.8750255703926086, -1.360487937927246, -0.4172435998916626, 0.1821960210800171, -1.3531227111816406, 0.49751225113868713, -0.15191173553466797, -0.47977709770202637, -1.1110631227493286, 0.2977612316608429, -0.4397662580013275, 0.2886107265949249, 0.10047667473554611, 1.1771334409713745, -0.14204633235931396, 0.13030579686164856, -0.17685595154762268, -2.278265953063965, 0.6462743878364563, 0.7485482096672058, 1.0517468452453613, 0.11227302253246307, 1.4524891376495361, -0.7687608003616333, 0.5618140697479248, 0.46165838837623596, -0.173915833234787, -1.183519721031189, 1.1063048839569092, 0.34022700786590576, 2.0426669120788574, 0.2624970078468323, -0.4988551437854767, -0.11627309024333954, 0.2165776491165161, 0.2256525158882141, -1.220636010169983, 0.4756144881248474, 0.822391152381897, 1.0005099773406982, 0.9704831838607788, 0.224595308303833, 0.9524664282798767, -0.6132886409759521, 0.057290367782115936, -1.0829699039459229, -0.7358658313751221, -0.7339579463005066, 0.4079669117927551, -0.17888131737709045, -0.5648608803749084, -0.38195547461509705, -0.8444191217422485, -0.30404356122016907, -0.1581169217824936, -0.9758453369140625, -0.2285003960132599, -0.6693527698516846, 0.2125837504863739, -0.45649832487106323, 0.18302246928215027, -1.214158058166504, -1.2980395555496216, -0.38990965485572815, 0.31927675008773804, 0.41803276538848877, 0.684593915939331, -0.10911066830158234, -0.45595884323120117, -0.27102407813072205, -0.8029237985610962, 1.1449223756790161, -0.15088322758674622, 0.2916283905506134, 0.2471781075000763, -0.7169382572174072, -1.5263030529022217, -0.35785090923309326, -1.075653314590454, 0.5279703140258789, -0.19454248249530792, 1.1930856704711914, -0.34621351957321167, -0.5140826106071472, -0.32027700543403625, 1.5552235841751099, 0.2611333131790161, -0.040981680154800415, 0.05004235357046127, 0.983217716217041, 0.5973477363586426, -0.9157612919807434, 0.7099758386611938, -0.11836861819028854, -0.6406617164611816, 1.7497788667678833, -0.29447710514068604, 1.0367350578308105, -0.12732933461666107, -0.1325889527797699, 0.9213755130767822, 0.07137000560760498, -2.009342908859253, 0.10659375041723251, 0.3728331923484802, -0.17182697355747223, 0.13248874247074127, -0.04441439360380173, -0.7688870429992676, -1.054157018661499, 0.6343963146209717, 0.2513806223869324, -0.6319596767425537, 1.0267752408981323, 0.3716958165168762, 1.665297031402588, 0.10536068677902222, -0.4494065046310425, 0.31928321719169617, 0.9615349769592285, 0.521363377571106, -1.1731432676315308, -1.3327447175979614, 0.8063769936561584, -0.2789500653743744, 0.7755807638168335, 0.6121695637702942, 0.48703211545944214, -0.46255257725715637, -0.18573686480522156, 0.3688291609287262, 0.5384743809700012, -0.3592258393764496, 0.1854766607284546, 0.14150620996952057, 0.4993249177932739, 0.6264195442199707, 0.2167310267686844, 0.8721398711204529, -0.11664397269487381, -0.8550769686698914, -0.49633803963661194, -0.5291823744773865, -1.7108945846557617, -0.8043028712272644, 0.9013299942016602, -0.18808388710021973, 0.8984858393669128, 0.25336921215057373, -0.22742070257663727, -0.08677823841571808, -0.3117358088493347, 0.6566300392150879, 0.01929592341184616, -0.3175646662712097, -0.07142745703458786, 0.3007955253124237, 0.6873953342437744, 0.8711943030357361, 0.18965204060077667, -0.1550164371728897, -1.1537728309631348, -0.20509909093379974, -0.564725935459137, 1.032058835029602, -0.026485372334718704, -0.10531115531921387, 1.5534675121307373, -0.5855984687805176, -0.5799368619918823, -1.7833201885223389, -0.357606440782547, -0.4503568708896637, 0.15358272194862366, -0.9539705514907837, 0.30916503071784973, 0.34133434295654297, 1.004435420036316, 0.859314501285553, 1.2281172275543213, 0.1597059816122055, -0.015590157359838486, -1.622401237487793, 0.13413557410240173, -1.0122979879379272, 0.046452686190605164, 0.3550068140029907, 0.2732027471065521, -0.15521757304668427, -0.2839398682117462, 0.08517654240131378, -1.5111500024795532, -0.18366529047489166, -0.5753858685493469, -0.7445651292800903, -0.6304616928100586, 1.4333091974258423, -0.23315538465976715, -0.08715318888425827, -0.4905170798301697, -0.8459764719009399, -0.7042092084884644, -0.6416662335395813, -0.19655656814575195, 0.23043309152126312, -0.4393746554851532, 0.5024566054344177, -0.02060973271727562, 0.4816553592681885, -0.4192271828651428, 1.0706455707550049, 0.7801231741905212, -0.4358431398868561, 0.7840955257415771, -1.225178599357605, -0.14321886003017426, 0.31712037324905396, -1.288854718208313, -0.6614877581596375, 0.8271596431732178, 0.3172455132007599, 0.532684326171875, -0.2662123441696167, -0.21951976418495178, 0.36002326011657715, -0.04521727189421654, 0.7456369400024414, -0.21978066861629486, 0.5874704122543335, -0.8078276515007019, -0.38876399397850037, 1.0289756059646606, -0.29026105999946594, -0.41053643822669983, 1.7616519927978516, -0.04311696067452431, 0.8874813318252563, -0.32865527272224426, -0.4507375955581665, 0.26740357279777527, 0.367718368768692, -0.9205443263053894, -0.689612865447998, -11.01225471496582, 0.8216292858123779, -0.6258354187011719, -0.2392876148223877, 0.43449729681015015, 0.9629404544830322, -0.23490789532661438, -0.0682547390460968, 0.5581037998199463, -0.6248816251754761, 0.9964345097541809, 1.2968560457229614, -0.0022264160215854645, 0.25074881315231323, -0.7223663330078125, -1.3370599746704102, 0.3803829848766327, 0.08498300611972809, -0.7637980580329895, -0.24034789204597473, 0.250069260597229, -0.18773606419563293, -0.06785771250724792, 0.26464489102363586, -0.14202676713466644, 0.023655973374843597, 0.7593985795974731, -0.3783126473426819, -0.2943825125694275, -0.14178113639354706, 0.6159398555755615, 0.20862169563770294, -0.3504698574542999, -0.9530503749847412, 0.14798595011234283, 0.8089279532432556, -0.9555806517601013, 0.4038444459438324, 0.5814622640609741, 0.3839273154735565, -0.713155210018158, 1.4485561847686768, 0.04461042955517769, 0.4078807532787323, -0.582769513130188, -0.24797861278057098, -0.08406001329421997, -1.1787594556808472, 0.49513980746269226, -0.00508301705121994, -0.1696959137916565, -0.1932651847600937, -0.714691698551178, 0.015668269246816635, 0.6754611134529114, -0.1246766597032547, -1.445902943611145, -0.554286003112793, 0.47591397166252136, -0.586057186126709, -0.00259389728307724, 1.1900758743286133, 0.9766624569892883, 0.3019270598888397, 0.987421452999115, 0.2897220551967621, 0.546957790851593, 1.4461532831192017, -0.7079930305480957, -0.0861138254404068, -0.5443625450134277, 0.9358302354812622, 0.6148398518562317, 1.1482608318328857, 0.18328556418418884, -1.0675280094146729, -0.07922975718975067, 0.2963401973247528, 0.5549034476280212, -0.19432656466960907, -0.7792717218399048, 1.155877947807312, -0.5291703343391418, -0.159549742937088, -0.24254544079303741, 0.3384878933429718, -0.3534897565841675, -0.2856973111629486, 0.4012735188007355, 0.04277324676513672, 1.3487380743026733, -0.30921775102615356, -0.29154497385025024, -0.8921208381652832, -0.7256408333778381, 0.46128883957862854, -0.3939632773399353, -0.041507694870233536, 0.22783976793289185, -0.5563463568687439, -0.3939310610294342, -0.002139326184988022, -0.7348951101303101, -0.9204062819480896, -0.17511127889156342, -0.0304328054189682, -0.7863405346870422, -0.1207243949174881, -1.0230907201766968, -0.07339569926261902, 0.4811651110649109, -0.8315688967704773, -0.3287407159805298, 1.048895001411438, -0.1012667566537857, 0.0840790867805481, 1.4380669593811035, -0.28317874670028687, 0.7466362118721008, 0.9933585524559021, -0.11585760861635208, 0.5820767283439636, 0.8013249635696411, 0.6232956051826477, -0.9395385384559631, 0.5994436740875244, 1.1215522289276123, 0.6477347016334534, -0.5368131995201111, -0.6867777109146118, -0.09758530557155609, -0.07156246900558472, -0.3024573028087616, -0.2485029399394989, -0.30794385075569153, 0.3471399247646332, -0.4938497543334961, 0.4342847764492035, -1.2929105758666992, -0.09846831113100052, 0.1650570183992386, -0.7308619618415833, -1.35299813747406, -0.5464051365852356, -0.9258317947387695, 0.674335777759552, -1.5641955137252808, 0.2676236033439636, -0.8402957916259766, -0.31425464153289795, -0.04636923596262932, -0.2995675206184387, 0.8998751640319824, 0.013930201530456543, -0.18169422447681427, 0.6473004221916199, 0.3111213147640228, 0.04128895699977875, -0.05848373845219612, -0.4367355406284332, 0.9880664348602295, 0.7527174949645996, 0.2626447379589081, 0.9897140860557556, 0.34035879373550415, 0.042149972170591354, -0.35177376866340637, -1.4708611965179443, 0.18432773649692535, -0.015541322529315948, 1.191670298576355, -0.40655118227005005, -0.23634405434131622, 0.1939745843410492, 0.8247938752174377, -1.3064894676208496, -0.05425267666578293, 0.32397928833961487, -0.913962721824646, 0.39098018407821655, 0.49542665481567383, 0.5732533931732178, 0.7639303803443909, -1.8541042804718018, -0.819127082824707, -0.530489444732666, 1.3821561336517334, 0.5127853751182556, -0.6991657614707947, -0.49612781405448914, -0.22934174537658691, -1.002312183380127, -0.6291646957397461, 0.7729223966598511, 0.3453594744205475, -0.3960547149181366, 0.7658379077911377, 0.3487793803215027, 0.04920192062854767, 0.926135241985321, -1.1489390134811401, 0.14977937936782837, -0.2365325540304184, 0.4050344228744507, -0.5497538447380066, -1.0755664110183716, -0.5256683826446533, 0.4289175868034363, 0.216316357254982, 0.7267872095108032, -0.1618281453847885, -0.6043972373008728, -0.033725325018167496, -0.4071681499481201, -0.7202077507972717, -0.939068078994751, -0.3036101460456848, 0.6450629234313965, 0.030589699745178223, -0.004180140793323517, 0.1493784785270691, 0.6594674587249756, 0.6163012385368347, 1.0883880853652954, -0.2123733013868332, 0.9973694682121277, 0.1877288967370987, 1.4982033967971802, 1.0145580768585205, 0.14683665335178375, -0.5045202970504761, 0.48168110847473145, -1.1612420082092285, -0.690394937992096, -0.8304465413093567, -0.18932831287384033, -0.6081942319869995, 1.0628266334533691, -0.2670453190803528, -0.28519490361213684, 0.9305427670478821, 0.27090397477149963, 0.03615119308233261, 0.15295977890491486, 0.6562698483467102, -1.7944886684417725, -0.1989373117685318, 0.11578662693500519, 1.0638068914413452, 1.3960332870483398, 0.040130965411663055, 0.593000590801239, 0.841549813747406, 1.2825626134872437, -0.041770029813051224, 0.7551385164260864, 0.5336338877677917, -0.7688957452774048, 0.6379331946372986, 1.2832363843917847, 0.8829631209373474, -0.1822054237127304, -0.3213246464729309, -0.6238652467727661, -0.8958389759063721, -0.6292410492897034, -0.671576738357544, 0.2586743235588074, 0.7166563868522644, 0.3492910861968994, -0.535101592540741, -0.49123746156692505, 0.8075542449951172, -0.570562481880188, 0.2771192491054535, 0.48336952924728394, -1.2624391317367554, -1.1257269382476807, 0.04340459406375885, 0.05792895331978798, 0.9242316484451294, -1.1953020095825195, -0.29767340421676636, 0.3986944556236267, 1.0599216222763062, -0.766417920589447, 0.3205513060092926, 0.8440254926681519, -0.13566793501377106, 0.17162281274795532, 0.8670551776885986, 0.15897318720817566, -0.6101226806640625, 0.7064024209976196, 0.46859872341156006, -0.04673297330737114, 0.44250789284706116, -0.4627420902252197, -0.5266017913818359, -0.22234180569648743, 0.37656593322753906, 0.47174718976020813, 0.1177033856511116, 1.0487843751907349, 0.39567047357559204, -1.5149314403533936, 0.6509438753128052, 0.06529498100280762, 0.056070923805236816, -0.35820114612579346, -0.43724992871284485, 0.5293022990226746, 0.7226625680923462, 0.27783066034317017]} +{"paper_id": "capes", "embedding": [-0.21141017973423004, 1.321293830871582, 0.5961946249008179, 0.2521369457244873, 0.042369529604911804, -0.8099226951599121, -0.39690011739730835, 1.2883405685424805, 0.16476187109947205, 0.26226606965065, 0.5681989789009094, -0.2716236114501953, 0.16018348932266235, 0.19544045627117157, -0.19805818796157837, -0.25491246581077576, -1.4634095430374146, -1.0136812925338745, -1.210873007774353, -0.6103128790855408, -0.5753657221794128, -0.22503384947776794, -0.566697359085083, 0.31498172879219055, -0.52366042137146, -0.5515621304512024, 0.2592324912548065, -1.0367615222930908, 0.3770282566547394, 0.2632419168949127, -0.5711604952812195, 0.9562616348266602, -1.2599519491195679, 0.18450376391410828, -0.39054208993911743, -0.1455480009317398, 0.11916766315698624, 1.2909035682678223, -0.4105163812637329, 0.2565714418888092, -0.8795966506004333, -0.6591747999191284, 0.5885732173919678, -0.1849835216999054, 1.0592973232269287, -0.2717239260673523, -0.46625494956970215, 0.5543264150619507, 0.38003140687942505, 0.3301205635070801, -0.4507512152194977, 0.4607565402984619, -0.07740254700183868, 0.19931268692016602, -0.6363398432731628, 1.2082749605178833, 0.1788797676563263, -0.8476611971855164, 0.7404768466949463, -0.940973162651062, 0.5841755270957947, 1.3434029817581177, -0.46979784965515137, 0.3085026741027832, 0.7904203534126282, -0.1421976089477539, 1.38318932056427, -0.006068237125873566, 0.8389804363250732, 1.0362155437469482, 0.07599873840808868, -1.3544948101043701, 0.8848814964294434, 0.06765255331993103, 0.6790308952331543, 0.7713664770126343, 0.8349965214729309, 0.18777959048748016, 0.4872966408729553, 0.3322576880455017, -0.7673301100730896, 0.9527531862258911, 0.8431869745254517, -0.8030110597610474, -0.06984135508537292, -0.02168171852827072, -0.23300807178020477, -0.15974871814250946, 0.8861668109893799, -1.3403780460357666, -0.1476513296365738, -0.2427705079317093, -0.01207172404974699, 0.16378846764564514, 0.04889397695660591, -0.20433765649795532, 0.3262786269187927, 0.2178930938243866, -0.8114925622940063, 0.3296531140804291, 0.7916537523269653, -0.24963858723640442, 0.7089303731918335, -0.014273546636104584, 0.04729923605918884, 1.0612930059432983, -0.708354651927948, -1.0570636987686157, -1.5203300714492798, -0.032211221754550934, 0.15940552949905396, 0.7172671556472778, 0.12044046819210052, 0.37144261598587036, 0.3663907051086426, -0.5425165295600891, -0.5653007626533508, -0.10537979006767273, -0.9302473664283752, -0.6154875159263611, -0.36685001850128174, -1.3556030988693237, -0.3636821508407593, 0.0019505023956298828, 0.5553534626960754, -0.6418123841285706, 0.2839074432849884, -0.062377993017435074, 0.0862446278333664, -0.4333783686161041, 0.7998578548431396, 0.2877178192138672, -0.2298150658607483, -0.08716818690299988, 3.0485119819641113, -0.5256391167640686, 1.0449788570404053, -0.27302271127700806, 0.6051033139228821, -0.059960320591926575, 0.10697276145219803, 1.8423314094543457, -0.04767933487892151, -1.0242927074432373, 0.06915014982223511, 0.6955724358558655, -0.9643657803535461, 0.35375428199768066, -0.6558034420013428, -0.41693347692489624, -0.28028184175491333, 0.5759169459342957, -0.8253691792488098, -0.9025058746337891, 0.14397181570529938, 0.17755457758903503, 0.8881713151931763, 0.7704625725746155, -0.42325514554977417, 0.919314980506897, 0.775693416595459, 0.19475367665290833, -0.799022376537323, 0.5042097568511963, -1.5374277830123901, -0.017678186297416687, 1.5304629802703857, -0.09793855249881744, -0.6724523305892944, -1.0219687223434448, 0.6561513543128967, -0.5438503623008728, 0.028191126883029938, 0.22461897134780884, -0.1197516992688179, 0.256816565990448, 0.7182062268257141, 0.752166211605072, -0.15479891002178192, -0.47106868028640747, 0.07129857689142227, -0.4237735867500305, -0.1518418937921524, -0.1045244112610817, 0.269488126039505, 0.4761282205581665, -2.2522799968719482, -0.4477387070655823, -0.020191580057144165, -0.2278127372264862, 0.29467856884002686, -0.47164884209632874, -0.05865761637687683, -0.16905289888381958, 0.6139681339263916, -0.19477039575576782, -0.18837523460388184, -1.2387847900390625, -0.06096108257770538, 0.8822386264801025, 0.09919066727161407, 0.16205506026744843, 0.2166738659143448, 0.9480239152908325, 0.4631449282169342, -0.219138503074646, -0.47436949610710144, -1.1699596643447876, -0.1112699881196022, 2.431628465652466, -0.34045183658599854, -0.4357176423072815, -1.3015069961547852, -0.5468807816505432, 0.3662495017051697, -0.7888043522834778, 0.048638150095939636, -0.794399082660675, -0.699325442314148, -0.9070948362350464, 0.330547571182251, -0.32733154296875, -0.12428365647792816, -0.07579688727855682, 0.4069158434867859, -0.39822983741760254, -0.5540552139282227, 0.0093229990452528, -1.24269437789917, 0.6172277331352234, 0.8180666565895081, 0.01791950687766075, -1.1978553533554077, 0.6996420621871948, 0.2540741562843323, 0.6042830944061279, 0.6121046543121338, 0.4150240123271942, -0.10886619985103607, -0.5020647644996643, 0.23798438906669617, 1.341781497001648, -0.26387518644332886, 0.04146371781826019, 0.700151264667511, 0.42648062109947205, -0.22498658299446106, -0.7001402378082275, -0.27891290187835693, 0.13589337468147278, 1.3590068817138672, 1.1056102514266968, -0.799277126789093, 2.2766103744506836, -1.4334064722061157, 0.44522103667259216, 0.15958529710769653, -0.9829481244087219, -0.11212693154811859, -0.13901570439338684, 0.43640202283859253, 0.24031013250350952, 0.5276824235916138, -0.18305322527885437, -0.5713067650794983, -1.3123270273208618, -0.44121453166007996, -0.9332767128944397, -0.6166169047355652, -1.0375967025756836, -0.4424191415309906, 0.39854884147644043, -1.1424094438552856, -0.10303173959255219, -0.1108756959438324, 0.6458083391189575, 0.205901637673378, 1.1073797941207886, 1.5732606649398804, -0.20292070508003235, 0.7392427921295166, -0.13814127445220947, -0.10245084762573242, -0.204447403550148, 1.1136436462402344, -0.2381100356578827, -0.09238509833812714, -1.195081114768982, -0.2667914628982544, -0.6607292294502258, -0.19920703768730164, 0.16628363728523254, 0.002145431935787201, 0.3301444947719574, -0.38155484199523926, -1.5304789543151855, 0.5296435952186584, -0.30270275473594666, 0.08286944031715393, -1.1437325477600098, 1.612420916557312, 0.6248564124107361, 0.47149214148521423, 0.38818877935409546, -0.2747498154640198, 0.012723498046398163, 1.2555317878723145, -0.5140522718429565, 1.168816328048706, 0.5058413147926331, 0.026144137606024742, 0.15795405209064484, 0.03970502316951752, -2.205777168273926, -0.05111353471875191, 1.2198522090911865, -0.21540567278862, -0.3400622606277466, -0.5109384655952454, -0.13321995735168457, -0.5709332823753357, -0.7835365533828735, 0.37676310539245605, -1.104538083076477, 0.5675385594367981, -0.24697989225387573, -0.0838797315955162, 0.910401463508606, -1.0123169422149658, 0.8346868753433228, 1.340585708618164, 0.46018463373184204, -0.3971152603626251, -0.30286917090415955, 0.7887462973594666, -0.827174186706543, 0.660463809967041, 0.5936614274978638, 0.9124341011047363, 1.4308340549468994, -0.33062416315078735, -0.008414778858423233, 0.3669202923774719, 1.5368623733520508, 0.1887064129114151, 0.8600547313690186, -0.3514723777770996, 0.8695749044418335, 0.17815782129764557, 0.8929097056388855, 0.2982921004295349, -1.186841607093811, -0.6017141938209534, -0.00044967513531446457, -0.5023950934410095, -0.5950319170951843, 1.8065359592437744, 0.565950870513916, 1.6028494834899902, 0.01652405597269535, 0.38977164030075073, -0.32200026512145996, 0.028551694005727768, 0.8772798180580139, 0.6545771360397339, -0.04349978268146515, -0.09415407478809357, -0.05050124228000641, 0.8619564771652222, -0.035210683941841125, -0.6556647419929504, 0.3170241117477417, 0.7661722898483276, -0.7951174378395081, -0.7836654782295227, -0.23221014440059662, 0.8448789119720459, 1.2411352396011353, 1.481945276260376, -0.7750397324562073, -0.7356619238853455, -0.30330806970596313, 0.1353311687707901, -0.3677298426628113, 0.4726760983467102, -1.2083276510238647, -0.012761013582348824, 0.7318233847618103, 0.6069626212120056, -0.20352768898010254, 1.0516778230667114, 0.6130949258804321, -0.6912169456481934, -0.6689396500587463, 0.0996885895729065, -0.8547378182411194, -0.6206603050231934, -0.8417648077011108, -0.23278693854808807, -1.3277584314346313, 0.666738748550415, -0.4233415722846985, -0.8268940448760986, 0.5438123941421509, 0.20762470364570618, -1.8175475597381592, 0.898630678653717, 0.9757179021835327, -1.6668094396591187, -0.18708175420761108, 0.07426460087299347, -0.7277626395225525, -0.8326641917228699, 0.3893785774707794, -0.3683534562587738, -0.07672634720802307, 0.4924243092536926, 0.5793850421905518, -0.20795053243637085, -0.29034510254859924, -1.1717448234558105, 0.3428639769554138, 1.560091257095337, -0.8176003694534302, -0.40655720233917236, -0.41246268153190613, 0.7805792093276978, -0.08723333477973938, -1.1811192035675049, -0.4096817970275879, 0.06779158860445023, 0.5658955574035645, -0.5075979232788086, -0.2267807424068451, -0.5766309499740601, -0.1372462809085846, 0.35621580481529236, 0.6754315495491028, -0.924705982208252, 0.5722964406013489, -0.5489485859870911, 1.177772045135498, 0.522316575050354, -0.25526973605155945, -0.3488481640815735, 1.2472867965698242, -0.4717263877391815, 0.4034712314605713, 0.6445378065109253, 0.5825831890106201, -0.03767937794327736, 0.2899024188518524, 0.0020678192377090454, -0.14006675779819489, -11.200427055358887, -0.24653516709804535, -0.1571626514196396, 0.41175222396850586, 0.6629055738449097, -0.014299646019935608, 1.0589901208877563, 0.12364104390144348, 0.017426196485757828, -0.3016084134578705, 0.9142692685127258, 1.0011789798736572, 0.510128378868103, -0.3372963070869446, -0.2572766840457916, -0.6792948246002197, -0.7680572271347046, -0.01983559876680374, 1.062524676322937, 0.03335568681359291, -0.6644962430000305, -0.859468400478363, -0.0743732824921608, 0.46008923649787903, 0.13088437914848328, -0.03388579934835434, 0.3611449897289276, 0.1851666122674942, -0.6397234201431274, -0.0991142988204956, 0.40598100423812866, -0.2902946472167969, -1.0892326831817627, -0.10190318524837494, 0.6039230823516846, 0.14043618738651276, -0.8640807867050171, -0.048389822244644165, 1.10096275806427, -0.45097681879997253, -0.2697399854660034, 0.4097457826137543, 0.01672944240272045, -0.27866166830062866, -0.5669228434562683, 0.2849634885787964, 0.07667960971593857, -0.940983772277832, 1.233106255531311, -0.8117470145225525, -0.8117737770080566, -1.0964558124542236, -1.1456998586654663, -0.6030288934707642, 0.6353767514228821, 0.3235965669155121, -0.6333350539207458, 0.36063945293426514, -0.435851514339447, -0.5657634735107422, 1.2355509996414185, 0.2104366272687912, -0.43800029158592224, 0.53256756067276, -0.1686854362487793, -0.2598624527454376, 0.6206533908843994, 0.4670397639274597, -0.34406721591949463, 0.08916518837213516, -1.0184556245803833, 0.238636776804924, 0.16189590096473694, 0.07580327987670898, 0.016032518818974495, -0.3221355676651001, -0.28680816292762756, -0.8942282795906067, 0.3299824893474579, 0.3197132647037506, -0.8210968971252441, 0.28184273838996887, -0.2522828280925751, -0.5762419700622559, -0.17108722031116486, -0.2592121660709381, -0.03621353954076767, 0.33891749382019043, 1.0073373317718506, 0.29498952627182007, 1.161801815032959, -0.09872493892908096, 0.04501146823167801, 0.10975147038698196, -0.30436837673187256, 0.7411952614784241, -0.9498291611671448, 0.7368836998939514, -0.06708314269781113, -1.2782976627349854, 0.3421512544155121, -0.5518628358840942, -0.5055825710296631, -0.12419138848781586, 0.9967166781425476, 0.2768059968948364, 0.3718642592430115, 0.3218962550163269, 0.12723827362060547, 0.2916203439235687, 1.166381597518921, -0.35043084621429443, 0.11742768436670303, 0.6550953984260559, 0.45066699385643005, 1.6735596656799316, 0.7424485087394714, 0.4998208284378052, 0.2503679692745209, 0.9346894025802612, 0.11438199877738953, 0.9762629866600037, 0.5951987504959106, 1.7178542613983154, -0.2261258065700531, 0.12632763385772705, 0.033672843128442764, 0.7748866081237793, -0.8626092076301575, -0.839783251285553, -0.23795479536056519, 0.15872113406658173, -0.10148340463638306, -1.1768718957901, -0.3062973618507385, -0.6441546082496643, -0.5969715118408203, 1.2608200311660767, -0.2589436173439026, -0.08986975997686386, 0.006731461733579636, -1.037296175956726, -0.028913185000419617, 0.14035993814468384, -0.21371813118457794, 0.11806447803974152, -1.3220078945159912, -0.38484564423561096, -0.36538487672805786, -1.0437971353530884, 0.5238771438598633, -0.09314555674791336, 0.941272497177124, -0.7890281081199646, -0.05862685665488243, -0.037693046033382416, 0.41154715418815613, -0.44946497678756714, -0.49820446968078613, 0.04914534091949463, 0.37523967027664185, 0.718021035194397, -0.8933947682380676, 0.9626119136810303, 0.7037174701690674, 0.5303263664245605, -0.9805471897125244, -0.3880617022514343, -0.7032535672187805, 1.080816388130188, 0.8781995177268982, -1.125543475151062, -0.30902236700057983, -0.38934648036956787, -0.6326854825019836, 0.02126031368970871, 0.28254833817481995, 1.3197227716445923, -1.0044732093811035, 1.1400353908538818, 0.027745477855205536, 0.19560745358467102, 0.04379963502287865, -0.9092119932174683, -1.3172800540924072, 0.4097100794315338, -0.5465222001075745, 0.8962153792381287, 0.015389148145914078, 0.5919668078422546, -2.0278286933898926, -1.4459071159362793, -0.07515062391757965, -0.3317818343639374, 0.93310546875, -0.3031468093395233, 1.111202359199524, -0.4267967939376831, 0.5196505784988403, 0.6294645667076111, 0.04986155778169632, 0.34755581617355347, 0.49703580141067505, 0.2673760950565338, -0.1663256585597992, 0.13643240928649902, -0.8983231782913208, 0.15470297634601593, 0.4208662211894989, 0.33957284688949585, -1.3829456567764282, -0.35632622241973877, 0.724778950214386, 0.5409480333328247, -0.0712444931268692, -1.194079875946045, 0.48443371057510376, 0.07019676268100739, -0.39696004986763, -1.1709548234939575, -0.5234425067901611, 1.0777714252471924, -0.6125941872596741, 1.007724642753601, 0.28846830129623413, 0.44507554173469543, 0.2571742832660675, 0.3260100483894348, 1.1854900121688843, -0.312700092792511, -1.1946308612823486, -0.28012749552726746, 0.36154118180274963, -0.3361339569091797, 0.1464558243751526, 0.5340210795402527, -1.049223780632019, -0.5323424339294434, -1.5662481784820557, 1.0322962999343872, -0.5302711129188538, 0.23083385825157166, -0.33129626512527466, 0.8116673827171326, 0.07873941957950592, -1.5103116035461426, 0.12707005441188812, -0.05824723094701767, 0.06306067109107971, 0.20910076797008514, 0.43596509099006653, 0.22257840633392334, 0.624808132648468, 0.3907865285873413, 1.1459251642227173, -0.2236267328262329, -0.10962454974651337, 0.22397422790527344, -0.20081515610218048, 1.1347754001617432, 0.5184781551361084, -0.11383485794067383, 0.19860707223415375, 0.1154167428612709, -0.8784385323524475, -0.9662193059921265, -0.5365373492240906, 0.8135805130004883, 1.4435948133468628, 0.08676004409790039, -0.18128953874111176, -1.2979274988174438, 0.4111718237400055, -0.5603311657905579, 0.6278366446495056, 1.1196149587631226, -0.5190560221672058, -1.19145929813385, -0.7973957061767578, 0.1127173900604248, 0.7296318411827087, -0.8509411811828613, -0.02872583270072937, -0.5623605251312256, 0.13919325172901154, 0.037138212472200394, -0.4849740266799927, -1.1504287719726562, 0.5136943459510803, -0.765116810798645, -0.02069699391722679, 0.6333719491958618, -0.06317636370658875, -0.3473191261291504, 0.4166373908519745, -0.905254065990448, 0.24997155368328094, 0.1499643176794052, -0.5706407427787781, 0.19960777461528778, 0.47320684790611267, -0.2288278043270111, -0.24066251516342163, 0.6571727991104126, -0.5398136377334595, -1.5096876621246338, 1.0493900775909424, 0.7658401131629944, -0.5445730686187744, -0.3865392208099365, 0.6070889830589294, 0.13611945509910583, 0.1882343590259552, 1.0194612741470337]} +{"paper_id": "bn_hate_speech", "embedding": [-0.3364642262458801, 1.573830008506775, 0.21840804815292358, -0.11761652678251266, 1.2308040857315063, 0.10460928082466125, -0.29602015018463135, -0.15050911903381348, 0.40358349680900574, 0.5426608324050903, 0.6577518582344055, -0.5557211637496948, -0.4502403140068054, 0.06278575956821442, -0.02168641984462738, 0.16826993227005005, -0.44151005148887634, -0.42029333114624023, -0.3141510784626007, 0.1372019350528717, -0.5228095054626465, -0.5455473065376282, -0.00988946482539177, 0.7699480056762695, -0.8488147258758545, -0.43462935090065, 0.02557254582643509, -1.1252648830413818, 0.05080980807542801, 0.02644338458776474, -0.4551449418067932, 0.7585232853889465, -1.7483184337615967, 0.005599036812782288, -0.8622643351554871, -0.5951034426689148, 0.00388611713424325, 0.5837961435317993, -0.1480012983083725, -0.9327329993247986, -0.5146427154541016, 0.4018190801143646, 0.7910171151161194, 0.54600989818573, 0.9277986884117126, 0.11269807070493698, 0.30164799094200134, -0.188453808426857, 0.4516414999961853, -0.6116510033607483, -0.10464794933795929, 0.3269079029560089, -0.5729053020477295, 0.26076892018318176, -1.1396337747573853, 0.9927501082420349, 0.08742552250623703, -0.5652019381523132, -0.056096360087394714, -1.5426745414733887, 1.2671233415603638, 2.223619222640991, -0.5507358908653259, 0.30121514201164246, 0.6880678534507751, -0.0755532830953598, 1.536631464958191, -0.4191617965698242, 0.15617865324020386, 0.4031403660774231, 0.04060433804988861, -1.2571812868118286, 0.4673410654067993, -0.24713017046451569, -0.35861602425575256, 0.4063492715358734, 0.4301394820213318, 0.16379709541797638, -0.22761335968971252, 0.7507628798484802, -0.5731585025787354, 1.3731114864349365, -0.13111181557178497, -0.3916550874710083, 0.33075737953186035, -0.07566416263580322, 0.29778388142585754, -0.08064644783735275, 1.1253448724746704, -1.5192646980285645, 0.486061155796051, 0.0551694855093956, 0.0025820054579526186, 1.0243706703186035, -0.31488528847694397, 0.3777923882007599, -0.022296197712421417, 0.17182417213916779, -1.3045539855957031, 0.6697040796279907, 0.3943224549293518, -0.47849971055984497, 0.22811318933963776, -0.5797683000564575, -0.30548182129859924, 1.644731879234314, 0.4202502965927124, -0.23686453700065613, -0.8324011564254761, -0.23670251667499542, 0.2970442771911621, 1.3191709518432617, -0.9232192039489746, 0.8989941477775574, 0.3616885840892792, -0.4148638844490051, -0.056213878095149994, -0.5717010498046875, -0.7708156704902649, 0.515852153301239, -1.411177396774292, -1.4557944536209106, -0.055741071701049805, 1.0550457239151, 1.6132967472076416, 0.04539702460169792, 0.9128965139389038, -0.8513859510421753, 0.04914453625679016, -0.4974576532840729, 0.9998276233673096, -0.35735398530960083, -0.7519725561141968, -0.20623506605625153, 3.2062394618988037, -1.5346060991287231, 1.2080031633377075, -0.5391064286231995, 0.5659536719322205, -0.25328636169433594, -0.9712344408035278, 1.4704971313476562, -0.18525823950767517, -1.3645191192626953, -0.8934744596481323, 0.4794652760028839, -1.2174837589263916, 0.634727418422699, 0.21250009536743164, -1.073744297027588, -0.08170002698898315, 0.5099082589149475, -0.7584848403930664, 0.17235973477363586, 0.5742373466491699, 0.4733677804470062, 0.09627567231655121, 0.8722633123397827, -0.5707170367240906, 1.102266550064087, 0.9591696262359619, 0.5614691972732544, -0.1628575176000595, 0.519294798374176, -1.1539313793182373, -0.0398167185485363, 0.8907082080841064, 0.05243416875600815, -0.39047229290008545, -0.5207659006118774, 1.5900278091430664, -0.028254706412553787, -0.31931403279304504, 0.08740080893039703, -0.24563950300216675, -0.20479348301887512, 0.612067461013794, 1.1057062149047852, -0.18932563066482544, -0.3926439881324768, -0.7026172280311584, -0.8018038272857666, 0.1027381494641304, 0.5951224565505981, -0.8561227321624756, 0.10512174665927887, -1.1849031448364258, -0.2891935110092163, 0.05770494043827057, 0.5535010099411011, -0.13646195828914642, -0.9295031428337097, -0.04560816287994385, 0.791620135307312, -0.09749609977006912, 0.03046714887022972, 0.7118655443191528, -1.6223700046539307, 0.04411150515079498, 0.256168007850647, 0.8033322095870972, -1.083581805229187, -0.3297595977783203, 0.9916570782661438, 0.45750465989112854, -0.5389516353607178, -0.26942312717437744, -1.7129735946655273, 0.8782284259796143, 2.102187395095825, 0.7264334559440613, -1.2429659366607666, -0.9611082673072815, 0.5030499696731567, -0.3260330259799957, -0.33442336320877075, 0.7132636308670044, -1.3628535270690918, 0.3647168278694153, -1.186145305633545, 0.20467019081115723, -0.3008284568786621, 0.37373098731040955, 0.3132554888725281, 0.374533474445343, -0.5041115880012512, -0.446294903755188, 0.2110002338886261, -0.6902385950088501, 0.6701783537864685, 1.0191177129745483, 0.15457770228385925, 0.0072919465601444244, 0.9461801052093506, 0.7650390863418579, 0.5833911895751953, 0.5478779077529907, -0.308673620223999, -0.6491416692733765, 0.3583609461784363, -0.06339232623577118, 0.17273759841918945, -0.5366073846817017, -0.9557710886001587, 0.22481118142604828, 1.031767725944519, -0.12632092833518982, -0.572600781917572, -0.6561936140060425, -0.47267216444015503, 1.3155272006988525, 1.1822055578231812, -0.7046419978141785, 1.0306527614593506, -0.3181522488594055, -0.17638427019119263, -0.4737550616264343, -0.2515603303909302, 0.4742763042449951, 0.11332529783248901, 0.14590179920196533, 0.0031810570508241653, 0.358394980430603, -0.2931906580924988, -0.333049476146698, -0.5955449342727661, -1.103489875793457, 0.35653743147850037, -1.2171564102172852, -1.3306812047958374, 0.09687952697277069, -0.23847059905529022, -1.4007049798965454, -0.5616971254348755, -0.06156127527356148, 0.7323275804519653, -0.5553339719772339, 0.5059192180633545, 1.632515788078308, -0.5301799774169922, 0.5009365677833557, -0.44678348302841187, 0.7979002594947815, -0.40572237968444824, 0.7402312159538269, -0.5580283403396606, 0.11046171188354492, 0.19150543212890625, -0.07841257750988007, -0.25046682357788086, 0.022041872143745422, 1.2938714027404785, -0.8787983059883118, 1.2519798278808594, 0.06936842203140259, -0.71159428358078, 1.2384346723556519, -0.46862027049064636, 0.06940580904483795, -0.4722138047218323, 1.64231276512146, 0.7576033473014832, -0.7513551115989685, 0.5118893980979919, -0.4921782612800598, 0.25975215435028076, 1.0749655961990356, -1.3154133558273315, 0.6500211358070374, 0.41061776876449585, -0.39199477434158325, -0.22336231172084808, 0.2437620460987091, -1.7699509859085083, -0.3234143853187561, 1.53178071975708, -0.5117425918579102, 0.4701290428638458, -0.5298688411712646, 0.6225842237472534, -0.7141823172569275, -0.279109388589859, -0.682108461856842, -0.3331367075443268, 0.5535210371017456, 0.14701062440872192, -0.14392781257629395, 0.5034952163696289, -1.0696455240249634, 0.06429366767406464, 1.114672064781189, 0.6956236958503723, -0.9291171431541443, 0.2610882520675659, 0.6275295615196228, -0.7264832258224487, 0.3488547205924988, 0.097845658659935, 0.2783464193344116, 1.3836801052093506, -0.13939329981803894, -0.13800908625125885, 0.8100414872169495, 0.647546112537384, 0.3308783769607544, -0.051732104271650314, 0.0683882087469101, 1.0641610622406006, -0.5337396860122681, 1.397518277168274, 0.42665204405784607, -0.5721523761749268, -1.6486239433288574, -0.46526288986206055, 0.1319035291671753, -0.3175343871116638, 0.6241553425788879, 0.7726612687110901, 1.6446754932403564, -0.6369193196296692, 0.39111486077308655, -0.06418152898550034, 0.4181338846683502, 1.1733450889587402, 0.8068981170654297, 0.051667649298906326, -0.08751598745584488, 0.5913515090942383, 0.9799713492393494, -0.38151657581329346, -0.8945359587669373, 0.20279712975025177, 1.4892975091934204, -0.9874674081802368, -0.646159827709198, -0.019491884857416153, 0.27749696373939514, 0.15680250525474548, 0.9556531310081482, -0.6914591789245605, -0.19490157067775726, -0.019179461523890495, 0.6058784127235413, 1.2592610120773315, -0.19598230719566345, -0.40035465359687805, -0.10037991404533386, 0.597245991230011, 0.8026126623153687, -0.3601948618888855, 0.377428263425827, 0.5253576040267944, 0.31595557928085327, -0.5360220670700073, -0.38261401653289795, -0.8118164539337158, -0.09242738783359528, 0.07086781412363052, 0.6692143082618713, -1.2511628866195679, 0.6629486680030823, -0.45131805539131165, -1.5727726221084595, 0.6781712770462036, -0.13244397938251495, -0.8076663017272949, 1.2016136646270752, 1.1090165376663208, -0.8896322846412659, -1.608211874961853, -0.543183445930481, -1.104284644126892, -1.5119446516036987, 0.4250526428222656, -0.7388675808906555, 0.8718627095222473, 0.11698146164417267, 0.047104209661483765, -0.1029859259724617, -0.5237880349159241, -0.8364807367324829, 0.340728223323822, 1.5672391653060913, -0.9254425764083862, 0.5255060195922852, 0.3274948298931122, -0.5138232707977295, -0.31609636545181274, -1.2822519540786743, -0.5283951163291931, 0.4785056710243225, 0.430210679769516, 0.753280520439148, -0.5233527421951294, -0.02010495215654373, 0.05201539397239685, 0.13010306656360626, 0.723182737827301, -1.2717323303222656, 0.23820921778678894, -0.6779196262359619, 0.8817182183265686, 0.772552490234375, -0.48119574785232544, -0.04225122556090355, 1.1763837337493896, 0.20783722400665283, 0.5158349275588989, 0.5577085018157959, 0.3206877112388611, 1.2838009595870972, 1.0738720893859863, 0.7282912135124207, -0.26149433851242065, -9.348366737365723, 0.6207439303398132, -0.2323208898305893, 0.4563106298446655, 0.5043126940727234, -0.31651362776756287, 0.24139493703842163, -0.1018684059381485, 1.8388559818267822, -0.742628276348114, 0.06985770165920258, 1.8096965551376343, 0.33788466453552246, -1.1237554550170898, -0.711519181728363, -0.8797033429145813, -1.1961443424224854, -0.5944804549217224, 0.019252456724643707, 0.4277012050151825, 0.3070831298828125, -2.173206329345703, 0.35064542293548584, -0.3415715992450714, 0.3568117320537567, -0.4695706069469452, 0.18097123503684998, -0.4511541724205017, -0.9718450307846069, 0.7856125831604004, 0.3355846405029297, -0.45695236325263977, -0.6826432347297668, -0.5739410519599915, 0.6447246074676514, 0.5606595277786255, -0.8226392865180969, -0.23250894248485565, 1.3662104606628418, 0.24964717030525208, -0.03633648157119751, 0.42824146151542664, 0.6457071304321289, -0.3134632408618927, 0.3344023823738098, -0.5679539442062378, -0.35200193524360657, -0.050826575607061386, 0.23564663529396057, -0.419397234916687, 0.2865898013114929, -0.3276467025279999, -1.7500330209732056, -0.37090936303138733, 1.0293675661087036, 0.41394326090812683, -0.45180055499076843, 0.3223191201686859, -0.7772080302238464, -1.7810883522033691, 0.9641573429107666, 0.5964968204498291, -0.3377966284751892, 0.7493432760238647, 0.23948535323143005, -1.3847910165786743, 0.41662129759788513, -0.5259949564933777, 0.059116266667842865, 0.8596233129501343, -0.4649723172187805, 1.1326379776000977, -0.2391076683998108, 0.6567344665527344, -0.3445514142513275, 0.07738209515810013, -0.5189235210418701, 0.454536497592926, 0.8717324137687683, -0.34968042373657227, -1.2168105840682983, 0.34122204780578613, -0.41314196586608887, -0.9264804720878601, -0.47728434205055237, 0.3443199098110199, -0.35385939478874207, -0.38609686493873596, 0.634941577911377, 0.07693072408437729, 0.6389815211296082, 0.5776847004890442, -0.3139435052871704, 0.04387646168470383, -0.17313069105148315, 0.4345683753490448, -1.3315560817718506, 1.6036860942840576, -0.15887591242790222, 0.4099138081073761, 0.6177939176559448, -0.35346972942352295, -0.6750005483627319, -0.14969635009765625, 0.445390522480011, 0.09113628417253494, 0.41205668449401855, 0.1058972179889679, -0.18798887729644775, 0.2295302301645279, 0.6653763055801392, 0.37847137451171875, -0.07698478549718857, 0.3094322979450226, 0.4000761806964874, 0.8632117509841919, 0.3798937499523163, -0.6328562498092651, -0.03288287669420242, 0.9138420224189758, -0.7632821202278137, 0.7388073205947876, -0.3221055567264557, 0.9716463685035706, -0.06232614070177078, 0.9824185967445374, 0.5242927074432373, -0.35038894414901733, -0.022721245884895325, -2.793647527694702, 0.9711130857467651, -0.5615605115890503, 0.34414681792259216, -0.7347402572631836, 0.1733095794916153, -0.19941318035125732, -1.6998108625411987, 1.3858565092086792, -0.44657766819000244, 0.6275395750999451, -0.27486875653266907, -0.7479355931282043, 0.25112301111221313, -0.5084547996520996, -0.04203231632709503, -0.5476599335670471, -1.7433921098709106, -0.4633212387561798, -0.3284430205821991, -0.04883547127246857, 0.2824026048183441, 0.22833532094955444, 0.2512787878513336, -1.5731029510498047, -0.868445873260498, 0.41052132844924927, 0.5745754837989807, -0.8317121267318726, -1.3325746059417725, -0.1723676174879074, 1.184478759765625, 1.4537113904953003, -1.1771997213363647, 0.8415091633796692, -0.04400523751974106, 0.055082935839891434, -0.5586255192756653, 0.1534070521593094, -0.328640878200531, 0.23657748103141785, 2.081853151321411, -0.5255627036094666, -0.27245739102363586, -0.24114570021629333, -0.6687301397323608, -1.5210402011871338, 0.27634483575820923, 1.4875715970993042, -0.9180846810340881, 0.7950937747955322, -0.513187825679779, 0.1418135166168213, 0.6086639761924744, -0.8021432161331177, 0.10063530504703522, 0.5012161135673523, -0.7036193013191223, 1.1218419075012207, -0.9056107997894287, -0.3033589720726013, -1.8917986154556274, -1.827291488647461, -0.7946562170982361, -0.6820330619812012, 0.6239014863967896, -0.03634839132428169, 0.5190989971160889, 0.28980666399002075, -0.15282227098941803, -0.4770832061767578, -0.5681064128875732, 0.6070208549499512, 0.43363094329833984, -0.1309707760810852, -0.5900701880455017, -0.6779681444168091, -0.3645003139972687, -0.14323437213897705, 0.24561403691768646, 0.43664246797561646, -1.9674737453460693, -0.5460912585258484, 0.27717456221580505, -0.645832359790802, 1.0004392862319946, -0.2973531484603882, 0.6253172159194946, 0.037336643785238266, -0.29602310061454773, -1.090355634689331, -0.41405820846557617, 0.7835960984230042, -0.49545180797576904, 1.3105685710906982, 0.7208501100540161, 0.9936935901641846, 0.14362123608589172, 0.1829497516155243, 2.156731128692627, -0.29860052466392517, -0.42240816354751587, -0.10001590847969055, -0.11209768801927567, 0.15460366010665894, -0.6649569869041443, 0.19772443175315857, -1.439924955368042, 0.3574293851852417, -1.3734632730484009, -0.024984002113342285, -0.6584007143974304, -0.24168755114078522, 0.1710779368877411, 0.6853091716766357, -0.0595511719584465, -0.335428923368454, -0.8854121565818787, -0.5296761989593506, -0.6337883472442627, -0.3981424570083618, -0.29490891098976135, 1.8123656511306763, 0.8440538048744202, 0.09946340322494507, 1.4367516040802002, 0.30552101135253906, -0.10092152655124664, 0.12741276621818542, 0.361994206905365, 0.6568558216094971, 0.44295546412467957, 0.7258161902427673, -0.012573974207043648, -0.42111775279045105, -0.9323497414588928, -0.5271501541137695, -1.0239421129226685, 0.6266704201698303, 0.27339059114456177, 0.13413192331790924, -0.2033362090587616, -0.13572706282138824, -0.5464511513710022, 0.02998664602637291, 0.5020950436592102, 0.5273823738098145, 0.054798662662506104, -0.2081311196088791, -1.0086687803268433, -0.4709116220474243, 0.7741284966468811, -1.0108835697174072, 0.06976385414600372, -1.3109190464019775, 0.08974829316139221, 0.18427348136901855, -0.7509806752204895, -1.20158052444458, -0.1890602707862854, 0.0209067203104496, 0.6136637330055237, 1.0972800254821777, -1.4822490215301514, -0.5192192792892456, -0.38318508863449097, -1.1833754777908325, 0.7464819550514221, 0.3422331213951111, -1.8790826797485352, -0.2900983691215515, 0.5017402768135071, 0.8052759170532227, -0.704566240310669, 0.7859892845153809, 0.38510140776634216, -1.2896722555160522, 1.5347156524658203, 2.226668357849121, -0.4455033242702484, -0.295926034450531, 1.2551634311676025, -0.4108697772026062, 0.5576002597808838, 1.992021083831787]} +{"paper_id": "hkcancor", "embedding": [-0.38446301221847534, 0.808883011341095, 0.6484904289245605, -0.6471754312515259, 0.1466342806816101, 0.2799670100212097, 0.4530434310436249, 0.713884174823761, 0.7061029672622681, 0.3208034038543701, -0.1644570678472519, -0.7782959342002869, 0.2287069857120514, 0.1528588980436325, 0.14568226039409637, -0.6395480632781982, -1.7109582424163818, -0.5657767057418823, -0.1830032914876938, -0.26690083742141724, -0.6016203761100769, -0.29859840869903564, -0.53120356798172, -0.0031262803822755814, -0.4044511616230011, 0.0039991941303014755, -0.1589554399251938, -0.7543497681617737, 0.13309767842292786, 0.2813509404659271, -0.07063216716051102, 0.9043838381767273, -1.102651834487915, 0.13498258590698242, -0.5425717830657959, -0.45426851511001587, -0.11582443863153458, 0.28216004371643066, -1.0104560852050781, -0.38280633091926575, -0.3606169521808624, -0.26465684175491333, 0.7244855165481567, 0.04398108646273613, 0.6258746385574341, 0.42379042506217957, -0.2396012246608734, 0.514180600643158, 0.11795340478420258, 0.2359701246023178, -0.4237108826637268, 0.48319554328918457, 0.6165699362754822, 0.017835348844528198, 0.12707802653312683, 0.44321736693382263, -0.28559038043022156, -1.1271474361419678, 0.1746724396944046, -0.8981997966766357, 0.375245600938797, 1.2658400535583496, -0.444048136472702, 0.9975851774215698, 0.7518170475959778, -0.5128480792045593, 0.9191829562187195, -0.068503238260746, 0.7559402585029602, 1.2015680074691772, -0.17486801743507385, -0.5241612195968628, 1.1133196353912354, -0.3529964089393616, 0.3603232204914093, 0.684897780418396, 0.25314435362815857, 0.7575053572654724, 0.22784516215324402, 0.5187463760375977, -0.6039552092552185, 0.7789942622184753, 0.8210272789001465, 0.07012858241796494, 0.03007848560810089, 0.11189649254083633, 0.5043302774429321, -0.16084086894989014, 0.406635046005249, -1.3199020624160767, 0.001971229910850525, -0.0023910272866487503, -0.5184071063995361, 0.3597220480442047, 0.32104551792144775, 0.3846682608127594, -0.07323312759399414, 0.5189694762229919, -0.11601810157299042, 0.11969315260648727, 0.5347058773040771, -1.0578980445861816, 0.4816846549510956, -0.28033071756362915, -0.3000911474227905, 0.5188822150230408, -0.3128874897956848, -0.5702846646308899, -0.17469581961631775, 0.22417384386062622, -0.1540439873933792, 1.7802753448486328, -0.2766192853450775, 0.6671428680419922, -0.10515227913856506, -0.00167759507894516, -0.06070265918970108, -0.5773763656616211, -0.3323046565055847, -0.3916306495666504, -0.8599689602851868, -0.8170679211616516, 0.33182281255722046, -0.12224724888801575, 0.629491925239563, -0.09375670552253723, 1.1705502271652222, -0.3499051034450531, 0.7873973250389099, -0.24476593732833862, 0.18219277262687683, 0.013303733430802822, 0.4159986674785614, -0.1982913613319397, 2.5157010555267334, -0.8688549399375916, 1.6331760883331299, -0.6610344052314758, 0.23978832364082336, 0.1450837403535843, -0.07026985287666321, 1.752624273300171, -0.1081492230296135, -0.574880838394165, -0.9724729061126709, -0.1105591282248497, -0.25561845302581787, 0.22922584414482117, 0.073004350066185, -0.24955029785633087, -0.11145681142807007, 1.2028491497039795, -1.0687216520309448, -0.01670335978269577, 0.018119554966688156, 0.8597894906997681, 0.6132417321205139, 0.6156328916549683, -1.0558382272720337, 0.31583985686302185, 0.9505503177642822, 0.17858412861824036, -0.49785104393959045, 0.7932760715484619, -1.2280514240264893, 0.43446293473243713, 1.2938439846038818, 0.1421530842781067, -0.6519957780838013, -0.30435675382614136, 0.400613009929657, 0.2652851939201355, -0.20118412375450134, 0.11671636253595352, 0.1861887127161026, -0.008979761973023415, -0.09635086357593536, 0.5490844249725342, 0.41352587938308716, -1.391993522644043, -0.5109882950782776, -0.37070924043655396, -0.43400201201438904, -0.13069677352905273, 0.2574683129787445, 0.006050378084182739, -2.130750894546509, -0.058857113122940063, -0.41074055433273315, 0.06336797773838043, 0.22324687242507935, -1.0645149946212769, -0.18000629544258118, 0.1521974802017212, 0.08023367822170258, 0.22798646986484528, 0.3904220461845398, -0.8493586182594299, -1.0831987857818604, 0.4037783741950989, 0.6811065077781677, -0.5595449209213257, -0.13933014869689941, 0.44412803649902344, 1.1852384805679321, -0.14778690040111542, -0.0103995893150568, -0.8984519243240356, 0.16955150663852692, 1.5766677856445312, 0.5629129409790039, -0.9376933574676514, -0.6534357666969299, 0.3367326855659485, 0.33425867557525635, -0.7536306381225586, 0.08289439976215363, -1.0002484321594238, 0.48759725689888, -1.0917619466781616, 0.5412828326225281, -0.27182576060295105, -0.4447592496871948, 0.06488078832626343, 0.63804030418396, -0.8530327081680298, -0.7339950799942017, 0.1602986603975296, -0.02959771826863289, -0.11784297972917557, 0.8870245218276978, 0.22479429841041565, -0.20581908524036407, 0.5374535918235779, 0.40906643867492676, 0.08145670592784882, -0.11921699345111847, 0.4865643382072449, 0.012824773788452148, -0.18704862892627716, -0.3449723422527313, 1.0650746822357178, -0.594026505947113, -0.14021959900856018, 0.7870171666145325, 0.8194847106933594, -0.20633432269096375, -0.6089891791343689, -0.7430530786514282, -0.23577487468719482, 1.5864275693893433, 1.4906822443008423, 0.13546940684318542, 0.916934072971344, -0.7674357891082764, 0.6884552240371704, -0.3540053367614746, -1.0813546180725098, -0.5214153528213501, -0.4732406735420227, 1.0940372943878174, -0.4264886677265167, 0.08018149435520172, -0.36769986152648926, -0.5094082355499268, -0.8307992219924927, -0.45217445492744446, -0.06222328543663025, -0.7308987379074097, -0.7922157049179077, -0.0013337433338165283, 0.03327517583966255, -0.6087456345558167, -0.6239933371543884, -0.6898723840713501, 0.44751209020614624, 0.4498467445373535, 0.3905666768550873, 1.6875500679016113, 0.03487050533294678, 0.34916600584983826, -0.013735979795455933, 0.11353735625743866, -0.055269066244363785, 0.2281879037618637, -0.2324810028076172, 0.3496358096599579, -0.5885996222496033, -0.7312277555465698, -0.21620798110961914, 0.21706503629684448, -0.12185066193342209, -0.2052813172340393, 0.4101518988609314, -0.42816251516342163, -1.1941277980804443, 1.0623940229415894, -0.862308144569397, -0.13374179601669312, -0.9090155959129333, 1.392432451248169, 0.17138469219207764, 0.2899590730667114, 0.23840045928955078, -0.9330381155014038, 0.4311653673648834, 0.8639748692512512, -0.3282075524330139, 0.5479401350021362, 0.34825026988983154, 0.12384158372879028, 0.2489510476589203, 0.4417736232280731, -2.5731136798858643, 0.16986796259880066, 0.8243594765663147, 0.39865559339523315, 0.16207237541675568, -0.35330507159233093, 0.2114735096693039, -0.2795288860797882, -0.4510396718978882, 0.27038711309432983, -0.7157737612724304, 0.5625125765800476, -0.337562620639801, 0.07667659968137741, 0.4383642375469208, -0.6173170208930969, -0.0032699406147003174, 0.29399389028549194, 0.5211777091026306, -0.8856735229492188, 0.07232601195573807, 0.37819206714630127, -1.383031964302063, 0.9764964580535889, 1.0161875486373901, 0.5101298689842224, 1.4538556337356567, -0.748154878616333, -0.32800042629241943, 0.5846304893493652, 0.4195314049720764, -0.037060078233480453, 0.056685276329517365, 0.23646774888038635, 1.0345757007598877, 0.0006217584013938904, 1.0256316661834717, 0.6064401268959045, -1.1284023523330688, -0.6121360659599304, -0.21320778131484985, -0.45065903663635254, -0.7584736347198486, 1.2360773086547852, 0.7068987488746643, 1.0055971145629883, -0.09308348596096039, 0.25831034779548645, -0.8374825119972229, 0.21678978204727173, 1.2235432863235474, 0.4685826599597931, 0.16884571313858032, 0.5021034479141235, 0.1897650808095932, 0.5974414944648743, 0.3129364550113678, -0.417654424905777, 0.03445511683821678, 0.24952715635299683, 0.27470964193344116, -0.8657036423683167, -0.018432606011629105, 0.4942726492881775, 0.7202470898628235, 2.0943992137908936, -0.4148162603378296, -0.3881012201309204, -0.15076029300689697, 0.3803982138633728, 0.7811068296432495, -0.1749134361743927, -0.7410613298416138, 0.7043989896774292, 0.5106703042984009, 1.4482959508895874, -0.6909394860267639, 0.799287736415863, 0.6629098653793335, -0.235489621758461, -0.9614657163619995, -0.24357032775878906, -1.4458669424057007, -0.14082057774066925, -0.43677088618278503, -0.6576893329620361, -0.6503481268882751, 0.03394816443324089, -0.4033803343772888, -0.9813572764396667, 0.23992261290550232, 0.48455533385276794, -0.5274161100387573, 1.4467041492462158, 1.066800594329834, -1.1144715547561646, -0.6988981366157532, -0.08668449521064758, -0.2554236948490143, -0.7887293100357056, 0.8516809940338135, -0.7437071204185486, 0.014428140595555305, -0.05995263531804085, 0.5383098125457764, -0.22123703360557556, -0.021929927170276642, -1.0494425296783447, 0.8130832314491272, 0.8696531653404236, -0.3248794674873352, -0.47897979617118835, 0.1705622673034668, 1.1514832973480225, -0.19264289736747742, -1.1593036651611328, -0.1949230432510376, 0.27810898423194885, 0.6486784219741821, -1.064305305480957, -0.5155873894691467, 0.012949351221323013, -0.08327390253543854, 0.1375754326581955, 0.49939754605293274, -1.2621601819992065, 0.4744586944580078, 0.11237771064043045, 1.1232011318206787, 0.6081258654594421, -0.6742004752159119, -1.1746586561203003, 0.9640535116195679, -0.6227030754089355, 0.14774096012115479, 0.7610546350479126, 0.43309006094932556, 0.053277358412742615, 0.5241949558258057, 0.3505581021308899, 0.2621380686759949, -12.761597633361816, 0.664743185043335, -0.33177128434181213, 0.24568967521190643, 0.40004265308380127, -0.16557326912879944, 0.5299546718597412, 1.338227391242981, 0.37504804134368896, -0.5993463397026062, 0.1450725495815277, 0.5993778109550476, -0.06783188134431839, -0.3995237648487091, -0.06577634066343307, -0.3890848755836487, -1.109992265701294, -0.7089993357658386, 0.5221569538116455, 1.034858226776123, -0.24371445178985596, -1.0166500806808472, -0.37574583292007446, -0.340725839138031, 0.3332346975803375, -0.19272837042808533, 0.36261552572250366, -0.3919769823551178, -0.33842113614082336, 0.15658079087734222, 0.5982036590576172, 0.01446891762316227, -0.21951022744178772, 0.5420607924461365, 0.3274545669555664, 0.348511666059494, -1.0225929021835327, -0.8011013269424438, 0.8071566224098206, -0.4928237795829773, -0.274661660194397, 0.08408304303884506, 0.08040741086006165, -0.8014524579048157, 0.12895530462265015, 0.1553869992494583, -0.385398268699646, 0.1647859364748001, 0.4117699861526489, -0.39479708671569824, -0.5698742270469666, -0.8996583223342896, -1.2529033422470093, -1.2018293142318726, 0.9496451020240784, -0.604011595249176, -0.6344484686851501, 0.15632914006710052, -0.7294945120811462, -0.7895693778991699, 1.4742417335510254, 0.3990086317062378, -0.20771083235740662, 0.9237053394317627, 0.5005878806114197, -0.8610565066337585, 0.03746190294623375, 0.44476738572120667, 0.623741865158081, 0.5169566869735718, -0.7558690905570984, 0.9540649056434631, -0.11710546165704727, 0.040984146296978, -0.27490562200546265, -0.2966960668563843, 0.08244363963603973, -0.2741585671901703, 0.749619722366333, 0.14731845259666443, -0.9741246104240417, 0.2351236194372177, 0.010750815272331238, -0.19706487655639648, -0.501887857913971, 0.2227562665939331, -0.09332630783319473, 0.1131589263677597, 0.6033890247344971, 0.19625723361968994, 0.9083719849586487, 0.2640894651412964, -0.35490888357162476, -0.06333978474140167, -0.11518706381320953, 1.0316542387008667, 0.3267110586166382, 1.2898035049438477, -0.4141208827495575, -0.077203668653965, 0.33960580825805664, -0.18197789788246155, -0.9040287733078003, 0.2642545998096466, 0.9467053413391113, -0.36797139048576355, -0.3068969249725342, 0.6685817241668701, 0.48485690355300903, 0.12625429034233093, 0.869251549243927, -0.6581811308860779, 0.2782183289527893, 1.0531115531921387, 0.3341447412967682, 1.149972915649414, 0.7127950191497803, 0.33817681670188904, 0.6276021599769592, 0.6593278050422668, 0.07753190398216248, 0.2832733988761902, -0.2693687975406647, 1.5859143733978271, 0.7606987357139587, 0.11835435032844543, 0.45227140188217163, 0.21599417924880981, -0.2335720807313919, -1.1222796440124512, -0.1821582019329071, -0.17217005789279938, 0.28489038348197937, -0.6470212340354919, 0.06850495934486389, -0.2354128360748291, -0.6850809454917908, 0.8148627281188965, -0.4889979958534241, 0.36949622631073, -0.23985958099365234, -0.7222367525100708, -0.6216100454330444, 0.07110816240310669, -0.5150924324989319, 0.6919503211975098, -1.721938967704773, -0.3685570955276489, -0.01557689905166626, -0.740111231803894, 0.38837629556655884, -0.16775956749916077, 0.4123317003250122, -0.45142078399658203, 0.3590511083602905, 0.22121769189834595, 0.7459132075309753, -0.15027029812335968, -0.17003846168518066, -0.3383648991584778, 0.776896059513092, 0.3176203966140747, -1.2811025381088257, 0.44101062417030334, 0.5987017154693604, 0.5891547203063965, -1.020065426826477, -0.49660107493400574, -0.055300064384937286, 0.48223286867141724, 0.33032330870628357, -1.4148366451263428, -0.38139793276786804, -0.33385032415390015, 0.24424849450588226, -0.5892714262008667, -0.22561869025230408, 0.746867299079895, -1.9541887044906616, -0.12219034135341644, -0.05433465540409088, 0.02869483456015587, -0.46820300817489624, -0.7047250270843506, -0.974847674369812, 0.23195427656173706, -0.22748911380767822, 0.8756930232048035, 0.2658059298992157, 0.3311689496040344, -1.506428599357605, -1.161984920501709, -0.5787875056266785, 0.5042567253112793, 0.427057147026062, -0.04375219717621803, 0.515159010887146, 0.4692416787147522, 0.16677358746528625, -0.02619609236717224, -0.036046382039785385, 0.11508378386497498, 0.44035959243774414, -0.10873058438301086, -0.977019727230072, -0.17040105164051056, -0.7650824189186096, -0.10402517020702362, 0.5869331955909729, -0.5388892292976379, -0.9067015051841736, 0.4221115708351135, 0.34247705340385437, 0.35607653856277466, 0.14143581688404083, -0.774375319480896, -0.30357953906059265, 0.019192863255739212, -0.5502994060516357, -0.2488722950220108, -0.19411450624465942, 0.6735091805458069, -0.570401132106781, 0.8962965607643127, -0.23231984674930573, -0.00048658065497875214, 0.5304379463195801, 0.36594557762145996, 0.9937962889671326, -0.19835539162158966, -0.3387500047683716, -0.796899139881134, 0.09701268374919891, -0.2636048495769501, -0.5511041879653931, 0.16380710899829865, -0.7125840187072754, -0.24957427382469177, -1.152633547782898, 0.27893415093421936, -0.4254557490348816, 0.2741529643535614, -0.060757458209991455, 1.0721908807754517, -0.5150482654571533, -0.724262535572052, -0.2793780565261841, -0.16359379887580872, -0.08872489631175995, -0.04712773859500885, 0.3742911219596863, 0.9305703639984131, 0.8546035885810852, 0.07476895302534103, 1.0717803239822388, -0.2562371790409088, 0.20427580177783966, 0.15289703011512756, 0.478529691696167, 0.9033715128898621, 0.5625002384185791, 0.5581687092781067, 0.28379079699516296, -0.23565223813056946, -1.1010096073150635, 0.09987065196037292, -0.44305744767189026, 0.7945029735565186, 0.02083192765712738, -0.5573223233222961, -0.3986222743988037, -0.7997965216636658, -0.2886792719364166, 0.10742735862731934, 0.17968201637268066, 1.3667515516281128, -0.14166727662086487, 0.6105029582977295, -0.715951144695282, -0.22265642881393433, 0.8555222749710083, -0.38721776008605957, -0.7646118402481079, -1.378385305404663, -0.24014395475387573, -0.5639216899871826, -0.560549259185791, -0.5228000283241272, 0.7230637669563293, -0.8515860438346863, 0.5334714651107788, 0.3527836203575134, -0.21104708313941956, -0.8011582493782043, 0.6909533739089966, -0.2518186569213867, 0.528907299041748, -0.28330010175704956, -1.3626936674118042, 0.341721773147583, -0.1830204874277115, -0.20916952192783356, -0.8164927959442139, 0.03517243638634682, 0.1297474205493927, -0.977299690246582, 0.2953084409236908, 0.8267383575439453, -0.7604776620864868, -0.03244663029909134, 0.6026850342750549, 0.19521579146385193, 0.32594776153564453, 0.760536253452301]} +{"paper_id": "offcombr", "embedding": [-0.7776845097541809, 1.2937922477722168, -0.8817940950393677, 0.41090965270996094, 1.3662899732589722, 0.4137347638607025, 0.4080684185028076, -0.32201430201530457, 0.9152296781539917, 0.9808074831962585, 0.3741058111190796, -0.4910144507884979, 0.45496246218681335, -0.1173851490020752, 0.510046660900116, 0.5858944654464722, 0.09754226356744766, 0.4465186893939972, 0.7323213219642639, 0.4230210483074188, -0.9119584560394287, -0.7593433856964111, -0.5103355646133423, 0.38206911087036133, -1.174561858177185, 0.33229270577430725, 0.528236985206604, -0.6960009932518005, -0.19613012671470642, -0.6275383234024048, 0.20622986555099487, 1.6060577630996704, -1.3054308891296387, -0.1354416459798813, -1.0268781185150146, -0.6332355737686157, -0.512441873550415, 0.16441914439201355, 0.04095769673585892, -0.6633322238922119, -0.7643324136734009, 0.9690925478935242, 0.7147946357727051, 0.36408373713493347, 0.745984673500061, 0.12212445586919785, 0.8726941347122192, 0.12305136024951935, 0.2606745958328247, -0.1686968207359314, -0.7720432877540588, 0.3108983337879181, -0.3533329963684082, 0.05110020935535431, -0.7850902676582336, 0.6622514724731445, -0.5060714483261108, -1.4496784210205078, 1.1817673444747925, -0.8868908882141113, 2.3720760345458984, 1.0873290300369263, 0.17325036227703094, -0.34025901556015015, 0.695005476474762, -0.7762517929077148, 1.019728660583496, -0.6995793581008911, 0.4693240225315094, 0.3749060332775116, -0.4955521821975708, -0.5053438544273376, -0.7763449549674988, -1.261054515838623, -1.4812546968460083, 0.3190745413303375, -9.653717279434204e-05, -0.16831648349761963, -0.853101909160614, 0.4968814253807068, 0.2772664725780487, 0.0881011039018631, -0.3398343324661255, 0.064457468688488, 1.0291142463684082, -0.8619487881660461, 0.4989478886127472, 0.4247700572013855, 0.6945549845695496, -0.8670064210891724, 0.17550130188465118, 0.08336334675550461, -0.16694873571395874, 0.7525861859321594, -0.9878026843070984, 0.7406204342842102, -0.1442965418100357, 0.43551722168922424, -1.0872739553451538, 0.1571178138256073, -0.01270531676709652, -0.2614894211292267, 0.46118372678756714, -0.054695285856723785, -0.18571406602859497, 2.334311008453369, 0.12698958814144135, -0.7925332188606262, -0.14952218532562256, -0.3870774805545807, -0.499912828207016, 1.6474478244781494, -0.6059563159942627, 0.7460298538208008, 0.5165507197380066, 0.18404686450958252, -0.6230274438858032, -1.1500502824783325, -0.36262041330337524, 0.38910603523254395, -0.7068880796432495, -1.331692099571228, -0.08324387669563293, 0.7231706380844116, 1.3239816427230835, 0.45631080865859985, 0.6888414621353149, -0.7537134289741516, -0.6880775690078735, 0.7123900651931763, 1.0098007917404175, -0.21083548665046692, -1.1971708536148071, 0.41806310415267944, 1.4011768102645874, -1.064927101135254, 1.529485821723938, -0.1473330408334732, 0.6927151083946228, -0.48119932413101196, -0.23702725768089294, 1.0181909799575806, -0.1797943115234375, -1.2987520694732666, -1.1370189189910889, 0.6459659337997437, -0.9798373579978943, 0.2332872599363327, -0.3011721074581146, -0.5109408497810364, 0.22008509933948517, 0.7997468709945679, -0.5321550965309143, -0.012568265199661255, 0.43246346712112427, -0.06693249195814133, 0.3486374020576477, 0.1596910059452057, 0.07181453704833984, 0.11121921241283417, 1.118212103843689, 0.7993809580802917, 0.4903269410133362, 0.4313441812992096, -0.4129464626312256, -1.049107551574707, 0.8490986227989197, 0.1298486292362213, -1.633278250694275, -0.13256800174713135, 1.0848605632781982, -0.1939992606639862, -0.2624747157096863, -0.42610862851142883, -0.8002980351448059, -1.1282577514648438, 0.58644038438797, 1.0061967372894287, 1.1215646266937256, -0.6505025029182434, -0.7327026128768921, 0.175619438290596, 0.21196526288986206, 0.5010718107223511, -0.9465402960777283, -1.2552169561386108, -0.993404746055603, 0.5603072047233582, -0.5975514650344849, 0.9782151579856873, 0.5401011109352112, 0.04493670165538788, 0.2593218982219696, 0.980612576007843, -0.11672155559062958, -0.28814244270324707, 0.8649165630340576, -1.469920039176941, 0.8355627059936523, -0.2156607210636139, 1.1215344667434692, -1.1718627214431763, -0.11822766065597534, -0.3949825167655945, 0.7161866426467896, -0.047204192727804184, -0.6456726789474487, -1.5433980226516724, 1.256191611289978, 1.15706205368042, -0.41959506273269653, -0.7401502728462219, -0.14170339703559875, 0.2136015146970749, 0.46156954765319824, 0.17588497698307037, 1.069044589996338, -1.2307274341583252, 0.12997597455978394, -1.3504282236099243, 0.35080400109291077, 0.3236640691757202, -0.9277190566062927, 0.6860703229904175, 0.42069992423057556, -0.6883449554443359, -0.5633796453475952, -0.029209759086370468, -1.8269612789154053, 0.263521283864975, 1.005491852760315, 0.12185526639223099, 0.3658332824707031, 1.1632592678070068, -0.06284055858850479, 0.8715841174125671, -0.2907256782054901, -0.33517056703567505, -1.2829118967056274, 0.3691922426223755, 0.29643064737319946, -0.6261586546897888, 0.43433690071105957, -1.9950549602508545, 0.8867741227149963, 1.1287742853164673, 0.033120185136795044, -0.5784921050071716, -0.5816716551780701, -0.15132039785385132, 0.09748536348342896, 1.0346407890319824, -0.9144666790962219, 0.1679360270500183, 0.49875608086586, -0.5682206153869629, 0.8729735016822815, -0.42346933484077454, -0.39217835664749146, -0.4177786707878113, -0.02340073324739933, -0.22779135406017303, 0.2094421088695526, -0.1213214248418808, -0.8143739104270935, 0.09843063354492188, 0.07397334277629852, 0.03268232196569443, 0.08519540727138519, -0.3894844651222229, -0.2187747210264206, -0.5683600902557373, -1.547144889831543, -0.02381477877497673, 0.280087947845459, -0.615263044834137, -1.6783255338668823, 0.39452049136161804, 0.46719181537628174, -0.018871795386075974, 0.11184535175561905, -1.2929617166519165, 1.572192668914795, 0.19413456320762634, 0.09854519367218018, -0.41106313467025757, 0.30601540207862854, 0.7920742630958557, -0.5768207311630249, 0.30128711462020874, 0.47875112295150757, 0.624107301235199, -0.04224032163619995, 1.3329730033874512, -0.571215033531189, -0.11433516442775726, 1.4373124837875366, -0.14766135811805725, -0.012675706297159195, -0.8635740876197815, 0.606057345867157, 0.8360098600387573, 0.018746551126241684, 0.25957828760147095, 0.5417357087135315, -0.9167794585227966, 1.2277591228485107, -1.3145192861557007, 0.1349034309387207, -0.2849624752998352, -0.4430276155471802, -0.35116562247276306, 0.8445575833320618, -0.8446102142333984, 0.2660209834575653, 0.5274949073791504, -1.5397950410842896, 0.3044641613960266, 0.3770143985748291, 0.7025955319404602, -0.2128545045852661, -0.20866340398788452, -0.8533245325088501, -1.0452903509140015, 0.41053903102874756, -0.554967999458313, 0.5184360146522522, -0.11266671866178513, -0.753364622592926, -0.4303155839443207, -0.23425815999507904, 0.7509421110153198, -0.8897727131843567, -1.2173895835876465, 0.16364029049873352, -0.7811386585235596, 0.763271689414978, -0.3717430531978607, 1.4205933809280396, 0.3767676055431366, 0.010387323796749115, -0.706902801990509, -0.08643433451652527, 0.5098567605018616, -0.5659416913986206, -0.18483014404773712, 0.8045538663864136, 0.9412830471992493, -1.5330836772918701, 1.5977853536605835, 0.04403647407889366, -0.33998987078666687, -1.4205421209335327, -0.13598671555519104, -0.21603624522686005, -0.28902748227119446, 0.7727933526039124, -0.1936034858226776, 0.651656985282898, 0.8104997873306274, 0.36091214418411255, 0.23107148706912994, 0.3394942283630371, 0.5996983647346497, 0.7768029570579529, 0.3808380961418152, 0.07924337685108185, 0.49196043610572815, 1.4650378227233887, 0.2812839448451996, -0.8426786661148071, 0.23033522069454193, 1.0447514057159424, -1.1089614629745483, 0.4009416699409485, -0.49701669812202454, -0.15847459435462952, -0.3762597143650055, 1.4982097148895264, -0.5995937585830688, -1.4036922454833984, -0.5807622671127319, 0.23122656345367432, 0.7001545429229736, 0.3012394607067108, -0.5884361267089844, -0.41380736231803894, -0.378345251083374, 0.5018687844276428, -0.4028388261795044, -0.16511157155036926, 0.05495018512010574, 0.28108227252960205, -0.24278229475021362, -0.22736750543117523, -0.20856697857379913, 0.8974206447601318, 0.09536952525377274, 0.1921369582414627, -0.842008650302887, 1.3379170894622803, -0.5231121182441711, -1.9926782846450806, -0.3308255076408386, -0.5485832691192627, -1.3974887132644653, 0.4207324981689453, 0.5849233865737915, -0.5546442270278931, -0.6987303495407104, 0.20991282165050507, -0.9279636144638062, -0.6966671347618103, 0.3763028681278229, -1.3280861377716064, 1.6557246446609497, -0.12077350914478302, 0.1991432011127472, 0.8484675288200378, 0.34789198637008667, -0.5655323266983032, 0.9633031487464905, 1.454391360282898, -0.6508320569992065, 0.5600498914718628, -0.015447527170181274, -0.5939807891845703, 0.73490309715271, -0.7507109045982361, -0.4084685444831848, 1.0654256343841553, 0.5822463035583496, 1.2484523057937622, -0.7806715369224548, -0.28149959444999695, 1.3114715814590454, -0.8413186073303223, 0.9462667107582092, 0.19660289585590363, 0.7139837741851807, -0.7956780791282654, 0.7009862661361694, 0.007309384644031525, -0.057471226900815964, -0.5188777446746826, 0.8290336728096008, 0.02067868411540985, -0.37560221552848816, 0.32556307315826416, -0.5194512009620667, 1.2388135194778442, 0.19556590914726257, 0.46048128604888916, -0.8150157332420349, -9.869126319885254, 0.923434317111969, 0.19008873403072357, 0.5425131916999817, -0.1463792622089386, 0.5011255145072937, -0.7452578544616699, -0.10414654016494751, 1.7277631759643555, 0.08021025359630585, -0.9332537055015564, 2.0830204486846924, -0.8159829378128052, -0.9945826530456543, -0.6614887118339539, -0.12765780091285706, -0.03334738686680794, -0.48244839906692505, -0.4074050784111023, -0.12042627483606339, 0.8146806955337524, -1.3324940204620361, -0.015523772686719894, -0.8975717425346375, 1.042108416557312, -0.638637900352478, -0.5584741830825806, -0.7675731778144836, -0.5584256649017334, 0.7095737457275391, 0.4984418451786041, 0.5377342700958252, -0.21282868087291718, -0.8028368949890137, 0.04679019749164581, 0.283090740442276, -0.6819179654121399, 0.11355342715978622, 0.42962315678596497, -0.2695201337337494, 0.7529392242431641, 0.182371124625206, 0.07642868161201477, -1.0657005310058594, 0.44936031103134155, -0.43111652135849, -0.9499685168266296, -0.2179337590932846, 0.048951275646686554, 0.38779503107070923, -0.06233135610818863, -0.40259701013565063, -1.177429437637329, 0.3874250054359436, 0.330432265996933, -0.5883427858352661, -1.312289834022522, 0.9041151404380798, -1.2391152381896973, -0.8300352096557617, 1.049914836883545, -0.741252601146698, -0.42188355326652527, 0.20543570816516876, 0.6407718658447266, -0.45336106419563293, 0.924797773361206, -0.28922411799430847, -0.2143896222114563, 0.1144014298915863, -0.2435777485370636, 1.7754331827163696, -0.3319509029388428, 1.3013269901275635, -0.774797797203064, -0.240822434425354, -0.7597639560699463, -0.36444318294525146, 0.7682657241821289, -0.38071706891059875, -1.3130730390548706, 0.4508519172668457, 0.5193942785263062, 0.11519353091716766, -1.082055687904358, 0.6697246432304382, -0.004981212317943573, -1.9797228574752808, 0.5194700956344604, -0.03722795099020004, -0.11034078896045685, -0.27022621035575867, 0.028138335794210434, 0.43891820311546326, -0.26686543226242065, 0.1273879110813141, -1.7417665719985962, 1.2456417083740234, 0.38646090030670166, 0.21684220433235168, 0.41326919198036194, 0.7017102241516113, -0.7919148206710815, 0.4367683529853821, 0.9554417133331299, -0.28310906887054443, 0.559970498085022, -0.4140210747718811, -0.9513293504714966, -0.0025216189678758383, 0.41012677550315857, 0.08068045973777771, 0.7054392099380493, 0.7474525570869446, 0.39490917325019836, 0.3948119282722473, 0.3375771939754486, -0.3616712689399719, -0.4726814925670624, 0.9735701084136963, -0.7163169384002686, 0.942751407623291, -0.26720306277275085, 0.34628164768218994, -0.2890194058418274, 0.9294525980949402, -0.1281406134366989, -0.7687494158744812, 0.24375149607658386, -1.8282289505004883, 1.2959518432617188, -0.699161946773529, 0.8419952988624573, -0.3560608923435211, -0.0795765295624733, 0.13904577493667603, -1.3099770545959473, 0.5451138019561768, -0.6318075656890869, 1.0483903884887695, -0.8993401527404785, 0.41010963916778564, 0.5637568235397339, -0.5320005416870117, -1.1048208475112915, 0.15245184302330017, -1.1917026042938232, 0.4264328181743622, -0.7838340401649475, -0.11238986998796463, 0.07491572201251984, -0.7829646468162537, -0.05488412082195282, -1.011776328086853, -0.28792688250541687, 0.41813069581985474, 0.19668735563755035, -0.5370394587516785, -0.7521387934684753, -0.2869904041290283, 0.6191720366477966, 1.176472544670105, -0.1279565393924713, 0.38053426146507263, 0.2638198435306549, -0.6853968501091003, 0.6514278650283813, 0.11177408695220947, -0.3065902292728424, 0.4641295075416565, 1.741277813911438, -0.24167419970035553, 0.43975839018821716, 0.1653924435377121, 0.4847967326641083, -0.8458013534545898, 1.0327024459838867, 0.8839106559753418, -1.0922930240631104, -0.16246812045574188, 0.09806762635707855, -0.2115185260772705, 0.3588821589946747, -0.6380215883255005, -0.521589994430542, 0.4391123056411743, -0.14362213015556335, 1.202826976776123, -0.6981294751167297, -0.36064764857292175, -1.8538563251495361, -1.1401941776275635, -0.8372418284416199, -1.085196614265442, 0.21370722353458405, -0.29354381561279297, 0.0708547830581665, 0.32292160391807556, -0.7409235239028931, -0.9517343044281006, -0.3770653009414673, 0.5333678722381592, -0.03739412501454353, 0.07711079716682434, -1.2091041803359985, -0.38410210609436035, 0.03947804868221283, 0.6151770949363708, 0.426736056804657, 0.539815366268158, -1.939231514930725, -0.40006059408187866, 0.11994536221027374, 0.8547242283821106, -0.16709206998348236, -0.32407957315444946, -0.5628243684768677, 0.23009006679058075, -0.47985509037971497, -0.4935019612312317, 0.18569517135620117, 0.7097142338752747, 0.5863173604011536, 0.12063418328762054, 1.4166558980941772, 0.6619933247566223, 1.1987347602844238, 1.132642149925232, 0.9136606454849243, 0.47766855359077454, 0.41252467036247253, 0.27749213576316833, -0.800264835357666, 0.505454957485199, 0.9153136014938354, 0.3556310534477234, -0.9382831454277039, 0.8144729137420654, -1.7710856199264526, -0.6197236776351929, 0.3227165937423706, 0.045327961444854736, 0.09466753900051117, 0.32702431082725525, -0.015293538570404053, -0.14621026813983917, -1.2756415605545044, -0.6127004027366638, -0.5924680233001709, 0.4012683629989624, 0.23925234377384186, 1.7850459814071655, 0.38243338465690613, -0.8791795372962952, 1.4331259727478027, 0.37297046184539795, 0.16532549262046814, 0.19261577725410461, 0.5326266288757324, 0.6736068725585938, 0.4212048649787903, 0.845236599445343, -0.671674907207489, -0.30751848220825195, -1.1931613683700562, -0.49426892399787903, -1.0286542177200317, 0.9641716480255127, -0.4435197710990906, -0.46969491243362427, 0.6266660094261169, 0.46183931827545166, -0.5727022886276245, 0.10265504568815231, 1.1844803094863892, 0.021767621859908104, -0.29845258593559265, 0.8943414688110352, 0.38235870003700256, -0.2840909957885742, 1.4254825115203857, -0.8523513078689575, -0.04642670601606369, -0.24665899574756622, 0.43019405007362366, -0.13310039043426514, -0.5274847745895386, -0.6652596592903137, -0.11188801378011703, -0.12625643610954285, 0.21289806067943573, 0.39343759417533875, -1.3428384065628052, -0.7147970795631409, -0.3898557722568512, -0.17691870033740997, 0.6760629415512085, 0.6522163152694702, -1.920568585395813, 0.1492779552936554, 0.9528153538703918, 1.4374223947525024, 0.4681800901889801, -0.2383957952260971, 0.2961180508136749, -1.146148681640625, 1.0437215566635132, 0.9444393515586853, 0.5752907991409302, 0.29362332820892334, 1.1182609796524048, 0.6554677486419678, 0.17949414253234863, 1.769923448562622]} +{"paper_id": "dialog_re", "embedding": [-0.4668155312538147, 0.914512574672699, 0.47162821888923645, 0.18290752172470093, 0.32951629161834717, 0.3525736331939697, 0.8992118835449219, 0.4926002025604248, 0.24899888038635254, 0.742398202419281, -0.026217106729745865, -0.5884356498718262, -0.595988929271698, -0.6670299768447876, -0.06554888188838959, -0.8228617906570435, -1.5313645601272583, -0.7434123754501343, -0.8690800070762634, -0.5453980565071106, -0.3639445900917053, -0.2739650011062622, -0.4653265178203583, 0.9137557744979858, -0.9423730969429016, -0.440891295671463, 1.1186915636062622, -0.8666679263114929, 0.5685113072395325, 0.2043439745903015, -0.429485023021698, 1.6490669250488281, -1.3475677967071533, -0.2918557822704315, 0.21940401196479797, 0.29755693674087524, -0.020283371210098267, 0.6965683698654175, -0.415613055229187, 0.5568856596946716, -0.6290189623832703, -0.0845966786146164, 0.2836642861366272, 0.7640542984008789, 0.7483994960784912, 0.13634461164474487, -0.04629139602184296, 0.575541615486145, -0.6657871007919312, -0.046530306339263916, -0.9166857600212097, -0.20456832647323608, 0.4008360207080841, 0.6245752573013306, -0.22091656923294067, 1.1718735694885254, 0.55535489320755, -0.7665278315544128, 0.28219905495643616, -0.6181689500808716, 1.5871506929397583, 1.4050354957580566, -0.0034900493919849396, 0.1876378208398819, 0.8818994164466858, -0.5924677848815918, 1.5599305629730225, -0.2961106300354004, 0.3778502941131592, 1.1018983125686646, -0.5956354737281799, -1.0477771759033203, 0.3297562599182129, -0.38077372312545776, -0.5369559526443481, 0.9651330709457397, 0.9654493927955627, 1.0449467897415161, -0.7753111720085144, 0.7335715889930725, 0.5420680046081543, 1.3519437313079834, 0.8200749158859253, -0.2415575087070465, 0.8238842487335205, -0.3241783678531647, 0.36412784457206726, -0.048374541103839874, 1.1917810440063477, -1.482946753501892, 0.20798857510089874, -0.36056753993034363, -0.6097731590270996, -0.2975159287452698, -0.2239719033241272, 0.40077367424964905, -0.10084162652492523, 0.21587194502353668, -0.4689948260784149, -0.3567250967025757, 0.9367671012878418, -0.7729145288467407, -0.03601057827472687, -0.7735456228256226, 0.23704634606838226, 1.2647960186004639, 0.16941231489181519, -0.15892654657363892, -0.4056887626647949, -0.10896310955286026, -0.5223302245140076, 1.7864478826522827, -0.852931797504425, 1.4172457456588745, 0.20099002122879028, 0.021719761192798615, 0.10080933570861816, -0.666905403137207, -0.41840821504592896, 0.15995511412620544, -0.3077890872955322, 0.020953629165887833, 0.13602881133556366, 0.4433519244194031, 0.8563757538795471, -0.8380556106567383, 0.35863688588142395, -0.19413137435913086, 0.5883992910385132, 0.0707327127456665, 0.6195826530456543, -0.9958730936050415, -0.40102750062942505, -0.18082195520401, 2.1222126483917236, -1.0225085020065308, 2.0745506286621094, -1.4385251998901367, -0.2727881968021393, -0.47138500213623047, 0.6932176947593689, 1.1708111763000488, -0.15360300242900848, 0.06469373404979706, -0.6647735834121704, 0.4980906546115875, -0.8562936186790466, 0.40098583698272705, -0.5670506954193115, -1.0597834587097168, -0.6887398958206177, 0.33106446266174316, -1.3196239471435547, -0.394231915473938, 0.4305337965488434, -0.130208820104599, 0.19218820333480835, 1.069322943687439, -0.31003156304359436, 0.8174485564231873, 0.6599314212799072, 0.030442971736192703, -0.04291190207004547, 0.4555487632751465, -1.3577593564987183, -0.2672670781612396, 0.6075454950332642, 0.12479256838560104, -1.2180542945861816, -0.21977224946022034, 0.8333064317703247, -0.37950366735458374, -0.12534260749816895, -0.10775286704301834, -0.5012684464454651, -0.07146487385034561, 1.1260541677474976, 1.2695980072021484, 0.5094001889228821, -0.5023585557937622, -0.960848331451416, -0.288129597902298, 0.15708810091018677, 0.26499730348587036, -0.15077178180217743, 0.734320878982544, -2.0803382396698, -0.104949951171875, -0.2965606153011322, 1.6027356386184692, 0.3409925699234009, -0.23503027856349945, 0.29454535245895386, 0.1121688038110733, 0.37788933515548706, -0.6634089350700378, 0.681086540222168, -1.527997612953186, 0.1417422890663147, -0.3227846622467041, -0.5010105967521667, -0.6819279193878174, 0.015188800171017647, 0.7146954536437988, 1.2325632572174072, -1.0479462146759033, -0.7839078903198242, -2.0960183143615723, -0.010690011084079742, 2.9189770221710205, 0.28658097982406616, -0.7752278447151184, -1.171389102935791, -0.013650014996528625, -0.2457738220691681, 0.5600106120109558, -0.011518888175487518, -1.0084445476531982, -0.14216294884681702, -1.1140345335006714, 0.6313125491142273, -0.6312422156333923, 0.2563493251800537, 0.7751869559288025, 0.7853704690933228, -0.7451666593551636, -0.30096179246902466, -0.4117116332054138, -0.590359091758728, 0.24339351058006287, 0.30651426315307617, 0.2843398451805115, 0.021434731781482697, 1.227239966392517, 0.5740557909011841, 0.6849737763404846, 0.3229849636554718, -0.052936453372240067, -0.8369202613830566, -0.11990369856357574, -0.26447412371635437, 0.8484344482421875, -0.39171457290649414, 0.6472200751304626, 1.2720775604248047, 0.42164355516433716, 0.43530789017677307, -0.43883615732192993, -0.19254620373249054, 0.05944359302520752, 0.6589884757995605, 0.7872204184532166, 0.03426653891801834, 1.3367350101470947, -1.0890884399414062, 0.3124842941761017, -0.7450681328773499, -0.4091883599758148, 0.025110505521297455, 0.1154763251543045, 1.0817140340805054, 0.4233526289463043, -0.14785036444664001, -0.7033531069755554, -0.012507364153862, -1.109166145324707, 0.2694090008735657, 0.5758100748062134, -0.4708266854286194, -1.7059663534164429, 0.26015400886535645, 0.4576740860939026, -1.3198820352554321, -0.32272741198539734, -0.15108686685562134, 0.49195459485054016, -0.16305942833423615, 0.4971673786640167, 1.291436791419983, 0.02865230292081833, -0.7001781463623047, -0.05490031838417053, 0.6609989404678345, -0.6129950881004333, 1.0251606702804565, -0.9705479145050049, 0.41019126772880554, -1.091696858406067, -0.201207235455513, -0.029289525002241135, 0.5891647338867188, -0.03095812350511551, -0.3446778357028961, 0.9126452803611755, 0.4484156370162964, -0.965745210647583, 1.1935019493103027, -0.2640518844127655, -0.30793535709381104, -0.6798781752586365, 1.9281692504882812, 0.4136962294578552, -0.8396413326263428, 0.9593957662582397, -0.2485140562057495, 0.3721575438976288, 0.9995784759521484, -0.25168800354003906, 1.002314805984497, 0.5197914242744446, -0.4773162603378296, 0.20519298315048218, 0.09716308861970901, -1.692287802696228, 0.031903065741062164, 1.6868903636932373, -1.003754734992981, -0.4091719090938568, -1.3673317432403564, 1.117504358291626, 0.17661620676517487, -0.1354467272758484, -0.42588531970977783, -0.9345921874046326, -0.22725902497768402, -0.7656461000442505, 0.03820923715829849, 1.6041114330291748, -0.7862268090248108, 0.3411473333835602, 0.9662450551986694, 0.17631524801254272, -0.44467198848724365, -0.23068669438362122, 0.6384037733078003, -0.5879634022712708, -0.021038640290498734, 0.3008730113506317, 0.8530393838882446, 1.142640471458435, -0.5705388188362122, -0.10990302264690399, 1.6516185998916626, 0.6993242502212524, 0.5153679847717285, -0.024908021092414856, -0.18594112992286682, 1.5883769989013672, -1.059973120689392, 0.6625338196754456, 0.4750755727291107, -1.0801630020141602, -1.941623568534851, -0.5361354947090149, -0.4028581976890564, -0.9326561093330383, 1.8670536279678345, 0.7660115957260132, 1.6587673425674438, -0.518790066242218, 0.9773435592651367, -0.6050130128860474, 0.4301993250846863, 1.1692787408828735, 0.39680659770965576, 0.09699348360300064, -0.3522651195526123, -0.05152875930070877, 0.8941202163696289, -0.28275376558303833, -0.4091680347919464, -0.50565505027771, 0.981096625328064, -0.6737581491470337, -0.29969656467437744, -0.8125926852226257, 0.6925273537635803, -0.20541703701019287, 1.514117956161499, -1.1645456552505493, -0.883926272392273, -0.025791244581341743, 0.7933148741722107, 0.34311386942863464, 0.9204819202423096, -1.1834138631820679, 0.8163215517997742, 0.15117211639881134, 0.13298778235912323, -0.827358603477478, 1.2978432178497314, -0.0645754486322403, -0.2341407835483551, -1.6695648431777954, -0.6089608073234558, -0.4991665184497833, -0.2949432134628296, -0.35773926973342896, -0.052216123789548874, -0.15939292311668396, 0.7171538472175598, -0.09077847748994827, -0.4409310817718506, 0.43496689200401306, -0.3906840682029724, -1.4025249481201172, 1.5040231943130493, 0.29901015758514404, -1.5945545434951782, -0.3085857033729553, -0.12348905950784683, -0.43415355682373047, -0.19034121930599213, -0.07433052361011505, -1.3745067119598389, 0.631756067276001, 0.4158594608306885, 0.3470855951309204, -0.31064194440841675, -0.55292147397995, -0.6328714489936829, 0.5035050511360168, 0.8728560209274292, -1.0098752975463867, 0.6997132301330566, 1.102660894393921, 0.4215714931488037, -0.1527370810508728, -0.5408009886741638, -0.938360333442688, 0.8908175230026245, -0.782281756401062, -0.1743038147687912, -0.5493704676628113, -0.9995297789573669, 0.21754306554794312, -0.915797770023346, 0.7527306079864502, -1.146532416343689, 0.685198187828064, -0.33035311102867126, -0.0317288413643837, -0.34629932045936584, -0.843345582485199, -1.4644191265106201, 0.8678377866744995, -1.1596752405166626, 0.5585912466049194, -0.3086128830909729, 0.7063453197479248, 2.05570650100708, 1.1388750076293945, 0.21410246193408966, -0.15387055277824402, -10.011791229248047, 0.7283469438552856, 0.7287020683288574, 0.1963571459054947, 0.012366462498903275, -1.099129319190979, 0.7895340323448181, -0.19893315434455872, 0.8533024787902832, -0.402391642332077, -0.07854454219341278, 1.5200518369674683, -0.5957112908363342, -0.785093367099762, -0.8285506963729858, -1.0203453302383423, -1.0346035957336426, -1.047520399093628, -0.20175331830978394, 0.5623711347579956, -0.04564393311738968, -1.0079684257507324, 0.05602419376373291, -0.12177027761936188, 0.07647033035755157, 0.28318724036216736, -0.3711034059524536, -0.5251787900924683, -0.2195388376712799, 0.2184615433216095, 1.2510112524032593, -1.0354976654052734, -0.24742019176483154, -0.44643983244895935, 0.551578164100647, 0.016115931794047356, -0.2661511301994324, -0.5388144254684448, 0.08122014999389648, -0.4675239324569702, 0.14747563004493713, 0.14212270081043243, 0.9193173050880432, -0.9710816740989685, -0.1988825798034668, -0.15496546030044556, -0.5101041793823242, -0.7178744673728943, -0.16556063294410706, 0.008982278406620026, -0.36737650632858276, -0.11224600672721863, -0.8809878826141357, -0.18619517982006073, -0.41415315866470337, -0.8340991735458374, -0.7635862231254578, 1.0655605792999268, -0.5510736107826233, -0.9645931720733643, 0.896979570388794, -0.3030857443809509, 0.15681347250938416, 0.17499171197414398, 0.6782827973365784, -0.5260117650032043, 0.9233132600784302, 0.2622601389884949, -0.1973000168800354, 0.4611424207687378, -1.233045220375061, 0.33511558175086975, 0.019095320254564285, 0.8098713755607605, -0.7712621688842773, -0.018205098807811737, -0.29684704542160034, -0.6626754999160767, 0.6514394879341125, 0.6350165009498596, -0.7107152938842773, 0.44276535511016846, 0.599402129650116, -0.6686086654663086, -1.1914583444595337, 0.35138607025146484, -0.038236021995544434, -0.4588460922241211, 0.6917352676391602, -0.38123154640197754, 1.1110587120056152, 0.24637991189956665, -1.0063854455947876, 0.247358500957489, -0.2647494375705719, 0.35653364658355713, 0.38717344403266907, 0.9598532319068909, -0.43009501695632935, -0.3378925323486328, -0.4136156141757965, 0.03433910012245178, 0.15272049605846405, 0.8233782649040222, 0.8585609197616577, 0.37941986322402954, 0.015074506402015686, 0.5100122690200806, -0.16543041169643402, -0.015071974135935307, 0.8355182409286499, 1.1656575202941895, -0.4031986594200134, 0.5909110307693481, -0.44659072160720825, 0.11088237166404724, 0.7710476517677307, 0.6455399990081787, -0.11716627329587936, 1.3376551866531372, -0.1293080449104309, 0.9835976362228394, 0.07962261140346527, 1.4467562437057495, 0.12889514863491058, -0.06199801713228226, 0.5053983926773071, 0.31932246685028076, -0.26307323575019836, -1.9916253089904785, 0.01873459666967392, -0.01995663531124592, 0.8899431228637695, -0.12381486594676971, -0.06959254294633865, 0.21586939692497253, -0.4577054977416992, 0.5956522226333618, -0.9658840298652649, 0.20212909579277039, -0.005596190690994263, -0.3415204584598541, 0.05726511776447296, -0.4659770131111145, -0.5718445181846619, 0.8567103147506714, -1.8045040369033813, 0.17812910676002502, -0.41885578632354736, -0.09440436214208603, 0.6482569575309753, -0.22655734419822693, 0.799988329410553, 0.14769189059734344, -0.03994543477892876, 0.4270438849925995, 0.8645694851875305, -0.6822054982185364, -1.0832931995391846, 0.6809577941894531, -0.4909300208091736, 1.261957049369812, -1.064527153968811, 0.9132029414176941, 0.6323915719985962, -0.2923334538936615, -1.1140093803405762, 0.006820879876613617, -0.7414345145225525, 0.09878311306238174, 0.9918112754821777, -2.020569086074829, -0.294865220785141, -0.2736828625202179, -0.12804540991783142, -0.5412483811378479, 0.8971152305603027, 1.1487294435501099, -0.8393543362617493, -0.4007421135902405, -1.005279779434204, -0.3777264952659607, -0.322624534368515, -0.4261959493160248, -0.1559678316116333, 0.4375239312648773, -0.3299173414707184, 0.8070927858352661, 0.1161712184548378, 0.8101891875267029, -1.4087212085723877, -1.2924959659576416, 0.11024631559848785, -0.4437912106513977, 0.3805965483188629, -0.42061641812324524, 1.2653777599334717, 0.014635417610406876, 0.606704592704773, 0.39403024315834045, 0.34562304615974426, 0.2550027370452881, -0.08562563359737396, 0.23440642654895782, -0.6198321580886841, 0.2557247579097748, -0.4901343286037445, 0.023541565984487534, 0.16614708304405212, 0.20378652215003967, -0.4518103301525116, -0.12318701297044754, 0.15481862425804138, 0.43567928671836853, 0.6811738610267639, -1.049231767654419, 0.543245792388916, -0.5876390337944031, -0.843105137348175, -0.888099730014801, 0.3777991831302643, 0.776341438293457, -0.049391258507966995, 1.260834813117981, 0.8680134415626526, 0.4535631835460663, 0.7532667517662048, -0.32140904664993286, 1.0871692895889282, -0.5855029821395874, -0.35401734709739685, 0.07614967226982117, -0.030513614416122437, 0.23686036467552185, 0.01788102090358734, -1.207036018371582, -0.09800517559051514, 0.7890501618385315, -0.8699046969413757, 0.2894839644432068, 0.0501115582883358, 0.1838761270046234, 1.09879732131958, 1.4491305351257324, -0.8553622364997864, -1.1370106935501099, -0.553661048412323, -1.0874536037445068, -0.134765625, 0.8899463415145874, 1.5607290267944336, 0.643146812915802, 0.8600879907608032, 0.16177508234977722, 1.5791165828704834, -0.4234163463115692, -0.09864754974842072, 0.37500879168510437, -0.02209576964378357, 0.7682438492774963, 0.6932844519615173, 0.48787808418273926, 0.3208979666233063, 0.24122017621994019, -1.341439127922058, -0.17039890587329865, -0.6649685502052307, 0.6186091303825378, 0.6129435896873474, -0.4120713174343109, -0.31357598304748535, -1.134406328201294, 0.9350617527961731, 0.0285550057888031, 0.5752248764038086, 0.07037574052810669, -1.0344372987747192, -0.8058732748031616, -1.4604419469833374, -0.6765491366386414, 0.9737632870674133, -0.47762513160705566, -0.4016034007072449, -0.3593122959136963, -0.19547246396541595, 0.03742734342813492, -0.14811517298221588, -1.1425449848175049, 0.16412357985973358, -1.2535231113433838, 0.08297474682331085, -0.46228477358818054, -0.941792905330658, -0.7271140813827515, -0.4391053318977356, -0.5438404679298401, 0.7613152861595154, -0.8488527536392212, -0.762808620929718, -0.45603933930397034, -0.009808480739593506, -0.22701716423034668, -0.266568660736084, 0.43091487884521484, -0.48688650131225586, -2.004493474960327, 1.1730433702468872, 1.1612980365753174, -0.08161269128322601, -0.6450329422950745, 0.40061551332473755, 0.35147738456726074, 0.18441241979599, 1.2523804903030396]} +{"paper_id": "glucose", "embedding": [-0.8657366037368774, 0.7893897891044617, -0.9796572327613831, 0.1774832010269165, 0.4849080741405487, -0.3032490313053131, 0.32048001885414124, 0.1895826756954193, 0.7981632351875305, 0.7651890516281128, 0.6580538749694824, 0.20474573969841003, -0.053618405014276505, 0.4406237304210663, -0.21996983885765076, -0.3693126440048218, -0.6896198987960815, 0.04127746820449829, -0.9532004594802856, -0.023337431252002716, -0.6501837372779846, -0.5563398599624634, 0.383858859539032, 1.0719553232192993, -0.9078719615936279, -0.4369070529937744, 0.5072066783905029, -1.1767996549606323, 0.6178419589996338, 0.11816535890102386, -0.1787850260734558, 1.4703009128570557, -1.0732760429382324, 0.7994832992553711, -0.47324299812316895, -0.45392802357673645, -0.18367144465446472, 0.7869840860366821, -0.009935833513736725, -0.06042614206671715, -0.07590417563915253, 0.836854100227356, 0.5225726962089539, 0.34401026368141174, 0.005476763471961021, 0.13060033321380615, 0.781704306602478, -0.05419571325182915, -0.053358711302280426, -0.12823486328125, 0.04957221448421478, 0.3787553310394287, -0.3993782103061676, 0.31520023941993713, 0.04942416399717331, 1.187973141670227, 0.03668126463890076, -0.03751412406563759, 0.5109549164772034, -0.45088186860084534, 1.3369795083999634, 1.251664400100708, -0.8917108178138733, -0.10154539346694946, 0.9122728109359741, 0.6269641518592834, 1.0553478002548218, 0.09586721658706665, 0.2418067753314972, 0.7276990413665771, 0.15832547843456268, -0.5316290259361267, 0.44275787472724915, -0.622154712677002, 0.20842169225215912, 0.5195281505584717, 0.44444432854652405, 0.1297561228275299, 0.24618858098983765, 0.44118109345436096, 0.6438100934028625, 0.4296419620513916, 0.45812898874282837, -0.2893392741680145, 0.37458336353302, 0.19744297862052917, 0.4533064663410187, -0.2519235908985138, -0.7932733297348022, -2.245887041091919, 0.39157432317733765, -0.017358126118779182, 0.23391975462436676, -0.34487539529800415, 0.10590937733650208, 0.07949814945459366, 0.15972524881362915, -0.5666227340698242, -0.1965939700603485, 0.7632355690002441, 0.3866035044193268, -0.6834315061569214, -0.02283318340778351, -0.38268300890922546, 0.1381351500749588, 0.3885943293571472, -0.023849204182624817, -0.192633718252182, -0.2704097330570221, -0.6051672101020813, -0.2494288980960846, 0.7542842626571655, 0.33582404255867004, 0.8071109056472778, -0.6286382675170898, 0.0827135220170021, 0.23839342594146729, -0.2418740689754486, -0.47168660163879395, 0.7263643145561218, -0.5208773612976074, -1.055656909942627, -0.05852508544921875, -0.13462479412555695, 1.0157051086425781, -0.4512871503829956, -0.5745846629142761, -0.3861237168312073, -0.4491525888442993, -0.414002388715744, 0.10390100628137589, 0.42962387204170227, -0.742765486240387, 0.0027751103043556213, 2.9494736194610596, -0.3053647577762604, 0.972970724105835, -0.9771212339401245, -0.43200957775115967, -0.5971736311912537, -0.5563204884529114, 0.5593498349189758, 0.29309576749801636, 0.2633073925971985, -1.014739751815796, -0.006227472797036171, 0.10970908403396606, 0.36024051904678345, -0.26208215951919556, -0.3828696608543396, 1.0044351816177368, -0.025487981736660004, -1.8433834314346313, -0.3208675682544708, -0.09730681777000427, 0.3924446105957031, -0.5818456411361694, 0.29213327169418335, -0.2970903813838959, 0.47435685992240906, -0.024413615465164185, -0.02026570588350296, -0.40951281785964966, -0.2417098432779312, -0.5202220678329468, 0.32343146204948425, 1.309156060218811, -0.24365070462226868, -0.4181104600429535, -0.37708547711372375, 0.5541568994522095, 0.2994045913219452, 0.0905410647392273, -0.7176687717437744, -0.41842377185821533, 0.2474011778831482, 0.2234077751636505, 0.49398496747016907, 0.5039713382720947, -0.557845413684845, -0.9146134257316589, -0.8097048997879028, -0.3235021233558655, 0.7314160466194153, -0.5047168731689453, -0.11344645917415619, -2.7567098140716553, -0.486324667930603, -1.490677833557129, 0.6568233370780945, 0.22133678197860718, 0.9320452213287354, 0.6548511385917664, 0.27601224184036255, -0.47083425521850586, 0.034342456609010696, 0.08022721111774445, -1.3089723587036133, -0.10177113115787506, -0.5929532647132874, -0.3740348517894745, -0.710700511932373, -0.6078940629959106, 1.0597083568572998, 0.647398054599762, -0.22695386409759521, -0.46715906262397766, -1.9627985954284668, 0.08760261535644531, 1.2385296821594238, 0.3131624460220337, -0.6875991225242615, -1.2645597457885742, 0.04717475175857544, 0.9195349216461182, -0.12085114419460297, 0.5790272951126099, -0.2376270592212677, 0.6893123388290405, -1.0260205268859863, 0.22165140509605408, -0.12043385207653046, 0.9639986157417297, 0.2105494737625122, 1.0761348009109497, -0.3109149932861328, -0.7160069942474365, -0.9512568116188049, -0.7771228551864624, 0.4695914685726166, 0.40008544921875, -0.11799643188714981, 0.4738492965698242, -0.024755485355854034, 0.49236059188842773, 0.7076432704925537, 0.36908644437789917, 0.8202148675918579, -0.3173375129699707, 0.19876481592655182, 0.07173831760883331, 0.4272080659866333, 0.17784301936626434, -0.11659153550863266, -0.527040958404541, 0.048617973923683167, 0.06038464605808258, -0.13491404056549072, -0.03123750351369381, -0.002002209424972534, 1.5237364768981934, 0.8450096845626831, -0.10150116682052612, 0.0445575937628746, -0.7774167060852051, -0.1144733801484108, -0.09222395718097687, -0.7453135848045349, -0.43069660663604736, 1.0369555950164795, 0.7067451477050781, 0.0422428622841835, 0.47060495615005493, -0.07950418442487717, 0.07168391346931458, -1.0853352546691895, -0.31416869163513184, -0.1857537180185318, 0.22022609412670135, -0.6607617139816284, 0.024083800613880157, -0.36613863706588745, -0.9090045094490051, -0.3695598840713501, -0.37818965315818787, 0.10148478299379349, -0.19364714622497559, 0.259123295545578, 1.2080421447753906, -0.2070745974779129, 0.03547920286655426, -0.6164746880531311, 1.1635539531707764, -0.5326179265975952, 1.1168427467346191, -0.8307678699493408, -0.03896031156182289, -1.2794198989868164, 0.9611103534698486, -0.6314982175827026, 0.5963360667228699, 0.11975882202386856, -0.42850780487060547, 0.4134712219238281, -0.8709137439727783, -0.2699040472507477, 1.021573543548584, 0.19052006304264069, 0.1258333921432495, -0.7508568167686462, 1.1804901361465454, 0.08527339994907379, -0.35213640332221985, 0.6038041114807129, -0.28280264139175415, -0.46526452898979187, 1.2918022871017456, 0.055979907512664795, 0.4469636082649231, 0.1912812739610672, 0.539599597454071, 0.16731980443000793, -0.358742356300354, -2.23232102394104, 0.06743323802947998, 0.5771875381469727, -0.5778694748878479, -0.030849624425172806, -0.7539684772491455, 0.6713811159133911, -0.286937952041626, -0.3127298951148987, 0.858401358127594, -0.36639106273651123, 0.10290074348449707, -0.6621133685112, 0.6044625639915466, 0.5597436428070068, -0.0010498836636543274, -0.12475062906742096, 0.4027767777442932, -0.02889809012413025, -0.9756697416305542, 0.5111348032951355, 1.0811008214950562, -0.4688521921634674, -0.017803899943828583, 0.12526661157608032, 1.611692190170288, 0.8816307783126831, -0.34213748574256897, 0.02149461954832077, 0.5130271911621094, 0.4248230755329132, 0.1120126023888588, 0.006795005407184362, -0.6078657507896423, 0.3355580270290375, -0.43658536672592163, 1.1433395147323608, -0.21602311730384827, 0.06768859922885895, -0.8823321461677551, -0.022415881976485252, -0.6219497323036194, -0.39120805263519287, 1.5755435228347778, 0.7857771515846252, 1.9545758962631226, -0.14168335497379303, 0.2795901596546173, -0.8831334710121155, -0.7757081985473633, 0.3117283582687378, 0.09536667168140411, 0.4337368607521057, -0.8571358919143677, 0.19509220123291016, 0.5651959180831909, 1.0930694341659546, -0.5531927347183228, -0.42877429723739624, 0.07345173507928848, 0.4777398109436035, -0.5268727540969849, 0.577970564365387, 0.3039122521877289, 0.24080097675323486, 1.3361539840698242, -0.5765131711959839, 0.08595201373100281, 0.42002102732658386, -0.08306144177913666, 0.5522814989089966, 0.14465045928955078, -0.6595975160598755, 0.8288106322288513, 0.16861531138420105, 0.968536376953125, 0.29917848110198975, 1.0052049160003662, 1.1987591981887817, -0.2383028119802475, -1.3183529376983643, 0.33520299196243286, -0.48917561769485474, -0.04480385780334473, 0.8608972430229187, -0.19588129222393036, 0.5079534649848938, 0.29160889983177185, 0.2839380204677582, -1.0047578811645508, 1.307681679725647, -0.45475882291793823, -0.6750359535217285, 0.0015262812376022339, 1.2937043905258179, -0.7446260452270508, -0.5330498814582825, 0.3669282793998718, -0.9148394465446472, -0.7267860174179077, -0.04937487840652466, 0.11327501386404037, 1.0930309295654297, 0.01880122534930706, 0.600319504737854, -0.39820313453674316, -0.02656073495745659, -0.24034351110458374, 1.3999134302139282, 0.4641127586364746, -0.7438907027244568, 1.1429296731948853, 0.10192307084798813, 0.346071720123291, 0.7137936353683472, -0.8192102909088135, -0.1890355795621872, 0.9200642108917236, 0.19462716579437256, -0.4683440029621124, -0.7573732733726501, -0.15265096724033356, 0.5018090605735779, 0.30777493119239807, 0.2130897045135498, -0.8653649687767029, 0.09698856621980667, -0.5093439221382141, 0.6172393560409546, 0.7509464025497437, -0.986034095287323, -1.5707390308380127, 0.24738581478595734, -1.1069988012313843, -0.018610363826155663, -0.8541730642318726, -0.06427278369665146, 2.588588237762451, -0.0022892504930496216, 0.4738418459892273, -0.06350503861904144, -12.35367488861084, 0.9457744359970093, -0.2390478551387787, 0.2529259920120239, 0.6870019435882568, -0.17193439602851868, -0.10426344722509384, 0.21050293743610382, 0.3870711028575897, -0.6293140053749084, 0.22294723987579346, 0.7975233197212219, 0.04048336297273636, -0.3150695562362671, -0.5744935870170593, -1.3950493335723877, -0.017750442028045654, -0.3206515312194824, -0.375200092792511, 0.11787371337413788, 0.6456699967384338, -1.018817663192749, -0.35389190912246704, 0.3529244065284729, 0.5735145211219788, -0.3311338722705841, -0.5218932032585144, 0.40759825706481934, 0.05434158444404602, 0.4194059669971466, 0.7431981563568115, -0.29200610518455505, 0.06846463680267334, -0.2943870425224304, 0.34324049949645996, -0.11679859459400177, -1.093406081199646, -0.2093074917793274, 0.6311079263687134, -0.11421814560890198, -0.49018895626068115, 0.04140080139040947, 0.3184618055820465, -0.08395061641931534, -0.8800397515296936, 0.7054368853569031, 0.4721415042877197, -0.8679017424583435, -0.7701641917228699, -0.04034721851348877, -0.24257530272006989, -0.6880247592926025, -0.4227669835090637, -0.8413008451461792, 0.21029366552829742, -0.13054360449314117, -0.8147954344749451, 0.01776690036058426, -0.43753933906555176, -1.524788737297058, 0.5354026556015015, -0.12674903869628906, -0.6459119319915771, 0.4806528091430664, 0.38089895248413086, -0.5029168725013733, 0.09821823239326477, 0.4673907458782196, -0.29897797107696533, 0.15502405166625977, -0.5209138989448547, 0.6314771175384521, -0.060683898627758026, 0.3450813889503479, -0.3168078660964966, 0.2835446894168854, 0.30813542008399963, -0.25377437472343445, 0.6179522275924683, -0.17708465456962585, -0.8180553913116455, 0.706729531288147, 0.20494017004966736, -0.5996806025505066, -0.6291141510009766, 0.4914703667163849, 0.6805457472801208, -0.19010105729103088, 0.7525621652603149, -0.18838953971862793, 1.0927850008010864, -0.019273005425930023, -0.38179677724838257, -0.1379459798336029, -0.6055717468261719, 0.4040467143058777, -0.3661503195762634, 0.5593177080154419, 1.168723702430725, -0.5572174191474915, -0.0035182610154151917, 0.09179507941007614, -1.2527778148651123, -0.3141748309135437, 0.6214749813079834, 0.06815806776285172, 0.34284794330596924, -0.26292484998703003, 0.02263447642326355, -0.5629860758781433, 0.46625614166259766, 0.12293918430805206, -0.23885060846805573, 1.4575047492980957, -0.9922957420349121, 0.14086511731147766, 0.8841089010238647, -0.3523670732975006, 0.5802870988845825, 0.5722684264183044, -0.07338106632232666, 0.022541340440511703, -0.07364776730537415, 0.7190759181976318, 0.37292757630348206, -0.14213909208774567, 0.830527126789093, 0.6169738173484802, -0.3250250518321991, -1.414634346961975, 0.030072536319494247, -0.1586540937423706, -0.18091703951358795, -0.45693439245224, -0.8551578521728516, 0.06954911351203918, -0.22037373483181, 0.9201611280441284, -0.6937019228935242, 0.34732866287231445, 0.3180582523345947, -0.13030889630317688, -0.3982759416103363, -0.806199848651886, -0.9950247406959534, -0.7762343287467957, -1.2505298852920532, 0.44203296303749084, -1.0855196714401245, -0.6134698987007141, 0.13091962039470673, -0.6363649964332581, 0.5053836703300476, -1.1174488067626953, -0.07051871716976166, -0.14306163787841797, 0.09975649416446686, -0.4639303386211395, -0.24955865740776062, -0.09769201278686523, 0.09120199084281921, 0.8661168217658997, -1.3625699281692505, 0.9846558570861816, 0.10576456785202026, 0.05817323178052902, -0.3911856412887573, -0.03565364331007004, -0.7850790619850159, 0.16565200686454773, 0.517970860004425, -1.370434045791626, -0.6798996329307556, -1.1337742805480957, 0.5234193801879883, -0.985949695110321, 0.8901695609092712, 0.7283262014389038, -1.0803872346878052, -0.7083909511566162, 0.2009243220090866, 0.5735998153686523, 0.6785775423049927, -1.1374262571334839, 0.2854408025741577, -0.7797232866287231, 0.1877545714378357, 0.9708097577095032, -0.10130886733531952, 1.2446972131729126, -1.3471527099609375, -0.7338563799858093, -1.1574770212173462, -0.31598442792892456, 1.504422903060913, -0.19868335127830505, 1.413846731185913, 1.1810767650604248, -0.6726088523864746, -0.21070975065231323, 0.5520133376121521, 0.8520483374595642, 0.5170305371284485, 0.15454477071762085, -0.02101805806159973, 0.16683612763881683, -1.216528296470642, -0.15569822490215302, -0.10380156338214874, 0.4381977319717407, -1.1504747867584229, -0.12784996628761292, 0.24327993392944336, -0.9999698996543884, 0.13752387464046478, -0.6073678731918335, 0.3612419366836548, -0.8659864664077759, 0.3150867819786072, -0.8725300431251526, 0.24786627292633057, 0.7835749983787537, 0.09134450554847717, 0.6834506988525391, 0.4865407347679138, 0.29939234256744385, 0.78794264793396, -0.036541566252708435, 1.540830373764038, 0.3543241024017334, -0.4438725411891937, 0.4052141606807709, 0.41351720690727234, 0.5789053440093994, -0.2373683899641037, -0.7470033764839172, -0.34352773427963257, 0.7010541558265686, -0.1949159801006317, 0.837725818157196, -0.45905137062072754, -0.017766257748007774, 1.0887086391448975, 1.0216953754425049, -0.6155100464820862, -1.85102117061615, -0.8776311278343201, -1.1453016996383667, 0.4366322457790375, 0.8712933659553528, 0.43884584307670593, 0.4202571511268616, 0.5346651077270508, 0.06947900354862213, 0.6309659481048584, -0.6148343086242676, -0.20033027231693268, 0.5709539651870728, 0.29871904850006104, 0.9364908933639526, 1.0310028791427612, 0.391378790140152, 0.7906080484390259, 0.22243401408195496, -0.515903890132904, 0.5606386661529541, -0.5736803412437439, 0.2639544606208801, 0.7657323479652405, -0.5416644811630249, -0.1886742115020752, -0.3693118095397949, 0.5393924713134766, -0.09804879128932953, 0.44406357407569885, 0.35660314559936523, -0.6106393933296204, -0.8653396368026733, -0.6779276728630066, -0.4677993059158325, 0.725658655166626, -0.5117999911308289, -1.0145210027694702, -0.43400800228118896, 0.770938515663147, 0.48696282505989075, 0.07520779967308044, -0.2835666835308075, 0.31789740920066833, 0.09483224153518677, 0.36488211154937744, -0.659043550491333, -0.9834606647491455, -0.40973857045173645, 0.23395861685276031, -0.9274126887321472, 0.4742279648780823, 0.3098403215408325, -1.0911370515823364, -0.760772705078125, 0.6282720565795898, 0.6092696189880371, -0.12793008983135223, 0.29262956976890564, 0.03760500252246857, -1.4491746425628662, 0.328470379114151, 0.279891699552536, -0.006174812093377113, -0.3188064694404602, 0.10696914047002792, 0.4541061818599701, 0.08247601240873337, 0.8710789680480957]} +{"paper_id": "tweets_ar_en_parallel", "embedding": [-0.3021230399608612, 0.8163383603096008, 0.5571531653404236, 0.029624439775943756, 0.4360581636428833, -0.12146495282649994, -0.2519402503967285, 0.42619144916534424, 0.3323722779750824, 0.8127904534339905, 0.6151749491691589, -0.9877469539642334, 0.31666117906570435, 0.6211124062538147, 0.19393084943294525, -0.580841064453125, -1.505544662475586, -0.7923409342765808, -0.22808268666267395, -0.5526676774024963, -0.24118052423000336, -0.49970102310180664, -0.08154502511024475, 0.2668991684913635, -0.8442803025245667, -0.4399315416812897, 0.8022504448890686, -0.11827361583709717, 0.0010174214839935303, -0.19372406601905823, -0.3524499535560608, 0.6280283331871033, -1.189341425895691, -0.5453913807868958, -0.4726225733757019, -0.2650929093360901, 0.5447269678115845, 1.0774855613708496, -0.4937463402748108, -0.00038442760705947876, -0.9558481574058533, 0.1137261912226677, 0.4872264564037323, 0.38911664485931396, 0.6542170643806458, 0.4857933521270752, 0.14208479225635529, -0.10065716505050659, 0.4252700209617615, 0.6719398498535156, 0.678146243095398, -0.12019214779138565, -0.4612709879875183, -0.012589287012815475, -0.3926421105861664, 1.4292519092559814, 0.19775742292404175, -1.7430529594421387, -0.1959320306777954, -0.9072362184524536, 0.6207851767539978, 1.6641573905944824, -0.5386838316917419, -0.19719839096069336, 0.8959173560142517, -1.1850039958953857, 0.6305899024009705, -0.14896458387374878, 1.3761109113693237, 1.0539584159851074, -0.3609831929206848, -1.4850908517837524, 0.7658557891845703, -0.9415338039398193, 0.44236281514167786, 0.36857613921165466, -0.019332261756062508, 0.7277975082397461, -0.7144859433174133, -0.25553467869758606, 0.11789508163928986, 1.0347588062286377, -0.2465232014656067, -1.4540197849273682, 0.1194092407822609, -0.3375701606273651, -0.32702434062957764, -0.04216347262263298, 0.9116151332855225, -2.13342022895813, 0.9460276961326599, -0.6709409952163696, -0.27922043204307556, -0.02765727788209915, 0.10679119825363159, 0.8033537268638611, 0.6499780416488647, 0.3626299500465393, -0.6691930294036865, -0.07599860429763794, 0.6852998733520508, -0.748159646987915, 0.8569410443305969, 0.05710042268037796, 0.27482688426971436, 1.9825165271759033, -0.3387424349784851, -0.6196714043617249, -0.4936228096485138, -0.13879583775997162, -1.3732705116271973, 1.2760602235794067, -0.526501476764679, 0.22806107997894287, -0.22359831631183624, -0.7933258414268494, -0.9428463578224182, -0.9284108877182007, -0.9475014805793762, -0.1618165224790573, -0.8907468318939209, -1.321860909461975, -0.6704409718513489, 0.9584483504295349, 0.9679160714149475, -0.38356196880340576, 0.4894784986972809, 0.5318079590797424, 0.05678104609251022, -0.4893622398376465, 1.0051600933074951, -0.3873444199562073, -0.45966672897338867, 0.6059712767601013, 2.1909244060516357, -0.5625051259994507, 1.970097303390503, -0.22509711980819702, 0.5376971364021301, -0.21403983235359192, 0.11630312353372574, 1.2193520069122314, -0.24975669384002686, -0.9308655858039856, -0.5506752729415894, 0.6939830183982849, -1.1206111907958984, 0.24612991511821747, 0.16013292968273163, -1.0947761535644531, -0.2428995668888092, 0.5085654854774475, -0.11145564168691635, -0.6808352470397949, 0.7170548439025879, 0.8182370662689209, 0.0957757830619812, 0.7710839509963989, 0.09213556349277496, 0.9810714721679688, 0.4475659430027008, 0.5197358131408691, -1.12545907497406, 0.47830259799957275, -0.6929671168327332, -0.00028704339638352394, 0.9355683922767639, 0.06950631737709045, -1.3377605676651, -0.4706627428531647, 0.8086341619491577, -0.2314714789390564, 0.14785632491111755, -0.3032436966896057, -0.7807232737541199, -0.32421520352363586, 0.5394476056098938, 1.124707818031311, 0.31965991854667664, 0.10743287205696106, 0.37878313660621643, -0.23189301788806915, -0.4006935656070709, -0.07148881256580353, 0.4010668396949768, -0.27461209893226624, -1.2440422773361206, -0.632567286491394, -0.3388979434967041, 0.4603813886642456, 0.5876850485801697, -0.9180673956871033, -0.21495321393013, -0.08926796168088913, 1.1878770589828491, -0.10585246235132217, 0.7852031588554382, -1.211874008178711, -1.0809590816497803, -0.17337989807128906, 0.6627214550971985, 0.13874958455562592, 0.837084949016571, 0.6130685210227966, 0.26099520921707153, -0.9641289114952087, 0.05189662054181099, -1.3556703329086304, -0.5592803359031677, 3.475806474685669, -0.6926823258399963, -0.6460467576980591, -1.115965485572815, 0.5796297788619995, -0.06997568160295486, -0.4395170211791992, 0.3475569784641266, -1.047380805015564, -0.5188167691230774, -0.6022262573242188, 0.5421033501625061, -0.263345867395401, -0.1950831115245819, -0.260454386472702, 0.02130131423473358, -0.5775901675224304, -1.2086420059204102, -0.41906633973121643, -0.886299729347229, 0.8041849136352539, 0.35492950677871704, 0.1251704841852188, -0.7782370448112488, 0.4852830767631531, 0.8976103663444519, 0.5103341341018677, -0.5126342177391052, -0.3517519235610962, -0.7071744203567505, -0.7246267199516296, -0.20762626826763153, 0.7030425071716309, 0.09961634874343872, -0.515512228012085, 0.8825199007987976, 1.0091806650161743, 0.7379134893417358, -0.8125828504562378, 0.31905388832092285, 0.5091627240180969, 0.35751500725746155, 1.7323427200317383, -0.636504054069519, 2.4371280670166016, -1.1083500385284424, 1.303312063217163, 0.6818146705627441, -0.7580747008323669, 0.38673633337020874, 0.14133432507514954, 0.40887507796287537, -0.9047641754150391, -0.2738896310329437, 0.28047382831573486, -0.3725798726081848, -1.5464156866073608, 0.15735037624835968, -0.16145825386047363, -1.0454941987991333, -0.5733989477157593, 0.3536984324455261, -0.7998377680778503, -1.257063388824463, -0.7071742415428162, 0.02664158120751381, 0.9091293215751648, -0.18374434113502502, 0.3865545988082886, 0.7924606204032898, -0.2999631464481354, -0.4147654175758362, -0.366740345954895, 0.897211492061615, -0.9271961450576782, 1.3153324127197266, -0.5707635283470154, 0.5674690008163452, -0.4968183636665344, -0.723373293876648, 0.2053034007549286, 0.30721917748451233, -0.1405283361673355, -0.012954235076904297, 0.5280823707580566, -0.40435537695884705, -1.0652168989181519, 0.6082377433776855, -0.8754928708076477, 0.15943807363510132, -0.7185283303260803, 1.0582472085952759, 0.23501797020435333, 0.1525593101978302, 0.8825591802597046, 0.059849970042705536, 0.6545999050140381, 0.8326022624969482, -0.15479691326618195, 0.7583513259887695, 0.4041830897331238, 0.3115089237689972, -0.1747121959924698, 0.6471928954124451, -1.4327067136764526, -0.5154540538787842, 1.7845921516418457, -0.6363623738288879, -0.002918340265750885, -0.12750498950481415, 0.8316624164581299, -0.36214399337768555, -0.7784954309463501, -0.2221623659133911, -0.5063814520835876, 0.4005360007286072, -0.55071622133255, 0.23348219692707062, 1.3277350664138794, -0.7181893587112427, 0.7308351397514343, 1.5254629850387573, 0.5656289458274841, -0.794796884059906, -0.015439353883266449, 0.24450457096099854, -0.3762374818325043, 1.72139573097229, -0.19440028071403503, 0.31347331404685974, 1.1317576169967651, -0.4728296399116516, -0.491300106048584, 0.7127682566642761, 1.4922114610671997, 0.4373290538787842, 1.03458571434021, 0.018545562401413918, 0.7815757393836975, -0.503669023513794, 0.879916250705719, 1.1294598579406738, -0.5192124247550964, -1.4659720659255981, 0.2950746417045593, -0.6694153547286987, -0.5611927509307861, 1.1726793050765991, 0.629631519317627, 1.077257752418518, 0.692025899887085, 0.17305003106594086, -0.11478495597839355, 0.3557322323322296, 1.6338157653808594, 0.7094893455505371, 0.6212997436523438, 0.7768951654434204, -0.4903669059276581, 0.8175592422485352, -0.3012752830982208, -0.9224563241004944, 0.6982530951499939, 0.5768767595291138, -0.8975746631622314, 0.12416203320026398, -0.03601192682981491, 1.2770642042160034, 0.19957572221755981, 0.18506254255771637, -1.07197904586792, 0.16698195040225983, -1.041791319847107, 0.17261606454849243, -0.31051287055015564, 1.0148426294326782, -1.7378171682357788, 0.28383344411849976, 0.16263563930988312, 0.48714643716812134, -0.5289510488510132, 0.8484823703765869, 0.218642920255661, -0.6139578819274902, -0.40869051218032837, -0.6035328507423401, -0.06485988944768906, 0.38560983538627625, -0.3436453342437744, -0.16138093173503876, -1.0415353775024414, 1.452309012413025, -0.8090156316757202, -1.719460368156433, -0.333050936460495, 0.058364108204841614, -1.4254913330078125, 0.7214336395263672, -0.3133094906806946, -1.348353624343872, -0.6886432766914368, -0.06943812966346741, -0.5453312397003174, -0.6493715643882751, 1.1420700550079346, -0.5264875292778015, 0.16982077062129974, 0.17406463623046875, 0.4206523597240448, -0.3106496334075928, -1.2343499660491943, 0.1371229588985443, 0.13599209487438202, 1.5271272659301758, -0.11605595052242279, -0.5152506828308105, 0.8817559480667114, -0.43317461013793945, 0.5394905805587769, -1.3226921558380127, -1.0557554960250854, 0.06795825809240341, 1.0667321681976318, 0.6281530857086182, -0.22644633054733276, -1.3358345031738281, -0.22897964715957642, -0.6064906716346741, 1.1393299102783203, -1.062975287437439, 0.8243891000747681, -1.6200430393218994, 0.2691957652568817, -0.3644808232784271, 0.017045505344867706, -0.3892804682254791, 0.9235993027687073, -0.8922621607780457, 0.8595465421676636, 0.37157589197158813, 0.5247615575790405, 0.13208308815956116, 0.2641649842262268, 0.7254517674446106, -0.42184364795684814, -9.906837463378906, -0.03511912375688553, -0.42185160517692566, -0.120926633477211, 0.4154246747493744, -0.08689103275537491, 0.7072128057479858, -0.6590471267700195, 1.4914463758468628, -0.15139713883399963, -0.15045949816703796, 1.0984067916870117, -0.12750908732414246, 0.3814122974872589, -0.6116170883178711, -0.2537875771522522, -0.5302226543426514, -0.23155759274959564, 0.7662331461906433, -0.1816968023777008, -1.2595746517181396, -0.7008293867111206, 0.2439989298582077, -0.4862431287765503, 0.8565933108329773, 0.5729360580444336, 0.0795544907450676, -0.791728675365448, -1.2709286212921143, -0.16462135314941406, 0.9401267766952515, -0.7124724984169006, -0.9339465498924255, -0.4700920283794403, 0.8733387589454651, 0.6898692846298218, -0.5773119330406189, -0.41338181495666504, 1.3744115829467773, -0.5230391025543213, 1.094719648361206, -0.057753678411245346, 0.17414140701293945, -0.22457028925418854, -1.0609337091445923, -0.323750376701355, -0.05899018794298172, -0.1344326287508011, 0.9726434350013733, -0.07551224529743195, -1.1503658294677734, -0.4988117814064026, -0.9386627078056335, -0.15852206945419312, 1.3473620414733887, 0.3127679228782654, -1.0251933336257935, 0.2015729546546936, -0.6724802851676941, -1.0077412128448486, 1.4624494314193726, -0.25242745876312256, -0.20263251662254333, -0.20347215235233307, -0.16787666082382202, -0.6516847014427185, 0.5904855728149414, 0.5777658820152283, -0.32427912950515747, -0.795929491519928, -1.8080083131790161, 0.5514258742332458, 0.35095444321632385, 0.574176549911499, 0.2507486343383789, -0.7903385162353516, -0.36297866702079773, -0.623863935470581, -0.07752622663974762, -0.08362451195716858, -0.704961359500885, 0.1475854218006134, -0.8444212079048157, -0.03485149145126343, 0.043481845408678055, -0.3298589289188385, -0.31922268867492676, -0.6007676720619202, 0.6890567541122437, -0.3750361502170563, 0.05600997433066368, -0.09808699786663055, 0.8441267013549805, 0.84366375207901, -0.5667592287063599, 0.24644862115383148, 0.21396754682064056, 1.3506529331207275, -0.5069830417633057, -0.45466557145118713, 0.048660505563020706, 0.5280259251594543, 0.26361197233200073, -0.016164027154445648, 1.2482109069824219, 0.20628845691680908, -0.1978490650653839, 0.12268394231796265, -0.2473941594362259, -0.48141056299209595, 0.7955319881439209, -0.10491520911455154, -0.1548096388578415, 0.8643873929977417, 0.7038521766662598, 1.3965727090835571, 0.43280062079429626, 0.07339298725128174, 0.6200408935546875, 0.7139034867286682, -0.0691862478852272, 0.44018176198005676, 0.13936781883239746, 0.5536162853240967, -0.026987623423337936, 0.1296534538269043, -0.2299060970544815, 0.7363540530204773, -0.8554763793945312, -1.002535104751587, 0.4989137351512909, -0.10390530526638031, 0.0563117191195488, -1.154821753501892, -0.3374219238758087, -0.6717621088027954, -0.4589352607727051, 0.6750020980834961, -1.2176755666732788, 0.14557725191116333, -0.45162999629974365, -0.14593662321567535, 0.6999742984771729, 0.21594326198101044, -0.07553368806838989, -0.4896814227104187, -0.9825158715248108, 0.38155898451805115, -0.2955966889858246, -0.8402552604675293, 0.8083468079566956, -0.0366789735853672, 0.3721599578857422, 0.2488671988248825, 0.1424873173236847, 0.6730654835700989, 0.16501721739768982, -0.25379887223243713, -1.2435961961746216, 0.5600593090057373, 0.10497183352708817, 0.2762550413608551, -0.7525328993797302, 0.7316445112228394, 0.3743223249912262, -0.1398932933807373, -0.05347168818116188, -0.3478383421897888, -1.2102030515670776, 0.8829954266548157, 1.2735899686813354, -0.44728463888168335, 0.1950402706861496, -0.16187533736228943, -0.28968849778175354, -1.348541021347046, 0.7944626212120056, 0.9542348384857178, -0.9562708139419556, 0.7378931045532227, -0.4215576648712158, 0.384859561920166, -0.9938434958457947, -0.6510595679283142, -1.1852777004241943, 1.0023678541183472, -0.8242492079734802, 0.5773537755012512, 1.026824951171875, 0.4744313955307007, -1.809221863746643, -0.7761350274085999, 0.049151934683322906, -0.5539132952690125, 1.1380270719528198, -0.6326786279678345, 1.4997214078903198, -0.36082252860069275, 0.6230007410049438, -0.5379456877708435, -0.6498915553092957, 0.4061734080314636, 0.36460694670677185, 0.30827048420906067, -0.8799389004707336, -0.44731494784355164, -0.6752528548240662, 0.4366739094257355, 0.8617885112762451, -0.32805076241493225, -1.0386451482772827, -0.26165661215782166, 0.6168719530105591, 0.4358801245689392, 0.19447466731071472, -1.4425686597824097, 0.6634006500244141, -0.10057613253593445, -0.992251992225647, -0.5220139622688293, 0.39175766706466675, 1.9570127725601196, -0.7236461639404297, 0.8974249958992004, -0.09526492655277252, 0.7392166256904602, 0.3298054039478302, 0.7719243764877319, 1.6274983882904053, -1.2287660837173462, -0.4578421413898468, 0.4849916100502014, -0.695644736289978, -0.3981114327907562, 0.26319533586502075, 0.6893447637557983, -0.6248569488525391, 0.8107988238334656, -1.9827827215194702, 0.5734632015228271, 0.5919743180274963, 1.1753380298614502, -0.22596289217472076, 1.1840273141860962, -0.32273197174072266, -0.9591788053512573, -0.7210929989814758, 0.10731247067451477, 0.5764220356941223, 1.1075401306152344, 0.3275531530380249, 0.7673532962799072, 0.8193287253379822, 0.17638012766838074, 1.223608136177063, -0.4739850163459778, -0.16118374466896057, 0.2478741705417633, 0.38213205337524414, 1.4739338159561157, 0.2462264597415924, 0.13651421666145325, -0.009603505954146385, 0.26569509506225586, -1.0744162797927856, -0.8531863689422607, -0.0935949757695198, 0.9522993564605713, 0.7766513228416443, 0.386544793844223, 0.34414535760879517, -1.2907721996307373, -0.21362879872322083, 0.4274742007255554, 0.7476635575294495, 0.7447620630264282, -1.0180270671844482, -0.3816690742969513, -1.3214902877807617, -0.15083865821361542, 1.6174222230911255, -0.9884026646614075, 0.07518501579761505, -0.7031140327453613, -0.46944478154182434, -0.1402340680360794, -0.5807366967201233, -0.9558076858520508, 0.5822814106941223, -0.7322111129760742, -0.12549066543579102, 0.7858649492263794, -0.7395598888397217, -1.2584353685379028, -0.11726251244544983, -0.8119091987609863, 0.24443040788173676, 0.11062069237232208, -0.8673417568206787, -0.06399986147880554, 0.04006004333496094, 0.04771866649389267, -0.01762716844677925, 0.6744318604469299, -0.4199514091014862, -1.6646441221237183, 0.713390052318573, 1.165820837020874, 0.5801727771759033, -0.5855058431625366, 0.4489322900772095, 0.5738269090652466, -0.06325557827949524, 1.1900768280029297]} +{"paper_id": "lc_quad", "embedding": [-0.23536552488803864, 1.1829227209091187, -0.3809737265110016, -0.16982631385326385, 0.22782087326049805, -0.22652432322502136, 0.4106806218624115, 0.4386950731277466, 0.7203690409660339, 0.9055230617523193, 0.06737446039915085, -0.028445642441511154, 0.1512870490550995, -0.643011748790741, -0.6112272143363953, -0.21291926503181458, -1.2642991542816162, -0.7786698937416077, -1.6531600952148438, -0.24982577562332153, -0.9512450098991394, -0.8581387400627136, 0.12311267852783203, 1.0927212238311768, -0.7893875241279602, -1.4322309494018555, 0.5822061896324158, -0.5929225087165833, 0.5335769653320312, -0.07112588733434677, -0.13341930508613586, 1.0675369501113892, -1.7700607776641846, 0.45019516348838806, -0.6303918957710266, -0.17583902180194855, 0.9180333018302917, 1.5766487121582031, -0.298610657453537, -0.10662467777729034, -0.3813781440258026, 0.08999187499284744, 0.3967772424221039, 0.2378491312265396, 1.7834725379943848, -0.7324299216270447, 0.5385016202926636, -0.5781257152557373, -0.19645173847675323, -0.2454242706298828, -0.32202500104904175, 0.30350175499916077, -0.3382151424884796, 0.44623637199401855, -0.4360010623931885, 0.775871753692627, 0.19536617398262024, -0.6061379909515381, 0.9110829830169678, -1.0861001014709473, 1.2441082000732422, 1.8137272596359253, 0.09743911772966385, 0.1815890669822693, 1.4840412139892578, -0.06245800107717514, 1.5942647457122803, 0.11043846607208252, 0.36181923747062683, 0.15365692973136902, 0.25407660007476807, -0.6290635466575623, 0.152205228805542, -0.14489556849002838, 0.0717085674405098, 0.9476413726806641, 0.1308167427778244, -0.3049841523170471, 0.2484167516231537, -0.6169684529304504, -0.6564527750015259, 0.5500985383987427, 0.4257725775241852, -0.9189393520355225, 0.37704217433929443, 0.29639559984207153, 0.11590853333473206, -0.9538251161575317, 0.2950713038444519, -2.2165017127990723, 0.9600842595100403, 0.05891362577676773, -0.059477660804986954, 0.16455277800559998, -0.24264436960220337, 0.7874400019645691, -1.1264103651046753, 0.38080382347106934, -0.47055527567863464, 0.5286853909492493, 0.5005711913108826, -0.5264225006103516, 0.6510263085365295, 0.35387393832206726, -0.0646313726902008, 0.5901612639427185, 0.3100373148918152, -0.14634841680526733, -0.69227135181427, -0.6056923270225525, -0.17528168857097626, 0.9132821559906006, -0.32860565185546875, 0.11121115833520889, -0.22888824343681335, 0.2418573796749115, 0.3188505470752716, -0.945320725440979, -0.13735201954841614, -0.14809593558311462, 0.22515402734279633, -1.5002647638320923, -0.353010892868042, -0.26960667967796326, 1.0268244743347168, -0.5308883190155029, 0.15979301929473877, -0.24627134203910828, -0.17665717005729675, 0.8183087110519409, 1.1403141021728516, -0.257663756608963, -0.8672050833702087, -0.26078417897224426, 2.893296241760254, -1.2924753427505493, 2.3883419036865234, -0.5127471685409546, -0.08900511264801025, -0.4021812677383423, -0.18524163961410522, 0.9407656192779541, 0.057230815291404724, -0.4564732313156128, -0.3253711760044098, 0.33665817975997925, -0.03779328614473343, 0.580529510974884, -1.6912262439727783, -0.7942150831222534, -0.7616416811943054, 0.09153147786855698, -1.3480473756790161, -0.918779194355011, 0.3070406913757324, 0.6324387788772583, -0.0047509558498859406, 0.47962504625320435, -0.8015332221984863, 0.6915839314460754, -0.34475502371788025, 0.06613017618656158, -0.006542384624481201, 0.5726898908615112, -0.5998483300209045, -0.9434666633605957, 0.5962115526199341, 0.3343406319618225, -1.0003247261047363, -0.08340940624475479, 0.30637744069099426, -0.656544029712677, -0.03374961018562317, 0.07131747901439667, -0.06124364584684372, 0.04226451367139816, 1.0527695417404175, 0.4297133684158325, 0.5782569646835327, -1.01231050491333, 0.2593439221382141, 0.21991965174674988, 0.23704996705055237, 0.5130170583724976, 0.3554359972476959, 0.6225996613502502, -2.033250331878662, 0.09739035367965698, -0.20738902688026428, 0.7900474667549133, 0.030243411660194397, -0.057243332266807556, 0.03511842340230942, -0.0011814571917057037, -0.055880993604660034, -0.5787891745567322, 0.39797720313072205, -1.3428683280944824, 0.04128417372703552, 0.27172452211380005, -0.586966335773468, 0.6107916235923767, 0.5093955397605896, 1.2138173580169678, 0.5503227114677429, -0.20831483602523804, -0.41919419169425964, -2.1579627990722656, 0.37380024790763855, 2.541829824447632, -0.2325897514820099, -0.6531916856765747, -0.6780297160148621, -0.3900301456451416, 0.31494057178497314, -0.4498084783554077, 0.6445790529251099, -1.009329080581665, -0.2342635691165924, -0.812325656414032, 0.8701921105384827, -0.885402500629425, 0.33647602796554565, 0.5814359784126282, 1.091798186302185, -1.1883792877197266, -0.07576514780521393, -0.22041238844394684, -1.0742602348327637, 0.8965885043144226, 0.5642012357711792, 0.16177242994308472, -0.0748002901673317, 0.9858098030090332, 0.6568031907081604, 0.6284863948822021, 0.7705286145210266, 0.431525319814682, -0.9765666723251343, -0.24517489969730377, -0.4794243574142456, 0.835317850112915, 0.460344135761261, -0.07813505828380585, 0.66556316614151, 0.488975465297699, -0.32704660296440125, -0.6790235638618469, 0.09600752592086792, 0.18376198410987854, 1.2376244068145752, 0.16874130070209503, -0.25206756591796875, 1.51490318775177, -0.5324611663818359, -1.0332037210464478, -0.1340530812740326, -0.3126445710659027, 0.27399563789367676, -0.6725148558616638, 1.0439201593399048, -0.22222428023815155, -0.05845235660672188, -0.08150386810302734, 0.09150820970535278, -1.1915559768676758, 0.17310462892055511, 0.874801754951477, -0.8235886693000793, -1.0916039943695068, -0.07200396806001663, -0.33143019676208496, -1.0098270177841187, -0.46352654695510864, 0.36971423029899597, 0.018869450315833092, 0.05494160205125809, 1.1175811290740967, 1.26727294921875, -0.11811012029647827, 0.09138718992471695, 0.19656406342983246, 1.7323914766311646, -0.5193491578102112, 0.540982723236084, -0.501880407333374, 0.46323245763778687, -1.0796128511428833, 0.37285611033439636, -0.3331044912338257, 0.7825506329536438, 0.6496356129646301, -0.19558438658714294, 1.0960968732833862, -0.4592263102531433, -1.2555005550384521, 0.9963160157203674, 0.15526629984378815, -0.21125489473342896, 0.08343011140823364, 1.8761337995529175, 0.3402279019355774, -0.14574334025382996, 0.2629074454307556, 0.021233858540654182, -0.4753807783126831, 0.801524817943573, -0.02054523676633835, 0.26616141200065613, 0.5166417360305786, 0.18953432142734528, -0.0954737663269043, 1.1366702318191528, -1.6112442016601562, 0.8117169141769409, 0.8940795063972473, -0.02384994365274906, -0.5375030636787415, -0.7491950988769531, -0.07133688032627106, -0.7684998512268066, 0.48222920298576355, 0.9869097471237183, -0.13110624253749847, 0.4563620686531067, -0.32578811049461365, 0.18926437199115753, 1.4483658075332642, -0.8233720660209656, 0.4451824426651001, 1.044033169746399, -0.10264452546834946, -0.6517532467842102, -1.1162493228912354, 0.7330294847488403, 0.4042201340198517, 0.12312696129083633, 0.03652482107281685, 0.6894263029098511, 0.750234842300415, 0.3147317171096802, -0.3859948515892029, 0.17716966569423676, 0.6799854636192322, 0.2336171567440033, -0.47649210691452026, -0.4956399202346802, 0.35111063718795776, 0.007736615836620331, 1.0942553281784058, -0.5812603831291199, -0.5187593102455139, -1.0508259534835815, -0.05388261377811432, 0.1268647313117981, 0.28876546025276184, 2.201214551925659, 0.28867942094802856, 1.3860688209533691, -0.046640895307064056, 0.1788301020860672, -0.34943681955337524, 0.13959534466266632, 1.0769563913345337, 0.943001389503479, 0.1204342171549797, -0.3881213068962097, 0.3254021406173706, 0.4069422781467438, -0.3108433485031128, -0.3824911117553711, 0.9682008624076843, 0.8898820877075195, -0.05597386136651039, -0.5959487557411194, 0.173233300447464, 1.4058867692947388, -0.14859172701835632, 0.6852355003356934, -0.2486215978860855, -0.41827744245529175, -0.6121703386306763, 0.29464343190193176, -0.5154222249984741, 0.5968247056007385, -0.3990786075592041, 1.1782861948013306, 0.1740175038576126, 0.5311709642410278, 0.253018319606781, 1.2312593460083008, 1.206902027130127, -0.19177021086215973, -1.3980209827423096, -0.20286613702774048, -0.5901362895965576, 0.053256358951330185, 0.5876590013504028, -0.09384715557098389, -0.9972246289253235, 0.7075764536857605, -0.04290032386779785, -1.4240587949752808, 0.29344332218170166, -0.5437830090522766, -1.9260457754135132, 1.71354079246521, 1.4957691431045532, -0.8931641578674316, -0.24280910193920135, -0.34774041175842285, -1.4079670906066895, -0.29923537373542786, -0.506776750087738, -0.9709848761558533, 0.29401370882987976, 0.49460190534591675, 1.3421156406402588, -0.3276429772377014, 0.12987293303012848, -1.176846981048584, 0.7255039215087891, 1.1683143377304077, -1.1862138509750366, 0.227753147482872, -0.308951199054718, 0.34829801321029663, -0.7757456302642822, -1.5333011150360107, -0.8676536679267883, 0.7072393298149109, -0.09884557127952576, 0.23735693097114563, -1.3388638496398926, -0.7250593304634094, 0.3396749198436737, -0.2853175103664398, 1.637304663658142, -0.5198618769645691, 0.6968886852264404, -0.5875195264816284, -0.5450370907783508, 0.20537352561950684, -0.2198612242937088, -0.021805113181471825, 1.1384093761444092, -0.25602811574935913, 1.3148231506347656, -0.6429237127304077, -0.34860244393348694, 1.7543436288833618, -0.49369674921035767, -0.22316254675388336, -0.26640957593917847, -10.692272186279297, 0.5658737421035767, 0.002042597159743309, 0.24868066608905792, 0.4550836682319641, -0.3784853219985962, 1.1995577812194824, -0.7352971434593201, 0.9832350611686707, -1.0424619913101196, 0.36010268330574036, 1.590187668800354, 0.29266923666000366, -0.23201699554920197, -0.670584499835968, -1.1092125177383423, -0.42794519662857056, -0.6242075562477112, 0.6178582310676575, 0.06201345473527908, -0.5704377293586731, 0.358249306678772, -0.4128454923629761, -0.35259100794792175, 0.24103103578090668, -0.08540257066488266, -0.5979102849960327, -0.6538109183311462, -0.511992335319519, -0.32262885570526123, 0.5865840315818787, 0.26466381549835205, -0.2647876739501953, -0.976927638053894, -0.8997136950492859, -0.5987468361854553, -0.6013660430908203, -0.41359344124794006, 1.2622644901275635, -0.6337715983390808, -0.6038348078727722, 0.1971464455127716, 0.3046199083328247, 0.05796423554420471, -0.417710542678833, 0.2332976907491684, 0.054911673069000244, -0.6756318807601929, 0.2990899384021759, 0.34409600496292114, -0.8436123728752136, -0.18115608394145966, -0.6397682428359985, -0.012702900916337967, -0.007167423143982887, 0.6384131908416748, -0.9420314431190491, -0.14425477385520935, -0.4317646622657776, -0.552727222442627, 1.0488061904907227, 0.5591433048248291, -0.5487090945243835, 0.30634939670562744, -0.12858790159225464, -0.028667107224464417, -0.08292578905820847, 0.6540696620941162, -1.2914788722991943, -0.029927540570497513, -0.49877262115478516, 1.119524598121643, 0.2337110936641693, -0.009455904364585876, -0.8075621724128723, 0.052585385739803314, -0.7550570964813232, 0.44008177518844604, 0.08973800390958786, 0.38098838925361633, -1.8491469621658325, 0.7248711585998535, -0.008458935655653477, -0.8534339070320129, -0.8551162481307983, 0.3591489791870117, -0.277008593082428, 0.5656797885894775, -0.20840539038181305, -0.538539469242096, 1.2564374208450317, 0.5053314566612244, -0.13153769075870514, -0.017921144142746925, -0.14559733867645264, 0.9493902921676636, -0.7729090452194214, 0.6571093797683716, -0.7282508611679077, -0.8203325271606445, 0.5563259124755859, -0.6042625904083252, -0.3192547559738159, 0.2912425100803375, 0.6287632584571838, 0.21982714533805847, 0.6083986759185791, -0.08600511401891708, -0.5057505965232849, -0.7122001647949219, 0.7391529679298401, 0.02348729968070984, -0.4788513779640198, 0.9416000843048096, -0.48114827275276184, 0.6956164240837097, 0.27630501985549927, 0.16403713822364807, -0.1592482030391693, 0.4997287690639496, -0.4920077919960022, 0.4775902330875397, 0.1470014899969101, 1.3739356994628906, -0.5214937329292297, -0.11957359313964844, -0.26170995831489563, 0.4709598422050476, 0.014124739915132523, -1.2929924726486206, 1.009047269821167, 0.06869399547576904, -0.14722028374671936, -0.8157190084457397, -0.1545085310935974, 0.16339190304279327, -0.16296836733818054, 1.5823875665664673, -0.3017464876174927, -0.3570581078529358, -0.4496881365776062, -0.7336999177932739, -0.2977011203765869, -1.7021137475967407, -0.6942092776298523, 0.3847261667251587, -0.8302614688873291, 0.2181960642337799, -0.331037700176239, -0.30866819620132446, 0.10128647089004517, -0.48536890745162964, 0.9704447388648987, -0.18935617804527283, -0.4698374271392822, -0.29291602969169617, 0.1659044623374939, -0.318980872631073, -1.2956197261810303, 0.08402328193187714, -0.1104091927409172, 0.5196832418441772, -0.9916361570358276, 0.8051689267158508, 0.06005529314279556, -1.0502222776412964, -0.2838643491268158, 0.3238445222377777, -0.48277223110198975, 0.18951544165611267, 0.8730763792991638, -0.33286821842193604, 0.2453518956899643, -0.5005266666412354, -0.8372167348861694, -1.0767922401428223, 0.6602248549461365, 1.1673423051834106, -0.7655863761901855, -0.06386785209178925, -0.04275183007121086, 1.5278300046920776, 0.13589411973953247, -0.1569601446390152, -0.558671236038208, 0.6007418036460876, 0.10645007342100143, 0.493916392326355, 0.3415921926498413, 0.7252506613731384, -2.0494656562805176, -1.600743293762207, -0.1597941666841507, -0.08321903645992279, 1.0351829528808594, 0.1782166212797165, 0.607291579246521, -0.14322684705257416, 0.11922162771224976, -0.05989394336938858, 0.24342748522758484, 0.6000069975852966, 0.25622794032096863, 0.45522817969322205, -0.38738226890563965, 0.6437658071517944, -0.214943528175354, 0.2033463418483734, 0.861568808555603, 1.2496076822280884, -0.6658923029899597, 0.05919349193572998, 0.12045907974243164, 0.2824738621711731, 0.0912245362997055, -1.5834797620773315, 0.22223395109176636, -0.30737146735191345, -0.8630762100219727, -1.4161392450332642, 0.3735165297985077, 1.1453410387039185, -0.3245421051979065, 1.11051607131958, 0.6407811641693115, 1.0521782636642456, 0.6288589835166931, 0.5326045155525208, 0.8800438046455383, -0.0027539730072021484, 0.35046258568763733, 0.470571368932724, -0.10715131461620331, -0.5899938344955444, -0.7852013111114502, -1.6031599044799805, -0.2678378224372864, 0.8966588973999023, -0.06957994401454926, 0.07930605113506317, 0.012526340782642365, 0.47874191403388977, 0.7222256660461426, 0.8858025074005127, -0.2231743186712265, -1.663271188735962, 0.039656635373830795, -1.0742123126983643, 0.15238022804260254, 0.5847019553184509, 0.24488040804862976, 0.5723416805267334, 0.736713171005249, 0.26155418157577515, 1.2506382465362549, -0.5550287961959839, -0.12243145704269409, -0.3502606451511383, -0.7088831663131714, 1.385754108428955, 0.46462875604629517, 0.06276879459619522, 0.0796477347612381, -0.9919198751449585, -0.5512181520462036, -0.3140483498573303, -0.21878643333911896, 1.3790955543518066, 0.5994415283203125, -0.4785059094429016, -0.476589560508728, -0.49820053577423096, 1.1711013317108154, -0.568078339099884, 0.632597029209137, -0.51662677526474, -0.7679119110107422, 0.13808175921440125, -0.6054927706718445, -0.4721933603286743, 0.9305772185325623, -0.154400035738945, 0.15366269648075104, 0.6028767228126526, 0.8758854269981384, -0.35282206535339355, -0.8601571321487427, -0.828978419303894, -0.10228458046913147, -0.9117246270179749, -0.010983429849147797, 0.6527343988418579, -0.9907141923904419, -0.2903095483779907, -0.620704174041748, -1.0128026008605957, 0.14232781529426575, -0.13545869290828705, -0.30428847670555115, -0.6457856297492981, 0.29973235726356506, -0.7723368406295776, 0.5517792701721191, -0.5517209768295288, -0.02027466706931591, -1.649132490158081, 0.2954782247543335, 1.1686913967132568, -0.2733508050441742, -0.5170570015907288, -0.21928316354751587, 0.7941572666168213, 0.324779748916626, 0.8760743141174316]} +{"paper_id": "ronec", "embedding": [-0.9294050335884094, 0.9626397490501404, -0.3100334405899048, -0.09319882094860077, 0.27713146805763245, -0.3418029546737671, -0.08502162247896194, 0.6269808411598206, 0.9228360652923584, 1.1127009391784668, 0.5241782665252686, -0.43780553340911865, -0.2272186279296875, -0.3273332417011261, -0.2357998788356781, -0.13795205950737, -0.6269104480743408, -1.0535106658935547, -0.5788090229034424, -0.5562644004821777, -1.0637518167495728, -0.6979192495346069, -0.26648959517478943, 0.1941988170146942, -1.1552722454071045, -0.40113112330436707, 0.39161843061447144, -0.736960232257843, 0.12172206491231918, 0.38257890939712524, -0.46813488006591797, 1.1243276596069336, -0.9467791318893433, 0.21050909161567688, -0.1002439633011818, 0.16285373270511627, 0.3772216737270355, 0.30306029319763184, -0.8085855841636658, 0.06114650517702103, -0.6883100867271423, -0.4324358105659485, 0.7166658639907837, 0.20179535448551178, 1.1181766986846924, -0.16626061499118805, 0.42317143082618713, 0.6188343167304993, 0.2900168299674988, -0.1895017921924591, -0.5032828450202942, 0.16794951260089874, 0.20662125945091248, 0.017099522054195404, 0.09545114636421204, 0.8687946200370789, 0.3957225978374481, -1.0688199996948242, 0.4409606456756592, -0.43063637614250183, 0.5574309825897217, 1.0424505472183228, -0.5263641476631165, 0.07915700972080231, 0.7302591800689697, 0.007967859506607056, 0.8972203135490417, -0.2203880101442337, 0.7507153749465942, 0.8812639713287354, -0.017851732671260834, -0.8895561695098877, 0.569316565990448, -0.31627875566482544, 0.672797679901123, 0.9515422582626343, 0.38171863555908203, 0.07606296241283417, 0.38135528564453125, 0.14437979459762573, -0.24086640775203705, 1.0089256763458252, 0.8612331748008728, -0.28986790776252747, -0.42343899607658386, 0.034639835357666016, 0.5345263481140137, -0.23983831703662872, 0.23847819864749908, -1.625256896018982, 0.023916378617286682, 0.18297728896141052, -0.6032591462135315, -0.14472316205501556, 0.09357975423336029, 0.5016537308692932, 0.07901325821876526, -0.5598697662353516, -0.6546579599380493, 0.21272537112236023, 0.5699508190155029, -0.4457699954509735, -0.07106154412031174, -0.11084877699613571, -0.09493042528629303, 1.1588579416275024, -1.010453462600708, -0.1580345332622528, -0.8771453499794006, -0.18455244600772858, -0.011126169934868813, 1.4054076671600342, 0.4945079982280731, 0.16591396927833557, -0.07833624631166458, -0.1662953794002533, 0.43270936608314514, -0.9008045196533203, -0.43903401494026184, 0.5117484331130981, -0.7612742185592651, -1.0376274585723877, -0.08796229213476181, 0.3575904369354248, 1.265194296836853, -0.634534478187561, 0.8411464691162109, 0.03265709429979324, 0.19688603281974792, -0.28986412286758423, 0.4668375849723816, -0.2506241500377655, -0.3791918158531189, 0.13689212501049042, 2.5015952587127686, -1.1390538215637207, 0.8773372173309326, -0.3564457297325134, 0.052994489669799805, -0.2958938181400299, 0.13865062594413757, 0.78232342004776, 0.5945649147033691, -0.5710151195526123, -0.8284967541694641, 0.5119543075561523, -0.5838470458984375, 0.5362275242805481, -0.6438859701156616, -0.04679405316710472, 0.27591779828071594, 0.38811907172203064, -1.2950987815856934, -0.12234529852867126, 0.03677365556359291, 0.7645293474197388, 0.23485051095485687, 0.12995123863220215, -0.5607438087463379, 1.1746528148651123, 1.0801607370376587, 0.01135212555527687, -0.6007061004638672, 0.07314690947532654, -1.0903680324554443, 0.20205260813236237, 1.0601643323898315, -0.03069661371409893, -0.8805566430091858, -0.17664524912834167, 0.41563743352890015, -0.33276039361953735, -0.03359009325504303, -0.2773955762386322, -0.24668414890766144, 0.02112814411520958, 0.5997222661972046, 0.22939248383045197, 0.18275685608386993, -0.48826879262924194, 0.296517938375473, -0.14243236184120178, -0.4506007432937622, 0.5182905793190002, 0.004550322890281677, 0.579478919506073, -1.6694430112838745, -0.27956146001815796, -0.5934046506881714, 0.7643860578536987, -0.3535284101963043, -0.3317252993583679, -0.12994414567947388, 0.5255632996559143, 0.21311359107494354, -0.14596931636333466, 0.25653207302093506, -1.3138633966445923, -0.837496280670166, 0.04103473573923111, -0.04218343272805214, -0.6076314449310303, -0.1776471734046936, 1.111550211906433, 0.5369088053703308, -1.0206800699234009, -0.6084381937980652, -1.564640998840332, 0.1719142496585846, 2.171313524246216, -0.09395767748355865, -0.9128795266151428, -1.3581269979476929, -0.184037983417511, 0.7558194994926453, -0.6242967844009399, 0.07594379782676697, -0.3159168064594269, 0.48529180884361267, -0.9000012874603271, 0.5462929010391235, -0.29181113839149475, -0.013446547091007233, 0.26295140385627747, 0.9744315147399902, -0.2841130197048187, -0.6650538444519043, -0.3993048369884491, -0.5085784792900085, 0.38066422939300537, 0.6243625283241272, 0.6746649742126465, -0.21292515099048615, 0.8969609141349792, 0.6324182748794556, 0.4381609559059143, -0.17205244302749634, 0.5597918033599854, -0.4467330276966095, 0.48678576946258545, -0.1663312017917633, 0.3557776212692261, -0.1412511020898819, -0.46124881505966187, 0.5432590842247009, 0.4605914354324341, 0.026226118206977844, -0.22850492596626282, 0.04985543340444565, 0.31688588857650757, 1.0907114744186401, 1.1620299816131592, -0.3340548574924469, 0.8488048315048218, -1.5018818378448486, 0.6148338317871094, -0.7808851599693298, -0.47224122285842896, -0.5556074976921082, -0.09059315174818039, 0.7597838640213013, -0.283249169588089, 0.23345959186553955, 0.12033380568027496, -0.06688837707042694, -1.2719265222549438, -0.3596627414226532, 0.24389174580574036, -0.44964122772216797, -0.8957545757293701, 0.16807620227336884, 0.2111128866672516, -0.8317407965660095, -0.5681567788124084, -0.12510111927986145, 0.5400731563568115, 0.12633484601974487, 0.16026462614536285, 1.0735589265823364, -0.5888381600379944, 0.3127851188182831, 0.03120824694633484, 0.5712134838104248, -0.7598953247070312, 0.8467426300048828, 0.12086938321590424, 0.1315871775150299, -0.8649125695228577, 0.04694318771362305, -0.04932192713022232, 0.639405369758606, -0.43145132064819336, 0.38357385993003845, 0.25317132472991943, 0.06236457824707031, -0.9668015241622925, 1.4021780490875244, -0.06540466845035553, -0.11027313023805618, -1.317527413368225, 1.3206692934036255, 0.632074773311615, 0.09343233704566956, 0.6037846207618713, 0.38647377490997314, 0.2859828770160675, 1.1518895626068115, -0.3924543559551239, 0.4050496220588684, -0.0896621122956276, 0.2958383858203888, -0.022890504449605942, 0.5050846934318542, -2.055392265319824, -0.49560344219207764, 0.8613510727882385, 0.03744233772158623, 0.30741649866104126, -0.19347909092903137, 0.5191332697868347, -0.4208310544490814, -0.3975078761577606, 0.45386213064193726, -0.589158833026886, 0.13920731842517853, -0.9696274399757385, -0.3326250910758972, 0.544525682926178, -0.3167121410369873, 0.40509483218193054, 0.2435925155878067, 0.4827144145965576, -1.2922730445861816, 0.35345739126205444, 1.5463354587554932, -0.26163020730018616, 0.8870236873626709, 0.24580496549606323, 0.8706242442131042, 0.9542344808578491, -1.1183271408081055, 0.1829298436641693, 0.497075617313385, 0.3038865923881531, 0.3091990351676941, 0.05237993597984314, 0.18413685262203217, 0.6284125447273254, -0.9142935276031494, 1.2788546085357666, 0.21578681468963623, -0.8238367438316345, -0.9113231301307678, -0.3135993480682373, -0.5953872203826904, -0.2504309117794037, 2.163105010986328, 0.8348252177238464, 1.5851234197616577, -0.34942081570625305, 0.49875175952911377, -0.48088547587394714, 0.001965656876564026, 1.2568415403366089, 0.7769802212715149, -0.20212210714817047, -0.1490422934293747, 0.28838911652565, 0.0907294750213623, -0.3587073087692261, -0.39021697640419006, -0.38303351402282715, 0.31705743074417114, 0.13553883135318756, -0.8154835104942322, 0.07427815347909927, 0.001083027571439743, 0.15633782744407654, 1.5451244115829468, -0.5739139914512634, -0.8214757442474365, -0.19618983566761017, 0.46725034713745117, 0.7198567390441895, 0.5255612134933472, -1.0688769817352295, 0.06143832951784134, 0.0007585957646369934, 0.34709978103637695, -0.29067012667655945, 0.9710436463356018, 1.1073601245880127, -0.42271411418914795, -1.04730224609375, 0.1360502541065216, -1.4248182773590088, -0.010865150019526482, 0.36889025568962097, -0.18408752977848053, -0.4258206784725189, -0.07006079703569412, -0.34945744276046753, -0.6271182298660278, 0.45628413558006287, -0.767097532749176, -1.4328197240829468, 1.381597638130188, 1.0738571882247925, -0.9177162051200867, -0.8461616635322571, -0.292412668466568, -0.12408162653446198, -0.7161577939987183, -0.14041009545326233, -1.4947621822357178, 0.44427844882011414, 0.00389716774225235, 0.5295162200927734, 0.559628427028656, 0.041912078857421875, -0.5197016000747681, 0.7125237584114075, 0.6611167192459106, -0.018098171800374985, 0.344471275806427, 0.3791733682155609, -0.12149259448051453, -0.31682732701301575, -1.5249847173690796, -0.8380584716796875, 0.3580564558506012, -0.1305704265832901, -0.2073916643857956, -1.1450986862182617, -1.0045721530914307, 0.3294430077075958, -0.3517307639122009, 0.6290591359138489, -0.9138345718383789, 1.1308236122131348, -0.7153120040893555, 0.5376094579696655, -0.26456019282341003, -0.7475553750991821, -1.354477047920227, 1.3381597995758057, -0.32254526019096375, 0.09072496742010117, 0.023909777402877808, 1.1094180345535278, 1.401005506515503, 0.017158471047878265, -0.03181355446577072, -0.5170172452926636, -13.076798439025879, -0.025589898228645325, -0.12224061042070389, 0.5172744393348694, 0.6629085540771484, 0.07113784551620483, 0.6683383584022522, 0.3010900616645813, 0.8095328211784363, -0.4957968294620514, 0.12075082957744598, 1.106590747833252, -0.015249747782945633, 0.09000405669212341, -0.31523025035858154, -0.9237736463546753, -0.33563077449798584, -0.5841938257217407, 0.24610765278339386, 0.3841499388217926, -0.4291975796222687, -1.3356748819351196, 0.06948958337306976, 0.06878707557916641, 0.3728318214416504, -0.18852683901786804, 0.36125144362449646, 0.17983533442020416, -0.9181488752365112, 0.1500108689069748, 0.8298876285552979, -0.2735764682292938, -1.0052272081375122, 0.009833646938204765, -0.002847537398338318, 0.024131659418344498, -1.1075299978256226, -0.15315531194210052, 0.8566928505897522, 0.3117557466030121, -0.38435792922973633, 0.10414096713066101, 0.29331180453300476, -0.5145829916000366, -0.5680105686187744, 0.07799839973449707, 0.4088292717933655, -0.9917455315589905, 0.07424072921276093, -0.30856168270111084, -0.18225890398025513, -0.32032954692840576, -0.9059494733810425, -0.48980292677879333, 0.9397415518760681, -0.27789443731307983, -0.2699470818042755, 0.18595068156719208, -0.7157990336418152, -0.9120112657546997, 1.8005043268203735, 0.2398848533630371, -0.5042241215705872, 0.2208295613527298, 0.5017706751823425, -0.5583418607711792, 0.5181159973144531, 0.19933100044727325, 0.19083505868911743, 0.19839361310005188, -0.40039801597595215, 0.7192383408546448, 0.8044251203536987, 0.5098660588264465, -0.3417922556400299, -0.2586146891117096, -0.05997799336910248, -0.2049572616815567, 0.17654205858707428, 0.629690408706665, -0.6135919690132141, 0.9802858829498291, -0.5071218609809875, 0.35314512252807617, -0.669646143913269, -0.08601276576519012, -0.1784323751926422, -0.9020593762397766, 0.2823704183101654, -0.20634585618972778, 0.9534296989440918, -0.26369842886924744, -0.8301597833633423, -0.09274093806743622, -0.40163174271583557, 0.8505854606628418, -0.26873719692230225, 1.1326534748077393, 0.24158841371536255, -0.4280563294887543, 0.25082260370254517, -0.4511389136314392, -0.379543662071228, -0.41997113823890686, 0.7093021273612976, -0.21294325590133667, -0.15805059671401978, 0.2772802710533142, 0.39959442615509033, -0.30592861771583557, 0.7490419745445251, -0.326776921749115, 0.008574767038226128, 1.0224251747131348, -0.1259261816740036, 0.8777266144752502, 0.34050625562667847, 0.32852983474731445, 0.8464920520782471, 1.1133067607879639, 0.44920215010643005, 0.518357515335083, 0.022245673462748528, 0.8814416527748108, 0.2960021197795868, -0.3829197883605957, 0.8541030287742615, 0.5637901425361633, 0.11254297196865082, -1.6726166009902954, -0.17012302577495575, 0.4007504880428314, -0.06482525169849396, -0.5446439385414124, -0.3866472840309143, -0.6337613463401794, -0.44657230377197266, 1.3305189609527588, -0.22509005665779114, 0.26787474751472473, -0.10608850419521332, -0.5704960227012634, 0.25039663910865784, 0.24474723637104034, -0.40578532218933105, 0.08176879584789276, -1.1703296899795532, -0.15577292442321777, -0.2287876307964325, -0.8463810086250305, 0.1127537190914154, -0.23301023244857788, 0.8917976021766663, -0.5092648267745972, 0.4772282540798187, 0.606682300567627, 0.44842615723609924, -0.36091867089271545, -0.3817242383956909, 0.1568073034286499, 0.4114665389060974, 0.39245855808258057, -0.4439201056957245, 0.8349002003669739, 0.27385345101356506, -0.18820790946483612, -0.7772795557975769, -0.6403992176055908, -0.4726332128047943, 0.016044221818447113, 0.7295697927474976, -1.3602147102355957, 0.4871196746826172, -0.32392340898513794, 0.010787557810544968, -1.0711777210235596, 0.06369669735431671, 0.8033934831619263, -0.5316148996353149, 0.008283257484436035, 0.11999841034412384, 0.6810378432273865, 0.7431187033653259, 0.1380525529384613, -0.5502341389656067, -0.5133352279663086, 0.057336755096912384, 1.0305089950561523, 0.2581581473350525, 0.3391435742378235, -0.9524821639060974, -0.6262606382369995, -0.5084313750267029, 0.11924931406974792, 0.7189761996269226, 0.37873297929763794, 0.719970166683197, 0.5833473801612854, 0.22131547331809998, 0.23997241258621216, 0.20578338205814362, 0.8190237283706665, 0.40670788288116455, 0.46505939960479736, -0.8615053296089172, -0.12662100791931152, -0.403817743062973, 0.24478787183761597, 0.6063833236694336, 0.6658565998077393, -1.053128957748413, -0.15605606138706207, 0.5899254679679871, -0.1668636053800583, 0.11363545060157776, -0.8800375461578369, 0.49816545844078064, -0.1020812839269638, -0.4355759620666504, -0.8470566868782043, 0.10920897126197815, 0.6202105283737183, -0.7151133418083191, 0.6525825262069702, -0.1335410326719284, 0.003595855087041855, 0.4078592360019684, -0.09111833572387695, 1.5522576570510864, -0.43613943457603455, -0.09091858565807343, 0.539785623550415, -0.4249573349952698, -0.284598708152771, -0.5653448700904846, 0.6612775921821594, -0.5230990648269653, 0.23752522468566895, -0.5093293190002441, 0.08729364722967148, -0.07049708068370819, -0.04973312467336655, 0.07861451804637909, 0.7457336187362671, -0.2111818790435791, -0.7967674136161804, -0.5568122863769531, -0.2876141667366028, 0.017602045089006424, 0.258700966835022, 0.0371173694729805, 0.36414074897766113, 0.7366740703582764, 0.2524670660495758, 1.106204867362976, 0.24354520440101624, -0.2714812755584717, -0.022191151976585388, 0.2647956609725952, 1.1388113498687744, 0.8863191604614258, 0.2287970781326294, -0.19536356627941132, -0.3390405774116516, -0.9144306778907776, -0.5741356015205383, -0.561535120010376, 0.1602865606546402, 0.8742730617523193, -0.6376469731330872, 0.0052004531025886536, -0.614652693271637, 0.6308112740516663, -0.019339770078659058, 0.022339867427945137, 0.013336602598428726, -0.27831777930259705, -0.5335434675216675, -0.349392294883728, 0.0071730162017047405, 0.9727242588996887, -0.5758553743362427, -0.483063280582428, -0.6487773656845093, -0.17690567672252655, -0.8430425524711609, -0.4770585298538208, -0.43410444259643555, 0.4484638571739197, -0.0450756661593914, 0.2744341492652893, -0.072879858314991, -0.6241182088851929, -0.8465821146965027, -0.026110343635082245, -0.39515769481658936, 0.30517905950546265, 0.4767589569091797, -0.9703373908996582, -0.05452045798301697, 0.21116715669631958, -0.7224940061569214, 0.2770296037197113, 0.48278504610061646, -0.5879509449005127, -1.332985281944275, 0.7816855907440186, 0.40522557497024536, 0.2828652858734131, -0.6209517121315002, 0.5383244752883911, 0.8497706055641174, -0.24349430203437805, 0.3122771382331848]} +{"paper_id": "event2Mind", "embedding": [-0.6079027056694031, 0.937739372253418, 0.6511955261230469, 0.5036355257034302, 0.6386805772781372, 0.38683411478996277, 0.9795868992805481, 0.6278223395347595, 0.5792787671089172, 0.6876593828201294, 0.025008782744407654, 0.23596243560314178, 0.020953472703695297, -0.01704614795744419, -0.4195408821105957, -0.23842564225196838, -0.9992294311523438, 0.1706586480140686, -0.5598607659339905, -0.20986700057983398, -0.017090993002057076, -0.03469904512166977, -0.36467444896698, 0.7922182083129883, -0.15343077480793, 0.06482452154159546, 0.39360103011131287, -1.1810489892959595, 0.5757479071617126, 0.2766173779964447, -0.033645473420619965, 0.9059833288192749, -1.1587779521942139, 0.8852857351303101, -0.37181708216667175, -0.10294315218925476, 0.036241017282009125, 0.23174697160720825, -0.3860384523868561, -0.24294894933700562, 0.053150929510593414, 0.4654262959957123, 1.0134114027023315, 0.2360447198152542, 0.5924931168556213, 0.44735854864120483, -0.01669393852353096, 0.4314475357532501, -0.19620946049690247, 0.06940649449825287, -0.3384321331977844, 0.14143630862236023, 0.052510157227516174, 0.5490330457687378, 0.04679829254746437, 0.864313006401062, 0.15010905265808105, -0.8831732869148254, 0.043619826436042786, -0.7543667554855347, 1.3261865377426147, 0.9303638935089111, -0.33920809626579285, 0.19654648005962372, 0.7437261343002319, 0.07176214456558228, 0.6897422075271606, 0.0354643315076828, -0.5608659386634827, 0.8052316904067993, -0.5951130986213684, -0.8743027448654175, -0.48892784118652344, -0.4876864552497864, -0.4083664119243622, 0.3212481141090393, 0.40398934483528137, 0.16544084250926971, 0.1402820646762848, 0.9500184059143066, 0.11893865466117859, 0.5464869141578674, 0.6501588225364685, -0.5958730578422546, 0.3568558692932129, -0.05767971649765968, 0.813214898109436, -0.6297532320022583, -0.2119176834821701, -0.9479944705963135, -0.3079569339752197, 0.1510782539844513, 0.34031787514686584, -0.31161272525787354, -0.5230777263641357, 0.3818625211715698, 0.5482637286186218, -0.20766828954219818, 0.14169739186763763, 0.7455613017082214, 0.17066341638565063, -0.44586220383644104, -0.46076729893684387, -0.34780749678611755, 0.5114032030105591, 0.6663845777511597, 0.11492703855037689, 0.06607101857662201, -0.12997904419898987, -0.09988552331924438, 0.16817927360534668, 0.7097182869911194, 0.19616571068763733, 1.0503144264221191, -0.012589103542268276, -0.5607507824897766, 0.23199158906936646, -0.1266191601753235, -0.2270776927471161, 0.7654204964637756, -0.7742395401000977, -0.6721271276473999, 0.28036221861839294, -0.05453428253531456, 0.795231282711029, -0.6687124967575073, -0.12134161591529846, -0.19839772582054138, -0.3273359537124634, -0.4609421193599701, -0.38743460178375244, 0.2479638159275055, -0.25651881098747253, 0.08617116510868073, 2.697831630706787, -0.8921006917953491, 0.76762855052948, -1.2444661855697632, -0.1917303055524826, -0.45541977882385254, -0.25066691637039185, 1.1198642253875732, -0.19711020588874817, 0.4007873833179474, -0.8911675810813904, 0.16642464697360992, -0.43254444003105164, 0.22483977675437927, -0.1519271433353424, -0.34531474113464355, 0.1570337861776352, -0.26890790462493896, -1.2986375093460083, -0.36647066473960876, -0.21050655841827393, 0.7467656135559082, -0.7186141014099121, 0.1849275529384613, -0.5184453725814819, 0.2995404899120331, 0.05420110002160072, 0.1155664250254631, -0.46942970156669617, -0.0050241369754076, -0.5945607423782349, 0.17535744607448578, 0.9038109183311462, -0.07428014278411865, -0.2841534912586212, -0.685082733631134, 0.638933539390564, 0.023864002898335457, -0.06121470034122467, -0.46094390749931335, -0.22167600691318512, 0.9465218782424927, 0.07673753052949905, 0.6776763796806335, 0.1835777908563614, -0.2723464071750641, -0.9251376390457153, -0.4470667541027069, 0.0415470227599144, 0.4474639296531677, 0.13113071024417877, 0.1933571994304657, -2.205411195755005, -0.8909756541252136, -0.943722128868103, 0.6153918504714966, 0.005152225494384766, 0.021405255421996117, 0.1726337969303131, 0.40376943349838257, -0.7936343550682068, 0.567568302154541, 0.30485060811042786, -1.126767635345459, -0.1492021083831787, 0.4397810697555542, -0.8770430684089661, -0.6868515610694885, -0.8840583562850952, 1.0880850553512573, 1.118096113204956, -0.4934390187263489, 0.2512615919113159, -1.480665922164917, 0.3382200598716736, 1.5120872259140015, 0.8581857085227966, -0.8898612260818481, -1.6390594244003296, -0.36953428387641907, 1.4821689128875732, 0.06736859679222107, 0.14930614829063416, -0.45356428623199463, 0.4045994281768799, -1.0502382516860962, 0.4646950364112854, 0.3404732346534729, 0.9874116778373718, 0.05941837280988693, 0.9729583263397217, -0.1741262674331665, -0.42132264375686646, -0.5096856951713562, -0.055590324103832245, 0.2955090403556824, 0.15018002688884735, 0.5969809889793396, 0.15909579396247864, 0.7434621453285217, 0.7223343253135681, 0.5778588056564331, -0.18674758076667786, 0.9478511214256287, -0.1134244054555893, 0.3350795805454254, 0.7560471296310425, -0.14757071435451508, -0.5480082035064697, 0.10675827413797379, 0.03493845462799072, -0.07081172615289688, -0.0342337042093277, -0.3389206528663635, 0.22669686377048492, -0.1744980812072754, 1.3265676498413086, 0.9051632881164551, -0.37641629576683044, 0.36773088574409485, -1.0543819665908813, 0.036981821060180664, -0.39130717515945435, -0.40419116616249084, 0.08788526058197021, -0.24273505806922913, 0.5916677117347717, -0.01017085649073124, 0.40208160877227783, 0.19138191640377045, -0.17186212539672852, -0.7708550095558167, -0.4125603139400482, -0.30069103837013245, 0.5951026678085327, -0.4760405123233795, -0.38686317205429077, 0.4804909825325012, -0.5669635534286499, -0.31582504510879517, -0.8207913041114807, 0.7861356139183044, 0.20300470292568207, -0.03651169314980507, 1.438009262084961, -0.16955141723155975, -0.010457757860422134, -0.43883150815963745, 0.5033878087997437, -0.5895935297012329, 0.7089741826057434, -1.2448886632919312, 0.3766668736934662, -0.8711342215538025, -0.15611965954303741, -0.4287380576133728, 0.4964102506637573, 0.16197317838668823, -0.5984907150268555, 0.06185251474380493, 0.03585703670978546, -0.1663770228624344, 1.756442904472351, -0.6760086417198181, 0.05538593977689743, -0.22781524062156677, 0.6215134859085083, 0.5578688383102417, -0.7341209650039673, 0.24343441426753998, -0.9801880717277527, -0.17780616879463196, 1.2189242839813232, -0.23228061199188232, 0.6372359991073608, 0.7190709710121155, 0.5773925185203552, -0.16134250164031982, -0.20340970158576965, -2.3437678813934326, -0.426866352558136, 0.6867309808731079, -0.5475175976753235, -0.17395459115505219, -1.0506199598312378, 0.4819311499595642, -0.21802233159542084, -0.5857743620872498, 0.13417959213256836, -0.47701603174209595, 0.1965554654598236, -0.5723439455032349, 0.3720439076423645, 0.16126634180545807, -0.25036585330963135, 0.21682511270046234, 0.47831347584724426, 0.11144962161779404, -0.6594724655151367, 0.14689412713050842, 0.9508267641067505, -0.7715981006622314, 0.2579737901687622, 0.4907696545124054, 1.0242657661437988, 0.6232560873031616, -0.6843904852867126, 0.009518551640212536, 0.7413286566734314, 0.43956947326660156, 0.4921844005584717, 0.31414398550987244, 0.2109624594449997, 0.4069906771183014, -0.20669928193092346, 0.49284639954566956, 0.08026282489299774, 0.10694202780723572, -0.3407476544380188, -0.06640833616256714, -0.039382971823215485, -0.36255574226379395, 1.02463698387146, 0.9525288343429565, 2.2641818523406982, -0.9702832698822021, 0.19937461614608765, -0.3592550456523895, -0.07032204419374466, 0.24199825525283813, 0.00825454294681549, 0.33203864097595215, -0.1950288712978363, -0.6526566743850708, 0.7070431709289551, 0.13873600959777832, -0.1652432680130005, -0.2361561357975006, 0.2049979865550995, 0.4155084490776062, -0.13554365932941437, 0.3642156720161438, 0.01152939721941948, 0.34709009528160095, 1.6637309789657593, -0.3681459128856659, -0.039516858756542206, -0.05585494637489319, 0.17924998700618744, 0.896765410900116, -0.2749073803424835, -1.2712143659591675, 0.7577625513076782, 0.03648340329527855, 0.9115769267082214, 0.35643070936203003, 0.8795627355575562, 0.24135619401931763, -0.14416997134685516, -1.0835975408554077, -0.14815032482147217, -0.5167316794395447, 0.2730870246887207, 0.3755766451358795, 0.2734372317790985, 0.40241044759750366, 0.12923216819763184, 0.2598976194858551, -1.4436914920806885, 1.2074624300003052, -0.11624056845903397, -0.8936804533004761, 0.5281838178634644, 1.0706840753555298, -0.7454162240028381, -0.8278452754020691, 0.42842191457748413, -0.8931148052215576, -0.5992900729179382, 0.0992681235074997, 0.29925835132598877, 1.0377099514007568, 0.0660918653011322, 0.5006005764007568, 0.38659900426864624, 0.6130716800689697, -0.725799560546875, 0.9355707764625549, 0.5374588370323181, -0.21597343683242798, 0.8540483713150024, 0.3352121114730835, -0.08433909714221954, 0.3984967768192291, -0.920162558555603, -0.7643356919288635, 0.3004501461982727, 0.03536037355661392, -0.42273852229118347, -0.4055057168006897, -0.2376919984817505, -0.1455545425415039, 0.21373052895069122, 0.42598673701286316, -1.4627021551132202, 0.5521823167800903, -0.266230970621109, 0.44392356276512146, 0.4924998879432678, -0.6482858061790466, -1.0810343027114868, 0.568506121635437, -1.1816619634628296, -0.030486105009913445, -0.17332926392555237, 0.30435338616371155, 1.4314227104187012, 0.6678267121315002, 0.5987852215766907, -0.2834526300430298, -13.220248222351074, 0.6416901350021362, -0.09214996546506882, 0.6202372312545776, 0.5764307975769043, -0.5093472003936768, -0.3047080934047699, 0.4305473864078522, 0.6941773295402527, -0.36164912581443787, 0.31973400712013245, -0.0371926948428154, 0.14931532740592957, -0.10510256141424179, -0.7421625852584839, -1.2768036127090454, -0.6696485280990601, -0.30873966217041016, 0.2782353162765503, 0.4828943610191345, 0.5295856595039368, -1.4329217672348022, -0.11484353244304657, 0.2705608606338501, 0.2800152003765106, -0.5709425806999207, -0.33279088139533997, -0.2302675098180771, -0.21528929471969604, 0.2045009732246399, 0.9380540251731873, -0.4427284896373749, -0.1674838364124298, -0.4213901460170746, 0.6906851530075073, 0.44276463985443115, -0.7486914396286011, 0.2728825509548187, 0.016502387821674347, 0.49482589960098267, -0.03824838250875473, -0.4662819802761078, 0.6602437496185303, -0.7026883363723755, -0.3800918757915497, -0.07815608382225037, -0.06134917587041855, -0.4681064486503601, -0.26283159852027893, 0.1967131495475769, -0.5888978242874146, -0.8307943344116211, -0.2995402216911316, -1.0031018257141113, 0.18186092376708984, 0.029044168069958687, -0.8703571557998657, 0.16686156392097473, -0.3913038671016693, -1.6798771619796753, 0.5547884702682495, 0.569431483745575, -0.08449005335569382, 0.5805570483207703, 0.7216491103172302, -0.4916137754917145, 0.6090560555458069, 0.058144502341747284, -0.24301627278327942, 0.1389988213777542, -0.8062905669212341, 0.8435972929000854, 0.2679758667945862, 0.5340957641601562, 0.3630896508693695, 1.0091760158538818, -0.3771606385707855, -0.30943912267684937, 0.47690466046333313, -0.2628767192363739, -0.4286922812461853, 0.5138749480247498, -0.3647848963737488, -0.35258257389068604, -0.7296008467674255, 0.6626677513122559, 0.05742519348859787, -0.47369852662086487, 0.8476907014846802, 0.04355727881193161, 0.7799733281135559, -0.10060369968414307, -0.5151176452636719, -0.21275153756141663, -0.897472083568573, 0.9226091504096985, -0.24317507445812225, 1.0148327350616455, 0.35143613815307617, 0.05696339160203934, 0.16964936256408691, -0.33152976632118225, -1.0970782041549683, -0.46136751770973206, 0.5912324786186218, -0.520118236541748, 0.16765502095222473, -0.2279280722141266, -0.3194150924682617, -0.29665884375572205, 0.7285987734794617, 0.13730330765247345, -0.3228304982185364, 0.25482696294784546, -0.30453744530677795, -0.11176852136850357, 0.6025649905204773, -0.20600667595863342, 0.571692168712616, 0.7535615563392639, 0.060072094202041626, 0.22141392529010773, 0.1348964124917984, 0.44138288497924805, 0.21581056714057922, 0.2186059057712555, 0.4113544523715973, 0.6528178453445435, -0.6293931603431702, -1.1286906003952026, 0.18891282379627228, 0.10522259771823883, -0.12727679312229156, -0.49899083375930786, -0.8654851317405701, -0.029400644823908806, 0.0038661956787109375, 1.188033938407898, -0.5399892330169678, 0.664054274559021, 0.46223628520965576, -0.2398112416267395, -0.8132324814796448, -0.6219997406005859, -0.4946431517601013, -0.5173305869102478, -0.9506360292434692, 0.2527426779270172, -0.4821792542934418, -0.23581096529960632, 0.15595625340938568, -0.4371670186519623, 0.5859804749488831, -1.1389936208724976, -0.21436870098114014, 0.13140705227851868, 0.2056117206811905, -0.2770111858844757, -0.5368106961250305, -0.15061059594154358, 0.07765419781208038, 1.0313105583190918, -1.4368752241134644, 0.8808073997497559, -0.41172105073928833, 0.018217647448182106, -0.8778861165046692, -0.4355720281600952, -0.36972281336784363, -0.2573396861553192, 0.6911472082138062, -1.2201497554779053, -0.7560720443725586, -0.6454218626022339, 0.1717202216386795, -0.8676091432571411, 0.697140634059906, 0.6508221626281738, -1.140800952911377, -0.14318348467350006, -0.36309701204299927, 0.4139312207698822, 0.9267216324806213, -0.8365415334701538, -0.42997926473617554, -0.27928996086120605, 0.524520218372345, 1.014209508895874, -0.21993350982666016, 0.8381437659263611, -1.604398488998413, -0.7620104551315308, -0.9884498715400696, -0.27352914214134216, 1.59450364112854, -0.08999912440776825, 0.8524731397628784, 1.3821909427642822, 0.05008766055107117, -0.5777677297592163, 0.14428333938121796, 1.1216131448745728, 0.26994386315345764, 0.29161229729652405, 0.00469585508108139, 0.12067215144634247, -0.9220141172409058, -0.9524969458580017, -0.2986474335193634, 0.11374861747026443, -1.3257747888565063, 0.022306278347969055, -0.037737954407930374, -0.27972131967544556, 0.37804925441741943, -0.8941837549209595, 0.5508938431739807, -0.012604331597685814, -0.24438415467739105, -0.6294925212860107, 0.1689557135105133, 0.46836742758750916, -0.2294558733701706, 1.3401511907577515, 0.07439134269952774, 0.2510380148887634, 0.4398742914199829, -0.31899774074554443, 0.7787538170814514, -0.13482268154621124, -0.4664058983325958, -0.07804529368877411, 0.2220868468284607, 0.2916567623615265, -0.6359108090400696, -0.3060997724533081, -0.5600466728210449, 1.0535271167755127, -0.851538360118866, 0.22697347402572632, -0.5086911916732788, -0.09935127943754196, 1.3906528949737549, 0.9486841559410095, -0.2996659278869629, -1.6407032012939453, -0.7684129476547241, -0.414806991815567, 0.6948630213737488, 1.2437281608581543, 0.3041940927505493, 0.5512059926986694, 0.3291175365447998, 0.20980218052864075, 0.6184372901916504, -0.5668460130691528, -0.033558815717697144, 0.9121319055557251, 0.6404721140861511, 1.1237713098526, 1.1953688859939575, 0.2325977236032486, 0.40658748149871826, 0.007378570735454559, -0.42277687788009644, 0.25999879837036133, -0.7365202903747559, 0.10842393338680267, 0.865341305732727, -0.7211287021636963, -0.2293214648962021, -0.4668736457824707, 0.27455905079841614, -0.4748486280441284, 0.5991615653038025, -0.013821639120578766, -0.2938452363014221, -0.977103054523468, -0.6525743007659912, -0.3929246664047241, 0.5283913612365723, -0.6018372774124146, -0.80617356300354, -0.24269841611385345, 0.830051064491272, 0.5664535164833069, -0.15617138147354126, -0.816594660282135, 0.31782495975494385, -0.7679631114006042, -0.03548792004585266, -0.33892005681991577, -0.8596295118331909, -0.5722620487213135, 0.13277582824230194, -0.2550204396247864, 0.26647743582725525, 0.18867264688014984, -1.012271761894226, -0.7533069849014282, 0.0948309600353241, -0.40366119146347046, -0.6351085901260376, 0.5520643591880798, 0.38806992769241333, -1.2343848943710327, 0.8397377729415894, 0.6985829472541809, 0.30350518226623535, -0.6180274486541748, 0.025150500237941742, 0.5159108638763428, -0.02384137362241745, 0.7992985248565674]} +{"paper_id": "kor_hate", "embedding": [-0.9408319592475891, 1.5273561477661133, 0.20563256740570068, -0.0796889066696167, 0.9167425632476807, 0.9149190187454224, 0.623266875743866, 0.1825636774301529, 0.5594662427902222, 0.5977866053581238, 0.3096437454223633, -0.29045212268829346, -0.4668961465358734, -0.3743285536766052, 0.09016980975866318, 0.2344418168067932, -1.087289571762085, 0.23508648574352264, -0.34453484416007996, 0.0862964317202568, -0.8314933776855469, -0.35511553287506104, -0.3030366599559784, 0.032973431050777435, -1.3333613872528076, 0.10391122102737427, 0.4479087293148041, -1.098119854927063, -0.5687453746795654, -0.1348741054534912, -0.15003737807273865, 1.2977323532104492, -1.827313780784607, 0.07880257815122604, -0.4558304250240326, -0.34841614961624146, -0.10601142048835754, -0.04306129366159439, -0.4560994505882263, -0.8827988505363464, -0.8327831029891968, 0.6190683245658875, 0.9635774493217468, 0.4708196222782135, 0.5204897522926331, -0.07781534641981125, 0.3063048720359802, 0.05586361140012741, -0.37595874071121216, -0.36231058835983276, -0.5417584776878357, -0.00048530101776123047, 0.2605608403682709, 0.22267556190490723, -0.82936030626297, 0.8762882947921753, -0.7045892477035522, -0.2874589264392853, 0.37082457542419434, -0.9819886684417725, 1.5511767864227295, 1.3920122385025024, 0.3264980614185333, 0.002719249576330185, 0.23969310522079468, -0.460990309715271, 1.1298733949661255, -0.5352485775947571, 0.2732025682926178, 0.08998986333608627, -0.55910325050354, -1.1453297138214111, -0.04215777665376663, -0.3635827302932739, -0.821593165397644, 0.2563930153846741, -0.05197153240442276, 0.4217105209827423, 0.13647732138633728, 0.4158661961555481, 0.19994570314884186, 1.1113637685775757, 0.6670575141906738, -0.6284592151641846, 0.2883043885231018, 0.01818251609802246, -0.0944923534989357, 0.09693676978349686, 0.6965814828872681, -0.9701111316680908, 0.45844024419784546, -0.5983260869979858, -0.07453544437885284, 1.0088984966278076, -0.7507373690605164, 0.797678530216217, -0.5095116496086121, 0.2477891743183136, -0.6932103633880615, 0.652104377746582, 0.953274130821228, -0.8735100030899048, 0.5894293785095215, -0.3898513615131378, -0.12885551154613495, 0.9302727580070496, 0.1076880395412445, -0.24880531430244446, -0.3091352581977844, -0.5722174644470215, -0.1456843912601471, 1.265223503112793, -0.3155147433280945, 1.4532676935195923, 0.23158633708953857, -0.1932651698589325, -0.7057799696922302, -0.8492454290390015, -0.21123138070106506, 0.03478962182998657, -1.0062042474746704, -1.1853410005569458, 0.20943781733512878, 0.3393305540084839, 1.9347881078720093, -0.18186867237091064, 0.5955591797828674, -0.8373227119445801, 0.25053074955940247, 0.26551204919815063, 0.5933648347854614, -0.30423566699028015, -0.8598179221153259, 0.5915587544441223, 2.5698461532592773, -1.4145116806030273, 1.3136804103851318, -0.9753259420394897, 0.40541478991508484, -0.7859851717948914, 0.2784687876701355, 2.2054646015167236, -0.4424854815006256, -1.0142239332199097, -1.3739676475524902, 0.09372329711914062, -1.154167652130127, 0.7956389784812927, -0.3642284572124481, -0.5563275814056396, -0.12148161232471466, 0.28221261501312256, -1.1882363557815552, -0.12530824542045593, 0.13518904149532318, 0.19955843687057495, -0.43879199028015137, 0.5101407766342163, -0.32772713899612427, 0.6566831469535828, 0.4594816565513611, -0.14802876114845276, 0.1974671483039856, 0.579261064529419, -1.108083724975586, -0.1438482701778412, 0.5676794648170471, -0.1757086217403412, -1.0121970176696777, -0.3849406838417053, 1.3327569961547852, -0.4144172966480255, -0.23251911997795105, -0.09756730496883392, -0.3919923007488251, -0.21680375933647156, 0.24378268420696259, 0.9092482328414917, -0.05651775002479553, -0.7686420679092407, -0.5865408182144165, -0.5625087022781372, -0.20826655626296997, 0.5868579149246216, -0.6835275292396545, -0.6584437489509583, -1.6338138580322266, -0.0467357262969017, 0.41659730672836304, 1.6624393463134766, 0.5329327583312988, -0.35178500413894653, -0.36027345061302185, 1.0101701021194458, -0.5427720546722412, -0.22045813500881195, 0.6322267651557922, -1.6768184900283813, 0.48330169916152954, -0.0195610448718071, 1.190565824508667, -1.4829130172729492, -0.4050110876560211, 0.6912580728530884, 1.3880722522735596, -0.290900856256485, -0.5333003997802734, -1.692020297050476, 0.20449811220169067, 2.3790698051452637, 1.0061767101287842, -1.5256937742233276, -0.3232254385948181, 0.29908090829849243, -0.3274122476577759, 0.1930163949728012, 0.9327555894851685, -0.8469308018684387, -0.2709484100341797, -1.068015456199646, 0.22812660038471222, -0.4335562586784363, 0.4295016825199127, 0.7469715476036072, 0.46678248047828674, -0.7017143964767456, -0.4296056628227234, 0.22049207985401154, -0.1335599571466446, 0.3979339301586151, 0.4588613510131836, -0.05309312790632248, 0.4621525704860687, 0.4800967574119568, 0.3056144118309021, 0.7668415307998657, 0.3508470356464386, 0.019841741770505905, -0.1366174966096878, 0.05014856904745102, 0.24369826912879944, 0.3453994691371918, 0.09752961993217468, -0.968055009841919, 0.6323183178901672, 0.44626253843307495, -0.29420381784439087, -0.24746142327785492, -0.9638132452964783, 0.15311017632484436, 1.0577168464660645, 1.2326269149780273, -0.3333911597728729, 0.14045503735542297, -0.21583938598632812, 0.012877162545919418, -0.2297966480255127, 0.03649396821856499, 0.1371745765209198, -0.24508006870746613, 0.37403321266174316, -0.12831753492355347, -0.06840688735246658, -0.6465001702308655, -0.1336071789264679, -0.37949416041374207, -0.5381747484207153, 0.7864490151405334, -0.7552920579910278, -1.1782290935516357, 0.5893304944038391, -0.4002368450164795, -1.0720305442810059, -0.6932896971702576, 0.0958598256111145, 0.6022168397903442, -0.44485992193222046, 0.2751834988594055, 1.3069453239440918, -0.3986486792564392, 0.09494463354349136, -0.27584558725357056, 0.7369548678398132, -0.11177819967269897, 0.3132903575897217, -0.9317175149917603, 0.5367801189422607, 0.48615941405296326, -0.8042943477630615, -0.09866197407245636, 0.4795069694519043, 1.0652847290039062, -0.9196591377258301, 1.1882485151290894, 0.054300710558891296, -0.60666424036026, 1.148585319519043, -0.13326869904994965, 0.23636013269424438, -0.6983743906021118, 0.614709198474884, 0.9546679854393005, -0.8187553882598877, 0.3445301055908203, -0.8510938286781311, -0.3860454559326172, 0.5539150238037109, -1.3216603994369507, 0.02312246337532997, 0.29150688648223877, -0.6585091352462769, -0.08565172553062439, 0.34194543957710266, -1.80459725856781, 0.20297876000404358, 1.8469433784484863, -0.6197908520698547, -0.03194095566868782, -0.5235111713409424, 1.069377064704895, -0.3186491131782532, -0.3781973421573639, -0.6814924478530884, -0.8270363807678223, 0.5959309935569763, -0.4403115510940552, 0.22892098128795624, -0.3105694055557251, -1.059492588043213, -0.08550658822059631, 0.2076139748096466, 0.9233137369155884, -1.1117836236953735, -0.018827877938747406, 0.7498395442962646, -1.2714322805404663, 0.3968874514102936, -0.03451415151357651, 0.5066906213760376, 1.6703592538833618, -0.4306398034095764, 0.03637298196554184, 0.599458634853363, 0.7733104825019836, -0.03907783702015877, -0.004457607865333557, 0.6560654640197754, 1.481928825378418, -0.557305097579956, 0.7855369448661804, -0.14177203178405762, -0.060693833976984024, -1.1987836360931396, -0.2383897304534912, 0.4821133017539978, -0.49433308839797974, 1.2539966106414795, 0.7970045208930969, 1.179977536201477, 0.0015680557116866112, 0.40452608466148376, -0.269657164812088, 0.43285584449768066, 1.2152138948440552, 1.0844788551330566, 0.5909951329231262, -0.3586227297782898, 0.8422828912734985, 0.5537869930267334, 0.9083612561225891, -0.809302806854248, 0.4428923428058624, 1.060559630393982, -0.5123999714851379, -0.723239004611969, -0.4159083068370819, -0.14615049958229065, 0.41931596398353577, 1.637195110321045, -0.3237662613391876, -0.8157784938812256, -0.24026332795619965, 0.7581577301025391, 1.2243434190750122, 0.006416581571102142, -0.4458971321582794, 0.48104655742645264, 0.6736778616905212, 0.6071153283119202, -0.902579665184021, 0.6009857654571533, -0.058646310120821, -0.5698831081390381, -0.6327962875366211, -0.46832525730133057, -0.8422605991363525, -0.013789994642138481, -0.17651426792144775, -0.13467000424861908, -0.4879796802997589, 0.7156466841697693, -0.5635783672332764, -1.6599056720733643, 0.7214726209640503, 0.0692080408334732, -0.4706909656524658, 1.0855683088302612, 1.1910122632980347, -1.4892398118972778, -1.407562494277954, -0.4893379211425781, -0.6942121982574463, -0.8107585310935974, 0.49650582671165466, -1.1234242916107178, 1.2432129383087158, 0.24571071565151215, 0.12444348633289337, 0.5208503007888794, 0.31951141357421875, -1.205254077911377, 0.11192776262760162, 1.195643663406372, -1.466105580329895, 0.3295748233795166, 0.8629792928695679, -0.45961928367614746, 0.27316564321517944, -1.2474706172943115, -0.5224018692970276, 0.5458075404167175, 0.8677908182144165, 0.4302825331687927, -0.8467710614204407, -0.044295087456703186, 0.18542274832725525, -0.40181443095207214, 0.6541451811790466, -0.8422014117240906, 0.22264468669891357, -0.492300808429718, 0.39211881160736084, 0.874847412109375, -0.9237130284309387, -0.9571468830108643, 0.5479134321212769, -0.8053447008132935, 0.6027172803878784, 0.14347019791603088, 0.005998048931360245, 0.9674878716468811, 0.4934508800506592, 1.2827041149139404, -0.23999369144439697, -10.250134468078613, 0.8076776266098022, -0.26877787709236145, 0.4802579879760742, 0.12322854995727539, -0.4244692027568817, 0.3072968125343323, 0.41118618845939636, 1.9474611282348633, -0.8075400590896606, 0.06633718311786652, 1.9496034383773804, -0.17889061570167542, -0.929164469242096, -0.5774022340774536, -0.7854540348052979, -0.8714268207550049, -1.0294740200042725, 0.3184213638305664, 0.13474570214748383, -0.07673580944538116, -1.5813089609146118, 0.25660228729248047, -0.8706360459327698, 0.37321311235427856, -0.10709027945995331, -0.17532917857170105, -0.8659902215003967, -1.019509196281433, 1.2642725706100464, 0.9501531720161438, -0.40942850708961487, -0.42789220809936523, -0.3445809781551361, 0.1506899744272232, 0.1471025049686432, -0.9860290288925171, -0.8437864184379578, 0.8824906349182129, 0.12150639295578003, 0.500659167766571, 0.1665273904800415, 0.4397638142108917, -0.517155647277832, -0.5393995046615601, 0.11953607201576233, -0.8779996037483215, 0.03497638180851936, -0.5408344268798828, -0.37495091557502747, -0.33784621953964233, -0.7633106112480164, -1.4596610069274902, -0.6141437888145447, 1.0673277378082275, -0.24146249890327454, -1.3456835746765137, -0.06127296760678291, -1.144643783569336, -0.9828792810440063, 1.7963802814483643, 0.023106280714273453, -0.11857892572879791, 0.873343825340271, 1.05210280418396, -1.0732399225234985, 0.3232041895389557, -0.1166682317852974, 0.27927544713020325, 0.7866702675819397, -0.3895605206489563, 1.682830572128296, 0.37905120849609375, 0.5826451778411865, -0.18984296917915344, -0.4352757930755615, -0.8467121124267578, 0.5261045694351196, 1.04351806640625, -0.0857623964548111, -1.098307490348816, 0.7055366039276123, -0.21357609331607819, -0.8982978463172913, -1.0878911018371582, 0.4842984974384308, -0.0025841668248176575, -0.4695594012737274, 0.9648798704147339, 0.38505205512046814, 0.6004607081413269, 0.40648171305656433, -0.5200147032737732, 0.49134770035743713, -0.9617888927459717, 0.6626906991004944, -1.2694568634033203, 1.3386871814727783, -0.036994628608226776, 0.4521377980709076, 0.8789774179458618, 0.6068804860115051, -0.5306559801101685, 0.9678172469139099, 0.13033412396907806, -0.07073822617530823, 0.1648993194103241, 0.815790057182312, -0.3581756055355072, 0.004802672192454338, 0.25205597281455994, 0.14183415472507477, -0.08081606775522232, 0.17212970554828644, 0.49630287289619446, 0.44768601655960083, 0.5427694916725159, -0.502339780330658, 0.22367870807647705, 0.3667859733104706, -0.7651224732398987, 0.6443701982498169, -0.48534566164016724, 1.160033941268921, 0.5276021361351013, 0.31592676043510437, 0.7582143545150757, -0.4837000072002411, 0.19422779977321625, -1.6774054765701294, 1.0741331577301025, -0.5107274651527405, 0.47831201553344727, -1.1821763515472412, 0.19661392271518707, -0.10921865701675415, -1.4731614589691162, 0.7073187828063965, -1.391556978225708, 0.6296982765197754, 0.15161222219467163, -0.29764825105667114, -0.0539800226688385, -0.24715179204940796, -0.5727217197418213, 0.22969114780426025, -1.585747480392456, 0.21433483064174652, -0.5187715888023376, 0.6535757780075073, 0.08167017251253128, -0.15558066964149475, 0.6742115616798401, -1.2564195394515991, -0.4660769999027252, 0.508963942527771, 0.6861514449119568, -0.8917762041091919, -0.4408290982246399, -0.5349651575088501, 0.9025824069976807, 0.8357068300247192, -0.7135253548622131, 0.8507833480834961, 0.46843287348747253, -0.36215439438819885, -0.28940659761428833, 0.5542030334472656, -0.0833105742931366, 0.6298130750656128, 1.3141828775405884, -0.42883825302124023, -0.056332677602767944, 0.006540525704622269, 0.08638177812099457, 0.04244895279407501, 0.8466753363609314, 1.3027278184890747, -1.6110880374908447, 0.06576522439718246, -0.44044628739356995, 0.2535700798034668, 0.6047399044036865, -0.7865549325942993, -0.18985603749752045, 1.0655450820922852, -0.5702581405639648, 1.2083196640014648, -0.042897649109363556, -0.22305163741111755, -2.0991384983062744, -1.0212955474853516, -0.8006511330604553, -0.16857512295246124, 0.24518270790576935, 0.19048388302326202, 0.4138181805610657, 0.39247190952301025, -0.3250293731689453, -0.3831205666065216, -0.05198066681623459, 0.7237715125083923, -0.04511130973696709, -0.03078348934650421, -0.6833558678627014, -0.9058060646057129, -0.11953192949295044, -0.06467563658952713, 0.47118180990219116, 0.2760428786277771, -1.7627733945846558, -0.035730794072151184, -0.17126867175102234, 0.1693543791770935, 0.7026116251945496, -0.25985032320022583, -0.19157612323760986, 0.17608076333999634, -0.60016930103302, -1.0906010866165161, 0.29186251759529114, 1.1760029792785645, -0.10575385391712189, 1.4535614252090454, 0.3099272549152374, 0.5344706773757935, 0.5351960062980652, 0.4795079827308655, 1.5520830154418945, -0.053735118359327316, -0.24387291073799133, -0.206741064786911, -0.3928810656070709, 0.4037976861000061, 0.28648242354393005, -0.0346125066280365, -1.0160555839538574, 0.2775377631187439, -1.135934591293335, -0.4137061536312103, -0.3521386384963989, 0.4325621426105499, 0.5863187909126282, 1.2155970335006714, -1.4769972562789917, -0.38544175028800964, -0.48873788118362427, -0.5980721116065979, -0.21451537311077118, -0.06804007291793823, 0.12202804535627365, 1.5730642080307007, 0.684402585029602, 0.059846580028533936, 1.4930813312530518, -0.09001365303993225, 0.3575247526168823, 0.293658971786499, 0.4534372091293335, 1.196874976158142, 0.6819748878479004, 0.2279241979122162, 0.09378597885370255, -0.47117099165916443, -1.0611499547958374, -0.5470118522644043, -1.111630916595459, 0.6379458904266357, 0.40024060010910034, -0.6376447677612305, 0.021096572279930115, 0.018330857157707214, -0.45537444949150085, -0.20002587139606476, 0.7204020619392395, 0.8175133466720581, 0.020652472972869873, 0.2732970118522644, -0.6970826387405396, -0.47607511281967163, 0.6564382314682007, -0.6007015705108643, -0.009246468544006348, -1.369771122932434, 0.482413649559021, -0.11984880268573761, -0.3626050651073456, -0.9541521072387695, 0.2777257561683655, -0.6334012150764465, 0.22644047439098358, 0.6054134368896484, -1.5956522226333618, -0.9113578796386719, -0.4325830936431885, -0.34281253814697266, 0.3401566743850708, -0.07103908061981201, -1.7878174781799316, -0.0887136235833168, -0.13045604526996613, 0.8454422950744629, -0.00031869858503341675, -0.27646422386169434, 0.2149023860692978, -1.2154273986816406, 1.4331084489822388, 1.8455592393875122, 0.2123556286096573, -0.2135959416627884, 1.1308549642562866, -0.11392383277416229, -0.048847198486328125, 1.9114866256713867]} +{"paper_id": "eitb_parcc", "embedding": [0.029564499855041504, 0.7264031171798706, 0.6652666330337524, 0.23848691582679749, 0.10021901875734329, -0.5160094499588013, 0.12763789296150208, 1.2011882066726685, 0.9973722100257874, 0.21811960637569427, 0.15837296843528748, 0.35594478249549866, 0.1406533420085907, -0.23177213966846466, -0.14025087654590607, 0.026668105274438858, -1.7576696872711182, -0.7723561525344849, -1.5539066791534424, -0.14110873639583588, -0.8939043283462524, -0.17154288291931152, -0.7383870482444763, 0.03286675736308098, -0.3031866252422333, -0.5880118012428284, 0.09516307711601257, -0.9992950558662415, 0.12519718706607819, 0.13464343547821045, -0.1583128571510315, 1.249505877494812, -0.8492850661277771, 0.5044330358505249, -0.364632785320282, 0.12437094002962112, 0.3043159246444702, 0.9503149390220642, -0.16391044855117798, 0.4661164879798889, -0.7494632005691528, -0.762276828289032, 0.9930814504623413, 0.5185433030128479, 0.9874058961868286, 0.01048540323972702, -0.44747060537338257, 0.3038329780101776, 0.1227690577507019, 0.20456717908382416, -0.23714618384838104, -0.04248632490634918, 0.23627649247646332, 0.9376888275146484, -0.9799132347106934, 1.361401081085205, 0.1229681745171547, -1.080447793006897, 0.8887781500816345, -1.280829668045044, 0.34700632095336914, 1.345577359199524, -1.1227500438690186, 0.4819011688232422, 1.1896189451217651, -0.8332585096359253, 1.6591957807540894, 0.7765333652496338, 0.7867264151573181, 1.2339742183685303, 0.5798807144165039, -0.935995876789093, 1.1015632152557373, -0.39850202202796936, 0.6692874431610107, 0.8482931852340698, 0.0882447212934494, 0.12045015394687653, 0.06673844158649445, -0.1033080443739891, -0.5382042527198792, 1.0428314208984375, 0.7269957065582275, -0.810558021068573, -0.4209945499897003, -0.09825839102268219, 0.719025731086731, -0.9006369709968567, 0.40468794107437134, -1.726601481437683, -0.16184569895267487, -0.21748636662960052, 0.42928361892700195, 0.16396689414978027, 0.07764344662427902, -0.02135091833770275, 0.31867825984954834, 0.048884421586990356, -0.5264435410499573, -0.07066980004310608, 0.6038529872894287, -0.40727800130844116, 0.34207507967948914, -0.28943711519241333, 0.5844093561172485, 0.481443852186203, -0.9812240600585938, -1.0021003484725952, -1.7753081321716309, -0.22499465942382812, -0.13241203129291534, 0.5980606079101562, -0.4834055006504059, 0.34532642364501953, -0.36523813009262085, -0.056763581931591034, -0.0755360797047615, -0.6401058435440063, -1.1685011386871338, -0.3234419822692871, -0.39984065294265747, -0.9508106708526611, -0.2606859505176544, -0.2783046364784241, 1.044456124305725, -0.45057860016822815, 0.12335851043462753, 0.1723601222038269, 0.20543813705444336, -0.4615303575992584, 1.038299322128296, 0.19733045995235443, -0.4522033631801605, -0.27198490500450134, 2.9135024547576904, -0.46530216932296753, 1.2513089179992676, -0.5324550271034241, 0.6175262928009033, -0.10826674103736877, 0.31668907403945923, 1.545557975769043, -0.1314496248960495, -0.9724679589271545, -0.2868528962135315, -0.18420124053955078, -1.2458484172821045, 0.0045741889625787735, -0.34889280796051025, -0.030135881155729294, -0.4382981061935425, 0.3647700250148773, -0.8496264815330505, -0.5551795959472656, 0.10718011856079102, 0.5069307088851929, 0.7084912657737732, 1.1992309093475342, -0.6873775720596313, 0.7770534157752991, 0.5415776371955872, 0.4250665307044983, -0.391254186630249, 0.5296601057052612, -1.9395546913146973, 0.469440221786499, 1.4680424928665161, 0.32045629620552063, 0.5352762341499329, -0.7092614769935608, 0.5143057703971863, -0.26549649238586426, -0.46552103757858276, 0.23737525939941406, 0.5230560302734375, 0.5404365062713623, 0.13484980165958405, 0.4791336953639984, 0.40003249049186707, -0.3448626399040222, -0.25385770201683044, 0.010863849893212318, -0.08611248433589935, 0.16212089359760284, 0.318754106760025, 0.8184139728546143, -2.3906147480010986, -0.1899983137845993, 0.06844352185726166, -0.7943667769432068, -0.293555349111557, -0.7838485836982727, -0.059201933443546295, 0.09430497884750366, 0.6524659991264343, -0.25326478481292725, 0.28053605556488037, -0.33746451139450073, -0.3589717149734497, 1.0546901226043701, -0.11377139389514923, -0.26785844564437866, 0.24749921262264252, 0.5865477323532104, 0.6969258785247803, -0.5445541143417358, -0.530568540096283, -0.9763419032096863, -0.2514553964138031, 2.819791555404663, -0.28742069005966187, -0.6199468374252319, -1.4661810398101807, -0.7675881385803223, 0.1661452353000641, -0.9189016222953796, 0.1933363676071167, -1.1087288856506348, -0.6460309624671936, -1.4360615015029907, 0.5017409324645996, 0.252279669046402, 0.12978267669677734, 0.2609347999095917, 0.547113835811615, -0.6640496253967285, -0.6410785913467407, 0.2977474331855774, -0.9283885955810547, 0.4567241370677948, 0.8264619708061218, -0.2059975266456604, -0.8882836103439331, 1.2093925476074219, -0.07104331254959106, 0.6011821627616882, 0.30937740206718445, 0.12732967734336853, -0.3057875633239746, -0.5753491520881653, 0.13040496408939362, 1.0469552278518677, -0.1913737803697586, 0.21416829526424408, 0.5794336199760437, 0.6954450607299805, -0.23508480191230774, -0.14915695786476135, -0.011101357638835907, -0.18328115344047546, 1.4507849216461182, 0.9350689649581909, -0.8542612195014954, 1.94158136844635, -1.431845784187317, 0.6852835416793823, -0.02642989531159401, -1.453126311302185, -0.3601350784301758, -0.12318921834230423, 0.6722621321678162, -0.4537442922592163, -0.010244041681289673, -0.001239493489265442, -0.5298134088516235, -1.0877560377120972, -0.7260887622833252, -1.1638376712799072, -0.7076600193977356, -1.1409144401550293, -0.3807458281517029, 0.5113741159439087, -0.7954586148262024, -0.3392408788204193, -0.9432512521743774, 1.0288878679275513, 0.37259235978126526, 1.2129197120666504, 2.240440607070923, 0.1442849487066269, 0.24931183457374573, -0.28319746255874634, -0.14648747444152832, -0.6578089594841003, 1.1417311429977417, -0.30171576142311096, 0.3213876485824585, -0.8167691826820374, -0.37976348400115967, -0.2190171331167221, -0.10136272013187408, 0.13438084721565247, 0.14884275197982788, 0.01053713634610176, -0.6903501152992249, -0.37492918968200684, 0.42887377738952637, -0.7339785099029541, 0.24942710995674133, -1.0435171127319336, 1.4299428462982178, 0.8257660269737244, 0.15929502248764038, 0.8996025919914246, -0.8171766400337219, 0.11418674886226654, 0.7813374996185303, -0.477043479681015, 0.45930910110473633, 1.105301022529602, 0.184111550450325, 0.19082856178283691, 0.41154244542121887, -2.105177879333496, -0.1384427398443222, 1.0694659948349, -0.4720337986946106, -0.6077553033828735, -0.38628295063972473, -0.32524508237838745, -0.42939645051956177, -0.7877611517906189, 0.48071563243865967, -0.8390662670135498, 0.7573999762535095, -0.07545186579227448, 0.3245183229446411, 0.5665816068649292, -0.7909746170043945, 0.9841737747192383, 1.3690977096557617, 0.3271097242832184, -0.381017804145813, 0.19066503643989563, 0.8684875965118408, -1.041627049446106, 1.0639314651489258, 0.23698410391807556, 0.7002153992652893, 1.2892850637435913, -0.06530889123678207, -0.358341246843338, 0.4944056272506714, 1.473719835281372, 0.5594723224639893, 0.43561851978302, -0.023877911269664764, 0.6721103191375732, 0.34294477105140686, 0.5295118093490601, 0.7075721621513367, -1.3160631656646729, -0.6770363450050354, -0.05033963546156883, -0.8459729552268982, -0.8499910831451416, 1.8488527536392212, 1.0312895774841309, 1.1949248313903809, 0.1419389545917511, 0.6452866196632385, -0.047631096094846725, -0.0765252560377121, 0.43666499853134155, 0.642195999622345, -0.3214106559753418, 0.4509044587612152, -0.4908163249492645, 1.0457350015640259, -0.2758520841598511, -0.8822194337844849, 0.14669080078601837, -0.064004085958004, -0.47533050179481506, -0.7361204624176025, 0.1958857625722885, 0.8610897064208984, 0.6290562152862549, 1.8144537210464478, -0.7691115736961365, -0.45060962438583374, 0.08985775709152222, 0.8064600825309753, -0.38647252321243286, 0.45221084356307983, -1.1209007501602173, 0.4786105155944824, 1.0239160060882568, 0.8346611857414246, -0.18249723315238953, 0.5114911198616028, 0.5945644378662109, -0.7435405850410461, -0.3654310703277588, -0.20728640258312225, -1.4333059787750244, -0.9078558087348938, -0.688872754573822, -0.23989956080913544, -0.9264461994171143, 0.30111828446388245, -0.4745265245437622, -0.21759070456027985, 0.6795057058334351, -0.027561916038393974, -1.1685338020324707, 1.072363018989563, 1.3850195407867432, -1.2503737211227417, 0.28967157006263733, -0.5044636726379395, -0.6925078630447388, -0.7043806314468384, 0.8521004319190979, -0.810918927192688, 0.05400184914469719, 0.35832345485687256, 0.9258499145507812, -0.22821196913719177, -0.20941321551799774, -1.3622976541519165, 0.2849453091621399, 1.726546049118042, -0.5094002485275269, -0.13425463438034058, -0.1287057250738144, 0.19803176820278168, 0.09670744836330414, -1.35866379737854, -0.3174244165420532, 0.1376892775297165, 0.4962010085582733, 0.21028006076812744, -0.3407530188560486, -0.7614505887031555, -0.15642964839935303, 0.0837801992893219, 1.2403322458267212, -1.356961727142334, 0.4241480827331543, -0.5386620759963989, 0.8735741376876831, 0.7763071060180664, -0.4461928606033325, -0.5725430846214294, 0.6575449109077454, -0.7968274354934692, 0.6322368383407593, 0.5408084392547607, 0.4899783134460449, 0.7335169315338135, 0.15376293659210205, 0.4152922034263611, -0.8643429279327393, -10.667562484741211, 0.1496155709028244, -0.49762338399887085, -0.04373921826481819, 0.5163176655769348, 0.2095700204372406, 0.6673190593719482, 0.13710534572601318, 0.28591546416282654, -0.38819772005081177, 0.5735418200492859, 0.520601212978363, 0.21886423230171204, -0.24065811932086945, -0.7503234148025513, -1.276517629623413, -0.9277366995811462, -0.20466038584709167, 1.2555211782455444, -0.011589981615543365, -0.6262660026550293, -1.2984424829483032, -0.36328399181365967, -0.011865835636854172, -0.015614750795066357, 0.016824230551719666, 0.24410992860794067, 0.04510527476668358, -0.8040478825569153, -0.15712711215019226, 0.5220199823379517, -0.21726074814796448, -0.9671282768249512, 0.09532734006643295, 0.7377400398254395, 0.2512128949165344, -1.25520658493042, 0.01997988298535347, 0.7765523791313171, -0.05749654024839401, -0.23848770558834076, 0.14728638529777527, -0.6744486093521118, -0.2835211753845215, 0.1780715435743332, -0.37404659390449524, 0.1405201256275177, -0.4871653616428375, 0.6751534938812256, -0.8940654993057251, -0.4304056763648987, -0.4074411392211914, -0.764454185962677, -1.0442628860473633, 0.09533657878637314, 0.027084527537226677, -1.1178109645843506, 0.32695627212524414, -0.5204440951347351, -0.8501971960067749, 1.2038835287094116, 0.6254150867462158, -0.5191307067871094, 0.3762403130531311, 0.2555002272129059, 0.19506525993347168, 0.5629485845565796, 0.2957881987094879, 0.10802160948514938, 0.36839497089385986, -1.0203851461410522, 0.4021452069282532, -0.08708474785089493, 0.31624794006347656, -0.425260454416275, -0.34421807527542114, 0.12935760617256165, -0.7968071103096008, 0.6913259029388428, 0.9027305245399475, -0.8488940596580505, -0.14273712038993835, -0.3495076894760132, -0.11546193808317184, -0.07796797156333923, -0.13244497776031494, -0.367868036031723, -0.08225634694099426, 1.1682082414627075, 0.42782729864120483, 1.2194137573242188, -0.016748925670981407, -0.01162056252360344, -0.32607588171958923, -0.5017367601394653, 1.6449517011642456, -0.9386915564537048, 0.9158788323402405, 0.22799232602119446, -1.5850483179092407, 0.8251885771751404, -0.04059475660324097, -0.40151306986808777, -0.46579721570014954, 0.38037246465682983, -0.056607164442539215, 0.21758073568344116, -0.08026285469532013, 0.2808168828487396, -0.09429900348186493, 1.8016496896743774, 0.0947590321302414, 0.36669182777404785, 0.681727409362793, 0.49413326382637024, 1.4410101175308228, 1.0352177619934082, 0.17092368006706238, 0.9476049542427063, 0.7441021203994751, -0.42230987548828125, 0.7671335339546204, 0.40737029910087585, 1.7107679843902588, 0.2510316073894501, 0.47537970542907715, -0.17964021861553192, 0.7792078256607056, -0.9297581911087036, -0.7673001289367676, 0.18914386630058289, -0.4603436589241028, -0.0675419494509697, -1.2887392044067383, 0.2449885755777359, -0.6908884644508362, -0.4446820914745331, 0.8569170236587524, -0.20164376497268677, 0.18869534134864807, -0.1850462108850479, -1.1978119611740112, -0.6317548751831055, 0.045820701867341995, -0.3784748911857605, 0.24059471487998962, -0.8604577779769897, -0.42240485548973083, 0.26581692695617676, -0.9854412078857422, 0.7820887565612793, 0.3517969250679016, 0.7705124616622925, -0.8429771065711975, 0.17355136573314667, 0.09569477289915085, -0.20582808554172516, -0.28543007373809814, -0.25940731167793274, -0.48154938220977783, 0.07304622232913971, 1.2520121335983276, -1.084341049194336, 1.07871675491333, 0.37123510241508484, 0.3616478145122528, -0.7236526608467102, -0.7270979881286621, -0.5595066547393799, 0.6339691281318665, 0.5438321828842163, -1.4630380868911743, -0.5481887459754944, -1.18342924118042, -0.5779873728752136, 0.47250598669052124, 0.6116276979446411, 0.6733541488647461, -0.35741961002349854, 0.5419818758964539, 0.12220887839794159, 0.3634272813796997, -0.10165226459503174, -0.37033671140670776, -0.9911978244781494, 0.16882586479187012, -0.578393816947937, 1.4059386253356934, 0.18420225381851196, 0.6175864338874817, -2.1325740814208984, -0.8840072751045227, -0.10035810619592667, 0.41620537638664246, 0.7406986355781555, 0.19935618340969086, 0.8858006596565247, -0.6431406140327454, 0.7929006814956665, 0.6860193014144897, -0.11758378148078918, -0.04395190626382828, 0.35865819454193115, 0.34858980774879456, 0.07320572435855865, 0.36107194423675537, -0.7330646514892578, -0.09398391842842102, 0.6377078294754028, -0.0435212068259716, -1.0554925203323364, -0.05380014330148697, 0.288811594247818, 0.1274004429578781, -0.5652973055839539, -0.9432004690170288, 0.9074080586433411, -0.27305757999420166, -0.2882108688354492, -1.2612769603729248, -0.06355517357587814, 0.7951486110687256, -0.45357125997543335, 0.7066404223442078, 0.4950985312461853, 0.5381412506103516, 0.2576409876346588, 0.7456409335136414, 1.1059675216674805, -0.5706519484519958, -1.5785741806030273, -0.4476645886898041, 0.7445032596588135, -0.5864083766937256, 0.10860355198383331, 0.37453213334083557, -1.359496831893921, -0.1315106451511383, -1.4841194152832031, 0.5013483762741089, -0.7560911178588867, -0.4018159508705139, -0.4654773473739624, 0.15847742557525635, 0.19584350287914276, -1.4876573085784912, 0.2450641691684723, -0.19037875533103943, -0.3275192081928253, 0.15869128704071045, 0.6391162872314453, 0.4887852668762207, 0.7107372283935547, 0.6220993995666504, 0.9478772282600403, -0.38878464698791504, 0.10613319277763367, 0.13882531225681305, 0.2533213496208191, 1.0364699363708496, 0.30837804079055786, -0.0951266661286354, -0.1936773806810379, -0.14396041631698608, -0.9550115466117859, -0.5247895121574402, -0.5868500471115112, 0.9486396312713623, 1.881767749786377, -0.20300129055976868, -0.12423636019229889, -1.0027952194213867, 0.8134283423423767, -0.9799290299415588, 0.9076078534126282, 0.8973832726478577, -0.0912548154592514, -1.615423560142517, -0.5843271017074585, -0.012236533686518669, 0.8132857084274292, -0.6149788498878479, 0.33057016134262085, -0.6724767684936523, 0.2242729365825653, -0.2046048641204834, -0.7538937330245972, -1.0029107332229614, 0.8349006772041321, -0.28328853845596313, 0.05570157617330551, 0.731879472732544, -0.6187952160835266, -0.4658750295639038, -0.09115380048751831, -0.8093485236167908, 1.1404402256011963, 0.22104762494564056, -0.6165563464164734, -0.3080940544605255, 0.1094953864812851, -0.8413383960723877, 0.09860983490943909, 0.358742892742157, -0.16214992105960846, -1.8082176446914673, 1.1761878728866577, 0.6568729877471924, -0.2880132496356964, -0.2240317165851593, 0.08725155144929886, 0.6131622195243835, -0.07696306705474854, 1.2463628053665161]} +{"paper_id": "brwac", "embedding": [-0.15500006079673767, 1.0296446084976196, -0.3251720666885376, 0.5343869924545288, 0.24454763531684875, -0.08366483449935913, 0.8009499311447144, 0.3958902955055237, 1.1887274980545044, 1.1060283184051514, 0.7747352123260498, -0.031918443739414215, 0.06269936263561249, -0.31391090154647827, -0.24158087372779846, 0.012663962319493294, -0.29815199971199036, -0.7076643705368042, -0.8297566771507263, -0.062420472502708435, -1.1040529012680054, -0.45394712686538696, -0.23796656727790833, 0.56200110912323, -1.4476395845413208, -0.5608474016189575, 0.36516499519348145, -0.9979613423347473, -0.0318453386425972, 0.09225238859653473, -0.08893778175115585, 1.262037992477417, -1.5344425439834595, 0.12264596670866013, -0.48534125089645386, -0.44332703948020935, 0.5996360182762146, 0.8163092136383057, -0.2588249444961548, -0.10795173048973083, -0.28125667572021484, 0.03066464513540268, 0.5129296779632568, 0.11258772015571594, 1.562087059020996, -0.03084605559706688, 0.4019838571548462, 0.5031936764717102, 0.3573923110961914, -0.06057383865118027, -0.1845449060201645, 0.5669897794723511, -0.09520572423934937, -0.001275915652513504, -0.36330658197402954, 1.027440071105957, -0.17119544744491577, -0.6879748702049255, 0.4401378631591797, -0.8920843601226807, 0.4526653587818146, 0.928321123123169, -0.5321905612945557, -0.10117749869823456, 0.9884371757507324, 0.35791611671447754, 0.6539613008499146, 0.15479838848114014, 0.32337895035743713, 0.6251294612884521, -0.2173537015914917, -0.8018509745597839, 0.375766783952713, -0.9691776633262634, 0.09139575809240341, 1.079507827758789, 0.4006252586841583, -0.09672792255878448, 0.38766953349113464, 0.11854348331689835, -0.16488569974899292, 1.0397546291351318, 0.143699511885643, -0.2798555791378021, -0.04845535382628441, -0.16013261675834656, 0.20747065544128418, -0.2565987706184387, 0.415749728679657, -0.9072723388671875, 0.7559187412261963, -0.21123811602592468, -0.2790519893169403, 0.6110478639602661, -0.12172478437423706, -0.0841667503118515, -0.5603958368301392, -0.04401601850986481, -0.38796156644821167, 0.2315680980682373, 0.4791930317878723, -0.7481385469436646, 0.5084567666053772, -0.4946022927761078, -0.02498175948858261, 0.6800566911697388, -0.7046272158622742, -0.5886796116828918, -0.5453341007232666, -0.313062459230423, 0.07332417368888855, 1.1254501342773438, -0.13827700912952423, 0.6192880272865295, 0.182473286986351, -0.5424706339836121, -0.04316670447587967, -0.34280747175216675, -0.336861252784729, 0.14393725991249084, -0.1153603196144104, -0.8996161818504333, -0.6354219913482666, -0.4997738003730774, 1.118948221206665, -0.42162108421325684, 0.7851889729499817, -0.40717288851737976, -0.072502501308918, -0.0030490458011627197, 0.6287469863891602, 0.27071499824523926, -0.3129614293575287, 0.3476857542991638, 2.011752128601074, -0.8783263564109802, 0.7542843222618103, -0.387859046459198, 0.19587703049182892, -0.20811530947685242, 0.07459816336631775, 1.5343769788742065, 0.14424821734428406, -0.5789536833763123, -0.6503611207008362, -0.011406896635890007, -0.23516178131103516, 0.8570777177810669, -0.43137818574905396, -0.48444393277168274, -0.17049895226955414, 0.5432575941085815, -1.2121937274932861, -0.878099262714386, -0.23166362941265106, 0.12728187441825867, 0.5091999769210815, 0.6756948232650757, -0.9999143481254578, 1.0859509706497192, 0.6820719242095947, 0.9312542676925659, -0.4585626721382141, 0.40473273396492004, -0.7651873230934143, 0.23896850645542145, 1.3989551067352295, -0.09640999138355255, -0.290086030960083, -0.4064233899116516, 0.4934123158454895, -0.23361656069755554, -0.27370551228523254, -0.313427597284317, -0.007506507448852062, 0.03413998335599899, 0.28585684299468994, 0.7440326809883118, 0.919940173625946, -0.38934528827667236, 0.1911926567554474, 0.27413830161094666, 0.2411738634109497, 0.1104489341378212, 0.04785740002989769, 0.39642012119293213, -2.0481443405151367, -0.0996902734041214, -0.15382389724254608, 1.0693070888519287, -0.03747823089361191, 0.09094150364398956, 0.3082524836063385, 0.2960492968559265, -0.13001835346221924, -0.37885311245918274, 0.45037710666656494, -1.005409836769104, -0.6811000108718872, 0.32124578952789307, 0.4912113845348358, -0.4258766770362854, -0.6338627934455872, 0.6594427227973938, 0.7770615220069885, -0.5050235986709595, -0.25974783301353455, -1.6808254718780518, 0.007035546004772186, 1.7988433837890625, 0.38333484530448914, -1.0413070917129517, -0.6813660860061646, -0.7233671545982361, 0.19617682695388794, -1.0395461320877075, 0.6548514366149902, -0.4936521649360657, -0.07429533451795578, -1.2331151962280273, 0.45130205154418945, -0.8218706250190735, -0.13428780436515808, 0.09113065153360367, 1.0044511556625366, -0.39904868602752686, -0.44379591941833496, 0.42137637734413147, -0.7081560492515564, 0.48743119835853577, 0.43099555373191833, 0.1860075742006302, -0.5332205295562744, 0.42144274711608887, 0.45533668994903564, 0.35049712657928467, 0.2360224723815918, 0.4199555814266205, -0.3734787702560425, 0.3361305594444275, -0.24789685010910034, 0.48068058490753174, -0.29882973432540894, -0.3899763822555542, 0.8132246136665344, 0.16754765808582306, -0.41500067710876465, -0.5969168543815613, -0.374151349067688, -0.0934826210141182, 1.1705100536346436, 0.7224692106246948, -0.28443941473960876, 0.871640682220459, -0.23501446843147278, -0.19120174646377563, 0.20690681040287018, -0.43476176261901855, -0.007089234888553619, 0.05794777721166611, 0.6393883228302002, -0.2963121235370636, -0.09771257638931274, -0.29333651065826416, -0.04416947811841965, -0.959683895111084, -0.4538053572177887, 0.24933487176895142, -0.6787365078926086, -0.7550160884857178, 0.16499072313308716, 0.4987725019454956, -0.7556754350662231, -0.19516512751579285, 0.16613921523094177, 0.8318804502487183, -0.33618298172950745, 0.38322633504867554, 0.7695037722587585, 0.037572458386421204, 0.28219467401504517, -0.3729785680770874, 0.662938117980957, 0.3631855845451355, 0.40485143661499023, -0.556376576423645, 0.14596757292747498, -0.3781803250312805, -0.3749687373638153, -0.5867672562599182, 0.410399466753006, -0.027333855628967285, -0.18243426084518433, 0.7002320289611816, -0.4360705018043518, -1.0967609882354736, 1.0349135398864746, -0.47743889689445496, 0.1903955638408661, -1.0090827941894531, 0.7197903394699097, 0.7880020141601562, -0.06984268873929977, 0.20464345812797546, -0.019099846482276917, -0.6675621867179871, 1.035629391670227, -1.0861446857452393, 0.32472237944602966, 0.2102060168981552, -0.08981065452098846, 0.2178979068994522, 0.41485708951950073, -2.040046215057373, -0.09505454450845718, 0.38786008954048157, 0.17448724806308746, -0.30785003304481506, -0.5525670647621155, 0.00945994257926941, -0.08294224739074707, -0.12023201584815979, 0.16197508573532104, -0.8848259449005127, 0.32055336236953735, -0.36814382672309875, 0.21043342351913452, -0.038228750228881836, -0.24731872975826263, 0.15695400536060333, 0.38755106925964355, 0.18749946355819702, -0.6800148487091064, -0.45052778720855713, 0.9340111613273621, -0.8006882071495056, 0.2966258227825165, 0.3355075418949127, 0.5783843994140625, 1.1004263162612915, -0.39171645045280457, 0.4149244725704193, 0.5493142008781433, 0.3264218866825104, 0.04618481919169426, 0.20589545369148254, 0.1670221984386444, 0.3290883004665375, -0.40535300970077515, 0.846251904964447, -0.43620169162750244, -0.6718987226486206, -0.6834846138954163, 0.2535203993320465, -0.6856911778450012, -0.1226988285779953, 2.006122589111328, 0.1722751408815384, 1.0358679294586182, -0.3409200608730316, 0.46477851271629333, 0.047311361879110336, 0.12006454169750214, 0.16111217439174652, 0.50716632604599, 0.16215914487838745, -0.08456405997276306, 0.0826127678155899, 0.4881966710090637, 0.2194233238697052, -0.6688222885131836, -0.16065333783626556, 0.27797025442123413, -0.11331136524677277, -0.6397712826728821, -0.15421105921268463, 0.26593199372291565, 0.44762930274009705, 1.3337568044662476, -0.4845426082611084, -0.7590122222900391, -0.5171361565589905, -0.05395246669650078, 0.3741910755634308, 0.006515055894851685, -0.9921183586120605, -0.011230485513806343, 0.09405888617038727, 0.7829890847206116, -0.11757528781890869, 1.0151333808898926, 1.0773141384124756, -0.14846184849739075, -0.4958053231239319, -0.020391035825014114, -0.7505571246147156, -0.09094231575727463, -0.27705657482147217, 0.039702583104372025, -0.5341938138008118, 0.1827981173992157, -0.08465959876775742, -0.9725735783576965, 0.35291457176208496, 0.39842888712882996, -1.0535980463027954, 1.2292782068252563, 1.1604483127593994, -0.743088960647583, -0.36931276321411133, 0.06567344069480896, -0.46625426411628723, -0.7510111331939697, -0.22327345609664917, -1.0548516511917114, -0.05640982836484909, -0.01937039941549301, 0.6756649613380432, -0.34564661979675293, -0.09644629061222076, -0.7453652620315552, 1.4009344577789307, 0.48460572957992554, -0.7670689225196838, 0.35523757338523865, -0.03522918373346329, 0.44963616132736206, -0.3042263984680176, -1.6209344863891602, -0.5108086466789246, 0.5088995099067688, 0.2825762927532196, -0.06485319137573242, -0.5803555250167847, -0.41030409932136536, 0.09773825854063034, -0.2920558452606201, 1.0571531057357788, -0.16053402423858643, 1.0050631761550903, -0.5107601284980774, 0.19691994786262512, 0.39273732900619507, -0.78690505027771, -0.7447428107261658, 0.8525469303131104, -0.6094324588775635, 0.5385048389434814, 0.11920268833637238, 0.37348881363868713, 1.0498285293579102, 0.008616961538791656, 0.5254353880882263, -0.22047528624534607, -13.915078163146973, 0.23031309247016907, -0.565825879573822, 0.40973329544067383, 0.10554234683513641, -0.005628205835819244, 0.7227924466133118, 1.0634753704071045, 0.7219527363777161, -0.488704651594162, 0.40251076221466064, 1.3131301403045654, 0.15764503180980682, -0.43547236919403076, -0.34226712584495544, -0.9594043493270874, -0.21732662618160248, -0.3178717792034149, 0.4222266674041748, -0.26287615299224854, 0.12490937113761902, -0.7295157313346863, -0.5629205703735352, -0.36722972989082336, -0.16335229575634003, -0.5251865386962891, 0.3788619637489319, -0.17457807064056396, -0.49740028381347656, 0.30272871255874634, 0.2514844536781311, -0.265470027923584, -0.3176298141479492, -0.494791716337204, 0.5483576655387878, -0.298755019903183, -1.0017142295837402, -0.2598883807659149, 0.7177704572677612, -0.434739887714386, -0.5369412899017334, 0.054090820252895355, 0.005552017129957676, -0.15803030133247375, -0.49840328097343445, 0.6625591516494751, -0.306170254945755, -0.5214143395423889, -0.4110819697380066, -0.1381513923406601, -0.5066879987716675, -0.5523736476898193, -0.8139210343360901, -0.408858060836792, 0.7449273467063904, -0.4171256721019745, -0.5956438183784485, -0.04135075584053993, -0.3794861435890198, -0.6646966934204102, 1.2336913347244263, 0.33111894130706787, -0.2593501806259155, 0.5666863322257996, 0.9495431184768677, -0.4518144428730011, 1.0095832347869873, 0.22973395884037018, 0.1378820538520813, 0.495491087436676, -0.5360289216041565, 0.7653684616088867, 0.17463502287864685, 0.12981680035591125, -0.6426012516021729, -0.009975515305995941, 0.13819603621959686, 0.18802028894424438, 0.3432697653770447, 0.3220156729221344, -1.1439405679702759, 0.4502946734428406, -0.2520313560962677, -0.3987610936164856, -0.7010173797607422, 0.24289822578430176, -0.14097604155540466, 0.18943335115909576, 1.0296475887298584, 0.3926163911819458, 1.1111226081848145, -0.3650323152542114, -0.6232784390449524, -0.48530739545822144, -0.5554550886154175, 0.9602280259132385, -0.3468122184276581, 0.612606942653656, -0.03388090059161186, -0.6497705578804016, 0.4835517108440399, 0.10297694057226181, 0.23462143540382385, 0.11639836430549622, 0.7358257174491882, 0.08652772754430771, -0.35494014620780945, 0.4640621244907379, 0.28319787979125977, 0.013769946061074734, 0.4647575616836548, 0.11521531641483307, -0.028367891907691956, 0.754325807094574, -0.20335206389427185, 0.5473379492759705, 0.6473196148872375, -0.5262202024459839, 0.5504270195960999, 0.8557875156402588, 0.38646817207336426, 0.07153347879648209, 0.28824758529663086, 1.3648935556411743, 0.5239297747612, -0.21212075650691986, 0.2844941020011902, 0.4589771032333374, 0.34502461552619934, -1.1096266508102417, 0.1815592497587204, 0.11189530789852142, 0.26559898257255554, -0.7362566590309143, 0.016418930143117905, -0.3852119743824005, -0.6827131509780884, 1.2956960201263428, -0.49721163511276245, 0.31128934025764465, -0.0629013404250145, -0.4703090190887451, 0.10781095921993256, 0.018674444407224655, -0.5741298198699951, -0.1831342875957489, -1.0410687923431396, -0.3467329740524292, -0.5156964659690857, -0.30856794118881226, 0.33472150564193726, -0.050852157175540924, 0.37241101264953613, -0.7148709893226624, -0.3078438639640808, -0.06718897074460983, 0.7796376347541809, -1.0804507732391357, -0.29852262139320374, -0.40888261795043945, 0.688736081123352, 0.7643185257911682, -0.8438221216201782, 0.4940139055252075, 0.6804840564727783, 0.06110841780900955, -1.0801891088485718, -0.13527557253837585, 0.13094069063663483, 0.34223809838294983, 0.5190298557281494, -0.7628207206726074, 0.10258512198925018, -0.3880319893360138, -0.13093127310276031, -0.04367268085479736, 0.3138929605484009, 1.2360461950302124, -0.7837576270103455, 0.2695409655570984, -0.2319144904613495, 0.7838952541351318, 0.6797522306442261, -0.7970702648162842, -0.5251885652542114, 0.2439957857131958, 0.0376078262925148, 0.7162114381790161, -0.21858762204647064, 0.5003925561904907, -1.651017189025879, -0.8302437663078308, -0.2582787275314331, -0.2899409830570221, 0.5532432198524475, -0.178982213139534, 1.1068081855773926, 0.28289708495140076, -0.14941135048866272, 0.15614429116249084, -0.268783301115036, 0.3142760694026947, 0.5699095726013184, 0.4300351142883301, -0.3297958970069885, 0.24442601203918457, -0.6324911713600159, 0.04025780037045479, 0.5016995072364807, 0.32445523142814636, -1.094916820526123, 0.003901965916156769, 0.11166916787624359, 0.0679132342338562, -0.16884241998195648, -0.5688978433609009, 0.22571387887001038, 0.05908505246043205, 0.24754849076271057, -1.0437349081039429, 0.12562043964862823, 1.0792747735977173, -0.0707927793264389, 0.7332749962806702, 0.4915285110473633, 0.14384660124778748, 0.8474394083023071, 0.23675182461738586, 1.524571418762207, 0.3424440026283264, 0.12288585305213928, 0.4577927589416504, 0.42374250292778015, -0.45889535546302795, -0.13307537138462067, -0.08363590389490128, -0.8967294096946716, 0.3485126793384552, -0.6928173303604126, -0.05259966105222702, -0.33120983839035034, 0.3964879810810089, 0.31225794553756714, 1.4505751132965088, -0.3343076705932617, -0.6012914180755615, -0.522097110748291, -0.6552026271820068, -0.14167657494544983, 0.3843967616558075, -0.6611618995666504, 1.2554632425308228, 0.6852185726165771, 0.4256613850593567, 0.8988023996353149, 0.3168654143810272, -0.3721822500228882, -0.04446978121995926, 0.4017567038536072, 0.9047560691833496, 1.0003079175949097, -0.09123378992080688, 0.14530231058597565, -0.51515793800354, -1.2494693994522095, -0.6445660591125488, -0.6222537159919739, 0.09700693190097809, 0.532344400882721, -0.759515106678009, 0.08120204508304596, -0.15225225687026978, -0.6102673411369324, 0.027582015842199326, 0.40059298276901245, 0.14593014121055603, -0.4167603850364685, -0.41621583700180054, -0.8101522326469421, 0.07728631049394608, 0.5699350833892822, -0.05320477858185768, -0.4128481149673462, -0.5739142894744873, 0.2558548152446747, -0.02663269266486168, -0.3383348286151886, -0.8653564453125, -0.09587804228067398, -0.6450743675231934, -0.041397400200366974, 0.029966335743665695, -0.6422933340072632, -0.5638179183006287, -0.33778488636016846, -0.7320796847343445, -0.11050011217594147, -0.20592619478702545, -0.32061994075775146, 0.11291210353374481, -0.010346010327339172, -0.029420927166938782, -0.1607854664325714, -0.02057691663503647, 0.39451152086257935, -1.05209481716156, 0.6911957263946533, 0.38922736048698425, -0.4747661054134369, 0.11739445477724075, 0.4235885441303253, 0.5634101629257202, 0.06392617523670197, 1.0816185474395752]} +{"paper_id": "sede", "embedding": [-0.5157502293586731, 0.9947806000709534, -0.09503571689128876, 0.2235184907913208, 0.11581913381814957, 0.22903379797935486, 1.4242295026779175, 0.7239924669265747, 0.7363709211349487, 0.2623961567878723, 0.3939235806465149, 0.45566174387931824, 0.514254093170166, -0.025127338245511055, -0.30877166986465454, 0.5099771022796631, -0.8664101958274841, -0.9954759478569031, -1.2713141441345215, -0.8703742623329163, -0.6387248039245605, -1.2843475341796875, -0.0749974250793457, 0.7283881306648254, -1.1555578708648682, -0.5003455281257629, 1.0579441785812378, -1.2015843391418457, -0.26924604177474976, 0.7092563509941101, -0.2122790515422821, 1.6167360544204712, -1.0443165302276611, 0.5581791996955872, -0.3576812744140625, -0.2702535092830658, -0.03403856232762337, 0.6066540479660034, -0.8551888465881348, 0.7429680228233337, -0.4625069200992584, -0.07533195614814758, 0.8403472900390625, -0.1354723572731018, 0.5866064429283142, 0.14428740739822388, -0.024092305451631546, 0.010237757116556168, -0.26349830627441406, -0.44966259598731995, -0.5727263689041138, 0.5214624404907227, 0.4694327116012573, 0.28345397114753723, -0.16231787204742432, 1.6381696462631226, -0.2004455327987671, -0.664900004863739, 0.8682594895362854, -0.29969602823257446, 0.29809489846229553, 1.4268027544021606, -0.16856175661087036, 0.6019612550735474, 1.0981113910675049, -0.274275004863739, 0.7060232162475586, 0.7158169150352478, 0.4741267263889313, 0.5518867373466492, 0.20279629528522491, -1.6908477544784546, 0.9982909560203552, 0.5789228677749634, 0.11570678651332855, 0.882887601852417, -0.04706098884344101, -0.2859903573989868, -0.28826573491096497, -0.7387558817863464, -0.27256157994270325, -0.031091652810573578, 0.8030853271484375, -1.1510162353515625, 0.6057445406913757, 0.7643506526947021, 0.3372803330421448, -1.089756727218628, -0.26013699173927307, -1.3094749450683594, -0.015870124101638794, 0.04583953320980072, 0.1864376962184906, -0.2460116446018219, -0.3288494348526001, 0.12530511617660522, -0.7753947377204895, 0.41730934381484985, -0.47259941697120667, 0.4392954409122467, 0.5952731966972351, -0.3470270037651062, 0.43598446249961853, -0.541831910610199, 0.8752299547195435, 0.24843959510326385, -0.49136194586753845, -0.724101185798645, -0.7048128247261047, -0.09797663241624832, -0.4871201515197754, 0.3239898085594177, -0.14229747653007507, 0.7165713906288147, -0.602039098739624, 0.08375721424818039, 0.158573716878891, -0.5244879722595215, -0.2006314992904663, -0.4220614433288574, -0.31074845790863037, -0.7265954613685608, -0.11002630740404129, 0.20219887793064117, 1.3268929719924927, -0.39912092685699463, -0.5142175555229187, -0.1620708703994751, 0.000714238965883851, -0.1542339324951172, 0.1844596266746521, -0.6525874733924866, -0.8964075446128845, 0.4206872880458832, 3.492543935775757, -1.0324223041534424, 1.4741950035095215, -0.701465368270874, -0.11680808663368225, 0.4285704493522644, -0.20075687766075134, 0.9701131582260132, 0.04911402612924576, -0.43120935559272766, -0.5669243931770325, -0.14517110586166382, -0.4670213460922241, 0.3913767337799072, -1.22257661819458, -0.10396383702754974, -0.9222658276557922, -0.5076949596405029, -1.6275355815887451, -0.5384959578514099, -0.372066855430603, -0.006128963083028793, 0.3401358723640442, 0.17892637848854065, -0.7446274161338806, 0.19453027844429016, 0.5876182317733765, 0.8083550333976746, -0.862517237663269, -0.10878165811300278, -1.3465739488601685, -0.0768510028719902, 1.5865713357925415, -1.1578502655029297, -0.9105788469314575, -0.32409337162971497, 0.9735633730888367, -0.6442353129386902, 0.3123352527618408, -0.4875355660915375, -0.1647844761610031, 0.32342636585235596, 0.9439257979393005, 0.20501288771629333, 0.7184011340141296, -0.6429253816604614, -0.5760626792907715, -0.03694123029708862, -0.05190856382250786, 0.35582080483436584, -0.5457762479782104, 0.004371706396341324, -2.4206125736236572, 0.38245970010757446, -0.15772567689418793, 0.6900866031646729, 0.44177359342575073, 0.0982404500246048, 0.5062662363052368, -0.03373759239912033, 0.6627179980278015, 0.10429897904396057, -0.2711944878101349, -0.6464371085166931, 0.23892363905906677, 0.4282692074775696, -0.5039633512496948, 0.23451866209506989, -0.23833847045898438, 1.4765952825546265, 1.205130696296692, -0.2644157111644745, -0.33860066533088684, -1.9293447732925415, 0.5348709225654602, 2.363395929336548, 0.3703998625278473, -0.40875470638275146, -0.6834489107131958, -0.5479177832603455, 0.7026727795600891, -0.8832556009292603, 0.16361400485038757, -1.0469021797180176, 0.1805475354194641, -0.9260463714599609, 0.29933255910873413, 0.05315814167261124, 0.1223306730389595, 0.6281968951225281, 0.992739200592041, -1.0700262784957886, 0.5988384485244751, -0.49831682443618774, -0.9496801495552063, 0.6287038922309875, 0.6941847801208496, 0.14744240045547485, -0.44820329546928406, 0.8799099922180176, 0.18520867824554443, 0.5363980531692505, 0.5472007989883423, 1.2843952178955078, -0.8057647943496704, -0.17220856249332428, 0.03914207965135574, 0.7856173515319824, 0.3812409043312073, 0.11685255914926529, 0.340531587600708, 0.3169413208961487, -0.16806739568710327, -0.865801215171814, 0.2760406732559204, 0.8939438462257385, 0.9426185488700867, 0.44721901416778564, -0.6986480951309204, 0.2621768116950989, -0.9497802257537842, -0.41730383038520813, -0.9060766696929932, -0.6651985049247742, -0.2359907627105713, -0.11056362092494965, 1.0843372344970703, 0.08783922344446182, -0.3403832018375397, -0.38456404209136963, 0.024283304810523987, -1.6846187114715576, -0.47341904044151306, -0.7364091873168945, -0.5586891770362854, -1.1493730545043945, -0.4761427938938141, -0.4428437352180481, -1.0830323696136475, -0.7066813707351685, 0.4975155293941498, 0.16075736284255981, 0.18703581392765045, 0.4260719120502472, 1.5641413927078247, 0.36211809515953064, 0.4474095404148102, 0.0302392840385437, 0.8791356682777405, -0.3215429186820984, 0.9495128989219666, -0.6797218918800354, -0.6388132572174072, -0.949458658695221, 0.8117803335189819, -1.3878426551818848, -0.2288232445716858, 0.5504594445228577, -0.58909672498703, 0.043641917407512665, -0.05459415912628174, -0.2878930866718292, 0.648591160774231, -0.6066044569015503, 0.39652034640312195, -0.15679018199443817, 1.9742134809494019, -0.29389363527297974, -0.9980900883674622, 0.6120124459266663, 0.21861466765403748, -0.6000478863716125, 0.9592499136924744, -0.3745597302913666, 0.6052943468093872, 0.41034018993377686, 0.3553246557712555, -0.2855931520462036, 1.0195105075836182, -2.539311408996582, 1.330663800239563, 0.6729510426521301, -0.5170722007751465, -0.5733153223991394, -0.9171489477157593, 0.09161002933979034, -0.28149542212486267, -0.2218291312456131, 0.6456519365310669, 0.04355202242732048, 0.13145385682582855, -0.28428611159324646, 0.7776572108268738, 1.0517749786376953, -0.5524846911430359, -0.015556992962956429, 0.7312268614768982, 0.6095397472381592, -1.386547327041626, -0.5350764989852905, 0.9876134991645813, -0.019770149141550064, 1.057417392730713, 0.5842314958572388, 1.5310264825820923, 0.37315845489501953, 0.1251239776611328, -0.08580504357814789, 1.37715744972229, 1.0695457458496094, 0.8714889287948608, -0.389733225107193, -0.802155613899231, 0.12607581913471222, 0.013465065509080887, 0.876587450504303, -0.07091130316257477, -0.38289767503738403, -0.9534491300582886, -0.011176912114024162, -0.040697868913412094, -0.5991750359535217, 1.052185297012329, 1.1584446430206299, 1.7722362279891968, -0.05195169895887375, 0.008152899332344532, -0.7157390713691711, -0.6751670241355896, 0.05844443291425705, 0.1949860006570816, 0.4077433943748474, -0.2323720008134842, 0.4140516221523285, 0.9337435960769653, -0.7960902452468872, 0.10173986107110977, -0.16813187301158905, 0.7711716890335083, 0.13075979053974152, -0.3625468611717224, 0.1512141227722168, 0.5329912304878235, -0.003097747452557087, 0.7533999681472778, -0.8411528468132019, 0.21985433995723724, -0.3529447913169861, 0.3744317591190338, -0.5525546669960022, 0.3073749244213104, -0.7369405031204224, 0.9010581970214844, 0.006711989641189575, 0.7702158093452454, -8.211284875869751e-05, 1.1781010627746582, 1.3073855638504028, -0.33973047137260437, -1.0466572046279907, -0.41953763365745544, -1.261043667793274, 0.43489012122154236, 0.15775790810585022, -0.8282493948936462, -0.3748493194580078, 1.1525955200195312, -0.012660222128033638, -0.2629738450050354, 1.5369056463241577, -0.4605657458305359, -0.7793126106262207, 0.1759946048259735, 1.4429634809494019, -1.0765056610107422, -0.025146018713712692, 0.1722676306962967, -1.2549668550491333, -1.0088354349136353, 0.45771539211273193, -0.6720407605171204, 0.5536020398139954, -0.03613876551389694, 0.6850125789642334, 0.007792253512889147, -0.08335883170366287, -1.2176588773727417, 0.8824393153190613, 0.12448253482580185, -0.4860496520996094, -0.20054855942726135, -0.6401903629302979, 0.9824891686439514, -0.33596187829971313, -1.192915439605713, 0.11820612102746964, 0.30740612745285034, -0.20519471168518066, -0.16517609357833862, -0.18041683733463287, -0.9438386559486389, 0.4774312674999237, 0.15535187721252441, 0.25205159187316895, -0.5996519923210144, 0.6228220462799072, -0.05691663920879364, 0.23963269591331482, 0.7185686826705933, -0.2084977626800537, -0.9864460825920105, 0.7974435091018677, -0.40865558385849, 0.5631989240646362, 0.09934753179550171, 0.22444772720336914, 1.4982221126556396, 0.7966980934143066, 0.5648791790008545, 0.29326391220092773, -10.998583793640137, 1.0955511331558228, -0.32246220111846924, 0.6310563087463379, -0.08585334569215775, 0.31292325258255005, 0.8198673725128174, 0.4405985176563263, 1.3496034145355225, -0.1973617672920227, 0.028493791818618774, 0.9061259031295776, 0.21910929679870605, 0.5048645734786987, -0.6282036304473877, -1.6143611669540405, -0.4021109640598297, -0.3830036520957947, 0.24285124242305756, 0.33851417899131775, -0.8672469854354858, -0.4309465289115906, -0.21456465125083923, 0.9088485240936279, 0.4120858609676361, -0.10216273367404938, 0.10944892466068268, -0.7764593958854675, -0.6843106150627136, -0.9311474561691284, 0.7871209979057312, -0.18937702476978302, -0.4442431926727295, -0.4139029085636139, 0.08460307121276855, -0.04561518132686615, -1.4530376195907593, 0.2027774304151535, 0.18389910459518433, 0.002241091802716255, -0.7019553780555725, 0.07549697160720825, 1.0476460456848145, -0.2481110841035843, -0.15226231515407562, 1.1984448432922363, 0.08944491297006607, -0.6342682242393494, 0.3047832250595093, -0.33028337359428406, -0.6019870042800903, -0.725292444229126, -1.407071590423584, -0.8028714656829834, 0.26019856333732605, -0.13210631906986237, 0.01162758469581604, -0.5829377770423889, -0.5996286273002625, -1.7043317556381226, 0.8860074281692505, 0.3206697702407837, 0.13909626007080078, 0.1778572052717209, 0.27327704429626465, 0.1042940616607666, -0.07939205318689346, 0.5084190368652344, -0.19191554188728333, -0.07896226644515991, -0.5186131596565247, 0.029903670772910118, -0.14634934067726135, 0.4235135316848755, -0.601648211479187, -0.35321128368377686, -0.980880618095398, -0.41310611367225647, 0.7418951392173767, 0.20912107825279236, -0.9270595908164978, 0.6050825119018555, 0.2444121539592743, -0.4243396520614624, -1.2205647230148315, 0.15053829550743103, 0.02673933655023575, 0.4375094175338745, 1.4517710208892822, -0.49065500497817993, 1.8626720905303955, 0.22198519110679626, -0.061518311500549316, 0.2616172134876251, -0.6232365965843201, 0.932163655757904, -0.38999155163764954, 1.1652662754058838, -0.4905830919742584, -0.25076258182525635, -0.241744726896286, -0.39472001791000366, -0.9182161092758179, -0.19189193844795227, 0.12673892080783844, 0.4796774983406067, -0.05218398571014404, -0.2408524453639984, -0.03312032297253609, -0.42162081599235535, 0.5621798038482666, -0.05108790099620819, -1.0537155866622925, 1.088523268699646, -0.4402414858341217, 0.48371371626853943, 0.8050212860107422, 0.33458998799324036, 0.9265865683555603, 1.0848050117492676, 0.20422407984733582, 1.0771512985229492, -0.12096261233091354, 0.55621337890625, -0.28237587213516235, 0.06074654310941696, -0.12008579075336456, 0.9174907207489014, -0.7334062457084656, -0.6678034067153931, -0.5736010670661926, 0.10916024446487427, 0.5781487822532654, -1.6610383987426758, 0.22906817495822906, 0.05060881748795509, -0.8292497992515564, 1.2852604389190674, -0.30704981088638306, -0.031032495200634003, -0.41719675064086914, -1.1052011251449585, -0.40108969807624817, -1.388201117515564, -0.21070149540901184, 0.6298432350158691, -2.0401432514190674, -0.016434337943792343, -0.6110937595367432, -0.03586611896753311, -0.1057867705821991, -0.4042441248893738, 1.1403827667236328, -0.6476628184318542, -0.11282212287187576, 0.11446850746870041, 0.14546744525432587, 0.1895880103111267, -0.7938719391822815, -0.6659286618232727, 0.4022962152957916, 0.8143979907035828, -0.7504620552062988, 0.9596959948539734, 0.005770884454250336, -0.21482402086257935, -0.7297871708869934, -0.44555744528770447, -0.7072234153747559, 0.5592454671859741, 0.5856648087501526, -0.23189501464366913, 0.13269862532615662, -0.7686241865158081, -0.3581671714782715, -0.7944487929344177, 0.41233283281326294, 0.32232338190078735, -1.6004033088684082, 0.21769843995571136, 0.10899482667446136, 0.49859777092933655, 0.4854845702648163, 0.25037944316864014, -0.37213894724845886, 0.1519678831100464, -0.20147019624710083, 0.7725811004638672, -0.25574973225593567, 1.0400665998458862, -1.6352266073226929, -2.099046230316162, -0.3669714033603668, 0.39888960123062134, -0.05478785187005997, -0.5421692728996277, 1.1395468711853027, -0.031849559396505356, 0.7680270671844482, 0.9806052446365356, 0.772163987159729, 0.6882658004760742, -0.07645052671432495, 0.9034337401390076, -0.09816257655620575, 0.2748447060585022, -1.1302375793457031, 0.5399764776229858, 0.7307075262069702, 0.7317779064178467, -0.5649330019950867, -0.7540194392204285, 0.7177892327308655, -0.40762320160865784, -0.12367834150791168, -1.3625261783599854, 0.17305895686149597, -0.37255001068115234, 0.07622458785772324, -1.296695590019226, 0.5069926381111145, 1.0824434757232666, 0.33494722843170166, 1.0422375202178955, 1.0750775337219238, 0.33577466011047363, -0.03923151642084122, 0.5887722373008728, 1.3686695098876953, 0.18829183280467987, 0.20494720339775085, -0.07425223290920258, 0.31841182708740234, -0.05851589888334274, -0.14518111944198608, -0.6620944738388062, 0.042453937232494354, 0.6577693819999695, -0.7792360782623291, 0.46290677785873413, 0.08840736746788025, 0.7054398059844971, 0.8404697775840759, 0.9364919066429138, -0.9583768844604492, -2.171727418899536, -0.21273867785930634, -0.8749253153800964, 0.024876628071069717, 0.6423615217208862, 0.8981439471244812, -0.2183678299188614, 0.7348728775978088, -0.1244482547044754, 0.1748785674571991, -0.444023460149765, 0.6277071833610535, 0.42475125193595886, 0.14533032476902008, 1.3823950290679932, 0.9168796539306641, -0.49932512640953064, 0.041169218719005585, -0.4006877839565277, -0.4648157060146332, -0.08480293303728104, -0.7997725605964661, 0.8429889678955078, 1.0730948448181152, 0.17448031902313232, -0.04557670280337334, -0.30380678176879883, 1.5743052959442139, -1.0126339197158813, 0.6090167760848999, -0.04018314927816391, -0.7258135676383972, -0.5093786716461182, -1.0236523151397705, -0.49024009704589844, 0.28621187806129456, 0.16982536017894745, -0.3071044087409973, -0.01598680019378662, 0.648245632648468, 0.09250028431415558, -0.03555731847882271, -0.7448350787162781, 0.03695017471909523, -0.7521802186965942, 0.15426219999790192, -0.042363375425338745, -0.391194224357605, -0.13353575766086578, 0.148530513048172, -0.7118619084358215, -0.009620783850550652, 0.19596751034259796, -0.4948899745941162, -0.9306216239929199, 0.6211238503456116, 0.16806156933307648, 0.1999800056219101, 0.13595229387283325, -0.24827691912651062, -2.2881393432617188, 0.9878038763999939, 0.4356366693973541, -0.0182679183781147, -0.0019927136600017548, -0.007520824670791626, 0.3093782663345337, 0.5560041666030884, 0.7858878374099731]} +{"paper_id": "totto", "embedding": [-0.8849640488624573, 0.87844318151474, -0.4335991442203522, 0.5007948875427246, 0.5058733224868774, 0.08952122181653976, 1.0849238634109497, 0.014221683144569397, 0.3884897232055664, 0.5957046151161194, 0.24094241857528687, 0.48782697319984436, 0.3693653345108032, -0.5547335147857666, 0.04686456918716431, 0.025693390518426895, -1.0289978981018066, -0.45953407883644104, -1.442034125328064, -0.41796961426734924, -0.759770929813385, -0.6123209595680237, 0.17905478179454803, 0.1914738416671753, -0.9291471242904663, -0.3234637975692749, 1.3351789712905884, -1.1240041255950928, -0.3697502315044403, 0.4434875249862671, -0.7540411353111267, 1.3318166732788086, -0.8023422360420227, 1.0065629482269287, -0.037900932133197784, 0.2811864912509918, 0.7235944867134094, 1.1679296493530273, -1.049980878829956, 0.5400761365890503, -0.7588579654693604, 0.27105048298835754, 1.2518916130065918, -0.32267194986343384, 0.3309209644794464, -0.4283393621444702, 0.16072486340999603, 0.12567012012004852, -0.7842523455619812, 0.07995407283306122, -0.6716046333312988, 0.5456753373146057, -0.3541644215583801, 0.0267605260014534, 0.48220205307006836, 1.3279882669448853, -0.2903769314289093, -1.095394253730774, 0.28696903586387634, 0.573449969291687, 0.7780910134315491, 1.7398681640625, -0.31350845098495483, 0.6736809015274048, 0.6210489869117737, 0.33372992277145386, 0.8463079333305359, 0.11303113400936127, 0.384976327419281, 0.7853286266326904, -0.4540789723396301, -0.8279473781585693, 0.4210161566734314, -0.3605310618877411, -0.33607736229896545, 0.9777849912643433, 0.1871362030506134, -0.13462083041667938, 0.5785535573959351, -0.4665047228336334, -0.016277553513646126, 0.42377275228500366, 0.6140454411506653, -0.7785954475402832, 0.515720009803772, 0.9469576478004456, 0.3175519108772278, 0.12314952164888382, -0.5664421319961548, -1.1244139671325684, -0.06392624974250793, 0.39173415303230286, 0.484440416097641, 0.12385779619216919, 0.4902377128601074, 0.19377487897872925, -0.17845837771892548, 0.34032633900642395, 0.017131857573986053, 0.2719586193561554, 0.4959748387336731, -0.609549880027771, 0.6371930837631226, 0.21424885094165802, 0.42826732993125916, 0.40672820806503296, -0.2977049946784973, -0.7869081497192383, -0.2479059398174286, -0.36980217695236206, -0.15105147659778595, 0.6747119426727295, 0.6514430046081543, 0.7500115036964417, -0.2725827991962433, -0.12927421927452087, -0.11005309969186783, -0.3363077640533447, -0.2182297706604004, 0.012182720005512238, -0.311532586812973, -1.3200865983963013, -0.20813468098640442, -0.23029020428657532, 1.2022016048431396, -1.1783256530761719, -0.4736383855342865, -0.22328025102615356, 0.3044217824935913, -0.40441006422042847, -0.24317091703414917, -0.07134148478507996, -0.7666049599647522, 0.8559827208518982, 3.058391571044922, -0.6880086660385132, 0.7606081962585449, -0.6351034045219421, -0.8934528231620789, -0.19247213006019592, 0.5509412884712219, 1.3035290241241455, -0.04944558069109917, -0.042701270431280136, -0.9543753862380981, 0.2903214991092682, -0.41786015033721924, 0.7689039707183838, -1.0117461681365967, 0.17032921314239502, 0.3636016845703125, -0.2970118820667267, -1.6921091079711914, -0.11634211242198944, -0.601285457611084, -0.10422824323177338, 0.07742582261562347, -0.3844268023967743, -0.48493802547454834, 0.5436578989028931, 0.7354658842086792, -0.00021985545754432678, -0.6997948288917542, -0.06873290985822678, -0.8457292914390564, 0.057585708796978, 1.332179069519043, -0.5241280198097229, -1.0024644136428833, -0.46924012899398804, 0.2543491721153259, -0.453806608915329, 0.11662045121192932, -0.5121941566467285, 0.1348419487476349, 0.39512595534324646, 0.604637622833252, 0.6748221516609192, 0.11138764768838882, -0.41327446699142456, -0.7975187301635742, -0.4538974463939667, -0.6606040596961975, 0.3607317805290222, -0.3771519064903259, 0.18636423349380493, -2.864365577697754, -0.2963051199913025, -0.49054139852523804, 0.9808977246284485, -0.24401646852493286, 0.3525688946247101, 0.23237663507461548, 0.20475780963897705, -0.5506044030189514, -0.7729343771934509, 0.43680068850517273, -0.42622092366218567, 0.22849777340888977, -0.05001099407672882, 0.08857546746730804, 0.2187725454568863, -0.7641083598136902, 1.230387568473816, 0.9354442954063416, -0.6941755414009094, -0.6647747159004211, -1.730453610420227, -0.25424283742904663, 2.001276969909668, -0.10149435698986053, -0.813965380191803, -0.9516533613204956, -0.47096866369247437, 1.0796189308166504, -0.05487285926938057, 0.18888536095619202, -0.46136733889579773, -0.14826658368110657, -0.8409424424171448, -0.09487435221672058, -0.8214114308357239, -0.046207718551158905, 0.07868293672800064, 0.7956112027168274, -0.9687629342079163, 0.38635504245758057, -0.6012632846832275, -1.2224769592285156, 0.4914008378982544, 0.5167710781097412, 0.3256228566169739, -0.48629021644592285, 0.961769700050354, -0.2307066023349762, 0.5254372954368591, 0.11355883628129959, 0.9465339183807373, -0.7776468992233276, 0.4623519480228424, 0.4578264653682709, 1.6135444641113281, -0.14696861803531647, 0.2791377305984497, -0.10544199496507645, 0.12032373249530792, -0.7116689682006836, -0.38146501779556274, 0.02671857178211212, -0.0694262906908989, 1.2997431755065918, 0.3265971839427948, -1.2598931789398193, 0.25214076042175293, -0.40488409996032715, -0.519597053527832, -0.5073251724243164, -0.7452011704444885, 0.024373337626457214, -0.10638341307640076, 0.6549332737922668, 0.20368002355098724, 0.16660620272159576, -0.43520498275756836, -0.9754884839057922, -1.246065616607666, -0.39694449305534363, -0.2815043032169342, 0.26611649990081787, -1.6087669134140015, -0.11045464128255844, 0.06322106719017029, -0.6489899158477783, -0.8715257048606873, 0.33712831139564514, -0.209019273519516, -0.06047540530562401, 0.495712012052536, 1.3828603029251099, -0.09855858981609344, 0.17088118195533752, 0.41755443811416626, 0.8843960165977478, -0.6164308786392212, 0.6612542867660522, -0.45392921566963196, -0.3271164000034332, -0.7948861718177795, 0.4192809760570526, -0.7067743539810181, 1.1125574111938477, 0.12256792932748795, -0.43054449558258057, 0.5597284436225891, -0.12231062352657318, -0.19441358745098114, 1.3126847743988037, -0.7493526935577393, 0.4840408265590668, -0.8291348218917847, 0.7951033711433411, 0.8230084180831909, -0.1617339700460434, 0.7888146638870239, -0.11579171568155289, -0.5743127465248108, 0.5277113914489746, -0.5158190727233887, 0.8164178729057312, 0.501328706741333, 0.1584668755531311, 0.37049737572669983, 0.1586703658103943, -1.9582306146621704, 0.1266198605298996, 1.0488851070404053, -0.4326767325401306, 0.04585963860154152, -1.171072006225586, -0.3158952593803406, -0.12258205562829971, -0.39222797751426697, 0.5989333987236023, -0.6460888981819153, 0.23688051104545593, -0.6811389327049255, 0.08967714011669159, 1.6387100219726562, -0.7167691588401794, 0.616039514541626, 0.44747239351272583, -0.452798068523407, -1.2562416791915894, -0.03342186659574509, 0.6497320532798767, -0.7326532602310181, -0.04201597720384598, 0.3240091800689697, 1.0924562215805054, 1.0679445266723633, -0.1390928030014038, -0.17533273994922638, 0.8196643590927124, 0.17571526765823364, 0.7176820039749146, 1.194779396057129, -0.09829042851924896, 0.5473449230194092, -0.3383854329586029, 1.0108413696289062, -1.2332372665405273, -0.9785054922103882, -0.7819066643714905, -0.13272300362586975, -0.22138679027557373, -0.6056192517280579, 1.712441325187683, 0.39812520146369934, 1.5649570226669312, -0.58988356590271, 0.36638444662094116, -1.694441556930542, -0.7701690793037415, 0.11403012275695801, 0.8965429067611694, 0.3812015652656555, -0.6211913228034973, 0.02963738515973091, 0.8307328224182129, 0.1563299298286438, -0.0820540115237236, -0.19348856806755066, 0.8438215851783752, 0.5524404644966125, -1.1721389293670654, 0.1494196355342865, -0.2166925072669983, 0.07546240836381912, 1.6745460033416748, -0.8649740219116211, -0.6553126573562622, 0.17942988872528076, 0.1173948124051094, 0.11517062038183212, 0.24079492688179016, -1.1015615463256836, 0.7557165026664734, 0.362812340259552, 0.7269296050071716, -0.0471101775765419, 0.6456344723701477, 1.404718041419983, -0.6128572821617126, -1.3585237264633179, -0.16509197652339935, -1.069333553314209, -0.7010533213615417, -0.06440909206867218, -0.023838389664888382, -0.9339699745178223, 0.7801306247711182, -0.15607595443725586, -0.1670772135257721, 1.1911896467208862, -0.03130350261926651, -0.6712957620620728, -0.21983428299427032, 0.459828644990921, -1.5243436098098755, -0.6135950088500977, 0.2705739140510559, -0.4632285535335541, -0.9940740466117859, -0.3463694751262665, -0.12635131180286407, 0.16175642609596252, 0.1800026297569275, 0.6360951066017151, -0.08176356554031372, 0.23611803352832794, -2.0371205806732178, 1.051531434059143, 0.4601850211620331, -1.246873140335083, 0.5553759336471558, 0.7238249778747559, 0.8021317720413208, 0.1447054147720337, -0.6296791434288025, -0.4478074610233307, 0.7029280066490173, 0.7114672660827637, 0.05491379275918007, -0.8640256524085999, -0.7370242476463318, 0.6436143517494202, 0.23611940443515778, 0.2837626338005066, -1.1043328046798706, 0.19453082978725433, -0.20238450169563293, 1.0937212705612183, 1.3011608123779297, -0.6444225311279297, -0.9921452403068542, 1.1888225078582764, -0.9976731538772583, 0.5608326196670532, -0.7033404111862183, 0.5978513956069946, 1.3923174142837524, 0.0525507777929306, -0.13709746301174164, -0.5262463092803955, -11.497160911560059, 0.6534044742584229, -0.09991098940372467, -0.16780272126197815, 0.6522753238677979, -0.5182770490646362, 0.9524685144424438, 0.08874161541461945, 0.21185718476772308, -0.4838995635509491, 0.9028372168540955, 1.1048082113265991, 0.2201899290084839, 0.31555894017219543, -0.23745885491371155, -1.6964552402496338, -0.8795753121376038, -0.26369282603263855, 0.11312456429004669, 0.22669139504432678, -0.33392423391342163, -0.472276508808136, 0.30404162406921387, 0.28252196311950684, 0.39347922801971436, 0.050115302205085754, -0.2946264445781708, -0.2902770936489105, -0.27108556032180786, -0.10855156183242798, 0.8212529420852661, 0.44798457622528076, -0.832588791847229, -0.6164472699165344, 0.029406875371932983, -0.727664589881897, -1.256197214126587, -0.38262367248535156, 1.0091718435287476, -0.3127756416797638, -0.7554867267608643, 0.466374009847641, 0.44829949736595154, 0.18694129586219788, -0.6880084276199341, 0.8602375984191895, 0.5493376851081848, -0.5489131808280945, 0.40474945306777954, -0.023091882467269897, 0.11671875417232513, -1.0571820735931396, -0.7044774889945984, -0.7227203845977783, 0.018070528283715248, -0.1609804630279541, -1.0916566848754883, 0.14361202716827393, -0.4563661217689514, -1.5508116483688354, 0.7577679753303528, 0.6138951778411865, -0.7290996313095093, 0.358246386051178, 0.2634648382663727, -0.7820814847946167, 0.20932301878929138, 0.9792649745941162, 0.1329146921634674, 0.4595549702644348, -0.2992805242538452, 0.7392362952232361, 0.34888502955436707, 0.09153223037719727, -0.23071861267089844, 0.01108241081237793, -0.1283683031797409, -0.13572606444358826, 0.6743027567863464, -0.2222195416688919, -0.8903743028640747, 0.7749590277671814, 0.05280579999089241, -0.2227771282196045, -0.4645688235759735, 0.447538822889328, -0.0431642159819603, -0.3546980917453766, 0.5794049501419067, -0.3148987293243408, 1.3693065643310547, -0.6832756996154785, -0.25289028882980347, -0.5301715731620789, -0.5872290134429932, 0.9122546315193176, 0.08390882611274719, 0.6891101598739624, 0.5186895132064819, -0.7962142825126648, 0.4692356586456299, 0.19686195254325867, -0.4326004981994629, -0.4687946140766144, 0.6170116066932678, 0.09674029797315598, 0.10767966508865356, 0.3328205347061157, 0.19264909625053406, -0.4646492898464203, 0.2346169352531433, -0.3301047086715698, -0.5999149680137634, 0.7335987687110901, -0.0920620858669281, 0.613020122051239, 0.9211457371711731, 0.22794419527053833, 1.2884061336517334, 1.1572864055633545, -0.1807284653186798, 1.361068844795227, -0.08378248661756516, 0.7529897689819336, -0.09241394698619843, 0.04577028006315231, 0.7636600732803345, 0.6674363613128662, -0.10542032867670059, -1.3584728240966797, -0.262755811214447, -0.0016715079545974731, -0.19333405792713165, -0.607309103012085, -0.9620658159255981, -0.5779557228088379, -0.439185231924057, 1.032470703125, -0.4291250705718994, 0.6127575635910034, 0.42085015773773193, -0.3661549985408783, 0.7239530086517334, -1.0161839723587036, -1.2176114320755005, -0.045870713889598846, -1.5578018426895142, 0.320289671421051, -0.557613730430603, -0.4816601276397705, 0.6096763014793396, -0.17128992080688477, 0.6921090483665466, -1.2610312700271606, 0.030856279656291008, 0.008474808186292648, 0.49027106165885925, -0.5481123924255371, -0.40517163276672363, -0.12196744978427887, -0.6589211225509644, 1.1670385599136353, -0.7006662487983704, 0.7226375341415405, 0.5127441883087158, -0.736465573310852, -0.37897875905036926, -0.49612098932266235, -0.011906268075108528, 0.053563788533210754, 0.6032975912094116, -0.8749890923500061, -0.3419216573238373, -0.75114905834198, 0.23236630856990814, -0.6731730699539185, 1.6593282222747803, 0.9968732595443726, -0.9598017930984497, -0.05196712911128998, 0.2497718632221222, 0.43920809030532837, 0.2964114546775818, 0.26293033361434937, -0.5241020321846008, 0.05651337653398514, 0.026811938732862473, 0.6178972721099854, -0.3456394076347351, 1.347843050956726, -1.9325635433197021, -0.9785868525505066, -0.34945085644721985, 0.23363488912582397, 0.7342393398284912, -0.3722398579120636, 1.3256486654281616, 0.7562528252601624, -0.06325583904981613, 0.3912447988986969, 0.44487085938453674, 0.930596649646759, -0.21737824380397797, 1.077357530593872, -0.1047721803188324, 0.5948560237884521, -0.6807662844657898, 0.0903441309928894, 0.03933236747980118, 0.7841295003890991, -1.0837866067886353, 0.4418836236000061, 0.371285617351532, -0.48583847284317017, 0.11913624405860901, -0.6861394643783569, -0.14196664094924927, -0.6113284826278687, 0.37755286693573, -0.9328098297119141, 0.687631368637085, 1.4647884368896484, 0.5523508787155151, 0.9717792868614197, 1.0166945457458496, -0.3988063633441925, 0.9651002287864685, 0.8394773602485657, 1.39951753616333, 0.5088591575622559, -0.5078064799308777, 0.08300518989562988, 0.5630649328231812, 0.28730425238609314, 0.05111148953437805, -0.6204156279563904, -0.3626527190208435, 0.0019684359431266785, -0.6281536817550659, 0.33920207619667053, -0.09924253821372986, 0.3744598925113678, 0.8885419368743896, 1.2973105907440186, -0.35470759868621826, -1.6952358484268188, -0.4436182677745819, -0.9041283130645752, 0.21100269258022308, 1.076829195022583, 0.5229424834251404, 0.07507779449224472, 0.7264970541000366, -0.252899706363678, 1.012880802154541, -0.04779966175556183, 0.15852868556976318, -0.30515581369400024, 0.19699180126190186, 1.2216434478759766, 1.196389079093933, 0.7415792942047119, -0.2756986916065216, 0.050082553178071976, -0.4533012807369232, -0.3972637951374054, -0.4316016733646393, 0.22499702870845795, 1.037744402885437, -0.7180643677711487, 0.051111966371536255, -0.7342436909675598, 1.0379400253295898, -1.0203349590301514, 0.663600742816925, 0.060139432549476624, -0.40251076221466064, -0.9498516917228699, -0.5368800163269043, 0.6519202589988708, 0.34739843010902405, 0.05002272129058838, -0.6408707499504089, -0.4248250722885132, 1.503452181816101, 0.08865954726934433, 0.739341676235199, -0.9026666879653931, 0.11044657975435257, -0.6790438890457153, 0.25549155473709106, -0.38860657811164856, 0.09091509133577347, -0.4659698009490967, -0.14475379884243011, -0.04094631224870682, 0.07869789004325867, -0.2984590232372284, -0.7131673693656921, 0.057256389409303665, -0.04740756377577782, -0.7553412914276123, 0.3910489082336426, -0.044296592473983765, -0.4347969889640808, -1.1578618288040161, 0.9239142537117004, 0.49915552139282227, -0.43230676651000977, -0.5809518098831177, -0.7484667301177979, 0.1806478500366211, -0.6304631233215332, 1.1773210763931274]} +{"paper_id": "re_dial", "embedding": [-0.8785279393196106, 0.5222596526145935, 0.3195582926273346, -0.1968052238225937, 0.5779868960380554, -0.26769503951072693, 1.0874419212341309, 0.4931289851665497, 0.8883710503578186, -0.4536593556404114, 0.8548264503479004, 0.18844257295131683, -0.08296185731887817, -0.21265754103660583, -0.3726077079772949, 0.33035725355148315, -0.7446593642234802, -0.3125896155834198, -0.9337424635887146, -0.3611491620540619, -0.741312563419342, -0.513899028301239, -0.33009710907936096, 1.2863211631774902, -0.0032806433737277985, -0.7687081098556519, 0.9567167162895203, -0.7199898362159729, 0.5851200222969055, -0.49001044034957886, 0.5113078951835632, 1.4323396682739258, -0.7562019228935242, 0.14002466201782227, -0.34826624393463135, -0.6959034204483032, -0.656006932258606, 0.8665315508842468, -0.2783074975013733, -0.16479012370109558, -0.14667686820030212, 0.8174930810928345, 0.2521873712539673, 0.9492337703704834, 1.179634928703308, 0.39600998163223267, 0.06514015793800354, 0.17963333427906036, 0.14958292245864868, -0.0006769895553588867, -0.9415642023086548, -0.17862677574157715, -0.48480695486068726, 0.7257161140441895, -0.7466635704040527, 1.7423253059387207, 0.14532366394996643, 0.06720525771379471, 0.16887299716472626, -1.3102706670761108, 1.399372935295105, 1.2869230508804321, -0.25027769804000854, -0.29608622193336487, 0.923498809337616, -0.061089176684617996, 1.4722939729690552, 0.10090368986129761, 0.31465405225753784, 0.1019052043557167, -0.33508652448654175, -0.4586021304130554, 0.6048774123191833, -0.11428689956665039, -0.5738934278488159, 0.35268622636795044, 1.2128781080245972, 0.2965381145477295, -0.3459846079349518, 0.1903332769870758, 0.20819765329360962, 0.8188014030456543, 0.015912484377622604, 0.16208946704864502, 0.40655529499053955, 0.11187178641557693, 0.4545595347881317, -0.3912711441516876, -0.10383771359920502, -2.305617570877075, 0.5115679502487183, -0.25765106081962585, 0.08967438340187073, -0.20004867017269135, -0.7083449363708496, -0.3520331084728241, 0.4090625047683716, -0.46402502059936523, -0.7712830305099487, -0.0104646235704422, 0.4389987587928772, -0.6765717267990112, -0.09028428792953491, -0.7122973203659058, 0.14929670095443726, 0.5793434381484985, 0.9845778942108154, -0.07197149842977524, -0.37448835372924805, -0.42143407464027405, -0.017128026112914085, 1.0724408626556396, 0.06490141153335571, 1.1847705841064453, -0.0353497751057148, 0.5353701710700989, 0.09018630534410477, -0.31283238530158997, -0.22193066775798798, 0.4787634015083313, -0.38018113374710083, -1.2002395391464233, -0.13024303317070007, 0.5412520170211792, 1.256029725074768, -0.8669769167900085, -0.3421420753002167, -0.529629647731781, 0.1379900872707367, -0.6882633566856384, 0.620935320854187, 0.4287682771682739, -0.36670222878456116, -0.7688841223716736, 2.3467960357666016, -0.9697511196136475, 1.8651142120361328, -1.2082898616790771, -0.38668692111968994, -0.7787367105484009, -0.01581476256251335, 1.0225026607513428, -0.9790101647377014, -0.6768108606338501, -0.6136906743049622, -0.12037526816129684, -1.0661773681640625, 0.10379929095506668, -0.2768227458000183, -0.4783645570278168, -0.012363862246274948, 0.14207123219966888, -1.3912566900253296, -0.41108274459838867, -0.4910350441932678, 0.22083643078804016, 0.6334413886070251, 1.4487272500991821, 0.1806761920452118, 0.7322450876235962, 0.7065015435218811, 0.2758960723876953, 0.22453898191452026, 0.07245488464832306, -0.6607550382614136, -0.22593985497951508, 0.30103063583374023, 0.4690918028354645, -0.23485782742500305, -0.982421338558197, 0.9695756435394287, 0.07986853271722794, 0.23776337504386902, 0.3314051926136017, -0.13256306946277618, 0.3302195966243744, -0.12402352690696716, 1.0783581733703613, 0.48545947670936584, -0.7474555969238281, -0.9331040978431702, -1.047500491142273, -0.5975990295410156, 0.5331426858901978, 0.4242064356803894, 0.6179206371307373, -1.5588496923446655, 0.08799810707569122, -0.5152419805526733, 0.0004295036196708679, 0.22752174735069275, -0.22202812135219574, 0.23229923844337463, -0.8915268778800964, 0.3035304546356201, 0.03578523173928261, 1.3403512239456177, -1.415372371673584, -0.00881330668926239, 0.9829460382461548, -0.20627741515636444, -0.14192669093608856, 0.29434508085250854, 1.62510085105896, 0.563804566860199, 0.7997257709503174, -0.001309853047132492, -1.1587936878204346, 0.570793867111206, 2.251426935195923, 0.49745622277259827, -1.406220555305481, -0.7240140438079834, -0.175624817609787, 0.0018609091639518738, 0.15303562581539154, 0.8440470695495605, -0.5329655408859253, 0.2101326286792755, -1.278143286705017, 0.40196627378463745, -0.4861730635166168, 0.6613454222679138, 0.8836259245872498, 1.497588038444519, -0.7167509198188782, 0.03264427185058594, 0.5175244808197021, -1.4813506603240967, 0.020292121917009354, 0.07157081365585327, 0.7168349027633667, 0.6351172924041748, 0.4398011565208435, 0.14156930148601532, 0.1327451467514038, 0.4999801814556122, -0.05399550125002861, -0.15981121361255646, 0.4822917580604553, 0.3322209417819977, 0.7153496742248535, -0.3371086120605469, 0.44807425141334534, -0.22284746170043945, 0.7791277170181274, 0.3023710548877716, -0.9408026933670044, 0.17244930565357208, -0.6850891709327698, 1.327449917793274, 1.203569769859314, 0.2540667653083801, 0.5971212387084961, 0.3985767066478729, -0.3382568955421448, -0.35317978262901306, -0.5890518426895142, -0.402640163898468, -0.7606698870658875, 0.6180983185768127, -0.2865290939807892, 0.40181639790534973, -0.08170344680547714, 0.7063807249069214, -0.18534164130687714, -0.5782192349433899, 0.38743355870246887, -0.8893256187438965, -0.7533373832702637, 0.16720415651798248, 0.28879237174987793, -0.762265145778656, 0.15944220125675201, -0.529891312122345, 0.5331433415412903, -0.43021073937416077, 1.0135029554367065, 1.5544987916946411, -0.1900196224451065, -0.21266794204711914, -0.5320079326629639, 0.6208001375198364, -0.6073938012123108, 0.8315320611000061, -0.25293970108032227, 0.07131246477365494, -0.45759785175323486, 0.257659912109375, 0.32090944051742554, -0.24277853965759277, 0.7170388102531433, -0.691480815410614, 0.20950156450271606, -0.8241087198257446, -0.8670616149902344, 0.7339774966239929, -0.45313891768455505, 0.30384841561317444, 0.45389699935913086, 1.9536571502685547, -0.25151973962783813, -0.4648246467113495, 1.457547664642334, -0.4168177843093872, 0.031958360224962234, 1.1884801387786865, 0.18972408771514893, 0.6414262652397156, 1.4268720149993896, -0.38614213466644287, 0.10516196489334106, -0.18512645363807678, -1.7976981401443481, 0.03357531875371933, 0.7408901453018188, -0.4643489122390747, 0.014234960079193115, -0.9840512871742249, 0.1013280600309372, -0.20900043845176697, 0.2789919376373291, -0.44976091384887695, -0.20653492212295532, 1.0276273488998413, -0.39971092343330383, 0.43755507469177246, 1.3474270105361938, 0.08805719017982483, -0.27139341831207275, 1.187604308128357, -0.30147606134414673, -1.3780958652496338, -0.2577403783798218, 0.1945458948612213, -0.6945686340332031, -0.8298470973968506, 0.19225254654884338, 0.8831236362457275, 1.1298272609710693, -0.708371102809906, -0.28403183817863464, 0.1654631644487381, 0.17649346590042114, 0.2985602617263794, -0.5342335104942322, -0.16270506381988525, 0.7116882801055908, -0.5967289805412292, 1.0595000982284546, -0.28017717599868774, -0.6780201196670532, -1.2952507734298706, 0.46421170234680176, -0.6805015206336975, -0.5981219410896301, 1.6009479761123657, 0.21208810806274414, 0.9274728298187256, 0.2736450731754303, 0.31297406554222107, -0.26707613468170166, 0.04283246770501137, 0.7622740864753723, 0.41797348856925964, -0.9128702282905579, -0.49286583065986633, -0.05992981791496277, 0.5098873972892761, 0.049085963517427444, -0.857955813407898, -0.21942812204360962, 1.3015724420547485, -0.4473710358142853, -0.5115470290184021, -0.04913344234228134, 1.8058873414993286, 0.5737767219543457, 1.5989106893539429, -0.34146156907081604, -0.0267570111900568, 0.4308950901031494, 1.301790714263916, 0.8826259970664978, -0.2817322015762329, -0.35579830408096313, 0.8613752722740173, 0.09088027477264404, 0.8930931091308594, -0.18800567090511322, 0.7291210293769836, -0.2783706784248352, -1.555671215057373, -0.47856754064559937, -0.39833614230155945, -0.4543692469596863, -0.8896071910858154, -0.07954315841197968, 0.42021849751472473, -0.8867559432983398, 0.671459972858429, -0.4343419075012207, -0.4068821370601654, 0.8186241388320923, -0.10818440467119217, -0.6796810626983643, 0.5678877234458923, 2.1036298274993896, -1.1389081478118896, 0.2465103715658188, -0.4529898166656494, -1.6683422327041626, -0.7114382982254028, 0.2311745285987854, -0.4204711616039276, 0.29761767387390137, -0.13870061933994293, -0.11943371593952179, -0.20997437834739685, -0.6694867014884949, -0.35178542137145996, 0.37879741191864014, 0.23565734922885895, -0.2608117461204529, 0.5969330072402954, 0.5468913912773132, 0.2538565993309021, 0.33607611060142517, -1.0480691194534302, -0.6365722417831421, -0.00638301856815815, -0.4906527101993561, 0.08557090908288956, -0.1845168024301529, 0.1517653912305832, -0.31170961260795593, -0.6196233630180359, 0.3613019585609436, -1.0770916938781738, -0.43036168813705444, -0.23694473505020142, -0.21087677776813507, 0.6052926778793335, -0.9149540662765503, -0.6984224319458008, -0.4506848454475403, -0.7333511114120483, 0.3718474805355072, -0.7283822298049927, -0.4233609139919281, 1.3537235260009766, 0.5825461745262146, 0.4462091326713562, 0.2786288261413574, -10.850211143493652, 1.1637437343597412, -0.3329327702522278, -0.2782079875469208, 0.8881840705871582, -0.04857070744037628, 0.6203925609588623, -0.2985667586326599, 1.255511999130249, -0.9218648076057434, 0.45672371983528137, 0.5362202525138855, -0.2220047116279602, -0.2878159284591675, -0.10580526292324066, -1.2881505489349365, -0.7367532849311829, -0.6208329796791077, 0.2228492647409439, 0.01532294973731041, 0.7178681492805481, -1.0219935178756714, -0.7742927670478821, -0.09681932628154755, -0.5468122959136963, -0.3252718150615692, -0.6000077128410339, -0.6729927659034729, -0.19232085347175598, -0.02980118617415428, -0.031159469857811928, -0.7204491496086121, 0.11755286157131195, -1.3706153631210327, 0.30759114027023315, 0.23392419517040253, -1.120829463005066, -0.23311860859394073, 0.7086032629013062, 0.16805212199687958, -0.12816420197486877, -0.378425270318985, 0.7669513821601868, -0.09801948070526123, -0.1768253743648529, 0.0030256807804107666, -0.1952921748161316, 0.3584878146648407, -0.49615156650543213, -0.18780535459518433, -0.8280776143074036, -0.146128311753273, -0.7653716802597046, -0.03077683411538601, -0.03553829342126846, 0.7970545291900635, -0.8518252968788147, 1.0096354484558105, -0.21528546512126923, -0.707656979560852, 0.4338931739330292, 0.21806494891643524, -0.2673852741718292, 0.08278386294841766, 0.47277694940567017, -0.1802128255367279, -0.048814453184604645, 0.4049109220504761, -0.6369380950927734, 1.0074126720428467, -0.7066405415534973, 0.358341783285141, -0.43481773138046265, 0.8220287561416626, -0.9964815974235535, 0.4668858051300049, -0.44968852400779724, 0.19098712503910065, 0.6937199831008911, -0.19336988031864166, -1.123250126838684, 0.34661373496055603, 0.4317765533924103, -0.8652305603027344, -0.7074285745620728, 0.7272040247917175, -0.6279990077018738, -0.022256016731262207, 1.7015219926834106, -0.3141214847564697, 1.239784598350525, 0.797671377658844, -0.6276338696479797, 0.18391865491867065, -0.2804989516735077, 0.9834948182106018, 0.7612633109092712, 0.6293509006500244, 0.3246544599533081, 0.18070954084396362, 0.3001253008842468, 0.2505209743976593, -0.2990666329860687, -0.01982521079480648, 0.4284399151802063, -0.08919259905815125, -0.33057963848114014, 0.6363992691040039, 0.7894592881202698, 0.3292580842971802, 1.3907866477966309, 0.5188040733337402, -0.40630388259887695, 0.530610203742981, -0.12373824417591095, 0.9076093435287476, 0.7989344000816345, -0.47119155526161194, 0.44983962178230286, -0.07259832322597504, -0.17855726182460785, 0.9680302739143372, 0.2921452820301056, 0.5665958523750305, 0.37608802318573, -0.23378148674964905, 0.08901241421699524, 0.48362499475479126, -0.5857805013656616, -0.9977726340293884, 0.43142205476760864, -0.5364805459976196, -0.00710800476372242, -0.1778475046157837, -0.3551505208015442, 0.5839283466339111, -0.9728513956069946, 1.5818966627120972, -0.541252851486206, -0.0474226176738739, -0.4746361970901489, -0.7657079696655273, -0.219615638256073, -0.62251216173172, -0.976893424987793, -0.9090133309364319, -0.8145811557769775, 0.5453682541847229, -0.2203531265258789, 0.2775755524635315, 0.5842276215553284, 0.44692304730415344, 0.40321946144104004, -1.0017898082733154, -0.8401310443878174, 0.3416632413864136, 0.3010982871055603, -0.47279369831085205, -0.9110599756240845, -0.15381713211536407, 0.7099440693855286, 0.9467241764068604, -1.0374912023544312, 1.056684136390686, 0.42321303486824036, -0.41813692450523376, -0.1348332166671753, 0.7067722082138062, -1.4401495456695557, 0.6036655902862549, 0.7413148880004883, -1.0477631092071533, -1.077418327331543, -1.2861138582229614, -0.39333420991897583, -0.03917790576815605, 0.4780837893486023, 1.5822497606277466, -1.4087144136428833, -0.033556342124938965, -0.2292860597372055, 0.31371113657951355, 0.40038028359413147, 0.10139678418636322, 0.15158605575561523, -0.28189292550086975, 0.3968792259693146, 0.9812038540840149, 0.31480836868286133, -0.072475366294384, -1.7953969240188599, -0.9352346062660217, -0.3933066427707672, -0.24441789090633392, -0.18503302335739136, -0.15815545618534088, 0.6981252431869507, 0.7629758715629578, -0.6128016710281372, -0.050774604082107544, 0.008015342056751251, 0.5719999074935913, -0.18078072369098663, 0.09403747320175171, 0.48611748218536377, -0.4544532299041748, -0.7209757566452026, -0.3939756751060486, 0.6674964427947998, -0.014870570972561836, -1.2022719383239746, -0.8690048456192017, 0.5123825669288635, 0.014786498621106148, 0.8532910943031311, -0.5922907590866089, 0.005283517763018608, 0.08065275847911835, -1.009421706199646, -1.6706674098968506, -0.274280846118927, 0.4233017861843109, -0.5908662676811218, 1.1866320371627808, 0.491573303937912, 1.0391769409179688, 0.6375992894172668, -0.4251400828361511, 0.4013745188713074, -0.5104416012763977, -0.2109300196170807, 0.45443713665008545, 0.76716148853302, 0.18626448512077332, -0.4081062078475952, -1.2318754196166992, -1.6903852224349976, 0.8073742389678955, -0.9843608736991882, -0.06181082874536514, -0.3372797966003418, 0.7075750231742859, 0.5598284006118774, 1.3821476697921753, -1.0395597219467163, -1.2993773221969604, -1.186843991279602, -1.5834922790527344, 0.42091384530067444, 0.7237361669540405, -0.29855984449386597, 2.020977258682251, 0.4520316421985626, 0.2787371575832367, 0.1548970341682434, -1.090004324913025, -0.0628247857093811, 0.41286903619766235, 0.04988815635442734, 0.21718621253967285, 0.1509380042552948, 0.5929394960403442, 0.7520430088043213, -0.487267404794693, -0.5171064138412476, 0.7633737921714783, 0.47997403144836426, 0.3532724976539612, 0.7031693458557129, -1.0012171268463135, -1.3845010995864868, -0.34341222047805786, 0.31660887598991394, -0.07540390640497208, 1.1933786869049072, 0.7733299136161804, -0.8437290191650391, -1.019660472869873, -1.3415703773498535, -0.6864336729049683, 0.7494106292724609, 0.0001836717128753662, -0.4106355309486389, -0.2211805135011673, -0.34293344616889954, 0.8313294053077698, -0.3408992886543274, -0.8434624671936035, 0.33373287320137024, -1.4736849069595337, 0.6419163942337036, -0.7117420434951782, -1.2764581441879272, 0.27458062767982483, -0.15768323838710785, -1.5154813528060913, 1.6947365999221802, 0.2176857441663742, -1.3609213829040527, -1.513880968093872, 0.4047161936759949, 0.03375312685966492, 0.23627148568630219, 0.540302038192749, 0.49740707874298096, -2.093994617462158, 0.7545952796936035, 1.7019712924957275, 0.08116138726472855, -0.9224189519882202, 0.4348324239253998, 0.23253695666790009, 0.21422022581100464, 1.5041675567626953]} +{"paper_id": "narrativeqa_manual", "embedding": [-0.05828363820910454, 0.883581280708313, -0.3633463680744171, 0.15222303569316864, 0.483782559633255, -0.07079178094863892, 0.09418518841266632, 0.7359747886657715, 0.9619653224945068, 0.4014986455440521, 0.7345525622367859, 0.01939326710999012, 0.22608491778373718, 0.5593155026435852, -0.23723161220550537, -0.14696162939071655, -0.6182264089584351, -0.4157405197620392, -1.2470767498016357, -0.6896399855613708, -0.597885012626648, -0.7389870285987854, -0.09006083011627197, 1.3215957880020142, -1.0059094429016113, -0.7678713202476501, 0.9130768179893494, -1.0755157470703125, 0.08320660889148712, 0.15240539610385895, 0.022987425327301025, 0.9107966423034668, -1.110886573791504, 0.6794245839118958, -0.2981031835079193, -0.41262567043304443, 0.5195568203926086, 1.0793896913528442, -0.11631084978580475, -0.32210835814476013, -0.557499349117279, 0.5733099579811096, 0.08613629639148712, 0.07020677626132965, 0.8994306325912476, -0.4149896502494812, 0.5068298578262329, -0.13768400251865387, -0.24290981888771057, -0.11488103121519089, -0.6647487282752991, 0.10138894617557526, 0.06979367882013321, 0.2507348656654358, 0.07045945525169373, 0.8983141779899597, -0.034110281616449356, -0.22503845393657684, 0.23703140020370483, -0.37009841203689575, 1.57870614528656, 1.4111483097076416, -0.8741326332092285, 0.4443965554237366, 1.4446536302566528, -0.4065428376197815, 1.2900059223175049, 0.30521219968795776, -0.5482534170150757, 1.2408291101455688, -0.4628673195838928, -0.31263267993927, 0.2599804401397705, -0.4088267683982849, 0.07824604213237762, 1.1141239404678345, 0.7618122100830078, 0.1381056010723114, 0.1044125184416771, -0.08961553871631622, 0.027990572154521942, 0.3377078175544739, 0.5003550052642822, -0.3634835183620453, 0.27259761095046997, 0.30427902936935425, 0.4874350130558014, -0.5979864597320557, -0.27462589740753174, -2.2708592414855957, 0.9382326006889343, 0.5351126194000244, 0.42590203881263733, -0.28296738862991333, -0.664206862449646, 0.33880752325057983, -0.02266097068786621, -0.6316800713539124, -0.4006209373474121, -0.0637640655040741, 0.3640754818916321, -0.2736860513687134, 0.5846855640411377, -0.26185938715934753, 0.5515854358673096, -0.012942250818014145, -0.13792110979557037, -0.005211465060710907, -0.4343656003475189, -0.9335079193115234, 0.07459570467472076, 0.7991573214530945, 0.12262341380119324, 0.5512734055519104, -0.3726443648338318, -0.13429313898086548, 0.38376548886299133, -0.5526818037033081, -0.49208322167396545, 0.3846322298049927, -0.5437811017036438, -1.0515154600143433, -0.2965879440307617, -0.2625478506088257, 0.4847620725631714, -0.6071488261222839, -0.3064391314983368, -0.9913413524627686, -0.28960055112838745, -0.29020076990127563, 0.437530517578125, 0.23253782093524933, -1.426741600036621, -0.41935965418815613, 2.832460403442383, -0.8211435675621033, 1.2194595336914062, -0.33693453669548035, -0.08922231197357178, -0.7365052700042725, -0.6183328628540039, 1.3756725788116455, -0.15285271406173706, -0.813898503780365, -0.5521410703659058, 0.0016022790223360062, -0.15844272077083588, 0.248060405254364, -0.5281123518943787, -0.03290783241391182, 0.29450464248657227, 0.18655647337436676, -1.8277357816696167, -0.4895240068435669, -0.37700268626213074, 0.1252211034297943, -0.40045925974845886, 0.27210623025894165, 0.0065550655126571655, 0.874671459197998, 0.5773357152938843, -0.048701755702495575, -0.6544340252876282, 0.13541382551193237, -0.5095868110656738, 0.32160869240760803, 0.7185338139533997, -0.20174333453178406, -0.3266451358795166, 0.02531260997056961, 0.1450301557779312, -0.67414391040802, -0.3047339618206024, -1.098057508468628, -0.13512888550758362, 0.09895459562540054, 0.699180006980896, 0.6790215969085693, 0.4088941514492035, -0.34894996881484985, -0.4680272340774536, -0.5091317892074585, 0.11481288820505142, 1.0891213417053223, 0.09676243364810944, 0.31113457679748535, -3.0393056869506836, -0.023779533803462982, -0.6581723690032959, 0.8832276463508606, 0.12762992084026337, 0.3771108090877533, 0.388599693775177, 0.2523776590824127, -0.32429271936416626, -0.4062567949295044, 0.44096848368644714, -1.3677512407302856, 0.4123818278312683, -0.1278572827577591, 0.20430272817611694, 0.061587799340486526, -0.09109915792942047, 1.1337921619415283, 0.8166272044181824, -0.45899301767349243, -0.908536434173584, -1.837602138519287, 0.36700475215911865, 1.9464677572250366, 0.27413231134414673, -0.39393576979637146, -1.0763614177703857, -0.1106143444776535, 0.10982710868120193, -0.09980463981628418, 0.4340047240257263, -0.27768245339393616, 0.3137202858924866, -0.6861286759376526, 0.7877821326255798, -0.3070448637008667, 0.12931102514266968, 0.3144315183162689, 1.4070121049880981, -0.3014412224292755, -0.4614414572715759, -1.1933505535125732, -0.6647738218307495, 0.011931518092751503, 0.7062433958053589, 0.07446082681417465, -0.020748671144247055, 0.5940579771995544, 0.6309673190116882, 0.600881814956665, 0.9538614153862, 0.7310709953308105, -0.45259931683540344, 0.5349398255348206, -0.24860453605651855, 1.2243813276290894, -0.1290799230337143, 0.09316875785589218, -0.05100853368639946, 0.28768420219421387, -0.4129793643951416, -0.3457410931587219, -0.21184541285037994, -0.2654906213283539, 1.1025264263153076, 1.0186573266983032, -0.7155736088752747, 0.41407185792922974, -0.8420389294624329, -0.11748062819242477, -0.10746857523918152, -0.3467515707015991, -0.8395530581474304, 0.35002952814102173, 0.7142018675804138, -0.11545246839523315, 0.3877873718738556, -0.13354596495628357, 0.3307724893093109, -1.1070225238800049, -0.9428133964538574, 0.2534533441066742, -0.10236366093158722, -0.8483914136886597, -0.7771939635276794, 0.030077628791332245, -1.4112884998321533, -0.4916813373565674, -0.3005836009979248, -0.5561107397079468, -0.3492465615272522, 0.2869552969932556, 1.6119393110275269, 0.17068269848823547, 0.07580330222845078, -0.015998706221580505, 1.658199667930603, -0.4490211009979248, 0.7057355642318726, -0.6814860701560974, -0.16876929998397827, -1.4983997344970703, 0.42106911540031433, -1.0113091468811035, 0.5176782608032227, 0.4189758896827698, -0.2607051730155945, 0.7260065078735352, -0.523127555847168, -0.9194074273109436, 0.8079381585121155, -0.25828784704208374, 0.26727479696273804, -0.9036121368408203, 1.52947998046875, -0.1358979195356369, -0.9058585166931152, 0.9891356229782104, -0.49562767148017883, -1.0258256196975708, 0.9866307377815247, -0.046573102474212646, 0.34562844038009644, 0.6693805456161499, 0.2947383224964142, 0.23115254938602448, 0.11804579943418503, -2.077009439468384, 0.7564327716827393, 1.2960313558578491, -0.08552335202693939, 0.023152727633714676, -0.5657440423965454, 0.8574108481407166, 0.15445348620414734, -0.3580645024776459, 0.794411301612854, -0.789608359336853, 0.4222942590713501, -0.20123139023780823, 0.6093947291374207, 0.8343926668167114, 0.3872259855270386, 0.48975029587745667, 0.776211142539978, 0.43876734375953674, -0.6381451487541199, -0.204220712184906, 1.1264418363571167, -0.2713259160518646, 0.6952412128448486, -0.28544819355010986, 0.9563059210777283, 0.5351223945617676, -0.19956815242767334, 0.05572936683893204, 0.5771515965461731, 0.36703091859817505, 0.19947092235088348, 0.002782064490020275, -0.38503843545913696, 0.09110648185014725, -0.5975476503372192, 1.2621232271194458, -0.3637542128562927, -0.5175421237945557, -1.0968012809753418, -0.1269209086894989, -0.2724842429161072, 0.06298161298036575, 1.2319148778915405, 0.29855865240097046, 2.2917439937591553, 0.45719224214553833, -0.13650374114513397, -0.4880850315093994, -0.25637152791023254, 0.5031686425209045, 0.4530232548713684, 0.3195222020149231, -0.7827886343002319, -0.43746623396873474, 0.9281545281410217, 0.5405120253562927, -0.3153853416442871, -0.006203144788742065, 0.26354244351387024, -0.005967874079942703, -0.7917301058769226, 1.1039937734603882, 0.7333635687828064, 0.8731293678283691, 1.4503047466278076, -0.6152094602584839, 0.06937408447265625, 0.19140614569187164, -0.0873209536075592, 0.18709510564804077, 0.5291253328323364, 0.15821626782417297, 0.46113553643226624, -0.07739637792110443, 0.8024929165840149, -0.15827685594558716, 1.5842185020446777, 1.9661654233932495, -0.3828567564487457, -1.0412265062332153, 0.23112401366233826, -0.5611712336540222, -0.12509745359420776, 0.4336738884449005, 0.15897582471370697, 0.08597498387098312, 0.5167927145957947, 0.19329169392585754, -0.8563722372055054, 0.40544167160987854, -0.25661230087280273, -0.9776359796524048, 0.22976447641849518, 1.3235889673233032, -0.5579069256782532, -0.49633848667144775, 0.044851258397102356, -0.9603093266487122, -0.29250863194465637, -0.5768864750862122, -1.0639365911483765, 1.2689104080200195, 0.06833047419786453, 0.9079195857048035, 0.30879777669906616, -0.09836234152317047, -0.8780961036682129, 1.4677832126617432, 1.1269302368164062, -0.5652893781661987, 0.6430975198745728, 0.2792014479637146, 0.7681346535682678, 0.04218392074108124, -1.2620654106140137, -0.6870046854019165, 0.5301313400268555, -0.2554663419723511, -0.029384952038526535, -0.9579317569732666, -0.43589577078819275, 0.6593511700630188, 0.6529042720794678, 0.35721731185913086, -1.0179616212844849, 0.3096413016319275, -0.8080801367759705, 0.36013007164001465, 0.4462933838367462, -1.077094316482544, -1.079667329788208, 0.24890510737895966, -0.7945951223373413, 0.3947279155254364, -0.5260485410690308, 0.46246224641799927, 2.4277892112731934, -0.07188811153173447, -0.056016892194747925, -0.47031161189079285, -11.607025146484375, 0.8732073307037354, 0.001102730631828308, 0.3935067057609558, 0.6898030042648315, -0.4026806950569153, 0.2580009400844574, 0.46567246317863464, 0.8920305967330933, -0.5956826210021973, 0.11663772165775299, 0.26717981696128845, 0.3048238754272461, -0.0464167557656765, -0.7391901016235352, -1.0411808490753174, -0.7731950879096985, -1.1855708360671997, 0.3147706389427185, -0.1074213907122612, 0.16140110790729523, -0.6566290855407715, -0.5824361443519592, 0.27820175886154175, 0.5128012299537659, -0.32903918623924255, -0.32699716091156006, -0.2406231164932251, -0.4234507083892822, -0.42880189418792725, 1.1510921716690063, -0.6989961266517639, -0.6209561228752136, -0.3560597896575928, 0.390663206577301, -0.3016316294670105, -1.1691858768463135, -0.26783308386802673, 0.5959727764129639, -0.755048394203186, -0.580833375453949, 0.06145719066262245, 0.34217751026153564, -0.024493558332324028, -0.5048258304595947, 0.5489844679832458, 0.4557427763938904, -1.3253988027572632, -0.3241412341594696, -0.34886935353279114, -0.7043875455856323, -0.3110496401786804, -0.9470376372337341, -0.5015722513198853, 0.5436341762542725, 0.02531544677913189, -0.4242730736732483, -0.6142414808273315, -0.14773304760456085, -0.8790508508682251, 0.8481249809265137, 0.14464221894741058, -0.12123624980449677, 0.4481590688228607, 0.06339211016893387, -0.2648002505302429, 0.7403051853179932, 0.24478471279144287, 0.2951253354549408, 0.5689261555671692, -0.40085500478744507, 1.0721956491470337, 0.06347072124481201, 0.4870918095111847, -0.30257630348205566, 0.38671016693115234, -0.49220946431159973, -0.3874097168445587, 0.5501314997673035, 0.34942010045051575, -1.060755729675293, 0.6061904430389404, 0.032630834728479385, -0.44226518273353577, -0.42904576659202576, 0.09789961576461792, 0.3576033413410187, 0.30048859119415283, 0.8441171646118164, -0.8625873327255249, 1.3537299633026123, 0.024066686630249023, -0.4485344886779785, -0.2623126208782196, -0.6247166991233826, 0.14386412501335144, -0.7658572196960449, 0.38050413131713867, 0.7488470077514648, -0.44743630290031433, -0.42800840735435486, -0.052510637789964676, -0.8703051805496216, -0.33433642983436584, 0.9797750115394592, 0.07234018296003342, 0.04342836141586304, -0.0158412903547287, -0.0394008569419384, -0.8879423141479492, 0.6829068660736084, 1.0933886766433716, -0.29559850692749023, 1.8363896608352661, -1.0639506578445435, 0.9453755617141724, 0.9172875881195068, -0.5491416454315186, -0.14415647089481354, 1.6300406455993652, -0.6411944627761841, 0.8252902030944824, 0.46034467220306396, 1.5349773168563843, -0.20816373825073242, 0.10980489104986191, 0.4576973021030426, 0.6644736528396606, -0.2948068380355835, -1.0224676132202148, -0.07511922717094421, -0.533673882484436, 0.21721497178077698, -0.864565908908844, -0.879769504070282, 0.40698495507240295, -0.727640688419342, 1.606811285018921, -0.8547342419624329, -0.15596100687980652, -0.19109435379505157, -0.3609699308872223, -0.6951035857200623, -0.7206765413284302, -0.7635929584503174, -0.43675696849823, -1.7442189455032349, 0.3653900623321533, -0.7262572646141052, -0.29346656799316406, -0.13950185477733612, -0.776918888092041, 0.949041485786438, -0.08147062361240387, -0.31490471959114075, -0.1843681037425995, 0.29959574341773987, -0.6165190935134888, -0.977506697177887, 0.00024014711380004883, 0.31129372119903564, 1.1241793632507324, -0.6714420318603516, 1.0465655326843262, 0.29270973801612854, -0.06394122540950775, -0.5888285040855408, 0.22806912660598755, -1.1214619874954224, 0.5807980298995972, 0.851019024848938, -1.0046210289001465, -0.33939608931541443, -1.131334662437439, -0.16327325999736786, -0.6743919253349304, 0.3128401041030884, 0.9339084625244141, -1.213926076889038, -0.2655524015426636, -0.07203952968120575, 0.5680758953094482, 0.5580207705497742, -0.524112343788147, 0.00825732946395874, -0.03155326470732689, -0.2863183915615082, 0.994274914264679, 0.08479958027601242, 0.882394015789032, -1.0958151817321777, -1.1372592449188232, -0.8677645325660706, -0.727376401424408, 0.7011783123016357, 0.04675805941224098, 1.0158801078796387, 0.40110790729522705, -0.7256510257720947, -0.08411005139350891, -0.47074905037879944, 0.7354799509048462, 0.2541252076625824, 0.7584787607192993, -0.06067017838358879, 0.24015408754348755, -0.6164686679840088, 0.06641007959842682, 0.37807008624076843, 1.296823263168335, -0.31851059198379517, -0.1286059021949768, 0.5318566560745239, -0.22277553379535675, -0.1377238631248474, -1.7448475360870361, -0.1766650378704071, -0.695964515209198, -0.09517253935337067, -1.015928864479065, -0.19261810183525085, 1.3653925657272339, -0.5092654228210449, 1.104714035987854, 1.1420050859451294, 0.42214980721473694, 0.236169695854187, 0.334106981754303, 1.096906304359436, 0.0035908594727516174, 0.050503164529800415, 0.5790795087814331, 0.37375277280807495, 0.42869117856025696, -0.165043905377388, -0.7526155114173889, -0.5224403738975525, 0.6232908964157104, -0.23774194717407227, 1.0163379907608032, 0.11619000136852264, -0.05412430316209793, 1.0923645496368408, 1.3135854005813599, -0.27040839195251465, -2.008546829223633, -0.9132100939750671, -1.5774585008621216, -0.1276743859052658, 0.8197627067565918, 0.16312547028064728, 0.0457536056637764, 0.5046267509460449, -0.2647637724876404, 1.3780914545059204, -0.5006103515625, 0.10435144603252411, 0.6106659173965454, -0.4245925545692444, 0.7875624299049377, 0.7259879112243652, 0.4105103313922882, 0.6023170351982117, -0.24266427755355835, -1.0962003469467163, 0.17320460081100464, -0.6430429816246033, 0.0798482596874237, 0.606184720993042, -0.8825380206108093, -0.20991568267345428, -0.3835863471031189, 0.9819016456604004, -0.2593631148338318, 0.896709680557251, -0.021583955734968185, -0.5726767778396606, -0.39373379945755005, -1.036967396736145, -0.5767065286636353, 0.2010718286037445, -0.3362729549407959, 0.07779064029455185, -0.4915291666984558, 0.23580318689346313, 0.11474845558404922, 0.46724963188171387, -0.7036132216453552, -0.12321864813566208, -0.49477913975715637, 0.10788024961948395, -0.14673356711864471, -0.6097493767738342, -0.7610962390899658, 0.07919824123382568, -0.4677538275718689, 0.13123632967472076, 0.5010553598403931, -0.69219970703125, -0.5721381306648254, 0.7122170329093933, -0.05331595614552498, 0.1821383684873581, 0.1936846524477005, 0.05675358325242996, -1.57496976852417, 0.4494766294956207, 0.571871817111969, -0.13726243376731873, -0.1755874752998352, 0.10459833592176437, 0.4001947343349457, 0.41820868849754333, 0.9091102480888367]} +{"paper_id": "cornell_movie_dialog", "embedding": [-0.8848825693130493, 0.8710086941719055, 0.3428654670715332, 0.25475141406059265, 0.7330727577209473, 0.14626580476760864, 0.4791429936885834, -0.1006055548787117, 0.2979515492916107, 0.15764257311820984, 0.8931403160095215, -0.3063374161720276, -0.0021163206547498703, 0.03363876789808273, 0.10954916477203369, 0.07220864295959473, -1.081857442855835, -0.1554148644208908, -0.49025028944015503, -0.1120026558637619, -0.5745976567268372, -0.4070858359336853, -0.3176703155040741, 0.3000829219818115, -0.6330740451812744, -0.30026236176490784, 0.7393497824668884, -0.37238985300064087, 0.18275436758995056, -0.14255669713020325, -0.3558507561683655, 1.626692295074463, -0.8258215188980103, -0.5203461050987244, -0.2530210018157959, -0.024484381079673767, -0.06899810582399368, 0.9267851114273071, -0.5602928996086121, 0.2278282195329666, -0.34014222025871277, 0.35790881514549255, 0.7954610586166382, 0.3494698107242584, 0.6137708425521851, 0.6590402126312256, 0.10943739861249924, 0.3234780728816986, -0.09772200882434845, 0.04662385955452919, -0.15660598874092102, 0.04757850989699364, -0.23064306378364563, -0.28847211599349976, -0.31695446372032166, 1.1318130493164062, -0.218115895986557, -0.754357635974884, 0.216105654835701, -1.5521601438522339, 1.5165679454803467, 1.3181971311569214, 0.07713504880666733, 0.8236342072486877, 1.1412845849990845, 0.07483682036399841, 1.1289392709732056, -0.04410156235098839, 0.6497215032577515, 0.681585431098938, -0.5327215194702148, -1.1750333309173584, 0.621131956577301, -0.07516730576753616, -0.5782802104949951, 0.39962542057037354, 0.11646134406328201, 0.807219922542572, -0.26845207810401917, 0.4416893422603607, 0.28875237703323364, 0.3674389719963074, 0.05736347287893295, -0.7349573373794556, 0.5828296542167664, 0.1473962366580963, 0.33788466453552246, -0.004684497602283955, 0.2062998265028, -1.3900036811828613, -0.052727729082107544, -0.3163214921951294, 0.25953808426856995, 0.2489948272705078, -0.5461822152137756, 0.23120951652526855, 0.48967093229293823, 0.19843843579292297, -0.25726550817489624, 0.3986958861351013, -0.1344292163848877, -0.4190268814563751, 0.5260273814201355, -0.15535488724708557, 0.10729341208934784, 0.3100305199623108, 0.4156309962272644, -0.8234703540802002, 0.35255545377731323, -0.6087714433670044, -0.4952547550201416, 1.506583571434021, 0.22920528054237366, 0.9755356907844543, 0.28440195322036743, -0.08388756960630417, -0.1070103570818901, -0.7939717769622803, -0.28360897302627563, 0.022841189056634903, -0.6762492060661316, -1.0001332759857178, 0.2869538962841034, 0.6460245847702026, 0.7517298460006714, -0.5118164420127869, 0.1988874226808548, -0.5771706700325012, -0.16897958517074585, -0.357413113117218, 0.7277593612670898, -0.2417377233505249, -0.22522039711475372, -0.0027182139456272125, 1.9801087379455566, -1.0608367919921875, 1.727831244468689, -0.6223704814910889, -0.47995445132255554, -0.540444552898407, 0.2424280345439911, 1.5322281122207642, -0.2234291136264801, -0.646212637424469, -1.1480997800827026, -0.6299407482147217, -0.10404154658317566, -0.3178980350494385, -0.4745965600013733, -0.7284428477287292, -0.1542419195175171, 0.5219294428825378, -1.0116550922393799, -0.3626417815685272, -0.003468777984380722, 0.08113197237253189, 0.6235463619232178, 0.4463684558868408, -0.35904330015182495, 0.7946630120277405, 0.3514294922351837, 0.7325274348258972, -0.5183926820755005, 0.20798958837985992, -0.8877119421958923, -0.3787198066711426, 0.347734272480011, 0.1753098964691162, -0.233189195394516, -0.9834210872650146, 0.4301072955131531, -0.28525295853614807, 0.4263310730457306, 0.17472097277641296, -0.658699095249176, 0.012867040932178497, 0.7149780988693237, 0.742388904094696, 0.7394814491271973, -0.8524377346038818, -0.3788142204284668, -0.2921774387359619, -0.07461625337600708, 0.2519071698188782, 0.05035709962248802, -0.30443546175956726, -1.4068917036056519, -0.03288233280181885, -0.5208773016929626, 0.6347193121910095, 0.7182170748710632, -0.03997528925538063, 0.32996565103530884, -0.18295852839946747, -0.48990416526794434, 0.03493339940905571, 0.2837372124195099, -1.4159576892852783, 0.1987476646900177, 0.08946013450622559, 0.04777337238192558, -0.2035382091999054, -0.10071339458227158, 1.1856095790863037, 1.3362772464752197, -0.00614745169878006, -0.17248551547527313, -1.253832221031189, 0.21065017580986023, 2.032806873321533, -0.08361712098121643, -0.9086293578147888, -0.48733648657798767, 0.59018474817276, 0.6387476325035095, -0.13276000320911407, 0.3602367639541626, -0.17783167958259583, -0.31219783425331116, -1.1560781002044678, 0.7975043058395386, -0.3205225467681885, -0.024843767285346985, -0.11580178886651993, 1.1457668542861938, -0.8698322772979736, -0.5751627087593079, -0.31859517097473145, -1.0969641208648682, 0.15907852351665497, 0.7754549980163574, 0.16217748820781708, 0.2036171853542328, 0.8985245823860168, 0.5349254012107849, 0.041520051658153534, -0.0656876266002655, 0.5786699056625366, 0.00990527868270874, -0.08686530590057373, 0.2030332088470459, 0.21743081510066986, 0.2575353682041168, -0.07555755972862244, 0.5109545588493347, 0.7190937399864197, 0.13613079488277435, -1.0195446014404297, -0.48269742727279663, 0.08112357556819916, 0.9096920490264893, 1.29468834400177, -0.6518695950508118, 0.6788122653961182, -0.253137469291687, -0.036612458527088165, 0.1278005987405777, -0.28486669063568115, -0.20995201170444489, -0.8521839380264282, 0.7843582034111023, -0.005529559217393398, 0.3918406665325165, -0.17441484332084656, -0.1322769671678543, -0.3026684522628784, -0.39303457736968994, 0.5491568446159363, -0.3610069155693054, -0.9558664560317993, -0.2968415319919586, -0.07490625977516174, -0.8009620308876038, -0.5922107696533203, -0.5255597233772278, 0.5796883702278137, -0.23176603019237518, 0.4223549962043762, 0.9360137581825256, -0.051058053970336914, -0.04016939178109169, -1.1377537250518799, 0.8075421452522278, -0.29888755083084106, 0.6599183678627014, -1.1334549188613892, 0.13234949111938477, -0.37533026933670044, 0.19328463077545166, -0.2873886227607727, -0.12393930554389954, -0.16093987226486206, -0.5803749561309814, 0.7350544333457947, -0.23986482620239258, -0.5021792650222778, 0.7051623463630676, -0.39437276124954224, -0.10418746620416641, -0.39082062244415283, 1.4085229635238647, 0.6932661533355713, -0.6476686596870422, 0.49385058879852295, -0.37302738428115845, 0.1476103961467743, 1.1911464929580688, -0.9892258644104004, 0.7133245468139648, 0.9317393898963928, 0.20881731808185577, 0.10007745027542114, -0.6881113052368164, -2.267334222793579, -0.5702263712882996, 1.3297076225280762, -0.439248263835907, 0.3020485043525696, -0.935529887676239, 0.8783840537071228, 0.40895020961761475, -0.3680776059627533, 0.05047066882252693, -0.7757968306541443, 0.3313395380973816, -0.8151283264160156, 0.5907751321792603, 1.1196056604385376, 0.17905084788799286, -0.26607468724250793, 0.42483240365982056, 0.21866777539253235, -0.6127266883850098, -0.5274618268013, 0.5504183769226074, -0.4617757797241211, 0.3536418676376343, 0.19392412900924683, 0.7529534697532654, 0.8943842649459839, -0.5952925682067871, -0.848506510257721, 0.27673691511154175, 0.02200862020254135, 0.25508224964141846, 0.2055540829896927, 0.2516669034957886, 1.1685535907745361, -0.9589256644248962, 0.9286038875579834, 0.11381705105304718, -0.5815111398696899, -1.2846297025680542, -0.18732091784477234, -0.4084573984146118, -0.5622996091842651, 1.2223472595214844, 0.23112007975578308, 1.2792589664459229, -0.21613872051239014, 0.13068711757659912, -0.40057408809661865, 0.3106367290019989, 0.6176493763923645, 0.9618346095085144, 0.19273102283477783, 0.10205578804016113, 0.02689528837800026, 0.5341821312904358, 0.07164645940065384, -0.5952993035316467, -0.12279252707958221, 0.9242849349975586, -0.28678417205810547, -0.03232504799962044, 0.3164557218551636, 1.0874558687210083, -0.09367217123508453, 1.0148063898086548, -0.3095322549343109, -0.4604308605194092, -0.41992151737213135, 0.6899837851524353, 0.6205242276191711, -0.03541480377316475, -0.49068108201026917, 0.7557836771011353, 0.010985113680362701, 1.129601001739502, -0.5112156271934509, 1.0152409076690674, 0.31704917550086975, -0.7028776407241821, -1.3200268745422363, -0.09313248842954636, -1.1364312171936035, -0.42062652111053467, 0.053708262741565704, -0.07459825277328491, -0.328426718711853, 0.1859181970357895, -0.39893829822540283, -1.0797436237335205, 0.4372765123844147, 0.008891671895980835, -0.8725751638412476, 0.6749093532562256, 1.2011820077896118, -0.9120479226112366, -0.3533382713794708, -0.3326604962348938, -1.060792326927185, -0.5271113514900208, 0.1820215880870819, -0.24203690886497498, 0.5100743770599365, -0.008983384817838669, 0.017967337742447853, -0.38071388006210327, 0.2455769032239914, -0.5516894459724426, 0.534083366394043, 0.4805905222892761, -0.4470601975917816, 0.38245776295661926, 0.657175600528717, 0.018406912684440613, -0.26026126742362976, -0.7415635585784912, -0.5929536819458008, 0.31584084033966064, 0.20193636417388916, -0.4684491455554962, -0.23673471808433533, -0.16380083560943604, 0.49986889958381653, -0.08646731078624725, 0.685267448425293, -1.0845555067062378, 0.6120713353157043, -0.21340328454971313, 0.1348210573196411, 0.1832740157842636, -0.8966627717018127, -0.48062029480934143, 0.24911350011825562, -1.1514273881912231, 0.43034330010414124, -0.40641283988952637, -0.43438175320625305, 1.2734342813491821, 0.45916396379470825, 0.6277951002120972, 0.44125595688819885, -13.224586486816406, 0.9017294049263, -0.33516067266464233, 0.3110277056694031, 0.8026193380355835, 0.12386329472064972, 0.607848584651947, 0.6745223999023438, 1.569366455078125, -0.8114235401153564, 0.18961651623249054, 0.33540162444114685, -0.29907411336898804, -0.7462326884269714, -0.6191865801811218, -0.5407643914222717, -1.0649241209030151, -0.857751727104187, 0.15537023544311523, 0.2120378613471985, 0.5512560606002808, -0.2421872913837433, -0.8371227383613586, 0.1164601594209671, -0.021363861858844757, -0.4239093065261841, -0.27737197279930115, -0.924382209777832, -0.11717431247234344, 0.47031280398368835, 1.2658932209014893, -0.280643105506897, 0.10542993247509003, -0.9530119895935059, 0.10445985198020935, 0.15609443187713623, -0.9281755089759827, -0.5924792885780334, 0.24192257225513458, -0.273874968290329, 0.4841175079345703, -0.12984342873096466, 0.16938240826129913, -0.11917217820882797, 0.11693073809146881, 0.3908211588859558, -0.4508889317512512, 0.16601799428462982, -0.04046039283275604, 0.0021747946739196777, -0.7918400168418884, -0.44314274191856384, -1.0299144983291626, -0.6136425137519836, 0.3207455575466156, -0.6144598722457886, -0.5844195485115051, 0.7844971418380737, -0.4630730152130127, -0.5467311143875122, 1.0987015962600708, 0.34491652250289917, -0.4361228346824646, 0.4000420868396759, 0.3686932623386383, -0.9002357721328735, 0.470855176448822, 0.5434305667877197, 0.5409762263298035, 0.012981859967112541, -0.06381835788488388, 0.6584106683731079, 0.0020685475319623947, 0.5225636959075928, -0.3332328200340271, 0.1985836625099182, -0.21886490285396576, 0.057417310774326324, 0.6462032794952393, 0.1477104276418686, -0.7137336730957031, 0.3308168053627014, -0.009993900544941425, -1.052107572555542, -0.9390726089477539, 1.0462640523910522, 0.21123021841049194, 0.03221699222922325, 0.5357939004898071, 0.30753546953201294, 0.6803374886512756, 0.6486760377883911, -0.40620094537734985, 0.09703715890645981, -0.01564091257750988, 0.43982255458831787, 0.6681247353553772, 0.9059050679206848, 0.22817376255989075, 0.2810637950897217, 0.30145731568336487, 0.22835773229599, -0.39248931407928467, 0.247477725148201, 0.3302166759967804, -0.6491568088531494, -0.10037094354629517, 0.3126589357852936, -0.11291272938251495, 0.35453328490257263, 0.37420740723609924, -0.31515878438949585, -0.3522900342941284, 0.7822843194007874, -0.07626562565565109, 0.6570578813552856, 1.1495251655578613, -0.4433019757270813, 0.5188623070716858, 0.7222562432289124, -0.29040640592575073, 0.2689109444618225, 0.11413953453302383, 1.061688780784607, 0.2321014106273651, -0.2668013572692871, 0.049392666667699814, 0.7990034818649292, -0.41847848892211914, -1.163062334060669, 0.382392019033432, -0.21460328996181488, 0.4633767306804657, -0.6874699592590332, -0.7805461287498474, 0.3309611678123474, -0.4096429944038391, 0.7544447183609009, -0.7992103099822998, 0.38475629687309265, -0.6125755906105042, -0.643141508102417, -0.29801785945892334, -0.6894851922988892, -0.5167466998100281, -0.2824154794216156, -1.1049439907073975, 0.24314622581005096, -0.2884666323661804, 0.4980672001838684, 0.4590841233730316, -0.07789009064435959, 0.8342987298965454, -0.6988973617553711, 0.04620939493179321, 0.033877015113830566, 0.3481456935405731, -0.5127437710762024, -0.9895102977752686, -0.4116009473800659, 0.5081050395965576, 0.988265335559845, -0.9052754640579224, 0.5772423148155212, 0.7022527456283569, 0.014981906861066818, -0.34704506397247314, 0.20159462094306946, -0.955702006816864, 0.4013517498970032, 0.8757938742637634, -0.8475180268287659, -1.0092642307281494, -0.7130491733551025, -0.38595280051231384, -0.8345605731010437, 0.38351327180862427, 0.8500300645828247, -0.688774049282074, -0.23524154722690582, -0.3043440878391266, 0.054575979709625244, -0.07291087508201599, -0.3112930655479431, -0.6246910095214844, 0.3130388557910919, -0.075925812125206, 1.2845203876495361, 0.03142673522233963, 0.21388638019561768, -1.6038657426834106, -1.4895520210266113, -0.9100229144096375, -0.6442347168922424, 0.11976278573274612, -0.2818002998828888, 0.9027003049850464, 0.8481025099754333, 0.10227663815021515, -0.11435685306787491, 0.2473524957895279, 0.809973955154419, -0.17829398810863495, 0.29512476921081543, -0.36897966265678406, 0.1390952318906784, -0.8640242218971252, 0.20577892661094666, 0.4544692635536194, 0.38795119524002075, -0.7232343554496765, -0.42369264364242554, 0.2749857008457184, 0.49135616421699524, 0.6846083402633667, -0.7969982624053955, -0.10074504464864731, 0.23763830959796906, -0.36877375841140747, -0.781136691570282, 0.04697827622294426, 1.112403392791748, 0.0435919314622879, 1.3666484355926514, 0.9088464975357056, 0.4055217206478119, 0.5832276940345764, 0.25192487239837646, 0.5627605319023132, -0.2751547694206238, 0.16356070339679718, -0.4651563763618469, -0.20645250380039215, 0.41186684370040894, -0.12417460978031158, -0.3866034746170044, -1.1945924758911133, 0.6683917045593262, -0.676249623298645, 0.10943666100502014, -0.10828997194766998, 0.3394504189491272, 0.4866229295730591, 1.203402042388916, -0.46688002347946167, -1.2306878566741943, -1.066431999206543, -0.9055711627006531, -0.030219929292798042, 0.16847562789916992, -0.016228027641773224, 1.0060341358184814, 0.5034824013710022, -0.12106604874134064, 0.8440859317779541, -0.3418225944042206, 0.3621585965156555, 0.44930166006088257, -0.24578483402729034, 0.719427227973938, 0.7457025051116943, 0.34428825974464417, 0.5945677757263184, -0.3829662501811981, -1.1180747747421265, 0.20209315419197083, 0.08639471232891083, 0.56022047996521, 0.7416579127311707, -0.5707442164421082, -0.36995959281921387, -0.6240228414535522, 0.2912043035030365, 0.14453350007534027, 0.9083641767501831, 0.6798295974731445, -0.5445049405097961, -0.6317128539085388, -1.2088338136672974, -0.2189662754535675, 0.3337220549583435, -0.22465074062347412, -0.4252513647079468, -1.0284532308578491, 0.575840413570404, 0.06068672984838486, -0.44449928402900696, -0.6989540457725525, 0.6750479936599731, -0.6550693511962891, 0.616192638874054, 0.20695741474628448, -0.4921835660934448, -0.5615863800048828, 0.06965465098619461, -0.5501585602760315, 0.827184796333313, 0.11265173554420471, -1.355048418045044, -0.9258845448493958, 0.05504753068089485, -0.2618224620819092, -0.17632408440113068, 0.17939046025276184, 0.5111749768257141, -1.9975857734680176, 1.0851575136184692, 0.9388269782066345, 0.5460407137870789, -0.3155824840068817, 0.4023866057395935, 0.1869553029537201, -0.27413156628608704, 0.9864324927330017]} +{"paper_id": "linnaeus", "embedding": [-0.3690292239189148, 0.8410130143165588, -0.0047052763402462006, -0.09433944523334503, 0.18230405449867249, -0.4457082152366638, -0.42320191860198975, 1.2628538608551025, 0.6498807668685913, 1.0528552532196045, -0.1797887235879898, -0.07317817211151123, -0.5054467916488647, -0.5540599822998047, -0.07499368488788605, -0.2154437005519867, -0.5327587127685547, -0.8301446437835693, -0.7892755270004272, -0.31255632638931274, -1.0200016498565674, -0.29832911491394043, -0.0823424905538559, 0.40302765369415283, -0.4453154504299164, -0.34590020775794983, 0.16159099340438843, -0.5794102549552917, 0.2655971646308899, 0.19842365384101868, 0.15373367071151733, 0.6142370700836182, -1.8702946901321411, 0.06985604017972946, -0.5114319920539856, 0.8304406404495239, 0.26769596338272095, 0.9737118482589722, -0.3278454840183258, -0.02403084561228752, -0.7891005873680115, 0.11486842483282089, 0.39319413900375366, 0.18834368884563446, 0.9392359256744385, 0.35523760318756104, 0.04765003174543381, 0.46492668986320496, 0.8717654943466187, 0.10094979405403137, -0.5956754684448242, 0.5665889978408813, 0.5428526997566223, -0.06478161364793777, -0.5922584533691406, 0.8119078278541565, 0.2881712019443512, -0.04044624790549278, 0.5021552443504333, -1.320803165435791, 1.189090371131897, 0.8820186853408813, -0.48729369044303894, 0.4293821156024933, 0.3281629979610443, 0.14713187515735626, 0.5837706327438354, -0.008181564509868622, 0.3903154730796814, 0.11798631399869919, 0.12137944996356964, -0.5090196132659912, 0.9575519561767578, -0.48608726263046265, 0.1771320104598999, 1.007575273513794, 0.4559839367866516, -0.42259976267814636, 0.4446577727794647, -0.8419702053070068, -0.1739579290151596, 0.7396796941757202, 0.25107601284980774, -0.5972529649734497, -0.05829383805394173, -0.5214571356773376, -0.5123049020767212, -0.14294560253620148, 0.872342586517334, -1.6787725687026978, 0.5071493983268738, 0.41536781191825867, 0.012160913087427616, 0.14719447493553162, -0.7565501928329468, 0.10166291892528534, -1.0303359031677246, -0.11955922096967697, -0.44672614336013794, 0.04597195237874985, 1.0589486360549927, -1.0020177364349365, 1.1587672233581543, -0.005613058805465698, -0.08083584904670715, 1.0669344663619995, -0.8902631402015686, -0.05360597372055054, -0.22802600264549255, 0.5641000270843506, 0.3569349944591522, 0.6600663661956787, 0.006471297703683376, 0.02443314716219902, -0.4193783104419708, -0.33536863327026367, 0.7864892482757568, -0.09432386606931686, -0.24576714634895325, -0.4725286364555359, -0.08292815089225769, -1.60181725025177, 0.03383823484182358, 0.46489614248275757, 0.4564613103866577, -1.0232629776000977, 0.926445484161377, 0.4946105182170868, 0.430896520614624, 0.1525353640317917, 0.4001920819282532, 0.2863270938396454, -0.8461284041404724, -0.09490139782428741, 2.6225738525390625, -0.8238238096237183, 1.2855384349822998, 0.027836905792355537, 0.5778612494468689, -0.5390296578407288, 0.44409820437431335, 0.29492616653442383, 1.1486034393310547, -0.6246461868286133, -0.7058749198913574, -0.1774613857269287, -0.04960894584655762, 0.7471301555633545, -1.0570323467254639, 0.30221864581108093, -0.3454235792160034, 0.0717659443616867, -0.948289155960083, -0.823257327079773, -0.4158208966255188, 0.6280485391616821, 0.4371395409107208, 0.748382031917572, -1.2782562971115112, 0.5129329562187195, 1.0124906301498413, 0.4474533796310425, -0.8043658137321472, -0.3069494664669037, -0.6640185117721558, -0.1090373545885086, 1.2000021934509277, 0.17669743299484253, -0.5641828179359436, -0.1957557201385498, 0.2780105173587799, 0.08678434789180756, 0.8068879842758179, 0.05493079125881195, 0.08063911646604538, -0.012535259127616882, 1.1798688173294067, 0.21223747730255127, 0.4205206334590912, -0.35345911979675293, 0.08507246524095535, -0.060927633196115494, -0.20223981142044067, 0.35052400827407837, 0.12691695988178253, 0.3003726005554199, -1.6237761974334717, -0.18157117068767548, -0.0874289870262146, 0.35992324352264404, -0.00040052086114883423, -0.686098575592041, 0.19018623232841492, -0.2122548222541809, 0.353130042552948, -0.3572531044483185, -0.23169535398483276, -1.6118766069412231, -0.2617652416229248, 0.6750520467758179, -0.3214664161205292, 0.7849884033203125, 0.10121636837720871, 0.7436912059783936, 0.4911094009876251, -0.15507730841636658, 0.17282982170581818, -1.4097141027450562, 0.5489310026168823, 1.9722639322280884, -0.8052282929420471, -0.5002965331077576, -0.7073690295219421, -0.518055260181427, 0.06485333293676376, -0.619003176689148, 0.3537611663341522, -0.9630664587020874, -0.35859471559524536, -0.6682364344596863, 0.6065425872802734, -0.5239803791046143, 0.25892627239227295, 0.27284491062164307, 0.8042410612106323, -1.0339515209197998, 0.1605173796415329, -0.23661167919635773, -1.0236153602600098, 0.33552733063697815, 0.8155978918075562, -0.27008455991744995, 0.022358767688274384, 0.328569233417511, 0.20908084511756897, 0.16592083871364594, 0.8899761438369751, 0.12589409947395325, -0.10659581422805786, 0.7314011454582214, -0.12124592810869217, 1.5758050680160522, -0.7550477981567383, 0.23670747876167297, -0.5147426724433899, 0.46791499853134155, -0.9301577806472778, -0.6432236433029175, -0.030711166560649872, 0.13091892004013062, 0.8053171634674072, 0.9587903022766113, -0.33716610074043274, 0.541601300239563, -0.7002626657485962, -0.4647185504436493, -0.692159116268158, -0.3449561297893524, -0.8883169889450073, -0.19872324168682098, 0.4001898169517517, 0.2568371593952179, -0.14621219038963318, -0.35085904598236084, -0.1814606487751007, -0.8351891040802002, -0.30862095952033997, -0.010194972157478333, -0.4536855220794678, -1.1115710735321045, -0.3981843888759613, 0.3302401602268219, -0.8532932996749878, -0.6343367695808411, 0.146587073802948, 0.2227412313222885, -0.45942139625549316, 0.9586223363876343, 1.2762951850891113, 0.5951322317123413, 0.9786068201065063, -0.452630877494812, 1.3003653287887573, -0.5365249514579773, -0.2932226061820984, -0.08713500201702118, -0.16610422730445862, -1.58250892162323, -0.09323079138994217, -0.0410260409116745, 0.14363402128219604, -0.09283971041440964, -0.12783493101596832, 0.2322714924812317, -0.542060375213623, -0.9104869365692139, 0.7714505195617676, 0.43559423089027405, -0.47223129868507385, -1.1041014194488525, 1.836080551147461, -0.08878008276224136, 0.6706763505935669, 0.8958610892295837, -0.012651588767766953, -0.31832069158554077, 0.771918535232544, -0.36700594425201416, 1.098986029624939, 0.8348844647407532, -0.20119675993919373, 0.5656937956809998, 0.40363621711730957, -1.6826019287109375, -0.2885999381542206, 0.779597818851471, 0.0992438793182373, -0.5451682209968567, -0.16219855844974518, -0.5877680778503418, -0.25951212644577026, -0.30316394567489624, 0.6163952946662903, -0.6207681894302368, 0.7834333181381226, 0.18194794654846191, 0.05521358549594879, 1.110535740852356, -0.8848702311515808, 0.010751862078905106, 1.4161850214004517, 0.45827051997184753, -0.3765014111995697, -0.6057673692703247, 0.4392566382884979, -0.36301887035369873, 1.2189445495605469, -0.1588117778301239, 0.8537275791168213, 0.7956870794296265, -0.7884849905967712, -0.46292540431022644, 0.04728707671165466, 0.21774336695671082, -0.268136590719223, 0.35997772216796875, 0.029065299779176712, 1.2321398258209229, 0.648320734500885, 1.0860140323638916, 0.610659658908844, -0.8538017868995667, -0.6915757060050964, -0.8228576183319092, -0.4407348036766052, -0.504945695400238, 2.173083782196045, 0.7631228566169739, 0.9937307238578796, 0.25849851965904236, -0.1395169198513031, -0.41174471378326416, 0.1720437854528427, 0.9707015752792358, 0.9481443762779236, 0.1160343810915947, -0.19945888221263885, -0.54954993724823, 0.08263550698757172, -0.21666470170021057, -0.31259945034980774, 0.3047116994857788, -0.11714566498994827, -0.09417672455310822, -0.816308856010437, -0.16878366470336914, -0.03296061232686043, 0.7770525217056274, 0.978410005569458, -1.0527942180633545, -0.7292653322219849, -0.6127450466156006, -0.025241147726774216, 0.1346474587917328, -0.5517189502716064, -0.6679497957229614, 0.43838050961494446, 0.11034949123859406, 0.779495358467102, -0.563244104385376, 1.2442760467529297, 0.610353410243988, -0.14578910171985626, -1.067171573638916, -0.4649532437324524, -0.7129628658294678, -0.5711404085159302, -0.2565928101539612, -0.42918452620506287, -1.4258594512939453, -0.09737502783536911, -0.4151126742362976, -0.8906898498535156, 0.22422456741333008, -0.3504548668861389, -1.3870333433151245, 1.390920877456665, 0.9336326122283936, -0.9056507349014282, -0.06392743438482285, 0.34860068559646606, -0.8291047215461731, -0.7734302282333374, -0.321320116519928, -0.24056214094161987, 0.1552063375711441, -0.030811484903097153, 1.168991208076477, -0.515918493270874, 0.12634222209453583, -1.0232795476913452, 1.2869497537612915, 1.1713448762893677, -0.18584991991519928, -0.3427450656890869, -0.3576076328754425, 0.6819401979446411, -0.4998471438884735, -1.521522879600525, -0.7364741563796997, -0.01897929050028324, -0.4721876382827759, -0.3698580265045166, -1.2761175632476807, -1.1673402786254883, -0.006981921382248402, 0.10816724598407745, 0.5358024835586548, 0.5213686227798462, 0.2877117395401001, -0.2889444828033447, -0.18381306529045105, 1.454424262046814, 0.2972526550292969, -0.261674702167511, 1.6936490535736084, -0.5152209401130676, 0.7489418983459473, -0.2095465213060379, 0.10495822131633759, 0.9067381024360657, 0.12994375824928284, -0.10634613037109375, -0.1895466148853302, -12.293773651123047, 0.6682733297348022, -0.33247509598731995, 1.3119285106658936, 0.6617838144302368, 0.4562835097312927, 0.7571716904640198, 0.017821265384554863, 0.3490588068962097, -0.6876510381698608, 0.06400363147258759, 2.138251304626465, 0.16424931585788727, -1.1912392377853394, -0.6371792554855347, -1.0616264343261719, -0.6083287000656128, -0.20787987112998962, 0.25269120931625366, 0.4641042649745941, 0.49289774894714355, -0.6367387175559998, -0.8742679357528687, -0.2675377428531647, 0.23070740699768066, -0.19571349024772644, -0.6141221523284912, -0.37758204340934753, -0.07292667031288147, -0.26417258381843567, 0.12452983111143112, 0.17408016324043274, -0.2305660843849182, -0.13340963423252106, -0.16596153378486633, -0.26236534118652344, -0.5642825365066528, -0.25979846715927124, 0.9957128167152405, -0.4655352830886841, -1.0204479694366455, 0.6106814742088318, 0.3141404688358307, 0.08294793963432312, -0.4650065004825592, 0.45281851291656494, -0.3108118772506714, -0.5611568093299866, 0.35160523653030396, -1.237705111503601, 0.2239254266023636, -1.0524487495422363, -0.8190439939498901, -0.3347839415073395, 0.6999004483222961, -0.0452612042427063, -0.40070801973342896, 0.39097660779953003, -0.8900995850563049, -0.9298515319824219, 1.0277405977249146, 0.262678325176239, -0.09405213594436646, 1.5530331134796143, 0.009692791849374771, -0.41820380091667175, 0.32109177112579346, 0.5888643860816956, -0.49890875816345215, -0.1250290870666504, 0.16346587240695953, 1.0717519521713257, 0.6360608339309692, -0.3196367919445038, 0.2527262270450592, -0.09822537750005722, 0.40987980365753174, -0.052503153681755066, 0.7478632926940918, 0.46070700883865356, -0.7932077646255493, 0.4214058518409729, -0.22742554545402527, -1.0204169750213623, -0.6746766567230225, -0.16138936579227448, -0.7977715134620667, 0.5104937553405762, 0.6906775236129761, 0.21176370978355408, 1.2066340446472168, -0.164269357919693, 0.08817341923713684, -0.9037277698516846, -0.5518118739128113, -0.26296117901802063, -0.7966342568397522, 0.6054751873016357, -0.016084030270576477, -0.5736948847770691, 1.2459254264831543, -0.3310415744781494, -0.9991815090179443, -0.5218240022659302, 0.8290973901748657, -0.37534740567207336, 0.189403235912323, 0.27253302931785583, 0.22893069684505463, -0.012847586534917355, 0.51080322265625, -0.10977590084075928, -0.22159643471240997, 0.8539564609527588, -0.4468977749347687, 0.516316294670105, 1.4186444282531738, -0.21886007487773895, 0.690415620803833, 0.5831400156021118, -0.22000858187675476, 0.05584163963794708, 0.4801348149776459, 1.39252769947052, -0.1521802544593811, 0.6773136258125305, 0.31839612126350403, 1.0254803895950317, -0.445276141166687, -1.03251051902771, 0.8987452387809753, -0.3195968568325043, -0.5099571943283081, -0.9795868992805481, 0.25008606910705566, -0.23161378502845764, -0.6949806213378906, 1.1580268144607544, 0.27978813648223877, 0.6595482230186462, -0.29258692264556885, -0.41152405738830566, -0.39152342081069946, -0.5802750587463379, -1.1145857572555542, 0.6948629021644592, -1.3704789876937866, 0.14749565720558167, 0.03559330850839615, -0.06512008607387543, 0.41539469361305237, 0.1591658890247345, 1.4082168340682983, -0.7593756318092346, 0.01995614357292652, -0.31104227900505066, 1.0396506786346436, 0.46830978989601135, -0.7262024283409119, -0.25303351879119873, 0.2852480411529541, 0.9337354302406311, -0.7343894839286804, 0.8865206241607666, 1.186549186706543, 0.3717038333415985, -0.5373090505599976, -0.01815677434206009, -0.15020163357257843, 0.07539509981870651, 0.47684529423713684, -1.0198771953582764, -0.28973597288131714, 0.019205672666430473, 0.26526886224746704, -0.08776526153087616, 0.7677440643310547, 0.8241969347000122, -1.2862281799316406, 1.0778509378433228, 0.013698626309633255, 0.5833755135536194, 0.8438259959220886, -1.1004807949066162, -1.124035120010376, -0.17197933793067932, 0.4069485664367676, 0.6360581517219543, -0.7224043011665344, 0.9059128165245056, -1.163464069366455, -1.169631004333496, -0.2605705261230469, 0.43189042806625366, 0.11138582974672318, -0.0898117870092392, 0.9715980291366577, -0.21940618753433228, 0.3982447683811188, 0.7569834589958191, 0.29553285241127014, 0.3722594976425171, -0.16050659120082855, 0.37921443581581116, -0.5765904784202576, 0.09791728854179382, -0.8985933661460876, 0.7531223893165588, 0.5961434841156006, 0.6711655259132385, -0.3743970990180969, 0.3986590504646301, 0.09747248888015747, 0.07829345762729645, -0.3247728645801544, -0.9952027797698975, 0.16869482398033142, -0.3197175860404968, -0.7491835951805115, -0.5087745189666748, 0.44222041964530945, 0.8252232074737549, 0.010573141276836395, 0.9754006266593933, 0.41482439637184143, 0.48159274458885193, 0.2795591354370117, 0.6690494418144226, 1.7375609874725342, -0.4240494966506958, -0.21975913643836975, 0.2959972620010376, -0.08708500862121582, -0.12121741473674774, -0.22342878580093384, -0.06998724490404129, -0.36744022369384766, -0.5003542304039001, -1.1165084838867188, 0.4812060594558716, -0.6489438414573669, -0.2988705635070801, 0.39592236280441284, 1.587559700012207, -1.1848009824752808, -0.8210572004318237, 0.09020152688026428, -0.6969239115715027, -0.5109009146690369, -0.22932180762290955, 0.03816688060760498, 0.5374510884284973, 0.5444077253341675, 0.432007372379303, 0.6057859659194946, 0.45805823802948, 0.08953707665205002, -0.17345646023750305, -0.24797706305980682, 1.387503981590271, 0.8870549201965332, 0.26589688658714294, -0.6432164907455444, -0.830123245716095, -0.4251301884651184, -0.6317110061645508, -0.6612675189971924, 0.31702595949172974, 0.5326169729232788, 0.4316912889480591, 0.20673973858356476, -0.6855944991111755, -0.22917866706848145, -0.5752965807914734, 0.3307652771472931, 0.2937011122703552, -0.6574143767356873, -0.5895113945007324, -0.8505046963691711, 0.1840464323759079, 0.612131655216217, -0.8777795433998108, -0.302434504032135, -0.15457899868488312, 0.5481365919113159, -0.774856686592102, -0.06794916093349457, -0.21541379392147064, 0.11727044731378555, -0.19928595423698425, 0.7531765699386597, 0.2438490390777588, -0.3212083876132965, -0.2675178050994873, -0.44578561186790466, -0.7520120739936829, 0.5606691241264343, -0.3033245801925659, -1.0502632856369019, 0.15972287952899933, 0.9738538265228271, -0.03892124444246292, -0.21334263682365417, 0.044007644057273865, -0.04039958119392395, -1.4949522018432617, 0.693881094455719, 0.3865433633327484, 0.14776894450187683, -0.9342495203018188, -0.05014137923717499, -0.3509138226509094, 0.8490551710128784, 0.6252651214599609]} +{"paper_id": "coarse_discourse", "embedding": [-0.47382089495658875, 0.8417674899101257, -0.16413672268390656, -0.09665803611278534, 0.7667972445487976, 0.005490114912390709, 0.9003086686134338, 0.022115260362625122, 0.54145348072052, 0.5361801385879517, 0.41057851910591125, -0.5839476585388184, 0.3251529932022095, 0.29410654306411743, -0.32182925939559937, -0.6223305463790894, -1.4121397733688354, -0.6859433650970459, -0.5669295191764832, -0.8725506663322449, -1.1095997095108032, 0.14217400550842285, 0.25176358222961426, 0.9061124920845032, 0.21754491329193115, -1.3502910137176514, 0.4598681330680847, -0.34228047728538513, 0.5354461669921875, 0.24539479613304138, 0.02626868337392807, 1.1563197374343872, -1.1369857788085938, -0.21500730514526367, -0.46346259117126465, -0.12969359755516052, 0.08492367714643478, 0.784658670425415, -0.5721830725669861, -0.05147957429289818, -0.5796665549278259, -0.041893742978572845, 0.11248435080051422, 0.6079965829849243, 0.6279971599578857, 0.23471170663833618, 0.14997737109661102, 0.02356351912021637, 0.2523497939109802, 0.37296539545059204, 0.07056731730699539, 0.14277207851409912, -0.05027535557746887, -0.4654962420463562, 0.19572818279266357, 1.1769381761550903, -0.03135412931442261, -0.9590355753898621, 0.24263501167297363, -0.8636287450790405, 1.063079595565796, 0.7478969097137451, -0.1093861311674118, -0.3649623990058899, 1.4120513200759888, -0.1330326795578003, 1.1041120290756226, -0.47575002908706665, 0.6999037861824036, 0.95795077085495, -0.21085089445114136, -0.34164687991142273, -0.2520284354686737, -0.3471550941467285, -0.01001286506652832, 1.2973209619522095, 0.4486655592918396, -0.7660752534866333, -0.25110942125320435, 0.42432311177253723, 0.0637131929397583, 0.7654865384101868, 0.5613284111022949, 0.020996563136577606, 0.516810953617096, -0.5488331913948059, 0.5650651454925537, -0.5449007749557495, 0.06256888806819916, -1.4980859756469727, 0.5517482161521912, 0.16866102814674377, -0.3425470292568207, 0.15545374155044556, -0.5235105752944946, 0.34639689326286316, 0.09336873143911362, 0.11836697161197662, -0.22875861823558807, 0.16036415100097656, 0.19895991683006287, -0.6564521789550781, 0.3071315288543701, 0.002071067690849304, -0.543071448802948, 0.4153786301612854, 0.17113438248634338, -0.582923173904419, -0.39577701687812805, -0.34623438119888306, -0.03162049502134323, 1.1317753791809082, -0.47399747371673584, 0.9144594669342041, 0.1637479066848755, -0.033765267580747604, -0.14171689748764038, -0.4963400065898895, -0.7316053509712219, -0.26601630449295044, -0.612257182598114, -0.41907864809036255, 0.11804187297821045, -0.7010476589202881, 0.5078071355819702, -0.45220404863357544, 0.8637019991874695, -0.9113030433654785, -0.37681517004966736, 0.2222250998020172, 0.7891993522644043, 0.04996428266167641, -0.36331579089164734, -0.1921290159225464, 1.721376657485962, -0.6985478401184082, 1.115779161453247, -0.38629063963890076, -0.12067389488220215, -0.5866397023200989, 0.14044085144996643, 1.6017286777496338, 0.04017999768257141, -0.9002014398574829, -0.23297567665576935, -0.44620606303215027, -0.3284350633621216, 0.266968697309494, -0.6103293895721436, -0.7221407294273376, 0.1526404321193695, 0.13651001453399658, -0.664534866809845, -0.5027563571929932, -0.5501909852027893, -0.1445925533771515, 0.7884277105331421, 0.6836554408073425, -0.2901374101638794, 0.9021996259689331, 0.541141152381897, 0.16738998889923096, -0.5874615907669067, 0.36410194635391235, -0.6462283134460449, -0.5315006971359253, 1.0517454147338867, -0.012553669512271881, -1.251685619354248, -0.2662241458892822, 0.2779841721057892, 0.006914688274264336, 0.027857717126607895, -0.2510920464992523, -0.4394876956939697, -0.13854219019412994, 0.4309684932231903, 1.0117602348327637, 0.6752721071243286, -0.5838232636451721, 0.2520141005516052, -0.46500444412231445, 0.18931475281715393, 0.5768431425094604, -0.1750757247209549, 0.8199850916862488, -2.328228235244751, 0.3466060757637024, -1.0443423986434937, 0.5427765846252441, -0.5123230814933777, -0.3718128204345703, 0.6825919151306152, -0.010974399745464325, 0.1016140878200531, -0.5806811451911926, 0.5425766110420227, -1.0780943632125854, 0.053174883127212524, 0.23262812197208405, 0.6567099094390869, 0.24082526564598083, 0.8576518893241882, 1.040709376335144, 1.3821543455123901, -0.405301570892334, -0.44879722595214844, -1.6345202922821045, 0.09870227426290512, 1.6137738227844238, -0.2013605833053589, 0.09169576317071915, -0.9764589071273804, 0.4134182333946228, 0.37939420342445374, -0.7387397289276123, 0.5365808010101318, -0.31183362007141113, -0.23450031876564026, -1.2645524740219116, 0.4814945161342621, -1.1053560972213745, -0.4345919191837311, 0.0032566972076892853, 0.9144072532653809, -0.469970703125, -1.1003594398498535, -0.548158586025238, -0.8835391402244568, 0.05969415232539177, 0.836876630783081, -0.1892630159854889, 0.4004443287849426, 0.4220612049102783, 0.21746087074279785, 0.1348346620798111, 0.21461382508277893, 0.5363330245018005, -0.49940401315689087, 0.16856800019741058, -0.26405537128448486, 0.5039002299308777, -0.581410825252533, -0.16678155958652496, 0.951070249080658, 0.19480487704277039, 0.16822920739650726, -0.6018471121788025, -0.55853271484375, -0.049561865627765656, 0.2385694980621338, 1.2589784860610962, 0.1334650069475174, 1.4666954278945923, -0.7192696332931519, 0.6228512525558472, 0.09058141708374023, -0.7442723512649536, -0.525052547454834, -0.4105145335197449, 0.6732670664787292, -0.1080184131860733, 0.07319952547550201, -0.4336433410644531, 0.21922415494918823, -0.8944973945617676, -0.41601482033729553, 0.6522520184516907, -0.38837122917175293, -0.5447571277618408, -0.4142705500125885, -0.3384966254234314, -1.342084288597107, 0.12851493060588837, -0.3448760211467743, 0.5229158401489258, -0.7564421892166138, 0.64998459815979, 1.5160962343215942, 0.6363106966018677, -0.33922791481018066, -0.3620068430900574, 1.0408040285110474, -0.16031083464622498, 0.07483029365539551, -0.4968647062778473, 0.6681737899780273, -1.5063601732254028, -0.4073219895362854, -0.29183250665664673, 0.4013870656490326, 0.023754775524139404, 0.5831516981124878, 0.2705589532852173, -0.44255173206329346, -1.0359680652618408, 0.5622029304504395, -0.47709324955940247, 0.17514914274215698, -0.7358929514884949, 1.5679235458374023, 0.018276577815413475, 0.0284167118370533, 0.4195021390914917, 0.24051505327224731, -0.225852832198143, 1.3700731992721558, -0.3725217282772064, 0.5603241324424744, 0.46595656871795654, -0.05643250793218613, 0.00893251970410347, 0.2978515923023224, -1.9249097108840942, -1.390138640999794e-05, 0.45581164956092834, -0.19586683809757233, 0.2710287272930145, 0.194340780377388, 0.17065973579883575, -0.44891586899757385, 0.0877394899725914, 0.1053977757692337, -0.8515678644180298, -0.09925752878189087, -0.9259890913963318, 0.32442086935043335, 0.3944993019104004, -0.2068740576505661, 0.1741553395986557, 0.7117559313774109, 0.6911207437515259, -0.7089930176734924, -1.0780454874038696, 0.25627779960632324, -0.08554628491401672, 0.838778018951416, 0.5057467222213745, 1.0026050806045532, 0.5227972865104675, -0.22801238298416138, -0.5551252365112305, 0.1804080456495285, 0.8741418719291687, 0.3405905067920685, 0.0382193960249424, 0.06673818826675415, 0.5744664669036865, -0.8765393495559692, 1.167056918144226, 0.5978685617446899, -0.7537282705307007, -0.94073086977005, -0.27548685669898987, -0.9684890508651733, -0.6409808993339539, 1.20919668674469, 0.1646321564912796, 1.31967031955719, 0.6861626505851746, -0.12204722315073013, -0.2766876816749573, 0.021700117737054825, -0.04250609874725342, 0.17238502204418182, 0.12962239980697632, -0.13000264763832092, 0.09481165558099747, 0.5365697145462036, 0.559862494468689, -0.6647005677223206, 0.14307335019111633, 0.8059487342834473, -0.3225330114364624, -0.7462717294692993, -0.18639373779296875, 1.238686203956604, 0.2847224771976471, 1.6866306066513062, -0.5534356832504272, -0.6471719145774841, 0.14612939953804016, -0.20729830861091614, 0.29706141352653503, 0.18800053000450134, -1.1444299221038818, 0.5704075694084167, 0.33148232102394104, 0.043940119445323944, -0.5604850053787231, 1.1630468368530273, 0.47479328513145447, -0.13000139594078064, -1.5209089517593384, -0.26574981212615967, -0.858048141002655, 0.043181825429201126, 0.17887866497039795, -0.3013904392719269, -0.724814772605896, 0.8202152252197266, -0.12905465066432953, -1.6555854082107544, 0.25967738032341003, 0.12253600358963013, -1.2871935367584229, 0.9053758978843689, 1.1471984386444092, -1.1832897663116455, -0.17215487360954285, 0.34655219316482544, -1.0629398822784424, 0.2757128179073334, -0.14720375835895538, -1.100226879119873, 0.589326024055481, 0.36967068910598755, 0.6869673728942871, -0.18299618363380432, 0.3577488660812378, -0.24933969974517822, 1.17661714553833, 1.0567572116851807, -0.3868597745895386, 0.6018726825714111, 0.23228316009044647, 0.5200700759887695, 0.10018058121204376, -0.8873366713523865, -0.5346264243125916, 0.06578787416219711, -0.9345471858978271, -0.47675201296806335, -0.6783002018928528, -0.16940198838710785, 0.6993057727813721, 0.29518425464630127, 0.7613709568977356, -0.8787165880203247, 0.6645891666412354, -0.6259711980819702, -0.13966324925422668, -0.02871166169643402, -1.4963343143463135, -1.3702104091644287, -0.044961243867874146, -0.4502228796482086, -0.2586897611618042, 0.4182734191417694, 0.02040756866335869, 0.993626058101654, -0.12368792295455933, 0.11565257608890533, 0.26332205533981323, -12.866629600524902, 0.4077463448047638, 0.03323867544531822, 0.4407232999801636, 0.7001786828041077, 0.17758069932460785, 0.37904220819473267, 0.829428493976593, 1.013967514038086, -0.6954420804977417, 0.5491583943367004, 0.677868664264679, -0.5601956248283386, -0.5886340141296387, -0.16296617686748505, 0.02197219431400299, 0.3191928565502167, -1.094317078590393, 0.35628896951675415, 0.07698436081409454, -0.15868280827999115, 0.24791957437992096, -0.8263265490531921, -1.0267760753631592, 0.4315163195133209, -0.4365668296813965, -0.05270173028111458, -1.0300631523132324, 0.25908923149108887, 0.5065873861312866, 0.9244289994239807, 0.10420265793800354, -0.6928857564926147, -0.4584250748157501, 0.013810805976390839, 0.48646336793899536, -1.0040571689605713, -0.14337003231048584, 0.5088356137275696, -0.9865882396697998, 0.07511446624994278, -0.39192575216293335, 0.36773890256881714, -0.5343053340911865, -0.3522513508796692, -0.10483676195144653, -0.42559489607810974, -0.4834948480129242, -0.20587468147277832, -0.2846459746360779, -0.5014637112617493, -0.32383787631988525, -1.0749263763427734, -0.0454845167696476, 0.6962408423423767, -0.8415247797966003, -0.6845886707305908, 0.896965742111206, -0.3473339080810547, -0.2907325029373169, 0.8700034022331238, -0.20224295556545258, -0.8822234869003296, 0.39354702830314636, 0.7658577561378479, -0.6232683658599854, 0.8710293173789978, 0.3262809216976166, 0.061893120408058167, 0.5238949656486511, -0.6432985067367554, 1.0013868808746338, 0.14160162210464478, 0.5836182832717896, 0.5201885104179382, 0.4973258376121521, 0.20440205931663513, -0.7806270718574524, -0.11321498453617096, 0.7843381762504578, -1.130866289138794, -0.06766144931316376, 0.1532619744539261, -0.9269607663154602, -0.5904533267021179, 0.4102989137172699, -0.14902451634407043, -0.09928664565086365, 0.759811520576477, 0.10501091927289963, 0.028991101309657097, 0.22829660773277283, -0.20922137796878815, -0.3621135652065277, -0.5788590312004089, 0.6044116616249084, -0.5084387063980103, 0.7761440277099609, 0.14457319676876068, -0.5159766674041748, 0.10148882865905762, -0.20930612087249756, 0.0926404744386673, -0.13316497206687927, 0.6898937225341797, 0.0981074795126915, -0.43982577323913574, 0.4215163290500641, -0.6641894578933716, -0.5345016717910767, 0.10550644993782043, 0.42513179779052734, -0.01594274863600731, 1.3009452819824219, -0.5037866830825806, 0.926624059677124, 0.8261154294013977, 0.22521021962165833, 0.5868960022926331, 0.6989848613739014, -0.002641485771164298, 0.5661957263946533, 0.24970243871212006, 0.8949374556541443, 0.7020074725151062, -0.25921523571014404, 0.4245032072067261, 0.1703014373779297, -0.24801881611347198, -0.9470949172973633, 0.05841164290904999, -0.19175146520137787, -0.14747321605682373, -0.10477649420499802, -0.41036492586135864, 0.054017242044210434, -0.4589815139770508, 1.5888423919677734, -0.024578802287578583, 0.22047415375709534, -0.43651193380355835, -0.4105697274208069, -0.21495530009269714, -0.6197749376296997, -1.3397895097732544, 0.3028879165649414, -1.312408447265625, 0.01893051341176033, -0.8642116785049438, -0.5503242611885071, 0.4102204144001007, -0.48694685101509094, 0.3741494417190552, -0.5191278457641602, -0.004279091954231262, -0.13327620923519135, 0.47959020733833313, 0.43769678473472595, -0.5335342884063721, -0.14198537170886993, 0.45950454473495483, 0.5824222564697266, -0.8164997696876526, 0.7949225306510925, 0.4249717593193054, -0.14897418022155762, -0.7064962387084961, 0.04061926156282425, -1.1379687786102295, 0.3424634635448456, 1.1085656881332397, -0.6560279130935669, -0.2810099422931671, -0.6542834043502808, 0.2921719253063202, -0.7922927737236023, 1.0597163438796997, 0.5446009635925293, -0.7368350028991699, -0.13395799696445465, -0.4706461727619171, 0.2296086847782135, 0.12667545676231384, -0.3249160647392273, -0.6401544809341431, 0.1767539083957672, -0.2496374249458313, 0.5980291366577148, 0.5105558037757874, 0.5958162546157837, -1.1646023988723755, -0.9382660984992981, -0.21983963251113892, -0.26601532101631165, 0.27394431829452515, -0.20811745524406433, 1.9777209758758545, 0.32596874237060547, -0.4374251663684845, -0.7239041328430176, 0.6428591012954712, 0.7483543753623962, 0.28676772117614746, 0.614963948726654, -0.5997632145881653, 0.21962639689445496, -1.0494143962860107, 0.6772359013557434, 0.7062121629714966, 0.4639343321323395, -0.7347320914268494, -0.10606306791305542, 0.012613687664270401, 0.13131272792816162, 0.16492688655853271, -0.8801690340042114, -0.248199462890625, 0.4135560691356659, -0.6670500636100769, 0.057949233800172806, -0.053761862218379974, 1.1559486389160156, -0.38079410791397095, 0.8160405158996582, 0.8500216007232666, 0.39361831545829773, 0.8813328742980957, 0.02165168523788452, 1.1079713106155396, -0.02569180354475975, -0.1391858160495758, 0.5854572653770447, -0.1987600177526474, 0.4245910942554474, 0.17826896905899048, -0.8310570120811462, -0.6765227913856506, 1.199668526649475, -0.6083231568336487, 0.335493266582489, 0.01339295506477356, 0.5113105177879333, 0.5044934749603271, 1.6027764081954956, -0.011187858879566193, -1.3343490362167358, -0.35635843873023987, -0.5363596677780151, 0.0016290247440338135, 0.418687105178833, 0.004391992464661598, 0.6692453622817993, 0.5365409851074219, -0.22894780337810516, 1.3134208917617798, -0.2371189445257187, 0.04021226614713669, 0.446661114692688, -0.2750665545463562, 0.8352335691452026, 0.565309464931488, 0.41551655530929565, -0.15516991913318634, -0.34878942370414734, -1.3079785108566284, -0.25582408905029297, 0.13417010009288788, 0.5203467011451721, 0.5282899141311646, -0.7686037421226501, -0.01832377165555954, -0.21447069942951202, 0.3479877710342407, 0.4288833737373352, 0.3765850067138672, -0.08191888779401779, -0.6880115270614624, -0.22116689383983612, -1.0360016822814941, -0.6179920434951782, 1.3718169927597046, -0.29978686571121216, -0.660792350769043, -0.3020257353782654, 0.36001864075660706, -0.29373225569725037, -0.5999804139137268, -0.9261423945426941, 1.0621724128723145, -0.4646674394607544, 0.7577558755874634, 0.7228822708129883, -0.6187817454338074, -0.9533249139785767, 0.21644319593906403, -0.941487729549408, 0.9556395411491394, 0.7006370425224304, -0.7808657288551331, 0.003777436912059784, 0.5420801639556885, 0.07665905356407166, 0.21052803099155426, 0.3861692547798157, 0.18967922031879425, -1.497180700302124, 1.0967249870300293, 0.6704368591308594, 0.3196997344493866, -0.20796333253383636, 0.15068534016609192, 0.5684080123901367, 0.4261476695537567, 1.0491044521331787]} +{"paper_id": "hind_encorp", "embedding": [-0.05062032863497734, 0.7381368279457092, 0.2799668610095978, 0.015666112303733826, 0.8079724907875061, -0.15385234355926514, 0.5516592264175415, 0.757206380367279, 0.7504513263702393, 0.2950018048286438, 0.23375791311264038, -0.23823122680187225, 0.39783674478530884, -0.10645151138305664, -0.2652055323123932, -0.7400836944580078, -1.2252180576324463, -0.982134222984314, -1.1986602544784546, -0.4595153331756592, -0.6175479888916016, -0.18399901688098907, -0.36668843030929565, 0.3203863203525543, -0.4150633215904236, -0.4065855145454407, 0.3846389055252075, -1.0475636720657349, 0.4248564541339874, 0.525465190410614, -0.2940666973590851, 1.5425246953964233, -1.0654886960983276, 0.2294204831123352, -0.5255941152572632, -0.40355587005615234, 0.2971486449241638, 0.7524213194847107, -0.5038725137710571, 0.31654754281044006, -0.5748575329780579, -0.3296118378639221, 0.1899585872888565, 0.18690265715122223, 0.9114770293235779, -0.15213847160339355, -0.5890228748321533, 0.15523599088191986, 0.03332437574863434, 0.19829489290714264, -0.4280291199684143, 0.4260863661766052, 0.2122706174850464, 0.45244330167770386, -0.5323814153671265, 0.5467551946640015, 0.6163375973701477, -0.8450208306312561, 0.564497172832489, -1.0513793230056763, 0.3987184762954712, 1.3665674924850464, -0.5642318725585938, 0.1518176794052124, 1.0597509145736694, 0.1443183571100235, 1.0217787027359009, 0.2836729884147644, 0.6300606727600098, 0.865485668182373, 0.2771463394165039, -0.9619914889335632, 0.6378934979438782, -0.13716983795166016, 1.214787483215332, 0.8022491931915283, 0.4274822175502777, 0.27595165371894836, 0.15274658799171448, 0.35770660638809204, -0.05612191930413246, 0.9704515933990479, 0.4227222502231598, -0.47151950001716614, 0.06152981147170067, 0.39093416929244995, 0.18476524949073792, -0.46755754947662354, 0.4423813223838806, -1.2293857336044312, -0.2401520162820816, 0.12466395646333694, 0.13881586492061615, 0.31127533316612244, -0.1808551847934723, 0.12943807244300842, -0.43838953971862793, 0.35536274313926697, -0.44833195209503174, 0.2557036280632019, 0.807424008846283, -0.4886886179447174, 0.13069716095924377, -0.07396409660577774, 0.12402497977018356, 0.9013741612434387, -0.42054906487464905, -0.9807910323143005, -1.2492523193359375, -0.5669438242912292, -0.3054484724998474, 1.0908225774765015, -0.36799415946006775, 0.6709144115447998, -0.0256434865295887, -0.20833659172058105, -0.12113020569086075, -0.4390745759010315, -0.9306468367576599, -0.10642336308956146, -0.37736156582832336, -1.1609725952148438, -0.40734925866127014, -0.5426206588745117, 1.1448962688446045, -0.5717360973358154, 0.44720765948295593, -0.39055800437927246, 0.5416528582572937, -0.4311394691467285, 0.4837241768836975, 0.11558002233505249, -0.04749246686697006, -0.14965786039829254, 2.5012404918670654, -0.3325628638267517, 1.3327417373657227, -0.7670816779136658, 0.07180534303188324, -0.25030335783958435, 0.10793618112802505, 1.716382622718811, 0.05589527636766434, -0.3712119460105896, -0.22397176921367645, -0.1172066256403923, -1.0971739292144775, 0.3248678743839264, -0.5848321914672852, -0.5625596046447754, -0.4326815903186798, 0.543400228023529, -1.1135567426681519, -0.9381876587867737, 0.0010078661143779755, 0.28409507870674133, 0.4513903856277466, 0.9469835162162781, -0.8229106068611145, 0.5707488656044006, 0.40658053755760193, 0.2789246141910553, -0.4301530718803406, 0.36593446135520935, -1.3823060989379883, 0.23615796864032745, 1.4851696491241455, -0.1695742905139923, -0.4201718866825104, -0.26162227988243103, 0.5994488000869751, -0.07799764722585678, -0.06685236096382141, 0.06587694585323334, -0.1365109086036682, 0.47911790013313293, 0.49070262908935547, 0.8025398850440979, -0.1608019918203354, -0.7379469871520996, -0.4863470494747162, -0.2791558802127838, -0.6225209832191467, 0.34915220737457275, 0.2810456454753876, 0.6073802709579468, -2.1316845417022705, -0.049340687692165375, -0.028345420956611633, -0.23951652646064758, -0.1718052625656128, -0.788831353187561, -0.07609545439481735, -0.25729644298553467, 0.8516233563423157, 0.00897115096449852, 0.6354387402534485, -0.8007514476776123, -0.6265623569488525, 0.4915139675140381, 0.2366434633731842, -0.03152742609381676, -0.2535865902900696, 1.1208758354187012, 0.17394018173217773, -0.3379625380039215, -0.8207226395606995, -1.2158771753311157, -0.3397621810436249, 2.424220323562622, 0.1273449957370758, -0.6820103526115417, -1.220212697982788, -0.5412075519561768, 0.07847089320421219, -1.1798847913742065, 0.28378546237945557, -0.8496220111846924, -0.5448538064956665, -1.2233530282974243, 0.21512645483016968, -0.47622424364089966, -0.07862959802150726, 0.14569814503192902, 0.42790597677230835, -0.23539361357688904, -0.38677680492401123, 0.020057860761880875, -0.7810367345809937, 0.2854083776473999, 0.7692877054214478, 0.023169687017798424, -1.1127482652664185, 0.23046553134918213, 0.1693306565284729, 0.6524878740310669, 0.25636523962020874, 0.3909497857093811, -0.6881015300750732, -0.33616331219673157, 0.05178055912256241, 1.2008662223815918, -0.4685499668121338, -0.061254099011421204, 0.6597975492477417, 0.6111735701560974, -0.48992955684661865, -0.5291775465011597, -0.20082193613052368, 0.44366931915283203, 1.6051963567733765, 1.3337578773498535, -0.20207008719444275, 1.4455208778381348, -1.1072978973388672, 0.6678702235221863, 0.12925732135772705, -1.038498044013977, -0.19150838255882263, -0.1919439285993576, 0.7596628069877625, -0.20273283123970032, 0.10554087162017822, -0.1843334138393402, -0.364000529050827, -1.209207534790039, -0.531035304069519, -0.4278860092163086, -0.7468540072441101, -1.3841431140899658, -0.23483829200267792, 0.25448596477508545, -0.7115724086761475, -0.5728970170021057, -0.26925182342529297, 0.37682196497917175, 0.32463398575782776, 1.2037216424942017, 1.7590408325195312, 0.07911910116672516, 0.40689656138420105, -0.15500286221504211, 0.19160546362400055, -0.654625415802002, 1.1293060779571533, -0.4102378487586975, 0.10066637396812439, -0.9857015013694763, -0.5617348551750183, -0.48949122428894043, 0.06604451686143875, 0.17854484915733337, -0.10669553279876709, 0.38041046261787415, -0.21275335550308228, -1.5952022075653076, 0.5546622276306152, -0.7174954414367676, 0.4180538058280945, -1.064008116722107, 1.4975686073303223, 0.3829818665981293, 0.28784868121147156, -0.004076437093317509, -0.014626039192080498, 0.06065252050757408, 1.1902003288269043, -0.6775009632110596, 0.7027292251586914, 0.16476702690124512, -0.4406909942626953, 0.402361661195755, 0.22408059239387512, -2.427103042602539, -0.133108451962471, 0.6261195540428162, 0.16449035704135895, -0.5111485719680786, -0.651844322681427, 0.4075055718421936, -0.45291730761528015, -0.41308239102363586, 0.3102668821811676, -0.8993514776229858, 0.5856111645698547, -0.17721784114837646, 0.30621206760406494, 0.5460560917854309, -0.7828199863433838, 0.39680543541908264, 1.0083844661712646, 0.34338846802711487, -0.3718032240867615, -0.4284110963344574, 0.5109939575195312, -1.0329031944274902, 0.5950746536254883, 0.9352026581764221, 0.5315766930580139, 0.9319162368774414, -0.528647780418396, -0.034893255680799484, 0.5805646777153015, 1.2984613180160522, 0.08581389486789703, 0.6866614818572998, 0.15017548203468323, 0.640549898147583, 0.1034640371799469, 1.1977698802947998, 0.2231709361076355, -0.7520718574523926, -0.5397014021873474, -0.002743576653301716, -0.45485782623291016, -0.537816047668457, 1.8739376068115234, 0.8132144808769226, 1.0392146110534668, 0.059657737612724304, 0.6430338025093079, -0.32959526777267456, -0.03945202752947807, 1.1567617654800415, 0.3818996250629425, -0.2414771467447281, 0.1781318187713623, -0.30784010887145996, 0.9608485698699951, -0.2649674117565155, -0.3801959455013275, -0.05880478024482727, 0.7064211964607239, 0.004220966249704361, -0.5982088446617126, -0.4696106016635895, 0.5987862944602966, 0.43603384494781494, 1.5147960186004639, -0.7047969102859497, -0.43653663992881775, -0.3886530101299286, 0.3641914427280426, 0.09501510113477707, 0.6067600250244141, -1.0749679803848267, 0.08444196730852127, 0.5692409873008728, 0.826102614402771, 0.05329781770706177, 0.44161221385002136, 0.5560508370399475, -0.7428614497184753, -0.7824083566665649, 0.0015559755265712738, -1.2141233682632446, -0.25887879729270935, -0.4897903501987457, -0.3949759900569916, -0.5355796217918396, 0.7624551057815552, -0.423762708902359, -0.8983080983161926, 0.29358768463134766, 0.4262826144695282, -1.4656528234481812, 1.207455039024353, 0.5994071960449219, -1.387743592262268, -0.44165921211242676, -0.36875462532043457, -0.43870723247528076, -1.1462897062301636, 0.6768456697463989, -0.032455284148454666, -0.11024964600801468, 0.3157831132411957, 0.7645204067230225, -0.08497582376003265, -0.12312673032283783, -1.1923513412475586, 0.7339750528335571, 1.1732407808303833, -0.9993547797203064, -0.0825740396976471, -0.06722195446491241, 0.40064334869384766, -0.44513219594955444, -1.0423243045806885, -0.4098968803882599, 0.43997010588645935, 0.44875356554985046, -0.5055961012840271, -0.5456772446632385, -0.28436270356178284, -0.19369596242904663, 0.04155666008591652, 1.105820655822754, -1.2263104915618896, 0.583150327205658, -0.6171862483024597, 1.029428482055664, 0.5668599009513855, -0.5059150457382202, -0.700298547744751, 0.9973638653755188, -0.8325457572937012, 0.5448284149169922, 0.23694491386413574, 0.3704544007778168, 0.008119180798530579, 0.39134681224823, 0.8476497530937195, -0.21652525663375854, -12.405508995056152, -0.16154150664806366, -0.3786071538925171, -0.2569510340690613, 0.522270917892456, 0.10439370572566986, 0.9353983402252197, 0.7017412185668945, -0.08176922798156738, -0.20416952669620514, 0.9412113428115845, 1.1007040739059448, 0.15385359525680542, -0.460763156414032, -0.317159503698349, -0.5699059963226318, -0.5016607046127319, -0.2979685366153717, 0.36778807640075684, 0.2829088866710663, -0.5731412768363953, -0.8165737986564636, -0.29067543148994446, 0.1605008989572525, -0.1865951120853424, -0.15769118070602417, 0.06705641001462936, 0.3328647315502167, -0.5927152633666992, -0.17907869815826416, 0.39465275406837463, -0.31401151418685913, -0.7848809957504272, 0.0010882001370191574, 0.4744999408721924, 0.4192224144935608, -0.7257615923881531, -0.03340570256114006, 0.7971514463424683, 0.017813868820667267, -0.4073018431663513, 0.4185068607330322, -0.07639463990926743, -0.17246851325035095, -0.3627493381500244, 0.05196167528629303, 0.07706842571496964, -0.4664994180202484, 0.7419492602348328, -0.9826014637947083, -1.003819465637207, -0.8081057667732239, -1.226459264755249, -0.8957552313804626, 0.7056166529655457, -0.19726182520389557, -0.5119121074676514, 0.03688991442322731, -0.11699892580509186, -0.9460206031799316, 1.1246782541275024, 0.3042323589324951, -0.045595940202474594, 0.3105340898036957, 0.26612672209739685, -0.8469704985618591, 0.5639399886131287, 0.6606454849243164, -0.5720356702804565, 0.5801990032196045, -0.8841546773910522, 0.6905825734138489, 0.34490662813186646, 0.1563166379928589, -0.3252595365047455, -0.17578086256980896, -0.20502713322639465, -0.0026425793766975403, 0.3452346920967102, 0.3476612865924835, -1.0360231399536133, 0.2760392129421234, 0.059198617935180664, -0.1455114185810089, -0.26569831371307373, 0.21153610944747925, -0.05076508969068527, 0.256974458694458, 1.3761531114578247, 0.34011584520339966, 1.5270785093307495, -0.005560295656323433, -0.12378066778182983, -0.4934709370136261, -0.4074602425098419, 1.276187777519226, -0.40828534960746765, 0.7076810598373413, -0.03778824210166931, -0.9882228374481201, 0.46826037764549255, -0.5470061302185059, -0.3968225121498108, 0.22143466770648956, 0.8237475156784058, 0.09174514561891556, 0.35507214069366455, 0.4452730119228363, 0.25993943214416504, 0.1394987255334854, 1.0391408205032349, -0.09526808559894562, -0.24391673505306244, 1.2842941284179688, 0.5275775194168091, 0.7704587578773499, 0.6765071153640747, 0.3496944010257721, 1.2253210544586182, 0.2412542998790741, -0.0518864206969738, 0.6398942470550537, 0.3156990110874176, 1.578680157661438, 0.22485113143920898, 0.49932414293289185, 0.5654487013816833, 0.886447548866272, -0.44750747084617615, -0.9148818254470825, -0.09915879368782043, 0.10475054383277893, 0.28021156787872314, -0.5850884914398193, -0.11814805865287781, -0.34146884083747864, -0.6707032322883606, 1.330626368522644, -0.3630032539367676, 0.27323827147483826, 0.18476469814777374, -1.2978540658950806, -0.5248626470565796, -0.19929689168930054, -0.6163440346717834, -0.014333061873912811, -1.3770695924758911, -0.13429327309131622, 0.1854596734046936, -0.7587631940841675, 0.47328442335128784, -0.05096574127674103, 0.7322600483894348, -0.5358256101608276, -0.41433990001678467, -0.061767831444740295, 0.7991511821746826, -0.5924063920974731, -0.42794644832611084, -0.21619358658790588, 0.20978164672851562, 1.0488134622573853, -1.0304378271102905, 0.8708886504173279, 0.8189007043838501, 0.5854381918907166, -0.8349794745445251, -0.468508780002594, -0.18116495013237, 0.7573202848434448, 0.6276613473892212, -1.4388837814331055, -0.42274636030197144, -0.34029456973075867, -0.25781720876693726, -0.21143817901611328, 0.15750610828399658, 1.0405776500701904, -0.9834778308868408, 0.5392574667930603, -0.28545889258384705, 0.46674054861068726, 0.12031596899032593, -1.0699803829193115, -0.8063808679580688, 0.3393370807170868, -0.2711604833602905, 0.9823338389396667, -0.009045561775565147, 0.40557390451431274, -1.829684853553772, -0.8972958326339722, -0.20027518272399902, 0.08978067338466644, 0.8084434866905212, -0.08672565221786499, 0.8294626474380493, -0.24628178775310516, -0.021100953221321106, 0.07254932075738907, -0.004923450760543346, 0.22075515985488892, 0.2597827911376953, 0.10096357762813568, -0.3648025095462799, 0.10639426112174988, -0.7082542777061462, 0.08233793079853058, 0.145526722073555, 0.01955365389585495, -1.3258520364761353, -0.23296134173870087, 0.23146994411945343, 0.15658944845199585, -0.04708515852689743, -0.7303310632705688, 0.2057483196258545, 0.06309892237186432, -0.08578774333000183, -1.2259013652801514, -0.44726961851119995, 0.7662574648857117, -0.5498863458633423, 1.1502488851547241, 0.2625296115875244, 0.19212442636489868, 0.619566023349762, 0.4178342819213867, 0.945662260055542, -0.22780989110469818, -0.8037376999855042, -0.3947146534919739, 0.23191186785697937, -0.27049148082733154, -0.08747638761997223, 0.7745427489280701, -1.246917724609375, -0.1495453417301178, -1.1568005084991455, 0.7265531420707703, -0.3414455056190491, 0.018161768093705177, 0.020344898104667664, 1.2194167375564575, -0.07159417122602463, -1.0848802328109741, 0.12551605701446533, -0.23940753936767578, -0.0028468985110521317, 0.47183868288993835, 0.5137644410133362, 0.929751992225647, 0.7560142278671265, 0.5456193685531616, 1.0808649063110352, -0.2885718047618866, 0.04887361824512482, 0.16461333632469177, 0.31954702734947205, 1.0207188129425049, 0.6591014862060547, 0.06232478469610214, 0.15199388563632965, 0.06824438273906708, -0.6541101932525635, -0.3856390118598938, -0.3359564542770386, 0.8520976305007935, 1.1369255781173706, 0.17818550765514374, -0.054948050528764725, -1.1146671772003174, 0.15310263633728027, -0.5746095776557922, 0.7892448306083679, 0.9216840863227844, -0.6124678254127502, -1.1836190223693848, -0.6858037710189819, 0.14375153183937073, 1.1151312589645386, -0.6427086591720581, -0.3425266742706299, -0.9318879246711731, 0.3699742555618286, 0.45685601234436035, -0.928939938545227, -1.087052822113037, 0.4649536907672882, -0.3706793785095215, 0.004867590963840485, 0.4617207944393158, -0.6236613988876343, -0.5266735553741455, 0.6408108472824097, -0.7505370378494263, 0.3599087595939636, -0.6143350601196289, -0.8733869194984436, -0.12715202569961548, 0.5701094269752502, -0.05094712972640991, -0.46185067296028137, 0.53598952293396, -0.43549856543540955, -1.3156574964523315, 0.8576920628547668, 0.9758243560791016, -0.33672937750816345, -0.36844027042388916, 0.7043846249580383, 0.3091031312942505, 0.7041007280349731, 0.9175549745559692]} +{"paper_id": "newsph_nli", "embedding": [-0.48846811056137085, 1.022218108177185, 0.17324838042259216, -0.26100367307662964, 0.06261356174945831, -0.5965783596038818, 0.46316614747047424, 0.3370438814163208, 0.663367748260498, 0.8073394298553467, 0.20800358057022095, 0.01921442337334156, -0.39712586998939514, -0.16701115667819977, -0.05925963446497917, -0.2844138443470001, -1.5428375005722046, -0.3414250314235687, -1.5408521890640259, -0.6564240455627441, -0.16564708948135376, -0.32602035999298096, -0.22147682309150696, 0.5172880291938782, -0.6408494710922241, -0.5874775648117065, 0.8762685060501099, -1.134747862815857, 0.662083625793457, 0.3529336452484131, -0.27173319458961487, 1.2026182413101196, -1.5726467370986938, 0.19119524955749512, -0.1642053723335266, 0.26661431789398193, 0.3366009593009949, 1.4094560146331787, -0.04962081462144852, 0.2855091989040375, -1.1875661611557007, -0.04677160456776619, 0.1990533471107483, 0.2727978825569153, 1.008992314338684, -0.17840377986431122, -0.05833282321691513, 0.07150661945343018, -0.22888299822807312, -0.09385939687490463, -0.11732403934001923, -0.2773857116699219, -0.02958010323345661, 0.34265634417533875, -0.3856959044933319, 1.7644422054290771, 0.4377973675727844, -0.8853392601013184, 0.7855034470558167, -0.8863401412963867, 1.6448827981948853, 1.794845700263977, -0.47643232345581055, 0.38495102524757385, 1.1064010858535767, -0.23356333374977112, 1.39456307888031, 0.24695952236652374, 0.46768590807914734, 0.6695065498352051, -0.25180914998054504, -1.0180364847183228, -0.2124706208705902, -0.10223472863435745, 0.2641773819923401, 1.0676525831222534, 0.42855751514434814, 0.6481360197067261, 0.33278387784957886, 0.31662631034851074, -1.3735989332199097, 0.786846399307251, 0.8685913681983948, -1.0831283330917358, -0.18207049369812012, 0.857104480266571, 0.6364951133728027, -0.26361343264579773, 0.32025712728500366, -1.9455769062042236, 0.6692411303520203, 0.2399357706308365, -0.3124019205570221, -0.13190439343452454, -0.2523307204246521, 0.4284917712211609, -0.21279995143413544, -0.25199049711227417, -0.31389543414115906, 0.05546974390745163, 0.7495602965354919, -0.3216302990913391, 0.0941765084862709, -0.027953632175922394, 0.19893676042556763, 1.307563304901123, -0.20731058716773987, -0.267944872379303, -0.9117122888565063, -0.17261263728141785, -0.3390767276287079, 0.9814185500144958, -0.29581552743911743, 0.33042004704475403, -0.3226708173751831, -0.3720442056655884, -0.08426620811223984, -0.7274686098098755, -0.5939748287200928, 0.08668401092290878, -0.529625415802002, -1.6095349788665771, -0.18445175886154175, 0.24202869832515717, 1.047074794769287, -0.8115946054458618, -0.1210990697145462, -0.2713978886604309, 0.917709469795227, -0.21782614290714264, 0.5967146158218384, -0.49850085377693176, -1.2958248853683472, -0.22231082618236542, 3.4683890342712402, -0.6225534081459045, 2.0218138694763184, -0.7244067788124084, 0.2542591094970703, -0.37665435671806335, 0.33730629086494446, 1.1162550449371338, -0.23518624901771545, 0.10147009789943695, -0.6480293869972229, 0.14596779644489288, -0.6449377536773682, 0.04512470215559006, -0.8096871376037598, -0.5073727965354919, -0.1122809499502182, -0.6501771807670593, -1.6028521060943604, -0.5960382223129272, -0.0697660893201828, 0.23218461871147156, -0.07940790057182312, 1.1692122220993042, -0.7199744582176208, 0.9521599411964417, 0.3033597469329834, -0.48384588956832886, 0.07516039907932281, 0.4111223816871643, -0.7440632581710815, -0.04560449346899986, 0.8063958883285522, 0.10423026233911514, -0.3227335214614868, -0.5249034762382507, 0.831602156162262, -0.33404186367988586, -0.28639891743659973, -0.41848668456077576, 0.6419763565063477, 1.024014949798584, 0.25482261180877686, 0.8749741911888123, 0.1488485485315323, -0.1531796157360077, -0.6840360164642334, -0.5075306296348572, -0.3958145081996918, 0.3213917016983032, -0.2449038177728653, 0.6491307616233826, -2.2749626636505127, -0.3153882622718811, -0.048409536480903625, 0.11316295713186264, 0.19089871644973755, -0.41002801060676575, 0.182458758354187, 0.4131857454776764, 0.19151552021503448, -0.19385814666748047, 0.30647656321525574, -0.9874652624130249, -0.2677423357963562, 0.634587287902832, 0.19460424780845642, -0.08867748081684113, 0.38789230585098267, 0.89339280128479, 0.2629840075969696, -0.6058626770973206, -0.5181556940078735, -1.781080961227417, 0.025154292583465576, 3.0165653228759766, -0.5884879231452942, -0.5728282332420349, -1.479948878288269, -0.05376075953245163, 0.30076247453689575, -0.20518237352371216, 0.28598684072494507, -0.7495011687278748, -0.2554398775100708, -0.2519132196903229, 0.40907537937164307, -0.6401128172874451, 0.8753178119659424, 0.6774055361747742, 0.6352767944335938, -0.4163706600666046, -0.7499675750732422, -0.6803608536720276, -1.2295162677764893, 0.5468199253082275, 0.3063332438468933, 0.20289815962314606, -0.7743409276008606, 0.9191256165504456, -0.04947453737258911, 0.7427167892456055, 0.5451456904411316, 0.4838394522666931, -0.4929386377334595, -0.5902751088142395, 0.3324938416481018, 0.7413909435272217, -0.06302230060100555, 0.714146614074707, 0.5636908411979675, 0.8474559783935547, -0.321127325296402, -0.4802052974700928, -0.514910101890564, 0.3507322072982788, 1.0223031044006348, 0.47403785586357117, -0.7073168754577637, 1.3536441326141357, -1.5027732849121094, 0.16931557655334473, -0.950387716293335, -0.7241677641868591, -0.1041066125035286, -0.30014365911483765, 0.5477767586708069, -0.2857709527015686, 0.2744939625263214, -0.636272668838501, -0.2703312635421753, -1.4694747924804688, -0.4326931834220886, -0.49643439054489136, -0.3780403733253479, -1.7551168203353882, -0.22048300504684448, -0.10285447537899017, -0.7555968761444092, -0.9490790963172913, 0.2255319356918335, 0.7428719401359558, 0.4448619782924652, 1.1347588300704956, 1.7855812311172485, -0.33536797761917114, 0.4358617067337036, 0.6997638940811157, 0.6922367215156555, -0.751032829284668, 1.4524885416030884, 0.07181116938591003, 0.5848286151885986, -0.77663254737854, 0.3941364586353302, -0.5718070864677429, 0.3093128800392151, 0.558853268623352, -0.41962191462516785, 0.07025206834077835, -0.32315248250961304, -1.048917531967163, 0.729633092880249, -0.411048948764801, 0.15166255831718445, -0.6914096474647522, 1.7680813074111938, 0.6708811521530151, 0.2656402289867401, 1.1481531858444214, -0.65395587682724, -0.2282303422689438, 1.0603829622268677, -0.8249980211257935, 0.7984881401062012, 0.5643760561943054, 0.4179970324039459, 0.5329745411872864, 0.254614919424057, -2.2731094360351562, 0.4912896454334259, 1.2482160329818726, -0.27577733993530273, -0.7850306630134583, -1.1083074808120728, 0.227386012673378, -0.9964184165000916, -0.054075710475444794, 0.029361264780163765, -0.7088884711265564, 0.32561028003692627, -0.21592816710472107, 0.15864533185958862, 1.8739839792251587, -1.1829698085784912, 1.3227437734603882, 1.3704110383987427, 0.4449051320552826, -0.7175531983375549, -0.6952219009399414, 1.076735496520996, -0.6026953458786011, -0.20239785313606262, -0.4981269836425781, 0.9132662415504456, 1.1613935232162476, -0.1280234158039093, -0.5684027075767517, 0.7534367442131042, 1.1272377967834473, 1.0308164358139038, 0.32796555757522583, -0.9797204732894897, 0.42813464999198914, -0.10542267560958862, 1.1143169403076172, -0.032519660890102386, -0.9449342489242554, -1.3035041093826294, -0.34428438544273376, 0.28720080852508545, -0.8759836554527283, 2.013437509536743, 0.8707290887832642, 1.553818941116333, -0.10179217904806137, 0.4245240092277527, -0.02106618508696556, 0.18051058053970337, 1.0790019035339355, 0.8239288926124573, -0.38202595710754395, 0.06058652698993683, -0.36732321977615356, 1.1260508298873901, -0.6008009910583496, -0.4348851442337036, 0.2787954807281494, 0.7531949281692505, -0.6802747249603271, -0.8708966374397278, 0.5853234529495239, 1.1436837911605835, 0.8925024271011353, 1.539201259613037, -0.3987014889717102, -0.9119977355003357, 0.1502770483493805, 0.48936524987220764, 0.2552456855773926, 0.28623101115226746, -1.1192679405212402, 0.7299731969833374, 0.579207718372345, 0.2627989649772644, -0.2646051049232483, 0.6100828647613525, 1.31496262550354, -0.6728639602661133, -1.1953589916229248, -0.33007386326789856, -0.9250906705856323, -0.10495362430810928, -0.1987195611000061, -0.22543682157993317, -0.5685939192771912, 0.7134990692138672, -0.5176401734352112, -0.9171408414840698, 0.8188594579696655, -0.1146826222538948, -1.3973253965377808, 1.2236169576644897, 0.5810858011245728, -1.278571605682373, -0.45407605171203613, 0.2043580263853073, -0.9504883885383606, -0.898951530456543, -0.1120641753077507, -0.1929798573255539, 0.22587598860263824, -0.12174135446548462, 1.273834228515625, -0.0726437047123909, -0.4798826575279236, -1.5880036354064941, -0.0013752281665802002, 1.616707682609558, -1.024796485900879, 0.544129490852356, 0.8728278279304504, -0.19165416061878204, -0.41121402382850647, -1.062070608139038, -1.0011436939239502, 0.40222808718681335, 0.5601329803466797, 0.3317783772945404, -0.6111900806427002, -1.096134901046753, 0.12316249310970306, -0.41877245903015137, 0.9246305823326111, -1.6308598518371582, 0.12054246664047241, -0.21592214703559875, 0.20030029118061066, 0.04995415359735489, -0.8945261240005493, -0.603725790977478, 1.1940162181854248, -0.3915332555770874, 1.6971138715744019, 0.33607733249664307, 0.10982777178287506, 1.1680750846862793, 0.1377076506614685, 0.01568959280848503, -0.5913041830062866, -9.707844734191895, 0.07225235551595688, -0.3956722319126129, -0.08694041520357132, 0.6165251135826111, -1.0860495567321777, 0.650753378868103, -0.131944477558136, 0.547529399394989, -0.9714961051940918, 0.6766288876533508, 1.3703526258468628, -0.047687828540802, -0.4785877466201782, -0.2652527689933777, -0.7722725868225098, -0.9701666831970215, -0.15871508419513702, 0.2915981411933899, -0.04408681392669678, -0.8360087275505066, -1.1500612497329712, -0.27339819073677063, 0.6091150045394897, 0.47527727484703064, 0.947444498538971, -0.7070241570472717, 0.16599363088607788, -0.6858935952186584, 0.24275559186935425, 0.47348666191101074, -0.6351736783981323, -0.9907415509223938, -1.0302667617797852, 0.5270957946777344, -0.30252987146377563, -1.0153313875198364, 0.08938027918338776, 1.0089880228042603, 0.11160850524902344, -0.22613196074962616, 0.8068768978118896, 0.21629539132118225, -0.11772726476192474, -0.382260262966156, 0.47145915031433105, 0.4271242320537567, -0.49879300594329834, 0.07189781218767166, -0.07157225906848907, -0.5321802496910095, -0.5571403503417969, -0.8610168695449829, -0.9245873093605042, 0.2028760462999344, 0.5687305331230164, -0.7011973857879639, 0.6128832101821899, -0.7354680299758911, -1.0129642486572266, 0.5754671096801758, 0.2797958254814148, -0.48418107628822327, 0.1631450355052948, -0.07282721251249313, -0.7649132013320923, 0.3054454028606415, 0.5148463249206543, -0.4600076973438263, -0.10343144834041595, -0.5089598894119263, 0.8180378079414368, -0.08513383567333221, 0.17894011735916138, -0.22531071305274963, -0.12109462171792984, -0.47162193059921265, -0.16484922170639038, 0.697676420211792, 0.04319629818201065, -1.069699764251709, 0.5679906606674194, 0.44148340821266174, -0.8194876909255981, -0.7210540175437927, 0.271024227142334, 0.20198898017406464, -0.37231913208961487, 0.5888272523880005, 0.48666733503341675, 1.6971412897109985, -0.14231643080711365, -0.027960292994976044, 0.1753646433353424, -0.12908929586410522, 1.2680730819702148, -0.313616544008255, 1.2201263904571533, -0.15018779039382935, -1.2592130899429321, 0.7617713212966919, -0.37072455883026123, -0.4071088135242462, 0.10964332520961761, 0.2172023504972458, 0.1556643545627594, 0.4933573007583618, 0.3819473683834076, -0.4884865880012512, -0.6100093126296997, 0.767815887928009, 0.4215128421783447, -0.21551473438739777, 0.561946451663971, 0.022107481956481934, 1.0660457611083984, 0.7260116934776306, -0.15005020797252655, -0.09366687387228012, 1.6817700862884521, -0.06870171427726746, 0.9875923991203308, 0.1814500242471695, 1.529078722000122, 0.30809420347213745, 0.28845450282096863, 0.2256590723991394, 0.8594867587089539, 0.03730742633342743, -1.5124493837356567, 0.9417175054550171, -0.09959731996059418, -0.05771162360906601, -0.5348013639450073, -0.3982657194137573, -0.21108753979206085, -1.1100577116012573, 1.123999834060669, -0.32366275787353516, 0.2920118570327759, -0.07359664142131805, -0.49816736578941345, 0.29461032152175903, -0.8966584205627441, -0.871367871761322, -0.016270413994789124, -1.5007401704788208, 0.082854263484478, -0.5292242765426636, -0.44829612970352173, -0.1635344922542572, -0.028278809040784836, 0.9474858045578003, -0.7896817326545715, -0.6048522591590881, -0.20047542452812195, -0.007954299449920654, -0.2575130760669708, -0.281920850276947, 0.12902744114398956, -0.04411016404628754, 1.2467960119247437, -0.8552243113517761, 1.1149786710739136, 0.12161456048488617, -0.17971520125865936, -0.6556040644645691, 0.10764048993587494, -1.0574289560317993, 0.20052441954612732, 1.4966697692871094, -0.9339816570281982, -0.6613802909851074, -0.6779244542121887, -1.040825366973877, -0.6411650776863098, 0.714938759803772, 1.307651400566101, -0.4362829923629761, 0.2879965305328369, 0.16501806676387787, 0.6577090620994568, -0.1604195237159729, -0.14865057170391083, -0.14108113944530487, 0.4629949629306793, -0.27181121706962585, 1.2230842113494873, -0.14115570485591888, 1.2429113388061523, -2.12861704826355, -1.3373064994812012, -0.08425652980804443, -0.14101548492908478, 0.28770768642425537, -0.3601539731025696, 1.2860966920852661, 0.30090221762657166, 0.4610370099544525, 0.45966964960098267, 0.330075204372406, 0.7732783555984497, -0.07266905903816223, 0.5438534021377563, 0.21172136068344116, 0.18013940751552582, -0.3455086052417755, -0.0930965393781662, 0.18461894989013672, 0.38970431685447693, -0.927921712398529, 0.32790225744247437, -0.3796793222427368, 0.12298664450645447, 0.4455838203430176, -1.170538306236267, 0.6919562220573425, -0.641524076461792, -0.31062936782836914, -1.5848886966705322, 0.22151300311088562, 1.8438913822174072, -0.30199676752090454, 1.314714789390564, 0.5745828151702881, -0.08242694288492203, 0.3134874403476715, 1.0599639415740967, 1.7020790576934814, -0.5920482873916626, -0.9641523361206055, -0.7078125476837158, 0.590293288230896, -0.09523050487041473, -0.14212393760681152, -0.7046324014663696, -0.6405233144760132, 0.17148873209953308, -0.6693862676620483, 1.2257673740386963, -0.7993889451026917, 0.5380035638809204, 0.1573890894651413, 1.0466389656066895, -0.36188066005706787, -1.582790732383728, 0.5536783337593079, -1.3805952072143555, 0.31772580742836, 0.35926908254623413, 0.8208872675895691, 0.43384599685668945, 0.5114490985870361, 0.10791780799627304, 1.4851405620574951, -0.5415072441101074, -0.028521738946437836, -0.003919705748558044, -0.4519194960594177, 1.4402096271514893, 0.8670096397399902, 0.3856208920478821, -0.202228382229805, -0.7401750683784485, -0.9943435192108154, -0.1668461114168167, -0.5386286973953247, 1.0194523334503174, 0.8028104901313782, -0.23670168220996857, -0.12944982945919037, -0.8834314942359924, 0.8054696321487427, -0.515029788017273, 0.58879554271698, 0.5007500648498535, -0.3796778917312622, -1.1826242208480835, -1.0464683771133423, -0.37557491660118103, 1.026108741760254, -0.32864707708358765, 0.1206308901309967, -0.7451084852218628, 0.462831974029541, -0.08724537491798401, -0.43716180324554443, -1.1500098705291748, -0.0004976553027518094, -0.8139269948005676, -0.622721791267395, 0.7422797679901123, -0.9359005689620972, -0.7950932383537292, -0.2993377447128296, -0.6127947568893433, 0.9664058089256287, -0.1791287660598755, -0.7968699932098389, -0.7094711661338806, -0.13156981766223907, -1.1204968690872192, -0.519112765789032, 0.24776668846607208, -0.2001803070306778, -2.2655909061431885, 1.2203998565673828, 1.1660953760147095, -0.2891940772533417, -0.9030212163925171, 0.09036251157522202, 0.09012703597545624, 0.03728797286748886, 1.9295610189437866]} +{"paper_id": "has_part", "embedding": [-1.2184425592422485, 0.6091904640197754, -0.08235257863998413, -0.23976975679397583, -0.4032418727874756, -0.260060578584671, -0.1798446774482727, 0.35356277227401733, 0.40634220838546753, 0.8051309585571289, -0.2340884804725647, -0.3416617810726166, -0.8932364583015442, -0.07120721787214279, -0.4733051359653473, -0.3300739526748657, -0.44884565472602844, -0.7847927808761597, -0.5537487268447876, 0.19291800260543823, -0.6436067223548889, -1.4625900983810425, -0.38368406891822815, 0.5177720785140991, -0.6248736381530762, -0.21495696902275085, 0.4786241352558136, -0.7851358652114868, 1.0407907962799072, 0.03209403157234192, -0.29069092869758606, 1.559571623802185, -1.4241490364074707, 1.117836356163025, -0.4303849935531616, 0.6072363257408142, 0.4619366526603699, 1.3300552368164062, -0.6353653073310852, -0.6175273656845093, -0.16980096697807312, -0.005580928176641464, 0.6542360782623291, 0.6285367608070374, 0.4581223428249359, -0.40089964866638184, 0.5600679516792297, 0.7067886590957642, 0.2973456382751465, -0.1524123102426529, -0.4535748064517975, 0.7208521962165833, -0.22992897033691406, 0.27153000235557556, 0.01364855282008648, 0.9694965481758118, -0.043112751096487045, -0.5146315097808838, 0.7304224371910095, -0.1057201400399208, 0.4740247428417206, 1.1747143268585205, -0.5443418622016907, 0.2001357525587082, 0.38575541973114014, 0.7509825229644775, 0.9887545704841614, 0.16780738532543182, 0.8124313354492188, 0.27809709310531616, 0.4397345185279846, -0.7428448796272278, 0.7093349099159241, -0.1741381287574768, 0.15236003696918488, 0.18986228108406067, 0.3103107213973999, -0.23923411965370178, 0.7578776478767395, 0.8835670948028564, 0.5853432416915894, 0.29419052600860596, 0.40991780161857605, -0.36272871494293213, -0.30626776814460754, -0.6023924946784973, -0.023996533825993538, -0.8680033683776855, 0.24231895804405212, -1.2434622049331665, 0.3282313942909241, -0.18698236346244812, -0.5794781446456909, -0.5407932996749878, 0.16144320368766785, 0.4622577130794525, -1.0078041553497314, -0.7107171416282654, -0.013877779245376587, 0.7749714851379395, 0.3362305760383606, -1.1086053848266602, -0.021768808364868164, -0.4319436252117157, -0.41025295853614807, 0.9667221307754517, -0.14451205730438232, 0.3188239634037018, -0.8668133020401001, 0.41841524839401245, 0.6544221043586731, 1.374455451965332, 0.10712369531393051, 0.19859176874160767, -1.011610507965088, -0.07554551959037781, -0.2965210974216461, -0.3523513674736023, 0.03307042270898819, 0.5725345015525818, -0.8042329549789429, -0.9799643754959106, 0.17752808332443237, 1.370258092880249, 1.3225330114364624, -0.4734363853931427, 0.07772261649370193, 0.1579948365688324, -0.3340373635292053, -0.2794560194015503, 0.17980673909187317, -0.03999105840921402, -0.4166237711906433, -0.39132797718048096, 2.912484645843506, -0.9893481731414795, 1.2561390399932861, 0.38930052518844604, -0.28762105107307434, -0.7190600633621216, -0.386504203081131, 0.39385098218917847, 1.1039812564849854, -0.5184217691421509, -1.0942418575286865, 0.4837062656879425, 0.2943781614303589, 0.5092962384223938, -0.23625314235687256, 0.05682013928890228, 0.46989741921424866, 0.476042240858078, -1.5405203104019165, 0.016906462609767914, -0.08779893815517426, 0.8956025242805481, -0.09980069100856781, -0.025743646547198296, -0.7383227348327637, 0.6824272871017456, 0.07134578377008438, -0.1769942194223404, -0.4768404960632324, 0.03757557272911072, -0.7505986094474792, 0.07333055883646011, 1.4279732704162598, -0.07846055924892426, -1.2903450727462769, -0.020277030766010284, 0.4154362976551056, 0.3435937762260437, -0.04379585385322571, -0.06985067576169968, -0.8309441208839417, 0.21729734539985657, 0.4903833866119385, 0.5454967021942139, -0.08938819169998169, -0.2693972587585449, -0.6701869368553162, -0.17264576256275177, -0.5138708353042603, 0.27151575684547424, -0.12353336811065674, -0.11870384216308594, -2.287898302078247, 0.23906466364860535, -1.3076932430267334, 0.4718882739543915, 0.43329137563705444, 0.5767939686775208, 0.4934390187263489, 0.9193435311317444, -0.7764785289764404, -0.3931660056114197, 0.4376223087310791, -1.998828649520874, -0.6368391513824463, -0.1516028344631195, -0.6407056450843811, 0.011506364680826664, -0.37628304958343506, 0.7908536791801453, 0.4272952079772949, -0.6697883605957031, -0.27893760800361633, -1.9659125804901123, 0.577023983001709, 1.5409239530563354, 0.24303430318832397, -0.6544027924537659, -1.2417936325073242, 0.1792668253183365, 0.4003066122531891, -0.2798537611961365, 0.3018855154514313, -0.6769719123840332, 0.5471441745758057, -1.0492042303085327, 0.7756952047348022, 0.28846362233161926, 0.4234546720981598, -0.344870388507843, 1.3094635009765625, -1.1647034883499146, -0.3521982729434967, -0.2446548491716385, -0.5576150417327881, 0.7592248916625977, 0.5362610220909119, 0.4229086637496948, 0.4773159623146057, 0.9125893115997314, 0.20614120364189148, 0.4884374737739563, -0.46530836820602417, 0.31522879004478455, -0.9706757068634033, 1.42229425907135, -0.06525328010320663, 0.8056831955909729, 0.07235344499349594, -0.19825150072574615, 0.35661017894744873, -0.5032833814620972, 0.00729665532708168, -0.32777753472328186, -0.11024723947048187, -0.5683797001838684, 1.393855333328247, 0.1211802065372467, 0.2909158766269684, 0.36737754940986633, -0.6357521414756775, 0.20087304711341858, -0.20639970898628235, -0.8545458316802979, -0.23786179721355438, 0.2857639789581299, 1.340436577796936, 0.28813984990119934, 0.257520854473114, -0.18186700344085693, -0.3415875732898712, -1.1274524927139282, 0.022661544382572174, 0.8377543091773987, -0.30715781450271606, -0.7465500831604004, 1.0105268955230713, -0.30462217330932617, -1.4083589315414429, -0.6805920600891113, -0.12026193737983704, 0.10529548674821854, -0.07560504972934723, 0.32861649990081787, 1.010764479637146, -0.21779587864875793, 0.254093736410141, -0.6135835647583008, 1.0724388360977173, -0.851267397403717, 0.4535790681838989, 0.38194984197616577, -0.20783650875091553, -1.5756916999816895, -0.13398855924606323, -0.13358408212661743, 0.7058207392692566, -0.09074223786592484, -0.4333447515964508, 0.3839282691478729, -0.2922188937664032, -0.21193856000900269, 1.7323403358459473, 1.0561274290084839, -1.2784110307693481, -0.7288202047348022, 1.0621832609176636, -0.06798826903104782, -0.2766188681125641, 0.2842475175857544, 0.20141728222370148, 0.19303816556930542, 1.191615104675293, 0.03089010715484619, 0.4495719075202942, 0.1881481558084488, 0.4173145294189453, 0.061756379902362823, -0.47245532274246216, -1.9165011644363403, 0.3753066658973694, 0.2987682521343231, -0.15939049422740936, 0.10192157328128815, -0.378282755613327, -0.08721212297677994, -0.7588852643966675, -0.262259304523468, 0.7673620581626892, -0.2193264216184616, 0.3256026804447174, -0.7951140999794006, -0.6062024235725403, 0.5160685777664185, -0.8174414038658142, 0.44512122869491577, 0.4087442457675934, -0.2941531836986542, -1.174074649810791, 0.4130837619304657, 1.2448723316192627, 0.5612892508506775, 1.1608599424362183, -0.18376857042312622, 1.3608665466308594, 0.5449662208557129, -0.6622346043586731, 0.537150502204895, 0.2707570195198059, 0.10724135488271713, 0.7446466088294983, 0.25007495284080505, -0.20152011513710022, 1.5721882581710815, -0.19361375272274017, 1.0747309923171997, -0.3690471649169922, -0.4226253032684326, -1.1735775470733643, -0.36291754245758057, -0.6109577417373657, -0.8850979804992676, 2.2183828353881836, 0.4126744568347931, 1.5051171779632568, -1.326252818107605, 0.47899600863456726, -0.9857001900672913, 0.0805867612361908, 0.7470232248306274, 0.4841715395450592, 0.10000132024288177, -1.0264286994934082, -0.001492716372013092, 0.5131872296333313, 0.1342526227235794, -0.4984239339828491, -0.46531781554222107, -0.11819840967655182, 0.8011298775672913, -0.1542557030916214, 0.0748114362359047, -0.005217056721448898, 0.3568013906478882, 0.7518174052238464, -0.9543949961662292, -0.25009188055992126, -0.5035017728805542, -0.2987169027328491, 0.6529334187507629, 0.3354310095310211, -1.4885118007659912, 1.0091458559036255, 0.0004759877920150757, -0.06498029828071594, -0.20984944701194763, 1.7351493835449219, 1.249952793121338, 0.010221961885690689, -1.915396809577942, -0.1883123219013214, -0.5265036225318909, -0.24631579220294952, 0.9982684850692749, -0.3898635804653168, -0.03039494715631008, 0.10464002192020416, -0.0015900302678346634, -1.0480012893676758, 0.7848235368728638, -0.6484910845756531, -1.2585053443908691, 0.6713590025901794, 1.0777627229690552, -1.058760643005371, -0.6087020039558411, 0.2468218356370926, -0.553605854511261, -0.8131181001663208, -0.09606914222240448, -0.6219292283058167, 0.7416675686836243, 0.6136597394943237, 0.4178120195865631, 0.0360640250146389, -0.1271200180053711, -0.22018563747406006, 1.1315076351165771, 0.37603238224983215, -0.22926810383796692, 0.1409921944141388, 0.6290910243988037, 0.6545379757881165, 0.5550757646560669, -0.9754929542541504, -0.6635529398918152, 1.3147541284561157, 0.2764188051223755, -0.16240155696868896, -1.2900737524032593, -1.015647292137146, 0.2021724283695221, 0.388815313577652, 0.34903383255004883, -0.8818199038505554, 0.680500328540802, -0.6763361692428589, 0.2537059485912323, 0.699498176574707, -0.8689135313034058, -1.6429497003555298, 1.745307445526123, -0.18251097202301025, 0.2067166268825531, -0.5468713045120239, -0.539000928401947, 2.33217716217041, 0.03353644907474518, -0.0023124031722545624, 0.22930622100830078, -11.683667182922363, 1.1443428993225098, 0.11654026061296463, 0.7669949531555176, 1.364174246788025, -0.28292399644851685, 0.5929083228111267, -0.09118936955928802, 0.9847049713134766, -0.836318850517273, 0.009284097701311111, 0.6627030372619629, 0.4965939521789551, -0.12791483104228973, -0.8606001734733582, -1.6094413995742798, -0.770461916923523, -0.5510916709899902, 0.00785139948129654, 0.23001748323440552, 0.570803701877594, -0.9610773921012878, 0.6083019971847534, -0.5098451375961304, 0.26839983463287354, -0.6189737319946289, -0.20902636647224426, -0.24515393376350403, -0.21735170483589172, 0.05381261557340622, 0.6788994669914246, -0.05843568965792656, -0.36878886818885803, 0.07944643497467041, -0.21467827260494232, 0.3472665250301361, -0.49088823795318604, -0.6617697477340698, 0.8144829869270325, -0.09248415380716324, -0.5721690654754639, 0.42061173915863037, 0.8334768414497375, -0.13441455364227295, -0.9432395100593567, 0.0953943133354187, -0.1233457699418068, -0.5940125584602356, -0.5045322775840759, -0.17370150983333588, -0.2387852668762207, -0.5252984762191772, -0.509958028793335, -0.5396537780761719, 0.23780985176563263, -0.18319806456565857, -0.7382821440696716, 0.636365532875061, -1.455493450164795, -1.4087941646575928, 0.9779447913169861, 0.0021634232252836227, 0.14446806907653809, 0.6655296683311462, 0.15008457005023956, -0.9642282724380493, 0.0883408784866333, 0.4315587878227234, -0.3472854495048523, -0.46707993745803833, -0.1741434931755066, 0.7550683617591858, 0.38845425844192505, 0.2651234567165375, -0.1601722240447998, 0.06370266526937485, -0.16248652338981628, 0.20249420404434204, 0.5885591506958008, 0.09554335474967957, -0.7674139142036438, 0.9922956228256226, -0.09083423763513565, -0.4911852777004242, -1.0476114749908447, 0.38709649443626404, -0.16124555468559265, -0.08767999708652496, 0.20760470628738403, -0.7509626746177673, 0.813469409942627, 0.39852508902549744, -0.3858908414840698, -0.5810460448265076, -0.30845311284065247, 0.7612497210502625, 0.5426769256591797, 0.6871505379676819, 0.6662373542785645, 0.28145840764045715, 0.6150423288345337, 0.2171158492565155, -0.8118127584457397, -0.2925039231777191, 0.49911677837371826, 0.31191977858543396, 0.4156224727630615, -0.07140813767910004, 0.09035232663154602, -0.28853997588157654, 0.6109176874160767, 0.14992406964302063, -0.47297734022140503, 0.8446556329727173, -0.6667355298995972, 0.42821842432022095, 0.5055092573165894, -0.5136702656745911, 0.8848848938941956, 0.5542650818824768, 1.0277557373046875, -0.17088842391967773, 0.3850872218608856, 1.0418148040771484, -0.42282548546791077, -0.2238561362028122, 1.0236023664474487, 0.7489138841629028, -0.6458864808082581, -1.6738680601119995, 0.5520327091217041, 0.6094436049461365, -0.10198373347520828, 0.24071070551872253, -0.6970311403274536, -0.848112940788269, -0.09307898581027985, 1.1506903171539307, 0.35978013277053833, 0.4956662654876709, 0.1995745152235031, -0.1644655019044876, -0.698746919631958, 0.077527716755867, -0.7071157097816467, 0.04462189972400665, -1.4348206520080566, 0.3691861927509308, -0.37043413519859314, -1.105815052986145, 0.14914262294769287, -0.6392142176628113, 0.7356531023979187, -0.21662113070487976, 0.40564650297164917, -0.0492878332734108, -0.06489335000514984, -0.24808460474014282, -0.2524530291557312, 0.676953911781311, 0.5831204056739807, 0.5880538821220398, -1.0538866519927979, 0.5168727040290833, 1.1164482831954956, -0.33690983057022095, -0.734670877456665, -0.29741209745407104, -0.42508944869041443, -0.5097225308418274, 0.3927767276763916, -1.3276386260986328, -0.38105326890945435, 0.40701422095298767, 0.24811308085918427, -0.9091964960098267, 1.0327026844024658, 0.3184157609939575, -0.5449075102806091, -0.24382896721363068, 0.033484190702438354, 0.1724959909915924, 0.60648113489151, -0.6968589425086975, -0.03402375429868698, -0.4913383424282074, -0.06255915015935898, -0.14369428157806396, 0.22671465575695038, 0.633874773979187, -0.7913795709609985, -0.610531747341156, -0.36564022302627563, 0.8139599561691284, 1.1135793924331665, 0.03378748148679733, 1.8444916009902954, 1.1380887031555176, 0.2014312446117401, 1.2778810262680054, 0.31158721446990967, 0.7059744000434875, 0.7477872371673584, 0.43504640460014343, -0.6327080130577087, 0.012818053364753723, -1.2560590505599976, -0.1673584282398224, 0.5371565818786621, 0.9308168888092041, -0.9842451810836792, 0.2555476427078247, 0.6572381854057312, -0.4817468523979187, 0.32076001167297363, -0.5411230325698853, 0.8137115836143494, -0.7674450874328613, -0.583560585975647, -0.44299939274787903, 0.9220715761184692, 0.5350016951560974, -0.49549001455307007, 0.527850329875946, -0.2939552664756775, 0.9106677770614624, 0.4606356620788574, 0.14471282064914703, 0.7155469655990601, 0.11425554752349854, 0.008929955773055553, 0.6726962327957153, 0.13715136051177979, -0.008511155843734741, -0.47632643580436707, -0.7908202409744263, -0.3677019476890564, 0.436668336391449, -0.5581222772598267, 0.5692622065544128, -0.35347986221313477, -0.0654347762465477, 0.35581398010253906, 1.0815101861953735, -1.404676079750061, -1.2757285833358765, -0.5379977226257324, -0.5232520699501038, -0.343783438205719, 0.8513384461402893, 1.1049654483795166, 0.5533682107925415, 0.8356536030769348, 0.7572356462478638, 0.3248773515224457, -0.18749988079071045, 0.09785409271717072, 0.2561505436897278, -0.45952993631362915, 1.3374778032302856, 0.43190133571624756, 0.5389518141746521, 0.11470823734998703, 0.27301496267318726, -0.7692334055900574, -0.6153709888458252, -0.45794567465782166, -0.14556540548801422, 0.1812942773103714, -0.7221323251724243, -0.4171457886695862, -0.3109787702560425, 1.1426913738250732, -0.9084866642951965, 0.3559316098690033, -0.20878468453884125, -0.41920721530914307, -0.48298266530036926, -0.8167489767074585, -0.5551326870918274, 0.5544137954711914, -0.32090771198272705, -0.8770604133605957, 0.7375431060791016, 1.1419438123703003, -0.6132595539093018, -0.2118464708328247, -0.254993200302124, -0.1748887151479721, -0.48836785554885864, 0.5761589407920837, -0.7587020397186279, -1.075688362121582, -1.373984932899475, -0.0130756925791502, -0.7852091193199158, -0.10562849789857864, -0.5014828443527222, -0.5186812877655029, -0.08557122945785522, 0.0757177472114563, -0.6763573884963989, -0.10631977021694183, 0.25783634185791016, 0.270628958940506, -1.6582304239273071, 0.35262221097946167, 1.0060185194015503, 0.2680952250957489, -1.3037464618682861, 0.5481311082839966, -0.07785612344741821, 0.19653332233428955, -0.06608197093009949]} +{"paper_id": "vctk", "embedding": [-0.4430733919143677, 0.8728348612785339, 0.6298101544380188, -0.4570276439189911, 0.5219863653182983, 0.5098395347595215, 0.41842278838157654, 0.7106113433837891, 0.511383593082428, 0.7577536106109619, 0.2315973937511444, 0.35782912373542786, 0.05891020596027374, 0.10809626430273056, 0.034671735018491745, -0.8979873657226562, -1.7154433727264404, -0.08314961194992065, -0.6411442160606384, -0.5116713047027588, -1.0242588520050049, 0.3621888756752014, -0.03544911742210388, -0.1483917534351349, -0.5401755571365356, 0.10398159921169281, 0.1899172067642212, -0.6942176818847656, 0.486960232257843, 0.23369604349136353, 0.3824485242366791, 0.7339995503425598, -0.9544253945350647, 0.27378416061401367, -0.8029371500015259, -0.58936607837677, -0.2861710488796234, 0.2070910632610321, -0.5412037968635559, -0.1729426085948944, -0.44777625799179077, -0.04237521439790726, 1.214625358581543, 0.009782165288925171, 0.9618465304374695, 0.4112040102481842, -0.44644102454185486, 0.430555135011673, -0.5510228276252747, 0.28815484046936035, -0.27908527851104736, 0.5768283009529114, 1.1837860345840454, 0.6324886083602905, -0.6559119820594788, 0.6402629017829895, 0.03306446224451065, -0.6297112703323364, -0.10363642871379852, -1.7499117851257324, -0.0037029553204774857, 1.0360283851623535, 0.36552509665489197, 0.7455788850784302, 0.9532235860824585, -0.49984657764434814, 1.1690735816955566, 0.03586427867412567, 0.4302957057952881, 0.8048288822174072, -0.06211000680923462, -1.1215145587921143, 0.6971688270568848, 0.11646762490272522, 0.8594374656677246, 0.4169049859046936, 0.07838239520788193, 0.03359263390302658, 0.159677654504776, 0.2557171881198883, -0.7565233111381531, 0.7631731033325195, 0.7930639982223511, -0.5176560282707214, -0.3333703875541687, 0.04643583297729492, 0.3688616156578064, -0.26454198360443115, 0.6576956510543823, -0.7844113111495972, -0.09358084201812744, 0.06689338386058807, 0.43017715215682983, 0.20000261068344116, 0.19513344764709473, 0.02294958382844925, 0.3417838215827942, 0.11704812198877335, -0.6316313743591309, 0.04117520526051521, 0.42434972524642944, 0.07660312950611115, 0.7920873165130615, -0.4443151652812958, 0.24182851612567902, 0.8655359745025635, -0.4928889572620392, -0.4255402088165283, -0.40050792694091797, -0.10915236920118332, -0.5443006753921509, 0.8231011033058167, 0.35092854499816895, 0.712304949760437, -0.2049439251422882, -0.24870800971984863, 0.25456079840660095, -0.05369232967495918, -0.6683588624000549, -0.37739527225494385, -0.1411118507385254, -0.6987817287445068, 0.5781267881393433, -0.521935224533081, 1.6222783327102661, -0.3011874854564667, 0.7769068479537964, 0.4798494279384613, 0.4196698069572449, -0.8232358694076538, 0.08004570752382278, 0.3995392322540283, 0.4672563076019287, 0.48198580741882324, 3.3255763053894043, -0.9761552214622498, 1.0860875844955444, -0.8955817222595215, -0.05098729580640793, 0.06637446582317352, 0.20765727758407593, 1.4615262746810913, -0.327062726020813, -0.7019073367118835, -1.1667112112045288, 0.15722276270389557, -0.8194026947021484, 0.6792815327644348, -0.41388121247291565, -0.43426844477653503, -0.26409071683883667, 0.6599223017692566, -0.7595400214195251, -0.925713837146759, 0.44610437750816345, 0.7262583374977112, -0.11840671300888062, 0.6378086805343628, -0.43334051966667175, 0.03672492131590843, 0.7312577962875366, -0.18399964272975922, -0.14888973534107208, 0.8973873257637024, -0.8775622248649597, 0.14396768808364868, 0.7681334614753723, -0.38842448592185974, -0.2746138572692871, -0.4271235167980194, 0.3336825370788574, -0.24481311440467834, 0.09146157652139664, 0.35686802864074707, 0.17530164122581482, 0.3132067620754242, 0.4223402142524719, 0.05673762038350105, -0.6042984127998352, -1.2088193893432617, -0.29573988914489746, -0.3898666799068451, -0.4441518485546112, -0.3835821747779846, 0.8410642743110657, 0.31194695830345154, -1.0556964874267578, -0.32040655612945557, 0.3469080328941345, 0.23911315202713013, -0.4753456711769104, -1.1819192171096802, -0.7112593650817871, -0.2633683979511261, -0.1677488088607788, -0.037923671305179596, 0.6328325271606445, -1.021949291229248, -0.1926749348640442, 0.904888927936554, -0.1689971536397934, -0.3724701702594757, -0.09488718211650848, 0.40781712532043457, 0.8360186219215393, -0.06496813148260117, -0.271016389131546, -0.8775749206542969, 0.058835286647081375, 1.9869506359100342, 0.4634803533554077, -0.9324164986610413, -0.6426071524620056, -0.2820815443992615, 0.2610698938369751, -0.6989240646362305, -0.051340408623218536, -0.836400032043457, -0.3232167959213257, -1.3356724977493286, 0.3305020332336426, -0.05956510454416275, -0.1603008508682251, 0.33276641368865967, 1.269660472869873, -0.7297124266624451, -0.350023478269577, 0.04292754828929901, -0.20851899683475494, 0.07117521017789841, 0.8807887434959412, 0.18373006582260132, -0.43709221482276917, 0.5649214386940002, 0.23930540680885315, 0.16003988683223724, 0.13189038634300232, 0.35486727952957153, -0.40383434295654297, -0.6453251838684082, -0.25190404057502747, 0.7949616312980652, -0.28629499673843384, -0.0052549634128808975, 0.8556503057479858, 0.5764828324317932, -0.18896649777889252, -0.647172212600708, -0.32764607667922974, 0.2417571097612381, 1.5440829992294312, 1.1968309879302979, -0.39164289832115173, 1.7411320209503174, -1.160740852355957, 0.7674009203910828, 0.10558675229549408, -0.6542023420333862, -0.04756582900881767, -1.100387692451477, 0.9049162268638611, -0.8687997460365295, -0.4131985604763031, 0.2649090886116028, -0.5789804458618164, -0.8716944456100464, -0.6779112219810486, -0.16169901192188263, -0.545430600643158, -1.1446442604064941, -0.44590187072753906, 0.3923736810684204, -0.3916533589363098, -0.6783981919288635, -0.3979898691177368, 1.1154733896255493, 0.4253775477409363, 0.7155884504318237, 1.4774025678634644, -0.4413827359676361, 0.17133867740631104, -0.3503917157649994, 0.07802718877792358, 0.12092781066894531, 0.18089404702186584, -0.3370238244533539, -0.07810613512992859, -0.5146329402923584, -0.7731773853302002, -0.46439439058303833, 0.4630182385444641, 0.051784105598926544, -0.0343802310526371, 0.48125725984573364, -0.6762456893920898, -0.4467765688896179, 0.8671058416366577, -1.0298583507537842, -0.12743544578552246, -0.774523138999939, 1.2030141353607178, 1.4149155616760254, -0.13903306424617767, 0.11221803724765778, -0.8620432615280151, 0.9963231086730957, 1.0297670364379883, -0.5610579252243042, 0.28921595215797424, 0.0775008350610733, -0.5273381471633911, 0.3170526623725891, 0.6379584074020386, -2.238081932067871, 0.08041197061538696, 1.4746052026748657, 0.18568548560142517, 0.10919436812400818, -0.8101895451545715, -0.119286447763443, -0.3561059832572937, -0.0965956449508667, 0.14659510552883148, -0.7404171824455261, 0.9072653651237488, -0.5753149390220642, 0.15331265330314636, 0.3850994408130646, -1.4170013666152954, 0.2686370611190796, 0.3164536952972412, 0.5698578357696533, -1.0126588344573975, 0.16842201352119446, 0.8014290928840637, -0.8649883270263672, 1.0679612159729004, 0.8685933351516724, 0.289395272731781, 1.3492252826690674, -0.5688340067863464, -0.5093413591384888, 0.32939040660858154, 0.6098152995109558, -0.30722054839134216, 0.48055824637413025, 0.10634694248437881, 0.672365128993988, -0.21383723616600037, 0.34268704056739807, 0.8264690637588501, -0.929754376411438, -0.1863427609205246, -0.1869324892759323, -1.219703197479248, -0.6853141784667969, 1.02008855342865, 0.8733389973640442, 1.4925768375396729, 0.18612216413021088, 0.7415629029273987, -0.5338292121887207, 0.02350330352783203, 0.8251280784606934, 0.14768043160438538, 0.19216741621494293, 0.02991451323032379, 0.1231015995144844, 0.28599774837493896, 0.14228588342666626, -0.24373209476470947, 0.08339773863554001, 0.7472583651542664, -0.25219714641571045, -0.4903477430343628, -0.004680115729570389, 0.2239188849925995, 0.7159498333930969, 2.0126023292541504, -0.2937205731868744, -0.6320075988769531, -0.19903074204921722, 1.3092682361602783, 0.39076873660087585, 0.42845618724823, -0.9939006567001343, 0.11042023450136185, 0.31734326481819153, 0.7519187927246094, -0.36917489767074585, 0.46661296486854553, -0.012854836881160736, -0.9746932983398438, -0.5062813758850098, -0.2104025036096573, -1.579986333847046, -0.015475437045097351, -0.16068214178085327, -1.0149379968643188, -0.49075961112976074, 0.25994744896888733, 0.024563193321228027, -0.7357206344604492, 0.5517294406890869, 0.13971002399921417, -0.5376363396644592, 1.1263923645019531, 1.2089375257492065, -1.509160041809082, -0.5994431376457214, -0.5697574615478516, -0.6957554817199707, -0.5476745963096619, 0.9153239130973816, -0.32989487051963806, 0.27172383666038513, -0.6308133006095886, 1.1198790073394775, 0.12640124559402466, 0.12104110419750214, -1.0139840841293335, 0.6442031264305115, 1.071640133857727, -0.4288429021835327, 0.12338724732398987, -0.3632409870624542, 0.4179198145866394, 0.3560681939125061, -1.076257348060608, -0.18795105814933777, 0.06835232675075531, 0.6238971948623657, -0.7582750916481018, -0.5543516278266907, 0.3083460032939911, -0.393825888633728, 0.2498706728219986, -0.2299487292766571, -1.4544976949691772, 0.4685570001602173, -0.18715715408325195, 0.5795650482177734, 0.8827997446060181, -0.4177943468093872, -0.5616105794906616, 0.2390913963317871, -0.8108107447624207, 0.12859408557415009, 0.12426532804965973, 0.0007208250463008881, -0.0961911678314209, 0.7632438540458679, 0.608177125453949, 0.04724482446908951, -12.74906063079834, 0.6659286618232727, -0.7651183009147644, 0.28227663040161133, 0.3852277398109436, 0.040079694241285324, 0.4318455457687378, 0.44323834776878357, 0.6945526599884033, -0.9050343632698059, 0.38046133518218994, 0.42250022292137146, -0.14688515663146973, -0.28600049018859863, -0.20067834854125977, -0.9281310439109802, -1.3067333698272705, -0.499286949634552, 0.3724170923233032, 0.15715432167053223, -0.3502478003501892, -0.9895139932632446, 0.23222504556179047, 0.01020597480237484, 0.024076204746961594, -0.11582347750663757, 0.3191928267478943, -0.1576043665409088, -0.7490343451499939, 0.4479959309101105, 0.12877100706100464, -0.18008166551589966, -0.6882686614990234, 0.021118907257914543, 0.4610958695411682, -0.18148460984230042, -1.44223952293396, -0.7136244177818298, 0.2913491427898407, 0.4854498505592346, 0.2881099581718445, 0.277505099773407, -0.4415801465511322, -0.9063529968261719, -0.2222272753715515, -0.31109851598739624, 0.24842384457588196, -0.21783758699893951, 0.47887545824050903, 0.049911148846149445, -0.5094595551490784, -0.44510000944137573, -0.5640344023704529, -0.6351704001426697, 0.5138126611709595, 0.1303502470254898, -0.9391928911209106, 0.5137816667556763, -0.6293352246284485, -0.8360109329223633, 1.2536232471466064, 0.5651870965957642, -0.49695831537246704, 0.8129480481147766, 0.8763224482536316, -0.43315017223358154, 0.02106032893061638, -0.028256990015506744, 0.33390241861343384, 0.09329661726951599, -0.7672255039215088, 1.224034309387207, 0.41933929920196533, 0.21831384301185608, -0.1099311038851738, -0.42647331953048706, 0.22865009307861328, -0.9573199152946472, 0.288613885641098, 0.9684427976608276, -0.41150128841400146, 0.6685627102851868, -0.04418395087122917, -0.22985565662384033, -0.5525041222572327, 0.16001839935779572, 0.07861042022705078, -0.6123015284538269, 0.8875985145568848, 0.5941939353942871, 0.6697888374328613, 0.5995144248008728, -0.5840607285499573, 0.235855370759964, -0.22863134741783142, 1.1789093017578125, -0.15919524431228638, 0.920249342918396, -0.5562809705734253, -0.18012776970863342, 0.1831960678100586, -0.24026799201965332, -0.4352305829524994, 0.20655663311481476, 0.43467384576797485, -0.6339303255081177, -0.07023900002241135, -0.22269931435585022, 0.559308648109436, 0.22024551033973694, 1.025768756866455, -0.6062459349632263, -0.10737280547618866, 0.26942598819732666, 1.0183079242706299, 0.836617648601532, 0.8391648530960083, 0.6007547974586487, 0.8417192101478577, 0.7333816885948181, -0.20795303583145142, 0.4665002226829529, 0.3182476758956909, 1.4670629501342773, 0.3308866322040558, 0.16491174697875977, -0.17760628461837769, -0.01260812021791935, -0.6255383491516113, -0.733690083026886, -0.19820654392242432, -0.11532191932201385, 0.6331032514572144, -0.695525586605072, 0.72271329164505, -1.0236313343048096, -0.7259059548377991, 1.013826847076416, -0.6490576267242432, 0.32671359181404114, -0.30410099029541016, -1.239254355430603, -0.7598803639411926, -0.45206713676452637, -0.24230018258094788, 0.7340832948684692, -1.692996621131897, -0.366127073764801, -0.5068072080612183, -0.3061180114746094, 0.6154384613037109, 0.16597306728363037, 0.8400808572769165, -0.7961731553077698, 0.1357184648513794, 0.7952191829681396, 0.7078328132629395, -0.021738946437835693, -0.3146461546421051, -0.5462815165519714, 0.5008108019828796, 0.524473249912262, -1.273642659187317, 0.6213012933731079, 0.5955816507339478, 0.15894627571105957, -0.3465794026851654, -0.3011474013328552, -0.10479201376438141, 0.46842002868652344, 0.6355478763580322, -1.5706099271774292, -0.5061848163604736, -0.895573079586029, -0.06630056351423264, -0.24577899277210236, -0.26858317852020264, 0.8656588792800903, -1.0780177116394043, 0.16708925366401672, -0.08815771341323853, 0.5448419451713562, 0.08448813855648041, -0.8132154941558838, -0.7738676071166992, 0.5016351938247681, -0.03721471503376961, 0.7344672083854675, 0.31723910570144653, 0.11254467070102692, -1.3940778970718384, -0.9269744157791138, -0.7054016590118408, 0.5384496450424194, 0.48465561866760254, -0.04006192460656166, 0.6978369355201721, 0.5673766732215881, 0.1196439266204834, -0.18307827413082123, -0.0065409112721681595, 0.380569726228714, -0.12329760193824768, -0.5164376497268677, -0.6243283748626709, -0.5566579103469849, -0.2889154851436615, -0.36509424448013306, 0.47342240810394287, -0.20726260542869568, -1.4830913543701172, -0.2803143858909607, 0.07606734335422516, -0.030058201402425766, 0.37125492095947266, -0.49959805607795715, -0.22143366932868958, 0.2522364854812622, -0.33508458733558655, -0.7995857000350952, -0.4827417731285095, 0.8158841729164124, -0.1953500658273697, 0.9721366763114929, -0.18595699965953827, 0.41546139121055603, -0.006235694047063589, 0.38228845596313477, 1.3215025663375854, -0.2854946553707123, -0.34904831647872925, -0.29926609992980957, -0.16290728747844696, 0.1454213261604309, 0.07846255600452423, 0.2634149193763733, -1.349204659461975, -0.0016549751162528992, -1.1350139379501343, -0.2867170572280884, -0.5321133136749268, 0.27129364013671875, 0.24139899015426636, 0.5799767374992371, 0.14813987910747528, -1.0589507818222046, -0.025343667715787888, 0.2401963472366333, -0.10918959975242615, -0.23372313380241394, 0.31745389103889465, 0.8192017674446106, 0.8536556363105774, 0.021972529590129852, 0.8090418577194214, 0.1492861956357956, 0.347905695438385, 0.07702457159757614, 0.9391462206840515, 1.2028534412384033, 0.6927860379219055, 0.06954523175954819, 0.6773656606674194, 0.1383036971092224, -0.1617625653743744, 0.1810116022825241, -0.8406206965446472, 0.3073229193687439, 1.0675008296966553, -0.22403551638126373, -0.46639811992645264, -0.5075609087944031, -0.5447218418121338, -0.2173634022474289, 0.373277872800827, 0.5267744660377502, -0.8043177127838135, -0.28380635380744934, 0.0664232075214386, 0.3101150393486023, 0.8005298376083374, 0.11839413642883301, -0.7570486664772034, -0.8236613869667053, -0.10062430799007416, 0.3589248061180115, -0.6692639589309692, -0.7368095517158508, 0.5538457036018372, -0.8718848824501038, 0.2012924700975418, 0.5282028913497925, -0.3095023036003113, -0.9598652124404907, 0.522972822189331, -0.38152429461479187, 0.5568062663078308, -0.12414538860321045, -1.098132610321045, 0.020050697028636932, 0.08674684166908264, 0.19087255001068115, -0.18535540997982025, 0.8776234984397888, -0.7699640989303589, -1.0552353858947754, 1.261201024055481, 0.4985126852989197, -0.31150731444358826, -0.36144015192985535, 0.5197975039482117, 0.5533032417297363, -0.15061290562152863, 1.061694860458374]} +{"paper_id": "fake_news_filipino", "embedding": [-0.5965421795845032, 0.876717746257782, -0.14691653847694397, 0.20337489247322083, 0.42964741587638855, 0.4644647538661957, 0.6543337106704712, 0.1520884484052658, 1.3867197036743164, 0.8374059796333313, 0.5362482666969299, 0.37484222650527954, 0.4639790952205658, -0.2504151165485382, -0.17599639296531677, -0.010959025472402573, -0.35348081588745117, -0.3240532875061035, -0.19240768253803253, -0.03302896022796631, -0.48834580183029175, -0.4324554204940796, -0.053943533450365067, 0.08331923186779022, -0.7590042948722839, -0.2788795828819275, 0.6844182014465332, -1.180156946182251, 0.09089946746826172, 0.954455554485321, 0.2731894254684448, 0.873967707157135, -2.072812080383301, 0.4327189028263092, -1.0764838457107544, -0.6959298253059387, 0.2454071342945099, 0.695284903049469, 0.11309828609228134, -0.5533620715141296, -0.9981590509414673, 0.24187272787094116, 0.5281403660774231, 0.5995922684669495, 0.8233540058135986, -0.23327532410621643, 0.5081838369369507, -0.7309494614601135, -0.11567747592926025, 0.13557998836040497, -0.25710612535476685, 0.2480025589466095, -0.04510459303855896, 1.0048308372497559, -0.9958679676055908, 0.9859324097633362, -0.27081483602523804, -0.4847142994403839, 0.34998443722724915, -1.188381314277649, 1.8305786848068237, 1.4824491739273071, -0.10467568039894104, 0.27529630064964294, 0.8837916254997253, -0.4740986227989197, 1.4245084524154663, 0.34280967712402344, 0.2597809433937073, 0.5966414213180542, -0.5302718877792358, -1.4357093572616577, 0.32524314522743225, -0.4844624698162079, -0.5912357568740845, 0.6809067726135254, -0.07099289447069168, 0.0670129582285881, -0.08344382047653198, -0.028271054849028587, -0.4330979287624359, 0.541764497756958, 0.12988421320915222, -1.0114229917526245, 0.09377999603748322, 0.1296057105064392, -0.007341019809246063, -1.162591814994812, 0.7508953213691711, -1.454952359199524, 0.7973489165306091, -0.11942629516124725, 0.05527516454458237, 0.2941639721393585, -0.6660827398300171, 0.621141254901886, -0.7144032120704651, -0.11400001496076584, -0.9540120363235474, 0.3277522921562195, 0.9926088452339172, -0.6274223327636719, 0.6277408599853516, -0.4304324686527252, 0.5359031558036804, 0.7489839196205139, -0.5630558729171753, -0.4471101760864258, -0.7211043834686279, -0.46529701352119446, -0.21922563016414642, 1.4904264211654663, -0.6666945815086365, 0.6451864838600159, 0.016729112714529037, -0.3410544991493225, 0.21437501907348633, -0.34781521558761597, -0.9318973422050476, 0.16765731573104858, -0.4221321940422058, -1.5845657587051392, -0.625234842300415, 0.23513011634349823, 0.7338653802871704, -0.47068706154823303, -0.21651849150657654, -0.9075416922569275, -0.13439247012138367, -0.14599721133708954, 0.8333203792572021, -0.05917782709002495, -1.4217054843902588, 0.07906018197536469, 3.0079843997955322, -1.117769479751587, 1.9241276979446411, -0.7873781323432922, 0.008250615559518337, -0.7177389860153198, -0.2950606346130371, 1.5267386436462402, -0.061597637832164764, -0.7995718121528625, -1.0850856304168701, -0.3315518796443939, -0.5282703042030334, 0.13308823108673096, 0.24039623141288757, -0.5547913312911987, 0.15546520054340363, 0.8054808974266052, -0.8220124840736389, -1.0792717933654785, -0.0013273358345031738, 0.403244286775589, -0.566784679889679, 0.6709269881248474, -0.7527815699577332, 0.6675944924354553, 0.623036801815033, 0.05155904218554497, 0.6273500919342041, 0.7879944443702698, -0.5313229560852051, 0.363331139087677, 0.8345040678977966, 0.3549361526966095, -0.13807913661003113, 0.13024362921714783, 0.971042275428772, -0.5003872513771057, -0.6022918224334717, -0.3482552766799927, -0.0846259742975235, 0.4209577441215515, 0.688704788684845, 0.48969802260398865, 0.2326192408800125, -0.3837644159793854, -1.0410929918289185, 0.05479782447218895, 0.01113409548997879, 0.7976816892623901, -0.052143558859825134, -0.5228866338729858, -1.7142640352249146, -0.601283609867096, -0.37627899646759033, 1.0935505628585815, -0.05230123549699783, -0.785741925239563, -0.379152774810791, 0.8666614294052124, 0.11687308549880981, -0.6168246269226074, 0.4667029082775116, -0.6447724103927612, 0.1840929090976715, -0.03663249313831329, 0.7070552110671997, -0.9680114388465881, -0.33260419964790344, -0.23437200486660004, 0.6020669937133789, -0.15717732906341553, -0.2771639823913574, -1.7518153190612793, 0.7046730518341064, 1.9422186613082886, 0.41417214274406433, -1.2449642419815063, -0.7048993706703186, -0.11361689120531082, 0.537911057472229, -0.6110986471176147, 0.7213561534881592, -0.9936739802360535, -0.15056955814361572, -1.399837851524353, 0.09785237908363342, -0.04220966994762421, 0.6636115312576294, 0.8958409428596497, 0.44741585850715637, -0.5388835668563843, -0.5310380458831787, -0.9490712285041809, -0.9216939806938171, 0.764401912689209, 0.7668072581291199, -0.04993056133389473, -0.1370624452829361, 0.994830310344696, -0.01570267230272293, 0.27119898796081543, 0.9265589118003845, 0.5049150586128235, -0.4554953873157501, -0.5886034369468689, -0.22110596299171448, 0.2996833324432373, 0.0525517612695694, -0.05793226510286331, 0.34744590520858765, 0.6947702765464783, -0.10995519161224365, -1.1095174551010132, -0.6218432784080505, 0.15053218603134155, 1.037834644317627, 0.8048641085624695, -0.8749887347221375, 0.5735652446746826, -0.7638766169548035, -0.2342667281627655, -0.08168818056583405, -0.3810756802558899, 0.3303004503250122, -0.3184915781021118, 0.5840811133384705, -0.5417241454124451, -0.053820062428712845, 0.24357594549655914, 0.004906974732875824, -1.0978325605392456, -0.653695285320282, -0.011294521391391754, -0.5969769954681396, -1.4982950687408447, -0.40663468837738037, -1.132830023765564, -0.7602042555809021, -1.184586524963379, 0.5187638998031616, 0.397227942943573, -0.14222660660743713, 0.23695382475852966, 1.171485185623169, 0.3166368305683136, 0.5518817901611328, -0.34475958347320557, 1.2410956621170044, -0.08603259921073914, 0.7450467348098755, 0.8197847008705139, 0.8308181166648865, -0.2864970266819, -0.4564046561717987, -0.7294673919677734, 0.24329841136932373, 1.3520885705947876, -0.4669756293296814, 0.8179377317428589, 0.12062975764274597, -0.19040346145629883, 1.6408907175064087, -0.12434633076190948, 0.5901437997817993, -0.36127936840057373, 1.5575730800628662, 0.5175730586051941, -0.4988342523574829, 0.6866788268089294, -0.6435976028442383, -0.09061102569103241, 0.8236820697784424, -1.5968847274780273, 0.017434265464544296, 0.5151635408401489, 0.009976239874958992, 0.4428028166294098, 0.3010373115539551, -2.0037381649017334, 0.14450131356716156, 0.5162461996078491, -0.7316523194313049, -0.7373980283737183, -0.3906443417072296, 1.2337043285369873, -0.7113329768180847, -0.4580758810043335, -0.008664824068546295, -0.43284982442855835, -0.058919426053762436, -0.17653581500053406, 0.649904191493988, 0.34592047333717346, -0.6996410489082336, 0.7435275912284851, 0.4940129220485687, 0.7017486691474915, -0.1740475445985794, -0.28402072191238403, 0.8975831270217896, -0.8384903073310852, 0.166414275765419, -0.017383553087711334, 0.5089486241340637, 1.5082948207855225, -0.49782323837280273, -0.2602147161960602, 1.2574348449707031, 0.6557440757751465, -0.02625568024814129, -0.03664994612336159, -0.052522994577884674, 0.6461901068687439, 0.2159760594367981, 1.3383251428604126, -0.008121877908706665, -0.3365424871444702, -1.5105948448181152, -0.045331016182899475, 0.5256820321083069, -0.6595373749732971, 1.2230514287948608, 0.2375953495502472, 0.7461708188056946, 0.5695720911026001, 0.8801002502441406, -0.3041186034679413, 0.2864167094230652, 1.444624662399292, 0.5610334873199463, 0.10418249666690826, -0.4038461744785309, 0.4923335015773773, 1.3852442502975464, -0.02601402997970581, -0.34744107723236084, 0.34423011541366577, 1.423079013824463, -0.4384835958480835, -0.4271566867828369, 0.09885574877262115, 0.22793656587600708, -0.01696774922311306, 1.1865099668502808, -0.06278011947870255, -0.5689740180969238, -0.0011946894228458405, 0.4908784329891205, 0.9795588254928589, 0.346158891916275, -0.5634267926216125, 0.2692528963088989, 0.499037504196167, 1.4113997220993042, -0.4201834797859192, 0.2519146502017975, 0.39286044239997864, -0.032124802470207214, -0.22549426555633545, 0.10311788320541382, -0.6898162961006165, -0.4165515899658203, -0.024896718561649323, -0.15970896184444427, -0.2760055661201477, 0.7758326530456543, -0.28092169761657715, -1.2324403524398804, 0.6237450838088989, -0.06362628936767578, -0.15110363066196442, 0.14693014323711395, 0.6924411058425903, -1.1514946222305298, -1.0505601167678833, -0.4771449565887451, -0.8587806224822998, -0.5614949464797974, 0.1508932262659073, -0.8198527693748474, 0.855229914188385, -0.02384263649582863, 0.7357447743415833, -0.08136269450187683, -0.5411924719810486, -0.8693283796310425, 0.5728527307510376, 1.693141222000122, -0.7787957191467285, 0.7621594667434692, 0.3118182420730591, 0.214349165558815, 0.22117948532104492, -1.2973606586456299, -0.26354923844337463, 0.49106520414352417, 0.583179235458374, 0.8009847402572632, -0.8043359518051147, -0.39369434118270874, 0.24257910251617432, -0.10774398595094681, 0.9769232273101807, -1.391253113746643, 0.25464364886283875, -0.31987228989601135, 0.5104660391807556, 0.4052311182022095, -0.5912619233131409, -1.0277371406555176, 1.2186181545257568, -0.6034926772117615, 1.4528995752334595, -0.6339341402053833, -0.1649906188249588, 1.7060484886169434, 1.0290842056274414, 0.8626182675361633, -0.42229071259498596, -10.942785263061523, 0.43624570965766907, -0.6928888559341431, 0.3200283646583557, 0.544383704662323, -0.8297790884971619, 0.5962024927139282, 0.3435727059841156, 0.730445146560669, -0.7680137753486633, 0.572637677192688, 1.4979732036590576, -0.01932680234313011, -0.967843234539032, -0.5278722643852234, -0.7008355259895325, -1.0883994102478027, -0.4937964677810669, 0.11727932095527649, -0.10905257612466812, -0.5598025918006897, -1.240653157234192, -0.09707152843475342, -0.11356036365032196, 0.4705939292907715, 0.4976707994937897, -0.3080601394176483, -0.07054433971643448, -0.8271647691726685, 0.5935070514678955, 0.7782387137413025, -0.4324670732021332, -0.41260892152786255, -1.047782301902771, 0.9854384064674377, -0.05012326315045357, -0.9936344027519226, -0.26860636472702026, 0.8415836691856384, -0.19945880770683289, -0.15082505345344543, 0.6341110467910767, 0.07733139395713806, 0.01650351844727993, 0.11801915615797043, 0.004849791526794434, -0.0723591074347496, -0.5413500666618347, 0.026652295142412186, -0.1661585420370102, -0.4420475959777832, -0.37605297565460205, -1.4120428562164307, -0.8053261637687683, 0.9939960837364197, 0.2830086052417755, -1.063659906387329, 0.4076124131679535, -0.5667515993118286, -1.57172429561615, 0.9330418109893799, -0.41785961389541626, -0.34668922424316406, 0.4251689314842224, 0.2857455313205719, -0.5873634219169617, 0.9571025371551514, 0.07004048675298691, 0.24306023120880127, 0.5911505222320557, -0.37723320722579956, 1.2966057062149048, 0.30928871035575867, -0.7265688180923462, -0.14321395754814148, -0.30786195397377014, -0.1995905637741089, 0.509650468826294, 0.9790951609611511, 0.18561312556266785, -1.4052659273147583, 0.38832053542137146, -0.5756698846817017, -0.4363921284675598, -0.5036194920539856, 0.2502535283565521, -0.20199629664421082, -1.0769931077957153, 0.820587158203125, 0.052371181547641754, 0.6002507209777832, -0.2899722754955292, -0.14495447278022766, 0.48912689089775085, -0.663332998752594, 0.8257010579109192, -1.404826045036316, 0.3609411418437958, 0.07617808878421783, -0.8126682043075562, 0.6503231525421143, 0.29149505496025085, -0.7627562284469604, 0.8186495900154114, 1.0971872806549072, 0.03155922144651413, -0.025293558835983276, 0.3356671929359436, -0.35179945826530457, 0.3310333788394928, 0.16047653555870056, 0.2765331566333771, -0.031154043972492218, 0.5005104541778564, 0.05160507559776306, 1.1551934480667114, 0.943246066570282, -0.21602627635002136, 0.25065165758132935, 0.9950143694877625, -0.7805843353271484, 0.7208489179611206, 0.16164423525333405, 1.0983775854110718, -0.32889026403427124, 0.7458090782165527, -0.11244675517082214, 0.349081426858902, 0.9521414637565613, -1.9420007467269897, 0.7036837935447693, -0.8761157393455505, 0.39409974217414856, -0.8281968235969543, -0.27450233697891235, -0.4167536199092865, -1.0289641618728638, 1.2662771940231323, -0.8828580975532532, 0.02226555533707142, -0.1501803696155548, -0.4556640386581421, -0.016399942338466644, -0.9512013792991638, -0.7538378834724426, 0.039295367896556854, -1.0120511054992676, 0.45761337876319885, -0.7164743542671204, 0.05938549339771271, 0.17813320457935333, -0.4804078936576843, 0.9022654294967651, -1.0236825942993164, -0.8816272020339966, 0.19520428776741028, 0.39199674129486084, -0.7652373313903809, -0.4959218502044678, -0.6522523760795593, 0.31993699073791504, 1.507555365562439, -0.9391523003578186, 0.8191300630569458, 0.16779877245426178, 0.23603655397891998, -0.5777939558029175, 0.41674405336380005, -0.04980798065662384, 0.23892802000045776, 1.4126869440078735, -0.7467185854911804, 0.14923208951950073, -0.6468414068222046, -0.5241972208023071, -0.6917932033538818, 1.133441686630249, 1.2980611324310303, -0.6445796489715576, 0.09685887396335602, -0.12448884546756744, 0.6400780081748962, -0.2097356766462326, -0.2593877613544464, -0.013740375638008118, 0.3879127502441406, -0.13791900873184204, 1.2942390441894531, -0.5610880851745605, 0.4432283639907837, -1.9985843896865845, -1.1096444129943848, -0.43126553297042847, -0.9469990134239197, 0.31417807936668396, 0.34541213512420654, 0.3682653307914734, -0.16626684367656708, 0.3601226508617401, -0.6099693179130554, -0.06561873853206635, 0.8261728286743164, 0.37454429268836975, 0.3286783993244171, -0.03229363262653351, -0.5452762842178345, -0.3052183985710144, -0.24334682524204254, -0.20355574786663055, -0.12113077193498611, -1.38655686378479, 0.03985299915075302, 0.27015089988708496, -0.38138654828071594, 0.01310434564948082, -0.2704046964645386, 0.29104846715927124, -0.5719645023345947, 0.14388933777809143, -1.3604989051818848, 0.28334203362464905, 1.210416316986084, -0.3216795325279236, 1.6122056245803833, -0.05608466640114784, 0.7708113789558411, 0.6500865817070007, 1.0421128273010254, 1.295127034187317, -0.36449703574180603, -0.9422080516815186, -0.48543286323547363, -0.33795085549354553, 0.049762167036533356, 0.5461641550064087, 0.6022903323173523, -1.2364287376403809, 0.8694047331809998, -0.8535618782043457, -0.09988462179899216, -0.3856048583984375, 0.33685415983200073, 0.5293799638748169, 0.9425857067108154, -0.798118531703949, -1.2402818202972412, -0.25473713874816895, -1.4125310182571411, -0.22271934151649475, 0.025799710303544998, 0.8260955214500427, 1.0504053831100464, 0.7278242707252502, -0.29069679975509644, 1.6441740989685059, -0.30199551582336426, -0.5730648636817932, 0.4872743785381317, 0.15172497928142548, 1.3236324787139893, 0.5415564775466919, -0.38374924659729004, 0.16617228090763092, -0.005882434546947479, -0.44172176718711853, -0.7520703673362732, -0.07167991995811462, 0.8621151447296143, 0.6900342702865601, -0.45951592922210693, 0.19343264400959015, -0.3311752676963806, -0.7784463167190552, -0.8873224854469299, 0.5234218239784241, 0.24752233922481537, -0.15386639535427094, -1.1162455081939697, -0.5472606420516968, -0.3593471944332123, 0.35443904995918274, 0.3185793161392212, 0.19963130354881287, -1.4483720064163208, 0.3677109479904175, 0.08033501356840134, -0.2061605304479599, -1.0046992301940918, 0.3145941495895386, 0.43796995282173157, -0.6920642852783203, 0.8763396739959717, -1.2473175525665283, -0.8020470142364502, -0.23248855769634247, -0.48824605345726013, 0.3393145799636841, -0.22973601520061493, -1.2955011129379272, -0.3113827705383301, 0.018985269591212273, 0.7677680253982544, -0.3838197886943817, -0.13630113005638123, -0.15117911994457245, -1.2378690242767334, 1.1021196842193604, 1.2918258905410767, -0.11211532354354858, 0.13882921636104584, 1.1307653188705444, -0.5492856502532959, 0.19441038370132446, 2.066950798034668]} +{"paper_id": "xor_tydi_qa", "embedding": [-1.051292061805725, 0.9470706582069397, 0.5077654123306274, -0.6423003673553467, 0.8355900645256042, -0.5911319255828857, -0.224246084690094, 0.4939905107021332, 0.6609570980072021, 0.45213714241981506, 0.6766574382781982, -0.09223656356334686, 0.5806329250335693, 0.16615042090415955, -0.2893112301826477, -0.4874066114425659, -1.0701699256896973, -1.0352827310562134, -1.2303025722503662, -0.17280849814414978, -0.176382377743721, -0.4935140013694763, -0.017068447545170784, 1.0480223894119263, -0.6860472559928894, -1.251889705657959, 0.8536338806152344, -0.4567084014415741, 0.4078904390335083, 0.49112439155578613, 0.041601888835430145, 0.7659707069396973, -1.5869696140289307, 0.19037723541259766, -0.17291665077209473, -0.019485067576169968, 0.3130161464214325, 1.3840301036834717, -0.17727293074131012, -0.4698338508605957, -0.5174374580383301, -0.15221256017684937, 0.7366650700569153, 0.7700335383415222, 1.590925693511963, -0.28442612290382385, 0.2792300283908844, -0.3368866741657257, -0.2487543523311615, -0.30943530797958374, -0.013320613652467728, 0.09197382628917694, -0.3429800868034363, 0.7277926206588745, -0.38839954137802124, 0.8589825630187988, 0.5639641284942627, -0.5200962424278259, 0.7152038216590881, -1.6519016027450562, 1.159636378288269, 1.623463749885559, -0.30673131346702576, 0.043119125068187714, 1.232866644859314, -0.17380587756633759, 1.4903006553649902, 0.33874815702438354, 0.1157068982720375, 0.6817034482955933, 0.2885308861732483, -1.1617038249969482, 0.5234411358833313, 0.3421342968940735, 0.5024137496948242, 0.8139662742614746, 0.30306950211524963, 0.5363006591796875, -0.5637344717979431, -0.3478218615055084, -0.5114040374755859, 0.17805443704128265, 0.9416527152061462, -0.6303704977035522, -0.05593499168753624, -0.03581108897924423, -0.08499781787395477, -1.0079405307769775, 0.9994736313819885, -1.8785310983657837, 0.7989527583122253, 0.026882028207182884, 0.3745916485786438, 0.054003581404685974, -0.14497093856334686, 0.6481691002845764, -0.9199155569076538, 0.32329320907592773, 0.07969872653484344, -0.16749057173728943, 0.3514678180217743, 0.04086955636739731, 0.4206400513648987, 0.16715580224990845, 0.033799849450588226, 0.5287086963653564, 0.31634196639060974, -0.36653608083724976, -0.826212465763092, -0.7037760615348816, 0.21397241950035095, 0.6899474263191223, 0.0038763396441936493, 0.302276074886322, 0.4459605813026428, 0.3815940320491791, 0.4660024046897888, -1.2598271369934082, -0.13303960859775543, 0.12139034271240234, -0.06460230052471161, -1.1473573446273804, -0.6231851577758789, 0.2695270776748657, 0.9031156301498413, -0.3880886435508728, -0.28482359647750854, -0.6627069115638733, -0.32611292600631714, 0.2282426506280899, 0.9072638750076294, -0.2165747433900833, -0.5265493392944336, -0.32850515842437744, 3.307750701904297, -1.0148265361785889, 2.016937494277954, -0.7699905633926392, 0.028311999514698982, -0.14827921986579895, -0.49338409304618835, 0.9805863499641418, 0.3619334399700165, -1.103377103805542, -0.1703091710805893, 0.39874783158302307, -0.3572687804698944, 0.24165433645248413, -0.7930770516395569, -0.9103203415870667, -0.15287494659423828, -0.1319660246372223, -0.9859573245048523, -0.20371858775615692, 0.4307580292224884, 0.3067547380924225, -0.05990375950932503, 0.35255342721939087, -0.39887359738349915, 1.0606812238693237, -0.2197171449661255, 0.2396211475133896, -0.6998456120491028, 0.6745311617851257, -0.6631409525871277, -0.4328010678291321, 0.9599591493606567, -0.4537650942802429, -0.9639633893966675, -0.06974953413009644, 0.4711652100086212, -0.5767521858215332, -0.09426584839820862, 0.2567332088947296, -0.35363778471946716, -0.07917435467243195, 0.7818446159362793, 0.6487814784049988, -0.19171153008937836, -0.43243488669395447, 0.193248450756073, 0.17161762714385986, -0.0013251081109046936, 0.7395490407943726, 0.6153859496116638, 0.19770951569080353, -1.9928503036499023, -0.0748041570186615, -0.4574260115623474, -0.045692116022109985, -0.06528017669916153, -0.2528373599052429, 0.09625425189733505, -0.5780291557312012, 0.32548344135284424, -0.38751739263534546, 0.4754805266857147, -1.4189389944076538, -0.4064425826072693, 0.04654812067747116, -0.534819483757019, 0.22692757844924927, 0.6178790330886841, 0.688927173614502, -0.06583438068628311, -0.06095883995294571, -1.1608643531799316, -1.48075270652771, -0.0029021725058555603, 2.767895221710205, -0.1241152286529541, -0.25118395686149597, -1.1801046133041382, -0.2674795687198639, -0.22503185272216797, -0.3146900534629822, -0.117043137550354, -0.8728522658348083, -0.18917372822761536, -0.8388751745223999, 0.24166759848594666, -0.31421446800231934, 0.13227778673171997, 0.33570557832717896, 0.8118518590927124, -0.7448611259460449, -0.3149556815624237, -0.6320174932479858, -0.9377416968345642, 1.1570123434066772, 0.131072536110878, 0.29526856541633606, -0.41487932205200195, 0.9914599061012268, 0.4137084484100342, 0.9210102558135986, 0.9092440605163574, 0.48262566328048706, -0.5125749111175537, -0.4995953440666199, -0.4931720197200775, 1.311190128326416, -0.05745318531990051, 0.27226024866104126, 0.4046882390975952, 0.5868058204650879, -0.2515590786933899, -0.1635330617427826, -0.04743441939353943, -0.2527391016483307, 1.0938700437545776, 1.002581000328064, -0.7690185308456421, 1.636420488357544, -0.5971834659576416, -0.32157978415489197, 0.08772511780261993, -0.5074931979179382, 0.42175382375717163, -0.5468794703483582, 0.9733031988143921, -0.2601819336414337, 0.5958676338195801, 0.1546977460384369, -0.1083490252494812, -1.8691655397415161, 0.5387036204338074, 0.28168371319770813, -0.9093390703201294, -0.7906808853149414, -0.2264709621667862, -0.30799680948257446, -1.2424695491790771, -0.8269720077514648, 0.4005814790725708, 0.4851258099079132, -0.05352795496582985, 1.3479461669921875, 1.4250617027282715, 0.37483543157577515, 0.8462496995925903, 0.3073924779891968, 0.8743739724159241, -0.9381786584854126, 0.926292359828949, 0.2750489115715027, 0.1030966266989708, -0.87828528881073, 0.09385193884372711, -0.3988761901855469, 0.008107945322990417, 1.2638094425201416, -0.4993998110294342, 1.0195283889770508, -0.2918739914894104, -1.731633186340332, 0.9401617050170898, 0.3382934331893921, -0.23242920637130737, -0.3225625157356262, 1.815122127532959, -0.3393378257751465, -0.0053994543850421906, 0.8775883913040161, -0.4684531092643738, -0.2596072554588318, 1.0804628133773804, 0.16985642910003662, -0.41383814811706543, 0.6178029775619507, -0.48173800110816956, -0.5441567301750183, 0.7355455756187439, -1.7098361253738403, 0.6438613533973694, 0.8540735244750977, -0.5216460227966309, -0.14152617752552032, -0.8502018451690674, 0.6954248547554016, -0.09926964342594147, -0.058570846915245056, 0.7716996073722839, -0.18647003173828125, 0.5120440721511841, -0.18094873428344727, 0.0212697796523571, 1.3405448198318481, -0.5819627642631531, 0.49315688014030457, 0.9495233297348022, -0.0693829283118248, -0.29988208413124084, -0.6002160310745239, 0.4953193664550781, -0.352693647146225, 0.19805030524730682, 0.31172701716423035, 0.4648132920265198, 1.7380247116088867, -0.5029339790344238, -0.7011033296585083, 0.1634201854467392, 0.8966758847236633, 0.4473682940006256, 0.06295064091682434, -0.36375218629837036, 0.5730240941047668, -0.07696492969989777, 0.8283668756484985, -0.1608584225177765, -1.4022949934005737, -1.160284161567688, -0.2825903594493866, -0.0728173553943634, 0.10357245057821274, 1.787408709526062, 0.5928846597671509, 1.195377230644226, -0.1605934500694275, -0.08746471256017685, -0.26526322960853577, -0.03022492676973343, 1.7187039852142334, 0.8145701885223389, -0.22835440933704376, -0.24437576532363892, 0.07951850444078445, 0.8440547585487366, -0.4221789538860321, -0.9682218432426453, 0.5166207551956177, 1.0790903568267822, -0.0414220429956913, -0.9192164540290833, 0.8899411559104919, 1.2577078342437744, 0.006865695118904114, 0.8028879165649414, -0.4175945222377777, 0.026917118579149246, -0.4048675000667572, 0.5402758121490479, -0.6758535504341125, 0.3134936988353729, 0.04776036739349365, 0.8889032006263733, 0.11896494030952454, 0.5008907318115234, -0.09551443159580231, 0.996445894241333, 1.210966944694519, -0.5916516780853271, -1.0620747804641724, -0.7468476295471191, -0.704486072063446, -0.08093932271003723, -0.04617345705628395, 0.16305454075336456, -1.0708130598068237, 0.4861784875392914, 0.029169216752052307, -0.43732795119285583, 0.004242263734340668, -0.5732209086418152, -1.7831510305404663, 1.6889755725860596, 0.7757787704467773, -0.8108645677566528, -0.20178234577178955, -0.45584559440612793, -0.8429218530654907, -0.4717212915420532, -0.006889123469591141, -1.1820030212402344, -0.28363940119743347, 0.008460726588964462, 0.9934474229812622, 0.10076217353343964, -0.5879204869270325, -1.0798636674880981, 0.6231926679611206, 1.3998527526855469, -0.8202600479125977, -0.1048959270119667, 0.5074659585952759, 0.8987448811531067, -0.3081085681915283, -0.9473143815994263, -1.0255206823349, 0.6971924901008606, 0.03798407316207886, 0.563137412071228, -0.8059072494506836, -0.7324246764183044, 0.621645987033844, 0.1997222751379013, 1.124045491218567, -0.8480297923088074, 0.1842857450246811, -0.8241153359413147, -0.12965810298919678, 0.3259914219379425, -0.8933059573173523, -0.2193211317062378, 0.944831132888794, -0.03558148816227913, 0.7571355104446411, -0.6704641580581665, 0.4783203601837158, 1.1605972051620483, -0.11640460789203644, 0.3198469281196594, -0.48719385266304016, -10.948149681091309, 0.46630385518074036, -0.34134596586227417, 0.3108578324317932, 0.9352228045463562, -0.533523678779602, 1.3407920598983765, -0.22683864831924438, 0.5247623324394226, -1.0731236934661865, 0.021520517766475677, 0.7146519422531128, 0.5005540251731873, -0.12246235460042953, -1.0234122276306152, -1.2380527257919312, -0.7723621129989624, -0.029181092977523804, 0.5139469504356384, -0.19338566064834595, -1.1052765846252441, -0.5174061059951782, -0.3174714744091034, 0.029310712590813637, 0.2799135744571686, 0.08523751050233841, -0.8496188521385193, -0.40369975566864014, -0.0950513705611229, -0.7181973457336426, 0.6460472941398621, -0.12497872114181519, -0.7519617676734924, -0.4210567772388458, -0.4617652893066406, -0.297261506319046, -0.2777741253376007, -0.1364728808403015, 1.3247220516204834, 0.02082667499780655, 0.17612794041633606, 0.14020104706287384, 0.3718068599700928, 0.6197477579116821, -0.16252340376377106, 0.11739964783191681, -0.005662105977535248, -0.38584253191947937, 0.597125232219696, -0.15313562750816345, -0.8753133416175842, -0.6042884588241577, -0.27790048718452454, 0.054042283445596695, 0.28815141320228577, 0.9656248092651367, -0.8389198780059814, -0.5474852919578552, -0.7262424230575562, -1.3077571392059326, 1.0446666479110718, -0.4272385239601135, -0.7733137607574463, 0.13636961579322815, -0.6720377802848816, -0.1470666080713272, 0.23449170589447021, -0.1316944807767868, -0.6465120911598206, 0.07606208324432373, -0.3431617319583893, 0.8306668996810913, 0.24680304527282715, 0.37301865220069885, -0.8552312850952148, -0.037500470876693726, -0.8554186224937439, 0.10131771862506866, -0.26914888620376587, 0.055830374360084534, -1.209585189819336, 1.2542961835861206, 0.7017729878425598, -0.4293103814125061, -0.4068685472011566, 0.33166590332984924, -0.3705582320690155, 0.690233051776886, 0.23059913516044617, -0.526549220085144, 1.1911909580230713, 0.6753836274147034, -0.18642206490039825, -0.358460396528244, 0.06401290744543076, 0.7419469356536865, -0.5043424367904663, 0.5657493472099304, -0.2634017765522003, -0.6660134196281433, -0.005673684179782867, -0.1927407681941986, -0.5508788824081421, 0.39496952295303345, 0.7207130789756775, 0.3527270257472992, 1.0460474491119385, 0.257837176322937, -0.0284891277551651, -0.3638122081756592, 1.1556936502456665, -0.1688826084136963, -0.18385271728038788, 0.9284399747848511, -0.39909207820892334, 1.1893713474273682, -0.17832496762275696, 0.14478754997253418, 0.46180644631385803, 1.1163674592971802, -0.1998697817325592, 0.48672550916671753, -0.07991470396518707, 1.4378231763839722, -0.9223843812942505, 0.5958665609359741, 0.20905542373657227, 0.22947552800178528, 0.3197278082370758, -1.1480761766433716, 0.5463669896125793, -0.31381678581237793, 0.051389262080192566, -1.3809189796447754, -0.7257249355316162, -0.42189323902130127, -0.3240186870098114, 1.4130096435546875, -0.6848016977310181, -0.08758541196584702, -0.7167900204658508, -0.8300570845603943, 0.008557230234146118, -1.6764816045761108, -0.6814760565757751, -0.01149197667837143, -0.26219090819358826, 0.28736236691474915, -0.2794184684753418, -0.3222707509994507, 0.38675475120544434, -0.43039074540138245, 1.1177579164505005, -0.7542898058891296, -0.14287379384040833, -0.40164023637771606, -0.02609403058886528, -0.6982618570327759, -1.276724934577942, -0.27459508180618286, 0.020103957504034042, 1.027316927909851, -1.1431539058685303, 1.6550757884979248, 0.27968332171440125, -0.31603118777275085, -0.7030067443847656, 0.158680722117424, -0.7200566530227661, 0.2945226728916168, 1.01406729221344, -0.38027727603912354, -0.4949454367160797, -0.724331796169281, -0.8411718010902405, -0.5364479422569275, 0.244331955909729, 1.0492030382156372, -0.7438564300537109, 0.3598273992538452, -0.5310285091400146, 0.9626546502113342, -1.0533864498138428, -0.5302352905273438, -0.6448631286621094, 0.8422238230705261, -0.5192625522613525, 1.3175525665283203, 0.5398365259170532, 1.0098519325256348, -1.9575964212417603, -1.1013306379318237, -0.34715625643730164, -0.08590719103813171, 0.5930166840553284, -0.2821345329284668, 0.55979984998703, -0.2727254033088684, 0.02856592833995819, -0.25702062249183655, 0.23668453097343445, 0.27183184027671814, 0.03199632838368416, 0.37849074602127075, -0.2593643367290497, 0.44257882237434387, -0.36970242857933044, -0.003262590616941452, 0.2520935535430908, 1.037645936012268, -0.9326667785644531, -0.9762495756149292, 0.2523703873157501, 0.17249345779418945, 0.07861113548278809, -1.1162794828414917, 0.2848077118396759, -0.13627000153064728, -0.31643742322921753, -1.5408400297164917, -0.19590792059898376, 2.1576790809631348, -0.3849439024925232, 0.8861948251724243, 0.15323717892169952, 1.5688856840133667, 0.5151270031929016, 0.6424618363380432, 0.39835721254348755, -0.4153975546360016, -0.35192593932151794, 0.2135659009218216, 0.21844187378883362, -0.2846989035606384, -0.165927916765213, -0.6107497811317444, -0.5422927737236023, 0.7173762321472168, -0.5885026454925537, 1.0415209531784058, -0.28078216314315796, 0.5945987105369568, 0.5483314990997314, 0.8288730382919312, -0.5795291066169739, -1.7915433645248413, 0.31855735182762146, -1.0542134046554565, 0.26546579599380493, 0.20584774017333984, 0.615853488445282, 0.09368989616632462, 0.8979721665382385, -0.30605655908584595, 1.3184069395065308, -0.936630129814148, 0.06071636825799942, 0.5116010904312134, -0.5272162556648254, 0.8101273775100708, 0.549103319644928, 0.2341984063386917, 0.19110387563705444, 0.012623332440853119, -0.9568334221839905, -0.34873971343040466, -0.17866156995296478, 1.2993720769882202, 1.2776119709014893, -0.31168875098228455, 0.04398609697818756, -1.1101179122924805, 1.3764357566833496, -0.579505980014801, 0.9058927297592163, 0.5163058638572693, -0.5855841040611267, -0.36171460151672363, -0.9870805740356445, 0.5668456554412842, 0.6054466366767883, 0.024950049817562103, 0.20464426279067993, -0.5487950444221497, 0.46620282530784607, 0.4353385269641876, -0.416567862033844, -1.2645444869995117, 0.27459630370140076, -0.7527266144752502, 0.22825495898723602, 0.9881706237792969, -0.5942549109458923, -0.4761454164981842, -0.0984288901090622, -0.8510242104530334, 0.07701149582862854, 0.1530114859342575, -0.5304934978485107, -0.7765458822250366, 0.34266048669815063, -1.0773862600326538, 0.5269637107849121, -0.07551668584346771, -0.6508297920227051, -1.6950682401657104, 0.6436015963554382, 1.61749267578125, -0.5617073178291321, -0.6398981213569641, -0.2404429316520691, 0.10848657786846161, 0.19030946493148804, 0.9373986124992371]} +{"paper_id": "metrec", "embedding": [-0.19322405755519867, 0.584267795085907, -0.13968972861766815, -0.04900357872247696, 0.43885189294815063, -0.3356250524520874, -0.31770673394203186, -0.23805636167526245, 0.41676443815231323, 0.60086590051651, 0.28625696897506714, -1.1018340587615967, -0.2365565001964569, 0.2921713888645172, 0.1603671759366989, -0.6333287954330444, -1.2300907373428345, -0.28425416350364685, -1.2190918922424316, 0.008687153458595276, -0.21711045503616333, -0.7335439920425415, -0.23926597833633423, 0.19158533215522766, -1.2907432317733765, -0.43918362259864807, 0.3734634518623352, -0.28237125277519226, 0.6644576787948608, -0.2656908333301544, -0.044989489018917084, 0.1980610191822052, -1.3758795261383057, 0.2401357889175415, -0.6554307341575623, -0.20359359681606293, 0.27979400753974915, 0.6376342177391052, -0.1338617354631424, -0.7844967842102051, -0.2966158092021942, 0.44509175419807434, 0.4588891565799713, -0.24056129157543182, 0.648445725440979, -0.015321962535381317, 0.5330705642700195, 0.5077883005142212, 0.23110909759998322, 0.23588944971561432, 0.13618813455104828, 0.7237768173217773, -0.2883532643318176, -1.0189405679702759, 0.28449827432632446, 0.8559909462928772, -0.5573101043701172, -0.8434027433395386, -0.0755658894777298, -0.19342102110385895, 1.0883963108062744, 0.9691581130027771, -0.34802913665771484, -0.15906105935573578, 0.7214550971984863, -0.1931338906288147, 0.6546934247016907, 0.10935008525848389, 0.7374033331871033, 0.7708714604377747, -0.3070377707481384, -0.6794369220733643, -0.44584906101226807, -0.5421823859214783, -0.735840916633606, 1.4503511190414429, -0.18167150020599365, 0.24458956718444824, 0.4433969557285309, 0.009328432381153107, -0.4202575087547302, 0.44719529151916504, 0.5726129412651062, -0.5576950311660767, -0.03736976161599159, -0.5828268527984619, 0.25718045234680176, 0.14047303795814514, 0.29616281390190125, -1.8973034620285034, 0.600805938243866, -0.09859330207109451, 0.28304174542427063, 0.2284121811389923, -0.6295887231826782, 0.2595130205154419, 0.5666419863700867, -0.2032497525215149, -0.3413374722003937, -0.31080034375190735, 0.7729323506355286, -0.6182012557983398, 0.443959504365921, 0.1939876675605774, -0.07013821601867676, 0.7072784900665283, 0.21331384778022766, -0.11979296058416367, -0.36825665831565857, -0.8457314372062683, -0.36335793137550354, 0.7397321462631226, 0.38497012853622437, 0.061648890376091, -0.0002137734554708004, -0.045561809092760086, 0.11288591474294662, -0.4796430170536041, -0.2923780381679535, -0.32691824436187744, -0.7944332361221313, -0.6803168654441833, -0.16513973474502563, 0.09677305817604065, 0.7256126403808594, 0.1424405425786972, 0.7823781371116638, 0.2114451825618744, -0.49105104804039, -0.19189871847629547, 0.6783860921859741, -1.0981148481369019, -1.1546518802642822, 0.8890359401702881, 1.9092768430709839, -0.8698610067367554, 0.8375897407531738, -0.0033397236838936806, 0.39157548546791077, -0.481650173664093, -0.372109055519104, 0.5278759002685547, -0.20324677228927612, -0.9746509790420532, -0.5197168588638306, 0.10931748151779175, -0.9136475920677185, 0.1801607757806778, -0.4422745406627655, -0.3580160140991211, 0.2296212762594223, 0.6387501358985901, -0.6402929425239563, -0.8521625995635986, 0.35960653424263, 0.559927225112915, 0.34962430596351624, -0.31854090094566345, -0.2464660108089447, 0.6981403827667236, 1.0062297582626343, 0.7897945046424866, -0.7946094870567322, 0.5947925448417664, -0.6686196327209473, 0.013818168081343174, 0.22592073678970337, -0.10361593961715698, -0.7007635235786438, -0.5952697396278381, -0.24069468677043915, -0.5021800994873047, 0.34008634090423584, 0.5783660411834717, -0.7663217186927795, -0.3371451795101166, 0.6379123330116272, 0.6525338888168335, 0.05493050813674927, -0.21318133175373077, 0.753638505935669, 0.161359503865242, 0.30178192257881165, -0.2473953664302826, 0.4099099934101105, -0.009410854429006577, -1.721398115158081, -0.017449840903282166, -1.3379926681518555, 1.535710096359253, 0.06423540413379669, -0.10280081629753113, 0.21591100096702576, 0.6726698279380798, -0.5630677342414856, -0.277283638715744, -0.14869534969329834, -0.7450218796730042, -0.09719452261924744, 1.1504606008529663, 0.3798176646232605, 0.37587642669677734, 0.2679605484008789, 0.5850558280944824, 0.8199432492256165, -1.3936411142349243, 0.451816201210022, -1.4706876277923584, 0.14484328031539917, 0.9989985823631287, -0.1140269935131073, -0.3798336386680603, -0.6139406561851501, -0.21632277965545654, 0.7299387454986572, -0.5510603189468384, 0.15896227955818176, -0.6994367837905884, -0.7869933247566223, -0.7359885573387146, 0.5860363841056824, -1.2071881294250488, -0.3884628117084503, -0.27491992712020874, 1.3972511291503906, -0.42161062359809875, -0.5852023363113403, -0.012657161802053452, -0.9022257924079895, 0.3708396255970001, 0.4287087619304657, 0.1494511514902115, -0.2875139117240906, 0.5721586346626282, 0.3906949460506439, 0.33293652534484863, 0.24940136075019836, 0.2818456292152405, -0.6911134719848633, -0.5450394749641418, -0.4745866358280182, 0.6385813355445862, -0.13665609061717987, -0.697581946849823, 0.4815952181816101, -0.06803763657808304, 0.8478274345397949, -0.7405436038970947, -0.3348010778427124, -0.20428994297981262, 0.657821536064148, 0.8773905038833618, -0.5455941557884216, 1.0679208040237427, -0.5442817211151123, 0.3136778473854065, 1.0268515348434448, -0.19111274182796478, 0.17711742222309113, -0.05342860147356987, -0.18625915050506592, 0.3785687983036041, 0.19587089121341705, 0.033037103712558746, -0.20985016226768494, -0.6156259179115295, -0.5195527076721191, 0.2587122619152069, -0.440854549407959, -0.28931382298469543, -0.9291053414344788, 0.12116598337888718, -1.6551705598831177, 0.3537099063396454, -0.03292911872267723, 0.6148327589035034, -0.6736441850662231, 0.2519436180591583, 0.9121437668800354, -0.21678167581558228, -0.12730836868286133, -1.0690521001815796, 1.0880943536758423, 0.04439720883965492, -0.055637016892433167, -1.2344169616699219, -0.22060658037662506, -1.2087773084640503, 0.4071270525455475, -1.0050337314605713, 0.5877385139465332, -0.7323742508888245, 0.6014188528060913, 1.6962404251098633, -0.15945583581924438, -1.394410252571106, 1.23189377784729, 0.5145484209060669, 0.10238847881555557, -1.0252424478530884, 1.0745253562927246, 0.7495688796043396, -0.35143133997917175, 1.0822747945785522, -0.20209985971450806, -0.0014284253120422363, 0.9468696713447571, -0.27788907289505005, 1.0598465204238892, 0.5016493201255798, 0.4202798306941986, 0.2571558654308319, 0.38088804483413696, -1.2217241525650024, -0.438053697347641, 1.2938262224197388, -0.31145554780960083, 0.18866470456123352, -0.2926062047481537, -0.5425689816474915, -0.33152514696121216, -0.6326162815093994, 0.831271767616272, -1.1099084615707397, 0.9091769456863403, -0.5432954430580139, 0.09406918287277222, 0.7900379300117493, 0.1806153804063797, 0.36714035272598267, 0.5088240504264832, 0.7552347183227539, -1.5157251358032227, 0.15668565034866333, 0.8096708655357361, 0.12780000269412994, 1.6215366125106812, 0.03188442438840866, 0.502088189125061, 0.39705124497413635, -0.17527303099632263, -0.670687735080719, 0.4352431297302246, 0.422264039516449, 0.3660223186016083, 0.3542383313179016, 0.38879746198654175, 0.742622971534729, -0.9091726541519165, 0.8410658240318298, 0.4603733718395233, -0.19643981754779816, -1.3971750736236572, 0.7984387874603271, -1.063770055770874, -0.030339132994413376, 1.2609732151031494, 0.10668167471885681, 1.3615084886550903, -0.1884928047657013, 0.00031177420169115067, 0.9280492663383484, 0.10397650301456451, 0.45962467789649963, 1.3815371990203857, 0.5944989919662476, 0.81196129322052, 0.405668169260025, -0.062388502061367035, 0.9246874451637268, -0.040551237761974335, 0.22884944081306458, -0.5221559405326843, -0.8301072716712952, 0.08907228708267212, 1.0919270515441895, 0.36036548018455505, 0.39279037714004517, 1.7805310487747192, -0.5464580655097961, -0.667188286781311, -0.29873040318489075, -0.6062316298484802, -0.4425795078277588, 0.15530571341514587, -0.5123926401138306, 0.615397572517395, 0.28376591205596924, 0.376766175031662, -0.7240330576896667, 1.052934169769287, 0.561396062374115, 0.7096246480941772, -0.6552779674530029, 0.06122593954205513, -0.29107269644737244, -0.17945973575115204, 0.6608487367630005, 0.172205850481987, -1.066973090171814, 0.49078822135925293, 0.016433171927928925, -1.855604648590088, -0.4390476942062378, 0.4563600718975067, -0.8402754068374634, 1.0521316528320312, 0.012014839798212051, -0.49916374683380127, 0.03373345732688904, 0.7370100617408752, -0.4785345494747162, 0.01946018636226654, 0.07869277894496918, -0.4942495822906494, 1.1414161920547485, 0.09686732292175293, 1.14806067943573, -0.45115208625793457, -0.06851360201835632, -0.37416860461235046, 0.9220573306083679, 0.635816216468811, 0.568446934223175, -0.4398314654827118, -0.18923616409301758, -0.14522072672843933, 0.2894715666770935, -1.8662985563278198, -0.7581192851066589, 1.1668449640274048, 0.046468913555145264, 0.013109895400702953, -1.266353964805603, -0.8431817889213562, -0.30303868651390076, 0.3136426508426666, 0.47611650824546814, -1.0054409503936768, 0.3680458068847656, -0.8449926972389221, 0.2611507475376129, 0.40039873123168945, -0.6381405591964722, -0.17622268199920654, 0.0025224611163139343, -1.1811970472335815, 0.6331173181533813, 0.415969580411911, -0.09385030716657639, 0.7015864253044128, -0.7847979068756104, -0.03378918021917343, -0.38613077998161316, -12.464346885681152, 0.669430136680603, -0.6846707463264465, 0.5544248223304749, 0.5287507176399231, 0.4249263405799866, 0.1520666480064392, -0.26593583822250366, 2.0072875022888184, -0.31129956245422363, -0.552270770072937, 0.8953055143356323, 0.3924213945865631, 0.02368476614356041, -0.4277534782886505, -0.7280722260475159, -1.0175195932388306, -0.6849409341812134, 0.7552416920661926, 0.39839133620262146, 0.31329089403152466, -0.7474260926246643, -0.036044031381607056, -0.24152199923992157, 0.43349939584732056, -0.790198028087616, -0.06741523742675781, -0.33538690209388733, -0.9926470518112183, 0.46344396471977234, 1.1679197549819946, 0.6143642663955688, -0.8756998181343079, -0.8018667101860046, 0.9835106730461121, -0.4957317113876343, -1.0563353300094604, -0.46167418360710144, 0.7128356099128723, -0.46519652009010315, 0.48109668493270874, -0.5512301921844482, -0.4883159101009369, -1.0861625671386719, -0.4271751940250397, -0.40789270401000977, -0.13501094281673431, -0.4338243007659912, 0.6867070198059082, -0.5627378821372986, -0.9376351237297058, 0.170235276222229, 0.08700500428676605, -0.04134155064821243, 0.6157082319259644, 0.07974671572446823, -0.7811167240142822, -0.01378836389631033, -0.5388352274894714, -0.3392256796360016, 0.366949200630188, 0.4371958374977112, -0.7921674251556396, 0.6593365669250488, -0.004528343677520752, 0.016909543424844742, 0.9708595275878906, 0.6771289706230164, 0.6337090730667114, -0.2427745759487152, -0.8264913558959961, 1.451585292816162, 0.022963907569646835, 0.26536670327186584, 0.03466978296637535, 0.3122614920139313, 0.24111387133598328, -0.48646941781044006, -0.20239520072937012, 0.8005198836326599, -0.3901887834072113, 0.37052568793296814, -0.6671189069747925, -0.20232009887695312, -0.3296299874782562, 0.47634246945381165, 0.6237239241600037, -0.8862160444259644, 1.0091649293899536, -0.34543830156326294, 0.09514640271663666, 0.2631211280822754, 0.4742235541343689, 0.03277113288640976, -0.48245877027511597, -0.32581627368927, 0.4212186336517334, 1.315549373626709, -0.3441177010536194, -0.7769757509231567, 0.34160447120666504, 0.882851243019104, 0.13579148054122925, -0.3054790198802948, 0.7777907252311707, -0.5802391767501831, 0.04998260736465454, 0.6831469535827637, -0.14483734965324402, -0.3189103603363037, 0.635553240776062, -0.5149970054626465, 0.12568765878677368, 0.8937122821807861, -0.08332992345094681, 0.826354444026947, 0.961146354675293, -0.5876753330230713, -0.020032376050949097, 1.3815985918045044, 0.650802493095398, 0.44358810782432556, 0.2958080470561981, 1.1107044219970703, 0.23929136991500854, -0.31372934579849243, -0.1509355753660202, -0.15381143987178802, -1.176094651222229, -1.4568655490875244, 0.695800244808197, -0.03698146715760231, 0.1485562026500702, -0.3451627492904663, -0.5787404775619507, -1.317766547203064, -0.5807942152023315, 0.9755051136016846, -0.31323814392089844, -0.36147212982177734, -0.6277604699134827, 0.2569250166416168, 0.1258193999528885, -0.5362431406974792, -0.8589909076690674, -0.8197195529937744, -2.065385341644287, -0.17659258842468262, -0.11412316560745239, -0.9577027559280396, 1.2204471826553345, -0.22726914286613464, -0.3238821029663086, 0.37890368700027466, 0.08450143784284592, -0.023450098931789398, -0.18068043887615204, -0.8564997315406799, 0.22866219282150269, 1.2696864604949951, 1.0657302141189575, 0.39195123314857483, -0.6934829354286194, 0.3009577989578247, 0.7143248319625854, -0.03639720007777214, -0.575813889503479, -0.8114522695541382, -0.3725804388523102, 0.5606901049613953, 0.7465983033180237, -0.6639930009841919, -0.21929381787776947, -0.18417352437973022, 0.2485014945268631, -0.9590241312980652, -0.10128750652074814, 1.2704187631607056, -1.1097668409347534, 0.08149755746126175, -0.39807987213134766, 0.5682566165924072, 0.2695240378379822, -1.7635397911071777, -0.5450416803359985, 0.49488118290901184, -0.03457166254520416, 0.10077603161334991, 0.23951902985572815, 0.9152668714523315, -1.641494631767273, -1.3920941352844238, -0.06295883655548096, -0.9485560059547424, 1.294887661933899, 0.3648882508277893, 0.6502506136894226, 0.6117134690284729, -0.46214908361434937, 0.2481805980205536, -0.3568039536476135, -0.12763214111328125, 0.4500598609447479, 0.4063875675201416, -0.44733333587646484, -0.025907892733812332, 0.35891246795654297, -0.3129764795303345, 0.830043613910675, 0.4450565576553345, -0.15514802932739258, 0.46562331914901733, -0.0883089005947113, 0.5051141977310181, 0.9273506999015808, -1.0096570253372192, 0.11583753675222397, 0.026158083230257034, -1.22380793094635, -0.047715283930301666, 0.6216675043106079, 1.1678293943405151, 0.1569250077009201, 0.4726760983467102, 0.40049734711647034, 0.03966016322374344, 0.36885198950767517, 0.14741010963916779, 1.3846595287322998, 0.38861340284347534, 0.4019095003604889, 0.5862141251564026, 0.11362820863723755, -0.1302814483642578, 0.18849465250968933, 0.3272590637207031, -0.26495361328125, 0.08262656629085541, -0.9102510809898376, 0.3600020706653595, -0.16763176023960114, -0.013747263699769974, -0.6781443357467651, 0.8926696181297302, 0.013875536620616913, -1.5334447622299194, -0.21719680726528168, 0.20588696002960205, -0.2393409013748169, 0.0820133239030838, -0.6471282839775085, 0.3669460117816925, 0.6358951926231384, 0.16598132252693176, 1.5030871629714966, -0.11277776956558228, 0.45750898122787476, -0.08049214631319046, -0.08064411580562592, 0.8523037433624268, 0.6964150667190552, 0.7160768508911133, -0.29841849207878113, -0.5298098921775818, -1.2350568771362305, -0.8068939447402954, -0.7479040622711182, 0.3674643039703369, 0.16356737911701202, -1.1138334274291992, 0.14049527049064636, -0.6490131616592407, 0.1753414124250412, 1.238855242729187, -0.22025707364082336, -0.10872933268547058, -0.3511008620262146, 0.28158751130104065, -0.49087709188461304, -0.6389130353927612, 1.6640928983688354, -0.49476927518844604, -0.39314889907836914, 0.2407277524471283, 0.22889910638332367, -0.22760410606861115, 0.41884732246398926, -0.3339728116989136, 0.23658180236816406, -0.6387740969657898, -0.4014202952384949, 0.12891310453414917, -0.422847718000412, -1.1554186344146729, 0.09287697076797485, 0.21405784785747528, 0.17234258353710175, 0.2969120740890503, -0.23226633667945862, 0.5904950499534607, 0.5700228214263916, -0.2510206699371338, -0.505681574344635, -0.310210645198822, 1.0031522512435913, -0.7692227363586426, 1.324244737625122, 0.19645991921424866, 0.24509406089782715, -0.22319407761096954, 0.012846067547798157, 0.7918546795845032, -0.5331630110740662, 0.7610453367233276]} +{"paper_id": "mutual_friends", "embedding": [-0.5933075547218323, 0.8624209761619568, 0.5680134296417236, 0.035910025238990784, 0.5855476260185242, -0.03629951551556587, 0.4374169111251831, 0.44907987117767334, 0.8588817119598389, 0.3727680742740631, 0.023728959262371063, -0.03323172777891159, -0.17885154485702515, -0.9741746187210083, 0.18019026517868042, 0.8052129745483398, -0.42483824491500854, -0.6420861482620239, -1.3375364542007446, -0.173772394657135, -0.3630216121673584, -0.5325779914855957, -0.5500059127807617, 1.5873079299926758, -0.6391387581825256, -0.5806066393852234, 0.9878078699111938, -1.5501978397369385, 0.5114244222640991, 0.17629024386405945, -0.41784971952438354, 1.684183120727539, -0.9895337820053101, -0.07827814668416977, -0.2005372941493988, -0.510179340839386, -0.15992406010627747, 1.1040778160095215, -0.2619706690311432, 0.21181602776050568, -0.01908745989203453, 0.3686275780200958, -0.3013853430747986, 0.8509070873260498, 0.8073869347572327, 0.6135265231132507, 0.3862251341342926, 0.20213472843170166, 0.1093851625919342, -0.14230477809906006, -1.209605097770691, -0.24533548951148987, -0.1546982377767563, 1.2221027612686157, -0.418552428483963, 1.297441005706787, -0.36915603280067444, -0.5216166973114014, 0.17389535903930664, -0.011376786977052689, 1.8248348236083984, 0.9366235733032227, -0.4069201648235321, 0.4182808995246887, 1.0522196292877197, 0.29513877630233765, 1.6041291952133179, -0.09225697815418243, 0.13719142973423004, 1.0600056648254395, -0.32635697722435, -1.3714234828948975, 0.37474313378334045, -0.8128389716148376, -0.30173259973526, 1.3011324405670166, 1.6111003160476685, 0.26564112305641174, -0.26536470651626587, 0.5131592750549316, 0.44281452894210815, 0.9064692258834839, 0.721267580986023, 0.23318395018577576, 0.32480818033218384, 0.1766625940799713, 0.6965854167938232, -0.4171551465988159, 0.7723093032836914, -2.9967739582061768, 0.7220925092697144, 0.3839681148529053, 0.0767877995967865, -0.5210452079772949, -0.8085559010505676, 0.3929794430732727, -0.20031367242336273, -0.5594748854637146, -0.8284724950790405, -0.2692047953605652, 0.6737971901893616, -0.16448178887367249, -0.3331581950187683, -1.1252764463424683, -0.319078266620636, 0.7087557315826416, 0.5057257413864136, -0.2610791325569153, -0.80904620885849, -0.31588214635849, 0.2547129988670349, 1.0079399347305298, -0.6685512661933899, 1.0333998203277588, -0.2571331858634949, 0.30087795853614807, 0.42414069175720215, -0.015750057995319366, 0.19042295217514038, 0.471204936504364, -0.1462537944316864, -1.0860978364944458, -0.016274888068437576, 0.7687966823577881, 0.7380115985870361, -0.904042661190033, -0.44503021240234375, -0.892778754234314, 0.24849241971969604, -0.5477616190910339, 0.8704015016555786, 0.03185708075761795, -0.9511818289756775, -0.9949184060096741, 2.4559619426727295, -1.4362021684646606, 2.2418510913848877, -1.228314757347107, -0.525826096534729, -0.9618604183197021, 0.1973186433315277, 1.496692180633545, 0.0015125982463359833, -0.225064218044281, -0.7268572449684143, -0.016372976824641228, -0.254332572221756, -0.04212087392807007, -0.012647893279790878, -0.6815183162689209, 0.36298179626464844, 0.475391149520874, -1.5997693538665771, 0.3023587167263031, -0.7922503352165222, 0.4263601303100586, 0.17901338636875153, 1.1589577198028564, -0.5722492337226868, 0.6063977479934692, 0.9734225869178772, -0.39844000339508057, -0.2895042896270752, -0.23276767134666443, -0.858826220035553, 0.15464572608470917, 0.8352659344673157, 0.26041996479034424, -0.9541469216346741, -0.6643559336662292, 0.19937314093112946, 0.5894380211830139, -0.010816171765327454, 0.13516734540462494, -0.4024152457714081, 0.15477731823921204, 0.4248424172401428, 1.2515814304351807, 0.414348840713501, -0.13932329416275024, -0.8869273066520691, -1.1656434535980225, -0.2245360165834427, 0.38374119997024536, -0.7689029574394226, 0.6560508608818054, -2.7743754386901855, -0.27044373750686646, -0.4609065651893616, 0.6474100351333618, 0.7520720958709717, -0.6509493589401245, 0.36619833111763, -0.6115649342536926, 0.4709910750389099, -0.4315018653869629, 0.9611788392066956, -1.8247957229614258, -0.35518738627433777, 0.005752943456172943, 0.05288451537489891, -0.572939932346344, 0.3239315450191498, 1.199417233467102, 0.37182149291038513, -0.5757472515106201, -0.17093342542648315, -1.2666826248168945, 0.16634351015090942, 2.0142552852630615, 0.6619063019752502, -0.8335297107696533, -0.46608832478523254, 0.17698509991168976, -0.38250452280044556, -0.26290228962898254, 0.6901010274887085, -0.6238973140716553, 0.8379536271095276, -0.7849705815315247, 0.48860466480255127, -0.06021280214190483, 0.8402712345123291, 1.1494524478912354, 0.9910454750061035, -0.26364773511886597, 0.1453535407781601, -0.7099646329879761, -1.6914520263671875, -0.23353643715381622, 0.3978230655193329, 0.6034098267555237, 0.2752605676651001, 0.8603604435920715, -0.07981795072555542, 0.35893285274505615, 0.4882940948009491, 0.19852344691753387, -0.5098236203193665, 0.89820796251297, -0.15493562817573547, 1.2435758113861084, 0.02816987782716751, 0.747528612613678, -0.37547582387924194, 0.6103784441947937, 0.06697569787502289, -1.2428642511367798, 0.5734132528305054, -0.19706657528877258, 1.803173542022705, 0.8095062971115112, 0.017657585442066193, 0.42198726534843445, -0.12543250620365143, -0.3057704269886017, -1.0099380016326904, -0.765225887298584, -0.06646106392145157, -0.11698740720748901, 1.4696012735366821, -0.0945730060338974, 1.0511740446090698, -0.6107274889945984, 0.07479780912399292, -0.5824114084243774, -0.5131900906562805, 0.37296271324157715, -0.29618918895721436, -1.2116904258728027, 0.20248746871948242, 0.39895927906036377, -1.2015234231948853, -0.40302470326423645, -0.721158504486084, -0.061880648136138916, -0.10025037080049515, 0.8096679449081421, 1.377874732017517, -0.38446739315986633, -0.2261030375957489, -0.6289927959442139, 1.3783671855926514, -0.3395284116268158, 1.173812747001648, -0.1112261712551117, 0.3522533178329468, -1.1606453657150269, 0.521643877029419, 0.08134771883487701, -0.22707593441009521, 0.7001683712005615, 0.16745620965957642, 0.7128046751022339, -0.2746790647506714, 0.07431260496377945, 1.3920621871948242, -0.05336100235581398, -0.3912595212459564, 0.4433354139328003, 2.0748631954193115, 0.11870003491640091, -0.35394471883773804, 1.219388484954834, -0.25612545013427734, -0.19320228695869446, 0.8394433856010437, -0.6213253736495972, 0.7371013164520264, 0.960489809513092, -0.08782891184091568, 0.03170216083526611, -0.26005351543426514, -2.3333921432495117, -0.20835883915424347, 0.3312971889972687, -0.5407060980796814, 0.03902965784072876, -0.9440610408782959, 0.5740997791290283, -0.2267012745141983, -0.07006404548883438, -0.36005231738090515, -0.33772575855255127, 0.5427435040473938, -0.07738611847162247, 0.10791334509849548, 1.337929606437683, -0.14909833669662476, 0.17240332067012787, 0.8233072757720947, 0.005261845886707306, -0.6879724264144897, -0.21573969721794128, 0.2547208070755005, -0.4482725262641907, -0.16453763842582703, 0.10159121453762054, 0.6713059544563293, 1.0150251388549805, -0.5433416366577148, 0.6606038212776184, 0.5215296745300293, 0.9291200637817383, 0.01855463534593582, -0.3229842782020569, -0.23522235453128815, 0.9351611137390137, -1.198466181755066, 1.2620108127593994, -0.08194625377655029, -0.7355027198791504, -1.4747390747070312, 0.1895734965801239, -0.6660786867141724, -1.2940144538879395, 2.129154682159424, -0.3095704913139343, 1.627695083618164, 0.026559865102171898, 0.12111487239599228, -0.8884038925170898, -0.16069746017456055, 0.7319499850273132, 0.45948001742362976, -0.8293607234954834, -0.5595405101776123, -0.44519802927970886, 0.6359419822692871, -0.1419794261455536, -0.9399093985557556, -0.3608986437320709, 1.4545669555664062, -0.7255415320396423, -1.2422640323638916, -0.13870558142662048, 1.0960255861282349, 0.4699312150478363, 1.0196239948272705, -1.1176621913909912, -0.3370744585990906, 0.16678151488304138, 0.9656042456626892, 0.5059701800346375, 0.5806487798690796, -0.7726923227310181, 1.167818307876587, 0.8471886515617371, 0.4326739013195038, -0.18728473782539368, 1.4814854860305786, -0.14361882209777832, -0.8044412732124329, -1.7832305431365967, 0.02301103249192238, -0.1532648205757141, -0.7067737579345703, -0.059557076543569565, 0.5918914675712585, -0.5714321136474609, 0.6744516491889954, -0.3254559338092804, 0.10305428504943848, 0.8964290618896484, -1.0537192821502686, -1.2177220582962036, 0.8129642605781555, 0.6799973249435425, -0.8876776695251465, -0.07365601509809494, -0.11675924062728882, -1.0002177953720093, -0.4420650005340576, -0.3444975018501282, -1.0526329278945923, 0.8036425709724426, -0.08499476313591003, 0.18850474059581757, 0.15657420456409454, -0.38641679286956787, -0.3969001770019531, 0.6158509850502014, 0.9375131726264954, -0.5709906816482544, 0.7574347257614136, 0.5368963479995728, 0.08381763100624084, -0.20293742418289185, -0.6818626523017883, -0.8834230899810791, 0.7680498957633972, -0.2986440658569336, 0.10650166124105453, -0.8067828416824341, -0.13617782294750214, 0.638427734375, -0.8427823781967163, 0.3835635781288147, -1.0290344953536987, -0.4799650311470032, -0.37275430560112, 0.2733485698699951, 0.42205360531806946, -0.8519108891487122, -1.1316660642623901, 0.4211726188659668, -0.766344428062439, 0.3010134994983673, -0.2567533552646637, -0.10415911674499512, 2.261568784713745, 1.1134748458862305, 0.12374694645404816, -0.36465761065483093, -9.667284965515137, 1.2065253257751465, 0.22863081097602844, -0.47130876779556274, 0.9162879586219788, -0.6343179941177368, 0.8876134157180786, -0.05665607377886772, 0.943949282169342, -0.4595348536968231, 0.1283869594335556, 0.572801411151886, -0.3773457109928131, -0.7218022346496582, -0.2571485638618469, -1.4920611381530762, -0.37997329235076904, -0.5801263451576233, -0.4767056107521057, 0.6666039228439331, 0.03889847174286842, -1.7509022951126099, -0.059761274605989456, 0.4837530553340912, -0.1733887940645218, -0.14469105005264282, -0.8266728520393372, -0.7490712404251099, 0.06052452325820923, -0.2852700352668762, -0.12149140983819962, -0.2872149646282196, -0.14924558997154236, -1.5323200225830078, 0.38720911741256714, 0.7267209887504578, -0.18142521381378174, 0.08064541965723038, 0.5703721642494202, -0.7726122736930847, -0.847068727016449, 0.886610746383667, 0.9302580952644348, 0.6048672795295715, 0.3297613263130188, -0.3155495822429657, 0.007470155134797096, -0.9166480898857117, 0.17155538499355316, -0.37689727544784546, -0.4578559398651123, -0.5517065525054932, -1.5398352146148682, 0.282665491104126, -0.03775976598262787, 0.3234563171863556, -0.8059011697769165, 0.9899413585662842, -1.0491135120391846, -0.6190619468688965, 0.4056916832923889, 0.21918025612831116, -0.019774843007326126, 0.288154661655426, 0.724541187286377, -0.6254616379737854, 0.4362258315086365, 0.10379540920257568, -0.8427395224571228, 0.8066709041595459, -0.6866962313652039, -0.3447549641132355, -1.0815610885620117, 0.7161144614219666, -0.4371863305568695, 0.1342267096042633, 0.28558090329170227, 0.1108110100030899, 0.8515399694442749, 0.30362406373023987, -1.0090619325637817, 0.2782229483127594, 0.48952537775039673, -0.9623667001724243, -1.1075873374938965, 0.5073348879814148, -0.6867513060569763, 0.09821707010269165, 1.089951753616333, -0.7438584566116333, 1.0494352579116821, 0.33009958267211914, -0.19878892600536346, 0.1557748019695282, 0.10244796425104141, 0.028569407761096954, 0.4950915575027466, 0.6314811706542969, 0.45202651619911194, -0.2057873010635376, 0.2727189064025879, -0.45239683985710144, -0.6389986276626587, -0.06969939917325974, 0.7356194257736206, 0.5947628021240234, -0.3566820025444031, 0.5472191572189331, 0.22012311220169067, -0.03343885391950607, 1.0161246061325073, 0.8386139273643494, -0.8756764531135559, 0.552042543888092, -0.2759290933609009, 0.9308302402496338, 1.300153136253357, 0.1932031810283661, 0.3173756003379822, 0.8888506293296814, -0.26494765281677246, 0.9668149948120117, -0.20771457254886627, 1.3033703565597534, -0.13657134771347046, -0.25223308801651, 0.66619873046875, 0.6287316083908081, -0.16169890761375427, -1.8787647485733032, -0.15314741432666779, -0.13937325775623322, 0.36770451068878174, 0.08693713694810867, -0.8576623201370239, -0.0137501060962677, -0.8118115067481995, 1.4380460977554321, -0.02643842250108719, 0.564320981502533, 0.14173808693885803, -1.1273618936538696, 0.4763820171356201, -0.9257997274398804, -0.9158549904823303, -0.2943875193595886, -0.9477723240852356, -0.13119789958000183, -0.694913923740387, -0.307090163230896, 0.9158633947372437, 0.1480371356010437, 0.34543126821517944, -0.7263980507850647, -0.3883762061595917, 0.7798467874526978, 0.10863932967185974, -0.1317625492811203, -1.1353628635406494, 0.7463051080703735, 0.6522834300994873, 1.2489029169082642, -0.6910766959190369, 1.1283882856369019, -0.4642047584056854, -0.6986867189407349, -0.43303200602531433, 0.33642375469207764, -1.294940710067749, 0.25713860988616943, 1.507246971130371, -1.0960904359817505, -0.4609391987323761, -0.4968988299369812, -0.9536346793174744, -1.4642374515533447, 1.0421963930130005, 0.7413140535354614, -0.5970635414123535, -0.6777263283729553, -0.1832295060157776, 0.11886487901210785, 0.6890117526054382, -0.5759415626525879, -0.3448454737663269, -0.8915629386901855, 0.16142410039901733, 0.7147782444953918, -0.06911000609397888, 0.10929831862449646, -1.6322916746139526, -0.7174858450889587, -0.3588487207889557, -0.6911165714263916, -0.2160627841949463, 0.14511387050151825, 1.0720932483673096, 0.8997963666915894, -0.07558872550725937, 1.039074420928955, -0.1126205176115036, 0.2468564212322235, 0.10519467294216156, 0.7199533581733704, -0.10530424118041992, 0.10431067645549774, -0.5535305738449097, 0.4690170884132385, 0.7392678260803223, 0.054885298013687134, -1.0117604732513428, 0.037566594779491425, 0.6857673525810242, 0.29821255803108215, 0.6901218891143799, -0.6091309785842896, 0.1144774854183197, -0.49206656217575073, -0.25087735056877136, -0.8295233249664307, -0.0185789093375206, 0.12502750754356384, -0.5164464116096497, 0.9273998737335205, 0.8616803884506226, 1.0975160598754883, 0.6447795629501343, -0.12039098143577576, 1.156129002571106, -0.42028534412384033, -0.606192409992218, 0.29661157727241516, -0.07650811970233917, 0.03965151309967041, -0.23741358518600464, -1.4654008150100708, -0.8538040518760681, 1.1259418725967407, -1.3496224880218506, 0.4030942916870117, 0.12622661888599396, 0.3440491855144501, 0.7254342436790466, 0.9896912574768066, -0.7165840268135071, -1.1285717487335205, -0.43100690841674805, -1.1641756296157837, 0.4777058959007263, 0.5596116185188293, 0.586287260055542, 1.0537402629852295, 0.6295428276062012, 0.6419397592544556, 0.9194637537002563, -0.7084174752235413, -0.13734079897403717, -0.20307210087776184, 0.20596523582935333, 0.49510711431503296, -0.05567590519785881, 1.2208728790283203, -0.1289321929216385, 0.12793013453483582, -1.05353581905365, -0.3305121064186096, 0.08005904406309128, 0.23868350684642792, 0.5757830739021301, -0.8744037747383118, -0.9020322561264038, -0.5955902934074402, 0.1744460016489029, -0.6641543507575989, 1.3256391286849976, -0.24601559340953827, -1.0697910785675049, -0.7529935240745544, -1.4274780750274658, -1.507596492767334, 1.2591434717178345, -0.47194981575012207, 0.0728333592414856, 0.14386793971061707, 0.0627361312508583, 0.537283182144165, -0.2907608151435852, -1.0887727737426758, -0.1673247367143631, -1.097457766532898, 1.204006314277649, -0.46354347467422485, -1.2332974672317505, -0.2889766991138458, -0.04383715242147446, -1.0987242460250854, 1.4657361507415771, -0.15571126341819763, -1.459054708480835, -1.0857371091842651, -0.29062843322753906, 0.3483690321445465, -0.37201955914497375, 0.25591740012168884, 0.18504972755908966, -2.4837379455566406, 0.6458507180213928, 1.665008544921875, 0.17317667603492737, -0.6049282550811768, 0.7583476901054382, -0.3397586941719055, -0.010447390377521515, 1.3432163000106812]} +{"paper_id": "told-br", "embedding": [-0.3984096646308899, 1.4581342935562134, -0.09227965772151947, -0.1579018235206604, 1.002297282218933, 0.031107014045119286, -0.18358823657035828, 0.17099031805992126, 0.19107329845428467, 1.6233630180358887, 0.3810311257839203, -0.23136045038700104, -0.6139776110649109, -0.11027070879936218, 0.332152783870697, -0.5705428719520569, -1.1560708284378052, -0.19922934472560883, -0.23741105198860168, -0.04038787633180618, -0.6909775733947754, -0.4532085061073303, -0.20745205879211426, 1.1112346649169922, -0.636003851890564, 0.0535765215754509, 0.18361307680606842, -0.03022947534918785, -0.7956756353378296, -0.5821496248245239, -0.7264647483825684, 0.8576179146766663, -1.4441105127334595, -0.4037685692310333, -0.5680587887763977, 0.11850767582654953, 0.4525878131389618, 0.36679771542549133, -0.06307429075241089, -0.8853681683540344, -1.5274306535720825, 0.6294754147529602, 0.601743757724762, 0.4963019788265228, 0.731307327747345, -0.009283468127250671, -0.10042349994182587, -0.06469406187534332, 0.09109766781330109, -0.11177201569080353, 0.2748763859272003, 0.6023002862930298, -0.6522892713546753, 0.2738441228866577, -0.8915767669677734, 1.0907621383666992, -0.296143114566803, -0.687274158000946, 0.586509108543396, -1.3864151239395142, 1.4066236019134521, 1.3117260932922363, -0.41829243302345276, -0.48462042212486267, 0.08779001235961914, -0.6633918285369873, 1.3604869842529297, -1.0291743278503418, 0.8002719879150391, 0.5026144981384277, -0.12327954173088074, -0.5864831209182739, 0.08594787120819092, -0.7764881253242493, -0.12687785923480988, -0.06434699892997742, 0.5243958234786987, 0.5732318758964539, -0.8629482984542847, 0.3230889141559601, -0.5791760087013245, 1.4162921905517578, -0.04269815981388092, -1.1086474657058716, 0.02771650068461895, 0.2047373354434967, -0.03424574434757233, 0.09821182489395142, 0.6244754195213318, -1.3055832386016846, 0.9943018555641174, -0.3685144782066345, -0.35033249855041504, 1.0044715404510498, -0.822481632232666, 1.0360329151153564, -0.09303489327430725, 0.09214403480291367, 0.0039060786366462708, 0.5016137957572937, 1.0885839462280273, -1.1464248895645142, 1.443450689315796, 0.8815706372261047, -0.5113492608070374, 1.9988001585006714, -0.08886189013719559, 0.3027244508266449, -0.4281368553638458, 0.2793402671813965, 0.012747999280691147, 1.3934903144836426, -0.7929063439369202, 0.6450961232185364, 0.01218406856060028, -0.09813697636127472, -0.5561597943305969, -1.2670841217041016, -0.6353224515914917, 0.04509120434522629, -1.4188358783721924, -0.7503600120544434, -0.4563007354736328, 1.1605849266052246, 1.503177523612976, -0.22011709213256836, 1.2445948123931885, -0.2504415214061737, 0.11739006638526917, -0.011556045152246952, 0.8394962549209595, -0.5118801593780518, -0.9396801590919495, 0.7083190083503723, 2.2468628883361816, -0.5548925995826721, 1.847015142440796, -0.479192852973938, 0.5077564716339111, -0.5301654934883118, -0.16914692521095276, 0.8881410360336304, -0.05356685817241669, -1.209030032157898, -1.291033387184143, 0.38520586490631104, -1.5330712795257568, 0.6261808276176453, -0.08685800433158875, -0.48508867621421814, 0.007382344454526901, 0.5484141111373901, -0.32902130484580994, -0.15063326060771942, 0.3465385138988495, 0.2822585701942444, -0.2873004972934723, 0.5642797946929932, -0.22340765595436096, 0.9556983709335327, 1.12151300907135, 0.3079749345779419, 0.01990322768688202, 0.8261271715164185, -1.0442081689834595, -0.23105230927467346, 0.5795025825500488, -0.04121674224734306, -0.9810992479324341, -0.36523184180259705, 2.0966930389404297, 0.14351549744606018, -0.1605834662914276, 0.3218432068824768, -0.348159521818161, -0.6069823503494263, 0.7826234102249146, 1.0257761478424072, 0.08241952955722809, 0.39741772413253784, -0.41898247599601746, -0.5376322865486145, -0.30666905641555786, 0.5247088074684143, -0.16020004451274872, -0.30916711688041687, -0.9737505912780762, -0.3600161075592041, -0.37084275484085083, 1.6864566802978516, 0.19177016615867615, -0.5647356510162354, -0.2540530264377594, 0.9541188478469849, 0.654947817325592, -0.40983155369758606, 0.4191380739212036, -1.22636079788208, -0.5150147676467896, -0.4670255780220032, 1.4837349653244019, -1.1575207710266113, 0.5104659199714661, 0.18878592550754547, 0.672151505947113, -0.676497220993042, 0.008050603792071342, -1.638255000114441, 0.5074368715286255, 2.5973732471466064, 0.7640965580940247, -0.7052208185195923, -0.5997944474220276, 0.3824322819709778, -0.08043939620256424, 0.06919238716363907, 0.7666395902633667, -1.1232168674468994, -0.3485023081302643, -0.9501396417617798, 0.1772478073835373, -0.19892913103103638, 0.20452773571014404, 0.3548683226108551, 0.20956116914749146, -0.3745419681072235, -0.40461185574531555, -0.2275574654340744, -0.22967228293418884, 0.434614360332489, 0.7451914548873901, -0.07193110883235931, -0.34144383668899536, 0.04241234436631203, 0.15840104222297668, 0.9999905824661255, -0.20829850435256958, -0.4304620623588562, -0.1721767634153366, -0.01007956825196743, 0.051343441009521484, 0.1117248460650444, -0.04399771988391876, -1.2115991115570068, 0.9710233807563782, 1.1211836338043213, 0.1349417120218277, 0.12507396936416626, -0.6477240920066833, -0.03703450411558151, 0.5121086835861206, 1.6204832792282104, -0.40039876103401184, 1.3272985219955444, -1.341920256614685, 0.6787338852882385, 0.5985150933265686, -0.7812663912773132, 0.44470274448394775, 0.5089088082313538, -0.02757551334798336, -0.1349945366382599, -0.33118736743927, -0.17433235049247742, -0.46816572546958923, -0.7034086585044861, -0.08786438405513763, 0.4616175591945648, -1.106266975402832, -1.3477128744125366, 0.5629904270172119, -1.147269368171692, -1.5396240949630737, -0.07303127646446228, 0.6702149510383606, 0.7579697966575623, -0.2933442294597626, 0.2186921238899231, 0.6497390866279602, -0.1248415932059288, 0.12859120965003967, -0.08664511144161224, 0.9179614186286926, -0.5589663982391357, 0.8779875040054321, -0.4013286530971527, 0.9548583030700684, 0.11562015861272812, -1.0254828929901123, 0.2870601415634155, 0.21268126368522644, 1.721882700920105, -0.892055869102478, 0.9129475355148315, -0.2598230242729187, -0.9280641078948975, 1.3401594161987305, 0.13859929144382477, 0.3832281827926636, -1.0342004299163818, 0.7507572174072266, 0.7752365469932556, -0.3043196201324463, 0.5163676738739014, -0.596567690372467, 0.3937250077724457, 0.4666011929512024, -0.84959876537323, 0.1435251086950302, 0.3600008487701416, -0.3177412450313568, -0.4648183286190033, 0.7646893858909607, -1.5523186922073364, 0.11659511923789978, 1.6013221740722656, -0.864891767501831, 0.3029268682003021, -0.14946295320987701, 1.4289605617523193, -0.8711082339286804, -0.696740984916687, -0.7855622172355652, -0.46420174837112427, 0.6831361055374146, 0.009633436799049377, -0.0031255073845386505, 0.43789881467819214, -1.0805914402008057, -0.15890024602413177, 0.8258519768714905, 1.431708574295044, -0.6439735293388367, -0.10957764089107513, 0.10974154621362686, -0.5792100429534912, 1.2614812850952148, -0.5654463171958923, 0.525200366973877, 1.7500003576278687, -0.44330930709838867, -0.6006220579147339, 0.34818434715270996, 0.6664938926696777, 0.5772726535797119, 0.45146602392196655, -0.22831551730632782, 0.8752050995826721, -0.3656146228313446, 0.5584519505500793, 0.31988993287086487, -0.326490193605423, -1.9546840190887451, -0.5597989559173584, 0.5686638951301575, -0.7343343496322632, 1.1171799898147583, 0.8568869829177856, 1.1352040767669678, -0.18245239555835724, 0.09876085072755814, -0.1116037368774414, 1.0531264543533325, 1.6650944948196411, 0.6249023675918579, 0.4888046979904175, -0.4162130057811737, 0.6306014060974121, 0.4278029799461365, 0.0377766378223896, -0.8870953917503357, 0.7666046023368835, 1.2583136558532715, -0.857485294342041, 0.11866551637649536, -0.5745440125465393, -0.027670491486787796, 0.40425822138786316, 0.7173041105270386, -0.35429221391677856, -0.9672320485115051, -0.6872571706771851, 0.06873258948326111, 0.35808515548706055, 0.5214837789535522, -1.425838828086853, -0.0849209576845169, -0.2558128237724304, 0.36528268456459045, -0.36117011308670044, -0.2168041467666626, 0.44066333770751953, -0.472185879945755, -0.3083067834377289, -0.6001147627830505, -0.8876084089279175, -0.06616545468568802, 0.024005860090255737, -0.4012646973133087, -1.1410332918167114, 1.656504511833191, -0.9164812564849854, -1.5644516944885254, 0.4313976466655731, 0.1060556098818779, -1.3387740850448608, 1.0252684354782104, 0.5573418736457825, -1.4848530292510986, -1.1406115293502808, -0.38834112882614136, -0.9264659285545349, -1.1423283815383911, 0.8720699548721313, -0.5966771245002747, 1.4902724027633667, 0.28207141160964966, 0.07235721498727798, 0.1103663444519043, -0.16035574674606323, -0.6565147638320923, 0.007869735360145569, 1.8557679653167725, -0.5261103510856628, -0.01957477256655693, 0.8955417275428772, -0.5774286389350891, 0.4696885943412781, -1.4854063987731934, -0.8765307664871216, 0.42483261227607727, 1.1521084308624268, 1.013383388519287, -0.7612045407295227, -1.027055263519287, 0.21145394444465637, -0.7406870722770691, 0.6979291439056396, -0.8366525173187256, 0.3847413659095764, -1.012390375137329, -0.040320899337530136, 0.5266343951225281, -0.39253515005111694, -0.7802699208259583, 0.8606411814689636, -1.2662677764892578, 0.2966077923774719, 0.8383581638336182, 0.3626512885093689, 0.2576633393764496, 0.39843735098838806, 1.4473811388015747, -0.9214964509010315, -9.201547622680664, -0.0015374710783362389, -0.46825289726257324, 0.6612468957901001, -0.35947689414024353, -0.4643552005290985, 0.034665338695049286, -0.3133101463317871, 1.8678961992263794, -0.4851722717285156, -0.109673410654068, 2.6245529651641846, 0.35025450587272644, -0.9757004380226135, -0.8340680599212646, -0.45666003227233887, 0.15410250425338745, -0.3059358596801758, 0.06110800802707672, 0.016867905855178833, -0.8620502948760986, -1.8756822347640991, 0.7518060803413391, -1.0291974544525146, 0.9831539988517761, 0.11283809691667557, -0.04370509088039398, -0.4996815621852875, -1.1714680194854736, 0.4096359610557556, 0.9433408975601196, 0.06632541865110397, -0.5894538164138794, -0.14982709288597107, 0.34582197666168213, 0.21331636607646942, -0.7568725347518921, -0.4619744122028351, 1.5108336210250854, -0.5916389226913452, 0.472326397895813, 0.2228061854839325, -0.07240304350852966, -0.5139763355255127, -0.4656617343425751, -0.1747014820575714, -0.21728858351707458, 0.1375277042388916, -0.058331891894340515, -0.4175679087638855, -0.06527040153741837, -0.5409566760063171, -1.5618809461593628, -0.3904186189174652, 1.6765984296798706, 0.3624296486377716, -1.250884771347046, 0.3349429666996002, -1.393844485282898, -1.376387357711792, 1.2944542169570923, 0.18827573955059052, -0.28613439202308655, 0.38417792320251465, 0.24607881903648376, -0.8839249014854431, 0.4829064607620239, -0.2816402316093445, -0.2764087915420532, -0.41238024830818176, -0.24930521845817566, 1.6641563177108765, 0.45402267575263977, 0.3307342529296875, 0.2894039750099182, -0.7178083062171936, -0.5638691782951355, -0.34253397583961487, 0.4028617739677429, -1.153314471244812, -0.9488351345062256, 0.5169115662574768, -0.7589854001998901, -0.51621413230896, -0.6503977179527283, 0.14966270327568054, -0.739208996295929, -0.8094532489776611, 0.8156790733337402, 0.7748346328735352, 0.06051865220069885, 0.4859794080257416, 0.5552902221679688, 0.920425534248352, -0.7980740666389465, 0.5323136448860168, -1.4393352270126343, 1.8570501804351807, -0.14684495329856873, -0.06464763730764389, 1.0630743503570557, 0.3532261848449707, -0.4817981421947479, 0.12324748933315277, 0.6022462844848633, 0.21109530329704285, 0.026266828179359436, 0.37934610247612, -0.8307895064353943, -0.09267918020486832, 0.45277294516563416, 0.2116973102092743, -0.17287975549697876, 0.014872534200549126, 0.8810896873474121, 0.45122143626213074, 0.21996834874153137, 0.01454143226146698, 0.12619587779045105, 0.6560413241386414, -0.28207024931907654, 0.4551803171634674, -0.7515825033187866, 0.2907106876373291, 0.12170758843421936, 0.2978496253490448, 0.061379630118608475, -0.2828143537044525, -0.25312894582748413, -1.7434773445129395, 1.1848841905593872, -0.5711163282394409, 0.4913578927516937, -1.3906129598617554, -0.0611221008002758, -0.6811248064041138, -1.5159159898757935, 0.5462751388549805, -1.1357667446136475, 0.7983050346374512, -0.4334579110145569, -0.43028131127357483, 0.7262575030326843, -0.08852718770503998, -0.11879491806030273, -0.28708329796791077, -1.431375503540039, 0.1617870330810547, -0.858783483505249, -0.23119761049747467, 0.5581045150756836, -0.3762497901916504, 0.41596174240112305, -1.1338883638381958, -0.46227550506591797, 0.04343799501657486, 0.8853654265403748, -0.2937181293964386, -1.1521403789520264, 0.35265475511550903, 0.32721877098083496, 1.1794558763504028, -0.47636711597442627, 1.0149662494659424, 0.028215400874614716, -0.589341938495636, 0.1359560787677765, 0.24306735396385193, -0.7491247057914734, 0.8128277063369751, 1.499581217765808, -0.477958083152771, -0.34631624817848206, 0.0008696764707565308, -0.0697210282087326, -0.8516133427619934, 1.1243702173233032, 1.1719129085540771, -1.1047046184539795, 0.7645807266235352, -0.35683080554008484, 0.4001075327396393, -0.036127720028162, -0.9387651085853577, -0.4226408898830414, 1.0734996795654297, -0.6048181653022766, 1.5601918697357178, 0.0017230967059731483, -0.03707006946206093, -1.5802998542785645, -0.9424871802330017, -0.32311898469924927, -0.1974707692861557, 0.595564067363739, -0.7115553021430969, 0.8475316166877747, 0.2649608552455902, 0.09383280575275421, -1.4549561738967896, -0.1444738656282425, 0.8002697229385376, 0.012608353048563004, -0.23496079444885254, -1.3632594347000122, -0.7480624914169312, -0.6282684803009033, 0.2555024027824402, -0.02880636230111122, -0.24028931558132172, -1.8167293071746826, -0.10175961256027222, 0.18888680636882782, -0.27781587839126587, 0.8178852200508118, -0.4988403618335724, 0.3121543526649475, 0.44389358162879944, -1.0822480916976929, -0.5420920252799988, 0.17875933647155762, 1.78305184841156, 0.406610369682312, 0.8375986814498901, 0.14965419471263885, 0.2848058342933655, 0.7351358532905579, 0.7592935562133789, 2.0547938346862793, -0.7304820418357849, 0.25413036346435547, -0.18075089156627655, -0.45526519417762756, -0.03318718075752258, 0.0401247963309288, 0.2847398519515991, -0.8628031611442566, 0.28658875823020935, -1.6428794860839844, 0.14332662522792816, -0.11288385093212128, -0.17809325456619263, 0.6940329074859619, 0.46299609541893005, -1.2356129884719849, -0.3725557327270508, -0.3916662335395813, 0.1413506269454956, -0.16607621312141418, 0.17637178301811218, 0.8779594898223877, 1.3084298372268677, 0.465086966753006, 0.3124154210090637, 1.545035481452942, 0.7141776084899902, -0.053235918283462524, 0.5217916369438171, 1.044935703277588, 1.4368610382080078, 0.7404751181602478, -0.06015719473361969, -0.5530589818954468, -0.1060289517045021, -1.1123605966567993, -0.49257394671440125, -0.5155494213104248, 0.6499391198158264, 0.40922778844833374, -0.21417446434497833, 0.5030443668365479, 0.0398777574300766, -0.6446840167045593, 0.3587520718574524, 0.45900532603263855, 0.6743113994598389, 0.024675637483596802, -0.06360872089862823, -0.8551095128059387, -0.16832181811332703, 1.1981228590011597, -1.510195255279541, -0.1308274120092392, -0.9702610373497009, 0.6637085676193237, -0.2611778974533081, -1.0570940971374512, -1.562098741531372, 0.21233882009983063, 0.1289696842432022, -0.22147400677204132, 1.0291900634765625, -1.626286506652832, -0.9568375945091248, -0.33171823620796204, -0.8678925037384033, 0.2644975185394287, 0.3955760598182678, -1.4139050245285034, 0.10513320565223694, -0.059646908193826675, -0.05410117655992508, 0.09951542317867279, 0.21998634934425354, -0.14266841113567352, -1.4820326566696167, 1.4781144857406616, 1.6544528007507324, 0.2421138882637024, -1.1204683780670166, 0.6758265495300293, 0.14329785108566284, -0.2592352628707886, 1.4921272993087769]} +{"paper_id": "hover", "embedding": [-0.47171831130981445, 0.8881815075874329, -0.3749563992023468, -0.34850651025772095, -0.10471402853727341, -0.14563405513763428, 0.7351095080375671, 0.4756690561771393, 0.9147775769233704, 1.331749439239502, 1.1634865999221802, 0.16555985808372498, -0.3422454297542572, -0.03243916481733322, -0.010284844785928726, -0.06465107947587967, -0.1439180225133896, -0.3980293571949005, -0.5613139271736145, -0.34375545382499695, -0.2748892307281494, -0.8480667471885681, 0.3133966028690338, 0.20715826749801636, -1.6783828735351562, -0.48062533140182495, 1.0106546878814697, -0.9434327483177185, -0.06672308593988419, 0.10867104679346085, -0.17266547679901123, 1.0780982971191406, -1.9125787019729614, 0.9588629603385925, -0.1738850474357605, 0.02246503345668316, 0.22891105711460114, 1.1227604150772095, 0.2459086775779724, 0.20235762000083923, -0.6998026371002197, -0.3250119090080261, 0.7250645756721497, -0.10330823808908463, 1.0137361288070679, -0.6857766509056091, 0.43961629271507263, 0.07133398205041885, -0.6994345188140869, 0.03223266080021858, -0.22114798426628113, 0.19697028398513794, -0.00047656893730163574, 1.0600250959396362, 0.05667753145098686, 1.133406639099121, -0.10094974935054779, -0.3799741268157959, 0.5256054997444153, -0.23009027540683746, 1.5806766748428345, 1.4529989957809448, -0.9354826211929321, -0.2294231355190277, 0.739992082118988, -0.29122257232666016, 1.2792237997055054, 0.2799510359764099, 0.4336729645729065, 0.6285492777824402, 0.06375762820243835, -1.4731069803237915, -0.005780376493930817, -0.6527810096740723, -0.09544335305690765, 1.0409748554229736, 0.8455811142921448, 0.04523716866970062, 0.125492662191391, -0.04768097400665283, 0.21592171490192413, 0.7578281164169312, 0.6033111810684204, -0.5500110983848572, -0.048693668097257614, 0.5212403535842896, -0.025422971695661545, -0.3966175317764282, 1.1019619703292847, -1.7053303718566895, 1.2194331884384155, 0.14390459656715393, -0.5328677892684937, -0.07948928326368332, 0.10754601657390594, 0.6389099359512329, -0.9979384541511536, -0.5495383143424988, -0.2880402207374573, -0.12174326926469803, 0.46512213349342346, -0.5687016248703003, 0.0044393595308065414, -0.34769320487976074, 0.30252695083618164, 0.9769536852836609, -0.44550082087516785, 0.24478954076766968, -1.0203609466552734, -0.23334316909313202, -0.16640502214431763, 1.38859224319458, -0.5129954218864441, 0.16771787405014038, -0.2276393175125122, -0.6444348096847534, 0.4178021550178528, -0.7157886028289795, -0.4416791498661041, 0.21129028499126434, -0.060802068561315536, -0.8417207598686218, -0.398378849029541, 0.5798665881156921, 1.0998740196228027, -0.6666905879974365, -0.07319163531064987, -0.3336685001850128, -0.519848108291626, -0.03384584188461304, 0.21842613816261292, -0.18015679717063904, -1.0667110681533813, 0.15256397426128387, 2.7027416229248047, -1.0902400016784668, 1.7097307443618774, 0.20646177232265472, -0.22238732874393463, -0.12172992527484894, 0.19009387493133545, 1.068555474281311, 0.8265094757080078, -0.29032623767852783, -0.3689020574092865, 0.7083505392074585, -0.6170254349708557, 0.7776584029197693, -1.3125488758087158, -0.6082255840301514, -0.48793214559555054, 0.41123566031455994, -2.3658528327941895, -0.2498851716518402, -0.1718335598707199, -0.025760898366570473, -0.4548633396625519, 0.09254355728626251, -0.869102954864502, 0.7437915205955505, 0.6101458072662354, 0.5442848205566406, -0.5266239047050476, 0.6351038217544556, 0.04268597811460495, 0.07099416851997375, 1.2592248916625977, -0.5157142281532288, -1.4675909280776978, 0.2575704753398895, 1.0420305728912354, -0.9424023628234863, -0.2680351436138153, -1.1269539594650269, -0.1812523454427719, 0.2612638771533966, 0.3979504704475403, 0.5567547082901001, 0.26771414279937744, -0.13798129558563232, -0.7246648073196411, 0.09366405010223389, -0.12526200711727142, 0.18710827827453613, -0.49734020233154297, -0.01686592400074005, -2.5266637802124023, -0.3379421830177307, 0.14307130873203278, 1.2860147953033447, 0.12241828441619873, 0.7577168941497803, 0.46603360772132874, 0.5052370429039001, -0.09836335480213165, -0.8899107575416565, 0.4907252788543701, -1.2989652156829834, -0.09281280636787415, -0.385974645614624, -0.3119726777076721, -0.13855785131454468, -0.3634774088859558, 0.04992268979549408, 0.7570512890815735, -1.0900570154190063, -0.692268431186676, -2.4811089038848877, 0.37468722462654114, 2.5183870792388916, -0.738372802734375, -0.49694007635116577, -1.6906527280807495, -0.2828308939933777, 0.2107899785041809, -0.285381019115448, 0.3062514066696167, -0.9474449157714844, -0.018035493791103363, -0.8607866764068604, 0.7336495518684387, -0.5616862177848816, 0.4678172767162323, 0.40162110328674316, 0.625120997428894, -1.0222731828689575, 0.26178306341171265, -0.704472005367279, -1.3069086074829102, 0.9754061102867126, 0.8808635473251343, -0.14697162806987762, -0.17706052958965302, 0.943906307220459, 0.8040964603424072, 1.2095863819122314, -0.01812472566962242, 0.4400011897087097, -1.4465186595916748, 0.08151896297931671, 0.18519073724746704, 1.5226277112960815, 0.42888563871383667, 0.05028232932090759, 1.007161259651184, 0.4072050452232361, -0.10993441939353943, -0.3507564067840576, -0.5473999381065369, -0.40646296739578247, 0.9918162822723389, 0.23026728630065918, -0.8445093035697937, 0.746343195438385, -0.815262496471405, -0.2604580521583557, -0.38058650493621826, -1.1676429510116577, -0.12911736965179443, 0.16415075957775116, 0.6140016913414001, 0.36458325386047363, -0.20722924172878265, -0.27079758048057556, -0.17967171967029572, -1.5897607803344727, -0.026105958968400955, -0.4807703197002411, -0.6419671773910522, -1.5324844121932983, 0.21386831998825073, -0.43797844648361206, -1.078905701637268, -1.0632293224334717, 0.7355065941810608, 0.4447326362133026, 0.14142650365829468, 0.312514066696167, 0.8300156593322754, 0.06101810932159424, -0.28402990102767944, -0.3034490942955017, 0.95583575963974, -0.024042129516601562, 0.9500134587287903, -0.04005835950374603, -0.40040209889411926, -0.7115748524665833, 0.3598496913909912, -0.19015415012836456, 0.6663011908531189, 0.1995009183883667, -0.20577633380889893, 0.7197357416152954, 0.004423603415489197, -0.8237054944038391, 1.5732859373092651, 0.3980868458747864, -0.47451046109199524, -1.172749638557434, 1.3755418062210083, 0.09214580059051514, -0.3197326958179474, 0.8997509479522705, 0.1760992556810379, -0.9044270515441895, 1.5674536228179932, -0.11137255281209946, 0.6855279207229614, 0.594215452671051, 0.135905921459198, 0.21521657705307007, 0.1749860942363739, -1.2246590852737427, 0.4236336350440979, 1.0266060829162598, -0.4539700448513031, -0.28629830479621887, -0.7470704317092896, 0.3555361032485962, -0.6014401316642761, -0.0776343122124672, 0.41614454984664917, -0.054275836795568466, 0.08457629382610321, -0.26497408747673035, 0.40486282110214233, 1.4277108907699585, -1.487571358680725, 1.245605707168579, 0.40670111775398254, 0.22858351469039917, -0.7594744563102722, -0.5342546701431274, 1.3804810047149658, -0.2920496165752411, 0.8966418504714966, -0.35544484853744507, 0.8125383257865906, 0.6681276559829712, -0.5696178674697876, -0.15698979794979095, 1.204821228981018, 0.24460425972938538, 0.8433815836906433, 0.503555178642273, -0.7984791994094849, 0.8655117154121399, -0.2552538514137268, 1.1776149272918701, 0.177700012922287, -0.9217233061790466, -1.6435308456420898, -0.281120240688324, -0.13731887936592102, -0.858690619468689, 1.8307559490203857, 0.823443591594696, 1.9841779470443726, -0.6445690989494324, 0.4480716288089752, -0.510424017906189, 0.05090257152915001, 0.5718879699707031, 0.36467766761779785, 0.571274995803833, -1.2347337007522583, 0.1146651953458786, 1.6707319021224976, -0.13777616620063782, 0.3231849670410156, -0.18280775845050812, 0.41922852396965027, 0.05582684278488159, -0.3372693657875061, 0.8485968112945557, -0.29183292388916016, 0.08710971474647522, 0.5158907771110535, -0.38503116369247437, -1.1202625036239624, -0.17720448970794678, 0.25735345482826233, 0.14687201380729675, 0.8859997391700745, -0.8527852296829224, 0.7150506973266602, 0.007758688181638718, 0.628868043422699, 0.04432573914527893, 0.7279753684997559, 1.667870283126831, 0.4617137014865875, -1.5940555334091187, -0.4974265396595001, -0.43984463810920715, 0.3630675673484802, -0.06258951872587204, 0.28147760033607483, -0.39574509859085083, 0.3047258257865906, -0.1922559142112732, -1.0919618606567383, 1.0006215572357178, -0.44057634472846985, -1.4369564056396484, 0.8021270632743835, 0.7119455337524414, -1.609585165977478, -0.3810637593269348, 0.5130517482757568, -0.0897473394870758, -0.8945204615592957, -0.20277035236358643, -0.4771125018596649, 0.9995195269584656, 0.5568695664405823, 0.5468006134033203, -0.18525369465351105, -0.22791697084903717, -1.0006593465805054, 0.9536561369895935, 0.7467610239982605, -0.6211749315261841, 0.8983060121536255, 0.4275042414665222, -0.043015360832214355, 0.2262457013130188, -1.6052179336547852, -0.864611804485321, 1.4589027166366577, -0.30960917472839355, 0.10320178419351578, -1.086435317993164, -1.3066390752792358, 0.8990678191184998, 0.24768854677677155, 0.5821428298950195, -0.7592195868492126, 0.2178320586681366, -1.2378730773925781, 0.12578071653842926, 0.24241167306900024, -0.7614983916282654, -0.3863270878791809, 1.1848490238189697, -0.3276026248931885, 1.1133593320846558, 0.21455946564674377, -0.24389266967773438, 2.0306029319763184, 0.27727770805358887, 0.0835723802447319, -0.8847945928573608, -10.284274101257324, 1.101674199104309, 0.033910732716321945, 0.5359043478965759, 0.6507612466812134, -0.39480578899383545, 0.28384119272232056, -0.3086211681365967, 1.0334795713424683, -0.7379000782966614, 0.6479400396347046, 2.4227371215820312, -0.008455060422420502, -0.6450691819190979, -0.8331477642059326, -1.8802903890609741, -0.5494622588157654, -0.05504154413938522, -0.4042644500732422, -0.09126567095518112, 0.26328352093696594, -1.3093135356903076, 0.20138026773929596, 0.3335246443748474, 0.31435146927833557, 0.27185800671577454, 0.3272252678871155, -0.08370806276798248, -0.3270607888698578, -0.00032723695039749146, 0.5795125365257263, -0.07973241806030273, -0.23402830958366394, -0.5679804086685181, 0.1976478546857834, -0.4733183681964874, -1.0360968112945557, -0.2059771865606308, 0.7049118280410767, -0.2984088361263275, 0.04713355749845505, 0.5077885985374451, 0.05558484420180321, -0.700028121471405, -0.6143019199371338, 0.24800793826580048, 0.28961169719696045, -0.8158275485038757, 0.08242972195148468, 0.2690877914428711, -0.039477698504924774, -0.5600640773773193, -0.7043055295944214, -0.1895146369934082, 0.5357269644737244, -0.3203623592853546, -0.7800697088241577, -0.44075652956962585, -0.9846338033676147, -1.7085988521575928, 0.7530529499053955, 0.24555703997612, 0.5786349177360535, 0.030803166329860687, 0.47494012117385864, -0.3672506511211395, 0.8570235967636108, 0.18002760410308838, -0.3632955253124237, -0.43597251176834106, -0.6314955353736877, 0.6505684852600098, 0.44809114933013916, -0.08163571357727051, -0.7259230017662048, -0.05941332131624222, -0.5251748561859131, 0.5609906911849976, 0.5565471649169922, 0.36272546648979187, -1.2158499956130981, 0.8902048468589783, 0.534769594669342, -0.4600677192211151, -1.0119916200637817, -0.4944184720516205, -0.3534170687198639, -0.619415819644928, -0.20358411967754364, -0.022377680987119675, 1.1215877532958984, 0.48663201928138733, -0.4832727909088135, -1.0030488967895508, -0.5582754611968994, 0.6567444205284119, -0.6973405480384827, 0.9822089076042175, -0.41992124915122986, -0.9743785858154297, 0.6769101619720459, 0.09440787881612778, -0.8610614538192749, -0.4010794460773468, 0.43574759364128113, 0.30706489086151123, 0.0758722573518753, -0.20924164354801178, -0.403580904006958, -0.28231123089790344, 0.9425162076950073, 0.1329239457845688, -0.22915376722812653, 1.285130500793457, -0.5261989831924438, 0.2023569494485855, 0.8141105771064758, -0.4882822334766388, -0.24158859252929688, 2.0808990001678467, -0.21619457006454468, 0.7672590017318726, -0.12684549391269684, 1.0090457201004028, -0.600574791431427, 0.19439318776130676, 0.123238205909729, 0.4251993000507355, 0.07127798348665237, -2.0256638526916504, 0.947037398815155, 0.033808428794145584, 0.30554652214050293, -0.6364817023277283, -0.5901508927345276, -0.4096078872680664, 0.06709415465593338, 1.4527491331100464, -0.7631955146789551, 0.08930369466543198, -0.6544705033302307, -0.2998298108577728, 0.9205821752548218, -1.083136796951294, -0.6354434490203857, 0.44404682517051697, -1.2919487953186035, 0.18196259438991547, -1.0248427391052246, -0.13937734067440033, -0.12940236926078796, -0.5218995809555054, 0.6964302659034729, 0.06859298050403595, -0.3399266302585602, -0.16348272562026978, 0.07730163633823395, -0.4551056921482086, -0.7760795950889587, 0.33971235156059265, -0.7089914083480835, 2.1020476818084717, -0.7797161340713501, 0.1557636559009552, 0.5272748470306396, -0.4245772361755371, -0.8244359493255615, -0.5308043956756592, -0.1925823986530304, -0.13257798552513123, 1.4400969743728638, -0.6066054701805115, 0.327157199382782, 0.10052767395973206, 0.4520227313041687, -0.6819629073143005, 1.4227060079574585, 0.9865436553955078, -0.9811656475067139, -0.42043977975845337, 0.5197589993476868, 0.465055912733078, 0.21868832409381866, -0.08999411761760712, 0.4775107800960541, 0.3084876239299774, -0.5902196764945984, 0.5967991352081299, -0.23273009061813354, 0.9333651661872864, -1.5164521932601929, -1.0098297595977783, -0.1305980533361435, 0.019527051597833633, 1.0821967124938965, -0.22291648387908936, 1.1137974262237549, 0.44052746891975403, 0.7324814796447754, -0.08019078522920609, 0.02280564419925213, 0.938514769077301, -0.14404210448265076, 0.6947409510612488, -1.1152012348175049, 0.16583238542079926, -0.44698479771614075, 0.3650650084018707, -0.05006393417716026, 0.7533068656921387, -0.47520044445991516, 0.4884713888168335, 0.1566881537437439, -0.48133063316345215, 0.17725439369678497, -1.2154070138931274, 0.589272677898407, -1.331773042678833, -0.272391676902771, -1.196690559387207, 0.9521986246109009, 0.8971677422523499, -0.3586825728416443, 1.161930799484253, 0.13011431694030762, 0.5715183019638062, 1.3234655857086182, 0.5442185401916504, 1.304246187210083, 0.17242419719696045, 0.024987127631902695, 0.601446270942688, 0.3521607518196106, -0.13605862855911255, 0.02866731584072113, -1.0809810161590576, 0.1895306408405304, 0.48183923959732056, -0.4374999403953552, 0.5605074763298035, -0.6899979114532471, 0.03982444480061531, 0.8130444288253784, 0.7415288686752319, -0.634061336517334, -0.9039815664291382, -0.2368638962507248, -1.468618392944336, -0.26713934540748596, 1.1712393760681152, 0.972975492477417, 0.07443442940711975, 0.9953706860542297, 0.2510024309158325, 1.0394697189331055, -0.6752289533615112, 0.203426793217659, -0.12030888348817825, -0.46862709522247314, 0.9851689338684082, 1.0226253271102905, 0.2891978323459625, 0.007784198969602585, 0.01505233347415924, -1.1236364841461182, -0.2262536734342575, -0.5412315130233765, 0.5069715976715088, 0.6639854311943054, -0.2900993525981903, -0.02498592436313629, -1.0760012865066528, 0.3432396650314331, -1.0171829462051392, 0.28077974915504456, -0.15544913709163666, -0.5822719931602478, -0.33998674154281616, -1.4308667182922363, -0.27755939960479736, 0.7399018406867981, -0.37287306785583496, -0.2596701681613922, 0.12550988793373108, 1.8186718225479126, -0.17527887225151062, 0.06885506957769394, -0.5881131291389465, -0.33774423599243164, -0.12395546585321426, -0.5500539541244507, -0.3378068208694458, -0.5811747908592224, -1.1698552370071411, -0.5607094168663025, -0.3235337436199188, -0.12681302428245544, -0.31052693724632263, -0.8115660548210144, -0.0564584955573082, 0.023325810208916664, 0.7926125526428223, 0.18700242042541504, -0.19396953284740448, -0.416325181722641, -1.1424413919448853, 0.25009429454803467, 0.2592494487762451, 0.5287500023841858, -0.812045693397522, 0.15919363498687744, 0.33895808458328247, -0.10751459002494812, 1.2600857019424438]} +{"paper_id": "hybrid_qa", "embedding": [-0.9880460500717163, 0.8764457106590271, -0.29377931356430054, -0.4714023172855377, 0.41207247972488403, 0.21027211844921112, -0.4050598442554474, 0.5807735323905945, 0.576322078704834, 0.567388117313385, 0.45633968710899353, 0.04976698011159897, 0.3946152329444885, -0.4713420271873474, -0.3620785176753998, 0.24206840991973877, -1.1580270528793335, -0.8106139898300171, -1.7447435855865479, 0.13993650674819946, -0.21249277889728546, -0.9508233070373535, 0.02858591452240944, 0.8748329877853394, -0.8952528834342957, -1.1818314790725708, 1.0229744911193848, -1.0294686555862427, 0.2222820222377777, 0.16396838426589966, -0.315701961517334, 1.3273557424545288, -1.6951053142547607, 0.7675804495811462, -0.22371825575828552, -0.18623411655426025, 0.9618403315544128, 1.439430832862854, 0.008960902690887451, -0.3473583459854126, -0.572027862071991, 0.0964888259768486, 0.6769829988479614, 0.6732608675956726, 1.3527106046676636, -0.9212984442710876, 0.7091145515441895, -0.16862834990024567, -0.4950138330459595, -0.30654972791671753, -0.11911292374134064, 0.4131861627101898, -0.5386477112770081, 1.2680144309997559, -0.027670733630657196, 1.1401013135910034, -0.24098309874534607, -1.0461047887802124, 0.4514800012111664, -0.6669958829879761, 1.4803977012634277, 1.712441325187683, -0.24460704624652863, 0.5221742391586304, 1.515460729598999, 0.37081992626190186, 1.2762558460235596, 0.24265463650226593, -0.06110953539609909, 0.7542425394058228, -0.014066129922866821, -1.416725516319275, 0.7830753326416016, -0.522723913192749, 0.06901554763317108, 1.037184238433838, 0.43101438879966736, -0.01962585374712944, -0.07933357357978821, -0.6627519726753235, 0.03650906682014465, 0.1055445522069931, 1.3174728155136108, -0.41521820425987244, -0.0157526396214962, 0.5451457500457764, 0.23447424173355103, -1.2204796075820923, 0.3533029556274414, -1.9000853300094604, 1.0353200435638428, 0.03137555718421936, 0.0199468731880188, 0.11403626203536987, 0.2044011950492859, 0.7760050296783447, -1.686065912246704, -0.15342406928539276, -0.3636738657951355, 0.38420236110687256, 0.7267138361930847, -0.017476748675107956, 0.1523071676492691, 0.05465475097298622, 0.44972050189971924, 0.1620737463235855, 0.1793881356716156, 0.019888686016201973, -0.686873733997345, -0.8241338729858398, -0.07297907769680023, -0.029804334044456482, -0.4096294939517975, 0.10052582621574402, -0.07671709358692169, 0.5325462222099304, 0.3447367250919342, -0.9533891677856445, -0.08488363027572632, 0.40313857793807983, 0.2717300057411194, -1.3381140232086182, -0.3108903765678406, -0.360432505607605, 0.8305306434631348, -1.025178074836731, -0.5536784529685974, -0.4002031981945038, -0.4780711829662323, 0.2956838607788086, 0.7935616970062256, -0.7264443635940552, -0.9077479243278503, 0.01998300477862358, 3.3349649906158447, -1.1224721670150757, 2.0328125953674316, -0.3201030194759369, -0.7190819382667542, -0.15071026980876923, -0.4007231295108795, 1.447410225868225, 0.4847060739994049, -0.5237790942192078, -0.7369335889816284, 0.005115188658237457, -0.014854416251182556, 0.633731484413147, -1.2314417362213135, -0.3720332682132721, -0.6041144132614136, -0.1432000994682312, -1.7235372066497803, -0.17902500927448273, -0.04529159888625145, 0.4260745048522949, -0.29385918378829956, -0.33729976415634155, -0.8191518187522888, 0.6104201674461365, -0.03023514896631241, 0.02196725457906723, -0.5293315649032593, 0.6321300864219666, -0.6168456673622131, -0.22666619718074799, 0.8401418328285217, -0.4031820595264435, -1.288726568222046, -0.0690135732293129, 0.37889549136161804, -0.5262762308120728, -0.5090728402137756, -0.38633450865745544, -0.1951926350593567, -0.03259715437889099, 0.6326972246170044, 0.3717503845691681, 0.4048529863357544, -0.4131729006767273, -0.3210890293121338, 0.05550645664334297, 0.019961871206760406, 1.1399812698364258, -0.24320866167545319, 0.24924546480178833, -2.7811968326568604, -0.2742795944213867, -0.12376150488853455, 0.9194430708885193, 0.4408032298088074, -0.12871317565441132, 0.05605053901672363, -0.2857978045940399, -0.5688017010688782, -1.1888891458511353, 0.680309534072876, -1.0409034490585327, 0.38977253437042236, -0.12938843667507172, -0.12120094895362854, 0.5444493889808655, 0.2389935702085495, 1.3682492971420288, 0.25502797961235046, -0.9963886737823486, -0.9364839196205139, -1.7818305492401123, -0.2180885374546051, 2.07169771194458, -0.3237830400466919, -0.5009267926216125, -1.355628490447998, -0.24332183599472046, -0.1725080907344818, -0.19773100316524506, 0.29589948058128357, -1.045548677444458, 0.4411701261997223, -0.8754124641418457, 0.37332722544670105, -0.612468421459198, 0.15426144003868103, 0.5347850918769836, 0.9085128903388977, -0.8225540518760681, 0.4533330500125885, -0.9824509024620056, -0.9616621136665344, 1.089289665222168, 0.7244255542755127, 0.15498536825180054, -0.05925523489713669, 1.600431203842163, 0.5335268378257751, 0.7697354555130005, 0.668757438659668, 0.4622122049331665, -0.9678611755371094, -0.1140831932425499, -0.38689184188842773, 1.6423282623291016, 0.5335747599601746, 0.3827677369117737, 0.3491130471229553, 0.3125711977481842, -0.19905239343643188, -0.5087981224060059, 0.5054556131362915, -0.15810629725456238, 1.7191435098648071, 0.7129501700401306, -0.503851592540741, 0.9121386408805847, -0.41441041231155396, -0.5649611353874207, -0.12449373304843903, -0.9546409845352173, -0.16907377541065216, -0.5081731677055359, 1.6097972393035889, -0.056029558181762695, 0.4257141351699829, -0.20467841625213623, -0.36481085419654846, -1.295444130897522, 0.011846058070659637, 0.1882251501083374, -0.7469723224639893, -0.9395262002944946, -0.10466153174638748, -0.5419965982437134, -0.7943211793899536, -1.2837928533554077, -0.13383595645427704, 0.33837080001831055, 0.15732407569885254, 1.2706849575042725, 1.3103448152542114, -0.1969940960407257, 0.5103453397750854, 0.13286523520946503, 1.8685723543167114, -0.44292014837265015, 1.017227053642273, -0.735268771648407, -0.11343280971050262, -0.9026561379432678, 0.553422212600708, -0.5475680828094482, 0.5672746896743774, 0.735524594783783, -0.15944600105285645, 1.0765587091445923, -0.10139690339565277, -1.2059578895568848, 1.1201348304748535, -0.07115595042705536, -0.6927547454833984, -0.09926006197929382, 1.563038945198059, -0.1320166289806366, -0.8742269277572632, 0.7765527367591858, -0.43582719564437866, -0.5835209488868713, 0.5033814907073975, 0.5047630071640015, -0.08985721319913864, 1.1068201065063477, -0.1486402302980423, -0.24560759961605072, 0.9336444139480591, -1.5809175968170166, 0.8743741512298584, 0.9407054781913757, -0.44688844680786133, -0.0832994133234024, -0.7551480531692505, 0.10291585326194763, -0.5363509654998779, -0.17972275614738464, 0.6117898225784302, 0.23422133922576904, 0.44282400608062744, 0.3269846737384796, 0.3407328128814697, 1.212958574295044, -0.7943412065505981, 0.6572374105453491, 0.818366289138794, -0.4374657869338989, -0.31001535058021545, -0.6265878081321716, 0.46516528725624084, 0.08490004390478134, 0.007126022130250931, -0.1759818196296692, 0.3777162730693817, 1.0495299100875854, -0.1125936284661293, -0.27413681149482727, 0.4186401963233948, 0.5110990405082703, 0.4768926203250885, -0.35842016339302063, -0.5051174163818359, 0.6997748613357544, -0.3790673017501831, 0.9550922513008118, -0.47300654649734497, -0.8043962717056274, -1.3999345302581787, -0.22876456379890442, -0.05639652907848358, -0.1602250635623932, 1.93265962600708, 0.6655683517456055, 1.5942444801330566, -0.2151491492986679, -0.0943407192826271, -1.3414552211761475, -0.4029293954372406, 0.9624723196029663, 0.7568425536155701, 0.5520785450935364, -0.9274709224700928, 0.3381325900554657, 0.7874777317047119, 0.2265753149986267, -0.20819684863090515, 0.23909825086593628, 1.0430817604064941, 0.6511833071708679, -0.8106808066368103, 0.340874582529068, 0.9162886738777161, 0.34132617712020874, 0.9510495066642761, -0.2851702570915222, -0.23793244361877441, -0.23434250056743622, 0.7346116900444031, -0.586113452911377, 0.36650145053863525, -0.5011899471282959, 0.7482013702392578, 0.25284263491630554, 0.45584654808044434, 0.23223362863063812, 1.2024426460266113, 1.5912790298461914, -0.44949203729629517, -1.6993452310562134, -0.6295728087425232, -0.7607377767562866, -0.03232371807098389, 0.38900837302207947, 0.02977776899933815, -1.256338119506836, 0.600567638874054, 0.1849783957004547, -0.22050727903842926, 0.5475572347640991, -1.0303298234939575, -1.4474362134933472, 1.4169059991836548, 0.2703821361064911, -1.0174123048782349, -0.552031934261322, -0.09547697007656097, -1.117441177368164, -0.656163215637207, -0.6973473429679871, -0.9748117327690125, 0.33762121200561523, 0.07477718591690063, 1.0538526773452759, -0.2687928080558777, -0.03217734396457672, -1.5384422540664673, 1.094536304473877, 0.519286036491394, -0.8709350824356079, 0.19893567264080048, 0.34761786460876465, 0.5281572937965393, -0.2281392216682434, -1.3036885261535645, -1.1264094114303589, 0.7205658555030823, -0.1025741770863533, 0.9127410650253296, -1.351813554763794, -0.7516201138496399, 0.6393313407897949, 0.0003517568111419678, 1.1791610717773438, -0.8306259512901306, 0.10207337886095047, -0.9619935154914856, -0.08486869931221008, 0.5970554351806641, -0.8438234329223633, -0.6823893785476685, 1.0090656280517578, -0.2345321774482727, 1.447273850440979, -0.7339422702789307, 0.34385305643081665, 1.8934683799743652, -0.03757508471608162, 0.21571265161037445, -0.7837792634963989, -9.925366401672363, 0.967136800289154, 0.11748605221509933, -0.12003180384635925, 0.42365965247154236, -0.515650749206543, 1.2638944387435913, -0.5672481656074524, 0.27050185203552246, -1.092033863067627, 0.4898603558540344, 1.4299653768539429, 0.7344767451286316, 0.29933932423591614, -0.8319174647331238, -1.912136435508728, -0.3689277172088623, 0.1292707771062851, -0.012235432863235474, -0.28171682357788086, -0.8745588660240173, -0.513746976852417, -0.22111597657203674, 0.33025869727134705, 0.04344159737229347, 0.2908535897731781, -0.6810603737831116, -0.2945835292339325, -0.5701048970222473, -0.5555437803268433, 1.2074096202850342, 0.49175167083740234, -0.13423418998718262, -0.6114254593849182, -0.6245987415313721, -0.7133385539054871, -0.39942610263824463, -0.2003498673439026, 1.3454355001449585, 0.009863442741334438, -0.5104634165763855, 0.15291006863117218, 0.379304975271225, 0.5689255595207214, -0.5943463444709778, 0.5501620173454285, -0.0767459124326706, -0.6234773993492126, 0.6359960436820984, 0.13997313380241394, -0.6119546890258789, -0.23983794450759888, -0.7169485092163086, 0.2458927482366562, 0.25793710350990295, 0.6606301665306091, -1.297523021697998, -0.47497063875198364, -0.3787268400192261, -1.1028833389282227, 0.826057493686676, -0.3247659206390381, -0.3712230920791626, 0.5725464820861816, -0.11019480973482132, -0.2074156552553177, -0.18705254793167114, 0.2609686255455017, -0.7629110217094421, 0.36560821533203125, -0.0809851810336113, 0.540874719619751, 0.4004097878932953, -0.06550215184688568, -1.2131972312927246, -0.23736175894737244, -1.1906441450119019, 0.40279102325439453, 0.23718392848968506, 0.014004121534526348, -1.0641520023345947, 1.4377942085266113, 0.28638407588005066, -1.0037157535552979, -0.41960209608078003, 0.11484493315219879, -0.24467581510543823, 0.31423628330230713, 0.3699547052383423, -0.9017983078956604, 1.5363579988479614, 0.3361316919326782, -0.22130919992923737, -0.7121307253837585, 0.1819206178188324, 0.9160901308059692, -0.7178663611412048, 0.4312869906425476, -0.06738412380218506, -0.6510987281799316, -0.1978875994682312, -0.04774002730846405, -1.14808988571167, 0.24772320687770844, 0.12256017327308655, 0.8187731504440308, 0.844363808631897, 0.19843178987503052, -0.07911445200443268, -1.0649869441986084, 0.9673416018486023, -0.30235499143600464, -0.824510931968689, 0.9131014347076416, -0.4111185371875763, 0.8654736876487732, 0.1601056307554245, 0.1402963101863861, 0.5439914464950562, 0.6539914608001709, -0.24105313420295715, 1.13059401512146, -0.34077340364456177, 1.7341594696044922, -0.2596668601036072, -0.056145358830690384, 0.41911837458610535, 0.15572713315486908, 0.373879611492157, -1.6137405633926392, 0.6306623220443726, -0.309213787317276, -0.33461710810661316, -1.048755407333374, -0.7531284689903259, 0.031062956899404526, -0.16905346512794495, 1.5896683931350708, -0.6981850266456604, -0.01611482724547386, -0.6339306235313416, -0.8943886756896973, 0.16913706064224243, -1.602917194366455, -0.539198100566864, 0.011614218354225159, -0.73432457447052, 0.1873064786195755, -0.5819071531295776, -0.03768400102853775, 0.4195133447647095, -0.2189822793006897, 1.116494059562683, -0.7348219752311707, -0.09709793329238892, -0.0616484098136425, 0.2562567889690399, -0.3486008644104004, -1.5987838506698608, 0.2686029076576233, -0.5407069325447083, 1.3623018264770508, -0.9877630472183228, 1.3032405376434326, -0.07223989814519882, -0.35917243361473083, -0.6455466151237488, -0.31411170959472656, -0.16753070056438446, -0.1929435133934021, 0.8936460614204407, 0.37720298767089844, -0.34514662623405457, -0.7524051666259766, -0.729422390460968, -0.7663799524307251, 0.9465658664703369, 1.0208395719528198, -1.035723090171814, -0.11180172860622406, 0.06423517316579819, 1.394321084022522, 0.1599053144454956, 0.03365747630596161, -0.07544941455125809, 0.36635521054267883, -0.16879525780677795, 1.0734221935272217, 0.2642502188682556, 0.9843830466270447, -1.5955222845077515, -1.2807035446166992, -0.5845292210578918, 0.2967400550842285, 0.5773880481719971, -0.09208875894546509, 0.8197683691978455, -0.15389810502529144, -0.6928627490997314, 0.1567072570323944, 0.12482291460037231, 0.8283906579017639, 0.35680484771728516, 1.2550671100616455, -0.5515127778053284, 0.8190232515335083, -0.32829657196998596, -0.11450940370559692, 0.22854523360729218, 1.223946213722229, -0.8654006719589233, 0.19650952517986298, 0.3166141211986542, -0.3374888300895691, 0.03231325373053551, -1.071165680885315, 0.5264617204666138, -0.8341602087020874, 0.04570084810256958, -1.3467258214950562, 0.10727238655090332, 1.6950068473815918, -0.8410024642944336, 1.2228134870529175, 0.19223394989967346, 1.1075583696365356, 0.5978935360908508, 0.7196725010871887, 0.6809399724006653, 0.1613830178976059, -0.2464834302663803, 0.7082663774490356, -0.3208034932613373, -0.3546850085258484, -0.14555960893630981, -1.3421591520309448, -0.1344866305589676, 0.8589891195297241, -0.7029973864555359, 0.08733600378036499, -0.005704469978809357, 1.2109259366989136, 0.7688336372375488, 0.9615253806114197, -0.4602343440055847, -1.7855232954025269, 0.3540489375591278, -0.8482542037963867, 0.4529557526111603, 0.7030813097953796, 0.6318214535713196, -0.10961506515741348, 0.8199145197868347, 0.2128686159849167, 1.1486777067184448, -0.6507737636566162, 0.15882107615470886, -0.6248001456260681, -0.1659056842327118, 0.7151084542274475, 0.5937120914459229, 0.13449344038963318, -0.27072229981422424, 0.4736282229423523, -0.7887796759605408, -0.5481695532798767, -0.4937015473842621, 0.8035174012184143, 1.193770170211792, -0.32667285203933716, -0.15120577812194824, -0.816352903842926, 1.649451732635498, -0.7938754558563232, 0.7813402414321899, -0.02023416757583618, -1.0185621976852417, -0.3993908166885376, -0.33460453152656555, -0.09374677389860153, 0.37813159823417664, 0.07119382917881012, -0.2499321550130844, 0.022290058434009552, 1.3655345439910889, 0.07888195663690567, -0.28440627455711365, -0.6064565777778625, 0.032543305307626724, -0.4861246943473816, 0.2797775864601135, 0.7645206451416016, -0.8466381430625916, -0.2072102278470993, -0.4252137839794159, -0.14185410737991333, 0.05336499214172363, 0.024320602416992188, -0.6937407851219177, -0.8625513911247253, 0.05754559487104416, -0.3140106797218323, 1.044851303100586, -0.42157644033432007, -0.14106257259845734, -1.327860951423645, 0.49113729596138, 1.6730870008468628, -0.03095639869570732, -0.45322269201278687, -0.6759523749351501, 0.22483764588832855, 0.10518362373113632, 0.9436613321304321]} +{"paper_id": "gooaq", "embedding": [-1.3229115009307861, 1.1137622594833374, -0.29960572719573975, -0.2717507481575012, 0.5216562747955322, 0.14687249064445496, 0.3645281493663788, 0.9444755911827087, 0.8531015515327454, 0.313787043094635, 0.023885615170001984, 0.08752606064081192, 0.40838974714279175, -0.15786653757095337, -0.23368868231773376, -0.5439050197601318, -0.6551376581192017, -0.41678330302238464, -1.7805061340332031, -0.3122827410697937, -0.588128387928009, -0.9255178570747375, 0.023482125252485275, 0.9799317121505737, -0.772226095199585, -0.8931992053985596, 1.2719264030456543, -1.0802397727966309, 0.6242215633392334, -0.17498603463172913, -0.09678862243890762, 0.9935234189033508, -1.5645052194595337, 0.5256454348564148, -0.5363638997077942, -0.5645845532417297, 0.6068093776702881, 0.979212760925293, -0.04122285544872284, -0.30287957191467285, -0.1311536431312561, 0.31907904148101807, 0.855580747127533, 0.4418039917945862, 1.1859558820724487, -0.903173565864563, 0.7381986379623413, 0.14491096138954163, -0.5484697818756104, -0.2747192978858948, -0.8615323305130005, 0.22127476334571838, -0.302558958530426, 0.6910520792007446, -0.2445848286151886, 1.0762720108032227, 0.6016021370887756, -0.8651151061058044, 1.0014967918395996, -0.9239606857299805, 0.9152904748916626, 1.7311877012252808, 0.1384059488773346, 0.10428321361541748, 1.057857871055603, -0.11331292986869812, 0.6156617403030396, 0.4538964033126831, -0.13077707588672638, 0.1170748621225357, -0.24524857103824615, -0.5024893879890442, 0.5068738460540771, 0.047992318868637085, 0.5915103554725647, 0.7265210151672363, 0.06573973596096039, -0.2476952075958252, 0.36492934823036194, -0.13805584609508514, 0.18963295221328735, -0.12160162627696991, 0.8341832756996155, -0.2696085572242737, 0.42919227480888367, 0.24104547500610352, 0.042530521750450134, -1.0135480165481567, -0.2204480767250061, -1.3267408609390259, 0.6191675662994385, 0.21325628459453583, 0.4341941475868225, -0.33272552490234375, -0.5250579714775085, 0.5317292213439941, -1.4087393283843994, -0.40274232625961304, -0.010227024555206299, 0.704078197479248, 0.8582094311714172, -0.07833436131477356, 0.2706463932991028, 0.3619428277015686, 0.2844045162200928, 0.36463668942451477, 0.45877397060394287, 0.07449163496494293, -0.4835483431816101, -0.948479950428009, 0.2074928879737854, 0.8469794392585754, 0.45034053921699524, 0.5755298137664795, -0.21438317000865936, 0.42596665024757385, 0.319711834192276, -0.41899898648262024, -0.0963844358921051, 0.1230994462966919, 0.2502483129501343, -1.3843542337417603, -0.057883985340595245, -0.43967610597610474, 1.080330729484558, -0.811866819858551, -0.3205837309360504, -0.20525160431861877, -0.2216392308473587, 0.698475182056427, 0.6578880548477173, -0.21899980306625366, -0.4253062605857849, -0.0019392408430576324, 3.2361257076263428, -1.2727652788162231, 1.1872122287750244, -0.5520338416099548, -0.7706535458564758, -0.9140743017196655, -0.26651591062545776, 0.542292058467865, 0.24817466735839844, -0.8281504511833191, -0.11477475613355637, 0.356282114982605, 0.08443550765514374, 0.48982709646224976, -1.4044599533081055, -0.04444451257586479, -0.560528576374054, 0.2064443677663803, -1.3617697954177856, -0.7173750996589661, 0.27364951372146606, 0.7290603518486023, -0.18147166073322296, -0.16353419423103333, -0.4971238970756531, 0.2531779706478119, -0.3450019061565399, -0.3683950901031494, -0.5600501298904419, 0.07539090514183044, -0.41415393352508545, -0.49384644627571106, 0.90789794921875, -0.14102891087532043, -1.5622498989105225, -0.11067552864551544, 0.26737964153289795, -0.5090994834899902, -0.046555161476135254, -0.043196044862270355, 0.041066184639930725, 0.6735591888427734, 0.7013096809387207, 0.4139653742313385, 0.09958260506391525, -0.7118693590164185, -0.15689712762832642, 0.02636994607746601, -0.2982504367828369, 0.7064520716667175, 0.32670795917510986, 0.4660125970840454, -2.675574541091919, 0.23877005279064178, 0.006121918559074402, 0.49683094024658203, 0.04789167642593384, 0.31498029828071594, 0.18348300457000732, 0.06587423384189606, -0.3726027011871338, -0.8717687726020813, 1.0867259502410889, -0.9144675135612488, -0.1553264856338501, 0.12322521209716797, -0.7565906643867493, 0.6323343515396118, 0.08577767759561539, 1.3307112455368042, 0.06093063950538635, -0.36432528495788574, -0.8138795495033264, -2.208261013031006, 0.26919618248939514, 1.9108307361602783, 0.23921293020248413, -0.6420311331748962, -0.827840268611908, -0.6179537773132324, 0.011367499828338623, -0.08205492049455643, 0.15135055780410767, -0.22133982181549072, -0.42029738426208496, -1.0895402431488037, 0.5371935963630676, -0.38058406114578247, 0.5177720785140991, 0.49893811345100403, 1.2576078176498413, -1.0104100704193115, 0.25288715958595276, -0.37744247913360596, -1.0404975414276123, 0.7709242105484009, 0.38013413548469543, 0.5540891289710999, 0.09165584295988083, 1.04486882686615, 0.6689823269844055, 0.9592579007148743, 0.5483409762382507, 0.29114213585853577, -0.9540894031524658, -0.21345020830631256, 0.5808070302009583, 1.217361330986023, -0.21021078526973724, 0.2835719883441925, -0.09286458790302277, 0.0845889002084732, -0.6463674306869507, -0.5449119806289673, 0.6141565442085266, 0.0985126942396164, 1.6679022312164307, 0.1905696839094162, -0.21717417240142822, 0.9206407070159912, -0.10795702040195465, -0.5200110673904419, 0.17383898794651031, -0.6035630106925964, -0.05997796729207039, -0.6797026991844177, 1.2142106294631958, -0.03128940239548683, 0.3097965717315674, -0.1266261488199234, -0.2983979880809784, -1.22714364528656, -0.057388532906770706, 0.6858898997306824, -0.7987229228019714, -0.8093472719192505, 0.0019503086805343628, -0.02339143306016922, -0.795393705368042, -0.8666409850120544, 0.05484948307275772, 0.28065982460975647, 0.48470064997673035, 1.1378289461135864, 1.4558486938476562, -0.21324315667152405, 0.4899013638496399, 0.4120716452598572, 1.402327299118042, -0.6745126247406006, 0.34173882007598877, -0.34860411286354065, 0.03230125829577446, -1.1147428750991821, 0.14624857902526855, -0.4118022918701172, 0.7352871298789978, 0.5217045545578003, -0.6032318472862244, 0.7255365252494812, -0.23501883447170258, -1.1954553127288818, 0.8205951452255249, -0.0786476582288742, -0.6018888354301453, -0.11194037646055222, 1.1075212955474854, 0.25374674797058105, -0.47791481018066406, 0.6913673281669617, -0.25410255789756775, -0.5583167672157288, 1.0556365251541138, 0.1116916835308075, 0.14144466817378998, 0.5776738524436951, -0.2713540196418762, 0.06752283126115799, 0.759638249874115, -1.9031193256378174, 1.1125433444976807, 0.8694760203361511, 0.022728506475687027, -0.318579763174057, -1.2044042348861694, 0.11179478466510773, -0.5563772916793823, 0.26033899188041687, 0.5968786478042603, -0.46446409821510315, 0.6029971837997437, -0.41067421436309814, 0.25400853157043457, 1.166604995727539, -0.8057921528816223, 0.42921876907348633, 0.6786842346191406, -0.11432097107172012, -0.9237613081932068, -0.46432289481163025, 0.44472458958625793, -0.37157654762268066, 0.1315910667181015, 0.3262774646282196, 0.7072504162788391, 0.8259537220001221, -0.18114358186721802, -0.30610141158103943, 0.6270001530647278, 0.2480745017528534, 0.3033645451068878, -0.02143222838640213, -0.3313259482383728, 0.10019087791442871, -0.09667377173900604, 1.0814331769943237, -0.478731632232666, -0.5340257287025452, -0.6347954869270325, 0.33805447816848755, -0.683434784412384, -0.22303009033203125, 2.1721928119659424, 0.4275123178958893, 1.273233413696289, -0.04327300935983658, -0.09013006091117859, -0.6754884719848633, -0.491572767496109, 1.0616511106491089, 0.5197672247886658, 0.25593602657318115, -0.9516646862030029, -0.2701183557510376, 0.027054566890001297, 0.49038243293762207, -0.1766323447227478, 0.4228741526603699, 0.612715482711792, 0.6098355650901794, -1.0781662464141846, 0.6258115768432617, 1.0170022249221802, 0.5801857113838196, 1.9327229261398315, -0.2873130142688751, -0.1685842126607895, -0.41739729046821594, 0.18933150172233582, -0.00456597562879324, 0.11304081231355667, -0.1241961270570755, 0.9647253751754761, 0.11507552862167358, 0.0814603716135025, 0.5168203711509705, 1.5674324035644531, 1.0557096004486084, -0.8707823157310486, -1.6309025287628174, -0.8928393721580505, -0.6722906231880188, 0.07841813564300537, 0.15660440921783447, 0.06364399194717407, -0.761212944984436, 0.5674413442611694, 0.1258801519870758, -1.243815302848816, 0.3815975487232208, -0.7080380916595459, -1.3151739835739136, 1.3407248258590698, 1.2337137460708618, -1.220556616783142, -0.5584697723388672, 0.002189159393310547, -1.388330101966858, -0.057059962302446365, -0.3909096419811249, -1.065337061882019, 0.216549813747406, 0.3049473464488983, 0.6339159607887268, -0.7029612064361572, 0.2994955778121948, -0.7949782013893127, 1.000475287437439, 0.8202778100967407, -0.7241504192352295, 0.40794843435287476, -0.025355439633131027, 0.16097117960453033, -0.17601774632930756, -1.3738329410552979, -1.0729480981826782, 0.7201079726219177, -0.30381834506988525, 0.2137421816587448, -1.3266056776046753, -0.28621217608451843, 0.42423248291015625, 0.09989212453365326, 0.8888995051383972, -0.5822330117225647, 0.18156512081623077, -0.4701685309410095, -0.6495263576507568, 0.8143258094787598, -0.9876125454902649, -0.5019446611404419, 1.068126916885376, -0.4374361038208008, 0.48437944054603577, -0.817594051361084, 0.07078240811824799, 1.3352184295654297, -0.4916045665740967, 0.13877998292446136, -0.3600301146507263, -11.46137809753418, 1.0165687799453735, -0.14152266085147858, -0.0008627548813819885, 1.0040003061294556, -0.015622824430465698, 0.6459032297134399, -0.4427768886089325, 0.7278702259063721, -0.7886316776275635, 0.3344586193561554, 1.2200593948364258, 0.6687500476837158, 0.3142580986022949, -0.8085818886756897, -1.693669319152832, -0.16020585596561432, -0.4695206880569458, 0.6612489223480225, 0.15100128948688507, 0.027834750711917877, -0.4442269802093506, -0.151615172624588, 0.3336402475833893, 0.24841907620429993, -0.12096980214118958, -0.7153422832489014, -0.55723637342453, -0.39064520597457886, -0.5170382261276245, 0.6065588593482971, 0.3394673466682434, -0.47345489263534546, -0.6288789510726929, -0.697068989276886, -0.6062702536582947, -0.3020969033241272, -0.28973543643951416, 1.2731424570083618, -0.13354986906051636, -0.21580244600772858, -0.08878818899393082, 0.18226368725299835, 0.24980436265468597, -0.927433431148529, 0.7644290328025818, 0.12268747389316559, -0.9464067220687866, 0.3966440260410309, -0.5050109028816223, -0.6511391997337341, -0.28258511424064636, -0.08626455068588257, -0.40375515818595886, 0.37218010425567627, 0.5356782674789429, -1.0665156841278076, -0.9169086813926697, -0.6612265706062317, -0.8721367120742798, 0.8892653584480286, -0.16949768364429474, -0.8123102188110352, 0.31276094913482666, -0.013325229287147522, -0.5341656804084778, 0.03718617185950279, 0.5466066002845764, -0.930402934551239, 0.34095150232315063, -0.7035022974014282, 0.6704288721084595, 0.6815361380577087, 0.38347873091697693, -0.9475007057189941, -0.06955895572900772, -0.6818689703941345, 0.3455866873264313, -0.2825299799442291, 0.2061862051486969, -1.24969482421875, 0.9842159152030945, 0.4106847941875458, -0.833291232585907, -1.1606581211090088, 0.4953354299068451, -0.36473360657691956, 1.0437923669815063, 0.9200413227081299, -0.7684445381164551, 1.5385420322418213, 0.3901728689670563, -0.8114808797836304, -0.4351341128349304, -0.38634708523750305, 1.0062003135681152, -0.14904484152793884, 0.47397857904434204, -0.036292895674705505, -0.6465497612953186, 0.4792885482311249, -0.42443540692329407, -0.6580339670181274, 0.19046315550804138, 0.3272300362586975, 0.49998199939727783, 0.35845333337783813, 0.19347301125526428, -0.16224227845668793, -0.2913964092731476, 0.9560039639472961, 0.030002549290657043, -0.7797888517379761, 1.174699306488037, -0.725508451461792, 0.6997317671775818, 0.16621139645576477, 0.3374888002872467, 0.5570684671401978, 0.3276785910129547, -0.2558010518550873, 0.9509173631668091, 0.054490067064762115, 1.1134693622589111, -0.15792055428028107, -0.024168644100427628, 0.277824342250824, 0.4503301680088043, -0.5267329216003418, -0.8370890021324158, 0.5430254340171814, -0.3297511637210846, -0.19618484377861023, -0.7400245070457458, -0.4323725700378418, -0.27043697237968445, -0.19021333754062653, 1.8147048950195312, -0.8737231492996216, -0.43400317430496216, -0.09374406933784485, -0.3050076365470886, -0.35378605127334595, -1.3461028337478638, -1.3533780574798584, 0.22844797372817993, -1.2752619981765747, 0.6678322553634644, -0.6365472674369812, -0.4454498291015625, -0.20773884654045105, -0.7257863879203796, 1.2095249891281128, -0.5047430396080017, -0.5247539281845093, -0.2704894244670868, 0.6693015694618225, -0.5386133790016174, -0.8870296478271484, -0.20226046442985535, 0.11243963241577148, 0.49264389276504517, -0.9682410359382629, 1.5389602184295654, 0.2657603323459625, -0.41123995184898376, -0.3919270634651184, -0.052546609193086624, -0.05457145720720291, -0.18357104063034058, 0.9031603932380676, -0.2934684753417969, 0.0560787096619606, -0.29386281967163086, 0.018294796347618103, -0.4492403268814087, 0.9046050310134888, 1.0792351961135864, -0.8132093548774719, -0.41330063343048096, 0.08279988169670105, 1.430041790008545, 0.10529081523418427, -0.3147408962249756, -0.2275160849094391, 0.13095921277999878, 0.41203415393829346, 0.31680238246917725, 0.37044307589530945, 0.9239648580551147, -1.7380471229553223, -0.9251261353492737, -0.35046935081481934, 0.21239392459392548, 0.6564360857009888, 0.13096711039543152, 0.7868553996086121, 0.4927304685115814, -0.3925410509109497, 0.4743148684501648, 0.39744409918785095, 0.9163849949836731, 0.2962118685245514, 0.7684366106987, -0.18612678349018097, 0.2582980990409851, -0.46507635712623596, -0.07727859169244766, 0.6711150407791138, 1.2240906953811646, -0.9539883136749268, -0.21405047178268433, 0.055436111986637115, -0.031528208404779434, 0.3575606048107147, -1.38077712059021, 0.01546710915863514, -0.6947061419487, -0.49142149090766907, -1.5267027616500854, 0.382137656211853, 1.3219928741455078, -0.5023382902145386, 1.2175087928771973, 0.225873664021492, 1.0370845794677734, 0.7059853672981262, 0.4010027050971985, 0.5859472155570984, -0.18780776858329773, -0.2831099033355713, 1.0201584100723267, 0.11953932046890259, -0.10679042339324951, -0.3437364995479584, -1.1568739414215088, -0.5901233553886414, 0.25620049238204956, -0.23060083389282227, 0.6964345574378967, -0.41156041622161865, 1.3252326250076294, 0.5975341200828552, 1.2125033140182495, -0.271660715341568, -1.7688645124435425, -0.023319264873862267, -1.2530158758163452, 0.6345595121383667, 0.9377837181091309, 0.17954669892787933, 0.2622530162334442, 0.7228625416755676, -0.015791893005371094, 0.7866813540458679, -0.8721042275428772, 0.14236733317375183, 0.10170453786849976, 0.025278035551309586, 1.0545803308486938, 0.6303980350494385, 0.3500702381134033, 0.11799844354391098, -0.18383517861366272, -0.10806718468666077, -0.3597787320613861, -0.6022800207138062, 0.8556795120239258, 0.8286966681480408, -0.6215934157371521, -0.4334140419960022, -0.22076541185379028, 1.4280693531036377, -1.033372163772583, 0.7777913808822632, 0.008825741708278656, -0.8838955760002136, -0.4261535108089447, -0.29401886463165283, 0.0038385558873414993, 0.5716497302055359, 0.1295950710773468, -0.160043865442276, 0.23116420209407806, 0.8523362278938293, 0.09177213907241821, -0.4550727307796478, -0.6782541871070862, -0.17310240864753723, -0.991162121295929, 0.43568891286849976, -0.1526993066072464, -0.6963542699813843, -0.3581985533237457, 0.004814465530216694, -0.8816631436347961, 0.3173128068447113, -0.2743682861328125, -0.5088608860969543, -0.6237667202949524, -0.021047696471214294, -0.1591399610042572, 0.9686059951782227, -0.09253142774105072, -0.18483801186084747, -1.1545592546463013, 0.9017032384872437, 1.2956938743591309, -0.2313309907913208, -1.0622546672821045, -0.21090129017829895, 0.1957951933145523, 0.051079556345939636, 0.6315257549285889]} +{"paper_id": "prachathai67k", "embedding": [-0.7244336605072021, 1.1496156454086304, -0.14206303656101227, -0.012582380324602127, 0.34878242015838623, -0.40648043155670166, 0.54542076587677, -0.22221502661705017, 1.1638996601104736, 0.8752539753913879, 1.2103126049041748, -0.42423704266548157, -0.1776898056268692, -0.4272717535495758, -0.21326863765716553, 0.23015791177749634, -0.5077543258666992, -0.16304561495780945, -0.4040960371494293, -0.18514803051948547, -1.4127835035324097, -0.08444172888994217, 0.04104502126574516, 0.0792664885520935, -1.0642274618148804, -0.6999965310096741, 0.3930198848247528, -0.5856158137321472, 0.11006250977516174, 0.16804975271224976, 0.053553953766822815, 0.5280776023864746, -1.7893093824386597, 0.9265452027320862, -0.9380370378494263, -0.3294246196746826, 0.710176944732666, 0.9216212034225464, -0.1024882048368454, -0.3448607325553894, -0.6400863528251648, -0.011863991618156433, 0.8432695269584656, 0.24660740792751312, 1.397021770477295, 0.21206897497177124, 0.1668076068162918, -0.28788045048713684, -0.06993469595909119, 0.12630856037139893, 0.6403831839561462, 0.26935675740242004, -0.34383055567741394, 0.3856624960899353, -0.9297116994857788, 0.9847286343574524, 0.035007692873477936, -0.4870566725730896, -0.05077781528234482, -0.8423936367034912, 1.058763027191162, 1.3077300786972046, -0.5499009490013123, -0.5911980271339417, 1.1207146644592285, -0.1506161391735077, 1.7504875659942627, -0.31742656230926514, 0.6231726408004761, 0.38449209928512573, -0.0767938494682312, -1.4501031637191772, -0.38885512948036194, -0.6636708974838257, -0.5608984231948853, 0.5995310544967651, -0.002228757366538048, -0.6341509819030762, 0.4856218099594116, 0.12374516576528549, -0.8668597340583801, 0.6877936124801636, 0.6172310709953308, -0.47933822870254517, -0.12507422268390656, 0.011365678161382675, 0.5485363006591797, -0.10677289962768555, 0.43234091997146606, -1.3054066896438599, 0.6011344194412231, 0.34891703724861145, -0.06161092594265938, 0.32095077633857727, -0.02911020815372467, 0.04702407121658325, 0.03212961554527283, 0.10260127484798431, -0.878791332244873, 0.09960802644491196, 0.4610765278339386, -0.8973096609115601, 0.10808877646923065, 0.02196452021598816, -0.3185409903526306, 0.9472627639770508, -0.07372474670410156, 0.5687475800514221, -0.643317699432373, -0.24061274528503418, 0.24423623085021973, 0.9411364197731018, 0.02749897912144661, 0.3132432997226715, 0.13206787407398224, -0.42402535676956177, -0.7957439422607422, -0.16041821241378784, -0.8682569861412048, -0.10816183686256409, -0.736492931842804, -1.8124810457229614, -0.6728628277778625, -0.06547267735004425, 1.0617012977600098, -0.6645355224609375, 0.5576009750366211, -0.5237495303153992, -0.6696301102638245, 0.4336847960948944, 0.6077018976211548, -0.015827152878046036, -0.7759568095207214, 0.2970084846019745, 2.7256228923797607, -0.44058001041412354, 0.516516923904419, 0.03943586349487305, 0.31854447722435, -0.35079270601272583, 0.2803798019886017, 1.338634967803955, 0.148154616355896, -0.9752004742622375, -0.3367862403392792, -0.08713880181312561, -1.1789703369140625, 0.776800274848938, -0.7319602966308594, -1.0311332941055298, -0.22481757402420044, 0.39480799436569214, -1.0801081657409668, -1.2559802532196045, 0.18221133947372437, 0.4466085433959961, 0.49360227584838867, -0.04185401648283005, -0.6783261895179749, 1.2007315158843994, 0.5437726974487305, 0.543654203414917, -0.41152679920196533, 0.7600893974304199, -0.6323066353797913, 0.06452447175979614, 0.9823397994041443, 0.3946181535720825, -0.20679524540901184, -0.7723513245582581, 0.9166190028190613, -0.6335633993148804, 0.22015342116355896, -0.07918833196163177, -0.08771269023418427, 0.4196651875972748, 0.15673959255218506, 0.5590333938598633, 0.022965457290410995, -0.4932103753089905, -0.05841778218746185, -0.22281885147094727, 0.18983274698257446, -0.058010101318359375, 0.699557363986969, 0.4629991054534912, -1.5967292785644531, -0.19308190047740936, -1.426558256149292, 0.7430000901222229, -0.42631983757019043, -0.06925150007009506, -0.009371072053909302, 0.06895332038402557, -0.5358489155769348, -0.4028814733028412, 0.6920894980430603, -1.2206310033798218, -0.23831993341445923, 0.6930063962936401, 0.42989978194236755, -0.590175449848175, -0.15168310701847076, 0.4232172966003418, 1.082342505455017, -0.12360981851816177, -0.12331467866897583, -1.2675594091415405, 0.17405688762664795, 0.946072518825531, 0.04357374086976051, -1.145978569984436, -1.2221276760101318, 0.059716686606407166, 0.9678699970245361, -0.8508461713790894, 0.5045100450515747, -0.7111989259719849, -0.685048520565033, -0.795666515827179, -0.12536631524562836, -0.6647042036056519, 0.48379597067832947, 0.2786226272583008, 0.8492705821990967, -0.5449873805046082, -0.8072426319122314, 0.035002730786800385, -1.107663631439209, 0.403759241104126, 0.33375683426856995, 0.4383161962032318, -0.17214597761631012, 0.9389671087265015, -0.03551498055458069, -0.14790263772010803, 0.3912677764892578, 0.25908467173576355, -0.12205908447504044, -0.3303801417350769, -0.5056723952293396, 0.796066403388977, -0.6308006644248962, -0.9024559855461121, 0.8125516772270203, -0.15302801132202148, 0.07382959127426147, -0.6794896125793457, -0.4213539958000183, -0.25953778624534607, 1.0946016311645508, 0.26925933361053467, -0.5894321203231812, 1.2437758445739746, -0.36049535870552063, -0.20866617560386658, 0.5194755792617798, -0.21455329656600952, 0.9861319661140442, -0.6790649890899658, -0.31496375799179077, -0.12881089746952057, 0.39555540680885315, -0.08027543872594833, 0.1198272556066513, -0.5863671898841858, -0.469676673412323, -0.005662590265274048, -0.987162709236145, -1.0469472408294678, -0.6048600673675537, 0.19517117738723755, -0.7361316680908203, -0.1435028463602066, 0.15834274888038635, 1.1213887929916382, -0.2255019247531891, 1.1193112134933472, 0.8699280619621277, -0.11186042428016663, 0.3980540931224823, -0.262624055147171, 0.5401973128318787, 0.37040334939956665, 0.8553822636604309, -0.3436856269836426, 0.2897231876850128, -0.448735773563385, -0.09325814247131348, -0.701738715171814, 0.26190972328186035, 0.8116016387939453, 0.31910350918769836, 1.3943686485290527, -0.09808149933815002, -1.6216466426849365, 1.6113027334213257, -0.2562764883041382, 0.34372374415397644, -0.6298217177391052, 0.8589357733726501, 0.8299903273582458, 0.0921858549118042, 0.12001131474971771, -0.19277580082416534, -0.24617473781108856, 1.3111965656280518, -0.6576980352401733, 0.7460179924964905, 0.5062800645828247, -0.07748989015817642, -0.40701809525489807, -0.011490736156702042, -1.772065281867981, -0.7662630081176758, 0.6979235410690308, -0.7593323588371277, 0.061688132584095, -0.5197266340255737, -0.10999281704425812, -0.373196005821228, -0.017427951097488403, 0.27973419427871704, -0.9254097938537598, 0.05697255954146385, -0.3101188540458679, 0.16431739926338196, 0.9519373774528503, -0.48907822370529175, 0.7455960512161255, 0.27687370777130127, 0.19317109882831573, -0.5954622626304626, -0.7040755152702332, 1.1450934410095215, -0.5625697374343872, 0.5546880960464478, 0.0029460638761520386, 0.5630384087562561, 1.076601505279541, -0.48170459270477295, 0.17348262667655945, -0.1105656772851944, 0.34988799691200256, 0.6840768456459045, 0.15375111997127533, 0.0439002625644207, 0.5536632537841797, 0.34500858187675476, 1.262974500656128, 0.004187919199466705, -0.43417245149612427, -0.7764115333557129, 0.4541544020175934, -0.23909245431423187, -0.16676399111747742, 1.414354920387268, 0.06025302782654762, 1.1723228693008423, -0.07787128537893295, 0.42300447821617126, 0.2970447540283203, 0.3276560604572296, 0.6498274803161621, 0.6724075675010681, -0.10407373309135437, 0.23961570858955383, 0.7146679162979126, 0.594622015953064, 0.15820400416851044, -0.20514021813869476, 0.013284542597830296, 0.6653518676757812, -0.6024259924888611, -1.2097504138946533, 0.6973074674606323, 0.5065613389015198, 0.2633369565010071, 1.080244779586792, -0.42620134353637695, -0.839305579662323, -0.3397060036659241, 0.2528320848941803, 0.9032363295555115, -0.08327357470989227, -0.5947667360305786, 0.8761625289916992, 0.14536882936954498, 0.789430558681488, 0.232833132147789, 0.7588589787483215, 0.8313740491867065, 0.3678624927997589, -0.4979548454284668, 0.43023496866226196, -0.7330798506736755, -0.5585771203041077, -0.2448630928993225, 0.5276328921318054, -0.9369755983352661, 0.07558120042085648, -0.34760573506355286, -2.018197774887085, 0.5598400831222534, 0.18226289749145508, -0.9904950857162476, 0.625717043876648, 1.2824453115463257, -0.7679636478424072, 0.001062309369444847, -0.3297485411167145, -0.43751341104507446, -0.23150120675563812, 0.6635056734085083, -0.5522421598434448, 0.43027597665786743, -0.2891814410686493, 0.8630827069282532, 0.12265481054782867, -0.10355265438556671, -0.7731230854988098, 0.8394286632537842, 1.1697901487350464, -1.182458758354187, 0.8632248640060425, 0.016729822382330894, -0.04953435808420181, 0.19492793083190918, -1.7754818201065063, -0.49245163798332214, 0.8409966826438904, 0.6691926717758179, 0.31731313467025757, -0.4897730350494385, -0.21569427847862244, 0.2433224320411682, 0.40020889043807983, 1.3975203037261963, -1.0575695037841797, -0.05465979874134064, -0.09912537038326263, 0.6613335013389587, 0.04718771576881409, -0.9300861954689026, -0.005817725323140621, 1.3514392375946045, 0.003886692225933075, 1.1380261182785034, -0.2688746452331543, 0.28952375054359436, 0.8458595871925354, -0.10417884588241577, 0.35436540842056274, -0.10330890119075775, -12.382844924926758, 0.4634484052658081, -0.6670631170272827, 0.07030436396598816, 0.7267802357673645, 0.19521431624889374, 0.5777274966239929, 0.07878544181585312, 1.2998439073562622, -0.6699324250221252, 0.5507990121841431, 1.0941967964172363, 0.4558085799217224, -0.5133623480796814, -0.7052716016769409, -1.1112403869628906, -1.2094019651412964, -0.04660262539982796, 0.1633962243795395, -0.3294607400894165, 0.30857086181640625, -0.6244890689849854, -0.2699599266052246, -0.2774350941181183, 0.10529917478561401, -0.34507328271865845, 0.22029054164886475, -0.30863243341445923, -0.8208870887756348, 1.0885025262832642, 0.13846850395202637, 0.028406094759702682, -1.155658483505249, -1.0403542518615723, 0.5928401350975037, -0.04619405046105385, -1.262319803237915, -0.01642918959259987, 1.49152410030365, -0.19092485308647156, -0.04912996292114258, 0.5043320655822754, -0.5200024843215942, -0.17224547266960144, -0.39712420105934143, -0.28954648971557617, -0.27353376150131226, -0.5806835293769836, -0.11622899770736694, -0.3272494375705719, -0.7809931039810181, -0.08265453577041626, -0.6198112368583679, -0.26680874824523926, 0.6576929092407227, 0.2249656617641449, -1.054405927658081, -0.02440144121646881, -0.5215436220169067, -0.9566398859024048, 1.081559181213379, 0.3819856643676758, -0.9336743354797363, 0.5988001227378845, 0.24634787440299988, -1.0368320941925049, 1.2817455530166626, 0.3701241910457611, 0.060232214629650116, -0.1458706110715866, -0.41268205642700195, 1.211119294166565, 0.4749201834201813, -0.4171621799468994, 0.11393874138593674, 0.461681067943573, 0.1011868417263031, 0.17275121808052063, 0.2268764078617096, 0.7322626113891602, -1.2645987272262573, 0.4506583511829376, -0.11385512351989746, -0.6137202382087708, -0.3868694007396698, 0.04629822447896004, 0.1960727423429489, -0.6063255667686462, -0.12944944202899933, -0.013628460466861725, 0.7959310412406921, 0.17721068859100342, -0.03460168093442917, -0.86612468957901, -0.84033203125, 0.7666618227958679, -1.1442424058914185, 0.947333037853241, -0.2781192362308502, -0.8029041886329651, 0.9365143775939941, 0.0786270946264267, -0.09237649291753769, 0.05969424918293953, 0.4062083661556244, -0.45069944858551025, 0.2427864968776703, 0.5472637414932251, -0.8867731094360352, -0.19818809628486633, 0.45198506116867065, -0.6000567674636841, 0.3114714026451111, 0.35432469844818115, 0.033676669001579285, 1.3354610204696655, 0.9828291535377502, -0.7407322525978088, -0.18477043509483337, 1.3373193740844727, -0.1434047818183899, 0.34255093336105347, 0.6379968523979187, 1.1247597932815552, 0.06995382905006409, 0.41857677698135376, 0.035229284316301346, -0.11689835041761398, 0.2373971790075302, -1.4135726690292358, 1.3056449890136719, -0.5341733694076538, -0.37209567427635193, -0.2002624273300171, -0.2728273570537567, -0.37475743889808655, -0.6777384281158447, 1.6617337465286255, -0.35116732120513916, 0.5098589062690735, -0.21186362206935883, -1.0234555006027222, 0.7474879026412964, -0.3958829641342163, -0.5208271145820618, -0.2655293941497803, -1.1483532190322876, -0.19542983174324036, -0.46463245153427124, -0.5778780579566956, 0.5074945092201233, 0.3823394775390625, 0.3135656416416168, -0.6923773884773254, -1.0034974813461304, -0.17990291118621826, -0.10288090258836746, -1.1623201370239258, -0.604858934879303, 0.13700619339942932, 0.5130914449691772, 0.3348501920700073, -0.8073814511299133, 0.5808086395263672, 0.5923490524291992, -0.2518468499183655, -0.43297702074050903, 0.07438702881336212, -0.39807677268981934, 0.23151248693466187, 1.2743420600891113, -0.7779636383056641, 0.3429034650325775, -0.2912002205848694, -0.44119909405708313, -0.5283987522125244, 0.1687225103378296, 1.7312301397323608, -0.8905184864997864, 0.5064142346382141, -0.16720108687877655, 0.6476075649261475, 0.8258113861083984, -0.43280303478240967, -0.21114233136177063, 0.2892756760120392, -0.2359977662563324, 0.7430986762046814, -0.054099999368190765, 0.14847779273986816, -2.069941282272339, -0.3294091820716858, 0.06959401816129684, -0.677992582321167, 1.4161031246185303, 0.18770518898963928, 0.5167191624641418, 0.6651608943939209, -0.25844067335128784, -0.2097165882587433, -0.3830675184726715, 0.23920938372612, 0.5008176565170288, -0.009012937545776367, -0.19300737977027893, -0.3313361406326294, -0.1597656011581421, -0.41327616572380066, 0.41189131140708923, 0.2179904282093048, -0.4276646077632904, 0.5407322645187378, 0.4240591824054718, 0.06756220757961273, 0.08776150643825531, -0.718095064163208, 0.6510249972343445, 0.12791036069393158, 0.35010844469070435, -1.2657586336135864, 0.07457605004310608, 1.2563424110412598, -0.6098024249076843, 1.1631757020950317, 0.14345036447048187, 0.39550599455833435, 0.9830197691917419, 0.6820114254951477, 1.0645835399627686, 0.7156649827957153, -0.3204154968261719, 0.3771660029888153, -0.18036530911922455, -1.0315053462982178, -0.3366546034812927, 0.010187149047851562, -1.0793017148971558, 0.7616217136383057, -0.6524451971054077, 0.20260664820671082, -0.9440590143203735, -0.6483997106552124, 0.06894014030694962, 0.6180126667022705, 0.2758057117462158, -1.477956771850586, -0.14916761219501495, -1.018029808998108, -0.017394378781318665, 0.2579159140586853, -0.8047842979431152, 0.9125866293907166, 0.7354369759559631, 0.22958476841449738, 1.66202974319458, -0.0029216893017292023, -0.5025550127029419, 0.07270748913288116, -0.3888933062553406, 0.6791355609893799, 0.7278286814689636, 0.264462411403656, 0.2745007872581482, -0.9148086309432983, -0.4540642499923706, -0.7542703747749329, -0.3056180775165558, 0.44513577222824097, 0.5565401911735535, -1.0841645002365112, -0.5698381066322327, -0.4481840133666992, -0.23532283306121826, -0.3925091624259949, -0.056801144033670425, 0.31996262073516846, -0.4886694550514221, -0.27381834387779236, -0.33443886041641235, 0.17290891706943512, 0.6909729838371277, 0.4323244094848633, 0.2020401805639267, -0.015909120440483093, 1.0615535974502563, 0.11441481113433838, -0.09715013206005096, -0.14128756523132324, 0.25634655356407166, -0.1884966641664505, 0.5203539729118347, 0.9077072143554688, -0.7999691963195801, -0.737218976020813, -0.73420250415802, -0.9725199341773987, 0.2719237208366394, -0.16156968474388123, -0.7358441948890686, -0.11174276471138, 0.30065998435020447, -0.2695280909538269, -0.0198289193212986, -0.4455861449241638, 0.6458592414855957, -0.4807833433151245, 0.4504814147949219, 0.7529313564300537, -0.2758086919784546, -0.42503854632377625, 0.403562068939209, 0.31773701310157776, -0.2544722259044647, 1.1238672733306885]} +{"paper_id": "moroco", "embedding": [-1.240588903427124, 0.9858186841011047, 0.5007970333099365, 0.3845842778682709, 0.11253362894058228, -0.14813901484012604, -0.5566150546073914, 0.5437702536582947, 0.997381865978241, 0.33169692754745483, 0.5655919909477234, -0.5745791792869568, -0.015482710674405098, -0.31965065002441406, 0.05484934151172638, 0.4193049669265747, -0.6729464530944824, -0.6597360372543335, -0.3887978196144104, -0.2664817273616791, -1.0668206214904785, -0.8901074528694153, -0.1638314574956894, 0.5042253732681274, -0.3460494577884674, -0.5118463635444641, 0.1956024169921875, -0.7849558591842651, 0.49885737895965576, 0.49248093366622925, -0.31065988540649414, 0.6800176501274109, -1.5511144399642944, 0.009464822709560394, -0.7509430050849915, -0.40065592527389526, 0.2539067566394806, 0.29672864079475403, -0.32110098004341125, -0.8977991342544556, -1.1014372110366821, -0.2345055639743805, 0.6874245405197144, 0.43743765354156494, 1.1049805879592896, -0.11697737872600555, 0.9034251570701599, 0.2298407256603241, 0.32619547843933105, -0.15611347556114197, -0.4013872444629669, 0.934027910232544, -0.36763203144073486, 0.5582016706466675, -0.6246961355209351, 0.9113413095474243, 0.1635323166847229, -0.8817293643951416, 0.17002572119235992, -0.6795694828033447, 0.4808829724788666, 1.4686728715896606, -0.4531603455543518, 0.4841948449611664, 0.6137056946754456, 0.4310244917869568, 1.2220231294631958, -0.2284562736749649, 0.5737816691398621, 0.6276212930679321, 0.3167254328727722, -1.0889924764633179, 1.2404131889343262, -0.9102358222007751, -0.07247509062290192, 0.6753284931182861, 0.08846919983625412, 0.291787326335907, 0.2765941321849823, 0.14708518981933594, -0.2121308594942093, 0.6686474680900574, 0.20819096267223358, -0.3873206675052643, -0.40405431389808655, -0.03142209351062775, 0.22698485851287842, -0.996398389339447, 0.322904109954834, -1.819588541984558, 0.07336556911468506, 0.19312545657157898, -0.4304569363594055, 0.004636600613594055, -0.14055441319942474, 0.13853883743286133, -0.22066383063793182, -0.2362365424633026, -0.9238412380218506, 0.44472163915634155, 0.4229622185230255, -0.8621927499771118, 0.34514784812927246, -0.1389731764793396, 0.28655004501342773, 1.1136952638626099, -0.36545947194099426, -0.5167942047119141, -1.2610050439834595, 0.03402111679315567, 0.5815575122833252, 0.7856161594390869, -0.18413326144218445, 0.266259104013443, 0.30590328574180603, -0.06520960479974747, 0.5373591780662537, -0.7307751178741455, -0.6567100882530212, 0.11575629562139511, -1.0768113136291504, -1.514737606048584, 0.07986380159854889, 0.6824547052383423, 1.003283143043518, -0.7202079892158508, 0.6072282791137695, -0.23962968587875366, 0.08202778548002243, -0.6965932250022888, 0.41798996925354004, -0.19350610673427582, -0.3127068281173706, 0.22399431467056274, 3.1257941722869873, -1.2291940450668335, 1.1823902130126953, -0.2732984721660614, 0.2277018129825592, -0.04479369521141052, -0.6090611815452576, 0.8945890069007874, 0.07549965381622314, -1.0531293153762817, -1.0597131252288818, 0.8210907578468323, -0.8449029922485352, 0.5073441863059998, 0.059413179755210876, -0.54594886302948, 0.344806969165802, 0.4674331247806549, -0.8357222080230713, -0.26209673285484314, -0.137311652302742, 0.5491346716880798, 0.3771514594554901, 0.5561345219612122, -0.1830846518278122, 0.9916919469833374, 1.3741718530654907, 0.7071649432182312, -0.8579277992248535, 0.7793905735015869, -1.0383405685424805, -0.0063744885846972466, 0.8718464970588684, -0.052989162504673004, -0.6957959532737732, -0.7504839897155762, 1.009916067123413, -0.3125567138195038, -0.048360154032707214, 0.04061148315668106, -0.2862963378429413, -0.08351093530654907, 0.22507452964782715, 0.1227356344461441, 0.31644195318222046, -0.28789225220680237, 0.10657549649477005, -0.13356702029705048, 0.31537461280822754, 0.6998329162597656, 0.07212691754102707, -0.23318296670913696, -1.619506597518921, -0.42014938592910767, -0.4552929997444153, 0.4107338488101959, -0.026122480630874634, -0.9212512373924255, -0.20182856917381287, 0.33882471919059753, 0.3611055016517639, 0.29285725951194763, -0.07655303180217743, -1.1382123231887817, -0.4297773241996765, 1.151111364364624, 0.8083617091178894, -0.33669203519821167, 0.15065142512321472, 1.0125806331634521, 0.49100443720817566, -0.7469383478164673, -0.41479170322418213, -1.222299575805664, 0.31722140312194824, 1.5988401174545288, -0.2149195373058319, -0.8244208097457886, -0.95829176902771, -0.039582304656505585, 0.28880229592323303, -0.5634984374046326, -0.06935974955558777, -0.7055581212043762, 0.27347612380981445, -1.2209322452545166, 0.2691781520843506, -0.1027168482542038, 0.11764679104089737, -0.27325043082237244, 0.5631204843521118, -0.5247912406921387, -0.45433205366134644, 0.04066329449415207, -0.5986064076423645, 0.6785637140274048, 0.9739671945571899, 0.10816626250743866, -0.47214072942733765, 0.5108118057250977, 0.5867310762405396, 0.6610741019248962, 0.1972356140613556, 0.591078519821167, 0.4877690374851227, 0.3961942791938782, 0.3872230350971222, 0.4984739422798157, -0.6734877228736877, -0.5991458296775818, -0.043352868407964706, 0.5762446522712708, -0.004529528319835663, -0.39585787057876587, 0.09081103652715683, -0.08650665730237961, 1.5036460161209106, 1.3478434085845947, -0.8213775753974915, 0.8542068600654602, -1.0367209911346436, 0.023637447506189346, 0.18211719393730164, -0.5999168157577515, -0.08115082234144211, -0.4932457208633423, 1.0376286506652832, -0.10162778943777084, -0.0656324177980423, 0.2211654931306839, -0.33483028411865234, -0.9239866733551025, -1.4871819019317627, -0.3868992030620575, -0.8278262615203857, -1.0781360864639282, -0.16537025570869446, -0.4702092409133911, -0.4823077619075775, -0.5022867321968079, 0.28702807426452637, 0.9744013547897339, -0.5749164819717407, 0.7238248586654663, 1.7208983898162842, -0.358028382062912, 0.4975895285606384, -0.339746356010437, 0.6960155963897705, -0.5060374736785889, 1.2407952547073364, -0.03889576718211174, 0.16973920166492462, -1.004233956336975, -0.21833698451519012, -0.01041855663061142, -0.1180187240242958, 0.19461151957511902, -0.19131873548030853, 0.8031333088874817, -0.3314431309700012, -0.6644991636276245, 1.2566133737564087, -0.491866797208786, 0.0275441762059927, -1.2272783517837524, 1.6935062408447266, 0.9267884492874146, 0.22460217773914337, 0.6347246766090393, 0.016689768061041832, 0.43962332606315613, 0.96005779504776, -0.3428233861923218, 0.2588995397090912, 0.8793931007385254, 0.31783899664878845, -0.14263741672039032, 0.22650104761123657, -2.301220655441284, -0.17715825140476227, 0.6812064051628113, -0.24884691834449768, 0.4970238506793976, -0.8026591539382935, 0.1650560349225998, -0.590387761592865, -0.7401230335235596, 0.2616336941719055, -0.3734474182128906, 0.8956236839294434, -0.30473247170448303, -0.4586506485939026, 0.5427180528640747, -0.3423895835876465, 0.46393629908561707, 0.2658492624759674, 0.20856311917304993, -1.0980418920516968, 0.17271098494529724, 1.064131498336792, -0.1068825051188469, 0.7218362092971802, 0.6036584973335266, 0.6426377892494202, 1.6081916093826294, -0.8168712854385376, 0.1782502382993698, -0.0399959459900856, 0.381316214799881, 0.07473549246788025, -0.2227192372083664, 0.27702099084854126, 0.7782403826713562, -0.1487780511379242, 1.4562326669692993, 0.6986256837844849, -1.0311439037322998, -1.0670349597930908, 0.23186424374580383, -0.247519388794899, -0.4548777937889099, 1.8316287994384766, 0.42802897095680237, 1.4371531009674072, -0.5839611887931824, 0.3368179202079773, -0.18183769285678864, 0.4217010736465454, 1.4163371324539185, 1.1608785390853882, 0.02683550864458084, -0.012655675411224365, 0.018234658986330032, 0.028038427233695984, -0.3551247715950012, -1.116660475730896, -0.11060376465320587, 0.9037977457046509, -0.49518564343452454, -1.1025806665420532, -0.043309763073921204, 0.5797884464263916, 0.3932074010372162, 1.1315085887908936, -0.5408176779747009, -0.6736630201339722, -0.7527913451194763, 1.2047945261001587, 0.7332790493965149, 0.1421096920967102, -1.0051175355911255, -0.14123383164405823, -0.09384132921695709, 0.9201430678367615, -0.48760074377059937, 1.169693112373352, 1.079898476600647, -0.29243066906929016, -0.5673760175704956, 0.2950901687145233, -0.9923493266105652, -0.37422269582748413, 0.44922327995300293, -0.21104656159877777, -1.2772101163864136, 0.31466707587242126, -0.02764587663114071, -0.7758382558822632, 0.6177338361740112, -0.42543885111808777, -1.2504178285598755, 0.862207293510437, 1.388925552368164, -0.7048602104187012, -0.8287439346313477, -0.5343919992446899, -1.0571942329406738, -1.3040744066238403, 0.4228975772857666, -0.6618772745132446, 0.3837815225124359, 0.13655884563922882, 0.12077096104621887, -0.06246332824230194, -0.5439334511756897, -0.9484528303146362, 0.7525619864463806, 0.998706579208374, -0.47562938928604126, -0.09815670549869537, -0.32053571939468384, -0.290010541677475, -0.0031657107174396515, -2.0371479988098145, -0.7111120820045471, 0.06332556158304214, 0.328797310590744, -0.08486752957105637, -0.6821249127388, -0.3797776997089386, -0.08493422716856003, 0.23624677956104279, 0.20288050174713135, -0.9426050782203674, 0.4243033528327942, -0.6904271841049194, 0.41071391105651855, 0.5494855642318726, -0.8293058276176453, -0.26480457186698914, 1.111677885055542, -0.1534442901611328, 0.5515789985656738, 0.4244581162929535, 0.5729752779006958, 0.26421767473220825, 0.6347989439964294, 0.26911526918411255, -0.017566077411174774, -12.090917587280273, 0.8889083862304688, -0.09911961108446121, 0.4638127088546753, 0.6776485443115234, 0.43808698654174805, 0.5879238247871399, 0.18372876942157745, 1.0621967315673828, -0.7834875583648682, 0.42035651206970215, 0.9388892650604248, 0.38784879446029663, -0.8511974811553955, -0.2806644141674042, -0.4016488194465637, -0.4649374485015869, -0.5013360977172852, 0.7007042169570923, 0.696199893951416, 0.10046397149562836, -1.1032615900039673, 0.11784903705120087, -0.0035160481929779053, -0.10350021719932556, -0.7287110686302185, 0.386299192905426, 0.0573037788271904, -0.8815371990203857, -0.02393997088074684, 0.39110779762268066, -0.13725689053535461, -0.6873799562454224, -0.36924800276756287, 0.5606839656829834, 0.02780267782509327, -1.140487790107727, -0.008465394377708435, 0.9686543345451355, -0.05212750658392906, 0.09503386914730072, -0.09739846736192703, 0.3223181664943695, 0.018310686573386192, 0.07118754833936691, 0.2956850528717041, 0.3419561982154846, -0.2976863384246826, 0.41076546907424927, -0.7706140875816345, -0.18020763993263245, -0.6142944097518921, -1.251673936843872, -0.8301963806152344, 0.4642602503299713, 0.4627664089202881, -0.7176607251167297, 1.1406363248825073, -0.9405038952827454, -0.9549717903137207, 1.0949643850326538, 0.44810056686401367, -0.5257061123847961, 0.5334236025810242, -0.018916450440883636, -1.0534250736236572, 0.4986023008823395, 0.06010865792632103, 0.29077139496803284, 0.7593733072280884, -0.5423469543457031, 0.620451033115387, 0.22099286317825317, 0.25963807106018066, -0.23552432656288147, -0.4105452597141266, 0.07651981711387634, 0.06109541654586792, 0.8537634611129761, 0.4225594103336334, -0.8611805438995361, 0.5803781747817993, -0.42358991503715515, -0.19699358940124512, -0.6931871771812439, -0.12636108696460724, -0.23068934679031372, -0.49890032410621643, 0.6788016557693481, -0.0629916563630104, 1.010762333869934, 0.2517702281475067, -0.12939316034317017, 0.08986217528581619, 0.022989660501480103, 0.5471146106719971, -1.174129605293274, 1.36655855178833, 0.17673102021217346, 0.18336285650730133, 0.20170456171035767, -0.2559012770652771, -0.4242611825466156, -0.24565671384334564, 0.8287768959999084, -0.4376973509788513, 0.3305934965610504, 0.6874496936798096, 0.03395096957683563, 0.3264455497264862, 0.4097945988178253, -0.26878857612609863, 0.17969635128974915, 0.06337083131074905, 0.35694897174835205, 1.5352046489715576, 0.6155908107757568, -0.10192301124334335, 0.6113848090171814, 0.5317182540893555, 0.24695155024528503, 0.49929654598236084, -0.07840356975793839, 1.034105658531189, 0.08359979093074799, -0.1372094750404358, 0.0653134286403656, 0.5652148723602295, -0.30302193760871887, -1.8396168947219849, 0.4152112603187561, 0.22862786054611206, 0.006677980534732342, -0.5424938797950745, -0.1305282711982727, -0.46463972330093384, -0.937421977519989, 1.6440544128417969, -0.15688905119895935, 0.4692270755767822, -0.574632465839386, -0.7059482336044312, 0.35431674122810364, -0.24365219473838806, -0.0818563923239708, -0.5177711248397827, -1.3880375623703003, -0.7105259299278259, -0.17391714453697205, -0.3868560791015625, 0.6862410306930542, -0.28160539269447327, 0.41465914249420166, -1.0286355018615723, -0.2548397183418274, -0.1151018738746643, 0.2698301374912262, -0.42797932028770447, -0.5468286275863647, 0.1001117080450058, 1.0333280563354492, 1.0375453233718872, -0.959176778793335, 1.0327036380767822, 0.31805163621902466, 0.004569271579384804, -1.1627305746078491, 0.14556290209293365, -0.6570181846618652, 0.22378212213516235, 1.3656620979309082, -0.7436699271202087, -0.05531100183725357, -0.12642323970794678, -0.5582144856452942, -0.953838050365448, -0.1322769820690155, 1.1184138059616089, -1.0304616689682007, 0.6380082964897156, -0.39311450719833374, 0.6018058657646179, 0.7183839678764343, -0.09552982449531555, -0.5740661025047302, -0.14636090397834778, -0.2866417467594147, 1.4893078804016113, -0.2573200762271881, 0.1370505690574646, -1.6448285579681396, -1.512763500213623, -0.5653477907180786, -0.2652852237224579, 0.6960673928260803, 0.2546861171722412, 0.37607258558273315, 0.640803337097168, -0.2655943036079407, -0.1301344931125641, -0.01787763461470604, 0.3551611006259918, 0.5734471678733826, -0.2148926854133606, -0.4589732885360718, -0.28498995304107666, -0.08665794879198074, 0.4079388380050659, 0.9093226194381714, 0.581824779510498, -1.4538302421569824, -0.4611275792121887, 0.34509962797164917, -0.222984179854393, 0.6007940769195557, -0.9262981414794922, 0.3335813879966736, 0.5285223722457886, -0.5843193531036377, -0.9623644351959229, -0.47814345359802246, 0.7149153351783752, -0.5542756915092468, 0.8671449422836304, 0.24917995929718018, 0.5265355706214905, 0.3792460858821869, 0.07855616509914398, 1.8170795440673828, -0.084583580493927, -0.03902163729071617, 0.2841741740703583, 0.20376624166965485, -0.047741666436195374, -0.27375614643096924, 0.7112507224082947, -1.1109318733215332, -0.18284884095191956, -1.0934476852416992, 0.10524314641952515, -0.7363560795783997, -0.3384000062942505, -0.19335146248340607, 0.7418539524078369, 0.32088905572891235, -0.7723649144172668, -0.5262414216995239, -0.5471823215484619, -0.517381489276886, -0.058036141097545624, -0.525915265083313, 0.8549836874008179, 0.6611974239349365, -0.5445156693458557, 0.7772330641746521, -0.0058857761323452, -0.18898345530033112, 0.23287329077720642, -0.1200147420167923, 0.6962230801582336, 0.19826555252075195, 0.36751359701156616, -0.43015870451927185, -0.6164951324462891, -1.3157424926757812, -0.27889594435691833, -0.5890414118766785, 0.48128074407577515, 1.008360743522644, -0.7025368213653564, -0.10633871704339981, 0.030213668942451477, 0.020670730620622635, 0.20160576701164246, 0.70334392786026, 0.381489634513855, -0.2742748260498047, -0.735015869140625, -0.789670467376709, 0.02069261483848095, 0.3720490634441376, -0.674712061882019, -0.4747980833053589, -0.3567037582397461, 0.4615354537963867, -0.05070779472589493, -0.7795242071151733, -0.5181612968444824, 0.06279490888118744, -0.19479556381702423, 0.6838375926017761, 0.4496287703514099, -0.7272568345069885, -0.516758382320404, 0.09531356394290924, -1.263430118560791, 0.5788010358810425, 0.5809467434883118, -0.7940238118171692, -0.10755746066570282, 0.7471691966056824, -0.22721844911575317, -0.45534011721611023, 1.1139566898345947, 0.08804736286401749, -0.786544680595398, 1.4042142629623413, 1.0052696466445923, -0.3250780403614044, -0.5939019918441772, 0.8437639474868774, 0.3850820064544678, 0.2596083879470825, 1.318763256072998]} +{"paper_id": "x_stance", "embedding": [-1.0357517004013062, 0.7663265466690063, -0.020643752068281174, -0.24973540008068085, 0.2958521842956543, 0.004073521122336388, 0.2753581404685974, 0.2451784908771515, 0.5123578906059265, 1.0204684734344482, -0.04429960250854492, -1.0035057067871094, 0.5539295077323914, 0.20307870209217072, 0.5549142360687256, -0.926594078540802, -1.035936713218689, -0.07673180103302002, 0.16120678186416626, -0.28447675704956055, -0.7657190561294556, -0.38517433404922485, -0.08231352269649506, 0.6429393887519836, -0.2178434431552887, -0.25191348791122437, 0.6840195655822754, -0.38738515973091125, 0.3260204792022705, -0.1886717677116394, -0.16921859979629517, 1.3340823650360107, -1.0726127624511719, -0.14146244525909424, -0.6867505311965942, -0.695140540599823, 0.3077588975429535, 0.7881491184234619, -0.7267794013023376, -0.2855689823627472, -0.7657979130744934, 0.18061238527297974, 0.8864081501960754, 1.0326426029205322, 0.2576341927051544, -0.025175366550683975, -0.1860535591840744, 0.03777706250548363, -0.23059558868408203, -0.3511160910129547, -0.30326589941978455, 0.8478916883468628, -0.9166236519813538, 0.26411136984825134, -0.5974542498588562, 0.5171262621879578, 0.4882756173610687, -1.46578049659729, 0.26840129494667053, -0.4730374813079834, 1.6092745065689087, 1.9614957571029663, -0.559727668762207, -0.2509832978248596, 1.096865177154541, -0.2142544388771057, 1.60451078414917, -0.4133322238922119, 0.2944762408733368, 0.6364423632621765, -0.13432195782661438, -0.004911765456199646, -0.05117756873369217, -0.1218339204788208, -0.21619361639022827, 0.3295060098171234, 0.5608883500099182, -0.029105130583047867, -0.32125377655029297, 0.44381004571914673, 0.2344307005405426, 0.5734264254570007, -0.21969212591648102, -0.2491093873977661, 0.60091632604599, 0.3304027020931244, 0.3648211359977722, -0.9666169881820679, 1.0902022123336792, -1.6909868717193604, 0.6620345711708069, 0.18172121047973633, -0.2110033929347992, 0.2983909845352173, -0.7021414637565613, 0.9398115873336792, -0.6664917469024658, 0.21583162248134613, -0.18016590178012848, -0.3664296567440033, 0.9691376090049744, -0.9954277276992798, 0.4188534915447235, 0.4742041230201721, 0.05302876979112625, 1.9673833847045898, 0.44243013858795166, -0.37022873759269714, -0.5514757633209229, -0.5764201283454895, -0.22430235147476196, 1.8107494115829468, -0.5059638023376465, 0.8739097118377686, -0.05784826725721359, 0.4267647862434387, 0.05306269973516464, -0.46196842193603516, -0.6098617911338806, 0.11750198155641556, -0.45729538798332214, -1.1388813257217407, -0.6259377002716064, 0.4606015682220459, 1.2764768600463867, -0.4278367757797241, 0.9421846866607666, -0.42261552810668945, -0.13400697708129883, -0.17307697236537933, 0.24325935542583466, -0.27546635270118713, -0.7055689096450806, 0.6094105839729309, 2.548170804977417, -0.46232178807258606, 1.5207959413528442, -0.981727123260498, -0.356157511472702, -0.39580053091049194, 0.1496950387954712, 0.6833937764167786, 0.6056608557701111, -1.0355738401412964, -0.6028391718864441, 0.9616787433624268, -0.7857421636581421, 0.15980365872383118, -0.06674489378929138, -1.2564573287963867, -0.25218746066093445, 0.7083776593208313, -0.9506027698516846, -0.4632720351219177, 0.5568515658378601, 0.29428982734680176, -0.22226370871067047, 0.9634800553321838, 0.24632471799850464, 0.6698204874992371, 0.6075209975242615, -0.0027597956359386444, -0.5619196891784668, 1.2764770984649658, -0.469257652759552, -0.7732467651367188, 1.3136860132217407, -0.05260302498936653, -1.3384360074996948, 0.08169259876012802, 1.019161581993103, -0.6096299886703491, -0.3680477440357208, -0.23027706146240234, -0.5202748775482178, -0.6656777858734131, 0.39347946643829346, 0.6397704482078552, -0.12312415987253189, -0.4815048575401306, -0.49213504791259766, 0.1935650110244751, -0.1798856556415558, 0.6560598015785217, -0.5447576642036438, 0.18258966505527496, -1.9304487705230713, -0.1750599592924118, -0.46637266874313354, 0.8357272148132324, 0.2561599910259247, -0.7937850952148438, -0.19695153832435608, 0.6261721253395081, 0.06135761737823486, -0.0729307159781456, 1.1333444118499756, -0.9402855038642883, 0.15287074446678162, -0.2842068076133728, 1.0628361701965332, -0.684411346912384, 0.08664260804653168, 0.3048078119754791, 0.35295018553733826, -0.44833558797836304, -0.5726964473724365, -2.1623308658599854, 0.5594256520271301, 2.5806586742401123, -0.4185274839401245, -0.5611206293106079, -1.2898722887039185, 0.17033527791500092, 0.4164448380470276, -0.21443195641040802, 0.3581708073616028, -1.0736795663833618, -0.3927375078201294, -1.3422789573669434, 0.31001368165016174, -0.21185943484306335, 0.023270078003406525, 0.05290871858596802, -0.0016199126839637756, -0.5943803191184998, -0.24062779545783997, -0.8271046280860901, -0.45440083742141724, 0.842221200466156, 0.6028436422348022, -0.27991756796836853, -0.22514313459396362, 0.427266001701355, 0.6769827008247375, 0.8800360560417175, -0.613544225692749, 0.4007223844528198, -0.7297364473342896, 0.23318633437156677, 0.8837398886680603, 0.28330591320991516, -0.3188101053237915, -0.7695356011390686, 0.8948715925216675, 0.9309000968933105, 0.08945666253566742, -0.37995433807373047, -0.46620744466781616, 0.08361811190843582, 0.5857447385787964, 1.14862859249115, -0.9058529734611511, 1.7468184232711792, -0.8278793692588806, 0.259024053812027, 0.043727438896894455, -0.9463395476341248, 0.2394474595785141, -0.10009339451789856, 0.3450498878955841, 0.23342615365982056, -0.29383963346481323, -0.24823006987571716, -0.5820533037185669, -1.0865771770477295, -0.9714562296867371, 0.40980812907218933, -0.9168490767478943, -1.1732817888259888, 0.1811475157737732, -0.9342653751373291, -0.6822136044502258, -0.53183513879776, -0.098415806889534, 0.5028162002563477, -0.3395600914955139, 0.38124361634254456, 1.20736825466156, 0.7163868546485901, -0.02943616546690464, -0.25697359442710876, 1.3235307931900024, -0.12190870940685272, 0.5046783089637756, -0.18379215896129608, 0.6332549452781677, -0.8896088004112244, -0.7545580863952637, 0.04740419238805771, 0.6492435932159424, 0.4304359555244446, 0.11951977759599686, 0.7662209868431091, 0.24992415308952332, -1.8312913179397583, 1.1515599489212036, -0.27589482069015503, 0.7955341339111328, -1.1893948316574097, 1.449544072151184, 0.1630391925573349, -0.012840289622545242, 0.9918076992034912, -0.33726218342781067, 0.3171703815460205, 1.5272600650787354, -0.7066384553909302, 0.40285834670066833, 0.03263108432292938, -0.498179167509079, 0.111429862678051, -0.12195301800966263, -1.3115897178649902, 0.27674588561058044, 0.7786338329315186, -0.35650548338890076, 0.3205893039703369, -0.9614754915237427, 1.691329836845398, -0.615871787071228, 0.15304367244243622, 0.10145002603530884, -0.7086999416351318, 0.14459726214408875, -0.6009641289710999, -0.39723116159439087, 0.3991807997226715, -0.8491367101669312, 0.04189884290099144, 0.5088605880737305, 0.7238351106643677, -1.2567273378372192, -0.27949729561805725, 0.9924777150154114, 0.3155236840248108, 1.2162328958511353, 0.44104036688804626, 0.4366280138492584, 1.2005103826522827, -1.0122127532958984, -0.8174038529396057, 0.6434397101402283, 0.2745506465435028, -0.14368289709091187, -0.042039792984724045, -0.09588919579982758, 1.0734635591506958, -0.6418319344520569, 1.5629467964172363, 0.6458653211593628, -0.5427959561347961, -1.3411617279052734, -0.4149382710456848, -0.06395676732063293, -0.7612586617469788, 1.0642220973968506, 0.7602723836898804, 1.137189507484436, -0.38409730792045593, -0.11472280323505402, -0.2235504388809204, 0.8416107892990112, 1.1539175510406494, -0.5014308094978333, 0.25841856002807617, 0.1293061375617981, 0.47509104013442993, 0.9532694220542908, 0.5231482982635498, -0.6445846557617188, -0.56446373462677, 1.216821551322937, -0.2446090131998062, -0.4541921019554138, -0.9352551102638245, 0.2166908234357834, 0.41039377450942993, 1.303215503692627, -0.5905280709266663, -1.1026166677474976, -0.9376044869422913, 0.3335219919681549, 0.9802531003952026, 0.5614254474639893, -1.2104277610778809, 0.03987976908683777, -0.5395199060440063, 0.6144086122512817, -0.524753749370575, 0.43298956751823425, 0.20102806389331818, -0.3146914541721344, -1.6919987201690674, -0.5232971906661987, -0.9784194231033325, -0.3729500472545624, 0.41567346453666687, -0.9362710118293762, -0.8130002617835999, 1.3172743320465088, -0.271704763174057, -1.4401715993881226, 0.6336849927902222, -0.9299056529998779, -1.3564088344573975, 0.32007721066474915, 1.1608113050460815, -1.0201410055160522, -0.8397893309593201, -0.03665126487612724, -0.48692336678504944, -0.7305009961128235, 0.4391952157020569, -1.1613848209381104, 1.4482197761535645, 0.19388353824615479, 0.2776920795440674, -0.17724250257015228, 0.01253712922334671, -0.6523810029029846, 1.3584425449371338, 0.8446967601776123, -1.0841401815414429, 0.07756536453962326, 0.3543367087841034, -0.43355655670166016, 0.536450982093811, -1.1263980865478516, -0.6323869824409485, 0.6767369508743286, -0.5299969911575317, -0.0313350111246109, -0.5555559992790222, -0.5559499859809875, 0.4452228844165802, 0.2748796045780182, 0.6313030123710632, -1.5827018022537231, 0.4325330853462219, -1.0731925964355469, 0.45154890418052673, 0.7142068147659302, -0.7028800249099731, -0.6494552493095398, 1.039076328277588, -0.7667646408081055, 0.20835809409618378, 0.17212410271167755, 0.26874789595603943, 0.40196332335472107, 0.8888530135154724, 0.23037634789943695, 0.022429123520851135, -10.386369705200195, 0.520102858543396, 0.004804315976798534, 0.4195827841758728, 0.9332115650177002, 0.020890504121780396, -0.34538987278938293, 0.3077244460582733, 0.6666544675827026, -0.8817908763885498, 0.795660674571991, 1.931260347366333, 0.1465931534767151, -1.1065233945846558, -0.9388052225112915, -0.03527345135807991, -0.539374589920044, -1.0967628955841064, -0.07465826719999313, 0.3718537986278534, -0.9110831618309021, -0.5122911334037781, 0.5970093607902527, -0.6604824066162109, 0.660261869430542, -0.09205940365791321, 0.27434349060058594, -0.5382659435272217, -0.5708968639373779, 0.20408472418785095, 0.6855030059814453, 0.12617227435112, -0.9014491438865662, -0.6197000741958618, 0.3646698594093323, 0.7647657990455627, -0.7099031805992126, 0.061925627291202545, 0.257884681224823, -0.7275754809379578, 0.25010526180267334, 0.3159964978694916, -0.13616064190864563, -0.4328151345252991, -0.3086981773376465, 0.07691690325737, -0.33423131704330444, -0.48264452815055847, 0.33028334379196167, -0.12795428931713104, 0.11757387220859528, -0.6878567337989807, -1.5433076620101929, -0.6921179294586182, 0.521594226360321, -0.36837753653526306, -0.9316393136978149, 0.7671424746513367, -1.0155508518218994, -1.262432336807251, 1.022526502609253, -0.14991368353366852, -0.35489457845687866, 0.3653019368648529, 0.33761340379714966, -0.8632811307907104, 0.832825779914856, 0.7041181325912476, -0.8008960485458374, 0.19528381526470184, -0.3734264075756073, 1.525211215019226, -0.002248224802315235, 0.7123201489448547, 0.22394725680351257, -0.2520642876625061, -0.6775678396224976, -0.31411370635032654, 0.9148419499397278, -0.3717772364616394, -1.3900471925735474, 0.7541031837463379, 0.4839234948158264, 0.12077459692955017, -1.198493480682373, 0.07828672230243683, -0.3502751886844635, -0.8727940320968628, -0.0625424012541771, 0.2816382050514221, 0.13730470836162567, 0.33155789971351624, -0.430969774723053, -0.019500263035297394, -0.2113736867904663, 0.8725406527519226, -1.6930567026138306, 1.4531610012054443, 0.6071268320083618, 0.19918334484100342, 0.39580124616622925, 0.19323837757110596, 0.08686666935682297, 0.2796231806278229, 0.7293232679367065, -0.25763002038002014, 0.0008077621459960938, 0.015260547399520874, -0.9585456252098083, -0.5917308926582336, 0.7230663895606995, 0.06089282035827637, 0.2774207592010498, 0.8389737010002136, -0.2495662271976471, 1.0210777521133423, 0.3932332694530487, -0.13662129640579224, 0.6070289611816406, 1.0751899480819702, -0.47169142961502075, 0.8315719962120056, -0.2956031262874603, 0.9078560471534729, -0.2940700054168701, 0.43726998567581177, 0.7221271991729736, -0.4164849817752838, 0.3820987641811371, -1.821804165840149, 0.658805251121521, -0.27695217728614807, 0.32258328795433044, -0.3217795193195343, -0.5205062627792358, -0.3799905478954315, -0.9408009052276611, 1.6665831804275513, -0.3140200972557068, 0.18172010779380798, -0.7502610087394714, -0.36929717659950256, 0.07810282707214355, -0.48418083786964417, -1.1835403442382812, 0.31666091084480286, -2.261791229248047, 0.662990152835846, -0.7692379355430603, -0.53510582447052, 0.6819095611572266, -0.8189151883125305, 0.8048118352890015, -0.7919252514839172, -0.06197798252105713, -0.12602929770946503, 0.32687970995903015, -0.03645598515868187, -1.0057183504104614, 0.29878443479537964, 0.35975322127342224, 1.017076849937439, -0.8010664582252502, 1.2495088577270508, 0.8553898334503174, -0.17631715536117554, -0.5217763185501099, -0.2427997589111328, -0.6048779487609863, -0.11402644217014313, 1.4592677354812622, -0.12461619079113007, 0.030839165672659874, 0.6043099761009216, -0.21012340486049652, -1.253174066543579, 0.8396061658859253, 1.0659488439559937, -0.8323087096214294, 0.6360119581222534, -0.8093873262405396, 0.6326220035552979, -0.4803658127784729, 0.009363099932670593, -0.6932780742645264, 0.24281084537506104, -0.8297491073608398, 1.4562270641326904, -0.07386365532875061, 0.21356143057346344, -1.2394155263900757, -1.4058268070220947, -0.6386011242866516, -0.2031850665807724, 0.8536650538444519, -0.11358682811260223, 0.6217295527458191, 0.7703490257263184, -0.17026014626026154, -0.9106425046920776, 0.2726725935935974, 0.48058369755744934, -0.08320508897304535, 0.10861039161682129, -1.3383346796035767, -0.2019020915031433, -0.8141632080078125, 0.636177122592926, 0.5460744500160217, 0.7190170884132385, -1.7291827201843262, -0.4894469976425171, 0.34848034381866455, 0.06202368065714836, 0.7725439071655273, -0.9308640956878662, -0.08803201466798782, 0.07587210834026337, -0.24996031820774078, -0.989858090877533, 0.043420203030109406, 1.6945092678070068, 0.6403836011886597, 1.223152995109558, 0.44835013151168823, 0.6360236406326294, 1.1494182348251343, 0.7619937658309937, 1.121919870376587, 0.4852146804332733, 0.5616795420646667, 0.08610782027244568, -0.29618769884109497, 0.5905163884162903, -0.12294723093509674, 0.48610344529151917, -1.2966700792312622, 0.24274739623069763, -1.4017138481140137, 0.2142421305179596, -0.11448949575424194, 0.38563618063926697, 0.6579488515853882, 0.9579311609268188, -0.4527507424354553, -0.05647736042737961, -0.3599119186401367, -0.6585976481437683, 0.2918742597103119, 0.23638658225536346, 0.40717241168022156, 1.4926990270614624, 0.7326017022132874, -0.760191023349762, 1.146906852722168, -0.20451639592647552, 0.12018707394599915, 0.09974229335784912, 0.6194695234298706, 1.0002237558364868, 0.532493531703949, 0.581398606300354, -0.652151882648468, -0.16311237215995789, -1.246946096420288, -0.6170045733451843, -0.6744537353515625, 0.4375385046005249, 0.31401526927948, 0.06972010433673859, 0.7623969316482544, 0.06343593448400497, 0.39631831645965576, 0.07883334159851074, 0.5865836143493652, 0.662821352481842, -0.6606974005699158, -0.12111174315214157, -0.7122700214385986, 0.04009576514363289, 1.1593585014343262, -0.35201743245124817, -0.6895340085029602, -0.6818189024925232, 0.28241264820098877, 0.09384392946958542, -1.2921979427337646, -0.5101029872894287, 0.5203819870948792, -0.2547599971294403, 0.06862196326255798, 0.3231082856655121, -1.0293904542922974, -1.6501940488815308, 0.10991913080215454, -1.0357065200805664, 0.5439291000366211, -0.028581149876117706, -0.8540393710136414, -0.06270131468772888, 0.5208790898323059, 0.419210821390152, -0.12882746756076813, 0.6061728000640869, -0.626828134059906, -1.038034439086914, 1.3459783792495728, 1.5445605516433716, -0.5539302825927734, -0.8190711736679077, 1.1518555879592896, 0.053418051451444626, 0.7403389811515808, 1.2325682640075684]} +{"paper_id": "cawac", "embedding": [-0.3405108153820038, 0.872082531452179, 0.34613972902297974, -0.051202572882175446, 0.3507554829120636, -0.4248966872692108, 0.22646373510360718, 0.7984228730201721, 0.40227726101875305, 0.393991619348526, 0.3860178291797638, -0.10500714927911758, 0.021233778446912766, -0.16242030262947083, -0.13611331582069397, -0.5320812463760376, -1.1123749017715454, -1.162548542022705, -0.7779392600059509, -0.8616932034492493, -1.157984972000122, -0.5661181807518005, -0.43598347902297974, -0.0497603565454483, -0.6188669204711914, -0.6071120500564575, 0.0800553634762764, -0.7383776903152466, 0.6571768522262573, 0.4099864363670349, -0.49113649129867554, 0.7505102753639221, -1.1213027238845825, 0.29285842180252075, -0.9207770228385925, 0.00400443933904171, 0.6342305541038513, 1.0145195722579956, -0.3110944330692291, 0.18745651841163635, -0.6951528191566467, -0.2726591229438782, 0.6958919167518616, -0.3726097047328949, 0.912260115146637, -0.47198542952537537, -0.09624321013689041, 0.27635180950164795, 0.7060399651527405, 0.05141846463084221, -0.7999253869056702, 0.6699973344802856, 0.21817262470722198, -0.16441747546195984, -0.20565930008888245, 0.8782248497009277, 0.3579234480857849, -0.6456533670425415, 0.8760710954666138, -0.9183957576751709, 0.368812620639801, 1.2145116329193115, -0.42465803027153015, 0.593944787979126, 0.5902915000915527, -0.49367547035217285, 0.7441171407699585, 0.40450000762939453, 0.7885858416557312, 0.5704182982444763, 0.4290851354598999, -0.24251165986061096, 1.3697079420089722, 0.1487274467945099, 1.0035277605056763, 1.223415493965149, 0.7586823105812073, -0.17016078531742096, -0.020451894029974937, -0.02354847639799118, -0.12306906282901764, 1.1179133653640747, 0.23113761842250824, -1.1223421096801758, -0.5588010549545288, 0.2846684455871582, 0.17740178108215332, -0.5645907521247864, 0.40522676706314087, -1.4288313388824463, -0.07668168842792511, 0.37125977873802185, 0.11670593917369843, 0.30828678607940674, -0.5845281481742859, -0.32424166798591614, -1.167542576789856, 0.13800258934497833, -0.6954957246780396, 0.4976256787776947, 0.594529390335083, -0.7139461040496826, 0.8694748878479004, -0.02722165733575821, 0.006258811801671982, -0.01571042463183403, -0.7246007919311523, -0.8089194893836975, -0.938948392868042, -0.31372570991516113, -0.08639755845069885, 1.0617423057556152, -0.2752889394760132, -0.2226598560810089, -0.6897449493408203, -0.47736644744873047, -0.10104253143072128, -0.7895001173019409, -0.8774190545082092, -0.3933688998222351, -0.22006216645240784, -1.1891734600067139, -0.26561039686203003, -0.1692468523979187, 1.1280701160430908, -0.23804092407226562, 0.5873066186904907, -0.2715665102005005, 0.0865214392542839, -0.26321685314178467, 0.3692992031574249, 0.472760945558548, 0.11314079165458679, -0.1947706788778305, 3.3477907180786133, -0.6838335394859314, 1.6954946517944336, 0.19891729950904846, 0.39611923694610596, -0.358537495136261, -0.08280818164348602, 1.0637701749801636, 0.4612733721733093, -0.7864007353782654, 0.025883067399263382, -0.47123125195503235, -0.7037110924720764, 0.5077193379402161, -0.5801543593406677, -0.1255403459072113, -0.12675203382968903, 0.5334874391555786, -0.8497840166091919, -0.5270854830741882, 0.27680155634880066, 0.9402323365211487, 0.40705692768096924, 0.7784022092819214, -1.0280996561050415, 0.83085036277771, 0.8944965600967407, 0.4452406167984009, -0.6586593985557556, 0.30968594551086426, -1.2300852537155151, 0.31654664874076843, 1.55189847946167, 0.2949942350387573, -0.8100378513336182, 0.019471026957035065, 0.2798224687576294, 0.04277407005429268, 0.2235695868730545, 0.12114106118679047, 0.4179369807243347, 0.1542433500289917, 0.62208491563797, 0.26085159182548523, -0.16504408419132233, -0.8523330688476562, -0.5640110373497009, -0.669201135635376, -0.21444149315357208, 0.6237288117408752, 0.015578288584947586, 0.4429616332054138, -2.1313345432281494, 0.422784686088562, -0.06993868201971054, -0.08997379243373871, -0.6212428212165833, -0.8493698835372925, 0.39353546500205994, -0.4571912884712219, 0.8391442894935608, -0.5270299315452576, 0.14454030990600586, -1.0726598501205444, -0.5026730298995972, 0.47707509994506836, 0.36264732480049133, 0.647396445274353, -0.20055988430976868, 0.7001531720161438, 0.6245224475860596, -0.17799583077430725, -0.8159005045890808, -1.6623793840408325, 0.4613182842731476, 2.2822818756103516, -0.28282037377357483, -0.6334624290466309, -0.912003755569458, -0.36533117294311523, -0.17002347111701965, -1.1963151693344116, 0.07491254806518555, -0.7662230730056763, 0.10076774656772614, -0.5219801068305969, 0.19126556813716888, -0.6261278390884399, 0.25446587800979614, 0.14506323635578156, 0.8923522233963013, -0.7309719920158386, -0.10514514893293381, -0.21101351082324982, -1.01979398727417, 0.588508665561676, 1.1275309324264526, -0.31351637840270996, -0.7311074137687683, 0.08959587663412094, -0.23260055482387543, 0.32029634714126587, 0.07354278117418289, 0.5664533376693726, -0.4299248158931732, -0.1269238293170929, 0.0031390199437737465, 1.5540478229522705, -0.6876225471496582, -0.16623294353485107, 0.2695327401161194, 0.8410237431526184, -0.37481236457824707, -0.06823547184467316, 0.12931548058986664, 0.1266026645898819, 0.8643498420715332, 1.1194045543670654, -0.8048064708709717, 1.1769803762435913, -0.43935614824295044, 0.008578427135944366, 0.14622743427753448, -1.1145349740982056, -0.49814051389694214, -0.4078207015991211, 1.0043514966964722, -0.11711699515581131, 0.39061012864112854, -0.42486393451690674, -0.41307181119918823, -1.0028411149978638, -0.6139174699783325, -0.4413534700870514, -0.5342982411384583, -1.5829782485961914, 0.10222996771335602, -0.6989971399307251, -0.57374107837677, -0.5305261015892029, 0.3670363128185272, 0.4430077373981476, 0.30659475922584534, 0.6422786712646484, 1.590241551399231, 0.21758034825325012, 0.6915565133094788, -0.17410513758659363, 0.6311559081077576, -0.6560584902763367, 0.2671642601490021, -0.05908247455954552, -0.24478012323379517, -1.100594401359558, -0.31011664867401123, -0.16742834448814392, 0.48622655868530273, 0.16825401782989502, -0.5174294710159302, 0.1450383961200714, -0.24479332566261292, -1.2940611839294434, 0.22584345936775208, -0.5338892936706543, 0.46226927638053894, -1.5202109813690186, 1.7647157907485962, 0.3011150062084198, 0.43423426151275635, 0.8297605514526367, -0.00466017983853817, 0.1205781102180481, 0.9917392134666443, -0.3730122148990631, 0.5503028035163879, 0.5656371116638184, -0.2333836555480957, 0.4710499942302704, 0.4886304438114166, -2.3389244079589844, 0.5664896965026855, 0.6048217415809631, 0.6492668390274048, -0.18336641788482666, -0.18643192946910858, -0.0914374589920044, -0.6709936261177063, -0.08827641606330872, 0.22485345602035522, -0.6074798107147217, 0.9884969592094421, 0.04535561054944992, 0.04167471081018448, 1.1951568126678467, -1.1316627264022827, 0.23470355570316315, 0.9645950198173523, 0.5905954837799072, -0.5036179423332214, 0.1902768313884735, -0.059625327587127686, -0.4341837465763092, 1.1605467796325684, 0.1912083923816681, 0.5794661641120911, 0.5333808660507202, -0.8875330686569214, -0.03146284073591232, 0.5387004613876343, 0.8837108612060547, 0.10114772617816925, 0.8375269770622253, 0.3635019063949585, 0.923627495765686, 0.48022201657295227, 1.4302326440811157, 0.26810044050216675, -1.0582726001739502, -0.6136008501052856, -0.3098834753036499, -0.44528597593307495, -0.7163568139076233, 1.8996913433074951, 0.41490721702575684, 1.203679084777832, 0.38662686944007874, -0.09509705752134323, -0.6980174779891968, -0.17762093245983124, 1.4153399467468262, 0.7918987274169922, 0.35959506034851074, 0.33564493060112, -0.4512390196323395, 0.5009413361549377, -0.2349795699119568, -0.44622570276260376, 0.057034049183130264, 0.07592571526765823, 0.5116437077522278, -0.7496113777160645, 0.05448967218399048, 0.8470142483711243, 0.33127084374427795, 0.9362791180610657, -0.5211157202720642, -0.5260541439056396, -0.3352602422237396, 0.19722117483615875, 0.1683589071035385, 0.8439940214157104, -0.9304441213607788, 0.35994452238082886, 0.13425152003765106, 1.0074663162231445, -0.4536605477333069, 0.5054343938827515, 1.231693148612976, -0.5834867358207703, -0.7081987261772156, -0.14850418269634247, -1.5556986331939697, -0.36874309182167053, -0.6090125441551208, 0.05984342470765114, -0.8369384407997131, 0.8912704586982727, -0.7067843675613403, -0.9023923873901367, 0.8310978412628174, 0.3080706298351288, -1.1730320453643799, 0.6702892184257507, 1.040493369102478, -0.9418390989303589, -0.04523829370737076, -0.3820745348930359, -0.736575186252594, -1.6051057577133179, 0.2809060513973236, -0.253352552652359, 0.04350591450929642, 0.17343927919864655, 0.9080348014831543, -0.4301084280014038, -0.12775832414627075, -1.5500484704971313, 0.9961677193641663, 1.0783812999725342, -0.32806599140167236, -0.5772478580474854, -0.45548492670059204, 0.17168061435222626, -1.0780080556869507, -1.174975872039795, -0.9583223462104797, 0.03283119946718216, 0.43999335169792175, -0.31936031579971313, -0.7966843843460083, -0.5358854532241821, -0.2112331986427307, 0.32157206535339355, 0.672164261341095, -1.1008504629135132, 0.3097165822982788, -0.3591024577617645, 0.6628932952880859, 1.1466642618179321, -0.44888919591903687, -0.2701990008354187, 0.8405331969261169, -0.48401984572410583, 0.7560478448867798, -0.21818572282791138, 0.36469191312789917, 0.23222872614860535, 0.5733923316001892, 0.4499853849411011, -0.27713456749916077, -11.902754783630371, 0.023002397269010544, -0.28447115421295166, 0.1403428316116333, 0.84230637550354, 0.28155994415283203, 1.1461981534957886, 0.6095336079597473, 0.25960326194763184, -0.44145193696022034, 0.5778467655181885, 1.4346132278442383, 0.10030373930931091, -0.3324924111366272, -0.49377042055130005, -1.1596095561981201, -0.8312138915061951, -0.3079589307308197, 0.5864911079406738, 0.34791499376296997, -0.48595190048217773, -0.8259871602058411, -0.197415292263031, -0.06239454820752144, 0.21434839069843292, -0.7681623697280884, 0.4987657368183136, 0.0697905421257019, -0.4341639280319214, -0.7318089008331299, 0.4091182053089142, 0.38819432258605957, -0.9347791075706482, 0.03371293097734451, -0.018557049334049225, 0.41078847646713257, -1.3032011985778809, -0.3379461169242859, 1.22805917263031, 0.05944724753499031, -0.9798904061317444, 0.31927570700645447, 0.31383922696113586, 0.14518491923809052, -0.16264349222183228, 0.762279748916626, 0.2429797649383545, -0.5154109597206116, 0.8865101337432861, -0.6714218854904175, -0.40449821949005127, -1.2031574249267578, -1.354098916053772, -1.0775034427642822, 1.2093061208724976, 0.1058875173330307, -0.3564864695072174, -0.34438225626945496, -0.2715420126914978, -0.86515212059021, 1.1837031841278076, 0.41045528650283813, -0.3965111970901489, 0.44735604524612427, 0.11397692561149597, -0.9740424156188965, 0.5396742224693298, 0.6163038611412048, -0.05202772468328476, 0.003491673618555069, 0.019689809530973434, 0.8631113767623901, 0.32158374786376953, -0.0792551338672638, 0.004930261522531509, -0.2650747001171112, 0.2399669587612152, 0.08160550147294998, 0.5315910577774048, 0.3189846873283386, -1.371649146080017, 0.2972119450569153, 0.09092896431684494, -0.8211424350738525, -0.2540452480316162, -0.4357507824897766, -0.30912843346595764, 0.5723962783813477, 1.363466501235962, 0.8233311772346497, 1.4901714324951172, 0.5285103917121887, 0.18846158683300018, -0.5074779391288757, -0.6498722434043884, 0.6930575966835022, -0.4102807343006134, 0.6535137891769409, -0.2273159921169281, -0.9321973323822021, 0.5653838515281677, -0.579654335975647, -0.8461087942123413, -0.6849108934402466, 0.885712206363678, 0.1497403085231781, 0.19281470775604248, 0.5981888771057129, 0.27963557839393616, 0.3530464470386505, 0.6795587539672852, -0.04274820536375046, -0.07746243476867676, 1.2905659675598145, 0.3303692936897278, 0.9887587428092957, 0.6474428176879883, -0.17994777858257294, 0.97587651014328, 0.7483005523681641, -0.15340237319469452, 0.6057812571525574, 0.29095974564552307, 1.010076880455017, 0.023767530918121338, 0.3979374170303345, 0.07487717270851135, 1.0704244375228882, -0.848915696144104, -0.7867915630340576, 0.11938764154911041, -0.09927768260240555, 0.06877991557121277, -0.5313751101493835, -0.012854769825935364, -0.3373785614967346, -0.40317729115486145, 1.1982879638671875, 0.1578540951013565, 0.2799377143383026, -0.013397980481386185, -0.7573820948600769, -0.07487423717975616, -0.412325918674469, -0.3512619137763977, 0.18030908703804016, -1.678566575050354, -0.2245367169380188, -0.0854119211435318, -0.9341954588890076, 0.5998817682266235, 0.024136394262313843, 0.7843381762504578, -0.9738003611564636, -0.3271256387233734, -0.3641073703765869, 0.5456432700157166, 0.19339290261268616, -0.8849896788597107, -0.40831729769706726, 0.2025832235813141, 1.2899388074874878, -0.8457760810852051, 0.7314434051513672, 1.2630724906921387, 0.860368013381958, -1.0676859617233276, 0.30929699540138245, -0.15009351074695587, 0.6668763756752014, 0.7655982375144958, -0.960943877696991, -0.21682076156139374, -0.5623441338539124, -0.2950863242149353, -0.21673795580863953, 0.6138750314712524, 1.0932683944702148, -0.5785269737243652, 0.6976662278175354, 0.6687901020050049, 0.3658422529697418, -0.41384705901145935, -0.6683492064476013, -0.7887901067733765, 0.03307312726974487, -0.2189052700996399, 1.2001559734344482, -0.12445628643035889, 0.6055465936660767, -1.8955188989639282, -1.2870182991027832, -0.502524197101593, 0.2317071557044983, 0.2021741420030594, -0.017440009862184525, 0.9083999991416931, -0.1741240918636322, 0.006176576018333435, 0.18261203169822693, -0.1994398683309555, 0.35578152537345886, 0.6231308579444885, 0.30685997009277344, -0.7145796418190002, -0.17690536379814148, -0.6381378173828125, 0.21070650219917297, 0.5606502294540405, -0.08772775530815125, -1.2889668941497803, 0.007590152323246002, 0.4651355445384979, -0.4045965075492859, -0.046692077070474625, -1.0326875448226929, 0.3076024055480957, -0.3978559374809265, -0.4310559034347534, -0.864751935005188, -0.045595742762088776, 1.1375117301940918, -0.4241539239883423, 1.2381197214126587, 0.4817039668560028, 0.5350439548492432, 0.5415427684783936, 0.761691689491272, 1.0636132955551147, -0.5446999073028564, -0.7247247695922852, -0.3270571231842041, 0.06551394611597061, -0.10450803488492966, -0.2274637222290039, 0.48010918498039246, -1.439241886138916, -0.2968395948410034, -1.2411082983016968, 0.34454473853111267, -0.4880983829498291, 0.3013022541999817, -0.0495469868183136, 1.1139400005340576, -0.7741034626960754, -1.0566703081130981, -0.2975524067878723, -0.5805121660232544, -0.6495928764343262, 0.14333181083202362, 0.15985821187496185, 0.5451852679252625, 0.9206139445304871, 0.30121713876724243, 0.6746693849563599, -0.07320016622543335, 0.19609233736991882, 0.06729011237621307, 0.25533947348594666, 0.773649275302887, 0.5230841636657715, 0.2545909881591797, 0.43202048540115356, -0.3891053795814514, -0.7134509682655334, -0.1999514102935791, -0.21314942836761475, 0.3169791102409363, 1.0843607187271118, -0.07112641632556915, -0.4295089840888977, -0.7058044075965881, -0.005806565284729004, -0.8472944498062134, 0.8853029012680054, 1.1769866943359375, -0.40455108880996704, -0.04459254816174507, -0.8248080015182495, 0.03751875087618828, 0.5137083530426025, -0.5228427648544312, 0.3235968351364136, -0.7172967791557312, 0.6299254298210144, -0.5099090933799744, -0.6321811079978943, -0.6564517617225647, 0.7527749538421631, -0.3368385136127472, 0.21361298859119415, 0.28111493587493896, -0.5197872519493103, -0.5561039447784424, 0.8707989454269409, -0.5294758081436157, 0.22028900682926178, -0.09013265371322632, -1.048086166381836, -0.1770508736371994, 0.7443485260009766, -0.31294316053390503, -0.488238126039505, 0.2964928150177002, -0.36218902468681335, -1.3950998783111572, 1.0416747331619263, 1.029247760772705, 0.0571766272187233, -0.2993289828300476, 0.0618751123547554, -0.021444980055093765, 0.6070713400840759, 0.9516652226448059]} +{"paper_id": "newsph", "embedding": [-0.48846811056137085, 1.022218108177185, 0.17324838042259216, -0.26100367307662964, 0.06261356174945831, -0.5965783596038818, 0.46316614747047424, 0.3370438814163208, 0.663367748260498, 0.8073394298553467, 0.20800358057022095, 0.01921442337334156, -0.39712586998939514, -0.16701115667819977, -0.05925963446497917, -0.2844138443470001, -1.5428375005722046, -0.3414250314235687, -1.5408521890640259, -0.6564240455627441, -0.16564708948135376, -0.32602035999298096, -0.22147682309150696, 0.5172880291938782, -0.6408494710922241, -0.5874775648117065, 0.8762685060501099, -1.134747862815857, 0.662083625793457, 0.3529336452484131, -0.27173319458961487, 1.2026182413101196, -1.5726467370986938, 0.19119524955749512, -0.1642053723335266, 0.26661431789398193, 0.3366009593009949, 1.4094560146331787, -0.04962081462144852, 0.2855091989040375, -1.1875661611557007, -0.04677160456776619, 0.1990533471107483, 0.2727978825569153, 1.008992314338684, -0.17840377986431122, -0.05833282321691513, 0.07150661945343018, -0.22888299822807312, -0.09385939687490463, -0.11732403934001923, -0.2773857116699219, -0.02958010323345661, 0.34265634417533875, -0.3856959044933319, 1.7644422054290771, 0.4377973675727844, -0.8853392601013184, 0.7855034470558167, -0.8863401412963867, 1.6448827981948853, 1.794845700263977, -0.47643232345581055, 0.38495102524757385, 1.1064010858535767, -0.23356333374977112, 1.39456307888031, 0.24695952236652374, 0.46768590807914734, 0.6695065498352051, -0.25180914998054504, -1.0180364847183228, -0.2124706208705902, -0.10223472863435745, 0.2641773819923401, 1.0676525831222534, 0.42855751514434814, 0.6481360197067261, 0.33278387784957886, 0.31662631034851074, -1.3735989332199097, 0.786846399307251, 0.8685913681983948, -1.0831283330917358, -0.18207049369812012, 0.857104480266571, 0.6364951133728027, -0.26361343264579773, 0.32025712728500366, -1.9455769062042236, 0.6692411303520203, 0.2399357706308365, -0.3124019205570221, -0.13190439343452454, -0.2523307204246521, 0.4284917712211609, -0.21279995143413544, -0.25199049711227417, -0.31389543414115906, 0.05546974390745163, 0.7495602965354919, -0.3216302990913391, 0.0941765084862709, -0.027953632175922394, 0.19893676042556763, 1.307563304901123, -0.20731058716773987, -0.267944872379303, -0.9117122888565063, -0.17261263728141785, -0.3390767276287079, 0.9814185500144958, -0.29581552743911743, 0.33042004704475403, -0.3226708173751831, -0.3720442056655884, -0.08426620811223984, -0.7274686098098755, -0.5939748287200928, 0.08668401092290878, -0.529625415802002, -1.6095349788665771, -0.18445175886154175, 0.24202869832515717, 1.047074794769287, -0.8115946054458618, -0.1210990697145462, -0.2713978886604309, 0.917709469795227, -0.21782614290714264, 0.5967146158218384, -0.49850085377693176, -1.2958248853683472, -0.22231082618236542, 3.4683890342712402, -0.6225534081459045, 2.0218138694763184, -0.7244067788124084, 0.2542591094970703, -0.37665435671806335, 0.33730629086494446, 1.1162550449371338, -0.23518624901771545, 0.10147009789943695, -0.6480293869972229, 0.14596779644489288, -0.6449377536773682, 0.04512470215559006, -0.8096871376037598, -0.5073727965354919, -0.1122809499502182, -0.6501771807670593, -1.6028521060943604, -0.5960382223129272, -0.0697660893201828, 0.23218461871147156, -0.07940790057182312, 1.1692122220993042, -0.7199744582176208, 0.9521599411964417, 0.3033597469329834, -0.48384588956832886, 0.07516039907932281, 0.4111223816871643, -0.7440632581710815, -0.04560449346899986, 0.8063958883285522, 0.10423026233911514, -0.3227335214614868, -0.5249034762382507, 0.831602156162262, -0.33404186367988586, -0.28639891743659973, -0.41848668456077576, 0.6419763565063477, 1.024014949798584, 0.25482261180877686, 0.8749741911888123, 0.1488485485315323, -0.1531796157360077, -0.6840360164642334, -0.5075306296348572, -0.3958145081996918, 0.3213917016983032, -0.2449038177728653, 0.6491307616233826, -2.2749626636505127, -0.3153882622718811, -0.048409536480903625, 0.11316295713186264, 0.19089871644973755, -0.41002801060676575, 0.182458758354187, 0.4131857454776764, 0.19151552021503448, -0.19385814666748047, 0.30647656321525574, -0.9874652624130249, -0.2677423357963562, 0.634587287902832, 0.19460424780845642, -0.08867748081684113, 0.38789230585098267, 0.89339280128479, 0.2629840075969696, -0.6058626770973206, -0.5181556940078735, -1.781080961227417, 0.025154292583465576, 3.0165653228759766, -0.5884879231452942, -0.5728282332420349, -1.479948878288269, -0.05376075953245163, 0.30076247453689575, -0.20518237352371216, 0.28598684072494507, -0.7495011687278748, -0.2554398775100708, -0.2519132196903229, 0.40907537937164307, -0.6401128172874451, 0.8753178119659424, 0.6774055361747742, 0.6352767944335938, -0.4163706600666046, -0.7499675750732422, -0.6803608536720276, -1.2295162677764893, 0.5468199253082275, 0.3063332438468933, 0.20289815962314606, -0.7743409276008606, 0.9191256165504456, -0.04947453737258911, 0.7427167892456055, 0.5451456904411316, 0.4838394522666931, -0.4929386377334595, -0.5902751088142395, 0.3324938416481018, 0.7413909435272217, -0.06302230060100555, 0.714146614074707, 0.5636908411979675, 0.8474559783935547, -0.321127325296402, -0.4802052974700928, -0.514910101890564, 0.3507322072982788, 1.0223031044006348, 0.47403785586357117, -0.7073168754577637, 1.3536441326141357, -1.5027732849121094, 0.16931557655334473, -0.950387716293335, -0.7241677641868591, -0.1041066125035286, -0.30014365911483765, 0.5477767586708069, -0.2857709527015686, 0.2744939625263214, -0.636272668838501, -0.2703312635421753, -1.4694747924804688, -0.4326931834220886, -0.49643439054489136, -0.3780403733253479, -1.7551168203353882, -0.22048300504684448, -0.10285447537899017, -0.7555968761444092, -0.9490790963172913, 0.2255319356918335, 0.7428719401359558, 0.4448619782924652, 1.1347588300704956, 1.7855812311172485, -0.33536797761917114, 0.4358617067337036, 0.6997638940811157, 0.6922367215156555, -0.751032829284668, 1.4524885416030884, 0.07181116938591003, 0.5848286151885986, -0.77663254737854, 0.3941364586353302, -0.5718070864677429, 0.3093128800392151, 0.558853268623352, -0.41962191462516785, 0.07025206834077835, -0.32315248250961304, -1.048917531967163, 0.729633092880249, -0.411048948764801, 0.15166255831718445, -0.6914096474647522, 1.7680813074111938, 0.6708811521530151, 0.2656402289867401, 1.1481531858444214, -0.65395587682724, -0.2282303422689438, 1.0603829622268677, -0.8249980211257935, 0.7984881401062012, 0.5643760561943054, 0.4179970324039459, 0.5329745411872864, 0.254614919424057, -2.2731094360351562, 0.4912896454334259, 1.2482160329818726, -0.27577733993530273, -0.7850306630134583, -1.1083074808120728, 0.227386012673378, -0.9964184165000916, -0.054075710475444794, 0.029361264780163765, -0.7088884711265564, 0.32561028003692627, -0.21592816710472107, 0.15864533185958862, 1.8739839792251587, -1.1829698085784912, 1.3227437734603882, 1.3704110383987427, 0.4449051320552826, -0.7175531983375549, -0.6952219009399414, 1.076735496520996, -0.6026953458786011, -0.20239785313606262, -0.4981269836425781, 0.9132662415504456, 1.1613935232162476, -0.1280234158039093, -0.5684027075767517, 0.7534367442131042, 1.1272377967834473, 1.0308164358139038, 0.32796555757522583, -0.9797204732894897, 0.42813464999198914, -0.10542267560958862, 1.1143169403076172, -0.032519660890102386, -0.9449342489242554, -1.3035041093826294, -0.34428438544273376, 0.28720080852508545, -0.8759836554527283, 2.013437509536743, 0.8707290887832642, 1.553818941116333, -0.10179217904806137, 0.4245240092277527, -0.02106618508696556, 0.18051058053970337, 1.0790019035339355, 0.8239288926124573, -0.38202595710754395, 0.06058652698993683, -0.36732321977615356, 1.1260508298873901, -0.6008009910583496, -0.4348851442337036, 0.2787954807281494, 0.7531949281692505, -0.6802747249603271, -0.8708966374397278, 0.5853234529495239, 1.1436837911605835, 0.8925024271011353, 1.539201259613037, -0.3987014889717102, -0.9119977355003357, 0.1502770483493805, 0.48936524987220764, 0.2552456855773926, 0.28623101115226746, -1.1192679405212402, 0.7299731969833374, 0.579207718372345, 0.2627989649772644, -0.2646051049232483, 0.6100828647613525, 1.31496262550354, -0.6728639602661133, -1.1953589916229248, -0.33007386326789856, -0.9250906705856323, -0.10495362430810928, -0.1987195611000061, -0.22543682157993317, -0.5685939192771912, 0.7134990692138672, -0.5176401734352112, -0.9171408414840698, 0.8188594579696655, -0.1146826222538948, -1.3973253965377808, 1.2236169576644897, 0.5810858011245728, -1.278571605682373, -0.45407605171203613, 0.2043580263853073, -0.9504883885383606, -0.898951530456543, -0.1120641753077507, -0.1929798573255539, 0.22587598860263824, -0.12174135446548462, 1.273834228515625, -0.0726437047123909, -0.4798826575279236, -1.5880036354064941, -0.0013752281665802002, 1.616707682609558, -1.024796485900879, 0.544129490852356, 0.8728278279304504, -0.19165416061878204, -0.41121402382850647, -1.062070608139038, -1.0011436939239502, 0.40222808718681335, 0.5601329803466797, 0.3317783772945404, -0.6111900806427002, -1.096134901046753, 0.12316249310970306, -0.41877245903015137, 0.9246305823326111, -1.6308598518371582, 0.12054246664047241, -0.21592214703559875, 0.20030029118061066, 0.04995415359735489, -0.8945261240005493, -0.603725790977478, 1.1940162181854248, -0.3915332555770874, 1.6971138715744019, 0.33607733249664307, 0.10982777178287506, 1.1680750846862793, 0.1377076506614685, 0.01568959280848503, -0.5913041830062866, -9.707844734191895, 0.07225235551595688, -0.3956722319126129, -0.08694041520357132, 0.6165251135826111, -1.0860495567321777, 0.650753378868103, -0.131944477558136, 0.547529399394989, -0.9714961051940918, 0.6766288876533508, 1.3703526258468628, -0.047687828540802, -0.4785877466201782, -0.2652527689933777, -0.7722725868225098, -0.9701666831970215, -0.15871508419513702, 0.2915981411933899, -0.04408681392669678, -0.8360087275505066, -1.1500612497329712, -0.27339819073677063, 0.6091150045394897, 0.47527727484703064, 0.947444498538971, -0.7070241570472717, 0.16599363088607788, -0.6858935952186584, 0.24275559186935425, 0.47348666191101074, -0.6351736783981323, -0.9907415509223938, -1.0302667617797852, 0.5270957946777344, -0.30252987146377563, -1.0153313875198364, 0.08938027918338776, 1.0089880228042603, 0.11160850524902344, -0.22613196074962616, 0.8068768978118896, 0.21629539132118225, -0.11772726476192474, -0.382260262966156, 0.47145915031433105, 0.4271242320537567, -0.49879300594329834, 0.07189781218767166, -0.07157225906848907, -0.5321802496910095, -0.5571403503417969, -0.8610168695449829, -0.9245873093605042, 0.2028760462999344, 0.5687305331230164, -0.7011973857879639, 0.6128832101821899, -0.7354680299758911, -1.0129642486572266, 0.5754671096801758, 0.2797958254814148, -0.48418107628822327, 0.1631450355052948, -0.07282721251249313, -0.7649132013320923, 0.3054454028606415, 0.5148463249206543, -0.4600076973438263, -0.10343144834041595, -0.5089598894119263, 0.8180378079414368, -0.08513383567333221, 0.17894011735916138, -0.22531071305274963, -0.12109462171792984, -0.47162193059921265, -0.16484922170639038, 0.697676420211792, 0.04319629818201065, -1.069699764251709, 0.5679906606674194, 0.44148340821266174, -0.8194876909255981, -0.7210540175437927, 0.271024227142334, 0.20198898017406464, -0.37231913208961487, 0.5888272523880005, 0.48666733503341675, 1.6971412897109985, -0.14231643080711365, -0.027960292994976044, 0.1753646433353424, -0.12908929586410522, 1.2680730819702148, -0.313616544008255, 1.2201263904571533, -0.15018779039382935, -1.2592130899429321, 0.7617713212966919, -0.37072455883026123, -0.4071088135242462, 0.10964332520961761, 0.2172023504972458, 0.1556643545627594, 0.4933573007583618, 0.3819473683834076, -0.4884865880012512, -0.6100093126296997, 0.767815887928009, 0.4215128421783447, -0.21551473438739777, 0.561946451663971, 0.022107481956481934, 1.0660457611083984, 0.7260116934776306, -0.15005020797252655, -0.09366687387228012, 1.6817700862884521, -0.06870171427726746, 0.9875923991203308, 0.1814500242471695, 1.529078722000122, 0.30809420347213745, 0.28845450282096863, 0.2256590723991394, 0.8594867587089539, 0.03730742633342743, -1.5124493837356567, 0.9417175054550171, -0.09959731996059418, -0.05771162360906601, -0.5348013639450073, -0.3982657194137573, -0.21108753979206085, -1.1100577116012573, 1.123999834060669, -0.32366275787353516, 0.2920118570327759, -0.07359664142131805, -0.49816736578941345, 0.29461032152175903, -0.8966584205627441, -0.871367871761322, -0.016270413994789124, -1.5007401704788208, 0.082854263484478, -0.5292242765426636, -0.44829612970352173, -0.1635344922542572, -0.028278809040784836, 0.9474858045578003, -0.7896817326545715, -0.6048522591590881, -0.20047542452812195, -0.007954299449920654, -0.2575130760669708, -0.281920850276947, 0.12902744114398956, -0.04411016404628754, 1.2467960119247437, -0.8552243113517761, 1.1149786710739136, 0.12161456048488617, -0.17971520125865936, -0.6556040644645691, 0.10764048993587494, -1.0574289560317993, 0.20052441954612732, 1.4966697692871094, -0.9339816570281982, -0.6613802909851074, -0.6779244542121887, -1.040825366973877, -0.6411650776863098, 0.714938759803772, 1.307651400566101, -0.4362829923629761, 0.2879965305328369, 0.16501806676387787, 0.6577090620994568, -0.1604195237159729, -0.14865057170391083, -0.14108113944530487, 0.4629949629306793, -0.27181121706962585, 1.2230842113494873, -0.14115570485591888, 1.2429113388061523, -2.12861704826355, -1.3373064994812012, -0.08425652980804443, -0.14101548492908478, 0.28770768642425537, -0.3601539731025696, 1.2860966920852661, 0.30090221762657166, 0.4610370099544525, 0.45966964960098267, 0.330075204372406, 0.7732783555984497, -0.07266905903816223, 0.5438534021377563, 0.21172136068344116, 0.18013940751552582, -0.3455086052417755, -0.0930965393781662, 0.18461894989013672, 0.38970431685447693, -0.927921712398529, 0.32790225744247437, -0.3796793222427368, 0.12298664450645447, 0.4455838203430176, -1.170538306236267, 0.6919562220573425, -0.641524076461792, -0.31062936782836914, -1.5848886966705322, 0.22151300311088562, 1.8438913822174072, -0.30199676752090454, 1.314714789390564, 0.5745828151702881, -0.08242694288492203, 0.3134874403476715, 1.0599639415740967, 1.7020790576934814, -0.5920482873916626, -0.9641523361206055, -0.7078125476837158, 0.590293288230896, -0.09523050487041473, -0.14212393760681152, -0.7046324014663696, -0.6405233144760132, 0.17148873209953308, -0.6693862676620483, 1.2257673740386963, -0.7993889451026917, 0.5380035638809204, 0.1573890894651413, 1.0466389656066895, -0.36188066005706787, -1.582790732383728, 0.5536783337593079, -1.3805952072143555, 0.31772580742836, 0.35926908254623413, 0.8208872675895691, 0.43384599685668945, 0.5114490985870361, 0.10791780799627304, 1.4851405620574951, -0.5415072441101074, -0.028521738946437836, -0.003919705748558044, -0.4519194960594177, 1.4402096271514893, 0.8670096397399902, 0.3856208920478821, -0.202228382229805, -0.7401750683784485, -0.9943435192108154, -0.1668461114168167, -0.5386286973953247, 1.0194523334503174, 0.8028104901313782, -0.23670168220996857, -0.12944982945919037, -0.8834314942359924, 0.8054696321487427, -0.515029788017273, 0.58879554271698, 0.5007500648498535, -0.3796778917312622, -1.1826242208480835, -1.0464683771133423, -0.37557491660118103, 1.026108741760254, -0.32864707708358765, 0.1206308901309967, -0.7451084852218628, 0.462831974029541, -0.08724537491798401, -0.43716180324554443, -1.1500098705291748, -0.0004976553027518094, -0.8139269948005676, -0.622721791267395, 0.7422797679901123, -0.9359005689620972, -0.7950932383537292, -0.2993377447128296, -0.6127947568893433, 0.9664058089256287, -0.1791287660598755, -0.7968699932098389, -0.7094711661338806, -0.13156981766223907, -1.1204968690872192, -0.519112765789032, 0.24776668846607208, -0.2001803070306778, -2.2655909061431885, 1.2203998565673828, 1.1660953760147095, -0.2891940772533417, -0.9030212163925171, 0.09036251157522202, 0.09012703597545624, 0.03728797286748886, 1.9295610189437866]} +{"paper_id": "labr", "embedding": [-0.7241857647895813, 0.9872991442680359, -0.06714039295911789, 0.28099992871284485, 0.6806953549385071, -0.19625084102153778, 0.773505449295044, 0.12987203896045685, 0.4300127923488617, 0.8467751145362854, 0.5631765723228455, -0.36847448348999023, 0.06640079617500305, -0.574803352355957, -0.2772919833660126, -0.14528125524520874, -1.0326701402664185, -0.5764161944389343, -0.7196788787841797, -0.2357373833656311, -0.5135124325752258, -0.41591018438339233, 0.29683467745780945, 0.7696793675422668, -0.8377479910850525, -0.39910805225372314, 0.6767656207084656, 0.025916393846273422, 0.5877348780632019, -0.037801407277584076, -0.16515600681304932, 0.5100789666175842, -1.330536127090454, -0.06617560982704163, -0.37838122248649597, -0.6944342255592346, 0.1275942474603653, 0.4604097008705139, -0.753176212310791, -0.3982866704463959, -0.392435759305954, 0.6695850491523743, 0.4587085545063019, 0.3733263611793518, 1.194491982460022, 0.03143180161714554, 0.4397742748260498, 0.2706252932548523, 0.6361164450645447, 0.4880962669849396, -0.12346264719963074, -0.16127586364746094, -0.3838745057582855, -0.01382555440068245, -0.800259530544281, 1.334882140159607, 0.18921539187431335, -0.6766623854637146, 0.030306531116366386, -1.808517336845398, 0.28520888090133667, 1.4609342813491821, 0.003269476816058159, -0.1382211595773697, 1.2079172134399414, 0.40684419870376587, 0.2283235639333725, -0.08189480006694794, 0.5564369559288025, 1.0011783838272095, -0.4052077531814575, -0.2620696425437927, 0.5538376569747925, -0.19286082684993744, 0.16690553724765778, 0.4132625460624695, 0.4753754734992981, 0.5759899616241455, 0.09263496100902557, -0.12419763207435608, 0.1989005208015442, 0.6380765438079834, -0.4435734450817108, -0.6486873030662537, 0.2938019931316376, 0.08017288148403168, 0.2551663815975189, 0.09117026627063751, 0.7236834168434143, -1.4425715208053589, 0.8985079526901245, 0.06505168974399567, -0.2873675525188446, -0.08481285721063614, -0.19950959086418152, -0.3127062916755676, -0.33129042387008667, 0.604357898235321, -0.4432794749736786, 0.36737900972366333, 0.37012001872062683, -0.6129862070083618, 0.5578950643539429, -0.21873101592063904, -0.2144516110420227, 1.1729012727737427, 0.0347495973110199, -0.1829131841659546, -0.29765382409095764, -0.43700966238975525, -0.20146605372428894, 1.2457324266433716, 0.28011125326156616, 0.4756072461605072, 0.7610052227973938, -0.05253220722079277, 0.3230985999107361, -0.5640161037445068, -0.7127441167831421, 0.7585433721542358, -0.14524145424365997, -1.538304328918457, -0.4734586477279663, 0.4540470242500305, 0.9269400835037231, -0.32205066084861755, 0.49660632014274597, -0.2633588910102844, -0.18738918006420135, -0.49792781472206116, 0.8779411315917969, -0.4662918448448181, -0.4568486213684082, -0.2551994323730469, 2.038883686065674, -1.4606608152389526, 1.5864001512527466, -0.8863781690597534, -0.2335384339094162, -0.0766977071762085, -0.6192335486412048, 0.5296528339385986, 0.0213119238615036, -0.7074592113494873, -0.31009620428085327, 0.25263646245002747, -0.5594669580459595, 0.26931071281433105, -0.5631747245788574, -0.4008389413356781, -0.1870826631784439, -0.27390170097351074, -0.9230613112449646, -1.0324550867080688, 0.5418189764022827, 0.47463706135749817, 0.40381497144699097, 0.4143578112125397, -0.21301132440567017, 1.020975112915039, 0.022865600883960724, 0.35913360118865967, -0.3896157145500183, 0.1586231291294098, -0.6738545298576355, -0.1317259818315506, 0.15077751874923706, 0.5784040689468384, -0.21968305110931396, -0.459605872631073, 0.3853161633014679, -0.1724492311477661, -0.0986955463886261, -0.3831002712249756, -0.3096992075443268, -0.4345664978027344, 0.5506940484046936, 0.5440377593040466, 0.6262207627296448, -0.9576032757759094, 0.1746235191822052, 0.042186200618743896, -0.4582056403160095, 0.2832621932029724, -0.07516615092754364, 0.4969385862350464, -1.0712941884994507, 0.44663453102111816, -0.0731494203209877, 0.4830470085144043, 0.38431763648986816, -0.8602020740509033, 0.013600312173366547, 0.2254362255334854, 0.39894765615463257, -0.15818674862384796, 0.463262677192688, -1.1441805362701416, -0.3092374801635742, 0.9641895294189453, 0.14763329923152924, 0.13302284479141235, 0.18037380278110504, 0.9735572338104248, 0.13872475922107697, -0.3431117534637451, -0.2277287095785141, -1.786300778388977, 0.2080516815185547, 2.32505464553833, 0.29748547077178955, -0.9210422039031982, -0.5232988595962524, -0.1423414647579193, 0.2504034638404846, -0.7335368990898132, 0.14644931256771088, -0.4360354542732239, 0.054424695670604706, -1.248600721359253, 0.1520063281059265, -0.30832967162132263, 0.0194660946726799, 0.019712282344698906, 0.9866294860839844, -0.5498093962669373, -0.7362900972366333, 0.07623443007469177, -1.0423566102981567, 0.0681908056139946, 0.5525529384613037, 0.7434410452842712, 0.15977521240711212, -0.032092392444610596, 0.7227123975753784, 0.06254344433546066, -0.4349530041217804, 0.15232381224632263, -0.4773258864879608, 0.005728071555495262, -0.4191577434539795, 0.36494505405426025, -0.2042223960161209, 0.052671998739242554, 0.4524814486503601, 0.3921631872653961, -0.20405767858028412, -0.5703938007354736, -0.09884496033191681, -0.0772852823138237, 0.9025759696960449, 1.2126423120498657, -0.118767648935318, 1.3202488422393799, -0.3095912039279938, -0.00674603134393692, 0.7010623812675476, -0.1514430195093155, -0.09259263426065445, -0.5545490980148315, 0.7303427457809448, -0.4216507077217102, -0.15878620743751526, -0.13935920596122742, 0.27706584334373474, -0.6981969475746155, 0.04564680904150009, 0.7314237952232361, -0.6666659712791443, -0.4224671721458435, -0.049843914806842804, 0.2897188067436218, -1.13166081905365, -0.6905567646026611, -0.29849007725715637, 0.48437222838401794, -0.36101803183555603, 0.4156012237071991, 1.524031162261963, 0.13281777501106262, 0.24709704518318176, -0.3226969242095947, 1.3982930183410645, -0.5854881405830383, 0.08666779845952988, -0.7362595796585083, 0.7296499609947205, -0.3594466745853424, -0.17077521979808807, 0.12995412945747375, 0.5776439309120178, -0.25383812189102173, -0.2818833887577057, 0.8870101571083069, -0.29943594336509705, -1.6445338726043701, 1.2805017232894897, -0.4591064751148224, -0.1805245578289032, -0.8765887022018433, 1.5849854946136475, 0.42893660068511963, -0.02044958621263504, 0.8816617131233215, -0.07120002806186676, 0.1046103686094284, 0.9387596249580383, -0.6472533941268921, 0.7301201224327087, 0.35649335384368896, -0.1310974806547165, 0.09414704144001007, 0.15135815739631653, -2.0376412868499756, 0.07741396874189377, 1.2077440023422241, -0.5248443484306335, -0.3682788014411926, -0.49273166060447693, 0.3618929386138916, -0.0745297521352768, 0.7070063948631287, 0.6499338150024414, -0.7286130785942078, 0.20262110233306885, -0.5872175693511963, -0.21828624606132507, 1.0193817615509033, -0.3477538228034973, -0.2807006239891052, 0.728393018245697, 0.06210022792220116, -0.9653241038322449, 0.0554996058344841, 0.3701978623867035, -0.6621740460395813, 0.8050200939178467, 0.4585951864719391, 0.6973177790641785, 0.6265981197357178, -0.6328638195991516, -0.05643085017800331, 0.3616107702255249, 0.3494643270969391, 0.27482014894485474, -0.26898762583732605, -0.09932099282741547, 0.44293954968452454, -1.2481895685195923, 1.2297759056091309, -0.17081956565380096, -0.7401143312454224, -0.9894253611564636, -0.2630845308303833, -1.314807415008545, -0.10205262899398804, 1.608703374862671, 0.6973767876625061, 0.8534860014915466, 0.30814358592033386, 0.27918118238449097, -0.32817891240119934, 0.5889105200767517, 0.9024288654327393, 0.9500008225440979, 0.027266494929790497, 0.07882934808731079, 0.3511328101158142, 0.13025835156440735, 0.45889049768447876, -0.11792886257171631, 0.2819082736968994, 0.2278820276260376, -0.8467183709144592, -0.23675839602947235, -0.058314647525548935, 1.4643226861953735, 0.662021279335022, 2.015806198120117, -0.14630454778671265, -0.2665626108646393, -0.24655325710773468, -0.1851864904165268, 0.7857956886291504, 0.2669484317302704, -0.8550522327423096, 0.6312444806098938, -0.14670398831367493, 0.8333120942115784, -0.7609473466873169, 0.714008092880249, 0.35175737738609314, -0.20056560635566711, -0.7024011015892029, -0.6319373846054077, -0.9877371788024902, -0.03679656237363815, -0.27559641003608704, -0.016824062913656235, -0.46935635805130005, 0.3328964114189148, 0.1744861900806427, -0.5845261812210083, 0.13632133603096008, -0.44399991631507874, -0.7958788871765137, 1.3704941272735596, 0.6683511734008789, -0.374050498008728, -0.6438884735107422, 0.24466510117053986, -0.6357306838035583, -0.6474438309669495, 0.6195393204689026, -1.013946294784546, 0.6348716616630554, 0.29926401376724243, 0.8235310316085815, -0.3227307200431824, -0.6263710260391235, -0.11740648001432419, 0.5670796632766724, 0.7649916410446167, -0.37768304347991943, 0.3832445740699768, 0.45870453119277954, -0.15314528346061707, -0.3154592216014862, -0.8132890462875366, -0.6618359684944153, 0.17449995875358582, -0.25175875425338745, -0.08541309833526611, -0.6009235978126526, -0.10679610073566437, 0.041015397757291794, -0.25136038661003113, 0.41834911704063416, -0.5663376450538635, 0.9967327117919922, -0.8025229573249817, -0.7295213341712952, -0.364956796169281, -0.504112958908081, -0.8329952955245972, 0.26376935839653015, -0.7358356714248657, 0.29615703225135803, 0.02584565430879593, 0.6857364177703857, 0.8482100367546082, -0.4731391966342926, 0.34791868925094604, 0.1931406855583191, -13.385431289672852, 0.40888604521751404, -0.13259519636631012, 0.5732168555259705, 0.7607747316360474, -0.19388949871063232, 0.4532754421234131, 0.09187017381191254, 0.9006153345108032, -0.3549795150756836, -0.1708744615316391, 0.9709745645523071, -0.1763303577899933, -0.2532501518726349, 0.06852617114782333, -0.5401212573051453, -0.47193944454193115, -0.9346343874931335, 0.2931344509124756, -0.1984279453754425, 0.19657397270202637, -0.6074503064155579, -0.5304632782936096, -0.4434302747249603, 0.26595357060432434, -0.2751213014125824, -0.6750701069831848, -0.5535657405853271, -0.6422041058540344, 0.7594647407531738, 0.2016182243824005, -0.3987882733345032, -0.0680348202586174, -0.4388680160045624, 0.4176650047302246, 0.004946891218423843, -0.5059002637863159, -0.1280800998210907, 0.8119526505470276, -0.4569132328033447, 0.009614318609237671, 0.1435002088546753, 0.355551153421402, -0.9061474204063416, -0.8579376339912415, -0.0669521689414978, 0.07181699573993683, -0.21273085474967957, -0.002483382821083069, -0.08063922077417374, -0.6155728101730347, -0.43706920742988586, -0.7461729645729065, -0.08919738233089447, 0.4832826554775238, -0.1474001705646515, -0.4266647398471832, 0.6886265277862549, -0.4988453686237335, -0.9368913173675537, 1.0307731628417969, -0.20690113306045532, -0.756899356842041, 0.21933779120445251, 0.4635503888130188, -0.0949488952755928, 0.2717885375022888, 0.7610774040222168, -0.6584604978561401, 0.26685890555381775, -1.1538846492767334, 1.4959450960159302, 0.19419175386428833, 0.30765944719314575, -0.7462796568870544, 0.2135789692401886, -0.38128459453582764, 0.10296555608510971, 0.4032612144947052, 0.42777279019355774, -1.2678124904632568, 0.33143267035484314, 0.14398901164531708, -0.734453558921814, -0.48480209708213806, 0.6187666058540344, 0.1489468514919281, -0.26481354236602783, 0.636268138885498, -0.11026128381490707, 0.5493232011795044, -0.19771945476531982, -0.5632045269012451, 0.07697846740484238, -0.03235437721014023, -0.013338416814804077, 0.18024791777133942, 0.8617578148841858, -0.07855217903852463, 0.157636821269989, -0.25749096274375916, 0.11081283539533615, 0.22475308179855347, 0.1805710792541504, 0.513364315032959, -0.27822619676589966, 0.026176229119300842, 0.2580873668193817, 0.3698218762874603, -0.3603071868419647, 0.39079761505126953, 0.2311030626296997, -0.1565501093864441, 1.5632976293563843, -0.6410648822784424, 0.18908213078975677, -0.1975177526473999, 0.014069005846977234, 0.7079901099205017, 0.4607185125350952, -0.017059296369552612, -0.12982897460460663, 0.31350642442703247, 1.1050870418548584, 0.46056967973709106, 0.23470740020275116, 0.42335382103919983, 0.29473453760147095, 0.06390951573848724, -0.9812517166137695, 0.6917922496795654, -0.5625645518302917, -0.0858340859413147, -0.3809369206428528, 0.15756390988826752, -0.09909449517726898, -0.01905767247080803, 1.2783147096633911, -0.6123728156089783, -0.14422950148582458, -0.39879000186920166, 0.09275610744953156, -0.09315881133079529, -0.08551491051912308, -0.37717413902282715, -0.2654896378517151, -1.612575888633728, 0.0036448463797569275, -0.3803078830242157, -0.8939679265022278, 0.6069201231002808, -0.07169544696807861, 0.4734945297241211, 0.020245879888534546, -0.2471352070569992, 0.18005645275115967, -0.013013456016778946, -0.5178055763244629, -1.0080130100250244, -0.11799846589565277, 0.6581057906150818, 0.22723537683486938, -0.7450798749923706, 0.23151078820228577, 0.43467947840690613, -0.2596549987792969, -0.17477214336395264, 0.32466045022010803, -0.2769128680229187, 0.3131330907344818, 0.3801170587539673, -1.0821807384490967, 0.20935410261154175, -0.8728193640708923, -0.11866810917854309, -1.2058475017547607, 0.24529710412025452, 1.3440850973129272, -0.7174564599990845, -0.16613854467868805, -0.5014466047286987, 0.6049651503562927, 0.12331995368003845, -0.489288330078125, -0.6759918928146362, -0.10713642090559006, -0.42337095737457275, 0.7185309529304504, 0.20949874818325043, 0.5199535489082336, -1.45467209815979, -0.6469101309776306, -0.14030545949935913, -0.22898434102535248, 0.2510954737663269, 0.14782990515232086, 0.4230218529701233, 0.20593255758285522, -0.6744706630706787, 0.2017645537853241, 0.3169407844543457, 0.4734678268432617, 0.3087087571620941, -0.01577538438141346, 0.5979002118110657, -0.02714698389172554, -0.5193694233894348, -0.5666125416755676, 1.2331771850585938, 0.46227288246154785, -0.7662162184715271, -0.30178940296173096, 0.4752061367034912, 0.5782247185707092, 0.463044673204422, -0.7984532117843628, 0.3025328516960144, -0.15897244215011597, -0.515630304813385, -0.899147093296051, -0.16705504059791565, 0.7421119809150696, -0.23071889579296112, 0.9154129028320312, 0.6601893305778503, 0.7369394302368164, 0.5034464597702026, 0.01171373575925827, 1.3220796585083008, -0.3120501637458801, -0.9003366231918335, 0.577845573425293, 0.0489078164100647, -0.2341136336326599, -0.147754967212677, -0.2435392290353775, -1.014779806137085, 0.445882648229599, -0.39246052503585815, 0.212962806224823, 0.0379168838262558, 0.4546096920967102, 0.1242317333817482, 1.668233871459961, -0.19042333960533142, -1.0593243837356567, -1.3169581890106201, -0.9682114720344543, 0.03252085670828819, 0.07197381556034088, -0.4130953252315521, 1.586269497871399, 0.8118183612823486, -0.3556520342826843, 1.3340812921524048, -0.05978816747665405, -0.43437087535858154, 0.4043772220611572, -0.037874773144721985, 1.0193872451782227, 0.48097434639930725, 0.11664604395627975, 0.14735186100006104, -0.3762613534927368, -1.123341679573059, -0.21920979022979736, -0.5140163898468018, 0.5450955033302307, 0.03607699275016785, -0.6035750508308411, -0.2968742251396179, -0.045247096568346024, -0.101738840341568, 0.16088221967220306, 0.15741953253746033, 0.6859208345413208, -0.8695062398910522, -0.05380958318710327, -0.4324134886264801, 0.1636657863855362, 0.6554605960845947, 0.06964293867349625, -1.0692181587219238, -0.2949479818344116, -0.6728575825691223, 0.46723854541778564, -0.4266011416912079, -0.3666747212409973, 0.3048468828201294, -0.5204514265060425, 0.653046727180481, 0.23103216290473938, -1.0978020429611206, -0.2741346061229706, -0.49649521708488464, -0.847852349281311, 1.0273867845535278, 0.2881386876106262, -0.62171870470047, -0.5554186105728149, 0.23447106778621674, -0.7148069143295288, 0.18294967710971832, 0.0031135454773902893, 0.1834106296300888, -1.553797960281372, 1.1252806186676025, 1.499576449394226, 0.2848578691482544, 0.10373682528734207, 0.2637188136577606, 0.7084721922874451, 0.1461004912853241, 1.4304718971252441]} +{"paper_id": "metooma", "embedding": [-0.6719251275062561, 1.2420172691345215, 0.09246987104415894, 0.1411685347557068, 0.6553162932395935, -0.1274084746837616, 0.19361862540245056, -0.16774138808250427, 0.6217034459114075, 1.4876735210418701, 0.8892237544059753, -0.8188468217849731, -0.14532285928726196, 0.28366196155548096, 0.48878005146980286, 0.14630980789661407, -0.9134647250175476, 0.25402209162712097, 0.5848619937896729, -0.24977684020996094, -0.9847260117530823, -0.6360452175140381, 0.16759392619132996, 0.7490747570991516, -0.7231400609016418, -0.9028691649436951, 0.44180747866630554, 0.24664203822612762, -0.1120510920882225, -0.3632132112979889, -0.39051514863967896, 0.6851181983947754, -1.3134046792984009, -0.7649277448654175, -0.9227442145347595, -0.46538135409355164, 0.2798170745372772, 0.5191907286643982, -0.5508148074150085, -0.08373419940471649, -1.2183762788772583, 0.19129493832588196, 0.6070702075958252, 0.22386831045150757, 1.269740343093872, 0.6457330584526062, 0.5361178517341614, 0.09905577450990677, -0.03032323718070984, 0.09477499127388, 0.4862267076969147, 0.15106840431690216, -0.36958080530166626, 0.05181281268596649, -0.5101931095123291, 0.7768881916999817, -0.3447696566581726, -1.2631738185882568, 0.2575543224811554, -1.5835068225860596, 1.193405032157898, 1.4511091709136963, -0.12056967616081238, -0.10579197108745575, 0.7642075419425964, -0.3680587410926819, 1.0042400360107422, -0.3519607186317444, 1.3586152791976929, 0.7783817648887634, -0.6532513499259949, -0.8140281438827515, -0.19990494847297668, -0.6904362440109253, 0.09277027100324631, 0.2701692581176758, -0.27868008613586426, 0.5629050731658936, -0.42812690138816833, 0.3367071747779846, -0.3048803210258484, 0.9864310026168823, -0.5217363238334656, -0.9640312790870667, 0.08257953822612762, 0.10246346145868301, -0.09140221029520035, -0.022025857120752335, 0.561557412147522, -1.3500785827636719, 0.734885573387146, -0.4123518764972687, -0.23607447743415833, 0.3222658336162567, -0.2387838065624237, 1.3698112964630127, -0.01045091450214386, 0.3245026469230652, -0.47514069080352783, 0.590557336807251, 0.4337849020957947, -1.033625841140747, 0.8866514563560486, 0.3060128092765808, -0.08663351833820343, 1.991474986076355, -0.5135383605957031, -0.6362415552139282, 0.14545124769210815, 0.06585326045751572, -0.4595116376876831, 1.5039623975753784, -0.2771705090999603, -0.0855037048459053, 0.08704054355621338, -0.597784698009491, -0.2461964190006256, -0.745123028755188, -0.7367861866950989, -0.0418790727853775, -0.8596756458282471, -1.0831464529037476, -0.3731171786785126, 0.6691595911979675, 1.1970570087432861, -0.08121746778488159, 1.143660306930542, 0.41835227608680725, -0.44028082489967346, 0.3018604815006256, 1.2118167877197266, -0.42894771695137024, -0.5601162910461426, 0.7045363187789917, 1.7950079441070557, -1.2512017488479614, 1.4878305196762085, -0.017322326079010963, 0.8439990282058716, -0.1472078561782837, 0.126116544008255, 0.9427341222763062, -0.31366899609565735, -0.3689733147621155, -1.7100383043289185, 0.30875062942504883, -0.4715351462364197, -0.1919386088848114, -0.1456281840801239, -0.6084346771240234, 0.3136192262172699, 0.5744217038154602, -0.3626251220703125, -0.35402578115463257, 0.5749313235282898, 0.4517172873020172, 0.01383347250521183, 0.19419510662555695, -0.19940316677093506, 0.6709893941879272, 1.169235110282898, 0.7582900524139404, -1.075246810913086, 0.7711289525032043, -0.7006165385246277, -0.3396424949169159, 0.586584210395813, 0.6197283864021301, -1.2025483846664429, -0.3630187511444092, 1.0980799198150635, -0.264769971370697, 0.71470046043396, -0.025493158027529716, -0.9273210763931274, -0.4939255118370056, 0.17334337532520294, 0.42233040928840637, 0.7509245872497559, 0.04391270875930786, 0.47806745767593384, 0.1706981509923935, -0.32190999388694763, 0.14044804871082306, 0.08909624069929123, -0.5362098813056946, -0.7761839628219604, -0.4397639036178589, -0.17292466759681702, 0.9759056568145752, 0.12008753418922424, -1.0036178827285767, -0.12341370433568954, -0.07907836139202118, 0.3699057102203369, -0.25854557752609253, 0.6395679116249084, -0.7212671637535095, -1.0147992372512817, 0.23035643994808197, 0.8854475021362305, -0.3245072662830353, 0.6282120943069458, 0.21663713455200195, 0.8577677011489868, -0.6951805949211121, 0.1843206137418747, -1.124925136566162, 0.4614141285419464, 2.0330586433410645, -0.4682486653327942, -0.6894773244857788, -0.6763038635253906, -0.14026525616645813, 0.3035711348056793, -0.8618974685668945, 0.5311495065689087, -1.1730172634124756, -0.1823512613773346, -1.1364072561264038, 0.7644725441932678, -0.8117075562477112, -0.26038482785224915, -0.4214235842227936, 0.569260835647583, -0.17791235446929932, -1.1368470191955566, -0.28595492243766785, -1.0053695440292358, 0.24700315296649933, 1.2076950073242188, -0.07397346943616867, -0.857668936252594, 0.50743567943573, 0.6628486514091492, 0.49321305751800537, -0.8389194011688232, 0.17108023166656494, -0.35776567459106445, -0.23743189871311188, 0.36007243394851685, 0.022862538695335388, 0.2736310362815857, -0.9680047631263733, 1.2508944272994995, 0.9498876333236694, 0.6066852807998657, -0.8025209903717041, -0.15441569685935974, 0.5291922092437744, 0.19391855597496033, 1.0806752443313599, -0.38744351267814636, 1.4014111757278442, -0.34627899527549744, 0.438463419675827, 0.6571680307388306, -0.7002984285354614, 0.4100581407546997, -0.6688515543937683, 0.4599556028842926, -0.47440531849861145, -0.5502310991287231, -0.1938600242137909, -0.36522242426872253, -0.7193540334701538, -0.3011464476585388, -0.11867929995059967, -1.1869429349899292, -0.6144449710845947, -0.09433998167514801, -0.857472836971283, -0.8767192959785461, -0.7372637987136841, 0.36001449823379517, 0.8428412675857544, -0.09886736422777176, 0.24091041088104248, 0.20117230713367462, -0.4016934335231781, -0.019542792811989784, -0.9075989723205566, 0.6164370179176331, -0.2791081964969635, 0.672705888748169, -0.43425408005714417, 0.7682738900184631, 0.0967736765742302, -0.7441964149475098, 0.13077034056186676, 0.006914474070072174, -0.20283392071723938, 0.4243096113204956, 0.6467223167419434, -0.5261890888214111, -0.3475799560546875, 1.0493700504302979, -0.8796470761299133, 0.15665021538734436, -0.8503670692443848, 1.145957589149475, 0.8676722645759583, 0.003217097371816635, 0.5591996312141418, 0.39685332775115967, 0.8521756529808044, 0.4999617636203766, -1.025898814201355, 0.25682640075683594, 0.35147035121917725, -0.34420955181121826, 0.0864165872335434, 0.41195380687713623, -1.9112943410873413, -0.3255789279937744, 1.1633046865463257, -0.48865512013435364, 0.5511389374732971, 0.233946293592453, -0.0284365713596344, -0.40581998229026794, -0.41074904799461365, -0.83098304271698, -0.5443170070648193, 0.4488472640514374, -0.6894570589065552, 0.17149536311626434, 1.0597339868545532, -0.5148758888244629, -0.08415672183036804, 0.6185245513916016, 0.6002315282821655, -0.5983896255493164, -0.32681816816329956, 0.08505398035049438, -0.30472031235694885, 1.35823655128479, 0.16956797242164612, 0.36082038283348083, 0.8408724069595337, -0.3520300090312958, -0.7320120334625244, 0.11657249927520752, 0.40419599413871765, -0.012203125283122063, 0.15060009062290192, 0.2774272859096527, 1.0064510107040405, -0.4096898138523102, 1.1601674556732178, 0.879017174243927, 0.04810308292508125, -0.9965913891792297, 0.1853003054857254, -0.0015987083315849304, -0.5081534385681152, 0.9097537994384766, 0.1929643452167511, 0.7014884948730469, -0.02639118954539299, 0.16830438375473022, 0.10722047090530396, 0.7317684888839722, 1.0348201990127563, 0.6367985010147095, 0.7293761968612671, 0.5183289051055908, 0.4193325936794281, 0.16423413157463074, -0.2563345730304718, -0.6524801850318909, 0.6827775835990906, 0.6508237719535828, -0.9651378393173218, 0.026504140347242355, -0.45938435196876526, 0.47062960267066956, -0.07900697737932205, 0.09045915305614471, -0.3892819285392761, -1.1025254726409912, -0.7894253730773926, -0.16236911714076996, 0.6356411576271057, 0.671572744846344, -1.132824182510376, -0.35338062047958374, -0.7677695751190186, 0.3614395558834076, -0.7426627278327942, 0.3798823952674866, 0.7949753403663635, -0.6577079892158508, -0.7807343006134033, -0.048739053308963776, -0.8896655440330505, -0.003959485795348883, 0.04701206833124161, 0.06336507201194763, -1.3754799365997314, 0.7108205556869507, -0.7933887839317322, -1.8164311647415161, 0.33057698607444763, -0.2068656086921692, -1.0537917613983154, 0.830493152141571, 0.7673834562301636, -1.3153595924377441, -0.5364552736282349, -0.19635024666786194, -0.8663354516029358, -0.7231629490852356, 0.7706825137138367, -0.15451453626155853, 0.3366844952106476, -0.4830562174320221, 0.760411262512207, -0.4166157841682434, -0.06536098569631577, -0.3143264353275299, 0.4103003144264221, 0.8379687070846558, -0.22719576954841614, -0.09531302750110626, 0.0018536723218858242, -1.5340445041656494, 0.26900574564933777, -1.3426852226257324, -0.44760623574256897, 0.31277135014533997, 0.7194263935089111, 0.45249736309051514, -0.11608865857124329, -0.6807026267051697, 0.47644203901290894, -0.6167657375335693, 1.3555469512939453, -0.7768111228942871, 0.8757805228233337, -0.838417649269104, -0.25131866335868835, -0.09512163698673248, 0.3335195779800415, -0.24733395874500275, 0.6327939629554749, -0.6350774168968201, 0.5932592153549194, 0.2784941792488098, 0.31976744532585144, -0.36536628007888794, 0.11941548436880112, 0.6135029196739197, -0.022415801882743835, -12.229660987854004, 0.640739917755127, -0.7799845337867737, 0.5219511389732361, 0.2586439549922943, 0.01563626155257225, 0.21915870904922485, -0.04738092049956322, 1.789989709854126, -0.8539384603500366, 0.3537607192993164, 1.3558517694473267, -0.49274763464927673, -0.16212289035320282, -0.31720831990242004, 0.36265677213668823, -0.12103722989559174, -0.2193143367767334, 0.3439374566078186, 0.24285638332366943, -0.36845821142196655, -0.20601607859134674, 0.017202377319335938, -0.744972288608551, 0.5038354396820068, 0.006570443511009216, 0.4119398891925812, -0.7649526000022888, -0.7653188109397888, 0.4322318434715271, 0.6751947402954102, 0.4459821283817291, -0.6069092154502869, -0.6953072547912598, 0.2139175981283188, 0.32056984305381775, -1.0716679096221924, -0.28145867586135864, 0.9661917686462402, -0.3369719982147217, 0.5398455262184143, -0.23548348248004913, 0.2471735179424286, -0.5297257304191589, -0.15075846016407013, 0.1069055050611496, -0.12609414756298065, 0.19901254773139954, -0.009175211191177368, 0.18307983875274658, -0.07984113693237305, -0.47736191749572754, -1.3675966262817383, -0.24684874713420868, 1.3747295141220093, -0.059818461537361145, -0.6979381442070007, 0.7160021066665649, -0.6799769401550293, -0.18125078082084656, 1.2152318954467773, 0.5181057453155518, -0.4395066797733307, -0.28485098481178284, 0.3108046352863312, -0.6348552107810974, 0.4682499170303345, 0.5509727597236633, 0.10511624068021774, -0.5690103769302368, -0.46631568670272827, 0.899292528629303, 0.743742823600769, 0.37195441126823425, 0.28354573249816895, -0.43668293952941895, -0.007913931272923946, 0.3323991596698761, 0.09473785758018494, -0.1421898454427719, -0.7825946807861328, -0.27502918243408203, -1.0659679174423218, -0.28479668498039246, -0.6060234904289246, -0.0305030457675457, -0.4607393443584442, -1.054991364479065, 0.14116895198822021, 0.8678699731826782, -0.5068148970603943, 0.3041687309741974, 0.018710236996412277, 0.8868874907493591, 0.0607621967792511, 0.7036109566688538, -0.5260950922966003, 0.8944583535194397, -0.754510760307312, 0.60433429479599, 0.6616573929786682, -0.43370160460472107, 0.04334191232919693, 0.2477925568819046, 0.4136776030063629, -0.29334813356399536, -0.3419457972049713, 0.4433373510837555, -0.31250959634780884, 0.12846502661705017, -0.10164359956979752, -1.183951497077942, -0.22574634850025177, 1.1472402811050415, 0.8516855239868164, 1.227186679840088, 0.7901042699813843, -0.21774208545684814, 0.7735567092895508, 0.6099087595939636, -0.558486819267273, -0.11463666707277298, -0.18318302929401398, 0.17065627872943878, 0.7746151685714722, 0.06216564029455185, -0.44223010540008545, 0.424114465713501, -0.004897389095276594, -1.577258586883545, 0.8841761350631714, -0.40641292929649353, 0.0030051767826080322, -1.0844743251800537, -0.43977826833724976, -0.5346252918243408, -0.842724621295929, 1.4500929117202759, -0.827100396156311, 0.9041726589202881, -0.45511603355407715, -0.4624921381473541, 0.7493395805358887, -0.46759897470474243, -0.511371374130249, -0.1761748492717743, -0.3308129608631134, -0.229612797498703, -0.795985758304596, 0.03363072872161865, 0.5386272072792053, 0.04169425368309021, 0.2860967218875885, -0.893078088760376, 0.28576043248176575, 0.225417822599411, 0.501720130443573, 0.29802387952804565, -0.9294205904006958, -0.01124420017004013, 0.7990134358406067, 0.43340620398521423, -0.7377671599388123, 0.8165102005004883, 0.24576765298843384, -0.3924611210823059, -0.24790605902671814, -0.16962283849716187, -0.765313982963562, 0.2808198034763336, 1.9135746955871582, -0.09012479335069656, -0.1318998485803604, -0.04884931817650795, -0.4264049530029297, -1.8716487884521484, 0.8685897588729858, 0.7358841896057129, -0.50456702709198, 0.6095371842384338, -0.010521763935685158, 0.5250036120414734, -0.294833779335022, -0.2421633005142212, -0.5109765529632568, 0.32328641414642334, -0.09134507924318314, 1.3157286643981934, 0.368928998708725, -0.5248477458953857, -1.74105966091156, -1.020222544670105, -0.39569181203842163, -0.5751243233680725, 0.7258658409118652, 0.05110394209623337, 0.5887067914009094, 0.6601177453994751, -0.23029586672782898, -1.1218701601028442, -0.5207000970840454, 0.7517426013946533, -0.21319939196109772, -0.1115439236164093, -0.9938601851463318, -0.3313082158565521, -0.5018923878669739, 0.6428403258323669, 0.2644648849964142, -0.2033873200416565, -1.392505168914795, -0.09476357698440552, 0.10687702894210815, -0.08438427746295929, 0.4145612120628357, -0.6717702150344849, -0.025583460927009583, 0.5191847085952759, -0.5127675533294678, -0.030359510332345963, 0.19482970237731934, 1.6848241090774536, -0.10863146185874939, 1.1374064683914185, 0.032677412033081055, 0.1035022884607315, 0.7167259454727173, 0.7007763981819153, 2.254798173904419, -0.7598034143447876, 0.24382326006889343, 0.19260245561599731, -1.288119912147522, -0.4456958472728729, -0.3560558259487152, 0.13014157116413116, -0.8319841027259827, 0.9661782383918762, -1.532292127609253, 0.3903878629207611, 0.3201211094856262, 0.6872838139533997, -0.04180198907852173, 0.5886313319206238, -0.10105687379837036, -0.21587350964546204, -0.8045398592948914, 0.060290392488241196, -0.07183336466550827, 0.22723710536956787, 0.29631635546684265, 1.0819222927093506, 0.5468260645866394, -0.10685358941555023, 0.5793491005897522, -0.03948361426591873, -0.14574702084064484, -0.24238023161888123, 0.17611409723758698, 1.3096925020217896, 0.3208911418914795, 0.12725578248500824, -0.35653916001319885, -0.2874355912208557, -1.1144407987594604, -0.32918184995651245, 0.17576469480991364, 0.334309458732605, 0.4934101104736328, -0.1001400351524353, 0.15487363934516907, -0.5226104855537415, -0.6729550957679749, 0.9903273582458496, 0.4487181305885315, 0.3321996331214905, -0.17228175699710846, 0.292057067155838, -0.4605327546596527, 0.08899234235286713, 1.1888128519058228, -0.6723058819770813, -0.15322096645832062, -0.35950803756713867, 0.3177807927131653, -0.5831542015075684, -1.4068855047225952, -0.6697342991828918, 0.6064175963401794, -0.1993425041437149, 0.4106191396713257, 0.748521089553833, -0.5847650170326233, -1.2479597330093384, 0.0757332593202591, -0.7381368279457092, 0.660245418548584, 0.5491347908973694, -1.2863458395004272, 0.4702603220939636, 0.2426970899105072, 0.20255038142204285, -0.1337408870458603, 0.29305392503738403, -0.282827228307724, -1.1626813411712646, 0.32122427225112915, 0.8333250284194946, 0.5650213956832886, -0.14023970067501068, 0.7160072922706604, 0.7373416423797607, -0.025136636570096016, 1.6595600843429565]} +{"paper_id": "hard", "embedding": [-0.624373733997345, 1.0488141775131226, 0.3008825182914734, -0.09085240960121155, 0.18796420097351074, -0.3781221807003021, 0.12205249816179276, 0.03919170796871185, 0.9184999465942383, 0.9269284605979919, 0.6284321546554565, -0.7434303760528564, -0.09041429311037064, -0.4125874638557434, -0.5028667449951172, 0.01794693060219288, -0.4868251383304596, -0.9020321369171143, -0.6986103057861328, -0.2588593363761902, -0.4124601483345032, -0.530031144618988, 0.3254418671131134, 0.9083783030509949, -1.5878523588180542, -0.7707812786102295, 0.4420395791530609, -0.09822843968868256, 0.06193450838327408, 0.0429556630551815, -0.2026514708995819, 0.44377565383911133, -1.7295379638671875, 0.3387877643108368, -0.5955513715744019, -0.1754559725522995, 0.7110785841941833, 0.4814136326313019, -0.43403613567352295, -0.6225563287734985, -0.3215828835964203, -0.03116823360323906, 0.7304822206497192, 0.1307515949010849, 1.0709681510925293, -0.13555768132209778, 0.9562967419624329, 0.15451711416244507, 0.8301765322685242, 0.7296618223190308, -0.04680734872817993, -0.2702291011810303, -0.594440758228302, -0.08252033591270447, -0.6493869423866272, 1.8011293411254883, 0.48779937624931335, -0.7250315546989441, -0.3827960193157196, -0.4775107502937317, 0.05791040509939194, 1.407400131225586, 0.30952802300453186, -0.6207213997840881, 1.2613369226455688, 0.20018954575061798, 0.7239136695861816, 0.2629150152206421, 0.6905898451805115, 0.6893024444580078, -0.3726078271865845, -1.2553150653839111, 1.0357906818389893, -0.3349975347518921, -0.03119322657585144, 1.0856637954711914, 0.39448606967926025, -0.059980396181344986, 0.03214456886053085, -0.3287583291530609, -0.19955435395240784, 0.7910023927688599, 0.016460351645946503, -0.5374788045883179, 0.14122238755226135, -0.19672605395317078, 0.2659077048301697, 0.09214221686124802, 0.6273225545883179, -1.813448190689087, 1.4142009019851685, 0.17811137437820435, -0.15124474465847015, 0.22644761204719543, 0.01681361347436905, -0.5376818776130676, -0.42305266857147217, 0.4805746078491211, -0.5326852202415466, -0.2278132438659668, 0.5833565592765808, -0.33303767442703247, 0.8428776860237122, -0.24487993121147156, 0.0434538871049881, 1.063270926475525, -0.09697876870632172, 0.5037164688110352, -0.8477196097373962, -0.41693148016929626, 0.20928585529327393, 1.3733670711517334, 0.7475249767303467, 0.5202121734619141, 0.3271655738353729, -0.061078399419784546, 0.3384009897708893, -0.6779178380966187, -1.0079514980316162, 0.2905843257904053, 0.08570435643196106, -1.6016323566436768, -0.4160362184047699, 1.0022591352462769, 0.47748053073883057, -0.008929017931222916, 0.36040833592414856, -0.08060278743505478, -0.7906865477561951, -0.4482036232948303, 1.2656937837600708, -0.9936883449554443, -0.8252625465393066, -0.1896023452281952, 2.231520652770996, -1.3791066408157349, 0.8176048994064331, 0.1482025384902954, -0.47479239106178284, -0.1328427791595459, -1.6173818111419678, 0.6020090579986572, -0.10782735049724579, -1.0292571783065796, -0.05131123587489128, 0.4341786205768585, -0.9564284682273865, 0.8050092458724976, -0.8114004731178284, -0.5167452096939087, -0.0149034783244133, 0.5549145936965942, -0.9646173119544983, -0.5378027558326721, -0.07477802038192749, 0.5034545660018921, 0.3276856243610382, -0.07226115465164185, -0.03870976343750954, 1.440567970275879, 0.2814655601978302, 0.8269375562667847, -0.7967892289161682, 0.42691102623939514, -0.42013800144195557, -0.22797754406929016, 0.542299211025238, -0.0508880540728569, -1.3127479553222656, -0.8541345000267029, 0.6350334882736206, -0.2939525544643402, 0.3542884588241577, -0.9681389927864075, -0.6108529567718506, -0.48473677039146423, 0.9737578630447388, 0.4010024964809418, 0.7214725613594055, -0.9229961633682251, 0.5028058290481567, 0.028797093778848648, -0.12890732288360596, 0.4348885118961334, 0.3687884211540222, 0.29151079058647156, -1.1290993690490723, 0.696491539478302, -0.4176459312438965, 0.34985944628715515, 0.7350214719772339, -0.3401585519313812, 0.31986668705940247, 0.27192357182502747, 0.7682193517684937, -0.5969290137290955, 0.7666144967079163, -1.0912691354751587, 0.13237625360488892, 1.5995886325836182, -0.01280786283314228, 0.4373060464859009, -0.3062880337238312, 1.1006195545196533, -0.24277260899543762, -0.3177156150341034, -0.48012158274650574, -1.5110634565353394, 0.3755566477775574, 1.5366132259368896, 0.2412382960319519, -0.7896260619163513, -0.11550068855285645, 0.15963543951511383, -0.3798079490661621, -0.29076001048088074, 0.44128096103668213, -0.6334332227706909, -0.27829602360725403, -1.294980525970459, 0.1724613457918167, -0.5762684345245361, -0.26659122109413147, 0.2978209853172302, 0.6922749876976013, -0.5300108194351196, -0.44079387187957764, 0.3845809996128082, -1.6805047988891602, 0.18503737449645996, 0.5228389501571655, 0.4751967489719391, -0.021343432366847992, 0.17172938585281372, 0.6383850574493408, 0.08323820680379868, 0.04357709735631943, -0.06003173813223839, -1.018329381942749, -0.28681355714797974, -0.37433934211730957, 0.6994797587394714, -0.15598689019680023, -0.5324825048446655, 0.8241624236106873, 0.25890177488327026, 0.3416813313961029, -0.7703301310539246, 0.07224006950855255, -0.39595264196395874, 0.7569512128829956, 1.0998659133911133, -0.8491543531417847, 0.6219013929367065, 0.18278829753398895, -0.17900201678276062, 1.5298336744308472, -0.11624656617641449, -0.12170888483524323, -0.5623337030410767, 0.5227891802787781, -0.9278014302253723, -0.1943034827709198, 0.17094621062278748, 0.061513930559158325, -0.7160407900810242, -0.06446149200201035, 0.5571432709693909, -0.9446491599082947, -0.28387126326560974, 0.1413080245256424, 0.40790635347366333, -1.8653733730316162, -0.2948661148548126, 0.24062015116214752, 0.1403648406267166, -0.7116262912750244, 0.21402105689048767, 1.5802453756332397, -0.1096031665802002, 0.6743898987770081, -0.43878036737442017, 1.3391672372817993, -0.6228116154670715, 0.7683895230293274, -0.5378125905990601, 0.06790534406900406, -0.5674611330032349, 0.4100545346736908, -0.43126338720321655, 0.7942222952842712, 0.11646575480699539, -0.36619341373443604, 1.1715086698532104, 0.0872255265712738, -1.9372729063034058, 1.2328128814697266, 0.29055681824684143, -0.5527958869934082, -0.8196256756782532, 0.5210237503051758, 0.16101224720478058, -0.24287612736225128, 0.7951036095619202, -0.3404042720794678, -0.17896020412445068, 1.3012927770614624, -0.31920957565307617, 0.2716493010520935, 0.5475897789001465, -0.6082691550254822, -0.34957176446914673, 1.01328706741333, -1.6532505750656128, 0.16270047426223755, 0.942514955997467, -0.4351557195186615, 0.6764443516731262, -0.21775966882705688, -0.20425745844841003, -0.2791580557823181, 0.41833415627479553, 0.15940803289413452, -0.7758500576019287, 0.5845897793769836, -0.38224825263023376, -0.27918654680252075, 0.9896373748779297, -0.9584110379219055, -0.08230055868625641, 0.773365318775177, -0.04306281358003616, -1.1025582551956177, 0.5093479156494141, 0.6265227198600769, -0.4810841977596283, 0.9304556846618652, 0.18339994549751282, 0.5664801001548767, 0.4231167435646057, -0.14750510454177856, 0.38725748658180237, 0.10567447543144226, 0.25918567180633545, 0.17015402019023895, 0.23926088213920593, 0.43143612146377563, 0.18058450520038605, -1.259515404701233, 1.9934961795806885, 0.4094822406768799, -1.0578500032424927, -1.4791021347045898, 0.1724049299955368, -1.423596978187561, 0.2590300142765045, 1.9829914569854736, 0.32663416862487793, 0.5135111212730408, 0.5121493935585022, 0.031314022839069366, -0.2550044655799866, 0.48273441195487976, 0.8079664707183838, 1.3464878797531128, 0.031431540846824646, -0.20181460678577423, 0.8343862295150757, -0.26092156767845154, 0.3015904128551483, -0.3739340007305145, 0.4869527816772461, 0.045263178646564484, -1.038135290145874, -0.03018508106470108, 0.6149601936340332, 0.889274537563324, 0.9353584051132202, 1.4378437995910645, -0.5758579969406128, 0.30823618173599243, -0.5327630043029785, -0.16018348932266235, 0.34997692704200745, 0.20988810062408447, -0.2120380401611328, 0.7068127989768982, 0.09385240077972412, 1.160375952720642, -0.7994785308837891, 1.2368391752243042, 0.8977544903755188, 0.4208618700504303, -1.1965487003326416, -0.574923574924469, -1.1703180074691772, -0.0755067691206932, -0.34733784198760986, 0.6513294577598572, -1.556944489479065, 0.4278377890586853, -0.09771984815597534, -0.28264033794403076, -0.030895553529262543, 0.00544927641749382, -0.529325544834137, 1.25934898853302, 0.3027490973472595, -0.004491202533245087, -0.2602977752685547, 0.0923793762922287, -0.9032481908798218, -0.14092615246772766, 0.5387139320373535, -1.4442050457000732, 0.9902499318122864, -0.05466657504439354, 0.7913773059844971, -0.029647283256053925, -1.27227783203125, 0.1274304986000061, 0.6723190546035767, 1.0727307796478271, -0.2001725137233734, 0.651919960975647, -0.010776752606034279, 0.2548871636390686, -0.17662014067173004, -1.436639666557312, -1.0724048614501953, 0.48498761653900146, 0.04930095374584198, 0.18211202323436737, -0.9362839460372925, -1.0596553087234497, -0.5058227777481079, 0.11209885776042938, 0.8426849246025085, -0.6002345085144043, 0.5252887606620789, -1.1558172702789307, -0.8333423733711243, -0.7964082956314087, -0.6217201948165894, -0.6843510270118713, 0.4491862654685974, -0.3005683124065399, 0.30374592542648315, -0.6988338232040405, 0.7758238911628723, 1.297485589981079, -0.6853369474411011, 0.4673059582710266, -0.14961092174053192, -11.202502250671387, 0.423614501953125, -0.06588809192180634, 0.8272426128387451, 0.7265034914016724, 0.32835832238197327, 0.5103933811187744, -0.6232477426528931, 1.5133424997329712, -0.9344053268432617, -0.3711627721786499, 1.1719350814819336, 0.06920497864484787, -0.21549244225025177, -0.19107528030872345, -1.0779180526733398, -0.5147194266319275, -0.6102181077003479, 0.3265873193740845, 0.006399728357791901, 0.30578142404556274, -1.008137583732605, -0.17511647939682007, -0.44594651460647583, 0.35661056637763977, -0.8444576859474182, -0.3455996811389923, -0.7907959222793579, -0.607759952545166, 0.2655152678489685, 0.33413147926330566, -0.23792128264904022, -0.6321796178817749, -0.7855249643325806, 0.11417588591575623, -0.31279751658439636, -0.41761553287506104, -0.45807164907455444, 1.3842681646347046, -0.5362388491630554, 0.5024546980857849, -0.12076107412576675, 0.3834938704967499, -0.46119245886802673, -0.9016375541687012, -0.1981305480003357, -0.16252745687961578, -0.5497459769248962, 0.12685181200504303, -0.40175333619117737, -0.8440144062042236, -0.06880263239145279, -0.41607266664505005, 0.31137803196907043, 0.7342476844787598, 0.023003721609711647, -1.0663080215454102, 0.26620185375213623, -0.8037091493606567, -1.0759979486465454, 1.7716017961502075, -0.4037506580352783, -1.1866865158081055, -0.06479175388813019, 0.29832684993743896, -0.4610789120197296, 0.9448841214179993, 0.4708768427371979, -0.3061293363571167, 0.3276314437389374, -1.5653265714645386, 1.1470692157745361, 0.3394209146499634, 0.08814730495214462, -0.7901524901390076, -0.2535378634929657, -0.7389803528785706, 0.32921722531318665, -0.20797230303287506, 0.5689516067504883, -0.9055401682853699, 1.2119263410568237, 0.008306656032800674, -0.40823718905448914, -0.8105384111404419, 0.0032051093876361847, 0.19342409074306488, -0.4286572337150574, 0.32131174206733704, -1.1538701057434082, 0.6099937558174133, -0.07546507567167282, -0.25653302669525146, -0.5165468454360962, -0.22823220491409302, -0.47775691747665405, 0.4672708511352539, 0.9604238867759705, -0.9995346069335938, 0.12910792231559753, -0.25517043471336365, 0.45831313729286194, 0.8053313493728638, 0.18014705181121826, 0.28844156861305237, -0.6404924392700195, 0.3391914367675781, 0.3474193811416626, 0.3709685504436493, -0.44760510325431824, 0.343696266412735, -0.1433173418045044, -0.11159588396549225, 1.519546627998352, -0.09893792122602463, 1.2389622926712036, -0.19332650303840637, -0.46387478709220886, 0.5393593311309814, 1.07692289352417, 0.2515554130077362, 0.20477378368377686, 0.8819114565849304, 1.0285319089889526, 0.07805731892585754, 0.09421294927597046, -0.11707374453544617, -0.0860978364944458, -0.0011999690905213356, -1.4755840301513672, 0.9853391647338867, -0.7578465938568115, -0.27390140295028687, -0.8963438272476196, -0.3913736045360565, -0.9718326330184937, -0.3354891538619995, 1.2790184020996094, -0.7744725942611694, -0.6839934587478638, -0.7534593343734741, 0.027095045894384384, 0.10152140259742737, 0.09740094840526581, -0.34596455097198486, -0.0065391212701797485, -1.7181087732315063, 0.009745784103870392, -0.4188234508037567, -1.6625308990478516, 0.6304279565811157, -0.0845731571316719, 0.4484097957611084, 0.5994248986244202, -0.3550257086753845, 0.13796594738960266, -0.06287765502929688, -1.1871854066848755, -1.0208442211151123, 0.33497628569602966, 1.097598671913147, 0.3515916168689728, -0.44408637285232544, 0.18142788112163544, 0.4390067160129547, -0.2843398451805115, 0.05920935422182083, -0.07173092663288116, -0.46935349702835083, 0.7731673717498779, 0.47001931071281433, -0.9234488010406494, 0.3456624746322632, -0.4040301442146301, 0.2056870460510254, -0.9097818732261658, 0.13774481415748596, 1.6904010772705078, -1.03645658493042, 0.3175469934940338, -0.42369621992111206, 0.32604360580444336, 0.3106582760810852, -0.9755128026008606, -0.7424393892288208, -0.20098349452018738, -0.2360517680644989, 0.1679728776216507, 0.6779298782348633, 0.8429476022720337, -1.106994867324829, -0.29839715361595154, 0.17413295805454254, 0.18688331544399261, 0.44592970609664917, -0.21387353539466858, 0.18566875159740448, 0.21184344589710236, 0.0020575523376464844, 0.8128185272216797, -0.08380864560604095, 0.4881931245326996, 0.2738701105117798, 0.07360228896141052, 0.6556581258773804, -0.617662787437439, -0.5248947143554688, -0.4333457052707672, 1.9850647449493408, 1.2712339162826538, -0.10519634187221527, 0.08441120386123657, 0.8010522723197937, 0.5469831824302673, 0.9499984383583069, -0.6154288053512573, 0.4631965458393097, -0.08423979580402374, -1.0022107362747192, -1.338706374168396, -0.2166273295879364, 1.3877047300338745, -0.4621291756629944, 0.38350117206573486, 0.6343743205070496, 1.1461234092712402, 0.20859302580356598, 0.461187481880188, 1.755122423171997, -0.22915981709957123, -0.5781214237213135, 1.4362728595733643, 0.2628715932369232, -1.0060402154922485, -0.3499412536621094, -0.1301576942205429, -0.6740931272506714, 1.0321389436721802, -0.8132631182670593, 0.3909470736980438, -0.765947163105011, 0.604621171951294, -0.15679965913295746, 1.548420786857605, 0.24179477989673615, -1.2980811595916748, -1.3085039854049683, -0.7265349626541138, -0.9006613492965698, -0.033081673085689545, -0.8686720728874207, 1.4496957063674927, 0.9695056080818176, -0.33385539054870605, 2.1907787322998047, 0.13677461445331573, -0.44491881132125854, 0.49583131074905396, 0.16214615106582642, 1.420631766319275, 0.4785485565662384, 0.5927491188049316, 0.6461730003356934, -0.12428153306245804, -1.255427360534668, -0.731057345867157, -0.5092647671699524, 0.7644180059432983, 0.5443291068077087, -1.5073320865631104, -0.4106372594833374, -0.2712780237197876, 0.11445344984531403, -0.24543777108192444, 0.06819094717502594, 0.02214239537715912, -1.1263697147369385, 1.0886718034744263, -0.8003770112991333, -0.07952676713466644, 0.6897255182266235, -0.044307876378297806, -0.7445833683013916, -0.1765136867761612, -0.5150122046470642, 0.24214760959148407, 0.39462652802467346, 0.08450059592723846, -0.11579455435276031, -0.5851423740386963, 0.873466968536377, -0.030364252626895905, -0.7510021924972534, -0.966873288154602, -0.3585827648639679, -1.0796064138412476, 0.49968236684799194, 0.3134498596191406, -0.020431268960237503, -0.12734124064445496, 0.3301472067832947, -1.1073873043060303, 0.40785208344459534, -0.49531835317611694, 0.3822909891605377, -0.645213782787323, 0.9298893809318542, 1.0746195316314697, 0.636006236076355, -0.23813411593437195, -0.020051833242177963, 0.5249956250190735, -0.14480742812156677, 0.854237973690033]} +{"paper_id": "liveqa", "embedding": [-0.9846550226211548, 0.4514237940311432, 0.2287178933620453, -0.08759230375289917, 0.6052238941192627, 0.42749446630477905, 1.0645966529846191, 0.4604400396347046, 0.947732150554657, 0.6150701642036438, 0.08312135189771652, -0.0020963549613952637, -0.3572203814983368, -0.44161128997802734, 0.0687849372625351, -0.8335119485855103, -0.7284128665924072, 0.9582512378692627, -0.7004616260528564, -0.09608390927314758, -0.611250102519989, -0.3106067180633545, 0.7742886543273926, 1.050298810005188, -0.1832088828086853, -0.1690676063299179, 1.0491470098495483, -1.215871810913086, -0.23468565940856934, 0.37451687455177307, 0.08969004452228546, 0.9641798138618469, -1.558863878250122, -0.4735555946826935, -0.8966562151908875, -0.6563156247138977, 0.3885975182056427, 1.2540584802627563, 0.6589794754981995, 0.019869334995746613, -0.9607191681861877, 0.43198293447494507, 0.6277102828025818, 0.45850804448127747, 1.390100121498108, -0.18913303315639496, -0.2859211564064026, -0.9151721000671387, -0.7536768317222595, -0.03863484039902687, -0.42346513271331787, 0.22706228494644165, -0.04390475153923035, 0.13029246032238007, 0.3825604319572449, 0.036455169320106506, -0.18250402808189392, -0.6503760814666748, 0.018607893958687782, -0.37725287675857544, 2.4035565853118896, 0.9952728152275085, 0.040410641580820084, 0.49833765625953674, 1.4112439155578613, -0.12864038348197937, 2.6026203632354736, 0.8607917428016663, -0.0789564773440361, 0.6646948456764221, -0.3310033082962036, -1.0607103109359741, -0.09968384355306625, -0.3002402186393738, -0.6601576805114746, 0.2568712830543518, -0.2020198553800583, 0.4795733690261841, 0.17890664935112, 0.29316747188568115, -0.11903555691242218, 0.22765235602855682, 0.19844895601272583, -0.6707317233085632, 0.5075122117996216, 0.23325616121292114, 0.7919353246688843, -1.1483668088912964, 0.4493098258972168, -1.8772751092910767, 0.5606098771095276, 0.19160473346710205, 0.519864022731781, -0.3077785074710846, -1.3427765369415283, 1.299087405204773, -0.5746532678604126, -0.777745246887207, -0.45681965351104736, 0.3304925858974457, 0.797252357006073, -0.27689942717552185, -0.018577106297016144, -0.40695056319236755, 0.5577887296676636, 0.8932521939277649, 0.6980597376823425, -0.08936048299074173, -0.3843497037887573, -0.9438295960426331, -0.568956196308136, 0.827022135257721, -0.14917795360088348, 1.0601367950439453, -0.2177022248506546, -0.4129268527030945, -0.056058891117572784, -0.9507476091384888, -0.47750839591026306, -0.0974789559841156, -0.9166573286056519, -1.3243955373764038, -0.014720212668180466, 0.021780498325824738, 1.0827913284301758, -0.2013537585735321, -0.609034538269043, -0.7615995407104492, -0.45591822266578674, 0.7735586762428284, 1.207197904586792, 0.06090550869703293, -0.5930077433586121, -0.1559392660856247, 2.5372655391693115, -0.8106147050857544, 1.6619539260864258, -0.48799556493759155, -0.2258756458759308, -0.9482229948043823, -0.6127356886863708, 1.6488378047943115, -0.3112987279891968, 0.04989947751164436, -1.180991291999817, -0.010622790083289146, -0.6428915858268738, 0.19990326464176178, -0.8314678072929382, -1.24692702293396, -0.3068753778934479, 1.4262014627456665, -1.024373173713684, -1.1580651998519897, 0.5684711337089539, 0.9077113270759583, -0.9224575161933899, 0.05883729085326195, -0.4678380489349365, 0.39558136463165283, 0.2328873872756958, -0.053192056715488434, -0.09646505117416382, 0.7473769783973694, -0.02291100285947323, 0.0032364297658205032, 0.7568002343177795, 0.06466953456401825, -0.7766656875610352, -0.6418910026550293, 1.1722420454025269, -1.2406127452850342, -0.1477918028831482, -0.3199537396430969, -0.6101194620132446, 0.3043392300605774, 0.6889864206314087, 0.22803442180156708, 0.15413418412208557, -0.30414775013923645, -0.652499794960022, 0.010052146390080452, -0.06577844172716141, 0.8260040879249573, 0.748816192150116, -0.4504702389240265, -2.9263150691986084, -0.11312764883041382, -0.13201667368412018, 1.572119116783142, 0.40288984775543213, 0.41610217094421387, -0.33646562695503235, 0.5238422155380249, -1.0815424919128418, -0.6631007194519043, 0.91878741979599, -1.1487836837768555, -0.06779561936855316, -0.09239901602268219, -0.42019492387771606, 0.08097438514232635, 0.15790705382823944, 0.6867789030075073, 1.5661917924880981, 0.5719155073165894, -0.4311871826648712, -1.7089476585388184, 0.08166685700416565, 1.5732250213623047, 0.45372822880744934, -0.885805606842041, -0.5659798979759216, 0.28184694051742554, 0.38823986053466797, 0.05110078677535057, 0.6786644458770752, -0.09187164902687073, -0.044913046061992645, -1.3211606740951538, 0.6213811039924622, -0.2699706256389618, 0.6134390830993652, 0.561830997467041, 1.5391579866409302, -0.5672826170921326, 0.13081827759742737, -0.8309966325759888, -0.5654212236404419, 0.5531290769577026, 0.4975927174091339, -0.03590157628059387, 0.67870032787323, 1.454215407371521, 0.4979664087295532, 0.6704097986221313, 1.0307307243347168, 0.9342232346534729, -0.23139677941799164, -0.5389072299003601, 0.0834423154592514, 0.474332332611084, 0.6546378135681152, -0.9307805299758911, 0.16969768702983856, -0.20139257609844208, 0.20450875163078308, -0.5269564986228943, -0.7403791546821594, 0.0006688162684440613, 1.1584120988845825, 0.48915937542915344, -0.49462851881980896, 0.287686288356781, -0.014340454712510109, -0.1310979723930359, -0.09766477346420288, 0.26863691210746765, 0.2885298728942871, -0.6363809704780579, 0.3858456611633301, -0.013226751238107681, 0.29151251912117004, -0.19191212952136993, -0.1645106077194214, -0.653631329536438, -0.17696601152420044, 0.36817529797554016, -0.8784168362617493, -0.4261627495288849, -0.08752226829528809, -0.7122976779937744, -1.0359479188919067, -1.0507268905639648, -0.14392192661762238, 0.44074249267578125, -0.18917544186115265, 0.9279931783676147, 1.1187914609909058, 0.6315578818321228, -0.24870720505714417, -0.303661584854126, 1.3666346073150635, -0.10576973855495453, 0.46784329414367676, -0.5962830781936646, 0.6567323207855225, -0.5662887692451477, 0.5153778791427612, -1.0373297929763794, 0.2721536457538605, 0.309614896774292, 0.020558342337608337, 1.3505171537399292, -0.46332883834838867, -1.0480010509490967, 1.0563300848007202, 0.27737465500831604, 0.24314436316490173, 0.005934957414865494, 0.9521722793579102, 0.6857219934463501, -0.6806793212890625, 0.8879988193511963, -1.2680058479309082, -0.304336279630661, 0.9459637999534607, -0.9278978109359741, 0.6534399390220642, 0.7521967887878418, -0.21086914837360382, -0.0005744174122810364, 0.28141120076179504, -1.9829401969909668, 0.26812922954559326, 1.3337726593017578, 0.09173966944217682, -0.48548921942710876, -0.532371461391449, 0.935164749622345, -0.5232014060020447, -0.03307183459401131, -0.06175844371318817, -0.3223022520542145, 0.3373022973537445, -0.6278873682022095, 0.7920773029327393, 0.682601809501648, -0.35714542865753174, 0.519487202167511, 0.819521963596344, -0.1061420813202858, -0.6899492740631104, -1.3323490619659424, 1.1904040575027466, 0.2820367217063904, -0.3068743050098419, -0.2408168613910675, 0.8471982479095459, 1.1443891525268555, -0.35506606101989746, -0.6227303147315979, 1.152526617050171, 0.5730332136154175, 0.19990456104278564, -0.27859997749328613, -0.4775106906890869, 0.4091082215309143, -0.38841697573661804, 0.6751307845115662, -0.5538350939750671, 0.6454374194145203, -1.1941783428192139, 0.42530766129493713, -0.06972561776638031, -0.27940669655799866, 1.2841970920562744, 0.3834589421749115, 1.402282953262329, 0.1836443692445755, 0.28144577145576477, -0.38043713569641113, 0.15224792063236237, 0.7992839813232422, 0.4463452696800232, 0.7014813423156738, -0.43936988711357117, 1.190914273262024, 0.1916957050561905, 0.8212458491325378, -0.020628707483410835, 0.059981364756822586, 0.5587272047996521, -0.5767159461975098, -0.9820846319198608, 0.8258705139160156, 0.6450008749961853, 0.25659337639808655, 2.0359299182891846, 0.015162636525928974, -0.19500046968460083, 0.10765963792800903, 0.252962589263916, 0.8446018695831299, 0.6120364665985107, -0.05811580643057823, 0.7483693957328796, -0.07748492062091827, 0.06014251336455345, 0.03840376436710358, 1.4061752557754517, 0.6013428568840027, -0.6211138963699341, -1.09762442111969, -0.10435014963150024, 0.03621499612927437, 0.46302512288093567, 0.6028599739074707, -0.027099724858999252, -0.28438130021095276, 0.5817655324935913, -0.35288316011428833, -1.801637887954712, 0.41666939854621887, -0.004007430747151375, -1.386770248413086, 0.6896575689315796, 1.3303641080856323, -0.2473534494638443, -0.4796878397464752, -0.20635539293289185, -1.3121607303619385, -0.12368302047252655, -0.4877265989780426, -0.4426153600215912, 0.7818934917449951, -0.11721521615982056, 1.2268917560577393, 0.5608524084091187, 0.14574813842773438, -0.6012051701545715, 0.7726907134056091, 0.6477217674255371, -1.399824619293213, 1.0567535161972046, 0.6843459010124207, 0.09412939846515656, 0.3532489240169525, -1.3914276361465454, -0.926886260509491, 0.8339108228683472, 0.14460389316082, 0.5422429442405701, -0.6068078875541687, -0.5037573575973511, -0.3333660662174225, -0.46117427945137024, 0.7772892117500305, -1.1550484895706177, -0.10175066441297531, -0.44657886028289795, -0.6868563294410706, 0.5728325843811035, -0.8912861943244934, 0.03640871122479439, 0.19700241088867188, -0.8029143214225769, 0.915216326713562, -0.583621621131897, -0.55290687084198, 1.8328264951705933, 0.7902037501335144, 0.5965924859046936, -0.2609536945819855, -10.326662063598633, 1.7874319553375244, -0.5942391157150269, 0.47701287269592285, 0.14029310643672943, -0.7206713557243347, 0.1512213796377182, -0.12228970229625702, 1.023587942123413, -1.412180781364441, 0.46629008650779724, 0.550755500793457, -0.2552609145641327, -0.24968430399894714, -1.0835633277893066, -1.029004693031311, -0.45354947447776794, -0.7542208433151245, 0.3353947401046753, -0.2697788178920746, -0.0912703424692154, -1.1079541444778442, 0.06196117401123047, -0.10601739585399628, 0.2604190409183502, -0.11744587123394012, -0.3488379716873169, 0.024755947291851044, -0.5359770059585571, 0.7497903108596802, 1.3150888681411743, -0.2522502839565277, -0.27766430377960205, -1.1135095357894897, 0.8065050840377808, -0.23603405058383942, -1.303948998451233, -0.14242316782474518, 0.567192792892456, 0.030921828001737595, 0.6566104292869568, 0.49498215317726135, 0.17163601517677307, 0.38872528076171875, 0.2823793888092041, 0.4079381227493286, -0.016480209305882454, -0.8667457699775696, -0.6505798101425171, 0.5012022256851196, -0.9923424124717712, 0.33652520179748535, -0.9203245639801025, -0.6396155953407288, 0.9446163177490234, 0.22327430546283722, -1.4657807350158691, -0.21523414552211761, -0.13468214869499207, -0.6968246698379517, 0.7391871809959412, 0.5378297567367554, -0.7630478143692017, 0.49336621165275574, 0.45918259024620056, 0.04609929025173187, 0.7430164813995361, 0.4960542619228363, -0.6382805705070496, 0.6223925352096558, -1.0166840553283691, 1.3625410795211792, 0.5115488767623901, 0.47022390365600586, -0.47382286190986633, -0.02822761982679367, -0.8260873556137085, 0.6446059346199036, -0.00642593577504158, 0.2965557277202606, -1.3500046730041504, 0.5317676067352295, 0.3472079336643219, -1.226558804512024, -1.3566726446151733, 0.5714963674545288, 0.2839985489845276, -0.5492534041404724, 0.6812794208526611, -0.7454484701156616, 0.47401684522628784, 0.33829718828201294, -1.1138153076171875, 0.3207256495952606, -0.4701864719390869, 0.5613129734992981, -0.14784714579582214, 0.4963191747665405, -0.577977180480957, -0.6226547360420227, 0.06020064279437065, -0.4433066248893738, -0.6414228677749634, 0.6879078149795532, 0.5470580458641052, -0.34941038489341736, 0.3884730935096741, -0.034630291163921356, -0.16186130046844482, -0.23134024441242218, 0.4959072172641754, -0.3409690260887146, 0.08229037374258041, 0.5218084454536438, 0.29270491003990173, 0.9334414601325989, 0.544093132019043, -0.7054928541183472, 0.3822096884250641, 0.5252166986465454, -0.6962929368019104, 0.9343529343605042, 0.3425564169883728, 1.3962931632995605, -1.037825584411621, 0.289035439491272, 0.03264443948864937, 0.06498979777097702, 0.6132449507713318, -1.1085411310195923, 0.9123563170433044, -0.5599718689918518, -0.4339566230773926, -1.072166085243225, -0.6261104941368103, 0.174848735332489, -0.5955899357795715, 1.5625284910202026, -1.3232312202453613, 0.1856202483177185, 0.039810799062252045, -0.5444212555885315, -0.7860039472579956, -0.9273395538330078, -0.9568745493888855, 0.09973746538162231, -1.3812689781188965, 0.5519471764564514, -0.9344877004623413, -0.11622747033834457, 0.8164554238319397, -0.5872864723205566, 1.018917202949524, -0.4481312036514282, -0.630052387714386, -0.4912128150463104, -0.12350176274776459, -0.5423944592475891, -0.9359697699546814, -0.6090182662010193, 0.5034181475639343, 0.6449172496795654, -0.9665330648422241, 0.4293498992919922, -0.3988710343837738, 0.0604192279279232, -0.5570289492607117, 0.7754024267196655, -0.3456907272338867, 0.10422255843877792, 1.7046787738800049, -0.4215849041938782, -0.6680899858474731, -0.7419147491455078, -0.5343864560127258, -0.5906725525856018, 1.2651442289352417, 1.4832803010940552, -0.9185380935668945, -0.5458964705467224, -0.6211314797401428, 0.8818584680557251, -0.34625861048698425, -1.0686395168304443, 0.08575370907783508, 0.7425928711891174, 0.5256913900375366, 0.6567926406860352, 0.10604498535394669, -0.14386682212352753, -1.9476238489151, -1.3071091175079346, -0.9134123921394348, -0.9888677597045898, 0.7949709892272949, 0.5760378837585449, 0.5440664291381836, 0.19833366572856903, -0.6164932250976562, -0.29272422194480896, -0.3118230998516083, 1.1429095268249512, 0.5637726783752441, -0.1013844758272171, -0.3502373993396759, -0.5043498277664185, 0.38051819801330566, -0.3099648058414459, 0.9179749488830566, 0.3029741942882538, -0.4476693272590637, 0.22173728048801422, -0.22043943405151367, 0.0825890302658081, 0.5083415508270264, -1.3178749084472656, 0.16961300373077393, 0.13983699679374695, -0.0883302092552185, -1.6363866329193115, 0.5382751226425171, 1.3693712949752808, -0.938630998134613, 1.6903778314590454, 0.26056596636772156, 0.5940197706222534, 0.7762992978096008, 0.29874104261398315, 0.2895931005477905, 0.8454883694648743, -0.23397572338581085, 0.1951146274805069, -0.8443202972412109, -0.052640415728092194, -0.5843318104743958, -1.1805098056793213, -0.8054968118667603, 1.4062033891677856, -0.11797717958688736, 0.405868798494339, -0.47828370332717896, -0.05917751044034958, 0.8245416283607483, 0.8397355079650879, -0.8522042036056519, -1.4486380815505981, -0.8270948529243469, -0.9968976378440857, 0.015545003116130829, 1.165238618850708, 0.01895260438323021, 0.9831558465957642, 0.4167455732822418, 0.22048144042491913, 0.45060062408447266, -0.9206226468086243, 0.044572457671165466, 0.1277763545513153, 0.05768571048974991, 1.4547423124313354, 0.560248851776123, -0.9866496324539185, 0.5651438236236572, -0.30741921067237854, -1.1374331712722778, 0.6399979591369629, -0.38687729835510254, 0.06353096663951874, 0.15426266193389893, -1.382079005241394, -0.5503360629081726, -0.4903428554534912, 0.14456938207149506, -0.6281596422195435, 0.8260627388954163, 0.11928454041481018, -0.8497711420059204, 0.19381403923034668, -0.8718127012252808, -0.9404784440994263, 0.7752870917320251, 0.1973666250705719, 0.11656078696250916, -0.07572005689144135, 0.3101431131362915, -0.2827325165271759, -0.18456344306468964, -0.3698230981826782, 0.278469443321228, -1.0031158924102783, 0.07676783204078674, -0.05248654633760452, -0.9557914137840271, -0.6094861030578613, -0.13681738078594208, -0.8755194544792175, -0.008026301860809326, 0.17970077693462372, -1.1361180543899536, -0.7367779016494751, 0.00734966155141592, 0.33376064896583557, -0.2769709527492523, -0.2715170979499817, 0.2657843828201294, -1.1570827960968018, 0.07729227840900421, 0.8226839303970337, -0.05400370806455612, -0.6477336883544922, -0.192400723695755, 1.5732070207595825, -0.4697985053062439, 1.7245897054672241]} +{"paper_id": "mkqa", "embedding": [-0.8591176867485046, 1.07624089717865, -0.0127909816801548, -0.5409559011459351, 0.8596017956733704, -0.3491281569004059, -0.09731724113225937, 0.7834834456443787, 0.9252524971961975, 0.846348226070404, 0.17919272184371948, -0.1389029175043106, 0.2942107319831848, 0.22989122569561005, 0.03771393373608589, -0.7659692764282227, -1.228532075881958, -0.6335105895996094, -1.6436771154403687, -0.02155786007642746, -0.3047304153442383, -0.4165934920310974, 0.44960418343544006, 1.0288618803024292, -0.35228967666625977, -1.1859843730926514, 1.0034148693084717, -0.8208712935447693, 0.40031880140304565, 0.41729503870010376, -0.42646586894989014, 1.0532503128051758, -1.3514503240585327, 0.29364705085754395, -0.4884756803512573, -0.366750568151474, 0.29834017157554626, 1.3696167469024658, -0.11912628263235092, 0.05587978661060333, -0.8399404883384705, -0.30759474635124207, 0.5726066827774048, 0.6641076803207397, 1.1343108415603638, -0.5189287066459656, 0.10221555083990097, -0.32837599515914917, -0.6175068616867065, -0.5630384683609009, -0.17080672085285187, 0.6454665660858154, 0.0172579325735569, 0.5221284627914429, -0.38707083463668823, 0.6575770378112793, 0.7294751405715942, -0.9469383955001831, 0.907906174659729, -1.368080496788025, 1.323763370513916, 1.7146899700164795, -0.45765221118927, 0.10748361051082611, 1.4250340461730957, 0.008274771273136139, 1.680680751800537, 0.3356274366378784, 0.05695424601435661, 0.5881286859512329, 0.12134282290935516, -1.1937294006347656, 0.6806129217147827, 0.24481090903282166, 0.5685574412345886, 0.9836028814315796, -0.014190705493092537, 0.3646504580974579, -0.14958956837654114, -0.47710880637168884, -0.3906955122947693, 0.5298229455947876, 0.7676556706428528, -0.3551153838634491, -0.00990433618426323, 0.15479832887649536, 0.3871845006942749, -1.2481961250305176, 0.6182814240455627, -1.6134189367294312, 0.5056935548782349, 0.35704177618026733, 0.09958424419164658, -0.4047057032585144, -0.28585541248321533, 0.600450336933136, -0.9248413443565369, -0.23520830273628235, 0.1616186499595642, 0.2853759527206421, 0.9363574981689453, 0.11372201889753342, 0.32707512378692627, 0.331616073846817, -0.1614222526550293, 0.9211630821228027, 0.24369141459465027, -0.19986486434936523, -0.7268231511116028, -0.8629736304283142, 0.0008113756775856018, 1.0078558921813965, -0.11481015384197235, 0.4918435215950012, 0.12619678676128387, 0.7066152691841125, 0.5580189228057861, -1.323848843574524, -0.38855281472206116, 0.09539054334163666, 0.052150480449199677, -1.1734941005706787, -0.33698081970214844, 0.04562370479106903, 0.4431089162826538, -0.7433527112007141, -0.21732433140277863, -0.06592988222837448, -0.358679860830307, 0.32592251896858215, 1.2775720357894897, -0.2972913086414337, -0.46260103583335876, -0.32465049624443054, 2.9417788982391357, -0.9389997720718384, 1.7028969526290894, -0.5812734365463257, -0.0907585471868515, -0.5565803050994873, -0.537701427936554, 0.9834334254264832, 0.20035195350646973, -0.7590481042861938, -0.2511640787124634, 0.6077645421028137, -0.7639667987823486, 0.12567932903766632, -1.090686321258545, -0.43446844816207886, -0.053191523998975754, 0.24563056230545044, -1.202965259552002, -0.32378023862838745, 0.3685661852359772, 0.37776342034339905, -0.02759528160095215, 0.3453046679496765, -0.6056949496269226, 0.9852034449577332, -0.08438994735479355, -0.1915106326341629, -0.44192102551460266, 0.5592523217201233, -1.0125019550323486, -0.21149520576000214, 0.6400958895683289, -0.3316781222820282, -0.9559035301208496, -0.25744593143463135, 0.726824164390564, -0.5487563610076904, -0.1893293261528015, 0.2880687415599823, -0.05631604045629501, 0.07910965383052826, 0.813812792301178, 0.27684491872787476, -0.3491283357143402, -0.5899698734283447, -0.02561859041452408, 0.0283447727560997, 0.09897119551897049, 1.0155937671661377, 0.008865166455507278, 0.4189915060997009, -2.1921796798706055, 0.32828569412231445, 0.09639979898929596, 0.3384626507759094, -0.09801603853702545, -0.5268925428390503, -0.15654873847961426, -0.2777378559112549, 0.3928474187850952, -0.7904384732246399, 0.5481058955192566, -0.9873515963554382, -0.16260436177253723, 0.15355348587036133, -0.7084438800811768, 0.2663719058036804, 0.4365978538990021, 0.7595802545547485, -0.026426535099744797, -0.5469489693641663, -0.9916077256202698, -1.8124313354492188, -0.13035067915916443, 2.070876359939575, -0.057119905948638916, -0.5121563673019409, -0.8426036238670349, -0.41192495822906494, 0.04312390834093094, -0.4746245741844177, -0.14342084527015686, -0.6219167709350586, 0.001455053687095642, -1.3620586395263672, 0.26061031222343445, -0.5535468459129333, 0.2410597801208496, 0.5183361172676086, 1.2183406352996826, -0.42979544401168823, -0.3548602759838104, -0.5041533708572388, -0.8694474101066589, 0.7140266299247742, 0.7122395038604736, 0.29129481315612793, -0.3025159239768982, 1.0732741355895996, 0.03806862235069275, 1.194576382637024, 0.5288065671920776, 0.7096885442733765, -0.5420711040496826, -0.3025408685207367, 0.01877014711499214, 1.6152383089065552, 0.09101296961307526, -0.08267118781805038, 0.3212500214576721, 0.6107737421989441, -0.7385229468345642, -0.13917669653892517, 0.22884215414524078, -0.14831280708312988, 1.343984842300415, 0.8898957967758179, -0.648302435874939, 1.457878589630127, -1.0077588558197021, 0.060535259544849396, -0.01782388612627983, -0.5391175746917725, -0.22967660427093506, -0.3831908702850342, 1.2106539011001587, 0.15132294595241547, 0.49657362699508667, -0.3602185845375061, -0.18448825180530548, -1.6417346000671387, 0.17077794671058655, 0.11761731654405594, -0.9077680706977844, -1.0708941221237183, 0.03276573121547699, -0.5914111733436584, -0.8240591883659363, -1.1022762060165405, 0.31085726618766785, 0.6995288729667664, 0.14737558364868164, 1.4388676881790161, 1.4067533016204834, 0.3766161799430847, 0.7521418333053589, 0.21742649376392365, 1.1552280187606812, -1.0333770513534546, 1.091140866279602, 0.11173263192176819, 0.3384791314601898, -1.0833450555801392, 0.2888927757740021, -0.44170379638671875, 0.007558867335319519, 1.0466142892837524, -0.2722197473049164, 0.9552592635154724, -0.27334296703338623, -1.3241705894470215, 1.3808202743530273, 0.11327144503593445, -0.26852646470069885, -0.34991514682769775, 1.69631826877594, -0.03837886080145836, -0.2448078840970993, 0.8550968170166016, -0.5130941271781921, -0.023030878975987434, 0.981715202331543, -0.22369970381259918, -0.14531396329402924, 0.19280485808849335, -0.3290626108646393, -0.1451425999403, 0.6553882956504822, -1.918256163597107, 0.8712747693061829, 1.092842698097229, -0.2676062285900116, -0.30848756432533264, -0.911160409450531, 0.49434250593185425, -0.5921999216079712, -0.1639757752418518, 0.612786054611206, -0.16131451725959778, 0.8653649091720581, -0.4200718402862549, 0.15807165205478668, 1.417772650718689, -0.4655574560165405, 0.7266123294830322, 1.2370140552520752, 0.18299204111099243, -0.5824071168899536, -0.7181721329689026, 1.0080739259719849, -0.46046847105026245, -0.07407817244529724, 0.1073971837759018, 0.7610171437263489, 1.736878752708435, -0.28283920884132385, -0.41803881525993347, 0.9098004698753357, 0.8609458804130554, 0.487079381942749, -0.07270480692386627, -0.5494344830513, 0.4475095272064209, -0.05207071825861931, 0.9184885621070862, -0.22368422150611877, -1.2923637628555298, -1.2370315790176392, -0.29145103693008423, -0.2969067692756653, -0.05334034934639931, 1.90817391872406, 0.44831934571266174, 0.8858849406242371, -0.12732438743114471, 0.426474928855896, -0.46517136693000793, -0.19239826500415802, 1.2911661863327026, 0.45584264397621155, -0.29367387294769287, -0.4475359618663788, 0.02418743446469307, 0.3973577916622162, -0.4082024097442627, -0.5211383700370789, 0.18224471807479858, 1.0425848960876465, -0.08724117279052734, -1.077260136604309, 0.6954842209815979, 0.9366018772125244, -0.21793097257614136, 1.4432958364486694, -0.37780168652534485, 0.012707795947790146, 0.11129622161388397, 0.4331124722957611, -0.14705999195575714, 0.2854349613189697, -0.17937645316123962, 0.5840853452682495, 0.43266111612319946, 0.25383850932121277, 0.059202611446380615, 1.1204392910003662, 0.8823404312133789, -0.8282186985015869, -1.1824772357940674, -0.37943345308303833, -1.1289184093475342, -0.31014999747276306, 0.5049910545349121, 0.13035346567630768, -0.8230924606323242, 0.6073926687240601, -0.2207883596420288, -0.9665722250938416, 0.4219229519367218, -0.8062043190002441, -1.5470201969146729, 1.0714524984359741, 0.7052339315414429, -0.9737060070037842, -0.3554007411003113, -0.6681997776031494, -1.0193026065826416, -0.6391034126281738, -0.22937873005867004, -0.8812887668609619, -0.07830685377120972, -0.2890392541885376, 1.0150443315505981, -0.29435813426971436, -0.13039514422416687, -1.353704810142517, 0.6942092776298523, 1.1954591274261475, -0.9181612730026245, 0.2782708704471588, 0.37612664699554443, 0.6864557266235352, -0.42028436064720154, -0.9794037342071533, -1.1902168989181519, 0.9754758477210999, 0.160825714468956, 0.9671181440353394, -0.9512101411819458, -0.7794710993766785, 0.6417984962463379, 0.47993001341819763, 1.209261417388916, -0.6985352039337158, 0.048271290957927704, -0.562210202217102, 0.12662522494792938, 0.7973281145095825, -1.1421613693237305, -0.31379082798957825, 0.7952077984809875, -0.23194819688796997, 0.321926474571228, -0.7535829544067383, 0.1693405956029892, 0.9734058380126953, -0.18810458481311798, -0.01682690903544426, -0.6791120171546936, -11.261409759521484, 0.611528217792511, -0.12342656403779984, 0.05457644909620285, 0.776759147644043, -0.7040373086929321, 0.9165241122245789, -0.3244909942150116, 0.27237826585769653, -1.0905824899673462, 0.1175331324338913, 1.0415709018707275, 0.320935994386673, 0.012669718824326992, -0.9930902719497681, -1.3935198783874512, -0.43174058198928833, -0.3269398510456085, 0.24861027300357819, -0.33118540048599243, -0.7683314085006714, -0.5475274324417114, 0.130703404545784, 0.29930517077445984, 0.14506720006465912, 0.07643062621355057, -0.5719878077507019, -0.25726547837257385, -0.05243316665291786, -0.1016625463962555, 0.973690927028656, 0.15662728250026703, -0.7087554931640625, -0.682146430015564, -0.3545628786087036, -0.16062910854816437, -0.6702331304550171, 0.23688161373138428, 1.0288642644882202, -0.25441229343414307, -0.19695015251636505, 0.6219752430915833, 0.28940749168395996, 0.49309805035591125, -0.4351149797439575, 0.26186496019363403, 0.4864681661128998, -1.092003345489502, 0.29280123114585876, -0.277085542678833, -0.758076012134552, -0.2900276482105255, -0.680726170539856, -0.23574680089950562, 0.17321240901947021, 0.2175198346376419, -0.7572906613349915, -0.14007055759429932, -0.5377074480056763, -1.3343274593353271, 0.39359480142593384, 0.11893456429243088, -0.8299751877784729, -0.3490659296512604, -0.17611506581306458, -0.5513771772384644, 0.2853412330150604, 0.2690776288509369, -0.5879456996917725, 0.3114321827888489, -0.7313142418861389, 0.8594244122505188, 0.4421747326850891, 0.5630143880844116, -0.9083240032196045, -0.23100191354751587, -0.5543339252471924, 0.12317653000354767, -0.17583855986595154, -0.008208701387047768, -1.3512812852859497, 1.2037220001220703, 0.7804696559906006, -0.4977932870388031, -0.5855665802955627, 0.4094071090221405, -0.3577468693256378, 0.41542482376098633, 0.8886450529098511, -0.8395633697509766, 1.2687188386917114, 0.23790892958641052, -0.7025189399719238, -0.01659834384918213, -0.062498435378074646, 0.7526208162307739, -0.2617436647415161, 0.6189489960670471, 0.20037958025932312, -0.9289435148239136, 0.18409463763237, -0.5373746156692505, -0.41459691524505615, 0.25127553939819336, 0.51491379737854, 0.34578806161880493, 0.7505190968513489, 0.014439254999160767, 0.23364022374153137, -0.5750768780708313, 1.2364965677261353, -0.15048348903656006, -0.4933316111564636, 1.1006038188934326, -0.3454782962799072, 0.848353385925293, 0.19561809301376343, 0.44363701343536377, 0.7369624972343445, 0.851791262626648, -0.43691426515579224, 1.1450499296188354, -0.08360409736633301, 1.6831575632095337, -0.6298672556877136, 0.233819380402565, 0.5128993988037109, 0.29785364866256714, 0.10454187542200089, -1.2572945356369019, 0.164674773812294, -0.34502682089805603, 0.043606385588645935, -0.9881517291069031, -0.299894243478775, -0.3659376800060272, -0.615807831287384, 1.7380385398864746, -0.49316543340682983, -0.05864956974983215, -0.010229717940092087, -0.7605011463165283, -0.07732218503952026, -1.6367242336273193, -0.7015085816383362, 0.3188979923725128, -0.8591300249099731, 0.35584813356399536, -0.3487829864025116, -0.6655275821685791, 0.3372870087623596, -0.4269424080848694, 1.2546014785766602, -0.9362942576408386, -0.12737281620502472, -0.2956711947917938, 0.4497165381908417, -0.3345385193824768, -1.1741433143615723, -0.2587625980377197, -0.005928851664066315, 1.1073001623153687, -0.952254593372345, 1.5879950523376465, 0.2501596510410309, -0.2724625766277313, -0.2193269431591034, -0.1918446123600006, -0.6778308153152466, 0.1907268762588501, 1.0742056369781494, -0.8118085265159607, -0.5404121279716492, -0.5158535838127136, -0.43198728561401367, -0.8387473225593567, 0.422258198261261, 1.1181639432907104, -0.5142039060592651, -0.1501278132200241, -0.030873823910951614, 1.2941818237304688, -0.5656712055206299, -0.6331151127815247, -0.6094573736190796, 0.3556821644306183, 0.09307817369699478, 0.8472978472709656, 0.40797874331474304, 0.9099170565605164, -1.6917273998260498, -1.2319855690002441, -0.2621178925037384, -0.1489451378583908, 0.533277153968811, -0.05044582858681679, 0.6803137063980103, 0.22885319590568542, -0.15553532540798187, 0.08700474351644516, 0.36802005767822266, 0.8859041333198547, 0.24323005974292755, 0.2370862513780594, -0.09975309669971466, 0.3412569463253021, -0.38178548216819763, 0.19256258010864258, 0.1381298452615738, 1.080473780632019, -1.0815236568450928, -0.22380253672599792, 0.181796595454216, -0.1884860247373581, -0.14126938581466675, -0.8985997438430786, 0.18458622694015503, -0.2248946726322174, -0.10898497700691223, -1.450459599494934, 0.06460122764110565, 1.4673945903778076, -0.1030706837773323, 0.8088443279266357, 0.2711355686187744, 0.9539875984191895, 0.7745811939239502, 0.38903623819351196, 0.33508431911468506, -0.29442131519317627, -0.33247020840644836, 0.4008170962333679, 0.2614256739616394, -0.23023000359535217, -0.3084700107574463, -0.4389859735965729, -0.8776876330375671, 0.3013351857662201, -0.4050978422164917, 0.8205286860466003, -0.10545746982097626, 0.5119374990463257, 0.3634157180786133, 0.5327794551849365, -0.02061082422733307, -1.6445322036743164, 0.3955509066581726, -1.2152957916259766, 0.19251683354377747, 0.3487682342529297, 0.5270274877548218, 0.1304209679365158, 0.7729233503341675, 0.2196003943681717, 0.9728590250015259, -0.859280526638031, 0.0028269514441490173, 0.10540939122438431, -0.06562837958335876, 0.8755432367324829, 0.5612136125564575, 0.5559759140014648, 0.036885395646095276, 0.03876400738954544, -0.726581871509552, -0.2985014021396637, -0.22853536903858185, 0.9322006702423096, 1.12399423122406, -0.3703605532646179, 0.08858363330364227, -0.9212722778320312, 1.5730172395706177, -0.6821146011352539, 0.5994020104408264, 0.2412571907043457, -0.7115222215652466, -0.8465999960899353, -0.8471787571907043, 0.30483925342559814, 0.8020000457763672, -0.21270513534545898, -0.30044102668762207, -0.25288158655166626, 0.6589251160621643, 0.4578811824321747, -0.5712733268737793, -1.1511404514312744, 0.13847671449184418, -0.48467347025871277, -0.10072361677885056, 0.76067054271698, -0.5379777550697327, -0.41340914368629456, 0.2538745403289795, -0.8863098621368408, 0.24161718785762787, 0.18479503691196442, -0.8561628460884094, -1.0934377908706665, 0.25109219551086426, -0.7252122163772583, 0.5555102229118347, 0.37024110555648804, -0.5560255646705627, -1.573525309562683, 0.9236480593681335, 1.483534336090088, -0.6106089353561401, -0.9072461128234863, -0.36707359552383423, 0.3092811405658722, 0.10393763333559036, 1.0976688861846924]} +{"paper_id": "onestop_qa", "embedding": [-0.2072412520647049, 1.0615390539169312, -0.05428623408079147, -0.12994438409805298, 0.2265014946460724, 0.1837221384048462, 0.37359920144081116, 0.6940887570381165, 0.5283318758010864, 0.41155821084976196, 0.25757360458374023, 0.046302810311317444, 0.39873114228248596, 0.42928099632263184, -0.6407352089881897, -0.5822170376777649, -0.7901893258094788, -0.18111343681812286, -0.9749563336372375, -0.5791255235671997, -1.0239663124084473, -0.7926530241966248, -0.43767625093460083, 0.9529537558555603, -0.6705896854400635, -0.903080940246582, 0.4942214787006378, -0.8515334129333496, -0.18216556310653687, 0.03189600259065628, 0.16667082905769348, 1.0583148002624512, -1.561515212059021, 0.8872957229614258, -0.021995550021529198, -0.34141775965690613, 0.36901164054870605, 0.4977381229400635, 0.19507315754890442, -0.645469605922699, -0.6750999093055725, 0.3950125277042389, 0.509778618812561, -0.3043898642063141, 0.18934914469718933, -0.7875516414642334, 0.18837006390094757, 0.025041479617357254, -0.08527937531471252, -0.09328629076480865, -0.9009689688682556, 0.09568580985069275, -0.05385122448205948, 0.16857880353927612, 0.1287507265806198, 0.7677433490753174, 0.016904130578041077, -0.6115298867225647, 0.4002313017845154, -0.13209620118141174, 0.7910820245742798, 1.313306450843811, -0.07666850835084915, 0.4967042803764343, 1.3607980012893677, 0.21277861297130585, 0.9041818380355835, 0.210325226187706, -1.039621114730835, 1.120223879814148, -0.5417747497558594, -0.4998527765274048, 0.14419043064117432, -0.4104549288749695, 0.4964483380317688, 0.6859742403030396, 0.019736183807253838, -0.3018439710140228, 0.2504937946796417, -0.10240472108125687, 0.4581778347492218, -0.03866265341639519, 0.9530218243598938, -0.3127915859222412, 0.24906812608242035, -0.2253737449645996, 0.4839555323123932, -0.9392080307006836, 0.3673136532306671, -1.3984928131103516, 1.0825008153915405, 0.4370700716972351, 0.5015377998352051, 0.0004823654890060425, -0.43141502141952515, 0.3919600248336792, -0.42198026180267334, -0.07282663881778717, -0.07127504050731659, -0.12154398113489151, 0.5644863247871399, 0.28510573506355286, 0.9866679310798645, -0.23953452706336975, 0.6503274440765381, -0.8145860433578491, 0.241052508354187, 0.05135905742645264, -0.026239240542054176, -0.8509369492530823, 0.21187788248062134, 0.6533293128013611, 0.09814634919166565, 0.6136354207992554, -0.39650529623031616, 0.2764965295791626, 0.6053685545921326, -0.7449818849563599, -0.3157913386821747, 0.05853328853845596, 0.10168398916721344, -0.0025228140875697136, -0.09333693236112595, -0.9382770657539368, 0.6243121027946472, -0.44859758019447327, -0.08259402215480804, -1.1215465068817139, -0.4274100363254547, -0.153212308883667, 0.1476067304611206, 0.32151272892951965, -0.3327679932117462, 0.27871188521385193, 3.0250139236450195, -1.1955249309539795, 0.38536348938941956, -0.10698586702346802, -0.281061053276062, -0.5653069019317627, -0.621203601360321, 1.5651980638504028, 0.41496729850769043, -0.9317381381988525, -0.24651136994361877, 0.009218648076057434, 0.25652992725372314, 0.6300542950630188, -0.9192109107971191, -0.1436328887939453, 0.050944820046424866, -0.14668577909469604, -1.6568447351455688, -0.6281408667564392, -0.10576438903808594, -0.24647831916809082, -0.7064315676689148, 0.09667780995368958, 0.0005388036370277405, 0.742367148399353, 0.029557861387729645, 0.16784799098968506, -0.8546063899993896, 0.5759034156799316, -0.5514574646949768, 0.011825566180050373, 0.8655522465705872, -0.6049922704696655, -0.879825234413147, 0.26983025670051575, 0.00956852175295353, -0.5306230783462524, -0.7341223359107971, -0.6758501529693604, -0.24518169462680817, -0.06271820515394211, 0.294614315032959, 0.5587284564971924, 0.1702868789434433, -0.48601365089416504, 0.03486179560422897, 0.12816040217876434, 0.22501203417778015, 0.8841062784194946, -0.4440697133541107, 0.3107413053512573, -3.311476707458496, 0.07957930862903595, -0.6656924486160278, 1.1382862329483032, 0.0034560859203338623, 0.49861928820610046, 0.3317056894302368, 0.4854693114757538, -0.5612329840660095, -0.7011720538139343, 0.350859671831131, -0.9426653385162354, 0.5825721025466919, 0.1521395891904831, 0.2096574604511261, 0.22324199974536896, 0.08361458778381348, 0.8568307161331177, 0.25463804602622986, -0.5519101619720459, -0.9612049460411072, -2.171684980392456, -0.2667585611343384, 1.865011215209961, 0.043844569474458694, -0.08424356579780579, -0.8505316972732544, -0.5366661548614502, -0.5175895690917969, 0.018589626997709274, 0.5888444185256958, -0.25319787859916687, -0.3874393105506897, -0.5364025235176086, 0.7532401084899902, -0.5675978660583496, -0.3627687096595764, 0.5718444585800171, 1.2348344326019287, -0.6649648547172546, 0.04668104648590088, -1.0478324890136719, 0.0741877406835556, 0.23473168909549713, 0.41124388575553894, -0.021726829931139946, 0.3437656760215759, 0.4026293158531189, 0.42131298780441284, 0.89256751537323, 1.4398468732833862, 0.816607654094696, -0.47147396206855774, 0.6990928053855896, -0.2564557194709778, 1.379327654838562, -0.1827913075685501, 0.15674754977226257, 0.2682458162307739, -0.11296148598194122, -0.5863147377967834, 0.13393534719944, -0.7081118226051331, -0.17589393258094788, 0.8278658986091614, 0.6777192950248718, -0.5226244330406189, 0.3928247094154358, -0.6437655687332153, -0.17906948924064636, -0.16541223227977753, -0.20172005891799927, -0.9150225520133972, -0.17106275260448456, 0.28199952840805054, -0.3515828251838684, -0.36200281977653503, -0.27872341871261597, -0.1730298399925232, -1.4160041809082031, -0.8525818586349487, -0.2792702317237854, 0.027315653860569, -0.9146022796630859, -0.7062067985534668, 0.20608440041542053, -1.4278368949890137, -0.21923375129699707, -0.21368567645549774, -0.3703591823577881, -0.35701698064804077, 0.670172929763794, 1.8179446458816528, 0.3484739065170288, 0.018235575407743454, -0.009784117341041565, 1.043272614479065, -0.5725528001785278, -0.015694595873355865, -0.288366436958313, -0.41234394907951355, -1.0689364671707153, 0.1772828996181488, -0.8999203443527222, 0.6048666834831238, 0.6714630722999573, -0.3148121237754822, 0.9501510262489319, -0.18380695581436157, -1.276145339012146, 0.29874664545059204, -0.1742142289876938, -0.08153598755598068, -1.4885854721069336, 1.1957193613052368, -0.06363062560558319, -0.6681761145591736, 0.5966981053352356, -0.9335220456123352, -0.8824164867401123, 0.7965207695960999, -0.19435633718967438, -0.2078734040260315, 0.3313203454017639, -0.5259574055671692, -0.2283228188753128, 0.37805458903312683, -1.6585009098052979, 1.321060299873352, 1.0013774633407593, 0.5251474976539612, 0.005410395562648773, -0.7778518795967102, 0.38221651315689087, -0.27420222759246826, 0.25856655836105347, 1.4752652645111084, -0.20848050713539124, 0.4170463979244232, -0.22774669528007507, 0.3233998417854309, -0.06232975795865059, -0.6423274874687195, 0.6038679480552673, 0.205746591091156, 0.2752592861652374, -1.0443949699401855, -0.08254047483205795, 0.8815214037895203, -0.620106041431427, 1.0283234119415283, 0.5228433609008789, 0.44607773423194885, 0.3133498728275299, -0.422787606716156, -0.14666995406150818, 0.007138565182685852, 0.3546915650367737, 0.16847416758537292, 0.5719695687294006, -0.001270432025194168, 0.5992569923400879, -0.10065050423145294, 1.520437479019165, -0.11487241089344025, -0.5596863031387329, -0.4282130002975464, -0.41388455033302307, -0.8541963696479797, -0.061444491147994995, 1.1587388515472412, 1.0695102214813232, 2.142768144607544, 0.5742691159248352, -0.38679128885269165, -0.3051042854785919, -0.1893301010131836, 0.39632701873779297, 0.08964031934738159, 0.6394352912902832, -0.9320294857025146, 0.1435607224702835, 0.5587263703346252, 1.2946311235427856, -0.5382610559463501, 0.29251691699028015, 0.1601734459400177, 0.2375817894935608, -1.4078090190887451, 1.4329800605773926, 0.335880845785141, 0.9629520773887634, 2.1398985385894775, -0.07726352661848068, 0.5172999501228333, -0.14335466921329498, -0.17513306438922882, -0.11431420594453812, 0.2188645601272583, -0.16087684035301208, 0.6745743155479431, 0.5024023056030273, 0.8498073220252991, -0.09380924701690674, 0.8682203888893127, 1.7010152339935303, -0.05094140022993088, -1.9938329458236694, -0.3843212127685547, -0.7016309499740601, 0.17863202095031738, -0.2925524115562439, -0.26831623911857605, -0.04007380083203316, 0.28626736998558044, 0.3206923007965088, -0.6910157799720764, 0.23361137509346008, -0.13437344133853912, -0.8752131462097168, 0.7835410237312317, 1.0157968997955322, -1.0406116247177124, -0.6521173119544983, 0.18401794135570526, -1.0037840604782104, 0.10234513878822327, -0.49794819951057434, -1.2499397993087769, 0.9663402438163757, 0.5504313707351685, 0.8704248666763306, 0.34851324558258057, 0.5797458291053772, -0.8965846300125122, 1.8456557989120483, 1.1052987575531006, -1.0752826929092407, 0.6205955743789673, 0.3854612708091736, 1.3407074213027954, 0.7504904270172119, -0.6277155876159668, -0.5917457342147827, 1.167840838432312, -0.13289719820022583, -0.22018064558506012, -0.7581057548522949, -0.3730626404285431, 1.285202145576477, 1.2376080751419067, 0.2927369475364685, -0.44170457124710083, 0.47971445322036743, -1.0215873718261719, -0.09950371831655502, 0.9366041421890259, -1.843111276626587, -1.2042778730392456, 0.4478839039802551, -0.917561411857605, 0.17596547305583954, 0.1510436236858368, 0.12353622913360596, 1.7870590686798096, -0.18360304832458496, 0.18705211579799652, -0.6485187411308289, -11.619324684143066, 1.1690523624420166, -0.3739728331565857, 0.4468023180961609, 0.5759238004684448, -0.1600153148174286, 0.25403058528900146, 0.5785179734230042, 0.2418765425682068, -0.5307702422142029, 0.17750588059425354, 1.0467183589935303, 0.4529329240322113, -0.0013723159208893776, -0.5474069714546204, -1.1937668323516846, -0.3929828107357025, -1.1318516731262207, 0.4731258153915405, 0.563715398311615, -0.03490385040640831, -0.7776320576667786, -0.30604666471481323, -0.23686660826206207, 0.484122097492218, -0.7098788619041443, -0.46042898297309875, -0.7838276624679565, 0.19903244078159332, -0.08599372953176498, 0.612953245639801, -0.186968132853508, -0.7791873216629028, 0.4714352488517761, 0.19690386950969696, -0.10096348822116852, -0.9377499222755432, -0.44723284244537354, 0.3881520926952362, -0.6656387448310852, -0.011605963110923767, -0.38143283128738403, 0.19420064985752106, -0.8230462074279785, -1.0689241886138916, 0.3699111342430115, 0.08109696209430695, -0.9144124984741211, -0.25506791472435, -0.8489344120025635, -0.729166567325592, -0.4366251826286316, -1.105027437210083, -0.6416275501251221, 0.80635005235672, 0.22258411347866058, -0.19879373908042908, -0.7271500825881958, -0.6663258671760559, -0.7688164710998535, 0.8513547778129578, -0.5854532718658447, -0.5028760433197021, 1.0727710723876953, 0.3184359073638916, 0.15618938207626343, 0.4055967330932617, -0.1127493605017662, 0.5778788328170776, 1.0750889778137207, -0.7248969674110413, 1.5953222513198853, 0.2994000017642975, 0.7426961064338684, -0.4547266662120819, -0.19883239269256592, -0.6659854650497437, -0.4079211950302124, 0.4939790964126587, 0.2921358346939087, -1.1659913063049316, 0.7207802534103394, 0.46851009130477905, -0.35946714878082275, -0.4502091705799103, 0.04761176183819771, 0.1382177472114563, 0.7692582607269287, 0.674567461013794, -0.6933206915855408, 1.2963944673538208, -0.23732244968414307, -0.6338666677474976, -0.3790813386440277, -1.0329868793487549, 0.3427272439002991, -0.8341150283813477, 0.2861369252204895, 0.5271772146224976, 0.02086406946182251, -0.2664596736431122, 0.040016405284404755, -1.1669085025787354, -0.2822429835796356, 0.756767749786377, -0.002571605145931244, 0.011860683560371399, -0.16436278820037842, -0.1774298995733261, -1.3567062616348267, 0.24287530779838562, 0.9547568559646606, 0.15948563814163208, 1.1497782468795776, -0.8091739416122437, 0.7232275605201721, 0.6722802519798279, 0.002553403377532959, 0.06804665923118591, 1.1876599788665771, -0.3398984372615814, 0.8914732336997986, 0.46258044242858887, 1.8767179250717163, 0.1370505392551422, 0.3719971179962158, 0.9670455455780029, 0.05767063796520233, -0.48502928018569946, -1.1663316488265991, -0.07603546977043152, -0.6779909729957581, 0.2782120406627655, -1.0675628185272217, -0.4283413589000702, -0.04068899527192116, -0.5887129902839661, 1.4168106317520142, -0.85184246301651, 0.1319417655467987, -0.2525264024734497, 0.08570168912410736, -1.402420163154602, -0.6634421348571777, -0.7280716300010681, 0.8333780765533447, -2.079225540161133, 0.18389710783958435, -0.35088062286376953, -0.6361263394355774, -0.5020354986190796, -1.1334854364395142, 0.912976086139679, 0.16711769998073578, -0.12216571718454361, -0.19168469309806824, 0.23681171238422394, -0.8320481181144714, -0.5986672043800354, -0.3133920431137085, 0.30015093088150024, 1.2267762422561646, -1.0681661367416382, 1.070390224456787, 0.3332427144050598, -0.41893884539604187, -0.8911568522453308, 0.01756780594587326, -0.3049412667751312, 0.5888515710830688, 0.35342347621917725, -0.5919811129570007, -0.07021661847829819, -0.4163036346435547, 0.44585248827934265, 0.092693030834198, 0.28540274500846863, 0.766106128692627, -1.6578351259231567, -0.10722790658473969, -0.047593824565410614, 0.6707298159599304, 0.41904377937316895, -0.40352973341941833, -0.04457040876150131, 0.22458907961845398, -0.25718221068382263, 0.3166770339012146, 0.2131493240594864, 0.9507774114608765, -0.6609534025192261, -0.728012204170227, -0.6004601120948792, 0.44776463508605957, 0.41975152492523193, -0.05473780259490013, 0.9064857959747314, 0.21339792013168335, -0.411087304353714, 0.011954762041568756, 0.23562458157539368, 0.3897612988948822, 0.15070217847824097, 1.0750386714935303, -0.5300445556640625, 0.46998634934425354, -0.5351346731185913, -0.1589767038822174, 0.3342466950416565, 1.2800856828689575, -0.2858053743839264, -0.031725913286209106, 0.13809004426002502, -0.3102228343486786, -0.24105796217918396, -1.3784992694854736, -0.10613002628087997, -0.7100639939308167, -0.558026909828186, -0.6867961883544922, 0.3594624698162079, 1.2308604717254639, -0.316677987575531, 0.6630144715309143, 0.8032172918319702, 0.3903767764568329, 0.3875228762626648, 0.1641358733177185, 1.0060625076293945, 0.3153887391090393, -0.32006579637527466, 0.887986421585083, 0.6004719734191895, 0.5106070637702942, 0.24057480692863464, -0.5034162402153015, -0.20624206960201263, -0.33741533756256104, -0.697089433670044, 0.7079245448112488, -0.07217254489660263, 0.285781592130661, 1.3171108961105347, 1.2557525634765625, 0.18540243804454803, -1.5333753824234009, -0.4453657567501068, -1.1252788305282593, 0.009920723736286163, 0.6427899599075317, 0.09373097866773605, 0.09790292382240295, 0.42217645049095154, -0.3731265068054199, 1.2078830003738403, -0.1182478740811348, 0.5194211602210999, 0.7944948673248291, -0.1344926953315735, 1.0354779958724976, 0.7838160991668701, 0.09872555732727051, 0.055555425584316254, -0.01896917074918747, -1.5063056945800781, -0.1293761432170868, -1.5899714231491089, 0.7586450576782227, 0.2130766659975052, -0.4100301265716553, 0.2868693470954895, -0.1592371165752411, 0.687025785446167, -0.6867427229881287, 1.1789032220840454, -0.24792905151844025, 0.009774871170520782, 0.021839262917637825, -1.180601954460144, 0.2564598023891449, 0.008241504430770874, 0.2288796454668045, -0.018429704010486603, -0.01774728298187256, 0.8569498062133789, 0.19966724514961243, 0.2126360684633255, -0.3725365400314331, 0.001674484577961266, -0.48361465334892273, 0.41184020042419434, 0.035498570650815964, -0.30374643206596375, -1.1705825328826904, 0.20971916615962982, -0.42867839336395264, -0.15028811991214752, 0.26706230640411377, -0.7991400361061096, 0.06969933211803436, 0.5777918100357056, 0.33849650621414185, 0.06904251128435135, 0.13692130148410797, 0.23268139362335205, -0.9554851651191711, 0.5908904075622559, 0.6214144825935364, -0.4019087851047516, -0.23276543617248535, -0.24524563550949097, 0.9350361227989197, 0.07585588097572327, 0.7078753709793091]} +{"paper_id": "opinosis", "embedding": [-0.6431509852409363, 1.4715834856033325, 0.676580548286438, 0.06280568987131119, 0.8706430792808533, -0.13989777863025665, 1.2529747486114502, 0.8272846341133118, 0.14889749884605408, 0.5218183994293213, 0.8745947480201721, -0.012240730226039886, -0.11070436239242554, 0.5855696201324463, -0.5096092224121094, 0.014694156125187874, -0.8453457355499268, -0.328875869512558, -0.6594968438148499, -0.6281048059463501, -0.6913142204284668, -0.2249019742012024, -0.31663793325424194, 0.2828947901725769, -1.2182097434997559, -0.38337892293930054, 0.7188618779182434, -0.9264588356018066, -0.0986858382821083, -0.5874166488647461, 0.31417354941368103, 0.7691853046417236, -1.2777591943740845, 0.48786213994026184, -0.3079327940940857, -0.05737388879060745, 0.02689487114548683, 0.6030468940734863, -0.019435644149780273, 0.036098990589380264, -0.5232336521148682, 0.4418056607246399, 0.84725022315979, 0.004815506748855114, 0.35665473341941833, 0.1504761278629303, -0.22120991349220276, 0.7822986841201782, -0.5683335065841675, 0.6401439309120178, -0.05386989563703537, -0.35368812084198, -0.026570750400424004, 0.490027517080307, -0.8233910799026489, 1.4681166410446167, -0.2520037293434143, -0.35599005222320557, 0.17108306288719177, -2.144658327102661, 1.1890828609466553, 1.360732913017273, 0.17114979028701782, 0.3321257531642914, 1.0858287811279297, -0.5303148031234741, 1.449522614479065, 0.4033656716346741, 0.5371822714805603, 0.8954049348831177, -0.8249653577804565, -1.031532645225525, -0.07987888902425766, -0.052489861845970154, -0.35292428731918335, -0.07318004965782166, 0.6312825679779053, -0.03157607093453407, 0.048840202391147614, 0.16976803541183472, -1.266160488128662, 0.4132997989654541, 1.2087022066116333, -1.300580382347107, -0.529250979423523, 0.5905663371086121, -0.26313674449920654, 0.5173836350440979, 0.2029750943183899, -0.8952206373214722, -0.33527183532714844, -0.05614890903234482, 0.10960501432418823, 0.18788811564445496, -0.16023533046245575, -0.09562939405441284, 0.2254638820886612, 0.44093161821365356, -0.26025229692459106, 0.66172856092453, 0.5304737687110901, -0.4865088164806366, 0.22911517322063446, 0.4428821802139282, 0.6465309262275696, 0.4933791160583496, -0.09345412254333496, -0.11731979995965958, 0.0010054847225546837, -0.8049730062484741, -0.09158022701740265, 0.2782774567604065, -0.08199562877416611, 0.9211074113845825, 0.07199263572692871, -0.6301190257072449, -0.5804897546768188, -0.4765390157699585, -0.5687357187271118, -0.07162174582481384, -0.6586024761199951, -1.376808524131775, 0.16324079036712646, 0.033278368413448334, 0.9146693348884583, -0.37217938899993896, -0.07872041314840317, -0.8867539763450623, 0.13666954636573792, 0.14519217610359192, 0.24846045672893524, 0.04385633021593094, -0.537479043006897, -0.09860417246818542, 3.0578508377075195, -0.9684372544288635, 0.8050328493118286, -0.13028599321842194, -0.09957492351531982, 0.23560358583927155, -0.17812582850456238, 1.6266565322875977, -0.31173646450042725, -0.9077960252761841, -0.5577986240386963, -0.46812137961387634, -0.6707836985588074, 0.021975480020046234, -0.3934745490550995, 0.002911210060119629, -0.34708547592163086, -0.34963181614875793, -1.125042200088501, -0.8730226159095764, 0.15349408984184265, 0.2880924642086029, 0.28306710720062256, 0.5547658205032349, -0.4868425130844116, 0.9538041353225708, 1.150217056274414, 0.27611565589904785, -0.46928876638412476, 0.6366971731185913, -1.0360041856765747, -0.31734102964401245, 0.1945110261440277, -0.3380351662635803, -0.004954824224114418, -1.072480320930481, 1.2799594402313232, -0.10070370882749557, 0.41192543506622314, -0.40354856848716736, -0.3777812421321869, 0.5328678488731384, -0.040612440556287766, 0.06737440824508667, 0.5254259705543518, -0.8198121190071106, -0.1736758053302765, -0.20330774784088135, 0.0706329271197319, 0.0997140184044838, 0.33511292934417725, 0.42655670642852783, -1.743455410003662, -0.04867272824048996, -0.04533742368221283, 0.44494232535362244, 0.6825004816055298, -0.24465274810791016, 0.432918518781662, -0.5663196444511414, -0.5116923451423645, -0.11391662806272507, 0.1012955754995346, -0.9867056012153625, 0.6090741753578186, 1.1829264163970947, 0.2111646980047226, 0.36565902829170227, -0.18037652969360352, 0.9654472470283508, 1.400166630744934, 0.11398246139287949, -0.14260122179985046, -1.5522054433822632, 0.25735417008399963, 1.6647886037826538, -0.01288072019815445, -1.072981834411621, -1.3189011812210083, -0.12590783834457397, 0.7374628782272339, -0.08862821012735367, 0.11576807498931885, -0.5844283699989319, -0.5854073762893677, -0.8129484057426453, 0.35174158215522766, -0.8435792326927185, 0.4181322157382965, 0.37752681970596313, 1.3589165210723877, -0.76895672082901, -0.37471914291381836, 0.3083421587944031, -0.6316636204719543, 0.46477001905441284, 0.875282883644104, 0.1093059554696083, -0.3251068890094757, 0.5605365037918091, -0.36322450637817383, 0.20422179996967316, 0.5522022247314453, 0.3417964279651642, 0.3510649502277374, -1.1759892702102661, 0.16085860133171082, 0.889492392539978, 0.1370198130607605, 0.04745879024267197, 0.8182697296142578, 0.06322012841701508, -0.1675950586795807, -0.31200480461120605, -0.32952773571014404, -0.20169535279273987, 0.723255455493927, 0.7875388860702515, 0.06835166364908218, 1.396675705909729, -1.12870192527771, 0.027568504214286804, 0.27949559688568115, -0.6583820581436157, 0.040524229407310486, -0.25888076424598694, 0.666686475276947, -0.3031081557273865, 0.05132269114255905, 0.03947627544403076, -0.038799259811639786, -0.8356727361679077, -0.25107067823410034, -0.10530992597341537, -0.7892667055130005, -0.7709256410598755, -0.2920576333999634, 0.4139644503593445, -0.4406730532646179, -0.3022373616695404, -0.4962572753429413, 0.3635302484035492, -0.031247207894921303, 0.4931856691837311, 1.2122642993927002, -0.30045756697654724, 0.9234728813171387, -0.300212025642395, 0.6583057045936584, -0.2461775839328766, 0.8025345802307129, -1.1889601945877075, 0.1629531979560852, -0.27396830916404724, 0.0008192881941795349, -0.6362833380699158, 0.2956317961215973, 0.6831745505332947, -0.9392777681350708, 0.5436015725135803, -0.2510090172290802, -1.4475769996643066, 0.745073139667511, -0.7511557936668396, -0.33375978469848633, -0.36020463705062866, 0.477072536945343, -0.04755915328860283, -0.8995239734649658, 0.4810997247695923, -0.703064501285553, 0.23560644686222076, 1.0958120822906494, -0.1831703782081604, 1.5656797885894775, 0.894631028175354, -0.46857941150665283, 0.008063044399023056, -0.2290211319923401, -2.573944330215454, 0.6169326305389404, 1.8949710130691528, -1.169217824935913, -0.12625889480113983, -1.3064343929290771, 0.007158979773521423, -0.2657340466976166, -0.024402238428592682, 0.16661235690116882, -1.3458633422851562, 1.0430511236190796, -0.0692918598651886, 0.05523461848497391, 1.0368255376815796, -0.7114514112472534, 0.2765342593193054, 0.5051127672195435, 0.844368577003479, -0.4841756224632263, -0.2893693447113037, 0.8000709414482117, -1.3547685146331787, 0.5318135023117065, -0.24088731408119202, 1.3267853260040283, 1.5461547374725342, -0.44306355714797974, -0.5168375968933105, 0.18981949985027313, 0.3516986668109894, 0.35578107833862305, 0.43143975734710693, 0.034127913415431976, 1.173760175704956, -0.18295930325984955, 0.7288263440132141, 0.2052377462387085, -0.5464321970939636, -0.32951071858406067, 0.01642121747136116, -0.2827118933200836, -0.8425960540771484, 0.8134059309959412, 0.8591864705085754, 1.5301246643066406, -0.12855923175811768, 0.23379209637641907, -0.5405318737030029, 0.5551310181617737, 0.8577243685722351, 0.4694232940673828, 0.3816574811935425, -0.20788337290287018, 0.7171449661254883, 0.7092304229736328, 0.1859188824892044, -0.6559563875198364, 0.2058131992816925, 0.6690675020217896, -0.4813316762447357, -0.18648667633533478, 0.505864143371582, 1.5015629529953003, 1.3482986688613892, 1.8680663108825684, -0.4195876717567444, -0.1433398276567459, 0.310374915599823, 0.3899557292461395, 0.32463762164115906, -0.3960435390472412, -0.7055914402008057, 0.7509217262268066, 0.6057635545730591, 1.1891928911209106, -0.09355413168668747, 1.0132075548171997, 0.5279289484024048, -0.5278029441833496, -0.5595158338546753, -0.8805385828018188, -1.3474278450012207, -0.7809399962425232, -0.7457218170166016, 0.43367278575897217, -0.994192361831665, -0.026331983506679535, -0.23393774032592773, -0.723786473274231, 0.6129136085510254, 0.44243884086608887, -0.6019268035888672, 0.6649359464645386, 1.018710732460022, -1.3238526582717896, 0.01530318520963192, 0.046855807304382324, -1.2448711395263672, -1.2653230428695679, 0.44247257709503174, 0.21716225147247314, 0.17741841077804565, -0.09866687655448914, 0.7527264356613159, 0.5114472508430481, -0.28264570236206055, -1.4784947633743286, 0.05991159379482269, 1.0305707454681396, -0.9907931685447693, 0.6965007781982422, 0.255031019449234, 0.33296120166778564, -0.05327504873275757, -1.175337553024292, 0.034049760550260544, 0.18445473909378052, 0.8061760663986206, -0.3025171756744385, 0.006066419184207916, -0.12072135508060455, -0.10181590169668198, -0.09039655327796936, 0.08394573628902435, -1.0596717596054077, 0.24569979310035706, -0.16455544531345367, 0.007470434531569481, 0.6752997636795044, -1.060240626335144, -0.4856041371822357, -0.1282944530248642, -0.4213460385799408, 1.4049692153930664, -0.25087350606918335, 0.2212594747543335, 0.40595129132270813, 0.336645245552063, 0.6406943798065186, -0.06747934222221375, -11.684808731079102, 0.5895921587944031, -0.5314223170280457, 0.25476884841918945, -0.13243097066879272, -0.017098672688007355, 0.49142906069755554, 0.061415862292051315, 1.2188042402267456, -0.784088134765625, 0.372927725315094, 0.866692066192627, -0.032092660665512085, 0.12189643830060959, -0.41079434752464294, -0.6617990136146545, -0.3066237270832062, -0.1935979127883911, 0.8448430895805359, -0.050879813730716705, 0.36978283524513245, -1.1145038604736328, -0.7996249198913574, 0.0851636677980423, 0.29057562351226807, -0.46369442343711853, -0.5416043400764465, -0.7606775760650635, -1.1366053819656372, 0.19840729236602783, 0.7912836670875549, -0.714846670627594, -0.6169655919075012, 0.11552929133176804, 0.7004981637001038, -0.4667891561985016, -1.3641728162765503, -0.2888558804988861, 0.5544381141662598, 0.3820655643939972, 0.7590401768684387, -0.07504735141992569, -0.026197068393230438, -0.5136000514030457, -0.059105709195137024, 0.6474925875663757, -0.3427915573120117, 0.031045760959386826, 0.7768011689186096, -0.20148736238479614, -1.0998077392578125, -0.9778229594230652, -0.7590486407279968, -0.7552232146263123, 0.725738525390625, 0.7260169982910156, -0.8812140822410583, 0.145906463265419, -0.4191901385784149, -0.6151278018951416, 1.0707218647003174, -0.3014211654663086, 0.26468586921691895, 0.437186062335968, 0.9301167130470276, -0.47929316759109497, 0.17367587983608246, 0.007513156160712242, 0.24068525433540344, 0.19175086915493011, -0.6812538504600525, 1.2028892040252686, 0.5970681309700012, -0.12209752202033997, -0.39565956592559814, 0.05829816311597824, -1.1008418798446655, -0.4016994535923004, 0.8192954063415527, 0.6928741931915283, -0.8362849354743958, 0.5751020312309265, 0.271668404340744, -0.93680739402771, -0.867910623550415, 0.2924783527851105, 0.3506205677986145, 0.13781289756298065, 0.7917574644088745, 0.11175518482923508, 1.3282711505889893, 0.9498317241668701, -0.38551849126815796, 0.007718954235315323, -0.8436826467514038, 0.5103815793991089, -0.678077757358551, 0.894382655620575, 0.02474305033683777, -0.5410500168800354, 0.46020713448524475, -0.21538734436035156, -0.975063681602478, 0.19576366245746613, -0.04024606943130493, -0.782001256942749, 0.22784000635147095, 0.3063841164112091, 0.22667449712753296, 0.2729913592338562, 0.7233072519302368, -0.04053638130426407, -0.5505918860435486, 0.32597219944000244, 0.619581937789917, 1.2902238368988037, 0.58852219581604, -0.7445099353790283, 0.4747759997844696, 1.1071422100067139, -0.40082523226737976, 0.563232421875, 0.03187762200832367, 1.4166761636734009, 0.6009910702705383, 0.30229660868644714, 0.013444256037473679, 0.32997044920921326, -0.8270089626312256, -0.9809139966964722, 0.22355076670646667, -1.016188621520996, 0.013416802510619164, -1.3937451839447021, -0.5961229205131531, 0.29600706696510315, -0.34428203105926514, 1.1030634641647339, -1.0547641515731812, 0.16800051927566528, -0.5815791487693787, -0.679532527923584, -0.8188899159431458, -0.5686932802200317, 0.14329592883586884, -0.012919649481773376, -1.525095820426941, 0.5643588304519653, -0.31582605838775635, -0.04788092523813248, 0.08359411358833313, 0.043671295046806335, 0.1383967101573944, -0.7401351928710938, -0.950468122959137, -0.5032068490982056, 0.03777332231402397, -0.13829514384269714, -1.2705872058868408, -1.0676655769348145, 0.8985097408294678, 0.44747084379196167, -1.043625831604004, 0.6737263202667236, 0.5027498006820679, 0.7079564929008484, -0.33162856101989746, 0.4285399615764618, -0.7734013199806213, 0.8441380262374878, 1.0180975198745728, -1.5065768957138062, -0.49928221106529236, -0.5717933177947998, -0.22364293038845062, 0.4752732515335083, 0.28264379501342773, 1.1775184869766235, -1.9697641134262085, 0.2882598340511322, -0.36702999472618103, 0.15057262778282166, 0.06121309474110603, -0.4650256931781769, -0.09952878952026367, 0.5888671875, 0.08037234842777252, 1.426525592803955, 0.06321068853139877, 0.4874840974807739, -1.4946686029434204, -1.1345086097717285, -0.6976073384284973, 0.42882123589515686, 0.9613324999809265, -0.38353243470191956, 0.5843967199325562, 0.6990443468093872, -0.3999558091163635, -0.08990796655416489, 0.22442346811294556, 0.9011312127113342, 0.0798272043466568, 0.3551904261112213, 0.5234411954879761, -0.5687735080718994, -0.4732467234134674, -0.5054884552955627, 0.5414940118789673, 0.036696210503578186, -1.3081209659576416, 0.4103221893310547, 0.6283148527145386, 0.6063340306282043, -0.005380846560001373, -0.9524730443954468, -0.08413717150688171, 0.3400267958641052, -0.8082383275032043, -1.0463457107543945, 0.1440754383802414, 1.1425775289535522, -0.43881475925445557, 1.3090884685516357, 0.26511597633361816, 0.024871638044714928, -0.1066548079252243, 0.4886748790740967, 0.8992079496383667, -0.6082265377044678, -0.6002010703086853, 0.07276585698127747, 0.4983278810977936, -0.12756702303886414, 0.12158618867397308, -0.6961280703544617, -1.1909607648849487, 0.03746417537331581, -1.2302247285842896, 0.6408401131629944, -0.6154223680496216, 0.07308074831962585, 0.007366210222244263, 1.414775013923645, -0.38065481185913086, -2.0955541133880615, -0.6691983938217163, -1.0242494344711304, -0.15291278064250946, 0.09857925772666931, -0.20368054509162903, 1.0265424251556396, 0.686694860458374, -0.18195165693759918, 1.1967257261276245, -0.6847155094146729, -0.0027351751923561096, 0.352152943611145, -0.11274909973144531, 0.8932540416717529, 0.7443028092384338, -0.09484737366437912, 0.3246225118637085, 0.028694361448287964, -1.0416836738586426, 0.18384060263633728, -0.5951812863349915, 0.25279921293258667, 0.9937930107116699, -0.502994179725647, -0.3753768801689148, -0.8026047348976135, 0.4588416516780853, -0.32901251316070557, 0.8186174035072327, 0.8447903394699097, -0.520833432674408, -0.511287271976471, -0.884682834148407, -0.16231872141361237, 0.3595358431339264, -0.10490353405475616, -0.5775597095489502, 0.19567783176898956, 0.278349369764328, 0.5404463410377502, -0.057298846542835236, -0.30660974979400635, 0.6495416760444641, -0.9537850618362427, -0.016750119626522064, 0.8582525253295898, -0.4520089030265808, -0.6584916710853577, -0.2692520022392273, -0.2691649794578552, 1.221645712852478, 0.2406071573495865, -0.8887513875961304, -0.2579445242881775, 0.12816281616687775, -0.293854683637619, -0.34461942315101624, 0.18375912308692932, 0.33191102743148804, -1.4571495056152344, 0.8273926377296448, 0.9060693979263306, -0.0222749263048172, -0.10333489626646042, 0.22099736332893372, 0.7540762424468994, -0.0993146151304245, 1.0252594947814941]} +{"paper_id": "wili_2018", "embedding": [-0.4061870574951172, 1.9660297632217407, -0.19052782654762268, -0.4139484465122223, 0.8607146739959717, -0.09690457582473755, -0.060104213654994965, 0.36499208211898804, 0.7043712139129639, 0.698035717010498, 0.46610626578330994, -0.6637971997261047, 0.04646635800600052, 0.19190141558647156, -0.35247528553009033, -0.9089800715446472, -1.1330794095993042, -0.570397675037384, -0.8956673741340637, -0.0420403778553009, -1.3578890562057495, -0.5292050838470459, 0.04440787062048912, 0.5587775111198425, -0.39843618869781494, -0.7449688911437988, 0.45362338423728943, -0.5771580338478088, -0.25329285860061646, 0.2688434422016144, -0.37813618779182434, 0.12820184230804443, -1.7530367374420166, 0.09719588607549667, -0.5773299932479858, -0.6376634240150452, 0.16510343551635742, 0.8688849210739136, -0.3150215446949005, -0.4927465319633484, -1.1657073497772217, -0.14828602969646454, 0.7718228697776794, -0.18973936140537262, 0.9546744227409363, -0.29869720339775085, 0.5368363857269287, -0.4070620536804199, -0.28750932216644287, 0.13166391849517822, -0.1430739313364029, -0.18395444750785828, 0.07321126759052277, -0.11418856680393219, -0.7087579369544983, 0.3920805752277374, 0.09830182045698166, 0.2151298075914383, 0.37497076392173767, -1.2761335372924805, 1.1848618984222412, 1.6324979066848755, -0.7513678073883057, -0.1605219542980194, 0.741995096206665, -0.4475216269493103, 1.9320940971374512, 0.15202976763248444, 0.7739657163619995, 0.7883066534996033, -0.07178293913602829, -1.137190818786621, 0.15386241674423218, 0.13440608978271484, 0.10564224421977997, 0.8412047624588013, 0.16843068599700928, 0.26141321659088135, 0.6682328581809998, -0.3381587862968445, -0.9055026769638062, 1.2981642484664917, 0.745638370513916, -0.47673794627189636, -0.22200551629066467, 0.5072499513626099, 0.14039663970470428, -0.021022845059633255, 0.7342793345451355, -1.6766622066497803, 0.08089160919189453, 0.5407447814941406, -0.19339269399642944, 0.6253516674041748, -0.42137399315834045, 0.7676063776016235, 0.6324844360351562, -0.14905227720737457, -0.6404664516448975, 0.7348361015319824, 1.0314966440200806, -0.5272226333618164, 0.6997584104537964, -0.12972193956375122, 0.3084990382194519, 1.2532856464385986, -0.6249473690986633, -0.31994184851646423, -1.1364742517471313, -0.5416747331619263, 0.3514825701713562, 1.2749525308609009, -0.38165539503097534, 0.49316835403442383, 0.3505959212779999, -0.5657070875167847, 0.24609214067459106, -0.5441663265228271, -1.0370498895645142, -0.4297613501548767, -1.1003665924072266, -0.7039226293563843, -0.17412716150283813, -0.08670129626989365, 0.7548028230667114, -0.987103283405304, 0.8380551338195801, -0.10315345227718353, 0.2273784577846527, 0.40464064478874207, 0.6924573183059692, 0.22978444397449493, -0.9740771651268005, 0.11972010135650635, 2.022347927093506, -0.9233332276344299, 0.796276330947876, -0.3159474730491638, 0.4820612072944641, -0.8429263830184937, 0.2916906177997589, 1.8117190599441528, -0.08703401684761047, -0.863765299320221, -0.22645528614521027, 0.42840802669525146, -0.9630768299102783, 0.2223086804151535, -0.8306272029876709, -0.5642896890640259, -0.20806080102920532, 0.31172651052474976, -0.8765849471092224, -0.7801134586334229, 0.7173045873641968, -0.07120415568351746, 0.16411489248275757, 0.6670932769775391, -0.25610193610191345, 0.6720333695411682, 0.8801918029785156, 0.3171566128730774, -0.8135442733764648, 0.37019574642181396, -1.5276457071304321, -0.34929728507995605, 1.062563180923462, -0.3710775673389435, -0.8864811062812805, -0.4027407765388489, 1.4936039447784424, -0.8413362503051758, 0.1337508261203766, -0.03529874235391617, 0.05401194840669632, 0.09211666136980057, 0.5945090651512146, 0.3232099413871765, -0.534733772277832, -0.7652304768562317, 0.5283977389335632, -0.40051713585853577, -0.24484407901763916, 0.3992486894130707, 0.15147508680820465, 0.5403952598571777, -2.031148672103882, -0.3805328607559204, 0.00403498113155365, 1.1013762950897217, 0.1935899555683136, -0.3345777094364166, 0.0058930665254592896, 0.6583203673362732, 0.5852287411689758, -0.7404873371124268, 0.3978104889392853, -1.5192140340805054, 0.3841801881790161, 0.5175926089286804, 0.57023686170578, -0.5600935220718384, -0.15879742801189423, 1.320348858833313, 0.5225334167480469, -0.6732363104820251, -0.7074007987976074, -1.4011545181274414, -0.2510645091533661, 2.458199977874756, -0.2421991229057312, -0.8059372901916504, -0.87127685546875, 0.16298286616802216, 0.06413542479276657, -0.4487205445766449, 0.4742860496044159, -0.6913427710533142, -0.654299259185791, -0.9254770874977112, 0.531114399433136, -1.1554220914840698, 0.02584698051214218, 0.40326371788978577, 1.033484697341919, 0.047336578369140625, -0.5927212238311768, -0.15933416783809662, -0.4547502398490906, 0.21840445697307587, 1.0899595022201538, -0.4522220194339752, -0.42418548464775085, 0.4990682005882263, 0.23354384303092957, 0.68170565366745, 0.4728231132030487, 0.07896818220615387, -0.42906391620635986, -0.2861202359199524, -0.19094297289848328, 1.199466586112976, -0.23377712070941925, -0.8029394149780273, 0.7148931622505188, 0.2721772789955139, -0.12612782418727875, -0.5138895511627197, -0.3770972490310669, 0.7473261952400208, 1.3585668802261353, 1.169041633605957, -0.9672031998634338, 1.0830039978027344, -1.5707448720932007, 0.4745367467403412, -0.07710422575473785, -0.38837915658950806, -0.10289598256349564, 0.4087532162666321, 0.03797191008925438, -0.5992045998573303, 0.4457268714904785, -0.4967281222343445, -0.48200103640556335, -1.5321396589279175, -0.7844138741493225, -0.34798523783683777, -1.4207425117492676, -1.1277779340744019, -0.589619517326355, -0.30614161491394043, -1.6920075416564941, -0.5960491299629211, 0.6539378762245178, 0.5624089241027832, 0.10613836348056793, 0.6422942876815796, 1.6559890508651733, -0.17167353630065918, 0.5068241357803345, 0.44974303245544434, 0.6378366947174072, -0.2725710868835449, 0.589178204536438, -0.3833337426185608, 0.5355806946754456, -0.3450227677822113, -0.40603092312812805, -0.2907450199127197, 0.5367181897163391, 0.4149419069290161, -0.6702871918678284, 0.8918298482894897, -0.28258535265922546, -2.2102103233337402, 0.6979444026947021, 0.002843473106622696, 0.9007900357246399, -1.017443060874939, 1.7936224937438965, 0.7726733088493347, -0.6664952635765076, 0.20141200721263885, -0.3267899453639984, -0.042665738612413406, 1.1994813680648804, -1.025057077407837, 0.6634930968284607, -0.2010779082775116, -0.8497949838638306, 0.03360242396593094, 0.2640112638473511, -2.1284384727478027, 0.23258523643016815, 1.5833964347839355, -0.10932561755180359, 0.0013325288891792297, -0.023125912994146347, 0.6042457818984985, -0.24570488929748535, -0.610032856464386, 1.0062952041625977, -1.4819130897521973, 0.9251082539558411, 0.09621664136648178, 0.26938486099243164, 0.6504027843475342, -0.391528844833374, 0.8131839632987976, 0.6853618621826172, 1.1652535200119019, -0.6732322573661804, -0.3444673418998718, 0.9351680278778076, -1.126417636871338, 0.6739593744277954, 0.14322763681411743, 0.41173022985458374, 1.9421895742416382, -0.8010038137435913, -0.1447531133890152, 0.301599383354187, 0.767850399017334, -0.2957454323768616, 0.2820683419704437, -0.07576657831668854, 0.8573825359344482, 0.3054597079753876, 0.7319461703300476, 0.8251184821128845, -1.1199204921722412, -0.9878458380699158, -0.3622725307941437, 0.37935030460357666, -0.112818643450737, 1.402445912361145, 0.831192672252655, 1.3322360515594482, 0.9243867993354797, -0.13831232488155365, -0.3609941899776459, 0.03896800056099892, 1.2827527523040771, 0.81327885389328, -0.009017109870910645, 0.13460087776184082, 0.6061371564865112, 0.6264822483062744, 0.4445187747478485, -0.734399139881134, 0.48952382802963257, 0.9509769678115845, -0.41965246200561523, -1.360718011856079, 0.0994790643453598, 0.6161505579948425, 0.5298838019371033, 1.3575583696365356, -1.1242047548294067, -0.12150941789150238, -0.29245805740356445, 0.5686322450637817, 0.38969460129737854, 0.24895241856575012, -0.21570870280265808, 0.565683126449585, 0.7920036911964417, 0.8839572072029114, -0.3438107967376709, 1.0855299234390259, 1.037920594215393, -0.5287485718727112, -0.1559549868106842, -0.3304469585418701, -0.5138078331947327, -0.6058597564697266, -0.373041033744812, -0.03149401769042015, -1.0429494380950928, 0.7428137063980103, -0.28632670640945435, -1.6361830234527588, 0.28848588466644287, -0.29311445355415344, -1.2022978067398071, 1.4710166454315186, 1.0243486166000366, -1.2921700477600098, -0.4956635534763336, -0.44161927700042725, -0.809616208076477, -0.8892655968666077, 0.6777543425559998, -1.1014658212661743, 0.3386383652687073, 0.537844181060791, 1.18825101852417, 0.5038467645645142, -0.34123241901397705, -0.8817295432090759, 0.07720290124416351, 1.6570967435836792, -1.1308438777923584, -0.2486068606376648, -0.5938726663589478, -0.21315625309944153, -0.2651912569999695, -1.6079572439193726, -0.47759222984313965, 0.6643344163894653, 0.027374722063541412, -0.24439099431037903, -0.8604128360748291, -0.29198580980300903, 0.17494788765907288, 0.36563754081726074, 0.20429153740406036, -0.7903094291687012, 0.2950792908668518, -0.8055042028427124, 0.7197513580322266, 1.0056296586990356, -1.0514285564422607, -0.15918636322021484, 0.8197457194328308, -0.9221030473709106, 0.6968133449554443, 1.0380780696868896, 1.272984504699707, 0.4541338384151459, 0.354051798582077, 0.4935721755027771, -0.6935141086578369, -9.925743103027344, 0.42636820673942566, -0.16605433821678162, 0.19332922995090485, 0.141363263130188, 0.17937041819095612, 0.7653593420982361, -0.39581069350242615, 1.129507303237915, -0.7937082052230835, 0.29466962814331055, 1.7652454376220703, 0.3601883053779602, -0.4812227487564087, -0.5209429264068604, -0.7008665800094604, -1.1118415594100952, -0.3683318495750427, 0.41566771268844604, 0.6734306812286377, -0.8259573578834534, -1.047938346862793, -0.2555846571922302, -0.0973891019821167, 0.6085307598114014, 0.050448156893253326, 0.23759379982948303, -0.016983695328235626, -1.047356128692627, 0.46144863963127136, 0.20576506853103638, -0.16991467773914337, -0.9548710584640503, -0.0917641744017601, 0.5057705044746399, -0.10696336627006531, -1.0187788009643555, -0.360746830701828, 1.2540987730026245, -0.3481229841709137, -0.10292622447013855, 0.15405315160751343, 0.18534214794635773, -0.5481006503105164, -0.33658847212791443, -0.01807851344347, 0.15045206248760223, -1.4351588487625122, 0.07672850042581558, -1.0130568742752075, -0.6767009496688843, -0.6726921200752258, -1.4030067920684814, -0.81461101770401, 1.4413102865219116, -0.10993801057338715, -0.5418111085891724, -0.07342089712619781, -0.1776919662952423, -0.6899579763412476, 0.5650443434715271, 0.19716855883598328, -0.5740333795547485, 0.7703847885131836, 0.11921907961368561, -0.7382594347000122, 0.7823081612586975, 0.39650875329971313, 1.2739280462265015, 0.2699676752090454, -1.0612972974777222, 1.2890785932540894, 0.5824083685874939, 0.13662299513816833, 0.11918455362319946, -0.391980916261673, -0.19209972023963928, -0.44160908460617065, 0.3845377266407013, 0.5604410767555237, -0.9853993654251099, 0.3441166877746582, -0.08238127082586288, -0.7110775113105774, -0.6486895084381104, 0.28895121812820435, -0.5353860855102539, 0.10811655223369598, 0.8369789123535156, 0.07507231086492538, 1.0631455183029175, -0.04096177965402603, -0.7246802449226379, -0.30805617570877075, -0.6744988560676575, 0.2618788480758667, -1.554118037223816, 1.1710758209228516, 0.19322052597999573, -0.6915802955627441, 0.7708921432495117, -0.4428737759590149, -0.00408758781850338, 0.6786745190620422, 1.0437209606170654, -0.0539555549621582, 0.18355005979537964, 0.3504974842071533, 0.11765238642692566, -0.37122198939323425, 1.0895652770996094, -0.45343825221061707, -0.3905388116836548, 0.8005318641662598, 0.3175276517868042, 1.1896569728851318, 0.8410221934318542, -0.2481803297996521, 0.14927564561367035, 0.2898831367492676, -0.7345281839370728, 0.8104132413864136, -0.1829506903886795, 1.85377037525177, 0.38309094309806824, -0.07348576933145523, 0.5687004327774048, 0.38299429416656494, -0.25196343660354614, -1.4780874252319336, 0.5976607203483582, -0.5519912838935852, 0.035155653953552246, -1.5534429550170898, -0.16975705325603485, -0.6663207411766052, -1.2758570909500122, 1.445264458656311, -1.0318316221237183, 0.12386109679937363, 0.1215084046125412, -0.30680036544799805, 0.22846472263336182, -0.10316808521747589, -0.7917194366455078, 0.44772112369537354, -1.6303961277008057, -0.012099232524633408, -0.48306402564048767, -0.6385381817817688, 0.4415133595466614, -0.7836594581604004, 0.23845356702804565, -0.8024832606315613, -0.2742662727832794, -0.4593498706817627, 0.6257855892181396, -0.21962085366249084, -0.9615898728370667, -0.3458990454673767, 0.80637526512146, 0.8322609663009644, -0.6326428651809692, 0.6297730207443237, 0.8238874673843384, -0.3795267343521118, -0.8863390684127808, 0.00832296907901764, -0.30748647451400757, 0.689076840877533, 1.566452980041504, -0.802025556564331, -0.3348131775856018, -0.204461932182312, 0.22275498509407043, -0.432530015707016, -0.08315659314393997, 1.965349793434143, -0.42966970801353455, 0.8606736660003662, -0.22926583886146545, 0.9126815795898438, 0.9806389212608337, -1.2036495208740234, -0.2726779580116272, 0.6823669075965881, -0.2209998369216919, 0.7344815731048584, 0.3860541582107544, -0.08032684028148651, -1.1997981071472168, -1.0676462650299072, -0.14117757976055145, -1.166547179222107, 0.8444837927818298, 0.2793346643447876, 0.9767928123474121, -0.004901309031993151, -0.08800043165683746, -0.29192623496055603, 0.046372588723897934, 0.9131816625595093, 0.5528789758682251, -0.05408313125371933, -0.7368810176849365, -0.3011731505393982, -0.17340730130672455, 0.7853786945343018, 0.6083897352218628, 0.31516337394714355, -1.1830627918243408, 0.03439939767122269, -0.08176739513874054, -0.10153710842132568, 0.3365572392940521, -1.2648138999938965, -0.13594624400138855, 0.2888789474964142, -0.8173660635948181, -1.7162017822265625, -0.18186086416244507, 1.3586056232452393, -0.4309239983558655, 1.113916039466858, 0.7589743137359619, 0.0501888245344162, 0.2374722808599472, 0.1194806843996048, 1.8112517595291138, -0.9820104837417603, -0.05811686813831329, 0.35912835597991943, 0.3301068842411041, -0.20736220479011536, -0.4562166929244995, 0.6881997585296631, -1.3606129884719849, -0.39335381984710693, -1.1851547956466675, 0.822863757610321, -0.4609385132789612, -0.2983132600784302, 0.25010186433792114, 0.9816902875900269, 0.23366199433803558, -1.0910340547561646, -0.2754383981227875, -0.9132716655731201, -0.22167116403579712, -0.10554757714271545, 0.0008340906351804733, 0.8439749479293823, 0.7546916007995605, 0.058089256286621094, 1.579552173614502, 0.2498178780078888, 0.498985230922699, -0.05393245071172714, -0.36026084423065186, 1.3865147829055786, 0.5044068694114685, 0.015843449160456657, 0.38288575410842896, -0.2614689767360687, -0.8846818804740906, -0.8981505036354065, -0.9551275372505188, 1.169739007949829, 1.5626168251037598, 0.04759196564555168, 0.5016059875488281, -0.5159742832183838, 0.06094074249267578, 0.5127549767494202, 0.612691342830658, 0.07770337164402008, -0.09331142902374268, -0.9556636214256287, -1.0401434898376465, -0.1624925434589386, 1.2211977243423462, -0.44895920157432556, 0.6822556257247925, -1.0663772821426392, 0.2831338047981262, -0.5272554159164429, -0.7764325141906738, -1.4783945083618164, -0.14700688421726227, -0.6893123984336853, 0.1619245707988739, 1.1669992208480835, -0.46012207865715027, -1.274753451347351, -0.026995934545993805, -1.053921103477478, 0.1634823977947235, -0.39897340536117554, -1.6429444551467896, 0.4855789244174957, 1.1646900177001953, 0.5089540481567383, -0.6230397820472717, 0.8363301157951355, -0.5090946555137634, -1.269735336303711, 0.6629369258880615, 1.0247210264205933, -0.8105149865150452, -0.3554508090019226, 0.6223267912864685, 0.6084109544754028, 0.36157503724098206, 1.6006001234054565]} +{"paper_id": "wider_face", "embedding": [0.21169635653495789, 0.8882335424423218, 0.012684106826782227, -0.16275683045387268, -0.30919721722602844, 1.0575027465820312, -0.12369506806135178, 0.2774185538291931, 0.5557479858398438, 0.8112823367118835, 0.5102818012237549, 0.10062415897846222, 0.596106231212616, -0.5223893523216248, -0.9309155344963074, -0.43179991841316223, -0.5476937294006348, -0.5004146099090576, -0.5595719814300537, 0.46002957224845886, -1.2295078039169312, -0.7987638115882874, -0.006258048117160797, -0.28753191232681274, -1.1003844738006592, -0.18502464890480042, 0.9270787835121155, -0.3201364278793335, 0.3066871166229248, 0.953105092048645, 0.3454281687736511, 1.1805709600448608, -0.8339714407920837, 1.2676292657852173, -0.8794004917144775, 0.11933699995279312, 1.3328197002410889, 0.4109092056751251, -0.19614265859127045, -0.6170780658721924, -0.6280913352966309, 0.03640563040971756, 0.7718507647514343, 0.06929843127727509, 0.8886577486991882, -0.6858880519866943, -0.059729427099227905, 0.04511106014251709, -1.355854868888855, 0.26226651668548584, -0.27606579661369324, 0.7535282373428345, 0.7767456769943237, 0.3726402819156647, -1.255064845085144, -0.24515968561172485, 0.5264614820480347, 0.5663691759109497, 0.36409276723861694, -0.9136526584625244, 0.2602822184562683, 0.6959655284881592, 0.4301465153694153, 0.5866742134094238, 0.7721964716911316, -0.06707204878330231, 0.5499330759048462, -0.4452095031738281, 0.8453330993652344, 0.025591455399990082, -0.2420511245727539, -1.180294394493103, 0.05447061359882355, 0.27918240427970886, 0.5653983354568481, 0.5145347714424133, -1.3943090438842773, -0.6929022073745728, 0.41901564598083496, 0.431618332862854, -0.06998547911643982, -0.139104962348938, -0.4312132000923157, -0.6749985814094543, -0.015604782849550247, -0.7172787189483643, 0.30836597084999084, -0.5754787921905518, 0.359197735786438, -1.0196783542633057, 0.9328342080116272, -0.16053353250026703, 0.18772569298744202, 0.5825204849243164, 0.5763989686965942, 0.00866873748600483, -0.3261159062385559, -0.0061855623498559, -1.3566737174987793, 1.0763171911239624, 0.8003423810005188, -0.4397668242454529, 0.9700228571891785, -0.27028387784957886, -0.21123677492141724, 0.5621137022972107, -0.6643365025520325, 0.2800014615058899, -0.050384633243083954, -0.06887086480855942, -0.5978615880012512, 1.4045233726501465, 0.028411559760570526, -0.03588752821087837, 0.1847585141658783, 0.23106500506401062, 0.583653450012207, -0.052379392087459564, -1.0280622243881226, -0.30165088176727295, 0.32536581158638, -1.5515663623809814, -0.06924063712358475, -0.33448970317840576, 0.7229471802711487, 0.013084499165415764, 1.6183313131332397, 0.5501683950424194, -0.168108731508255, -0.5550604462623596, 0.5065191984176636, -0.5551520586013794, -0.26264581084251404, 0.6610298752784729, 3.4559004306793213, -0.5932818055152893, 1.1000486612319946, -0.453307569026947, -0.48345527052879333, -0.32176268100738525, 0.24595436453819275, 0.7332004904747009, 0.7610710859298706, -0.15861545503139496, -1.1937756538391113, -0.6445541381835938, -0.07082172483205795, 0.7648845314979553, -1.0987844467163086, -0.3638107180595398, 0.23661331832408905, 1.199637532234192, -0.8807851076126099, -1.5954675674438477, 0.6458408236503601, 0.6763054132461548, -0.48454490303993225, -0.5131242275238037, -0.7621849775314331, -0.41506895422935486, -0.5426976084709167, 0.3655627965927124, 0.12206563353538513, 0.9277320504188538, 0.004348821938037872, 0.17950710654258728, 0.623491644859314, 0.5290994644165039, -0.7503923773765564, 0.31451812386512756, 0.4013477861881256, -0.7840182781219482, 0.17262870073318481, 0.1584916114807129, -0.5188909769058228, 0.20148199796676636, 0.5370125770568848, 0.7097955942153931, -0.28851228952407837, -0.9101890921592712, -0.6726683378219604, 0.3815689980983734, -0.76890629529953, -0.13151787221431732, 0.4018882215023041, -0.6550933718681335, -1.1180330514907837, 0.18079033493995667, 0.12032635509967804, 0.33023548126220703, 0.05499789118766785, -0.4189717173576355, -0.12929028272628784, 0.6577449440956116, 0.030314520001411438, 0.45207569003105164, 0.9240762591362, -0.7706994414329529, -1.251823902130127, 0.5188589692115784, -0.47005695104599, 0.5830111503601074, -0.8057326674461365, 0.3262527287006378, 0.6238269209861755, -0.3452148139476776, -0.35626155138015747, -1.7130849361419678, 0.22085252404212952, 0.8335881233215332, 0.41980916261672974, -0.3629780113697052, -0.03823007643222809, -0.2655563950538635, -0.12696227431297302, -1.3000547885894775, 1.1707655191421509, -0.9182135462760925, -0.4073954224586487, -1.0554053783416748, 0.014144077897071838, -0.5559707880020142, 0.2511797547340393, 0.1317799985408783, 1.3317880630493164, -1.0331159830093384, -0.5305774211883545, -0.30783334374427795, -0.5365054607391357, 1.0423834323883057, 0.8034413456916809, 0.05054643377661705, 0.1954135000705719, 0.882436215877533, 0.8600124716758728, -0.060606732964515686, 0.05566028505563736, 0.38598760962486267, -1.3210768699645996, 0.45241832733154297, -0.8437220454216003, -0.13476793467998505, -0.21194510161876678, -1.0458130836486816, 0.7699270248413086, -0.07501836866140366, -0.3722924292087555, -1.1329894065856934, -0.33475059270858765, 0.46478354930877686, 0.8914758563041687, 0.3298703730106354, 0.27529582381248474, 0.3003319501876831, -0.26948630809783936, -0.0823693498969078, 0.24346032738685608, 0.6436994671821594, 0.6694316864013672, -0.7041335105895996, 0.16575610637664795, -0.618182897567749, -1.1276990175247192, -0.24023465812206268, -0.5749837756156921, -0.17136649787425995, -0.1039792001247406, 0.8065778613090515, -0.7302259802818298, -0.05776515603065491, -0.010108105838298798, 0.19437667727470398, 0.07171753793954849, -1.8144999742507935, 0.13258148729801178, 0.5977832674980164, -0.1833447366952896, 0.7149919271469116, 1.1260347366333008, 0.11292964220046997, 0.22784149646759033, -0.2558962106704712, 0.47286778688430786, -0.1631384640932083, 0.040061190724372864, 0.1929764449596405, 0.30274367332458496, -0.7010670304298401, -1.0377200841903687, -1.214417576789856, 0.5991081595420837, -0.23984140157699585, 0.6578161120414734, 0.3752729594707489, 0.31129178404808044, -0.15419627726078033, 1.7610265016555786, 0.3334991931915283, -0.111720971763134, -0.41215282678604126, 1.3847908973693848, 0.5957400798797607, -1.045911192893982, -0.6795192360877991, -0.21781538426876068, 0.3665928840637207, 0.7499610781669617, -0.49232327938079834, 0.08352825045585632, 0.22601820528507233, -0.14107206463813782, 0.39001280069351196, 0.5467811822891235, -1.724786400794983, 0.0217712614685297, -0.12029733508825302, 0.4868296682834625, -0.03372598811984062, -0.5611032843589783, -0.14294736087322235, -0.855850338935852, 0.5022299289703369, -0.2457827925682068, -0.8958965539932251, -0.21396656334400177, 0.5232653617858887, 0.7126093506813049, 0.05432063713669777, -1.8061096668243408, 0.19179348647594452, 0.5525829195976257, -0.1492430865764618, -0.45387959480285645, 0.29054978489875793, 0.09668899327516556, -0.780623733997345, 0.1051979511976242, 0.569413959980011, 0.26687857508659363, 0.07913106679916382, 0.08632711321115494, -0.6672458648681641, 1.125470757484436, 0.10369562357664108, 0.33523812890052795, 0.9122073650360107, 0.6702813506126404, 1.1580729484558105, 0.8423267602920532, 0.27819591760635376, 0.18344537913799286, -0.2532496452331543, -0.6650015711784363, 0.4168316125869751, -0.6923314332962036, -0.1867636740207672, 0.7653471231460571, 0.8997311592102051, 0.8214502930641174, -0.022691532969474792, 0.9014432430267334, -0.33207806944847107, -0.012625634670257568, 0.9028730392456055, 1.2601613998413086, 0.639324963092804, 0.10905006527900696, 0.2925339639186859, -0.5243849158287048, 0.650337278842926, 0.10187321901321411, 0.15994851291179657, 0.34556469321250916, 0.35401254892349243, -0.5140087008476257, 0.1723352074623108, -0.3449453115463257, 0.8791157603263855, 1.3137849569320679, 0.2767549455165863, -0.6810318231582642, -1.1577483415603638, -0.3209502100944519, 0.299723744392395, -0.03193821385502815, -0.1361677348613739, -0.01994408294558525, -0.5509135127067566, 1.4997800588607788, -0.20956484973430634, 0.9607405662536621, 0.17568980157375336, -0.11146542429924011, -1.6621116399765015, 0.45616450905799866, -0.9883339405059814, -0.7275770902633667, -0.10683371871709824, -0.15047647058963776, -0.19129955768585205, 0.38732388615608215, 0.008762221783399582, -1.8321800231933594, -0.31021183729171753, -0.26648494601249695, -0.6139286756515503, 0.7105205059051514, 0.16031253337860107, -0.31555628776550293, -0.7343103289604187, -0.3926074504852295, -0.025190554559230804, -0.008460193872451782, 0.4273740351200104, -1.0714538097381592, 0.09660650044679642, -0.6448035836219788, 1.0193778276443481, -0.9949660301208496, -0.21971148252487183, -0.5005205273628235, 0.6778922080993652, 0.689069926738739, -0.4706681966781616, 0.5807607173919678, -0.4484853744506836, -0.1616421639919281, 0.015699652954936028, -0.8773373961448669, 0.01521003432571888, 1.362451434135437, 0.8139536380767822, -0.3510817885398865, -0.8326510787010193, -0.12126727402210236, -0.360289990901947, 0.2568504810333252, 1.2643169164657593, -0.6287605166435242, 0.20516735315322876, -0.5381857752799988, 1.1184624433517456, 0.7367271184921265, -0.28117990493774414, -0.7321550250053406, 2.18517804145813, -0.0074523985385894775, 0.7668800354003906, -1.2084912061691284, -0.10689501464366913, 1.5701161623001099, 0.28471243381500244, -0.2512195110321045, 0.5457943081855774, -11.910432815551758, 0.03995370864868164, -0.36243313550949097, 0.4857832193374634, 0.2620927691459656, -0.6049523949623108, 1.1417044401168823, 0.15969674289226532, -0.08939465880393982, -1.0665329694747925, -0.040824465453624725, 1.679031491279602, 0.016490446403622627, 0.33251261711120605, -0.41362208127975464, -1.193334937095642, -1.0280606746673584, -0.964661180973053, -0.08072638511657715, 0.6379350423812866, -0.1433751881122589, -0.2641313076019287, -0.6386604309082031, -0.6707128882408142, 0.543306827545166, -0.8423551917076111, 0.33271899819374084, -0.49715426564216614, -1.0784704685211182, 0.3841261863708496, 0.9327020645141602, 0.15814600884914398, -0.6450068950653076, 0.07609543949365616, -0.31658416986465454, -0.42112505435943604, -0.19060960412025452, -0.3262513279914856, 1.329731822013855, 0.26322922110557556, -0.5283619165420532, 1.5741459131240845, -0.7198432087898254, -0.3819536864757538, -0.785038411617279, -0.03160247951745987, -0.004352286458015442, -0.12148763239383698, -0.1530790477991104, -0.022800810635089874, 0.3426963686943054, 0.041823774576187134, -0.2110881209373474, -0.47012796998023987, 1.3552361726760864, 0.012813376262784004, -0.6028293967247009, -0.797822117805481, -0.19242629408836365, -1.5494126081466675, 1.1337863206863403, 0.3998856544494629, -0.9642043709754944, 1.563445806503296, 0.9218580722808838, -1.0985790491104126, 1.0505152940750122, 0.6471267938613892, 0.17842406034469604, 0.0746641755104065, -0.8061155676841736, 1.2184374332427979, 1.4071016311645508, 0.09206285327672958, -0.3418806493282318, -0.24732887744903564, -0.13687069714069366, 0.7664053440093994, 0.061981379985809326, -0.021041318774223328, -0.7783292531967163, 0.8605299592018127, -1.2348352670669556, -0.5760396718978882, -0.14503630995750427, -0.07966035604476929, 0.12129892408847809, -0.31779852509498596, -0.14793843030929565, 0.17394107580184937, 0.8376265168190002, -0.09970946609973907, -0.4682493209838867, -0.31396186351776123, -0.24745067954063416, 0.33501163125038147, -0.4818863272666931, -0.2947384715080261, -0.8511523008346558, -0.6196279525756836, 0.5638883709907532, 0.143629252910614, -0.0956895649433136, 0.660180926322937, 0.6094326972961426, 0.07708128541707993, 0.11984342336654663, 0.22014370560646057, 0.7151238918304443, 0.9207749366760254, -0.47678059339523315, -1.2998749017715454, -0.2991529107093811, 1.3141427040100098, 0.7199327945709229, -0.131697878241539, 1.1526415348052979, -0.08266330510377884, 0.6599883437156677, -0.0008959770202636719, -0.5291851162910461, -0.29888877272605896, 0.9933626055717468, 1.1803103685379028, 0.10896298289299011, 0.44508594274520874, 0.4316021502017975, 0.31334325671195984, 0.6149856448173523, -1.4838749170303345, 1.2362929582595825, -0.10528737306594849, -0.3842652440071106, -0.026461482048034668, 0.36301276087760925, -1.2839924097061157, -0.6215718388557434, 1.0663247108459473, -0.6298607587814331, -0.2154703438282013, 0.21011565625667572, -0.38549065589904785, -0.9142106175422668, -0.5711577534675598, -0.7271066904067993, 0.224431574344635, -1.1046631336212158, 0.12972459197044373, -0.6413556337356567, -1.025866150856018, 0.10907919704914093, -0.04125387221574783, 1.4973928928375244, -0.11556664109230042, 0.2648538053035736, 0.10595745593309402, 1.0677639245986938, -0.8733674883842468, 0.4732791781425476, -0.07349329441785812, 0.4864656627178192, -0.07915786653757095, -0.35175618529319763, 1.0820567607879639, 0.5899025201797485, -0.1915438324213028, -0.21382135152816772, -0.9720752239227295, 1.2214694023132324, -0.41907820105552673, 0.9406552910804749, -1.338350534439087, 0.5446959137916565, -0.03778968006372452, 0.5651211142539978, -1.6278636455535889, -0.7181087136268616, 0.905591607093811, -1.1444933414459229, 0.6775788068771362, -0.17191089689731598, 0.9481288194656372, 0.38617992401123047, -1.5879380702972412, -0.0977339893579483, 0.1760692596435547, 0.035891659557819366, 0.6542681455612183, -0.3364254832267761, 0.7244022488594055, -1.3848536014556885, -0.5155435800552368, -0.12089081108570099, 0.3256908655166626, 0.6254789233207703, 0.3083971440792084, 0.19164040684700012, -0.18689920008182526, -0.011920899152755737, 0.2317596971988678, -0.3543471693992615, 0.06640997529029846, -0.14754439890384674, -0.23942260444164276, -0.6296442747116089, -0.7499756813049316, -0.1390312910079956, -1.058374285697937, -0.6790655851364136, 0.6422088742256165, -0.6480005979537964, 0.6831624507904053, -0.15207457542419434, -0.9423843622207642, -0.23390641808509827, -0.06801070272922516, -0.0469302237033844, -0.48391133546829224, -0.31407633423805237, -0.33211174607276917, 0.3521963357925415, 0.15962935984134674, -0.21855014562606812, 1.1888374090194702, -0.3294351100921631, 0.9405311942100525, 0.6753070950508118, 0.480648934841156, 1.128567099571228, -0.09793183207511902, -0.16643671691417694, -0.04758654162287712, -0.5534425973892212, -0.25015008449554443, -0.7130718231201172, 0.569596529006958, -0.12393844127655029, 0.7985317707061768, -0.9917314052581787, -0.3310113847255707, -0.14643149077892303, 0.21068306267261505, 0.14235849678516388, 0.4700610935688019, 0.22673825919628143, -0.7308503985404968, -0.3228404223918915, -0.37048181891441345, 0.1475486010313034, 0.03959834575653076, 0.015106406062841415, 0.9936798810958862, 0.9553387761116028, 0.6356645226478577, 1.4931381940841675, 0.8226248025894165, -0.42488598823547363, 0.012135539203882217, 0.8114826083183289, 1.865046739578247, 1.336453914642334, -0.6580827832221985, 1.1326208114624023, 1.0520758628845215, -0.17372462153434753, -0.3567598760128021, -0.45275211334228516, 0.243829146027565, 0.1289408653974533, -0.40500596165657043, -0.2727915644645691, -0.39792686700820923, -0.32401567697525024, -0.8337379097938538, -0.5761681199073792, -0.06510206311941147, -0.015030689537525177, -0.6256514191627502, 0.41420015692710876, 0.0705421045422554, -0.08325821161270142, 0.6702467799186707, -0.5634057521820068, -1.280143141746521, 0.3653678894042969, 0.372714102268219, 0.18585965037345886, -0.04252931475639343, 0.018513157963752747, -0.1929175853729248, 0.6561720371246338, -0.16665534675121307, -1.1081130504608154, -0.5239146947860718, 0.5490347146987915, -0.3024370074272156, -0.6254135966300964, -0.4788277745246887, -1.0093694925308228, -0.20066194236278534, -0.10163187980651855, -0.3154037594795227, -0.24667778611183167, -0.4048110842704773, 0.23746785521507263, 0.4635368585586548, -0.1955491304397583, 0.2272704839706421, -0.07013607025146484, -0.23267407715320587, 0.27252069115638733, -0.016959957778453827, -0.47458407282829285, 0.25022366642951965]} +{"paper_id": "wiki_qa_ar", "embedding": [-0.6045064330101013, 1.2943625450134277, -0.1257578730583191, -0.44391298294067383, 0.4716346859931946, -0.20510868728160858, 0.39919793605804443, 0.7646639943122864, 0.5979033708572388, 0.6861225962638855, 0.2176119089126587, 0.06957988440990448, 0.19130122661590576, 0.0862981453537941, -0.4196103513240814, -0.1430194079875946, -1.0136586427688599, -0.8757207989692688, -0.9533665776252747, -0.1319897323846817, -0.3961086869239807, -0.7502963542938232, 0.15654844045639038, 0.49583426117897034, -0.7175657749176025, -1.242059588432312, 0.7052878737449646, -0.7740064859390259, 0.30677711963653564, 0.031716667115688324, -0.31341391801834106, 1.4855332374572754, -1.461411952972412, 0.25266599655151367, -0.151628315448761, -0.2374788522720337, 0.2577095925807953, 1.228182315826416, -0.6254577040672302, -0.2436586320400238, -0.5302515029907227, 0.1590600609779358, 0.4535408020019531, 0.0057297274470329285, 1.6608344316482544, -0.45511072874069214, 0.5974642634391785, 0.0544758215546608, -0.3346521258354187, -0.12566028535366058, -0.6869218945503235, -0.03292165696620941, -0.1418609619140625, 0.13934771716594696, -0.07382375746965408, 0.7442309856414795, 0.36585330963134766, -0.9188763499259949, 1.1599398851394653, -1.211415410041809, 1.5525447130203247, 1.6645722389221191, -0.3367973566055298, -0.026274535804986954, 1.0104840993881226, -0.24910806119441986, 1.6081031560897827, 0.49871182441711426, 0.5678081512451172, 0.5442800521850586, -0.2783435583114624, -0.8682429790496826, 0.14223137497901917, -0.3680747151374817, 0.1820656806230545, 0.7722235918045044, 0.32938632369041443, 0.3219186067581177, 0.18875500559806824, 0.12815570831298828, -0.210882306098938, 0.5521497130393982, 0.9844299554824829, -0.3943184018135071, 0.5809340476989746, -0.028383813798427582, 0.3422754108905792, -0.8003362417221069, 0.19739887118339539, -1.4196386337280273, 0.7061458826065063, 0.1293351799249649, 0.06567612290382385, -0.02391807734966278, -0.24985146522521973, 0.6459529995918274, -0.4283072352409363, 0.059621572494506836, -0.22352109849452972, 0.5986486077308655, 0.7022203207015991, -0.20777399837970734, -0.08162885904312134, -0.19591543078422546, -0.22816544771194458, 0.6025999188423157, 0.08988441526889801, -0.372211754322052, -0.6942346692085266, -0.4036131799221039, -0.004368733614683151, 1.3269134759902954, -0.34936702251434326, 0.36713653802871704, -0.03507378324866295, 0.015369981527328491, 0.2573559582233429, -1.0823034048080444, -0.12583130598068237, -0.019936375319957733, -0.36903437972068787, -0.8380508422851562, -0.19981977343559265, 0.4395402669906616, 0.7243907451629639, -0.6584119200706482, 0.20037879049777985, -0.0626223087310791, -0.09745064377784729, 0.6829256415367126, 0.8860335350036621, -0.3049526810646057, -0.4502035975456238, -0.239590585231781, 2.2657840251922607, -1.259937047958374, 1.7754886150360107, -0.6349442601203918, 0.1702176332473755, -0.337197870016098, -0.2816690504550934, 1.3086800575256348, 0.2857598066329956, -0.2344784438610077, -0.25950154662132263, 0.3366502523422241, -0.29431697726249695, 0.5690662860870361, -1.0806913375854492, -0.5857674479484558, -0.2207549810409546, 0.2701617181301117, -1.741005778312683, -0.35839468240737915, 0.06101131811738014, 0.24633345007896423, 0.08668725192546844, 0.5568469762802124, -0.9534658789634705, 0.5220664143562317, 0.16913339495658875, -0.23367787897586823, -0.38282549381256104, -0.28863540291786194, -0.9358471035957336, -0.6266206502914429, 0.5489670634269714, -0.25962212681770325, -1.2226594686508179, -0.07950941473245621, 0.29811686277389526, -0.4238310754299164, -0.018728159368038177, -0.15590031445026398, 0.03271019458770752, 0.25255846977233887, 0.4581751823425293, 0.5876161456108093, 0.4000937044620514, -0.808025062084198, 0.16515633463859558, -0.1935674101114273, -0.5655848383903503, 0.8745866417884827, 0.057499729096889496, 0.16400066018104553, -2.1273000240325928, 0.45928335189819336, 0.29321736097335815, 0.47051769495010376, 0.43625545501708984, 0.22401608526706696, 0.35142678022384644, 0.33168208599090576, 0.05449991673231125, -0.639115571975708, 0.3831564486026764, -1.2800015211105347, -0.3166414797306061, 0.17989294230937958, -0.4623693823814392, -0.056576427072286606, 0.2188095897436142, 1.0004462003707886, 0.6673672199249268, -0.4115101099014282, -0.765617311000824, -1.7925223112106323, 0.1321870982646942, 2.406726837158203, -0.0047586411237716675, -0.5488153696060181, -1.1162049770355225, -0.2257642149925232, 0.13721472024917603, -0.43590080738067627, 0.27227866649627686, -0.8306378126144409, 0.10019766539335251, -1.0953258275985718, 0.8314530253410339, -0.5323610901832581, 0.06810707598924637, 0.7232814431190491, 1.147398591041565, -0.6693507432937622, -0.3923152685165405, -0.503297746181488, -0.8117821216583252, 0.2462054193019867, 0.7865816354751587, 0.4292406737804413, 0.09479857981204987, 0.9799590110778809, 0.6533331274986267, 0.6247057914733887, 0.29185160994529724, 0.5931885838508606, -1.2934043407440186, -0.02328118309378624, -0.25774261355400085, 0.9358595609664917, 0.1766662448644638, -0.05276419222354889, 0.33027195930480957, 0.532505452632904, -0.20288072526454926, -0.23475541174411774, 0.15943053364753723, 0.3967058062553406, 1.2566499710083008, 0.6934853196144104, -0.6254616379737854, 0.9642276763916016, -0.671095073223114, 0.017713382840156555, -0.3450007438659668, -0.4033229649066925, 0.03215530514717102, -0.3029244542121887, 1.2048938274383545, -0.16313119232654572, 0.4106406569480896, -0.08532184362411499, -0.06695930659770966, -1.1863564252853394, -0.04240676760673523, 0.5549575686454773, -0.8332617878913879, -0.4742073118686676, 0.012107446789741516, -0.12574870884418488, -1.480787992477417, -0.8373317122459412, -0.2173900157213211, 0.12264209240674973, 0.2913856506347656, 0.9642702341079712, 1.3443937301635742, -0.07878495007753372, -0.06778497993946075, 0.0470624715089798, 1.044701099395752, -0.498307466506958, 0.7349443435668945, -0.4149667024612427, 0.47985604405403137, -0.6991342306137085, 0.3533235490322113, -0.5166351199150085, 0.4716973900794983, 0.5101024508476257, -0.25572487711906433, 0.831897497177124, -0.48691877722740173, -1.3618799448013306, 0.9605356454849243, -0.2670462131500244, -0.5623348355293274, -0.24450571835041046, 1.4686137437820435, 0.10864841192960739, -0.47828415036201477, 0.6208271980285645, 0.28003188967704773, -0.3382362127304077, 0.9842107892036438, -0.3912700116634369, 0.14036597311496735, -0.06573999673128128, 0.06955887377262115, -0.15814200043678284, 0.3915500342845917, -2.2041399478912354, 0.6151289939880371, 1.343148946762085, -0.38510921597480774, -0.27419382333755493, -0.4655439555644989, 0.16454510390758514, -0.2261505275964737, -0.03748815506696701, 0.9468944072723389, -0.43145644664764404, 0.7660573720932007, -0.6441977620124817, 0.37558573484420776, 1.1163709163665771, -0.42272132635116577, 0.2106200009584427, 0.8110069632530212, 0.19919681549072266, -0.7981961965560913, -0.6248421669006348, 0.8285071849822998, -0.8124606609344482, 0.690443754196167, 0.24061152338981628, 0.9580785036087036, 0.6797342300415039, -0.1777510941028595, -0.34552255272865295, 0.2683063745498657, 0.7203507423400879, 0.3129632771015167, -0.1650294065475464, -0.19700947403907776, 0.6983073353767395, -0.30803608894348145, 1.0436015129089355, -0.262844443321228, -0.5673807859420776, -1.343725323677063, -0.06335105001926422, -0.0869644284248352, -0.31165772676467896, 2.1805989742279053, 0.5759466886520386, 1.1325932741165161, 0.2715900242328644, 0.07822060585021973, -0.7092430591583252, -0.476981520652771, 1.02532958984375, 0.713861346244812, 0.1555299460887909, -0.4277040362358093, -0.16614435613155365, 0.6087978482246399, 0.02777131274342537, -0.6881077289581299, 0.3650529384613037, 1.0271000862121582, 0.09095417708158493, -0.7122932076454163, 0.4391765892505646, 0.9060318470001221, 0.25367242097854614, 1.3831192255020142, -0.42384451627731323, 0.1699511706829071, -0.17875918745994568, 0.43164071440696716, -0.1895233690738678, 0.4655333161354065, -0.4388449490070343, 0.8171883225440979, 0.20405177772045135, 0.3023931682109833, -0.5267818570137024, 1.2496943473815918, 1.395487666130066, -0.6930198073387146, -1.5546634197235107, -0.4106086194515228, -0.6329192519187927, 0.12761396169662476, 0.29555660486221313, -0.2221670299768448, -0.6869189739227295, 0.5241514444351196, 0.07465304434299469, -1.0006355047225952, 0.3965862989425659, -0.7531796097755432, -1.6469155550003052, 1.521335244178772, 1.0283044576644897, -1.1110713481903076, -0.4236586391925812, -0.026134684681892395, -0.9758068323135376, -0.410741925239563, -0.054426271468400955, -0.9040206074714661, 0.28000587224960327, 0.4912901520729065, 0.9570198655128479, 0.4887450337409973, 0.2582002282142639, -1.11539888381958, 0.5674892067909241, 0.5298077464103699, -0.8093791604042053, 0.15894918143749237, -0.1691461056470871, 0.4785083532333374, -0.27038586139678955, -1.089704155921936, -0.7271894812583923, 0.6513274312019348, -0.20877152681350708, 0.1389462947845459, -1.102112889289856, -0.8488283157348633, 0.20285242795944214, -0.1322450190782547, 1.0807249546051025, -0.7124509215354919, 0.586027204990387, -0.9713320136070251, -0.10730315744876862, 0.43542060256004333, -0.951805830001831, -0.5935060977935791, 0.5105289220809937, -0.3300432860851288, 0.5927553176879883, -0.08861736953258514, 0.31662365794181824, 1.0347342491149902, -0.2682688534259796, -0.007964882999658585, -0.05904943495988846, -12.428033828735352, 0.8642263412475586, -0.038767702877521515, 0.3490591049194336, 0.46677905321121216, -0.2750800848007202, 0.9174023270606995, -0.2190951704978943, 0.7440269589424133, -0.8622239828109741, 0.14921289682388306, 1.0241113901138306, 0.19266319274902344, 0.10671103000640869, -0.3633505702018738, -1.3579261302947998, -0.2680094242095947, -0.5829180479049683, 0.3339073657989502, -0.017116092145442963, -0.2642379701137543, -0.6467519998550415, -0.44445937871932983, -0.10103811323642731, 0.5021567344665527, -0.1978660225868225, -0.6693392992019653, -0.397586464881897, -0.48336124420166016, 0.09316682815551758, 0.56369948387146, -0.047331031411886215, -0.0967736467719078, -0.4236513078212738, -0.5769285559654236, -0.04107828065752983, -0.1272064745426178, 0.02165386639535427, 0.7778138518333435, -0.1308785080909729, -0.20431332290172577, -0.008418443612754345, 0.4886801838874817, 0.112180195748806, -0.4301057457923889, 0.22781948745250702, -0.03190096095204353, -0.7334581613540649, 0.013493157923221588, 0.031233705580234528, -0.6478976011276245, -0.22367653250694275, -0.800197422504425, -0.23235681653022766, 0.28982555866241455, 0.2655506134033203, -1.0670406818389893, -0.11472846567630768, -0.4362761974334717, -0.6944823265075684, 0.8136111497879028, 0.33397066593170166, -0.25302788615226746, 0.06890476495027542, 0.5230646133422852, -0.039641186594963074, 0.036847684532403946, 0.16972725093364716, -0.39991626143455505, 0.22209282219409943, -1.053816556930542, 0.9277356266975403, 0.17822188138961792, 0.48769086599349976, -0.9417017698287964, 0.004623442888259888, -0.8417572975158691, 0.16965433955192566, 0.1247469037771225, 0.32166463136672974, -1.4374563694000244, 0.8206671476364136, 0.22845210134983063, -0.554218053817749, -0.9293728470802307, 0.6032755970954895, -0.384988009929657, 0.36219921708106995, 0.7765960693359375, -0.7386050224304199, 1.0121241807937622, 0.26781052350997925, -0.5602481961250305, -0.3761652708053589, -0.2682572305202484, 0.7026814222335815, -0.2767173945903778, 0.7121237516403198, 0.0005142763257026672, -0.18403932452201843, 0.43056920170783997, -0.3535429835319519, -0.5253901481628418, 0.37981337308883667, 0.2588922083377838, 0.13014093041419983, 0.42324572801589966, 0.17645883560180664, -0.11411131918430328, -0.6059592366218567, 1.1545792818069458, -0.2304321527481079, -0.6475327610969543, 1.4311681985855103, -0.13710321485996246, 0.788588285446167, 0.37703025341033936, -0.028282910585403442, 0.5169306397438049, 0.7024657726287842, -0.2690356373786926, 0.45625337958335876, -0.15881392359733582, 1.2956442832946777, -0.13715200126171112, 0.04718589037656784, 0.3143916130065918, 0.15299618244171143, -0.05033199489116669, -1.4671897888183594, 0.10035159438848495, -0.018857967108488083, 0.13114967942237854, -1.1100584268569946, -0.5229195356369019, -0.314528226852417, -0.43012863397598267, 1.446914792060852, -0.7541455030441284, -0.018615689128637314, -0.07984092086553574, -0.3101194500923157, -0.3825424611568451, -1.1707651615142822, -0.860379159450531, 0.21450763940811157, -0.8283973336219788, 0.01914123445749283, -0.5574849247932434, -0.6110168099403381, -0.058548543602228165, -0.7378240823745728, 0.6575332283973694, -0.29032036662101746, 0.09567515552043915, -0.028461888432502747, 0.2981972098350525, -0.17713084816932678, -0.7253516912460327, -0.17965075373649597, 0.22879067063331604, 0.49424219131469727, -0.9204535484313965, 0.9684901237487793, 0.4700608551502228, -0.5588151812553406, -0.3687003552913666, -0.045172158628702164, -0.5868284106254578, -0.02350139431655407, 0.808510422706604, -0.9615383148193359, -0.34416061639785767, -0.4156554937362671, -0.0891743153333664, -0.6971487402915955, 0.6145305037498474, 1.134840726852417, -0.9708102941513062, -0.11051753163337708, -0.3016150891780853, 0.9610870480537415, 0.23984314501285553, -0.27368539571762085, -0.30476242303848267, 0.27917009592056274, 0.277577668428421, 0.5089744329452515, 0.7708480954170227, 0.937826931476593, -1.6962206363677979, -0.9183827042579651, -0.2591288983821869, 0.31396758556365967, 0.7313221096992493, 0.634533703327179, 0.767906129360199, 0.2821999490261078, -0.05992987006902695, 0.10127609223127365, 0.296093225479126, 0.8390234708786011, 0.413240522146225, 0.7472624182701111, -0.5300735831260681, 0.5260547399520874, -0.37741971015930176, 0.5117087960243225, 0.5716536641120911, 1.0742011070251465, -1.0369564294815063, -0.18286553025245667, 0.15308284759521484, 0.20498009026050568, -0.0819435566663742, -1.139336109161377, -0.050919875502586365, -0.1161772608757019, -0.7839474678039551, -1.0522181987762451, 0.2168019413948059, 0.9442319869995117, -0.8074359893798828, 0.974417507648468, 0.363063246011734, 1.0702167749404907, 0.34944722056388855, 0.01709936559200287, 0.742165207862854, -0.3680557310581207, -0.17492210865020752, 0.6398882269859314, -0.008834747597575188, -0.18209537863731384, -0.5705443620681763, -1.1258964538574219, -0.4504880905151367, 0.9605628848075867, -0.35552728176116943, 0.7491119503974915, -0.16098736226558685, 0.5679953694343567, 0.5773224234580994, 1.2201290130615234, -0.31545013189315796, -1.5610160827636719, -0.05131806433200836, -0.9810166954994202, 0.4196888506412506, 0.3320002555847168, 0.45387059450149536, 0.5826689600944519, 0.7374988794326782, 0.42568057775497437, 1.1374250650405884, -0.3988415598869324, 0.25104406476020813, -0.01609734445810318, -0.6906599402427673, 0.8893709778785706, 0.4814685583114624, 0.4142088294029236, 0.20417796075344086, -0.5247436761856079, -1.1771471500396729, -0.2181367576122284, -0.43543460965156555, 1.046738862991333, 0.6756027936935425, -0.7009248733520508, -0.012617170810699463, -0.8857476711273193, 0.8802700042724609, -0.12528222799301147, 0.892063319683075, -0.43210554122924805, -0.5305097699165344, -0.22156816720962524, -0.6877430081367493, -0.32244163751602173, 1.107070803642273, -0.3808719217777252, 0.1628531515598297, -0.2865702509880066, 0.17493414878845215, -0.11223869025707245, -0.5600169897079468, -0.9360177516937256, -0.0821763426065445, -1.1306567192077637, -0.10287424176931381, 0.2385960817337036, -0.6321286559104919, -0.699043869972229, -0.2773657739162445, -0.5047528743743896, 0.5475873351097107, 0.050657108426094055, -1.2040798664093018, -0.26082614064216614, 0.1827951818704605, -0.436968594789505, 0.7542396783828735, -0.40144413709640503, -0.3922617733478546, -1.7734049558639526, 0.2530050575733185, 1.2060625553131104, 0.3578557074069977, -0.41165944933891296, 0.0642591267824173, 0.7424542307853699, 0.3196882903575897, 0.992927074432373]} +{"paper_id": "wikitext_tl39", "embedding": [-0.3798021376132965, 1.3305047750473022, 0.4989561140537262, -0.34898486733436584, 0.5538569688796997, -0.24570316076278687, 0.45627081394195557, 0.5250976085662842, 0.7786504626274109, 0.8974137306213379, 0.4081856310367584, -0.056291304528713226, 0.017862025648355484, -0.7743175029754639, -0.00020405277609825134, -0.9910513162612915, -1.493622899055481, -1.1640777587890625, -0.9823083281517029, -0.3164135813713074, -1.1335980892181396, 0.0263751819729805, 0.583637535572052, 0.7546865344047546, 0.11814979463815689, -0.9310333132743835, 0.5162850618362427, -0.5095689296722412, -0.02563408762216568, 0.48409175872802734, -0.7589269280433655, 0.7795206308364868, -1.7844992876052856, -0.21926471590995789, -0.9308962821960449, -0.763595700263977, 0.17104120552539825, 1.0036312341690063, -0.3658670485019684, 0.07630537450313568, -0.44836676120758057, -0.47618237137794495, 0.7879741787910461, 0.4017230272293091, 0.8279497623443604, -0.39651328325271606, -0.6885502934455872, 0.3171622157096863, 0.300475537776947, -0.15334245562553406, 0.003186301328241825, 0.18486014008522034, -0.026257453486323357, 0.3039815127849579, -1.044879674911499, 1.2413831949234009, 0.4031330645084381, -0.8400648832321167, 0.3462711572647095, -1.5223802328109741, 0.6886966824531555, 2.044189453125, -0.5112364888191223, -0.0655265748500824, 0.9490030407905579, 0.3282303214073181, 1.3846508264541626, 0.07713699340820312, 0.5966173410415649, 0.5265091061592102, -0.04663693904876709, -0.24735751748085022, 0.14047841727733612, 0.5832490921020508, 0.557246208190918, 1.0144761800765991, 0.4345446527004242, -0.29392609000205994, -0.15500673651695251, -0.32962849736213684, -1.1899707317352295, 0.8888030052185059, 0.15961089730262756, -1.1108187437057495, 0.16170789301395416, 0.7736128568649292, 0.24236544966697693, -0.6546432375907898, 1.0616828203201294, -1.165102481842041, 0.7757245302200317, 0.25601455569267273, 0.18184810876846313, 0.352650910615921, -0.3089516758918762, -0.6587383151054382, -0.0204789936542511, 0.31059131026268005, -0.44437912106513977, 0.33946511149406433, 0.5690301656723022, -0.5870791673660278, 1.2714308500289917, 0.3372776508331299, 0.06815071403980255, 1.2960107326507568, -0.3126375079154968, -0.47486525774002075, -1.2697283029556274, -0.06016262620687485, 0.5145610570907593, 1.1599384546279907, -0.12292806059122086, 0.40468254685401917, -0.0789327546954155, -0.15936048328876495, 0.48939162492752075, -0.5948052406311035, -1.1489094495773315, -0.4182918071746826, 0.07294657081365585, -0.576082170009613, -0.27497389912605286, -0.18701176345348358, 0.5758193731307983, -0.9250726699829102, 0.6401058435440063, -0.3588947355747223, 0.47351667284965515, -0.31720972061157227, 0.6094330549240112, 0.5522357225418091, -0.5054966807365417, 0.2279919683933258, 2.6447501182556152, -0.9111483693122864, 1.4949865341186523, -0.669109582901001, 0.3036474585533142, -0.377986878156662, -0.15118810534477234, 0.9208243489265442, -0.0381532646715641, -0.6752969026565552, -0.005348467268049717, -0.18025311827659607, -1.302927017211914, 0.5199688673019409, -1.0776395797729492, -0.49554911255836487, -0.2531712055206299, 0.28176236152648926, -0.7610669136047363, -0.8965789675712585, 0.8649531602859497, -0.0025894194841384888, -0.07849161326885223, 0.5311130881309509, -0.1685434728860855, 1.0244146585464478, 0.49654150009155273, 0.3064448833465576, -0.00803789496421814, 0.7632013559341431, -0.8559396862983704, -0.2214605063199997, 0.8691496849060059, -0.19508183002471924, -0.12119197100400925, -0.984736979007721, 1.7456828355789185, -0.20362403988838196, -0.452454149723053, 0.26923689246177673, 0.4909536838531494, 0.20189756155014038, 0.7165848016738892, 0.3184773325920105, 0.1658477634191513, -0.27279239892959595, 0.07164961099624634, -0.11694099009037018, 0.10626571625471115, 0.6732169985771179, -0.06528139114379883, 0.7493552565574646, -1.6530269384384155, -0.08821868896484375, -0.3681710660457611, 0.11900199204683304, -0.2925560474395752, -0.6242505311965942, -0.07661689072847366, 0.09237830340862274, 0.419899582862854, -0.8475711345672607, 1.238726019859314, -0.9338074326515198, -0.994357705116272, 0.6994011998176575, -0.03603753075003624, -0.1645992398262024, 0.301122784614563, 0.8132113218307495, 0.7171326279640198, 0.301791787147522, -0.17885854840278625, -1.9917281866073608, -0.02911841869354248, 2.3803391456604004, 0.3287951648235321, -1.2969094514846802, -0.5364553928375244, -0.3653135895729065, -0.10697145015001297, -1.1805651187896729, 0.4566226303577423, -0.35942018032073975, -0.13128969073295593, -1.4884464740753174, 0.20582371950149536, -0.8832211494445801, 0.0780763253569603, 0.44599011540412903, 1.119502067565918, -0.134011372923851, -0.3141671419143677, 0.17430809140205383, -0.8838979601860046, 0.4027491807937622, 1.0265156030654907, -0.10372593253850937, -0.6183439493179321, -0.13508856296539307, -0.4364018440246582, 0.09706670045852661, 0.6435307860374451, -0.05032398924231529, -0.25565189123153687, -0.20665350556373596, 0.4446597993373871, 0.5821361541748047, -0.46733951568603516, -0.16907157003879547, 0.36633896827697754, 0.4165365397930145, -0.2505066990852356, -0.9492601156234741, -0.4696493148803711, 0.062224581837654114, 0.8654781579971313, 1.655206561088562, -0.5196438431739807, 1.4187979698181152, -1.0045768022537231, 0.07163979113101959, 0.1185978353023529, -0.33574607968330383, 0.27043598890304565, -0.22242604196071625, 0.3786216378211975, -0.6669968366622925, -0.34837788343429565, -0.7820448279380798, -0.4915415644645691, -1.5840539932250977, 0.05424506217241287, -0.3987334072589874, -1.6527303457260132, -1.6804815530776978, 0.009567596018314362, -0.5519647598266602, -0.8833301067352295, -0.5575681924819946, 0.7200628519058228, 1.3915510177612305, 0.19139276444911957, 1.3484338521957397, 1.6076699495315552, 0.3156750202178955, 0.7224127054214478, 0.53741455078125, 0.8294464945793152, -0.5995634198188782, -0.17295809090137482, 0.13001325726509094, 0.6061540246009827, -0.000437270849943161, -0.2022852897644043, -0.14614465832710266, 0.27377012372016907, 0.8563844561576843, -0.5315635204315186, 0.4990737736225128, -0.5520126819610596, -2.3204357624053955, 0.845963180065155, -0.8369059562683105, 0.8633584976196289, -0.705437183380127, 1.9633452892303467, 0.8493242859840393, -0.010660257190465927, 0.5088561773300171, -0.7991107702255249, 0.14364692568778992, 0.876242458820343, -0.8974905014038086, 0.9965280294418335, 0.20815761387348175, -0.6177182793617249, 0.46210435032844543, 0.6432650089263916, -2.3633718490600586, 0.43498098850250244, 0.9514581561088562, 0.3565703332424164, -0.32014408707618713, -0.5487383008003235, 0.38994312286376953, -0.5039681196212769, 0.08613725751638412, 0.14023259282112122, -0.8140376210212708, 0.9985418915748596, 0.3987613022327423, -0.20717914402484894, 1.5706404447555542, -1.0757800340652466, 0.035454925149679184, 1.1001642942428589, 0.569162130355835, -1.1313514709472656, -0.20151132345199585, 0.47316789627075195, -0.6138584613800049, 0.45486143231391907, 0.5764774680137634, 0.4107055366039276, 2.1111156940460205, -0.6770113706588745, -0.28640085458755493, 0.5967196226119995, 0.2739681303501129, 0.09356417506933212, 0.960968017578125, -0.6747076511383057, 0.26257166266441345, 0.3712601959705353, 0.9608398675918579, 0.7451879978179932, -1.1587355136871338, -0.7066501379013062, -0.6565597057342529, -0.3535374402999878, -1.198168396949768, 1.3965061902999878, 0.5669719576835632, 1.1608850955963135, 0.4456081986427307, 0.2512139081954956, -0.2881576418876648, 0.3771401643753052, 1.038440227508545, 0.23903147876262665, -0.1977698653936386, -0.04460379481315613, 1.11012601852417, 0.3508639931678772, 0.0889785960316658, -0.5667232275009155, 0.09483037143945694, 0.9896290302276611, -0.1972092241048813, -1.1595582962036133, -0.21021898090839386, 0.8326777815818787, 0.4374105930328369, 1.3543084859848022, -0.434646338224411, -0.19641514122486115, 0.6214456558227539, 0.7420070767402649, 0.300370454788208, -0.04791218414902687, -0.4895174503326416, 0.9316928386688232, 0.7869523167610168, 1.0104314088821411, -0.4059944748878479, 0.5127827525138855, 0.3630520701408386, -0.8399130702018738, -0.34319883584976196, -0.5831751227378845, -1.213282585144043, -0.619570791721344, -0.47574886679649353, -0.4099291265010834, -1.2848854064941406, 0.9868492484092712, -1.0064952373504639, -0.4804077446460724, 0.4119519889354706, -0.40579164028167725, -0.7172335386276245, 0.9104233980178833, 1.0499879121780396, -0.9894289970397949, -0.6601011157035828, -0.3974073529243469, -0.8206163644790649, -1.106308102607727, 0.6230441927909851, -0.7063221335411072, -0.6361806988716125, -0.0022320952266454697, 1.2226698398590088, -0.36719250679016113, -0.3531031012535095, -0.5945154428482056, 0.23624609410762787, 1.6881383657455444, -0.7500268220901489, 0.3739984333515167, 0.17923033237457275, 0.09091739356517792, -0.8156489133834839, -1.0072067975997925, -0.5160505175590515, 0.8913897275924683, -0.008892126381397247, -0.056414805352687836, -0.6515051126480103, -0.23709732294082642, -0.10602633655071259, -0.4148097634315491, 0.5359123945236206, -0.9761359691619873, -0.20829467475414276, -0.10641999542713165, 0.07022883743047714, 1.462418556213379, -1.2105897665023804, -0.2891521751880646, 0.3137146830558777, -0.6488806009292603, 0.6861156225204468, 0.008231043815612793, 1.141319751739502, 0.5766264796257019, 0.19615554809570312, 0.878999650478363, -0.5563398003578186, -10.385087966918945, -0.028551513329148293, -0.620546817779541, -0.3979843258857727, -0.17309598624706268, -0.804649293422699, 0.8580926656723022, 0.12408134341239929, 0.1530522108078003, -0.9979763627052307, 0.4187588393688202, 1.6399204730987549, 0.45863714814186096, -0.9964309930801392, -0.39979034662246704, -1.0109491348266602, -0.41484856605529785, -0.12512734532356262, 0.18619652092456818, 0.2906999886035919, -0.7678366303443909, -0.6816425919532776, -0.3314846158027649, -0.0041216835379600525, -0.013066680170595646, -0.20974433422088623, -0.12456825375556946, -0.3382640480995178, 0.05080325901508331, 0.2500346601009369, 0.1395825296640396, 0.3491128385066986, -1.3932193517684937, -0.5806600451469421, 1.3241959810256958, -0.3485676050186157, -0.8010462522506714, 0.06215810030698776, 0.7520983815193176, -0.016980186104774475, -0.7022879719734192, 0.5488759875297546, 0.06703215092420578, 0.01197878085076809, -0.3916865587234497, 0.07556790113449097, 0.7136625647544861, -0.6876206994056702, 0.08898908644914627, -0.8985205292701721, -0.17273671925067902, -0.9136610627174377, -1.1992099285125732, -0.606387734413147, 0.9118676781654358, -0.05808643996715546, -0.391683429479599, 0.30583736300468445, -0.8004442453384399, -1.09561288356781, 0.43226566910743713, 0.06928787380456924, -1.0159311294555664, 0.7645350694656372, 0.5355286598205566, -0.7506718039512634, 0.7849096655845642, 0.5273513197898865, -0.13683609664440155, 0.6652178168296814, -1.1312953233718872, 1.2545429468154907, 0.27614083886146545, -0.25107502937316895, -0.03678745776414871, -0.44227248430252075, 0.38286662101745605, -0.17645689845085144, 0.10380822420120239, -0.08008655905723572, -1.105777621269226, 0.6384616494178772, 0.36968961358070374, -0.8905615210533142, -0.8556880354881287, 0.1816667765378952, -0.6250556707382202, 0.21151942014694214, 1.052544116973877, 0.7923141121864319, 0.7612138986587524, 0.13554099202156067, 0.1556471884250641, 0.25882822275161743, -0.6934680938720703, 1.1094697713851929, -0.574802577495575, 1.445253849029541, 0.5511479377746582, -0.49008163809776306, 0.6315661072731018, -0.6768249273300171, 0.15477287769317627, 0.15815003216266632, 0.5406234264373779, -0.3365205228328705, 0.4189329147338867, 0.41152068972587585, 0.6205035448074341, 0.1474180966615677, 0.9180524945259094, 0.037497326731681824, -0.4077771306037903, 0.6284335255622864, 0.38505294919013977, 1.1311204433441162, 0.11240474879741669, -0.07410469651222229, 0.8584291934967041, 0.8936269879341125, -0.3482702374458313, 1.203319787979126, -0.12134746462106705, 1.0972727537155151, 0.42148903012275696, 0.24972736835479736, 0.3366355001926422, 0.4820158779621124, 0.852538526058197, -1.2193684577941895, 0.36029788851737976, -0.6731640100479126, 0.014229643158614635, -1.000669002532959, 0.14108233153820038, -0.8363315463066101, -1.9802021980285645, 0.9999843835830688, -0.43900132179260254, 0.5002844929695129, -0.1480616331100464, -1.1596183776855469, 0.5816657543182373, -0.895958662033081, -0.6437727808952332, 0.20424941182136536, -1.8381575345993042, -0.1908697634935379, -0.6295918226242065, -0.7583191990852356, 0.8903042078018188, 0.3869122862815857, 0.4911089539527893, -0.8400769233703613, -0.7693779468536377, -0.2667241096496582, 0.5021820068359375, -0.03629877790808678, -0.7781702876091003, -0.7605897784233093, 0.1598050594329834, 1.4667751789093018, -0.8626203536987305, 0.7093840837478638, 0.7767119407653809, 0.11470985412597656, -0.5014237761497498, 0.4863145649433136, -0.183037668466568, 0.35878852009773254, 1.189328670501709, -0.8885303735733032, -0.1482543796300888, -1.0183185338974, -0.04697619378566742, -0.7583791017532349, 0.13166481256484985, 1.7052981853485107, -0.009332962334156036, 0.8660309314727783, 0.1878538727760315, 1.1113895177841187, 0.17524050176143646, -0.7175014615058899, -0.7062839269638062, -0.01865527592599392, 0.1524360179901123, 0.2031143307685852, -0.13274703919887543, 0.6422786712646484, -1.6015194654464722, -0.9272421002388, -0.08811450749635696, -0.4964391589164734, -0.279064804315567, -0.31887325644493103, 1.4171940088272095, 0.13017717003822327, -0.18717697262763977, -0.11164781451225281, 0.18819689750671387, 0.5468689203262329, 0.3209064304828644, -0.5062018632888794, 0.3366262912750244, -0.29827165603637695, -0.771233856678009, 0.2618776559829712, 0.689421534538269, -0.0861242264509201, -1.5912928581237793, -0.33167093992233276, 0.13606563210487366, -0.3932619094848633, 0.18978172540664673, -0.24628548324108124, 0.14236772060394287, 0.5264292359352112, 0.07437717914581299, -1.2314174175262451, -0.14800065755844116, 1.3780564069747925, 0.1888403445482254, 0.8219887614250183, 0.5378224849700928, -0.14496339857578278, 0.4669649302959442, 0.7800209522247314, 1.3763047456741333, -1.1449350118637085, -0.52337247133255, -0.1377759426832199, 0.8034354448318481, -0.43059712648391724, -0.7464147806167603, 0.3106509745121002, -1.8299522399902344, 0.15964579582214355, -1.218937635421753, 0.3365609347820282, -0.821080207824707, -0.05581813305616379, 0.40118420124053955, 0.6456539034843445, -0.5940514802932739, -0.7485162019729614, -0.12041774392127991, -0.6567585468292236, -0.17911359667778015, 0.1691492199897766, -0.32589229941368103, 1.0130798816680908, 0.75264573097229, 0.11758946627378464, 1.2923970222473145, 0.48915839195251465, -0.3037319779396057, -0.46000444889068604, 0.556088387966156, 1.2917397022247314, 0.8263106942176819, 0.30076274275779724, -0.31212225556373596, -0.7368824481964111, -0.7683060765266418, -0.8093008399009705, -0.4628990888595581, 0.46901506185531616, 1.3892484903335571, -0.41450613737106323, 0.21540550887584686, -0.5161363482475281, -0.6180238127708435, -0.4850795269012451, -0.10004428029060364, 0.9246068000793457, -0.019559413194656372, -0.7443884015083313, -0.9287441372871399, 0.4119146168231964, 1.2921630144119263, -0.33552342653274536, -0.13382694125175476, -1.071520209312439, 0.5308039784431458, -0.4105231463909149, -0.9009512066841125, -0.9901154637336731, 0.40263116359710693, -0.2544190287590027, -0.26165151596069336, 0.9888005256652832, -0.3346381187438965, -0.7599244117736816, 0.4231269955635071, -1.233283519744873, 0.7896835207939148, -0.30324792861938477, -0.599054753780365, -0.29376620054244995, 0.8433675765991211, -0.4378265142440796, -0.6637203693389893, 1.1977548599243164, 0.18486876785755157, -1.2461559772491455, 1.4048714637756348, 1.574094295501709, -1.0194863080978394, -0.45452243089675903, -0.21238023042678833, 0.3086688220500946, 0.07944632321596146, 1.7900197505950928]} +{"paper_id": "lm1b", "embedding": [-0.3090696632862091, 0.7521035075187683, 0.16713757812976837, -0.08104026317596436, -0.27028733491897583, -0.22465357184410095, 1.1738224029541016, 1.1031379699707031, 0.5712578892707825, 0.7879828810691833, 0.9292711615562439, -0.18481092154979706, 0.7195051312446594, 0.07312789559364319, -0.221048504114151, -0.6866850852966309, -0.7427954077720642, -0.2911635637283325, -0.875340461730957, -0.6390520930290222, -1.0247926712036133, -0.31624042987823486, 0.2754019796848297, 0.5417866110801697, 0.1638088822364807, -0.5299317836761475, 0.34034764766693115, -0.6827818155288696, 0.3553740680217743, -0.12299668043851852, -0.5082994103431702, 0.4910062849521637, -1.0474797487258911, -0.4462921619415283, -0.50872403383255, -0.3131146728992462, -0.30711817741394043, 0.5740833878517151, -0.008355952799320221, 0.4411899149417877, -0.49308258295059204, -0.1760023832321167, 0.8820738196372986, -0.004171557724475861, 0.8138369917869568, -0.06119978055357933, -0.47292065620422363, 0.27746453881263733, 0.42056286334991455, 0.12281577289104462, -0.47662627696990967, 0.7145646214485168, 0.1875450313091278, -0.2170158326625824, -0.5230381488800049, 0.1311779022216797, 0.6498438119888306, -0.8681663274765015, 0.52890545129776, -0.7969491481781006, 0.7288987636566162, 1.4372857809066772, -0.2806101441383362, 0.5527977347373962, 0.6882807016372681, 0.1856406182050705, 0.5982067584991455, 0.49081188440322876, 0.29642555117607117, 0.7315660715103149, -0.12642306089401245, -0.20089489221572876, 0.7504130005836487, 0.40645188093185425, 0.06666715443134308, 0.8040525913238525, -0.262956827878952, -0.40014246106147766, 0.268247127532959, -0.36535215377807617, -0.43686404824256897, 0.8765133023262024, -0.43905583024024963, -0.6467570066452026, -0.5394043922424316, 0.18184056878089905, 0.09365810453891754, -0.9387534260749817, 0.6365682482719421, -0.9375185966491699, -0.11944155395030975, 0.2006310224533081, 0.10063023865222931, -0.33005088567733765, -0.4974120855331421, -0.6068552136421204, -0.1093413382768631, 0.1326299011707306, -0.6305216550827026, 0.8876116871833801, 1.0537961721420288, -0.45175331830978394, 1.104879379272461, -0.18161922693252563, 0.21411120891571045, 0.6146057844161987, -1.0029306411743164, -1.2080212831497192, -0.25986728072166443, -0.2008499801158905, -0.3338354825973511, 0.9013248085975647, -0.1897515207529068, 0.8059845566749573, -0.052605919539928436, -0.4287569224834442, 0.1197228729724884, -0.3925255537033081, -0.803769052028656, 0.015909060835838318, -0.10980046540498734, -1.4734209775924683, 0.36264076828956604, -0.018936552107334137, 0.6159511804580688, -0.20401103794574738, 0.3010037839412689, -0.004311405122280121, -0.04543936625123024, -0.21995200216770172, 0.815909743309021, 0.7550492882728577, 0.05351923778653145, -0.07846662402153015, 2.754328489303589, -0.9411262273788452, 1.153462290763855, -0.23754830658435822, 0.16303850710391998, -0.09263287484645844, -0.3583163917064667, 0.8542152047157288, 0.34594643115997314, -0.302876740694046, -0.27768975496292114, 0.40683016180992126, -0.731509268283844, 0.19771708548069, -0.7188922762870789, -0.043080929666757584, -0.5000080466270447, 0.7305412292480469, -0.6157041788101196, -0.9998676180839539, 0.8218147158622742, 0.7553187608718872, 0.14100182056427002, 0.9107798933982849, -0.7782310247421265, 1.1018210649490356, 0.8817786574363708, 0.524543821811676, -0.9304439425468445, 0.7998140454292297, -0.5398560762405396, -0.024410977959632874, 1.1939538717269897, -0.04753662645816803, -0.3640345335006714, -0.5866581797599792, 0.7078078389167786, -0.2468147873878479, -0.113448366522789, 0.03202317655086517, -0.4981458783149719, -0.09171193093061447, 0.9402703642845154, -0.4503592252731323, 0.8182626366615295, -0.3193638324737549, -0.36377233266830444, -0.07656306028366089, -0.5018255114555359, 0.408509761095047, -0.4551020860671997, 0.7418445348739624, -1.6236376762390137, 0.12692078948020935, 0.09970338642597198, -0.10275480151176453, 0.1922127604484558, -0.42034873366355896, 0.16600283980369568, 0.15546610951423645, 0.44572412967681885, -0.10922051966190338, 0.31352806091308594, -0.9052687287330627, -0.18651875853538513, 0.2697750926017761, 0.05794236436486244, 0.04950020834803581, 0.14013364911079407, 0.8424188494682312, 0.5493807196617126, 0.019994325935840607, -0.3449959456920624, -2.2704014778137207, 0.20827120542526245, 2.2845780849456787, -0.16305561363697052, -0.9477426409721375, -0.7863582372665405, -0.5033851861953735, 0.1873587965965271, -1.0237476825714111, 0.22846627235412598, -0.34725624322891235, -0.04577120393514633, -1.1631251573562622, 0.6161924004554749, -0.7421115040779114, 0.0593034103512764, -0.13384687900543213, 1.0984853506088257, -0.3336547017097473, 0.1945706307888031, -0.027770288288593292, -0.8815780878067017, 0.4269653856754303, 1.3421204090118408, -0.311820387840271, -0.48285973072052, 0.32934635877609253, -0.18158896267414093, 0.5688604116439819, -0.38867077231407166, 0.5175061821937561, -0.25837892293930054, 0.005937214940786362, -0.030121304094791412, 0.6453043222427368, -0.011822983622550964, -0.6630002856254578, -0.10764814913272858, 0.14323297142982483, -0.5492367148399353, -0.35711705684661865, 0.000980079174041748, 0.522913932800293, 0.5148829817771912, 1.02836275100708, -0.6588829755783081, 1.2003206014633179, -1.1522724628448486, 0.2787743806838989, 0.07203715294599533, -0.5022443532943726, -1.0690429210662842, 0.19399966299533844, 0.4004553556442261, -0.34383782744407654, 0.10637566447257996, -0.9274662137031555, 0.2542853057384491, -0.9155178666114807, -0.7083653211593628, -0.6310185194015503, -0.5779638290405273, -0.7282599210739136, -0.19337356090545654, -0.41414523124694824, -1.0064905881881714, 0.005578093230724335, 0.3433789312839508, 0.5571869015693665, 0.1680917739868164, 0.6396700143814087, 1.613905429840088, 0.03634808212518692, 0.4436435103416443, -0.32823771238327026, 0.7641555666923523, -0.6513144969940186, -0.5601670742034912, -0.13309863209724426, -0.2897680997848511, -1.2896445989608765, -0.3267521858215332, -0.23323719203472137, 0.5689740777015686, -0.07109309732913971, -0.38887232542037964, 0.4762740135192871, -0.21780838072299957, -1.4200315475463867, 0.7479636073112488, -0.8890324831008911, 0.8344678282737732, -1.2971147298812866, 2.070086717605591, 0.49223262071609497, -0.06453080475330353, 0.6828687191009521, -0.2198881208896637, 0.3154858648777008, 0.8870477080345154, -0.9933066368103027, 1.1339294910430908, 0.18250739574432373, -0.1375950425863266, 0.7781901955604553, 0.1515905261039734, -2.8044650554656982, 0.4034860134124756, 0.6256095170974731, 0.3150838017463684, -0.4617607891559601, -0.09520953893661499, 0.29172801971435547, -0.3826306164264679, -0.06336260586977005, 0.2850123941898346, -0.7823912501335144, 0.8296818137168884, -0.16437506675720215, 0.5385388731956482, 0.3335079550743103, -0.6016290783882141, -0.23756204545497894, 1.2710884809494019, 0.7104822993278503, -0.922849178314209, 0.16611558198928833, 0.7914231419563293, -0.5924238562583923, 0.15786850452423096, 0.4073091745376587, 0.9718039631843567, 0.7106373310089111, -1.1047619581222534, -0.08295457065105438, 0.8049837350845337, 0.6984055638313293, -0.28464093804359436, 0.239799365401268, 0.2905120253562927, 0.6630436778068542, 0.38060224056243896, 0.9444795846939087, 0.1464373767375946, -0.8810583353042603, -0.7062050104141235, -0.5533983707427979, -0.8087563514709473, -0.6473503708839417, 0.9138644337654114, 1.0646569728851318, 1.2928566932678223, 0.29236868023872375, -0.007321874611079693, -0.5729483366012573, 0.2733316719532013, 0.3429933488368988, -0.2729640007019043, 0.474428653717041, 0.2977829873561859, 0.2892669439315796, 0.41708502173423767, 0.7176176905632019, -0.5164674520492554, 0.2519438564777374, 0.07523518055677414, -0.18226489424705505, -0.5904337167739868, -0.32428890466690063, 0.5762501955032349, 0.9797691106796265, 1.6485084295272827, -0.7781404256820679, -0.38152816891670227, 0.2892323136329651, -0.03836210072040558, 0.6170983910560608, 0.4146861135959625, -0.8381620645523071, 0.09045437723398209, 0.01800379529595375, 0.736017644405365, 0.11402396857738495, 0.8304287195205688, 0.6990942358970642, -0.8382278680801392, -0.011185869574546814, -0.14830781519412994, -1.4988535642623901, 0.07804833352565765, -0.15783199667930603, 0.18554987013339996, -0.683138906955719, 0.689383327960968, -0.2721126973628998, -1.0197055339813232, 0.6279129981994629, 0.11377957463264465, -1.1993986368179321, 0.01640366017818451, 1.4413199424743652, -0.9244259595870972, -0.6212611794471741, -0.19966968894004822, -0.984391450881958, -1.4580554962158203, 0.5432069897651672, -0.406499981880188, -0.1512151062488556, -0.5278656482696533, 0.7822349667549133, -0.6084395051002502, -0.02440868690609932, -1.0754778385162354, 0.7753317356109619, 1.153080940246582, -0.35378605127334595, 0.1761242151260376, -0.8608777523040771, 0.23418448865413666, -0.522430419921875, -1.0769647359848022, -0.5083373785018921, 0.3544055223464966, -0.23288744688034058, 0.15557970106601715, -0.13299472630023956, -0.5224988460540771, -0.45424264669418335, 0.4890592396259308, 0.5891901254653931, -0.8839112520217896, -0.09351874142885208, -0.5894394516944885, 0.5233688950538635, 1.3220463991165161, -0.4908676743507385, -0.7353001236915588, 0.039926979690790176, -0.7806385159492493, 0.17300266027450562, 0.05973026156425476, 0.5179901123046875, 0.3115769922733307, 0.802629828453064, 0.49194496870040894, -0.1803278625011444, -12.683815002441406, 0.6342266798019409, -0.16835050284862518, 0.39790380001068115, 0.3971613645553589, 0.21869772672653198, 0.12240781635046005, 0.4261351227760315, 0.004132663831114769, -0.49924132227897644, 0.40196651220321655, 1.3591585159301758, 0.0007768236100673676, -0.4239903688430786, -0.23268628120422363, -1.1279394626617432, 0.10729601979255676, -0.43480342626571655, 0.4763382077217102, 0.11928671598434448, -0.1981920301914215, -0.9333423972129822, -0.23348373174667358, 0.06806625425815582, 0.15899592638015747, -0.2972080111503601, 0.4241369664669037, 0.08404771238565445, 0.22902964055538177, -0.030793678015470505, 0.34535396099090576, 0.03199300915002823, -1.001823902130127, -0.05702560395002365, 0.6374887824058533, 0.5861145853996277, -1.294455885887146, 0.06979728490114212, 0.7306487560272217, -0.16373082995414734, -0.9428148865699768, 0.13933159410953522, 0.3404426872730255, -0.4251711070537567, -0.6294232606887817, 0.522887110710144, 0.4108053147792816, -1.0316845178604126, 0.4015491306781769, -0.7712134718894958, -0.040707871317863464, -0.7450944185256958, -1.2787145376205444, -0.8000224828720093, 0.6094757318496704, -0.25130242109298706, -0.7028387188911438, -0.19721893966197968, -0.14369922876358032, -0.823390007019043, 0.6302495002746582, 0.7891320586204529, -0.7100289463996887, 0.13822977244853973, 0.7044350504875183, -0.27100762724876404, 0.16573086380958557, 0.8639784455299377, 0.08681132644414902, 0.34499019384384155, -0.4932165741920471, 1.035249948501587, 0.6875037550926208, 0.5207939147949219, 0.20954158902168274, -0.05677153915166855, 0.03134196996688843, -0.6982852220535278, 0.5907061696052551, 0.36825403571128845, -1.0515215396881104, 0.25391894578933716, -0.06520312279462814, -0.6982778310775757, -0.46037039160728455, -0.3206098675727844, -0.5111121535301208, -0.1878012716770172, 1.487074375152588, 0.7786327600479126, 1.3611968755722046, -0.19421902298927307, -0.5472372174263, 0.34993529319763184, -0.9446483254432678, 0.4725143015384674, -0.6967867016792297, 0.471651554107666, 0.20440655946731567, -0.3598560392856598, 0.2261503040790558, -0.7091590762138367, -0.4933035969734192, -0.7988033890724182, 0.715614378452301, -0.28020215034484863, -0.08271612226963043, 0.15520313382148743, 0.38978394865989685, -0.07374712824821472, 0.7503979802131653, 0.20586058497428894, 0.21512797474861145, 1.3207604885101318, 0.04246845841407776, 0.7029930949211121, 0.8333384394645691, 0.021996915340423584, 1.2398066520690918, 0.586978018283844, -0.5828789472579956, 0.7020977735519409, 0.48675504326820374, 0.6266129612922668, 0.123598113656044, 0.4568873345851898, 0.22540068626403809, 1.057585597038269, -0.6131104826927185, -0.34911423921585083, -0.2512282133102417, -0.33892548084259033, -0.1534118354320526, -1.1113395690917969, -0.2938208281993866, -0.2237703949213028, -0.24015386402606964, 1.1280632019042969, -0.6229618191719055, 0.01605784334242344, -0.14841194450855255, -0.6236454844474792, -0.7117366790771484, -0.3589306175708771, -0.5412226319313049, 0.4478919506072998, -1.5063228607177734, -0.04666230455040932, -0.5036177039146423, -0.35428571701049805, 0.4965575337409973, -0.21792864799499512, 0.6302407383918762, -1.028439998626709, -0.36689504981040955, -0.43053075671195984, 0.5393826365470886, -0.006106346845626831, -0.4086379110813141, -0.9651610851287842, 0.1880701184272766, 0.929103434085846, -0.7294397950172424, 1.271848201751709, 0.7872380018234253, 1.145542025566101, -0.6881952881813049, 0.1978883147239685, -0.3425845503807068, 0.24948439002037048, 0.10585661977529526, -0.45137476921081543, -0.36640772223472595, -0.3627406358718872, -0.28129422664642334, -0.9609251618385315, 0.17128854990005493, 0.9677245616912842, -0.7712692618370056, 1.137300729751587, 0.3510810434818268, 0.7557441592216492, 0.1829443871974945, -0.4123128652572632, -0.2421329766511917, -0.23341065645217896, 0.3591398000717163, 0.8669220209121704, -0.6597018241882324, 0.332055002450943, -1.3236790895462036, -1.7290642261505127, -0.7173226475715637, -0.0006060004234313965, 0.4736419916152954, -0.08883292973041534, 0.8563774228096008, 0.20411697030067444, 0.0007579773664474487, -0.022545844316482544, -0.018053904175758362, 0.8082616329193115, 0.6983664631843567, -0.10341650247573853, 0.0903300791978836, -0.37981322407722473, -0.7315322160720825, 0.2588199973106384, 0.8294124603271484, 0.08230594545602798, -1.0589208602905273, -0.5634661912918091, 0.4603008031845093, -0.19991075992584229, -0.3625252842903137, -0.6786479949951172, 0.09963234513998032, 0.37918519973754883, -0.4014033377170563, -0.7273908257484436, 0.264148086309433, 0.07495413720607758, -0.2338946908712387, 0.8563389182090759, 0.6764057278633118, 0.15036043524742126, 0.4421473443508148, 0.4558207392692566, 1.23393976688385, -0.2765275835990906, -0.6059321165084839, 0.30917519330978394, 0.0812152847647667, -0.25915393233299255, -0.6323890686035156, 0.581599771976471, -1.0449644327163696, -0.5198323726654053, -1.3293377161026, 0.3076702952384949, -0.12095029652118683, 0.2978662848472595, 0.03134428709745407, 1.0307433605194092, -0.40462058782577515, -1.1282289028167725, -0.562836229801178, -0.30494004487991333, 0.02664126828312874, 0.4680515229701996, 0.07926014065742493, 0.701179563999176, 0.659417450428009, 0.1904955804347992, 0.10954621434211731, 0.25461697578430176, 0.1933557540178299, -0.5698320865631104, 0.7117725610733032, 1.125892996788025, 0.7484210133552551, 0.013529499992728233, -0.17965655028820038, -0.5203390717506409, -1.0877950191497803, -0.2861061990261078, -0.6423197984695435, 0.09389734268188477, 0.804536759853363, 0.42671406269073486, -0.1296161562204361, -0.8988925218582153, 0.14362776279449463, -0.453658789396286, 0.5723819136619568, 1.0767812728881836, -0.32686179876327515, -0.30204999446868896, -0.8935451507568359, 0.6950763463973999, 0.8922041058540344, -0.5353626608848572, 0.346543550491333, -0.5809845924377441, 0.21283312141895294, -0.2614993453025818, -0.4167061746120453, -0.21306200325489044, 0.7143129706382751, -0.39087486267089844, 0.04908730834722519, 0.10023574531078339, -0.4314134120941162, 0.267801970243454, 0.7044105529785156, -0.7362730503082275, 0.8793820738792419, 0.3431933522224426, -1.23421049118042, -0.41874751448631287, 0.9514021873474121, 0.01919005811214447, -0.6872393488883972, 1.188844919204712, -0.46267712116241455, -0.8731054663658142, 1.2587696313858032, 0.5417627096176147, -0.7166828513145447, 0.45444124937057495, -0.03966335952281952, 0.9883097410202026, 0.9864912033081055, 1.1323091983795166]} +{"paper_id": "s2orc", "embedding": [-1.1494998931884766, 1.0176669359207153, -0.23104533553123474, -0.29043376445770264, 0.31044334173202515, -0.29254621267318726, 0.6883501410484314, 0.37262776494026184, 0.25226399302482605, 0.8919468522071838, 0.8631129860877991, -0.19233480095863342, 0.23656916618347168, 0.2641339600086212, -0.7023118138313293, -0.3248479664325714, -0.3564227223396301, -0.3426111340522766, -0.5641328692436218, -0.7494382858276367, -0.9708213806152344, -0.49687838554382324, 0.2549611032009125, -0.045616425573825836, -0.4540224075317383, -0.5321852564811707, 0.14327487349510193, -0.7107048630714417, 0.35807228088378906, -0.005743604153394699, 0.25298863649368286, 0.7953019142150879, -1.2646019458770752, 0.19220364093780518, -0.5487501621246338, 0.176496684551239, -0.08645189553499222, 0.6776248812675476, -0.7503255009651184, -0.5815775990486145, -0.7736960649490356, 0.21549364924430847, 0.8463684320449829, -0.4410548508167267, 0.9607135653495789, -0.4183168411254883, 0.405860036611557, 0.45959940552711487, 0.3556681275367737, 0.17141972482204437, -0.2075079381465912, 0.33853679895401, -0.3304094672203064, -0.4006754457950592, 0.07037372887134552, 0.9562858939170837, -0.06896962225437164, -0.4859272837638855, 0.5261694192886353, -0.5914430618286133, 0.6386551260948181, 1.1553696393966675, 0.09316456317901611, -0.312993586063385, 0.9656933546066284, 0.11354948580265045, 0.45859816670417786, 0.498116672039032, 0.749729573726654, 0.8062772154808044, -0.6005525588989258, -0.9347227811813354, -0.3751293122768402, -1.4454126358032227e-06, 0.23389984667301178, 0.6389220952987671, 0.3780668377876282, -0.6117321848869324, 0.6801457405090332, 0.22603660821914673, -0.6482274532318115, 0.6212556958198547, 0.6515459418296814, -0.1432311236858368, -0.31859543919563293, -0.14928396046161652, 0.15489955246448517, -0.2060052901506424, 0.5354940295219421, -1.3827720880508423, 0.488153874874115, 0.2715759575366974, 0.029034018516540527, 0.06794299185276031, -0.3948255479335785, 0.03542957827448845, -0.25229620933532715, -0.09805240482091904, -0.5727720260620117, 0.3204156458377838, 0.6213505268096924, -0.4628277122974396, 0.21477508544921875, -0.2805401086807251, 0.6756431460380554, 0.1558101922273636, -0.5651729106903076, -0.3656177520751953, -0.6572316288948059, -0.42716172337532043, 0.12255208194255829, 0.6757592558860779, 0.7139540314674377, 0.20658180117607117, -0.33293095231056213, -0.8143935799598694, 0.10385478287935257, -0.08390481770038605, -0.5911142826080322, 0.16553963720798492, -0.4184473752975464, -1.5159544944763184, -0.10163182765245438, 0.24037520587444305, 1.0510700941085815, -0.7534931898117065, 0.4397740364074707, -0.4863373339176178, -0.02037360519170761, -0.051463782787323, 0.4407505989074707, 0.23956644535064697, -0.5687881708145142, 0.12260772287845612, 2.4184072017669678, -0.41242364048957825, 0.8335854411125183, 0.865609347820282, -0.018143557012081146, 0.015673547983169556, 0.0773434117436409, 0.8750743269920349, 0.8811607956886292, -0.7076983451843262, -0.21563877165317535, -0.2475414127111435, -0.10889330506324768, 0.4639923870563507, -0.9784469604492188, -0.14117498695850372, -0.0290214903652668, 0.07855906337499619, -1.2002036571502686, -0.5768365859985352, 0.13455478847026825, 0.32941895723342896, 0.03523150086402893, -0.3502504527568817, -0.7520371079444885, 0.8116025924682617, 1.0393881797790527, 0.43641752004623413, -0.9670113921165466, 0.4252385199069977, -0.3496641516685486, 0.02541014552116394, 1.2399942874908447, -0.38415810465812683, -1.3798152208328247, -0.08433820307254791, 0.027257798239588737, -0.4147588908672333, 0.35352301597595215, -0.33642032742500305, -0.39679375290870667, -0.016503265127539635, 0.44287821650505066, 0.3715628981590271, 0.008449539542198181, -0.23087948560714722, 0.22324153780937195, -0.25681403279304504, -0.13652850687503815, 0.07984426617622375, 0.19099508225917816, 0.40647703409194946, -1.927949070930481, 0.028172768652439117, -0.6313854455947876, 0.38258060812950134, 0.07630977034568787, 0.00871613435447216, 0.542912483215332, 0.5874148011207581, -0.43119221925735474, -0.5563963055610657, 0.3879537880420685, -1.4283499717712402, -0.18800707161426544, 0.8968801498413086, 0.08084480464458466, 0.8233441710472107, 0.25838956236839294, 0.7627226114273071, 0.7725726962089539, -0.5545700192451477, -0.628699779510498, -1.6334079504013062, 0.7636728882789612, 1.8004287481307983, -1.156712532043457, -0.07181836664676666, -1.0143280029296875, -0.03414687514305115, 0.3283762037754059, -0.6695648431777954, -0.1303442418575287, 0.13097688555717468, 0.2396923154592514, -0.2649344503879547, 0.4530494809150696, -0.38834086060523987, -0.3161819577217102, -0.48752734065055847, 1.256010890007019, -0.2959885001182556, -0.8869293928146362, -0.13572810590267181, -1.0630205869674683, 0.6284003853797913, 0.5187884569168091, 0.11218775063753128, -0.13995061814785004, 0.7376896142959595, 0.3843157887458801, 0.5172489881515503, 0.47668126225471497, 0.47306302189826965, -0.39317166805267334, 0.09461894631385803, -0.08628319203853607, 1.3484477996826172, -0.4402812123298645, -0.6284197568893433, 0.06680548191070557, -0.14155873656272888, 0.2521997094154358, -0.7149732112884521, -0.35673201084136963, 0.2794167995452881, 0.6183127164840698, 1.2980663776397705, -0.337092787027359, 1.0610835552215576, -0.6422837972640991, 0.1441476047039032, 0.14324074983596802, -0.6752030253410339, -0.2111426293849945, -0.3255802392959595, 0.2630535960197449, -0.1916375756263733, 0.3104228973388672, -0.06210646033287048, -0.29899275302886963, -1.0265305042266846, -0.24161215126514435, -0.4655333459377289, -0.3105025887489319, -0.3441412150859833, -0.421625554561615, 0.32802075147628784, -1.7805002927780151, -0.03235013410449028, 0.013039343059062958, -0.13318654894828796, -0.3708339035511017, 0.40941542387008667, 0.8302850127220154, -0.12742456793785095, 0.3746134638786316, 0.02457505464553833, 1.012402892112732, 0.06032136455178261, 0.05157994106411934, -0.11144014447927475, -0.44826528429985046, -1.1720651388168335, -0.3271915018558502, -0.5501896739006042, 0.6202777028083801, -0.35557985305786133, 0.4812111258506775, 0.49261900782585144, -0.429640531539917, -1.2251123189926147, 0.7176563739776611, -0.1163090169429779, -0.33646854758262634, -1.0166293382644653, 1.2191283702850342, 0.4447764456272125, -0.09864586591720581, 0.7133008241653442, 0.4893818497657776, -0.28753769397735596, 1.12904691696167, -0.19231829047203064, 0.6418266296386719, -0.23919802904129028, -0.1532331109046936, 0.5390956401824951, 0.39639613032341003, -1.9605540037155151, 0.23304937779903412, 0.9890133142471313, 0.33305996656417847, 0.2999129891395569, 0.014605354517698288, -0.17828436195850372, -0.3599226176738739, 0.10848827660083771, 0.5432866215705872, -1.1988251209259033, 0.7430748343467712, -0.28830668330192566, 0.4801695942878723, 0.9131200909614563, -0.4254365563392639, 0.6093519330024719, -0.016925739124417305, 0.33950716257095337, -0.9393881559371948, -0.47652602195739746, 0.5212465524673462, 0.1298578381538391, 1.0566610097885132, 0.30341050028800964, 0.4995371699333191, 0.19960816204547882, -0.7914558053016663, -0.21685726940631866, 0.1849876493215561, 0.2480146288871765, -0.05868814140558243, 0.19054675102233887, 0.5322065353393555, 0.5660735964775085, -0.16426655650138855, 1.141877293586731, -0.01491992175579071, -0.46335387229919434, -0.7677569389343262, -0.31091180443763733, -1.0292023420333862, -0.31081146001815796, 1.3241947889328003, 0.5082169771194458, 1.4560441970825195, 0.20794038474559784, -0.10559868067502975, -0.09110710024833679, -0.33315566182136536, 0.5745567679405212, 0.846064567565918, 0.11111098527908325, -0.2600948214530945, 0.5564327239990234, 0.4949997663497925, 0.3271540701389313, -0.1220870167016983, 0.022021479904651642, 0.1859341263771057, -0.15301135182380676, -0.8734356760978699, 0.5098240375518799, 0.629068911075592, 1.2610938549041748, 1.3851146697998047, -0.4313754141330719, -0.10900392383337021, -0.6225842237472534, -0.433819979429245, 0.1487424373626709, 0.5011383295059204, -0.4535275101661682, 0.29800185561180115, 0.1711440533399582, 0.24154935777187347, -0.2220594584941864, 1.1228909492492676, 1.3632057905197144, 0.43891778588294983, -1.3957246541976929, -0.20209763944149017, -0.6875951886177063, -0.13924451172351837, -0.12927234172821045, 0.19915053248405457, -0.8540205359458923, -0.03275729715824127, -0.04539898782968521, -0.9755660891532898, 0.06494517624378204, -0.474810391664505, -1.6021513938903809, 0.7404977083206177, 1.033765435218811, -1.0979039669036865, -0.2488023340702057, 0.2352190762758255, -0.5248741507530212, -0.331277996301651, -0.08703168481588364, -0.5859448909759521, 0.528107225894928, 0.4184127151966095, 0.8819921016693115, 0.2840052843093872, 0.029523484408855438, -0.5607820153236389, 1.0392136573791504, 0.8878259658813477, -0.5867692828178406, 0.2342713177204132, -0.3589460849761963, 0.49373942613601685, -0.34325188398361206, -1.3836581707000732, -0.42022964358329773, 0.4844062328338623, -0.6108304262161255, -0.7568429708480835, -1.142612099647522, -0.48010826110839844, -0.1551445722579956, 0.5478132963180542, 0.5323154330253601, -0.33811143040657043, 0.20935457944869995, -0.8356019854545593, 0.29520556330680847, 0.6749266386032104, -0.8802375793457031, -0.331543505191803, 0.9223175048828125, -0.24332189559936523, 0.4840017855167389, 0.44531235098838806, 0.2420615255832672, 0.5289048552513123, -0.27849245071411133, -0.21617797017097473, -0.20792247354984283, -13.55821418762207, 0.6064627766609192, -0.14244826138019562, 0.36733150482177734, 1.0013352632522583, 0.5685682892799377, 0.5890702605247498, 0.14795362949371338, 0.5677035450935364, -0.6796541213989258, 0.3529653251171112, 1.340345025062561, 0.20810753107070923, -0.08687353134155273, -0.5136855244636536, -1.2006597518920898, -0.5622052550315857, -0.4777536988258362, 0.721200704574585, -0.008845552802085876, -0.14064593613147736, -0.3209126591682434, -0.3791150450706482, -0.6567888259887695, 0.1771603226661682, -0.5970165729522705, 0.18812179565429688, 0.10717388987541199, -0.40527111291885376, 0.15073634684085846, 0.47825172543525696, 0.31369680166244507, -0.8116770386695862, -0.40401777625083923, 0.04518513381481171, 0.4233481287956238, -0.6695221662521362, -0.21138635277748108, 0.6092090606689453, -0.38537493348121643, -0.14632545411586761, 0.4754781424999237, 0.5357159972190857, -0.3428071141242981, -0.9094181656837463, 0.2365032583475113, -0.17254860699176788, -0.9748873710632324, 0.6117216348648071, -0.4549923539161682, -0.2438131868839264, -0.9997145533561707, -0.9713594317436218, -0.16596896946430206, 0.9182636737823486, 0.5010578632354736, -0.8306944370269775, -0.11539064347743988, -0.7832228541374207, 0.0709911435842514, 0.6975772380828857, -0.22224798798561096, 0.061051689088344574, 0.6616979837417603, -0.02291235327720642, -0.3922833502292633, 1.1463816165924072, 0.7483781576156616, 0.12066616863012314, 0.06839710474014282, -0.1616494357585907, 1.245806097984314, 0.7216664552688599, -0.09067279100418091, 0.07468102872371674, 0.3065442442893982, 0.1849854588508606, -0.25855258107185364, 0.1060856282711029, 0.5608511567115784, -1.153934121131897, 0.7876317501068115, -0.23470143973827362, -0.4431116580963135, -0.4966906011104584, 0.10450297594070435, -0.38698717951774597, -0.10468558967113495, 0.4000903367996216, -0.12632615864276886, 0.9601650834083557, 0.08869274705648422, -0.3485639691352844, -1.2214586734771729, -0.3131122589111328, 0.08946582674980164, -0.9765912890434265, 0.5027386546134949, -0.06082909554243088, -0.4708944857120514, 0.5182108283042908, -0.05397239327430725, -0.5378800630569458, -0.5352189540863037, 0.6027959585189819, -0.46104511618614197, 0.08649294078350067, 0.3856426179409027, -0.5708674192428589, -0.4532317817211151, 0.19153106212615967, -0.5828145146369934, -0.09380513429641724, 1.0853008031845093, -0.6681454181671143, 1.0397727489471436, 0.4808315634727478, -0.6609334945678711, 0.561394214630127, 0.7893363237380981, 0.02610139176249504, 0.5018818974494934, 0.5156815052032471, 1.0340453386306763, 0.052769165486097336, -0.01563289202749729, 0.040622565895318985, 0.21015997231006622, -0.4413019120693207, -0.5471025705337524, 0.3576623201370239, -0.037973761558532715, 0.052037447690963745, -0.5179544687271118, -0.8161304593086243, -0.6002562046051025, -0.41732555627822876, 1.5304977893829346, -0.5371487140655518, -0.18544825911521912, -0.8897826075553894, -0.3624839782714844, -0.10755210369825363, -0.6691059470176697, -1.221305012702942, 0.2740832269191742, -1.2765567302703857, -0.19746217131614685, -0.7141236662864685, -0.8917719721794128, 0.35326236486434937, -0.3386893570423126, 0.49012941122055054, -0.7871971130371094, -0.39336755871772766, -0.20824822783470154, 0.3652125597000122, 0.031028062105178833, -0.512291669845581, -0.22059643268585205, 0.6143085360527039, 0.15481950342655182, -0.5649563670158386, 0.4919061064720154, 0.9176336526870728, 0.227973073720932, -0.6280907988548279, 0.05418302118778229, -0.5472549200057983, 0.524839460849762, 0.9820185303688049, -0.6377819776535034, -0.032680217176675797, -0.41413968801498413, 0.15800513327121735, -0.3031836450099945, 0.6112648844718933, 0.9593164920806885, -0.3054434061050415, 0.4495909810066223, 0.3745879828929901, 0.4210262596607208, 0.8029054999351501, -0.7866848111152649, -0.2451367974281311, 0.2588939666748047, 0.13259050250053406, 0.17774337530136108, 0.17767088115215302, 0.06692801415920258, -0.5973255634307861, -1.2026667594909668, -0.32511115074157715, -0.05608581006526947, 0.7026939988136292, 0.06720222532749176, 1.3759537935256958, -0.026523584499955177, -0.16721168160438538, 0.36872515082359314, -0.06680816411972046, 0.8794220685958862, 0.292996346950531, 1.0115357637405396, -0.3183865249156952, 0.19801774621009827, -0.8593031167984009, 0.2738284170627594, 0.6602853536605835, 0.8548482060432434, -0.4256882965564728, 0.007808059453964233, 0.8170215487480164, 0.18308402597904205, 0.0686536431312561, -1.3696774244308472, 0.10455074161291122, -0.33351919054985046, -0.5744625329971313, -0.6711456775665283, -0.1780562698841095, 1.0294873714447021, -0.07941292226314545, 0.5960806012153625, 0.13456790149211884, 0.18837924301624298, 0.48058217763900757, 0.7524223327636719, 1.1973308324813843, -0.14708064496517181, -0.4527691900730133, 0.7062367796897888, -0.4576426148414612, -0.412597119808197, 0.17491422593593597, 0.014502285979688168, -0.6746659874916077, 0.2561889588832855, -0.5732241272926331, 0.5400402545928955, -0.6361416578292847, 0.43506547808647156, -0.06203719973564148, 1.142960548400879, -0.11671839654445648, -1.5685296058654785, -0.21818014979362488, -0.5695303082466125, -0.022691499441862106, 0.5034826993942261, 0.11840122938156128, -0.05107617378234863, 0.7437147498130798, -0.027110502123832703, 0.4621964395046234, 0.7277029156684875, 0.557174801826477, -0.15194058418273926, -0.8578268885612488, 1.055755615234375, 0.8589819669723511, 0.13814769685268402, -0.345154345035553, -0.21469226479530334, -0.7859859466552734, -0.7687519192695618, -0.34680864214897156, 0.34273403882980347, 1.2027500867843628, -0.3891690969467163, -0.04856583848595619, -0.39103400707244873, 0.05324344336986542, -0.2861647605895996, 0.18551316857337952, -0.1182127445936203, -0.5614054203033447, -0.16337135434150696, -0.35042086243629456, 0.14324341714382172, 0.9588378071784973, -0.2438964545726776, 0.15087662637233734, 0.2253584861755371, 0.8588454723358154, -0.6253520846366882, -0.1371973752975464, -0.17585301399230957, 0.607466995716095, 0.08422373235225677, 0.6892514824867249, 0.5311095714569092, -0.2726229429244995, -1.3073043823242188, 0.31865403056144714, -0.34321126341819763, 0.25761300325393677, -0.44328951835632324, -0.7029744982719421, 0.8144696950912476, 1.1805872917175293, -0.23114128410816193, 0.33637750148773193, 0.11720387637615204, 0.1500028520822525, -1.0025147199630737, 1.0804493427276611, -0.015033029019832611, 0.26905134320259094, -0.2487782984972, 0.010272965766489506, 0.7113695740699768, 0.2232891321182251, 0.44355034828186035]} +{"paper_id": "spanish_billion_words", "embedding": [0.11162921786308289, 1.0094616413116455, 0.43905365467071533, -0.47298768162727356, 0.07954458147287369, -0.7890270352363586, 0.13270843029022217, 0.5548756122589111, 0.42282161116600037, 0.3877701461315155, 0.030310548841953278, 0.13831236958503723, 0.0003910791128873825, 0.04272328317165375, -0.11507782340049744, -0.1797778308391571, -1.1251795291900635, -0.7487950325012207, -0.44842541217803955, -0.06512299180030823, -0.25926631689071655, -0.3863740563392639, -0.33742856979370117, -0.02963949739933014, -0.21909025311470032, -0.46934524178504944, -0.24259500205516815, -0.5277940034866333, 0.9442054033279419, 0.33816689252853394, -0.2554774880409241, 1.2906993627548218, -1.3730528354644775, 0.38351354002952576, -0.6374890208244324, -0.22349205613136292, 0.4630294740200043, 1.2637221813201904, -0.6980515122413635, -0.5365517139434814, -0.2211078554391861, -0.3356563448905945, 0.5438581705093384, 0.22899357974529266, 1.1816681623458862, 0.4646276831626892, -0.1473081409931183, 0.38570907711982727, 0.7058719396591187, -0.6718026399612427, -0.44194960594177246, 0.7528042793273926, -0.14106804132461548, -0.10754383355379105, -0.9278275370597839, 0.46484431624412537, 0.38352885842323303, -1.577458143234253, 0.3979998230934143, -1.4394186735153198, 0.8428123593330383, 1.0921541452407837, -0.2529639005661011, 0.537135660648346, 1.3161845207214355, 0.6229326128959656, 1.1705619096755981, 0.2537117004394531, 0.16319075226783752, 0.5194723606109619, -0.06478933990001678, -0.6210950613021851, 0.6199636459350586, 0.16548752784729004, 0.6855263710021973, 0.7569311857223511, 0.16123515367507935, 0.060486290603876114, 0.8668746948242188, 0.49903249740600586, -0.6399170160293579, 0.8294614553451538, 0.06091013550758362, -0.13036268949508667, 0.2042359560728073, -0.30867040157318115, 0.4870341122150421, -0.9148112535476685, 0.730660080909729, -1.1081879138946533, 0.47552698850631714, 0.21278749406337738, 0.03496474772691727, 0.35042405128479004, 0.31060829758644104, 0.06186347454786301, -0.45067834854125977, 0.26144254207611084, -0.6888041496276855, 0.1533956527709961, 0.27133414149284363, -0.3296053409576416, 0.6514685750007629, -0.029162123799324036, -0.37748971581459045, 1.104638934135437, -0.3132517337799072, -0.6591589450836182, -0.9646239280700684, -0.13662591576576233, -0.14956137537956238, 1.2181520462036133, -0.18240568041801453, 0.1173902079463005, -0.039435163140296936, -0.614763617515564, -0.23976361751556396, -0.12131434679031372, -1.043583869934082, 0.045576293021440506, -0.6132293939590454, -1.201686143875122, 0.10365211963653564, 0.5393747687339783, 0.6780281662940979, -0.5800092220306396, 0.3730873763561249, -0.207672119140625, -0.18730725347995758, -0.033903561532497406, 0.9670543670654297, 0.1882287710905075, 0.07281258702278137, -0.07406534254550934, 2.865647792816162, -1.1737205982208252, 1.0220502614974976, -0.13837067782878876, -0.3119894564151764, -0.14448045194149017, -0.4118715226650238, 0.8949881196022034, 0.4472725987434387, -0.6818872094154358, -0.4090713560581207, 0.011712240055203438, -0.28508448600769043, 0.18077541887760162, -0.23922254145145416, -0.5858758687973022, -0.5687558054924011, 0.5429136753082275, -1.1771341562271118, -0.8249378800392151, 0.22254879772663116, 0.08726023882627487, 0.10663999617099762, 0.7290321588516235, -0.8107843399047852, 1.117002248764038, 0.32027509808540344, 0.8169613480567932, -0.6090284585952759, 0.3242329955101013, -0.7510307431221008, 0.0846170112490654, 0.8209283947944641, 0.4563155174255371, -0.05999801307916641, -0.6701798439025879, 0.6673024296760559, -0.31024783849716187, -0.7914491295814514, 0.09823758155107498, 0.33141371607780457, 0.34947913885116577, 0.35978180170059204, 0.44672954082489014, 0.19680975377559662, -0.4313911497592926, -0.2240983247756958, -0.31610608100891113, -0.17382070422172546, -0.22055645287036896, 0.0720091387629509, 0.42985695600509644, -1.4312704801559448, 0.010920055210590363, -0.35597530007362366, -0.27671530842781067, 0.06218034029006958, -0.7323221564292908, -0.19445762038230896, 0.19329017400741577, -0.3874324560165405, 0.2202785760164261, 0.27315640449523926, -1.073028326034546, -0.29541707038879395, 0.5642374753952026, 0.1996835470199585, -0.09516137838363647, -0.150221586227417, 0.5559113621711731, 0.4402933120727539, -0.0462273508310318, -0.21317239105701447, -1.9555100202560425, 0.46357038617134094, 1.7973768711090088, 0.20883135497570038, -0.4924934208393097, -1.2660324573516846, 0.18158887326717377, 0.5988035202026367, -1.377692699432373, 0.42008936405181885, -0.3167296051979065, 0.09569379687309265, -0.6801364421844482, 0.8562712073326111, -0.2628783583641052, 0.09025872498750687, 0.2782689332962036, 0.7674979567527771, -0.7139561772346497, -0.3831906020641327, 0.29614850878715515, -1.1905064582824707, 0.355282723903656, 0.87996506690979, 0.22538544237613678, -0.2776607573032379, 1.0834640264511108, 0.1828203797340393, 0.22225059568881989, -0.04903149977326393, 0.6582529544830322, -0.4895178973674774, -0.0008641034364700317, 0.0623309463262558, -0.17786012589931488, -0.2459232658147812, 0.10189314931631088, 0.5108532905578613, 0.6189605593681335, -0.01664259284734726, -0.6408374309539795, -0.17567762732505798, -0.20968663692474365, 1.1133456230163574, 1.0404177904129028, -0.8487371206283569, 1.5437065362930298, -0.7074654698371887, 0.2539202570915222, 0.10661269724369049, -0.6886181831359863, 0.03600040078163147, -0.5540461540222168, 0.756389319896698, -0.46850210428237915, 0.35055622458457947, -0.11324840039014816, -0.2743457853794098, -0.40211665630340576, -0.9181666970252991, 0.11467545479536057, -0.7898304462432861, -0.6872298717498779, -0.5868790149688721, 0.08739364892244339, -1.2356042861938477, -1.0673941373825073, -0.32134565711021423, 0.9390061497688293, 0.2112666666507721, 0.8932651281356812, 1.365699291229248, -0.13366246223449707, 0.07386191189289093, -0.28395143151283264, 0.6049216985702515, -0.19796814024448395, 0.3391321301460266, -0.42049288749694824, 0.24252979457378387, -0.7833638191223145, -0.40336596965789795, -0.771429181098938, 0.7371715307235718, 0.46623939275741577, 0.10316508263349533, 0.6670361757278442, -0.5097857713699341, -1.4350534677505493, 1.1330591440200806, -0.23290374875068665, -0.21500205993652344, -0.7110909223556519, 1.4440172910690308, 0.8177958130836487, 0.150022491812706, -0.052137210965156555, -0.7336292266845703, 0.08578328788280487, 1.3673285245895386, -1.2541465759277344, 0.41592544317245483, 0.3624684810638428, 0.34513071179389954, -0.014225367456674576, 0.24861934781074524, -2.298053741455078, -0.22819817066192627, 0.85911625623703, 0.18410736322402954, -0.16295281052589417, -0.3603871166706085, 0.44405555725097656, -0.3079266846179962, -0.3228767216205597, 0.5022461414337158, -0.5230539441108704, 0.6106006503105164, -0.490237832069397, 0.11865487694740295, 0.6569795608520508, -0.931768000125885, 0.2691211700439453, 0.6655237078666687, 0.6939412355422974, -0.838864803314209, -0.09564398229122162, 1.0960283279418945, -0.7987000942230225, 1.123292088508606, 0.3504500985145569, 0.19605472683906555, 0.8644123077392578, -0.6920393109321594, -0.06865619122982025, -0.28789371252059937, 0.30320724844932556, 0.1587217003107071, 0.4189346432685852, 0.31236231327056885, 0.4919058680534363, -0.3488907814025879, 1.6110018491744995, 0.372099369764328, -1.1583056449890137, -0.5745821595191956, -0.4700475037097931, -0.519825279712677, -0.17828747630119324, 1.4783954620361328, 0.041751679033041, 1.4294331073760986, -0.7251248359680176, 0.30728763341903687, -0.1267332136631012, 0.6555402278900146, 0.6873220205307007, 0.5269277095794678, -0.09827268123626709, 0.5955352783203125, 0.2957868278026581, 0.5228220820426941, 0.2531483471393585, -0.930144190788269, 0.542306125164032, 0.31964290142059326, -0.3889748156070709, -0.26110023260116577, 0.4799547791481018, 0.5288448333740234, 0.400206059217453, 1.7495970726013184, -0.42482954263687134, -0.13101044297218323, -0.7180857062339783, 0.07791414111852646, 0.3388921916484833, 0.06438346952199936, -0.8719704151153564, 0.6108599305152893, 0.30611103773117065, 0.9656683802604675, -0.17527955770492554, 0.5027493834495544, 0.7007901668548584, -0.1418258249759674, -1.4148963689804077, -0.06355522572994232, -1.240159034729004, 0.02022034116089344, -0.41115522384643555, 0.21401162445545197, -0.6977400183677673, 0.25057080388069153, -0.36792418360710144, -1.0422136783599854, 0.4576074779033661, 0.17448827624320984, -0.8576178550720215, 1.3761378526687622, 1.0283499956130981, -0.6955056190490723, -0.8085067868232727, -0.6404036283493042, -0.8945193290710449, -1.2292613983154297, 0.19693873822689056, -0.45358502864837646, 0.3756093680858612, 0.1683097630739212, 0.6575401425361633, -0.14235560595989227, -0.12426748126745224, -0.8128554821014404, 0.5891103744506836, 1.314998984336853, -0.7317233085632324, 0.09989134967327118, 0.10406613349914551, -0.29423147439956665, -0.2805447280406952, -1.119531512260437, -0.8013686537742615, 0.2307489514350891, 0.49269554018974304, -0.2733330726623535, -0.6245517134666443, -0.08393281698226929, -0.2823287844657898, 0.6769914031028748, 1.034208059310913, -1.293342113494873, 0.5293508768081665, -0.12961554527282715, 0.1260523945093155, 0.12175938487052917, -0.9406096339225769, -0.38544192910194397, 0.863318681716919, -0.5399672985076904, 0.38844022154808044, 0.27352964878082275, -0.05038709193468094, 0.4381810426712036, 0.05073915421962738, 0.5217999815940857, -0.14302106201648712, -13.015460014343262, -0.09684288501739502, -0.777234673500061, 0.5962953567504883, 1.092383623123169, 0.028589576482772827, 0.6239262819290161, 1.2171047925949097, 0.8624305129051208, -0.479349285364151, 0.8720418214797974, 0.24158450961112976, 0.2166849970817566, -0.7965990304946899, -0.19575613737106323, -0.7512807846069336, -0.4767661690711975, -0.6929832100868225, 0.35810667276382446, 0.2118845283985138, 0.14654044806957245, -0.819839358329773, -0.25640618801116943, 0.09844277799129486, -0.11163850128650665, -0.5457928776741028, 0.10708009451627731, -0.5777676701545715, -0.22138994932174683, 0.2808748483657837, 0.39019253849983215, -0.372692346572876, -0.6439120769500732, -0.2975155711174011, 0.14371857047080994, 0.5429401993751526, -0.6003081202507019, -0.02597896382212639, 0.6880229711532593, -0.0002839071676135063, -0.29848378896713257, 0.29866501688957214, 0.1342187225818634, -0.0792665034532547, -0.12308341264724731, -0.16455641388893127, -0.3215869963169098, -0.4038649797439575, 0.14998582005500793, -0.22915053367614746, 0.12448923289775848, -0.48390841484069824, -1.4573373794555664, -0.4162627160549164, 0.9111537933349609, -0.08722209930419922, -0.7020173072814941, 0.5783821940422058, -0.8659631609916687, -1.0380263328552246, 0.9457328915596008, 0.2764953374862671, -0.22283795475959778, 0.33957403898239136, 0.37520867586135864, -0.48905837535858154, 0.4375510811805725, -0.007281378842890263, 0.1987278163433075, 0.38230645656585693, -0.3719996213912964, 0.8697147965431213, 0.20715442299842834, 0.4801509976387024, -0.07535508275032043, 0.2991711497306824, -0.052608683705329895, 0.2674441337585449, 0.2841792404651642, 0.2516632378101349, -1.1931159496307373, 0.24412375688552856, -0.2646470367908478, -0.6087638735771179, -0.3856610059738159, 0.38148194551467896, -0.3616410791873932, 0.03440729156136513, 0.4633167088031769, 0.3628873825073242, 0.9018189907073975, 0.6715784668922424, 0.22743220627307892, -0.5031629204750061, -0.16192489862442017, 0.7789092063903809, -0.4609959125518799, 1.3656742572784424, -0.13442395627498627, 0.03174104914069176, 0.3963347375392914, -0.35135406255722046, -0.3882392942905426, -0.2769972085952759, 0.08141867071390152, -0.4371114671230316, 0.5966321229934692, -0.07741375267505646, -0.0807659775018692, -0.22987525165081024, 0.8571975827217102, -0.27694201469421387, 0.10307259857654572, 0.6163419485092163, 0.14335039258003235, 1.2783695459365845, 0.4925469756126404, -0.4864872097969055, 0.41911083459854126, 1.1337292194366455, -0.030473001301288605, 0.34583213925361633, 0.556435763835907, 1.443236231803894, 0.1950296312570572, 0.23097769916057587, 0.3277398943901062, 0.34369879961013794, 0.09388110041618347, -1.4931150674819946, 0.276778906583786, 0.1099524199962616, 0.42021048069000244, -0.8570195436477661, -0.3052093982696533, -0.4296713173389435, -0.7052435874938965, 0.9089058637619019, -0.18561086058616638, 0.503110408782959, -0.4408232569694519, -1.084973692893982, -0.6037180423736572, 0.18440373241901398, -0.16701161861419678, 0.08767939358949661, -1.2542003393173218, -0.8422006368637085, -0.19617860019207, -0.49139630794525146, -0.13157005608081818, -0.28975415229797363, 0.5287836790084839, -0.11960775405168533, 0.21175120770931244, 0.5379239916801453, 0.8271079063415527, -0.37819552421569824, -0.5818419456481934, -0.33789753913879395, 0.7649158835411072, 0.9878484606742859, -0.8121419548988342, 0.5832489728927612, 0.433523565530777, -0.2543638348579407, -1.21979820728302, -0.2667326331138611, -0.11643996834754944, 0.3928966522216797, 0.504027783870697, -0.6847867965698242, -0.7551112771034241, -0.027489986270666122, -0.5871376991271973, -1.273850917816162, 0.20761942863464355, 0.7180038690567017, -0.6771356463432312, 0.5179316401481628, 0.11612164974212646, 0.5846197009086609, 0.3847157657146454, -0.9784350395202637, -0.12351810187101364, -0.09514377266168594, 0.04328443855047226, 0.8694210052490234, -0.4012182354927063, 0.3665320575237274, -1.365057110786438, -1.1287055015563965, -0.5280252695083618, 0.03221563622355461, 0.7009837627410889, -0.17860783636569977, 1.1592923402786255, 0.7222968339920044, 0.1807531714439392, 0.411365807056427, -0.6499255299568176, 0.7794328927993774, 0.4506624937057495, 0.028397899121046066, -0.2220546305179596, 0.10600487887859344, -0.527827799320221, -0.23325896263122559, 0.7192351222038269, 0.9517734050750732, -1.534828543663025, -0.19512639939785004, 0.06905674934387207, -0.1725979447364807, 0.3568831980228424, -0.698345422744751, 0.42259615659713745, 0.17622552812099457, -0.14733253419399261, -0.6757315397262573, -0.5007692575454712, 0.7058336138725281, -0.5045350790023804, 0.8875904679298401, 0.2348107248544693, 0.41516709327697754, -0.23113620281219482, 0.22645679116249084, 1.3229796886444092, 0.08918334543704987, -0.6054422855377197, 0.06648992002010345, 0.2544337511062622, -0.06519927829504013, -0.6388369798660278, 0.07407070696353912, -1.413866639137268, 0.428780198097229, -0.9667379856109619, -0.13865604996681213, -0.6114201545715332, -0.1235903948545456, 0.13245995342731476, 0.5977655053138733, 0.52479487657547, -0.5623914003372192, -0.0628218874335289, -0.20997920632362366, -0.16217243671417236, -0.1289120465517044, -0.0637529194355011, 1.1021595001220703, 0.6437863707542419, 0.31610119342803955, 1.2231518030166626, 0.13188795745372772, -0.018576815724372864, 0.0945623368024826, 0.12358200550079346, 0.761318564414978, 0.21752631664276123, 0.42951399087905884, -0.16441822052001953, -0.23628360033035278, -1.40517258644104, -0.5152478218078613, -0.8959094285964966, 0.862301766872406, 0.4409627914428711, -0.1848844438791275, 0.21258415281772614, 0.03484661877155304, 0.21695385873317719, -0.49353399872779846, 0.7587711215019226, 0.09786682575941086, -0.04660441353917122, -0.48455527424812317, -0.9205524325370789, 0.027902444824576378, 0.6432560682296753, -0.6970193386077881, -0.16760219633579254, -0.06775608658790588, 0.5076944231987, 0.05137426778674126, -0.9911969900131226, -0.5918006896972656, 0.447748601436615, -0.32987990975379944, 0.5446231365203857, 0.7606891393661499, -0.9942112565040588, -0.8378267884254456, 0.3144429326057434, -0.8305227756500244, 0.536726713180542, -0.08502582460641861, -0.9544834494590759, -0.15571458637714386, 0.30123209953308105, -0.6019296646118164, -0.6981167793273926, 0.00501062348484993, 0.47835153341293335, -1.4808123111724854, 1.1552867889404297, 0.9035158157348633, 0.01580258272588253, -0.14767774939537048, 0.6045976281166077, 0.4298480153083801, 0.7672690749168396, 0.7490007877349854]} +{"paper_id": "time_dial", "embedding": [-0.6332874298095703, 1.1000324487686157, 0.46196863055229187, 0.20099018514156342, 0.8612587451934814, 0.5455920696258545, 0.724296510219574, 0.008983626961708069, 0.6541045904159546, 0.755558431148529, 0.9073072075843811, -0.3961985409259796, 0.10513502359390259, -0.0893590897321701, -0.28435152769088745, -0.6023948788642883, -1.6764566898345947, 0.07656402885913849, -1.1168018579483032, -0.34489771723747253, -0.517877995967865, -0.7451971769332886, 0.17313870787620544, 1.3762781620025635, -0.6608571410179138, -0.8390265107154846, 1.0242822170257568, -0.8701308965682983, -0.07064401358366013, -0.22559183835983276, -0.4112105369567871, 1.5519496202468872, -0.26312944293022156, 0.22464591264724731, -0.3812790811061859, -0.16336555778980255, 0.11331460624933243, 1.0287666320800781, -0.027766693383455276, 1.2000207901000977, -0.8214197158813477, 0.3024393916130066, -0.035681676119565964, 0.3547555208206177, 0.6792668700218201, -0.057306647300720215, -0.2871599495410919, 0.3155331611633301, -0.10293778032064438, 0.23635192215442657, -0.33040139079093933, -0.25786322355270386, -0.22565853595733643, 0.16459393501281738, 0.5121610760688782, 1.1659905910491943, -0.016981210559606552, -0.4777584373950958, 0.06137248873710632, -0.39504382014274597, 1.0195120573043823, 1.6593444347381592, 0.012369371950626373, 0.6362791657447815, 0.7803193926811218, -0.11685441434383392, 2.48647141456604, 0.18390019237995148, 0.6827564239501953, 0.5454075336456299, -0.24714937806129456, -1.316614031791687, 0.787325918674469, 0.1621188223361969, 0.16739585995674133, 1.1827093362808228, 1.292952537536621, 0.9124929308891296, -0.5591962337493896, 0.20318904519081116, 0.41875702142715454, 0.6580331921577454, 0.35606634616851807, -0.8349135518074036, -0.1899549663066864, 0.9528569579124451, 0.7194228172302246, -0.48550909757614136, 0.225698783993721, -2.186457872390747, 0.6781883239746094, -0.06554824858903885, -0.051462091505527496, -0.35045531392097473, -0.2892570197582245, 0.39303746819496155, 0.45178890228271484, -0.057480424642562866, -0.6200716495513916, 0.24933359026908875, 0.3818284869194031, -0.059823811054229736, -0.04542677104473114, -0.059920527040958405, 0.6002296209335327, 0.7868557572364807, 0.4740966558456421, 0.006710555404424667, -0.2228110432624817, -0.40234750509262085, 0.5568336844444275, 1.0835825204849243, 0.05581466853618622, 1.1927062273025513, -0.12233703583478928, -0.4446452856063843, 0.43748563528060913, -0.9699829816818237, -0.2739817202091217, 0.01915929466485977, -0.684787392616272, -0.31916379928588867, -0.2001206874847412, 0.23252873122692108, 0.7535605430603027, -1.045160174369812, -0.49585846066474915, -0.1428896188735962, 0.3489316701889038, -0.5636798143386841, 0.3870631158351898, -0.04750834032893181, -0.4697763919830322, 0.024006519466638565, 2.980273485183716, -0.8387140035629272, 1.4256256818771362, -1.3014357089996338, -0.2347715049982071, -0.38881003856658936, 0.37707531452178955, 1.619187831878662, -0.4216689169406891, 0.06459933519363403, -0.8873744606971741, -0.42151060700416565, -0.5778123140335083, 0.40856608748435974, -0.09698311984539032, -0.7910270094871521, 0.07283776253461838, 0.20448002219200134, -1.9874345064163208, -0.1592603176832199, -0.10569089651107788, -0.14343713223934174, -0.14340363442897797, 0.6517439484596252, 0.3486265540122986, 0.923456609249115, 0.9482517242431641, 0.0380060151219368, -0.9567016363143921, 0.4130411744117737, -1.0923194885253906, -0.05742689594626427, 0.6634556651115417, -0.5106998085975647, -1.4412697553634644, -0.9467512965202332, 1.357069730758667, -0.3419363498687744, 0.23001812398433685, -0.419193297624588, -0.5847468376159668, 0.012834034860134125, 0.7832685112953186, 0.844455361366272, -0.006550798192620277, 0.011189967393875122, -0.6746181845664978, -0.7479418516159058, -0.4057992100715637, 0.46987125277519226, -0.35635867714881897, 0.3847699761390686, -1.742750644683838, -0.8718703389167786, -0.6189540028572083, 1.627402901649475, -0.2861781418323517, 0.5059043765068054, 0.20315471291542053, -0.36694085597991943, 0.7275353670120239, -0.3761730194091797, 0.8681519627571106, -1.1511670351028442, -0.03390754759311676, -0.512910783290863, -0.048058778047561646, -0.21775713562965393, 0.0036391080357134342, 1.3515865802764893, 0.6899206042289734, -0.6782656311988831, -0.1397966891527176, -1.1351468563079834, -0.5537427067756653, 2.392618417739868, 0.252983033657074, -0.7235302925109863, -1.0365170240402222, 0.029356777667999268, -0.08783659338951111, 0.2443765103816986, 0.32944774627685547, -0.26935452222824097, 0.04081857204437256, -1.8121193647384644, 0.4672669470310211, -0.4836098253726959, 0.3439120948314667, 0.5069095492362976, 1.2204954624176025, -0.4828490614891052, 0.17167618870735168, -0.6192294359207153, -0.5399558544158936, 0.5083714127540588, 0.730668306350708, -0.02339133806526661, 0.15518280863761902, 0.6260333061218262, 0.7729991674423218, 0.4024263024330139, 0.36675122380256653, 0.9173384308815002, -0.7765311002731323, 0.06314890086650848, 0.13989701867103577, 1.0172076225280762, -0.1407148391008377, 0.2257440686225891, 0.7760977745056152, 0.5272235870361328, 0.41789063811302185, -0.7293921113014221, 0.2385403960943222, -0.3076145648956299, 0.9825394749641418, 0.8893831968307495, -0.5552914142608643, 1.3762770891189575, -1.1019059419631958, 0.10363156348466873, -0.2122633159160614, -1.0485358238220215, -0.355204701423645, -0.4996776580810547, 0.8775526881217957, -0.48621588945388794, 0.2184411883354187, -0.530472457408905, -0.20979627966880798, -1.8777186870574951, 0.22624075412750244, -0.2297520637512207, -0.5102237462997437, -1.8371831178665161, 0.33743512630462646, -0.6295112371444702, -1.0909733772277832, -0.7330380082130432, 0.04274582117795944, 0.6292824745178223, -0.03430412709712982, 0.7838565111160278, 1.7238093614578247, -0.1906832456588745, 0.017384950071573257, -0.3088880181312561, 0.5235968232154846, -0.9802510738372803, 0.8476145267486572, -0.6864929795265198, -0.42677026987075806, -0.9294463396072388, 0.9686743021011353, -0.26736700534820557, 0.2719629406929016, 0.7049610018730164, -0.45533671975135803, 0.027145572006702423, -0.3121109902858734, -0.4938468337059021, 0.268868088722229, -0.5976173281669617, 0.4281979501247406, -1.1535780429840088, 1.856264591217041, 0.48903900384902954, -0.5750500559806824, 0.47304731607437134, -0.5883711576461792, 0.5510545969009399, 1.04933500289917, -0.1830621063709259, 0.8301783800125122, 0.8671756982803345, -0.04276752844452858, 0.145462766289711, 0.21114042401313782, -2.515418767929077, 0.5505779385566711, 1.0623691082000732, -0.08710110187530518, 0.7358691096305847, -1.1527143716812134, 1.0215880870819092, 0.19054074585437775, -0.4881938099861145, 0.18615764379501343, -0.1327585130929947, 0.19915111362934113, -0.2319730520248413, 0.09224563837051392, 1.0482956171035767, -0.4959809184074402, 0.1774013489484787, 0.9890370965003967, -0.10518685728311539, -0.7472346425056458, -0.8238125443458557, 0.255066454410553, -0.5489400625228882, 0.7284736633300781, 0.1402953565120697, 0.28175368905067444, 1.4365051984786987, -0.1324029564857483, -0.46143096685409546, 1.0819774866104126, 0.8123048543930054, 0.7051687240600586, 0.5352253317832947, -0.8299735188484192, 0.21037688851356506, -0.6132474541664124, 0.6786465048789978, 0.32123059034347534, -0.6790488958358765, -1.6669375896453857, -0.053825873881578445, -0.26372864842414856, -1.0270159244537354, 1.434550166130066, 0.38991597294807434, 1.8352686166763306, -0.32661765813827515, -0.18782411515712738, -0.8172190189361572, -0.1711595356464386, 0.8759210109710693, 0.1592669039964676, 0.3385471701622009, -0.9537997245788574, 0.34018027782440186, 0.4943172335624695, 0.21004335582256317, -0.5859644412994385, -0.10776317119598389, 1.118825912475586, -0.008550595492124557, -1.0729583501815796, -0.05921567603945732, 0.7951777577400208, 0.23747608065605164, 0.8041168451309204, -0.9749214053153992, -0.24865910410881042, -0.2012413889169693, 0.8517236709594727, 0.1997549831867218, 0.7464208602905273, -1.2389683723449707, 0.4437839984893799, -0.06495577096939087, -0.05055035278201103, -0.1891835331916809, 1.461686611175537, 0.6584183573722839, -1.3170592784881592, -1.2950230836868286, -0.3620607554912567, -0.8956252932548523, -0.3787957727909088, 0.1378757655620575, -0.48437196016311646, -0.5165754556655884, 1.3583238124847412, -0.30341655015945435, -0.7149882912635803, 0.9678754806518555, -0.542358934879303, -1.1854405403137207, 0.43144655227661133, 0.5633524656295776, -1.1325258016586304, 0.033735617995262146, -0.02484630048274994, -1.0253424644470215, -0.8403871059417725, -0.001179723534733057, -0.4944472312927246, 0.32555609941482544, 0.32047444581985474, 0.4363754391670227, -0.13399186730384827, -0.17977961897850037, -0.5150414109230042, 0.5116023421287537, 0.8487561345100403, -0.31129148602485657, 1.002184510231018, 0.502070426940918, 0.1683233231306076, -0.3565996289253235, -0.614589273929596, -1.099185585975647, 0.6907942295074463, -0.44741615653038025, -0.31904906034469604, -0.29165297746658325, -0.7470554709434509, 1.0566296577453613, -0.5965459942817688, 0.09396664798259735, -1.2064473628997803, 0.05941762402653694, -0.6362677216529846, -0.15209351480007172, 0.1984073519706726, -1.4398835897445679, -1.1819158792495728, 0.0973377525806427, -1.0689191818237305, 0.23451286554336548, -0.14972537755966187, 0.45116278529167175, 1.6617789268493652, 0.7341038584709167, 1.0954302549362183, 0.0379461869597435, -10.676081657409668, 1.3957730531692505, 0.1387266367673874, -0.1135372444987297, -0.16322053968906403, -0.8214156031608582, 0.7266054153442383, -0.10209693014621735, 0.7048283219337463, -0.9529628753662109, 0.6136865019798279, 1.0138813257217407, 0.2759924829006195, -0.3215183913707733, -0.13784046471118927, -1.2938512563705444, -0.535921037197113, -0.45583945512771606, 0.0014512240886688232, 0.18535681068897247, -0.6238453388214111, -0.6448053121566772, -0.2065696120262146, 0.23885150253772736, 0.3219136893749237, 0.14903581142425537, -0.07430160045623779, -0.6395336389541626, -0.19150835275650024, -0.28319376707077026, 0.9100534319877625, -0.6574559211730957, -0.005746603012084961, -0.07146106660366058, 0.44792312383651733, 0.0033255815505981445, -1.168511986732483, 0.202208012342453, 0.4471126198768616, -0.027748413383960724, 0.25841468572616577, -0.020606646314263344, 0.900557816028595, -0.04400864616036415, -0.8012695908546448, 0.4647948145866394, 0.19947011768817902, -0.524360179901123, -0.018605999648571014, 0.04595338553190231, -0.5448809266090393, -0.40838921070098877, -1.5855849981307983, -0.6933135390281677, 0.34278395771980286, -0.2839105427265167, -0.17678892612457275, 0.4389234781265259, -0.282403826713562, -1.0661190748214722, 1.0153132677078247, 0.31306296586990356, -0.024704251438379288, -0.0015776045620441437, 0.6092411875724792, -0.5855242609977722, 0.334385484457016, 0.46277105808258057, 0.14351564645767212, -0.12209229171276093, -0.9690263867378235, -0.08091975748538971, -0.3880678415298462, 0.8215051889419556, -0.359373539686203, -0.24823299050331116, -0.31413012742996216, 0.06499336659908295, 0.18006528913974762, 0.1486019790172577, -0.4746270179748535, 0.7320864200592041, 0.13417133688926697, -0.7331244349479675, -0.9668545722961426, 0.13022732734680176, -0.2868950068950653, 0.36921581625938416, 0.7126307487487793, -0.047898754477500916, 1.2407938241958618, 0.38404542207717896, -0.8515366911888123, 0.8598031401634216, -0.6727694272994995, 0.5063378810882568, 0.3197408616542816, 1.1040682792663574, 0.6516892910003662, 0.01919640228152275, 0.022860106080770493, -0.588363766670227, -0.6884220838546753, 0.5132512450218201, 0.42187801003456116, 0.3871367573738098, -0.19238153100013733, 0.13248929381370544, -0.37428808212280273, -0.6065607666969299, 0.9275299310684204, -0.17146320641040802, -0.6078065037727356, -0.009598547592759132, 0.22361978888511658, 0.66506427526474, 0.9586066603660583, 0.36568403244018555, 0.8245617151260376, 0.8002234697341919, -0.08995839953422546, 1.1439021825790405, -0.25634193420410156, 1.1162784099578857, -0.38204655051231384, -0.40955260396003723, 0.5798263549804688, 0.7440751194953918, -0.1980964094400406, -1.2853730916976929, 0.03200209513306618, -0.3903351426124573, 0.4283546209335327, -1.0200332403182983, -0.8243715167045593, 0.060947779566049576, -0.5172007083892822, 1.1257493495941162, -0.8664160966873169, 0.5948636531829834, -0.06042018532752991, -0.51845782995224, 0.8565449714660645, -0.6828375458717346, -0.6579939126968384, -0.02000419795513153, -2.091686964035034, 0.22066883742809296, -0.92670077085495, -0.20417580008506775, 0.6545979976654053, -0.12479367852210999, 0.935954749584198, -0.5698675513267517, -0.019666969776153564, -0.06628037989139557, 0.6640609502792358, -0.6275153756141663, -1.1153404712677002, 0.0889866054058075, -0.37344682216644287, 1.5336248874664307, -0.8772888779640198, 0.6150022745132446, -0.06913294643163681, -0.3588697612285614, -0.2370259165763855, 0.006471738219261169, -1.4547752141952515, 0.23220306634902954, 1.5715930461883545, -0.7752878665924072, -0.24903815984725952, -0.8239549994468689, -0.27905943989753723, -0.5911701917648315, 0.8894190788269043, 1.2477041482925415, -0.7396482229232788, -0.09442216157913208, -0.4025516211986542, 0.046926453709602356, 0.02017969638109207, -0.2903461456298828, -0.17501163482666016, 0.04110589623451233, -0.21891415119171143, 1.2112643718719482, -0.2262803018093109, -0.010718854144215584, -1.869099497795105, -1.120930552482605, -0.6706981658935547, -0.21544194221496582, 0.11276865750551224, -0.4402330219745636, 0.9807923436164856, 0.43234768509864807, 0.1734519600868225, 0.12315627187490463, 0.6578496694564819, 1.0456632375717163, -0.562038779258728, 0.05156862363219261, -0.48868390917778015, -0.6929049491882324, -0.6795501112937927, 0.960625410079956, 0.24871878325939178, -0.1100710779428482, -1.1949268579483032, -0.33766698837280273, 0.02329239994287491, -0.2689552307128906, 1.1861320734024048, -0.4929673969745636, 0.30958092212677, -0.19918665289878845, -0.46994128823280334, -0.981743335723877, 0.24423447251319885, 1.4808868169784546, 0.12480592727661133, 1.306467056274414, 0.6155006289482117, 0.21339672803878784, 0.39704638719558716, 0.20724010467529297, 1.0161131620407104, -0.543231725692749, -0.08776206523180008, 0.29908016324043274, 0.29805946350097656, 0.47144976258277893, -0.7345967292785645, -0.8956881761550903, -0.6370358467102051, 0.823381245136261, -1.1857647895812988, 0.7693334221839905, -0.4576159119606018, 0.24176517128944397, 1.5854841470718384, 1.026740550994873, -0.5624549984931946, -1.5640803575515747, -0.8807678818702698, -1.0172661542892456, 0.2984618544578552, 0.4182033836841583, 0.20955650508403778, 0.35634055733680725, 0.610431969165802, 0.3207484185695648, 1.069982647895813, -0.5323834419250488, 0.1479755938053131, 0.2791249752044678, 0.5718563199043274, 0.6330090761184692, 1.4247963428497314, 0.05091201514005661, 0.8553385734558105, 0.548323392868042, -1.0423725843429565, 0.033034879714250565, -0.5792704224586487, -0.25945085287094116, 1.1674385070800781, -0.4376164376735687, 0.10512018203735352, -1.1124690771102905, 0.671403706073761, -0.16924095153808594, 1.0979589223861694, 0.39512771368026733, -0.8899653553962708, -0.540395200252533, -1.430084228515625, -0.7823026180267334, 1.0106762647628784, -0.3495785892009735, -0.3036019802093506, -0.7946156859397888, 0.5343894362449646, -0.10195610672235489, -0.06169768422842026, -1.2726240158081055, 0.18927215039730072, -1.0403496026992798, 0.5612525939941406, -0.647185206413269, -0.36672574281692505, -0.15200509130954742, 0.15401625633239746, -0.9720737934112549, 0.48403626680374146, 0.21864254772663116, -1.5096467733383179, -0.8788455128669739, 0.16569142043590546, -0.3458245098590851, -0.7323082089424133, 1.4382576942443848, 0.06376612186431885, -1.754568099975586, 0.5340010523796082, 0.69134122133255, 0.13511759042739868, -0.28842660784721375, -0.08899392932653427, 0.8647881746292114, -0.7491416931152344, 1.11203932762146]} +{"paper_id": "urdu_sentiment_corpus", "embedding": [-0.737254798412323, 1.5279401540756226, -0.054910652339458466, 0.17023491859436035, 0.6096866130828857, -0.2842455208301544, 0.16513651609420776, 0.359192818403244, -0.10925254225730896, 1.012012243270874, 0.6282396912574768, -0.8317957520484924, -0.26263555884361267, 0.32166004180908203, 0.15803088247776031, -0.401750773191452, -0.9749534726142883, -0.05509131774306297, -0.19530557096004486, -0.3504822552204132, -0.31673485040664673, -0.8197183012962341, -0.01198747381567955, 0.8645493388175964, -0.36561888456344604, -0.8974952101707458, 0.33108219504356384, -0.12626217305660248, 0.34042778611183167, -0.07545028626918793, 0.03621438145637512, 0.3473246991634369, -1.360864281654358, -0.5213500261306763, -0.5190725922584534, -0.30387136340141296, -0.029065389186143875, 0.5568640232086182, -1.1697278022766113, -0.18481314182281494, -0.7370798587799072, 0.36115172505378723, 0.9192604422569275, 0.4119408130645752, 1.2587441205978394, 0.5712441205978394, 0.18846526741981506, 0.2431824803352356, 0.08597904443740845, 0.04498699679970741, 0.5081616044044495, -0.03184577822685242, -0.42147231101989746, 0.0859321802854538, -0.6946292519569397, 0.8878684043884277, -0.1282733678817749, -0.37704670429229736, 0.052231259644031525, -1.797121286392212, 0.9117599129676819, 2.0094850063323975, -0.28592637181282043, -0.30523166060447693, 0.7451589703559875, 0.04024498909711838, 1.0915801525115967, -0.6393230557441711, 1.0846163034439087, 0.8829910755157471, -0.5926830768585205, -0.11228957027196884, 0.06449604034423828, -0.9083963632583618, -0.17057251930236816, -0.20337197184562683, 0.5383470058441162, 0.7954752445220947, -0.18661659955978394, 0.8246426582336426, -0.3210389316082001, 1.031262993812561, -0.23922769725322723, -0.9540247321128845, -0.3059163987636566, 0.6199213266372681, -0.05375361442565918, 0.2787356972694397, 0.759004533290863, -1.4446746110916138, 0.1804402470588684, -0.3700745403766632, -0.97715824842453, 0.5560698509216309, 0.22864244878292084, 1.027924656867981, 0.25464698672294617, 0.6658903956413269, -0.36763378977775574, 0.6615664958953857, 0.7640207409858704, -1.0468246936798096, 0.389644056558609, 0.0467623807489872, -0.4888097047805786, 2.3072211742401123, 0.09557946026325226, -0.32064375281333923, 0.005033642053604126, 0.3413242995738983, -0.5403967499732971, 1.6468831300735474, -0.8044228553771973, 0.50445556640625, 0.1468818187713623, -0.45374011993408203, -0.5127255916595459, -0.7773299217224121, -0.9077110886573792, 0.39117729663848877, -0.47550415992736816, -1.2112278938293457, -0.4462253451347351, 1.0161020755767822, 1.4467445611953735, -0.00865824893116951, 1.2337887287139893, 0.3859071135520935, 0.26664865016937256, -0.15143822133541107, 0.8269773721694946, -0.3472820520401001, -0.29298341274261475, -0.2348010540008545, 1.5938844680786133, -0.8380297422409058, 1.9287430047988892, -0.5578860640525818, 0.4140664339065552, -0.00025673210620880127, -0.576896607875824, 0.9104400277137756, -0.3180442750453949, -0.3327726125717163, -1.1773627996444702, 0.5415123701095581, -0.5809488296508789, 0.3617100417613983, -0.2838427424430847, -0.9246246218681335, -0.10492336750030518, 0.007054492831230164, -0.8292980790138245, -0.4978746473789215, 0.8857339024543762, 0.9068289995193481, 0.24646320939064026, 0.7434667348861694, -0.13582931458950043, 1.0088609457015991, 1.1537895202636719, 0.5033402442932129, -0.40676745772361755, 0.4578256607055664, -1.1764670610427856, -0.47092488408088684, 0.6062372326850891, 0.7426263093948364, -0.7444117069244385, -0.2595137357711792, 1.0578131675720215, -0.07051070779561996, 0.44365742802619934, 0.1939389556646347, -0.6434015035629272, -0.6277503371238708, 0.5069646239280701, 0.8166298270225525, 0.7718085646629333, -0.6092357635498047, 0.06296280026435852, -0.3992161750793457, -0.5941863059997559, -0.13668861985206604, 0.6395353078842163, 0.5171594619750977, -1.0040664672851562, -0.5273279547691345, -0.2909189760684967, 0.7827136516571045, 0.6655917763710022, -1.2478153705596924, -0.2291795015335083, 0.29540348052978516, 0.31178462505340576, 0.26864686608314514, 0.6082051396369934, -0.854552686214447, -1.253835916519165, 0.3644060492515564, 0.8457725644111633, -0.23531141877174377, 0.6830937266349792, 0.810756504535675, 0.8143132925033569, -0.7003058791160583, 0.13054955005645752, -1.59647536277771, 0.5270146727561951, 2.4824037551879883, -0.28740188479423523, -0.589077353477478, -1.1933988332748413, 0.6690608859062195, 0.8065224885940552, -0.5717982649803162, 0.7422430515289307, -1.1173114776611328, 0.1826571524143219, -0.9118982553482056, 0.23787546157836914, -0.7211370468139648, 0.286003440618515, -0.30531883239746094, 0.8014004826545715, -0.46448761224746704, -1.3697329759597778, -0.31658750772476196, -0.46074700355529785, 0.26560062170028687, 0.8650614023208618, 0.07265113294124603, -0.6870335340499878, -0.3274807929992676, 1.1951801776885986, 1.0162657499313354, -0.9876618981361389, -0.38638460636138916, 0.10812091827392578, -0.3546995222568512, 0.029021648690104485, 0.0681009292602539, 0.4981340169906616, -0.7710747718811035, 1.1938680410385132, 0.8028757572174072, 0.35270455479621887, 0.15458156168460846, -0.14199762046337128, 0.6045288443565369, 0.641926109790802, 1.2813210487365723, -0.02379266545176506, 2.124925136566162, -1.1225701570510864, 0.388139545917511, 0.4663057029247284, -0.5030407905578613, 0.14186716079711914, 0.11215275526046753, 0.33085525035858154, -0.1274643838405609, -0.14769455790519714, -0.2580016553401947, -0.6036876440048218, -0.2883727252483368, -0.272817999124527, 0.435220867395401, -1.0680131912231445, -0.31928664445877075, 0.26826491951942444, -0.17051281034946442, -0.8178719878196716, -0.4603966772556305, -0.2571221888065338, 0.7328367829322815, -0.27182355523109436, 0.17988291382789612, 0.8270890712738037, -0.606485903263092, 0.14132115244865417, -0.16043789684772491, 0.7624583840370178, -0.27131912112236023, 0.8670122027397156, -1.1785510778427124, 1.0945889949798584, -0.14059369266033173, -0.5929628014564514, 0.3978349566459656, 0.24357172846794128, -0.1660861372947693, 0.0375080332159996, 0.9257586002349854, -0.17723384499549866, -1.6957896947860718, 1.288446307182312, -0.7112313508987427, -0.6878869533538818, -0.7436984181404114, 1.3536697626113892, 0.36995241045951843, 0.09908586740493774, 0.6532241702079773, 0.13300523161888123, 0.5723532438278198, 0.6743851900100708, -0.7081036567687988, 0.7872490286827087, -0.3083827495574951, -0.4244994521141052, -0.23691900074481964, 0.26898184418678284, -2.031233310699463, -0.18758849799633026, 1.7859604358673096, -0.44825685024261475, -0.07246488332748413, -0.4735536277294159, 0.23401232063770294, -0.37512192130088806, 0.24264666438102722, 0.26298534870147705, -1.0415565967559814, 0.2624112069606781, -0.9305723905563354, -0.2287556678056717, 1.262357473373413, -0.5685659050941467, -0.23273974657058716, 0.6505881547927856, 0.6198461651802063, -1.1007429361343384, 0.03549863398075104, 0.48682475090026855, -0.6772881150245667, 0.6459146738052368, 0.28598278760910034, 0.47801631689071655, 0.9483851194381714, -0.8442147374153137, -0.30184072256088257, 0.3085595965385437, 0.8957385420799255, 0.4595717489719391, -0.09065785259008408, 0.0071096718311309814, 1.1560310125350952, -1.0931026935577393, 0.930991530418396, 0.40263378620147705, -0.2280569076538086, -1.0062609910964966, -0.38573071360588074, -0.43129515647888184, -0.7281377911567688, 1.2169902324676514, 0.9954606294631958, 0.9855015873908997, 0.14592501521110535, 0.19329485297203064, -0.09364438056945801, 0.39738044142723083, 1.2204700708389282, 1.012277364730835, 0.3743056654930115, 0.19793280959129333, 0.3959876000881195, 0.6906147003173828, -0.023502081632614136, -0.7345292568206787, 0.1409951001405716, 0.5839056372642517, -1.0072686672210693, -0.3812541663646698, -0.49669820070266724, 1.2656638622283936, 0.739411473274231, 1.1082426309585571, -0.18173851072788239, -0.899524450302124, -0.6166608333587646, -0.16685627400875092, 0.9244760274887085, 0.3535061478614807, -1.5196424722671509, -0.048045359551906586, -0.592414915561676, 0.6677560806274414, -0.519443929195404, 0.3384416699409485, 0.5066063404083252, -0.46667245030403137, -0.26996877789497375, -0.4843144714832306, -0.9172686338424683, -0.25277021527290344, -0.21830400824546814, -0.042095061391592026, -1.1075161695480347, 0.48963555693626404, -0.002553652971982956, -1.1309739351272583, 0.133811816573143, -0.3417472541332245, -1.1435503959655762, 1.5539063215255737, 0.7762418985366821, -1.3751176595687866, -0.8465579748153687, -0.2209567278623581, -0.5462008118629456, -0.8114154934883118, 0.7595797181129456, -0.4207983613014221, 0.430237352848053, 0.16133175790309906, 0.21763764321804047, -0.1866133064031601, -0.3393022418022156, -0.2963730990886688, 0.18687649071216583, 0.6461880207061768, -0.5609501600265503, -0.29346656799316406, 0.09623914957046509, -1.4801641702651978, 0.2208169847726822, -1.4219743013381958, -0.446094810962677, 0.3577795624732971, 0.27368617057800293, -0.219478040933609, -0.5830175280570984, -0.3649104833602905, -0.08608386665582657, -0.45991697907447815, 0.4467737674713135, -1.0131629705429077, 0.9724662899971008, -0.8380577564239502, -0.045981839299201965, 0.07559582591056824, -0.10644996911287308, -0.11329779028892517, 0.71026211977005, -0.4994966685771942, 0.19764676690101624, 0.7361187934875488, 0.8537228107452393, -0.3031314015388489, 0.0547611340880394, 0.43327921628952026, 0.21165451407432556, -11.624505043029785, 0.12142428755760193, -0.3729190230369568, 0.6986803412437439, 0.48715275526046753, 0.3121088445186615, 0.3213343322277069, -0.5994225144386292, 1.4847065210342407, -0.776421308517456, 0.3032143712043762, 2.071953058242798, -0.5112856030464172, -0.08814911544322968, -0.04690146818757057, -0.06582996249198914, -0.2653358578681946, -0.3309042453765869, 0.26445960998535156, 0.1571543663740158, -0.5469139218330383, -0.8045896887779236, -0.13284797966480255, -0.7092747092247009, 0.3896852731704712, -0.10978670418262482, 0.07585236430168152, -0.5961058735847473, -1.253135323524475, 0.5431780815124512, 0.4254909157752991, 0.08220896124839783, -0.5525170564651489, 0.13440145552158356, 0.10069353878498077, 0.3195812404155731, -0.7121257185935974, -0.19484497606754303, 0.4601898789405823, -0.6254537105560303, 0.41306614875793457, 0.051940347999334335, 0.3369590640068054, -0.8669981956481934, -0.30041125416755676, -0.01894121617078781, -0.09060440957546234, -0.12090563774108887, 0.3643253743648529, 0.42737579345703125, -0.5706484913825989, -0.12663637101650238, -1.3296006917953491, -0.2084493488073349, 0.7814469337463379, 0.1851063072681427, -0.9964516758918762, 0.8474271297454834, -0.6452603936195374, -0.33927321434020996, 0.8394044637680054, 0.12735828757286072, -0.31392329931259155, 0.19802646338939667, 0.14182627201080322, -0.5107110142707825, 0.3237627446651459, 0.9095910787582397, -0.09426847845315933, -0.3349176049232483, -1.0085066556930542, 1.0079214572906494, 0.15577945113182068, 0.3465261459350586, -0.48323532938957214, 0.05524975061416626, -0.5280380249023438, -0.03263474255800247, 0.6066755056381226, -0.2182741016149521, -1.0428904294967651, 0.2283647656440735, -0.720482587814331, -0.73740553855896, -0.6985043883323669, 0.7217178344726562, -0.38449686765670776, -1.0263402462005615, 0.037258416414260864, 0.6029682755470276, 0.2574700713157654, 0.6399398446083069, -0.5631499290466309, 0.3323254883289337, 0.38178735971450806, 0.4027392566204071, -0.7112019062042236, 1.3916964530944824, -0.14047695696353912, 0.32763025164604187, 0.3556779623031616, -0.4871012270450592, 0.3442702889442444, -0.13276469707489014, 0.6407617926597595, 0.013376694172620773, 0.16045576333999634, 0.2287507951259613, -0.04617767408490181, 0.2092798799276352, 0.4093562066555023, -0.6166582107543945, -0.3707428574562073, 0.9077064990997314, 0.6451722383499146, 0.6595709323883057, 0.09413690865039825, 0.009538456797599792, 0.8185030817985535, 0.255609393119812, -0.2849368453025818, -0.13287916779518127, 0.004048284143209457, 0.5232415795326233, 0.8488439917564392, 0.3046863377094269, 0.17065703868865967, 0.11337340623140335, 0.009323682636022568, -1.2567822933197021, 0.7347010970115662, -0.22389763593673706, -0.02624044381082058, -1.0466054677963257, -0.4410579204559326, -0.3792246878147125, -0.16620147228240967, 1.2300522327423096, -1.1228197813034058, 0.11418407410383224, -0.6178802251815796, -0.2478649616241455, 0.39653509855270386, 0.06022948399186134, -0.5260173082351685, -0.5353785157203674, -0.9911249876022339, -0.07495604455471039, -0.2778138816356659, -1.057985782623291, 0.5543983578681946, -0.3314751982688904, -0.08421449363231659, -0.8073297142982483, -0.15685561299324036, -0.11650421470403671, 0.5309047698974609, 0.42244380712509155, -1.196689486503601, 0.39911967515945435, 0.9329699873924255, 0.166426882147789, -0.987951397895813, 0.8762578368186951, 0.42960479855537415, -0.2520287036895752, -0.1276399940252304, -0.10381759703159332, -0.7563341856002808, 0.5933762192726135, 1.274715781211853, -1.0002851486206055, -0.4153797924518585, -0.12507030367851257, -0.4175085127353668, -1.482386589050293, 0.4478578567504883, 0.9753748178482056, -1.100553274154663, 0.34908682107925415, -0.8459498882293701, 0.5728656649589539, -0.12563519179821014, -0.4296067953109741, -0.49343785643577576, 0.3934211730957031, -0.9106771945953369, 1.420105218887329, 0.19417765736579895, -0.0976121574640274, -1.5941846370697021, -1.4070837497711182, -0.34918662905693054, -0.2434089183807373, 1.2097457647323608, 0.22401399910449982, 0.6866744160652161, 0.6818544268608093, -0.3691278100013733, -1.1751739978790283, 0.28305694460868835, 0.2199179232120514, 0.436443954706192, -0.047304149717092514, -0.8418086767196655, 0.05051644146442413, -1.1158815622329712, 0.12593187391757965, 0.717515230178833, 0.023998763412237167, -1.782016396522522, -0.2987098693847656, 0.5466834902763367, 0.19655708968639374, 0.40448448061943054, -1.0060909986495972, 0.20286574959754944, 0.28813478350639343, -1.1211436986923218, -0.21717089414596558, -0.40717971324920654, 0.7677712440490723, -0.5449816584587097, 1.1004397869110107, 0.04298072308301926, 0.5028946995735168, 0.41285860538482666, 0.30150705575942993, 2.2880632877349854, -0.8862550258636475, -0.1472775936126709, -0.011642958968877792, -0.26378777623176575, -0.546783447265625, -0.7331558465957642, -0.2579132616519928, -1.168082594871521, 0.5876949429512024, -1.285014271736145, 0.18909865617752075, -0.0021538473665714264, 0.0343848280608654, -0.11931164562702179, 1.0999550819396973, 0.16283471882343292, -0.41949155926704407, -0.8263552188873291, -0.40019747614860535, 0.5430341958999634, 0.5281684398651123, -0.020994100719690323, 1.5135972499847412, 0.6989626884460449, 0.03397926688194275, 0.7939433455467224, 0.43728724122047424, -0.08104673027992249, -0.10689125210046768, -0.09930960834026337, 1.235264539718628, 0.6356114745140076, -0.04680805653333664, -0.25878670811653137, 0.18845048546791077, -1.3346877098083496, -0.2693786919116974, -0.20086711645126343, 0.5012376308441162, 0.2720057964324951, -0.10804332792758942, -0.278624027967453, -0.3428332805633545, -0.1703915148973465, 1.3907262086868286, 0.23582673072814941, 0.6162434816360474, -0.3556872606277466, -0.3430006206035614, -0.49017053842544556, 0.1053619235754013, 1.0957305431365967, -0.8080275654792786, -0.5341721177101135, -0.2751297950744629, -0.07942193746566772, -0.21104802191257477, -1.4830719232559204, -0.847877562046051, 0.49963757395744324, -0.6397162079811096, 0.21876902878284454, 1.0443311929702759, -0.6011702418327332, -1.0400735139846802, -0.09575130045413971, -1.2727413177490234, 0.8353520631790161, 0.21429310739040375, -0.87877357006073, 0.15743151307106018, 0.41542762517929077, -0.24516259133815765, 0.03778109699487686, 0.35182976722717285, -0.6932534575462341, -1.4485712051391602, 0.8008688688278198, 1.216758370399475, 0.30933141708374023, -0.050750456750392914, 0.3880665600299835, 0.990820050239563, 0.25500229001045227, 1.209344744682312]} +{"paper_id": "sharc", "embedding": [-0.9033550024032593, 0.2936570644378662, -0.2773536443710327, -0.28753381967544556, 0.6627036333084106, 0.13508884608745575, 0.7925231456756592, 0.4881930351257324, 0.3200150430202484, 0.7730910778045654, 0.10304524749517441, 0.21076996624469757, -0.007417391054332256, 0.38280999660491943, -0.7272009253501892, -0.6899577379226685, -0.7674485445022583, -0.6708683967590332, -1.2803598642349243, 0.021846570074558258, -1.1643658876419067, -0.8522425293922424, 0.00972096249461174, 0.8990190029144287, -0.6670838594436646, -0.982803463935852, 0.8710519671440125, -0.9184336066246033, 0.02950892597436905, 0.09120731800794601, 0.003855310380458832, 1.8754658699035645, -0.7432779669761658, 0.6852996349334717, -0.29703423380851746, -0.41923603415489197, -0.6436214447021484, 1.599799633026123, -0.5590041875839233, 0.14275109767913818, -0.4767557680606842, 0.295991986989975, 0.20361849665641785, 0.07788515090942383, 0.35528674721717834, -0.07175669074058533, -0.4166634678840637, 0.23486874997615814, -0.23323801159858704, 0.049073826521635056, -1.032132863998413, 0.5302010178565979, 0.1754537671804428, 0.16532441973686218, -0.19503015279769897, 1.1904178857803345, 0.48493364453315735, -0.8001661896705627, 0.5189509391784668, -0.6593953371047974, 1.3459784984588623, 1.5560925006866455, 0.1711353361606598, 0.1619834005832672, 0.6116881966590881, -0.3532663583755493, 1.4863934516906738, -0.18303783237934113, 0.38505280017852783, 0.8387398719787598, -0.07143975794315338, -0.1658613234758377, 0.11567911505699158, 0.2541271150112152, 0.21797001361846924, 0.7929102182388306, 0.2614724636077881, 0.5902859568595886, -0.7809230089187622, 0.257187157869339, 0.16665667295455933, -0.0500100702047348, 0.7205287218093872, -0.7199500799179077, 0.029276147484779358, 0.5202174186706543, 0.6273553371429443, -0.3828642666339874, 0.7516559958457947, -1.7912718057632446, 0.20837794244289398, -0.012133605778217316, 0.04412446916103363, 0.25933077931404114, -0.9665526747703552, 0.957679271697998, -0.7054318785667419, -0.24722425639629364, 0.2151993215084076, 0.7168099880218506, 0.8527031540870667, 0.0875997543334961, 0.37854382395744324, -0.2337304651737213, 0.39835283160209656, 0.9708370566368103, 0.19546914100646973, -0.3210207223892212, -0.2127063274383545, -0.4096341133117676, -0.09544897079467773, 1.17233407497406, 0.11052095890045166, 0.3922199010848999, -0.27147677540779114, 1.0479941368103027, 0.15985840559005737, -1.4379854202270508, 0.15514792501926422, 0.7520967125892639, -0.061233341693878174, -0.6728105545043945, -0.5212539434432983, 0.10049986839294434, 1.0989787578582764, -0.2246849536895752, -0.22584909200668335, -0.3077806234359741, 0.08504068106412888, 0.1924753338098526, 0.11710251867771149, -0.09489814937114716, -0.5798505544662476, -0.03021281585097313, 3.2655789852142334, -0.9286905527114868, 1.8489779233932495, -0.9214102625846863, 0.45766639709472656, -0.3762872517108917, -0.16807571053504944, 0.843830943107605, -0.22183138132095337, -0.5037121176719666, -0.8137450814247131, 0.13575312495231628, -0.31760695576667786, -0.3744701147079468, -0.8304728865623474, -0.2778303027153015, -0.15243500471115112, -0.4944985806941986, -1.6486083269119263, -0.16524556279182434, 0.25232890248298645, 0.46331825852394104, -0.13792680203914642, 0.6876862049102783, -0.49853742122650146, 0.31758835911750793, 0.6078656315803528, -0.10249157249927521, -0.49778470396995544, 0.41536611318588257, -1.0736982822418213, -0.3188287615776062, 1.105395793914795, -0.35883453488349915, -1.536707878112793, 0.33591240644454956, 0.5067873001098633, 0.0032398104667663574, -0.02055412530899048, -0.0077378954738378525, -0.5291737914085388, -0.18259882926940918, 0.7269319891929626, 0.8668887615203857, 0.03174689784646034, -0.7615949511528015, -0.07783643156290054, -0.29015812277793884, -0.27356278896331787, 0.9120222330093384, -0.17102213203907013, 0.23414620757102966, -2.5049381256103516, -0.03193279355764389, -0.28283417224884033, 0.8634369969367981, 0.04408411681652069, 0.6436770558357239, 0.2197512984275818, 0.42453157901763916, 0.4646645784378052, -0.5194727182388306, 0.817061185836792, -1.9736372232437134, -0.14216990768909454, 0.1986759454011917, -0.24610698223114014, -0.291475772857666, 0.28369617462158203, 1.2391133308410645, 0.5367940068244934, -0.7198829054832458, -0.8658486008644104, -2.465907096862793, -0.04499785602092743, 2.6519076824188232, 0.12982331216335297, -0.4703601598739624, -0.6740080118179321, -0.3085481524467468, 0.0770004615187645, 0.13967235386371613, 0.6998755931854248, -0.9080430269241333, 0.7586225867271423, -0.8074813485145569, 0.6119179129600525, -0.2504505217075348, 0.4392736852169037, 1.0118803977966309, 1.740199089050293, -0.7830766439437866, -0.24738037586212158, -0.7373877167701721, -0.20100966095924377, 0.3007507622241974, 0.11874125152826309, 0.3688147962093353, 0.21610641479492188, 0.5037509202957153, 0.5660597681999207, 1.014522671699524, 0.3654312193393707, 0.3352763056755066, -0.9235363006591797, 0.0894593894481659, -0.45173880457878113, 1.2499209642410278, 0.27003806829452515, 0.008486377075314522, 0.5217474102973938, -0.2546941339969635, -0.4368409216403961, -0.19812050461769104, -0.01951778307557106, -0.026344232261180878, 0.8407814502716064, 0.6481613516807556, -0.6813747882843018, 0.22487542033195496, -0.9436075687408447, -0.6176167726516724, -0.21428737044334412, -0.9408155083656311, -0.7638137340545654, -0.3471929430961609, 0.7952091693878174, 0.16986437141895294, -0.3404962718486786, -0.2211359739303589, -0.34713852405548096, -1.0928417444229126, 0.09807965159416199, -0.1713804304599762, -0.05808977782726288, -0.8634889125823975, -0.021519634872674942, -1.1109493970870972, -0.9216611981391907, -0.6025158166885376, 0.24682922661304474, -0.2126176357269287, -0.3899175226688385, 0.9178719520568848, 1.1266058683395386, -0.5463463664054871, -0.0006327889859676361, -0.2871816158294678, 1.145417332649231, -0.46796920895576477, 0.6348963975906372, -0.09995048493146896, 0.4616868793964386, -0.33822309970855713, 0.4223386347293854, -0.35362643003463745, 0.4421524405479431, 0.8765193223953247, -0.2411104142665863, 0.3305220305919647, -0.5463697910308838, -1.036769151687622, 0.838476300239563, 0.16439825296401978, -0.2736087739467621, -0.3364783525466919, 1.4905550479888916, -0.0162612684071064, -0.4849236309528351, 1.1266331672668457, -0.035737402737140656, 0.14506235718727112, 1.1275094747543335, -0.0991237610578537, -0.30458521842956543, 0.25147879123687744, -0.5310714244842529, 0.15473346412181854, 0.8418369889259338, -1.910656213760376, 1.1783307790756226, 0.9725974798202515, -0.3482709527015686, 0.08968701958656311, -0.8525471091270447, 0.40591591596603394, -0.6417288184165955, 0.15021775662899017, 0.19368976354599, 0.10217437148094177, 0.5485153794288635, -0.6519001126289368, 0.3607695698738098, 0.4879005253314972, -0.49932754039764404, 0.0926002711057663, 0.22805370390415192, 0.07107046991586685, -1.2116161584854126, -0.692215621471405, 0.6545902490615845, -0.05782841145992279, 0.21964260935783386, -0.14626407623291016, 1.160422444343567, 1.1998568773269653, -0.2512623965740204, -0.2979673147201538, 0.8988019824028015, 0.6935766339302063, 0.2700931131839752, 0.0003307657316327095, -0.05129291117191315, 0.4500819742679596, -0.49943745136260986, 1.2271273136138916, 0.1318451166152954, -0.29548898339271545, -1.3028419017791748, -0.38502100110054016, 0.1533282995223999, -0.9992913603782654, 1.7540091276168823, 0.647167444229126, 1.1225894689559937, 0.38912147283554077, 0.43208515644073486, -0.3052641451358795, -0.6022064089775085, 0.8640029430389404, -0.055293262004852295, 0.4002044200897217, -0.7564080953598022, -0.3153440058231354, 0.8498691320419312, 0.07384661585092545, -0.7426003813743591, 0.004361444152891636, 1.231838583946228, 0.14926405251026154, -0.5738224387168884, 0.1623518466949463, 0.7220320105552673, -0.16082856059074402, 1.1894110441207886, -0.6289459466934204, -0.16757962107658386, -0.18631315231323242, 0.35436663031578064, 0.07144282013177872, 0.19438394904136658, -0.1483200043439865, 0.8545995354652405, 0.29034674167633057, 0.42250558733940125, 0.15450891852378845, 0.9615883231163025, 1.198184847831726, -0.8535003662109375, -1.0871615409851074, -0.19989880919456482, -0.9507007002830505, -0.4176345467567444, 0.6575159430503845, -0.660932183265686, -0.29057905077934265, 1.0543993711471558, -0.19845277070999146, -0.7940555810928345, 0.5235440731048584, -0.6448414325714111, -1.1817829608917236, 1.3295055627822876, 0.7149444818496704, -1.309622049331665, 0.168907031416893, 0.0910482257604599, -0.7912073135375977, -0.7276725172996521, 0.46813085675239563, -0.9117478728294373, 1.2032904624938965, 0.22268323600292206, 0.7066138982772827, 0.022068407386541367, 0.14751087129116058, -1.1987110376358032, 0.9373893141746521, 0.3516196012496948, -0.8947053551673889, 0.23087278008460999, 0.4207626283168793, 0.3658943772315979, 0.6146100759506226, -1.031460165977478, -0.5883742570877075, 1.2883493900299072, 0.08708441257476807, 0.25033697485923767, -0.9931004643440247, -0.7725913524627686, 0.6697104573249817, -0.06116020679473877, -0.27551233768463135, -0.8278480172157288, 0.12823866307735443, -0.5381667613983154, -0.08029080182313919, 1.0329949855804443, -1.2297812700271606, -1.3808752298355103, 0.016584575176239014, -0.5679759383201599, 1.0877010822296143, -0.4501498341560364, 0.3163679540157318, 1.4979236125946045, -0.19679224491119385, 0.4864172339439392, -0.1476333737373352, -11.081087112426758, 1.1026231050491333, -0.4749426245689392, 0.32813239097595215, 0.25102442502975464, -0.2075076699256897, 0.38669222593307495, -0.6634495854377747, 0.554469645023346, -1.0141521692276, 0.3260834515094757, 1.4440258741378784, 0.33785006403923035, 0.3526226878166199, -1.1316008567810059, -1.4242703914642334, -0.5148887038230896, -0.47717636823654175, -0.09903451055288315, 0.09495804458856583, -0.8033874034881592, -1.2174739837646484, -0.010730132460594177, -0.6721615195274353, 0.6417524814605713, 0.24765971302986145, -0.8846897482872009, -0.3881267309188843, -0.8717462420463562, -0.5797327756881714, 0.6489354968070984, 0.23046286404132843, -0.0734858587384224, -0.21477067470550537, 0.031779058277606964, -0.16866295039653778, -0.5926543474197388, -0.2391611784696579, 0.8713412284851074, 0.49097561836242676, -0.1840611696243286, -0.1823262870311737, 0.8686257600784302, -0.5129793286323547, -0.08347661048173904, 0.5791949033737183, 0.42385900020599365, -0.7268967032432556, -0.03441345691680908, 0.34857943654060364, -0.6365415453910828, -0.3458220660686493, -0.857557475566864, -0.6795021891593933, -0.23041288554668427, 0.2536669671535492, -0.4783633053302765, -0.27515482902526855, -0.9358101487159729, -0.6903437376022339, -0.1968916952610016, 0.2568366229534149, 0.006663911044597626, 0.425693154335022, 0.13090910017490387, 0.036812715232372284, -0.17323681712150574, 0.3340035676956177, -0.8244059085845947, 0.525336503982544, -0.78316730260849, 1.1493068933486938, -0.6095235347747803, 0.8529014587402344, -1.1761723756790161, -0.2638632655143738, -1.1576547622680664, -0.2847028374671936, 0.7087222337722778, -0.6691135168075562, -1.477281928062439, 0.7919219136238098, 0.6034556031227112, -0.3969193696975708, -0.8637720942497253, 0.9160805940628052, -0.02430107444524765, -0.02158774808049202, 1.6826837062835693, -0.6558031439781189, 1.133760690689087, 0.3816567659378052, -0.4053550362586975, -0.10609622299671173, -0.747596025466919, 0.6273617744445801, 0.5946205854415894, 0.8154745101928711, 0.17584535479545593, -0.8258183002471924, 0.10159260034561157, -0.01181173138320446, -0.9896786212921143, 0.11789087951183319, 0.607000470161438, 0.12895703315734863, 0.29357534646987915, -0.1855577826499939, -0.0012871958315372467, -0.5369109511375427, 1.3171597719192505, -0.003713659942150116, -0.5871073007583618, 0.987090528011322, -0.4800892770290375, 0.051778778433799744, 0.8947639465332031, -0.12604999542236328, 0.5454135537147522, 0.43327903747558594, -0.379458487033844, 0.974220335483551, -0.6610371470451355, 1.1576529741287231, 0.08365534245967865, -0.5116601586341858, 0.6407520771026611, 0.6378580331802368, -0.10633385181427002, -1.385124683380127, 0.7427586913108826, -0.005501013249158859, 0.226816788315773, -0.8548281788825989, -0.30467987060546875, 0.2460663616657257, -0.472949743270874, 1.3993148803710938, -1.2243115901947021, 0.025166304782032967, 0.06374593079090118, -0.0006971396505832672, -0.6549803018569946, -1.0267096757888794, -1.353188157081604, 0.5398637056350708, -1.49331533908844, 0.8097667694091797, -0.3458634912967682, -0.5780709385871887, -0.1231343001127243, -0.5291717648506165, 0.544522225856781, -1.0868786573410034, -0.357523113489151, -0.09795423597097397, 0.22452197968959808, -0.0404580757021904, -0.7824137806892395, 0.2478542923927307, 0.22103029489517212, 0.9299437999725342, -0.7199796438217163, 1.242695927619934, 0.734491229057312, -0.27262046933174133, -0.005943216383457184, 0.1371791958808899, -0.8142172694206238, 0.1909354329109192, 0.9039989113807678, -1.0003435611724854, -0.7500556111335754, -0.35572612285614014, 0.47677502036094666, -0.4609471261501312, 0.5502223968505859, 0.7299879789352417, -1.2603001594543457, -0.3131987452507019, -0.6324414014816284, 1.1001300811767578, -0.7797819972038269, -0.40007898211479187, -0.3109734058380127, -0.16109423339366913, 0.12130778282880783, 1.2925190925598145, 0.19895097613334656, 1.1584887504577637, -1.7234430313110352, -1.0875320434570312, -0.42941948771476746, 0.10363470017910004, 0.09160847961902618, 0.4230692982673645, 1.0062310695648193, 0.6748982667922974, -0.3726581037044525, 0.010872259736061096, 0.6067745089530945, 0.7948781847953796, 0.3061213791370392, 0.4256454408168793, -0.39126551151275635, 0.5580346584320068, -0.740216851234436, -0.12711778283119202, 0.41786107420921326, 1.0184508562088013, -1.4411970376968384, -0.8491501212120056, -0.14385470747947693, -0.5452160835266113, 0.6131414175033569, -1.0149683952331543, -0.17146697640419006, -0.5856096744537354, -1.286971092224121, -1.1730633974075317, 0.5188960433006287, 1.4553719758987427, 0.6002307534217834, 0.7532114386558533, 0.42368125915527344, 1.5698052644729614, 1.0057252645492554, 0.11606785655021667, 1.194438099861145, -0.07337616384029388, 0.34941479563713074, 0.5588947534561157, 0.7447487115859985, 0.22007879614830017, -0.20695547759532928, -0.840255081653595, -0.5025655627250671, 0.032351456582546234, -0.7178084850311279, 1.2159583568572998, -0.08984717726707458, 0.47907519340515137, 1.2023897171020508, 0.8704847693443298, -0.855023205280304, -1.2666616439819336, -0.4651739299297333, -1.590796709060669, 0.28743720054626465, 0.823895275592804, 0.8619276285171509, 1.0875093936920166, 0.7521729469299316, -0.10835640132427216, 0.5174268484115601, -0.30527713894844055, 0.7343467473983765, 0.08231576532125473, -0.18122129142284393, 0.7414801716804504, 0.8541615009307861, 0.21072052419185638, 0.6151483654975891, 0.24382659792900085, -0.8566445112228394, 0.23728281259536743, -0.7026100158691406, 0.9673337936401367, 0.6499988436698914, -0.5631052255630493, 0.5385510921478271, -0.16820421814918518, 0.8518155217170715, -0.35194605588912964, 0.7840763926506042, 0.413534939289093, -0.43297314643859863, -0.5599974393844604, -0.8624308109283447, -0.20164969563484192, 0.6716702580451965, -0.21906796097755432, -0.19962501525878906, -0.13462190330028534, 0.45604074001312256, 0.13280512392520905, 0.04777393490076065, -0.9653278589248657, 0.10713411867618561, -0.8265259861946106, 0.11846520006656647, -0.25420767068862915, -0.5176976323127747, -0.6700931191444397, -0.1770169585943222, -1.0457671880722046, 0.3496743440628052, -0.03839941695332527, -0.8722980618476868, -1.3197661638259888, 0.762807309627533, -0.07346556335687637, 0.5615625977516174, -0.3338707685470581, -0.5726603269577026, -2.0075759887695312, 0.568828821182251, 1.050268292427063, -0.5860990881919861, -0.8391506671905518, 0.1571383774280548, 0.390365332365036, -0.3078649342060089, 0.5700327157974243]} +{"paper_id": "GEM/xlsum", "embedding": [-0.20497891306877136, 0.9430024027824402, -0.2550024390220642, 0.16792118549346924, 0.5150138139724731, -0.5223569869995117, 0.35910603404045105, 0.7769631743431091, 0.7319595813751221, 0.6416369676589966, 0.889374315738678, 0.0342269092798233, -0.032216593623161316, 0.5083553791046143, -0.0506494902074337, -0.6748288869857788, -0.8764362335205078, -1.0212628841400146, -0.9124868512153625, -0.705436110496521, -0.7301332354545593, -0.06754769384860992, 0.20619624853134155, 0.20963340997695923, -0.7351347804069519, -0.4007851779460907, 1.1536308526992798, -1.4428006410598755, -0.18881377577781677, 0.40993157029151917, 0.05884086713194847, 0.9596167206764221, -1.6708457469940186, 0.25129827857017517, -0.8601810932159424, -0.5460018515586853, 0.3822448253631592, 0.939958930015564, 0.05326927453279495, 0.10463006794452667, -0.5156781077384949, 0.2415531873703003, 0.7782065272331238, -0.17437873780727386, -0.08925386518239975, -0.37494146823883057, -0.12691092491149902, 0.23038989305496216, -0.2828758955001831, 0.10819311439990997, 0.6090264320373535, 0.328506737947464, -0.39999741315841675, 0.5676580667495728, -0.2183978259563446, 1.7158427238464355, 0.2804740369319916, -1.2202481031417847, 0.41982823610305786, -1.1427390575408936, 1.2741340398788452, 1.4334666728973389, -1.0488108396530151, -0.16173969209194183, 1.5123652219772339, -0.19921240210533142, 1.6292134523391724, 0.44086194038391113, 0.9838929176330566, 1.0741575956344604, -0.29844340682029724, -1.3526567220687866, 0.2878985106945038, -0.23530462384223938, 0.1723189353942871, 0.85551917552948, 0.5276212692260742, -0.3920363783836365, -0.2720962166786194, -0.10550454258918762, -0.8648366928100586, 0.2814776301383972, 0.6933784484863281, -0.8798511028289795, -0.23002558946609497, 0.17514124512672424, -0.10181698948144913, 0.0828058049082756, 0.6962544918060303, -1.3828351497650146, 0.02915242686867714, -0.11917807906866074, -0.572418212890625, -0.2190415859222412, -0.35988879203796387, 0.3536391854286194, 0.22941844165325165, -0.25734400749206543, -0.350919634103775, 0.2238873541355133, 0.5829724669456482, -0.5672332048416138, 0.6608951687812805, 0.5004761815071106, 0.3745425045490265, 1.277833342552185, -0.21213632822036743, -0.5015094876289368, -1.0839710235595703, -0.5347641706466675, 0.2590179145336151, 0.5644547343254089, 0.22572451829910278, 0.013882491737604141, -0.04172700271010399, -0.4553910791873932, 0.23095044493675232, -0.1002410501241684, -0.8451447486877441, -0.2452196329832077, -0.491894006729126, -1.6837658882141113, -0.5315379500389099, 0.22802142798900604, 0.6992935538291931, -0.9311802387237549, 0.2529575228691101, -0.6062055826187134, -0.12109726667404175, 0.1325153261423111, 0.46019837260246277, 0.21784603595733643, -0.8364574909210205, 0.36351093649864197, 2.6325411796569824, -0.3374377191066742, 1.4381170272827148, 0.5601663589477539, 0.0836273804306984, -0.6761363744735718, 0.10903366655111313, 1.124180793762207, 0.07021760940551758, -1.2293994426727295, 0.3302817940711975, 0.40465816855430603, -1.1140189170837402, 0.7819858193397522, -1.1144905090332031, -0.5469639301300049, -0.1949007511138916, 0.19494283199310303, -0.971025288105011, -0.8185816407203674, 0.13552969694137573, 0.31482359766960144, 0.32692667841911316, 0.45128101110458374, -0.7748801708221436, 1.0876483917236328, 0.9973624348640442, 0.6311355233192444, -0.38390052318573, 0.462106317281723, -0.8991028666496277, -0.03132283687591553, 0.6425338387489319, -0.3008105754852295, -0.6460568308830261, -0.8540321588516235, 1.1712749004364014, -0.328164279460907, 0.20165669918060303, -0.13840869069099426, -0.2781774401664734, 0.29465270042419434, 0.4901733994483948, 0.4545270502567291, -0.24274219572544098, -0.49423715472221375, -0.13673503696918488, -0.008214764297008514, 0.297035276889801, 0.44325897097587585, 0.07333430647850037, 0.7714377641677856, -1.8324329853057861, -0.6761292219161987, -0.7115164995193481, 0.7219293713569641, -0.09855995327234268, 0.022403540089726448, 0.09287430346012115, -0.1130342185497284, 0.11175084114074707, -0.6779490113258362, 0.00016806088387966156, -0.7563677430152893, 0.15934541821479797, 0.240873321890831, 0.1383063942193985, 0.44939327239990234, 0.4749680757522583, 0.5764245986938477, 1.0017924308776855, -0.5776231288909912, -0.8756683468818665, -1.6184985637664795, 0.3522602319717407, 1.4972267150878906, -0.6576716303825378, -0.5625013113021851, -1.6339462995529175, -0.4561130404472351, 0.8320853114128113, -0.32339513301849365, -0.39109423756599426, -0.4094071388244629, -0.38277024030685425, -1.3206583261489868, 0.3167418837547302, -0.8219294548034668, -0.11798566579818726, 0.36394375562667847, 0.8419758677482605, -0.6717607378959656, -0.15561752021312714, -0.05588080361485481, -1.0250030755996704, 0.48933151364326477, 1.1192431449890137, -0.08387847989797592, -0.6105344295501709, 0.75142502784729, -0.14615558087825775, 0.6616707444190979, 0.4317080080509186, 0.2352244257926941, -0.22026821970939636, -0.548348069190979, -0.2973960041999817, 1.185367226600647, -0.3905373811721802, -0.16327910125255585, -0.10624761879444122, 0.31929588317871094, -0.025623606517910957, -0.7290197014808655, 0.1567336618900299, -0.1870681643486023, 1.3059946298599243, 1.1511635780334473, -0.2880840599536896, 2.131234884262085, -1.345018744468689, -0.03316382318735123, 0.02715255506336689, -1.226577639579773, -0.13677944242954254, -0.2698173522949219, 0.5671200752258301, -0.06604334712028503, 0.4073851406574249, -0.18380297720432281, -0.44180136919021606, -2.0079963207244873, -0.2008287012577057, -0.5825579166412354, -0.8790594339370728, -1.569045066833496, -0.11110763251781464, -0.38087689876556396, -1.2036257982254028, -0.7622960209846497, 0.2489147186279297, 0.18615368008613586, 0.023828618228435516, 1.0232115983963013, 1.4860397577285767, -0.06344664096832275, 0.781589686870575, -0.30221861600875854, 1.3052122592926025, -0.4796735346317291, 1.0486434698104858, -0.12922227382659912, -0.24144749343395233, -1.1845496892929077, 0.12399929761886597, -0.7043236494064331, -0.03089592605829239, 0.20465847849845886, -0.6293612122535706, 0.5852543115615845, 0.08261775970458984, -1.828330159187317, 0.5946957468986511, -0.31372538208961487, -0.07937323302030563, -1.0383542776107788, 1.2880685329437256, 0.2671489417552948, -0.7315183281898499, 0.663463294506073, 0.19122807681560516, -0.06057474762201309, 1.453282356262207, -0.49319595098495483, 1.674028992652893, 0.2363530546426773, -0.22010160982608795, 0.3206051290035248, -0.06381826847791672, -1.527804970741272, 0.021837742999196053, 1.7889435291290283, -0.4024430513381958, -0.3805782198905945, -0.8347965478897095, 0.16500554978847504, -0.23426827788352966, -0.295722633600235, 0.40463995933532715, -0.924302339553833, 0.5766440629959106, -0.1735202968120575, -0.16231068968772888, 1.5264880657196045, -1.0567983388900757, 1.1328364610671997, 0.8734878897666931, 0.581916868686676, -0.3847856819629669, -0.6583126187324524, 1.0064120292663574, -0.38129886984825134, 1.14458429813385, 0.06134429946541786, 1.4342776536941528, 1.3942145109176636, -0.6721218824386597, -0.2137136161327362, 0.9111514687538147, 0.8537619709968567, 0.5615952610969543, 0.72690349817276, -0.716264009475708, 0.32968440651893616, 0.03962891548871994, 1.393126130104065, 0.5245522260665894, -1.2750624418258667, -0.8403211236000061, -0.3784274160861969, -0.5257623791694641, -1.160292625427246, 1.7064417600631714, 0.5706819891929626, 1.2470839023590088, 0.4275262951850891, 0.6840716600418091, -0.2176358550786972, -0.0723225474357605, 0.5942516326904297, 0.1186998039484024, 0.18278288841247559, -0.7087788581848145, 0.14713504910469055, 1.1673266887664795, -0.7069788575172424, -0.11737942695617676, -0.02146630734205246, 0.225530207157135, -0.4828401505947113, -0.6714642643928528, 0.6575711369514465, 0.6105896830558777, 0.7952413558959961, 1.3809726238250732, -0.9223939776420593, -0.5257821679115295, -0.0979594737291336, -0.041386678814888, -0.19157631695270538, 0.6637392640113831, -1.1799278259277344, 0.1711830496788025, 0.3538430631160736, 1.1556874513626099, -0.373160719871521, 0.9495047926902771, 0.8988472819328308, -0.2774531841278076, -0.7252203226089478, -0.6776189208030701, -0.8883756399154663, -0.7620870471000671, -0.20843815803527832, 0.060023918747901917, -1.085898756980896, 0.7126939296722412, -0.8118984699249268, -1.0060960054397583, 0.27646470069885254, -0.27469760179519653, -1.0942342281341553, 0.6733336448669434, 0.8247549533843994, -1.5825691223144531, -0.4112401604652405, -0.00627705454826355, -0.933487594127655, -0.6203513145446777, 0.032813288271427155, -0.47933924198150635, -0.15589682757854462, 0.1274944394826889, 0.4913993775844574, 0.3307516574859619, 0.030684582889080048, -0.925866425037384, 0.6210372447967529, 1.3166002035140991, -0.9788160920143127, 0.9254720211029053, 0.21901839971542358, 0.19714735448360443, 0.31851980090141296, -1.1095573902130127, -0.678352415561676, 0.7609481811523438, 0.573702335357666, -0.2020692229270935, -1.1748508214950562, -0.9404845833778381, 0.4094838798046112, -0.20670774579048157, 1.1077715158462524, -0.7429094910621643, 0.08881328254938126, -0.5403410196304321, 0.5574312806129456, 0.4351958632469177, -0.6043286323547363, 0.02598297968506813, 1.3331608772277832, -0.2098839282989502, 0.49244818091392517, -0.07501771301031113, 0.18333691358566284, 0.7642344832420349, 0.05039016157388687, -0.05530010163784027, -0.7167189717292786, -10.99885368347168, -0.11307408660650253, -0.066739521920681, -0.1318584382534027, 0.5375486016273499, 0.09926711767911911, 0.8613898158073425, -0.13070234656333923, 0.3920544683933258, -0.7644339203834534, 0.26832616329193115, 1.5726654529571533, 0.39612317085266113, -0.6258736848831177, -0.7934377789497375, -1.1143995523452759, -0.35667291283607483, -0.2687055468559265, 0.8009287714958191, -1.1565518379211426, 0.40245264768600464, -0.7498829960823059, 0.583531379699707, -0.07747803628444672, 0.12058898061513901, -0.47134560346603394, 0.1469365358352661, 0.17624180018901825, -0.6054855585098267, 0.4408952295780182, 0.7150048017501831, -0.3376741409301758, -0.9313912987709045, -0.4712923467159271, 0.9005320072174072, -0.297466903924942, -1.0853718519210815, 0.1234312355518341, 0.9340167045593262, -0.29330572485923767, -0.1404932290315628, 0.6039820313453674, -0.32118311524391174, -0.27568086981773376, -0.4237990379333496, 0.2744724154472351, 0.6702480316162109, -0.6869417428970337, 1.3082574605941772, -0.7889114618301392, -1.0009514093399048, -0.8087019920349121, -0.9689602255821228, -0.590300977230072, 0.8364100456237793, 0.19946986436843872, -0.4850136339664459, 0.08375047147274017, -0.4586251378059387, -1.1398817300796509, 0.7663528919219971, -0.0329158678650856, -0.4558584988117218, -0.23533348739147186, 0.285415917634964, -0.6774371862411499, 0.8691378831863403, 0.09468643367290497, -0.0661187395453453, 0.24204221367835999, -0.9929388165473938, 0.7537729144096375, 0.12626469135284424, -0.5992117524147034, 0.09273970127105713, -0.2574585974216461, -0.13108322024345398, -0.551396369934082, 0.6258545517921448, 0.4168926477432251, -1.2503254413604736, 0.5901536345481873, 0.48652562499046326, -0.6464088559150696, -0.974568247795105, -0.32576167583465576, 0.18952149152755737, -0.12306457757949829, 0.3777093291282654, -0.5504419803619385, 0.9671919345855713, -0.16722950339317322, 0.3692559003829956, -0.3956873416900635, 0.16012409329414368, 1.2107573747634888, -0.9979716539382935, 0.807372510433197, -0.050028376281261444, -0.937921404838562, 0.31012457609176636, -0.02352508343756199, -0.6232755184173584, -0.3711543679237366, 0.6002081036567688, -0.29046428203582764, -0.051172226667404175, 0.49848195910453796, -0.20904599130153656, -0.5701923966407776, 0.6164736747741699, 0.22931650280952454, -0.19008426368236542, 1.001479983329773, -0.5536003112792969, 1.549222469329834, 1.0076956748962402, 0.09668682515621185, 0.46687763929367065, 1.4109431505203247, -0.7619867920875549, 0.731989860534668, 0.21779006719589233, 1.3698476552963257, -0.012531239539384842, 0.5383691787719727, -0.32317280769348145, 0.5707663297653198, -0.24838897585868835, -1.0679272413253784, 0.053396254777908325, -0.3674020767211914, -0.020552339032292366, -0.6031805872917175, -0.1557234227657318, -0.1702413260936737, -0.717154860496521, 1.8541942834854126, -0.4039881229400635, 0.28037169575691223, -0.2746056318283081, -0.6772434711456299, 0.39074739813804626, -0.5035867691040039, -0.4093897044658661, 0.07659374177455902, -2.031625986099243, 0.3589926064014435, -0.3797023296356201, -0.37743544578552246, 0.3662848472595215, -0.29578912258148193, 0.5744932889938354, -0.4380674958229065, -0.664052426815033, -0.4114462733268738, 0.5580344796180725, -0.2961518466472626, -1.1631054878234863, -0.37925994396209717, 0.09817494451999664, 1.2188830375671387, -0.6731922030448914, 0.8581600189208984, 0.05292662978172302, 0.4303283393383026, -0.5221132040023804, -0.2270747274160385, -0.6207001209259033, 0.8003684282302856, 1.4501851797103882, -1.260634422302246, 0.010255787521600723, -0.362132728099823, 0.2346513718366623, -0.7627372145652771, 0.36901146173477173, 1.568379521369934, -0.8262237906455994, 0.38634365797042847, -0.13680832087993622, 0.6162936091423035, 0.500188946723938, -0.4492613673210144, -0.8457366228103638, 0.4672161638736725, -0.2261199653148651, 0.3921716511249542, -0.008685928769409657, 0.7615610957145691, -1.4936383962631226, -1.1118018627166748, -0.7797113656997681, -0.47338396310806274, 0.9279263019561768, -0.6694190502166748, 1.3630832433700562, 0.677387535572052, 0.3108275532722473, 0.20317691564559937, 0.024874886497855186, 1.0820517539978027, 0.2733754515647888, 0.44029420614242554, 0.1033405214548111, -0.3309980630874634, -0.501783549785614, 0.3540509343147278, 0.3515145182609558, 0.5116801857948303, -0.7074512243270874, 0.579039990901947, 0.6650828123092651, 0.022495724260807037, -0.6347807049751282, -1.0095417499542236, 0.26911062002182007, -0.18033140897750854, -0.16702525317668915, -1.3637202978134155, 0.5468619465827942, 1.0882365703582764, -0.5276868343353271, 0.9162247776985168, 0.3306894898414612, -0.039171863347291946, 0.6901800632476807, 0.7961660623550415, 1.2754703760147095, -0.6227689385414124, -0.6217480897903442, 0.13756559789180756, 0.4306373596191406, 0.028473936021327972, 0.7089016437530518, 0.1733608990907669, -0.9891770482063293, 0.03660619631409645, -1.1723310947418213, 0.7256194353103638, 0.19484180212020874, -0.11698408424854279, 0.6033765077590942, 1.1420913934707642, 0.4245489239692688, -1.4635815620422363, 0.11730214953422546, -1.1723451614379883, -0.4053940773010254, 0.703068196773529, 0.2541927695274353, 0.1527538001537323, 0.854630708694458, -0.6842143535614014, 1.2258154153823853, -0.31299707293510437, -0.2549251317977905, 0.09188023209571838, -0.04708189517259598, 1.1140865087509155, 0.4142230749130249, 0.7688822746276855, -0.23858578503131866, -0.2619038224220276, -0.004982281476259232, -0.7189024686813354, -0.6080291271209717, 0.6873644590377808, 1.3700263500213623, -0.01385410875082016, 0.0034554600715637207, -1.2252017259597778, -0.13854007422924042, -0.6761398911476135, 0.3846103250980377, 0.4616395831108093, -0.9191051125526428, -0.9982568025588989, -1.3538933992385864, 0.12258362770080566, 1.0856982469558716, -0.19460292160511017, -0.14019149541854858, 0.3947716951370239, 0.6112657785415649, 0.10029538720846176, -0.14904144406318665, -0.49091657996177673, 0.293938010931015, 0.07540790736675262, 0.01875978708267212, 0.8867619037628174, -0.4245041310787201, -0.9078580141067505, 0.14735360443592072, -0.6775113344192505, 0.4043191969394684, 0.03171391040086746, -0.6332228183746338, 0.32246625423431396, 0.7179431915283203, 0.8144807815551758, -0.4082334339618683, 0.7094986438751221, 0.09341339021921158, -1.5378873348236084, 1.3505496978759766, 0.8903214335441589, -0.316668301820755, -0.4124954342842102, 0.2681843340396881, 0.7307302355766296, 0.43562981486320496, 1.401125192642212]} +{"paper_id": "refresd", "embedding": [-0.5588064789772034, 0.6903648972511292, -0.17168854176998138, -0.27847564220428467, 0.518054187297821, -0.33157411217689514, 0.6482346653938293, 0.4070502519607544, 1.0868229866027832, 0.720170795917511, 0.5688021779060364, -0.33926212787628174, -0.2729317247867584, 0.12426102161407471, -0.44286492466926575, -0.5549488067626953, -1.2331703901290894, -0.9387391209602356, -1.5462112426757812, -0.5869344472885132, -0.7358287572860718, -0.6625837683677673, -0.055685143917798996, 0.23310118913650513, -0.698706865310669, -0.9380853176116943, 0.6050535440444946, -1.4062589406967163, 0.30725279450416565, 0.3495922386646271, -0.34102585911750793, 1.1944422721862793, -1.3196253776550293, -0.24723967909812927, -0.1974504590034485, -0.07570841163396835, 0.6512049436569214, 1.8402276039123535, -0.2959864139556885, 0.210304394364357, -0.7302441000938416, -0.3887934386730194, 0.7310953140258789, 0.3739051818847656, 0.6158114075660706, -0.24173253774642944, 0.24013499915599823, -0.16848504543304443, 0.12092319130897522, -0.40961503982543945, -0.49911150336265564, 0.13781262934207916, 0.03626345843076706, -0.03463691845536232, -0.8106679916381836, 1.9159014225006104, 0.6583747863769531, -0.8308693170547485, 1.227327585220337, -0.5208893418312073, 1.1492937803268433, 1.6764615774154663, -0.2986414134502411, 0.3082551658153534, 1.2804813385009766, 0.0008151605725288391, 1.8214274644851685, -0.040443483740091324, 0.0344986654818058, 0.2334146350622177, 0.14802934229373932, -0.7934525609016418, 0.07148214429616928, 0.27889689803123474, 0.9484171867370605, 1.1444255113601685, 0.8907375335693359, 0.5244663953781128, -0.18918555974960327, -0.3979620337486267, -0.7238892912864685, 0.6770067811012268, 0.5828036069869995, -0.5021092295646667, -0.23124831914901733, 0.26105669140815735, 0.298519104719162, -0.7435383200645447, 1.14931058883667, -1.809036374092102, 1.017423391342163, -0.5072649717330933, 0.27936112880706787, -0.1231556162238121, -0.2984673082828522, 0.20853528380393982, -0.2709834575653076, -0.5689501166343689, -0.563132107257843, -0.13201665878295898, 0.6462306976318359, -0.11502368748188019, 0.5992476344108582, -0.017093166708946228, 0.28447431325912476, 0.9457886219024658, -0.26127249002456665, -0.03731685131788254, -0.856593132019043, -0.27029532194137573, 0.19690020382404327, 1.2399975061416626, 0.04265986755490303, 0.21293982863426208, -0.24644063413143158, 0.6618530750274658, 0.2561645209789276, -0.5245795249938965, -0.24787059426307678, 0.005696386098861694, 0.02858329750597477, -1.0086688995361328, -0.3848653733730316, 0.03833475708961487, 1.08451509475708, -0.5070329308509827, 0.6441147327423096, -0.18444831669330597, 0.00229220325127244, -0.2560783624649048, 0.2796700596809387, -0.026348862797021866, -1.2178207635879517, -0.29461607336997986, 2.93788480758667, -0.22145141661167145, 1.6825952529907227, -0.4503071904182434, -0.40577492117881775, -0.4860369563102722, 0.1515389382839203, 0.9636561870574951, 0.16382282972335815, -0.9017871618270874, -0.14097990095615387, -0.17524942755699158, -0.48028475046157837, 0.29852622747421265, -0.8512405157089233, -0.10442817211151123, -0.04720025137066841, 0.07895088940858841, -1.6171505451202393, -0.576431393623352, 0.34818747639656067, -0.13139164447784424, 0.5534465312957764, 0.8053511381149292, 0.02761121094226837, 1.4474904537200928, 0.3442640006542206, 0.011424597352743149, -1.002769112586975, 0.7802138924598694, -0.49010419845581055, 0.061864495277404785, 1.3252344131469727, -0.6093326807022095, -0.5513608455657959, -0.15008386969566345, 1.4158306121826172, -0.9452590346336365, -0.5776051878929138, -0.47327861189842224, -0.22571898996829987, 0.05177716165781021, 0.25741103291511536, 0.578677237033844, 0.2669433057308197, -0.5581640005111694, 0.08823872357606888, -0.0046988483518362045, 0.20384633541107178, 0.4242708384990692, -0.5111846923828125, 0.7348654866218567, -2.1958582401275635, -0.2220233529806137, 0.3176423907279968, 1.0537233352661133, -0.3267120122909546, -0.5294137001037598, 0.33718693256378174, 0.41965797543525696, 0.2425006479024887, -0.3971242308616638, 0.7498579025268555, -1.5563551187515259, -0.18706674873828888, 0.46099114418029785, -0.4166173040866852, -0.07139799743890762, 0.19380885362625122, 0.7410092353820801, 0.29003623127937317, -0.8411169648170471, -0.48764994740486145, -2.32999587059021, 0.2334980070590973, 2.68845272064209, -0.714975893497467, -0.36163172125816345, -1.2254724502563477, -0.3805255889892578, -0.2593635320663452, -0.11757955700159073, 0.45647427439689636, -1.142062783241272, -0.2572654187679291, -1.8135358095169067, 0.49668264389038086, 0.04151809960603714, -0.06197429448366165, 0.5461687445640564, 1.2840811014175415, -0.7232570052146912, -0.33726397156715393, 0.17575828731060028, -1.257065773010254, 0.43490374088287354, 0.5556172132492065, -0.08195255696773529, -0.4947187304496765, 0.8562354445457458, 0.08812384307384491, 0.9633206129074097, 0.45208361744880676, 0.9969342947006226, -0.406440794467926, 0.13285303115844727, 0.00688021257519722, 0.47654885053634644, -0.06131117045879364, 0.4048726260662079, 0.6716834306716919, 0.5241668224334717, -0.3233296573162079, -0.8794941902160645, -0.4083476662635803, 0.10181364417076111, 1.0459586381912231, 0.8216663002967834, -0.6550851464271545, 1.7526229619979858, -0.9299294948577881, -0.21126416325569153, -0.6811330914497375, -0.7601264119148254, -0.3906172513961792, 0.0682331770658493, 0.8540820479393005, 0.26427632570266724, -0.24382923543453217, -0.5464624762535095, 0.25649383664131165, -1.7494022846221924, -0.06333401799201965, -0.7637364864349365, -0.7892477512359619, -1.5486303567886353, -0.4006471037864685, -0.0743999034166336, -1.460174560546875, -0.7418197989463806, 0.5474955439567566, 0.5027559995651245, -0.26662907004356384, 1.550298810005188, 1.4562195539474487, 0.2725735306739807, 0.32189056277275085, 0.42580699920654297, 1.096839189529419, -0.6778512001037598, 0.9870156645774841, -0.3243420720100403, 0.019764088094234467, -1.0488070249557495, 0.2517838478088379, -0.47381943464279175, -0.488155722618103, 0.04007888585329056, -0.41843608021736145, 0.4032759964466095, -0.14962831139564514, -1.2582097053527832, 0.7147688269615173, -0.29654648900032043, 0.1308586299419403, -1.3183740377426147, 1.871052861213684, 0.4847341775894165, -0.1957414150238037, 0.5382006764411926, -0.10378223657608032, -0.4430364668369293, 1.613105297088623, -0.4532347023487091, 0.11843512207269669, 0.3318442106246948, -0.5075937509536743, 0.059284135699272156, 0.518005907535553, -2.200545310974121, 0.7487390041351318, 1.2607102394104004, -0.2013125717639923, -0.3040693998336792, -0.7469959259033203, 0.9120195508003235, -0.6188780665397644, 0.050146833062171936, 0.7284676432609558, -0.7531904578208923, 0.3088446855545044, -0.9299899935722351, 0.30014050006866455, 1.0832979679107666, -0.9443882703781128, 0.48232707381248474, 0.821371853351593, 0.4282568097114563, -0.3533872365951538, -0.49512478709220886, 1.2087293863296509, -0.694756269454956, 0.5658278465270996, -0.18615838885307312, 0.8527358770370483, 0.946302056312561, -0.43783098459243774, -0.1703612059354782, 0.7441155910491943, 0.8646863698959351, 0.5758609175682068, 0.03396741300821304, -0.6377513408660889, 0.15699900686740875, -0.1579318642616272, 1.5127050876617432, 0.5847457051277161, -1.5983235836029053, -1.5198578834533691, -0.8568657040596008, -0.34223562479019165, -0.47097617387771606, 1.1551647186279297, 0.7834228277206421, 1.7301270961761475, 0.07613424211740494, 0.7045721411705017, 0.12268531322479248, 0.3727443516254425, 0.2612132728099823, 0.6523892283439636, -0.14228634536266327, -0.5655854940414429, 0.422502338886261, 0.9246644973754883, -0.6845318078994751, -0.6260831952095032, 0.24992898106575012, 1.3112730979919434, -0.5829486846923828, -0.7605790495872498, 0.7669102549552917, 0.736016035079956, 0.7068468928337097, 1.4375619888305664, -0.3777564764022827, -0.13905702531337738, 0.028529085218906403, 0.5725111365318298, -0.24432802200317383, 0.015431903302669525, -0.7115061283111572, 0.5829821825027466, 0.5547540783882141, 0.7695043683052063, -0.13716526329517365, 0.6978931427001953, 0.5973407626152039, -0.39587417244911194, -1.3405909538269043, -0.7326847910881042, -1.1663089990615845, -0.4413895606994629, -0.5303580164909363, -0.017918024212121964, -0.2738596796989441, 0.43134814500808716, -0.3917677104473114, -0.4013248682022095, 0.9457639455795288, -0.9544035196304321, -1.0781816244125366, 0.7479271292686462, 1.0101121664047241, -1.07766854763031, -0.5864073634147644, -0.5889154672622681, -1.0400744676589966, -0.5339678525924683, -0.12336422502994537, -0.667688250541687, 0.6532756686210632, 0.10880164802074432, 0.24501073360443115, 0.08763683587312698, -0.28067272901535034, -0.6594418883323669, 0.6623682379722595, 1.5812774896621704, -0.7130229473114014, 0.9896316528320312, 0.15206536650657654, -0.026225782930850983, -0.3018522262573242, -0.8645516037940979, -0.6926292181015015, 0.6840313673019409, -0.4913390278816223, 0.5363885760307312, -0.7495419979095459, -0.8520240783691406, 1.0617235898971558, -0.04663792997598648, 1.3317028284072876, -0.8356882929801941, 0.6491528749465942, -0.8874208331108093, 0.2368813157081604, 0.06252626329660416, -0.8791180849075317, -0.8178002834320068, 0.8795576691627502, -0.2572619616985321, 0.5412899255752563, 0.3202729821205139, 0.10399496555328369, 1.72639799118042, 0.2624860405921936, 0.03624406456947327, -0.7729294300079346, -10.727804183959961, 0.4104817807674408, -0.007847364991903305, 0.04785408824682236, 0.6490984559059143, -0.6726896166801453, 0.850908637046814, 0.7205997109413147, 0.6269307732582092, -0.5886502861976624, -0.2585880756378174, 1.5763322114944458, 0.5299392938613892, -0.3062678873538971, -0.8731909394264221, -1.2817500829696655, -0.5377012491226196, -0.8387368321418762, 0.6198705434799194, -0.05333786457777023, -0.538841187953949, -0.9078578352928162, -0.04365326836705208, -0.09059154987335205, -0.08471594750881195, -0.26330122351646423, -0.20104530453681946, -0.6816812753677368, -0.2409570813179016, 0.06207907199859619, 0.47408968210220337, -0.6126251816749573, -1.0639044046401978, -0.2537432014942169, 0.1190258264541626, -0.08478471636772156, -0.4908841848373413, -0.04744585603475571, 0.4184638261795044, -0.17954301834106445, 0.04714308679103851, 0.11146332323551178, 0.16885964572429657, -0.23168519139289856, -0.6461523771286011, -0.14923761785030365, 0.028781389817595482, -0.6018959879875183, -0.2751920521259308, -0.4458447992801666, -0.42748624086380005, -0.7219870090484619, -0.8636006116867065, -0.7451132535934448, 0.4481396973133087, 0.13088183104991913, -0.21413728594779968, -0.15488839149475098, -1.4036909341812134, -1.631162405014038, 0.41547873616218567, -0.043422676622867584, -0.29995471239089966, 0.19688864052295685, 0.22404447197914124, -0.47223618626594543, 0.597406268119812, 0.5269103646278381, 0.05267689377069473, 0.29233652353286743, -0.6885367631912231, 0.6699028015136719, 0.015672925859689713, 0.6700518727302551, -0.39437586069107056, -0.3121313750743866, 0.20677165687084198, -0.1357220709323883, 0.13218018412590027, 0.33994364738464355, -1.5094034671783447, 0.96036696434021, 0.0716540589928627, -0.5265028476715088, -0.8269136548042297, 0.05507659539580345, -0.49324271082878113, 0.45920389890670776, 0.6949222087860107, -0.28130877017974854, 1.2966623306274414, -0.1461387425661087, -0.25692683458328247, -0.20621073246002197, -0.33883947134017944, 1.3181501626968384, -1.1027369499206543, 0.6264283657073975, -0.17406418919563293, -0.7864757776260376, 0.5657517313957214, -0.27461662888526917, -0.4542022943496704, 0.09688575565814972, 0.13014788925647736, 0.008577141910791397, 0.20104756951332092, -0.15638099610805511, 0.24988394975662231, -0.549982488155365, 0.9674903154373169, 0.5516220331192017, -0.16859079897403717, 1.4962021112442017, -0.8277766704559326, 0.8741037845611572, 0.8230955600738525, -0.18153420090675354, 0.5726125240325928, 1.8560796976089478, -0.6380893588066101, 0.824205219745636, 0.5576412081718445, 1.5826590061187744, 0.06413978338241577, 0.350349098443985, 0.2296394407749176, 0.35831764340400696, -0.0597473680973053, -1.068856120109558, 0.5894590616226196, -0.4344949722290039, 0.4745241105556488, -0.4583224058151245, -0.1188940703868866, 0.06676767766475677, -1.230340838432312, 1.2799590826034546, -0.4349150061607361, 0.5408098101615906, -0.4439661502838135, -0.515708863735199, -0.06337223947048187, -0.5340552926063538, -0.8800894021987915, 0.6866706609725952, -1.5167750120162964, 0.2781333327293396, -0.38410684466362, -0.1761246621608734, -0.13703225553035736, -0.4329172372817993, 0.7862949371337891, -0.5799710750579834, -0.2622675597667694, -0.10531347990036011, 0.4695301353931427, -0.37010982632637024, -0.8894257545471191, 0.04979126155376434, 0.05601082742214203, 0.8740091323852539, -0.4697329103946686, 1.1829856634140015, 0.9595081806182861, -0.8336179256439209, -0.7591235637664795, -0.01342707872390747, -1.0492383241653442, 0.7944824695587158, 0.6674185991287231, -0.4271795153617859, 0.12704138457775116, -0.49793729186058044, -0.15134796500205994, -0.6903495788574219, 0.10958496481180191, 1.4126757383346558, -0.4111579954624176, 0.24220839142799377, 0.1650998294353485, 0.5915513038635254, -0.3445315361022949, 0.03142563998699188, -0.5397619009017944, 0.023534230887889862, -0.28216996788978577, 1.0565674304962158, -0.004606293980032206, 1.3581616878509521, -1.5613691806793213, -1.12898850440979, -0.020888380706310272, -0.21369418501853943, 0.053790800273418427, -0.47759684920310974, 1.1556376218795776, 1.0224326848983765, 0.4369373619556427, 0.3146343529224396, 0.36331817507743835, 0.7643606066703796, -0.5432363748550415, 0.18456719815731049, -0.24848395586013794, -0.06599775701761246, -0.9494066834449768, 0.6924366354942322, 0.5505518317222595, 1.0245471000671387, -0.48068708181381226, 0.011800169944763184, 0.22947397828102112, 0.088313527405262, -0.07013820856809616, -0.7195526361465454, 0.15469248592853546, -1.0283713340759277, -0.3448759615421295, -1.59128737449646, 0.16583308577537537, 1.7340816259384155, -0.2495747208595276, 0.8246511816978455, 0.8062368035316467, 0.44075247645378113, 0.42152464389801025, 0.7550915479660034, 1.4045636653900146, -0.25895869731903076, -0.6613453030586243, 0.1100359559059143, 0.5896478891372681, -0.1635231077671051, 0.12723614275455475, -0.7995911240577698, -0.6821154952049255, -0.021124549210071564, -0.4817929267883301, 0.4566073715686798, -0.6682291626930237, 0.6523979902267456, 0.7391589879989624, 0.8284811973571777, -0.3168295919895172, -1.2746896743774414, 0.04309220239520073, -1.4963740110397339, 0.2436557561159134, -0.5518301725387573, 0.45997968316078186, 0.6086228489875793, 0.7871981859207153, 0.035907208919525146, 0.621735692024231, -0.48918792605400085, 0.4148938059806824, -0.09829791635274887, -0.21853791177272797, 1.3033641576766968, 0.7397684454917908, 0.8839108943939209, 0.5435752868652344, -0.5667784810066223, -1.0778377056121826, -0.6221326589584351, -0.5529420971870422, 0.9430950880050659, 1.0079516172409058, -0.32054296135902405, 0.14720888435840607, -0.3466895818710327, 0.3431374430656433, -0.6912264823913574, -0.11834174394607544, 0.13816648721694946, -0.1844399869441986, -0.5856302380561829, -0.956602156162262, 0.15228229761123657, 0.9375216364860535, -0.3844890892505646, 0.30790650844573975, -0.6958444714546204, 0.455697625875473, 0.2399331033229828, -0.5086472630500793, -0.6696950793266296, 0.13301369547843933, -0.3752910792827606, 0.2636338472366333, 0.34318193793296814, -0.7781804203987122, -0.9029176235198975, -0.09408241510391235, -0.7783297300338745, 0.3043152689933777, 0.36239945888519287, -1.0216853618621826, -0.4475160539150238, 0.19234606623649597, 0.47100475430488586, -0.0399407334625721, 0.07832105457782745, -0.014499185606837273, -1.8173161745071411, 0.9229044914245605, 0.6502930521965027, -0.12023638933897018, -0.09523297846317291, 0.03856357932090759, -0.08997973054647446, 0.6250895857810974, 1.9328416585922241]} +{"paper_id": "roman_urdu", "embedding": [-0.7973828911781311, 1.6569879055023193, -0.3185226321220398, 0.09656272828578949, 0.586050808429718, -0.3402208983898163, 0.6659560203552246, 0.21297705173492432, 0.45181405544281006, 0.859315812587738, 0.50193852186203, -0.6524301171302795, -0.6388594508171082, -0.3154342770576477, -0.20908574759960175, -0.13050422072410583, -0.7699807286262512, 0.16945619881153107, -0.19041697680950165, -0.47436991333961487, -0.5143958926200867, -0.7406761050224304, 0.08549150824546814, 1.1496412754058838, -0.09878922998905182, -0.6190505027770996, 0.08523795753717422, -0.12709566950798035, 0.33117032051086426, -0.3496580123901367, -0.14208078384399414, 0.6323274374008179, -1.422417163848877, -0.6440495252609253, -0.4351557493209839, -0.49656185507774353, -0.11847736686468124, 0.6442018747329712, -1.1140660047531128, -0.6967567801475525, -0.5997405648231506, 0.49118778109550476, 0.28007349371910095, 0.4411448538303375, 1.5188108682632446, 0.6437462568283081, 0.5815050601959229, 0.18528927862644196, 0.49615228176116943, -0.13030563294887543, 0.21237531304359436, -0.46778833866119385, -0.2880513668060303, 0.17063471674919128, -0.6883915066719055, 1.0970654487609863, -0.24619445204734802, 0.05012684687972069, 0.11427728831768036, -1.4821528196334839, 1.2231436967849731, 1.651963472366333, -0.25811105966567993, -0.4227541387081146, 0.9424415826797485, -0.05523887276649475, 0.9524514079093933, -0.6729282736778259, 0.6720762848854065, 0.5514064431190491, -0.625341534614563, -0.2930363118648529, -0.23291167616844177, -0.33215200901031494, -0.46850839257240295, -0.12449024617671967, 0.875994861125946, 0.7676440477371216, 0.3187809884548187, 0.8820430040359497, -0.253227561712265, 1.4015856981277466, -0.0039001894183456898, -0.29774314165115356, -0.22810471057891846, 0.3411310613155365, 0.10373717546463013, 0.41861963272094727, 1.0105159282684326, -1.9868062734603882, 0.4665594696998596, 0.1316547393798828, -0.6460291147232056, 0.6959688663482666, -0.21283745765686035, 1.0767321586608887, 0.2482839822769165, 0.2011972814798355, -0.5940529108047485, 0.39744430780410767, 0.4694713354110718, -0.9272900819778442, -0.012994789518415928, -0.0910874679684639, -0.5805272459983826, 1.9658735990524292, 0.26617392897605896, 0.29633432626724243, 0.20695999264717102, 0.1840970516204834, -0.4600071609020233, 1.6348165273666382, -0.8353447318077087, 0.765506386756897, 0.19916827976703644, -0.06278277933597565, -0.44212254881858826, -0.2708439528942108, -0.6748595833778381, 0.31354087591171265, -0.4432835578918457, -1.0269869565963745, -0.330637127161026, 0.9025287628173828, 1.261017918586731, -0.37080270051956177, 1.3139324188232422, -0.016440805047750473, 0.19503973424434662, 0.22523722052574158, 0.6437463760375977, -0.5344213247299194, -0.4245729148387909, -0.4817463159561157, 1.5819497108459473, -0.9716015458106995, 1.6504744291305542, -0.6226297616958618, 0.05929306149482727, 0.05781698226928711, -0.530044674873352, 0.8353529572486877, 0.07214893400669098, -0.07002359628677368, -1.1251986026763916, 0.5780289769172668, 0.16264823079109192, 0.519254207611084, -0.7934545278549194, -0.5932024121284485, -0.600649356842041, -0.00529111921787262, -0.6775070428848267, -0.25170260667800903, 0.9260863661766052, 0.38096681237220764, 0.15188024938106537, 1.0592460632324219, -0.19935791194438934, 1.0082645416259766, 0.8877400159835815, 0.06873925030231476, -0.8193429708480835, 0.24022701382637024, -0.6882834434509277, -0.9028828740119934, 0.6900286078453064, 0.9110017418861389, -0.9768074750900269, -0.6311958432197571, 1.0481942892074585, 0.17102265357971191, -0.12594737112522125, -0.012137196958065033, -0.24300605058670044, -0.6476926207542419, 0.8213054537773132, 0.8174043297767639, 0.9362923502922058, -1.0941331386566162, 0.04445774853229523, -0.3143672049045563, -0.36730170249938965, 0.0752440094947815, 0.47615569829940796, 0.7321093082427979, -1.8154503107070923, -0.4918823838233948, -0.11464668065309525, 0.5672303438186646, 0.8200681805610657, -1.0936461687088013, -0.08650987595319748, 0.1581374555826187, 0.310541033744812, 0.12154035270214081, 0.755094051361084, -1.1646379232406616, -0.6054054498672485, 0.7550973296165466, 0.44989970326423645, -0.31089985370635986, 0.3162555694580078, 0.8523067235946655, 0.48382869362831116, -0.3375929892063141, -0.025016598403453827, -1.9649989604949951, 0.6074027419090271, 2.0160720348358154, -0.022031322121620178, -0.738801896572113, -0.9891942739486694, 0.6109731197357178, 0.6182663440704346, -0.25394463539123535, 0.9538599252700806, -1.2329959869384766, 0.2885649502277374, -0.6427398920059204, 0.5249966382980347, -1.2004667520523071, 0.7834643125534058, -0.10155591368675232, 1.0885188579559326, -0.554681658744812, -1.0712138414382935, -0.40470337867736816, -0.5629733800888062, 0.1097855418920517, 0.7455247640609741, 0.4374648630619049, 0.24250270426273346, 0.15910759568214417, 0.8342405557632446, 0.8853938579559326, -0.7586166262626648, -0.21837040781974792, 0.19571015238761902, 0.22265449166297913, 0.12102679908275604, -0.5930989980697632, 0.17301422357559204, -0.5922374129295349, 0.6789267659187317, 0.5443833470344543, -0.08098196238279343, -0.3021191358566284, -0.07866238057613373, 0.5044112205505371, 0.7158436179161072, 0.7432326078414917, 0.19017264246940613, 1.6900253295898438, -0.8737035393714905, 0.18925267457962036, 0.05370446294546127, -0.10332554578781128, 0.10243773460388184, 0.31359654664993286, 0.2648813724517822, 0.03411322087049484, 0.31591281294822693, -0.3008632957935333, -0.31584519147872925, -0.12883788347244263, -0.2492981255054474, 0.7160780429840088, -1.1082264184951782, -0.24072620272636414, 0.12716594338417053, 0.2541135549545288, -0.8746575117111206, -0.6629176139831543, -0.4516039192676544, 0.7008909583091736, -0.09257563203573227, 0.3145168721675873, 1.56162691116333, -0.16453063488006592, 0.1000240221619606, -0.07782773673534393, 1.1018407344818115, -0.004171844571828842, 0.6198239326477051, -1.1250542402267456, 1.4568811655044556, -0.3934224545955658, -0.37038978934288025, 0.4713367223739624, 0.8719327449798584, -0.1532071828842163, 0.13081923127174377, 0.991487979888916, -0.2637678384780884, -1.632901668548584, 1.730215311050415, -0.4274669289588928, -0.447792112827301, -0.48932385444641113, 1.2916897535324097, 0.3384341895580292, 0.2539755403995514, 0.7996019124984741, -0.7542373538017273, 0.3011831045150757, 1.1545732021331787, -0.7834758758544922, 1.0782837867736816, -0.09988865256309509, -0.46361246705055237, -0.18775716423988342, 0.17199265956878662, -1.6390061378479004, -0.23905721306800842, 1.5506645441055298, -0.4106767773628235, -0.4678598940372467, -0.5512480139732361, 0.14816142618656158, -0.6396772265434265, 0.625637412071228, 0.1945786476135254, -0.685553789138794, 0.010402616113424301, -1.1907113790512085, -0.2363797426223755, 0.5422315001487732, -0.26564887166023254, -0.025219863280653954, 0.8354706168174744, 0.26839324831962585, -0.8646923899650574, -0.12234607338905334, 0.6770477294921875, -0.4939568042755127, 0.20413412153720856, 0.2671561539173126, 0.7931497097015381, 1.0213416814804077, -0.6041996479034424, -0.00874004140496254, 0.14472077786922455, 0.2873542606830597, 0.5208577513694763, -0.9010289311408997, 0.016484085470438004, 1.2529296875, -1.1136064529418945, 1.0887151956558228, -0.1047215610742569, -0.5907281637191772, -0.9133018255233765, -0.4972497224807739, -0.4053516983985901, -0.33921197056770325, 1.1612454652786255, 1.2036439180374146, 1.0198767185211182, 0.42587485909461975, 0.400688499212265, -0.32007697224617004, 0.29149988293647766, 1.0018230676651, 0.9618092179298401, 0.1956275999546051, -0.23768547177314758, 0.5907567739486694, 0.6941236853599548, 0.5772660970687866, -0.984495997428894, 0.14338697493076324, 0.7233141660690308, -0.9189198017120361, -0.39674028754234314, -0.7614023089408875, 1.3915139436721802, 0.9908045530319214, 1.6436254978179932, -0.16599008440971375, -1.0140467882156372, -0.026156535372138023, -0.5521154999732971, 1.3741319179534912, -0.2316996157169342, -1.7102822065353394, -0.14740943908691406, -0.26845821738243103, 1.2151628732681274, -0.24561579525470734, 0.6000580787658691, 0.3788038194179535, -0.385949969291687, -0.8275948166847229, -0.6577655673027039, -0.640576183795929, -0.3531109392642975, -0.3080712556838989, -0.2352682203054428, -0.9373799562454224, 0.2269095480442047, -0.003979932516813278, -0.95051509141922, 0.3685415983200073, -0.39559614658355713, -1.1804728507995605, 1.9727920293807983, 1.080399513244629, -1.3735723495483398, -0.7328837513923645, -0.30950766801834106, -0.49833738803863525, -0.79353928565979, 0.34857580065727234, -0.516069233417511, 0.463779479265213, 0.20861060917377472, 0.3228107690811157, -0.33268529176712036, -0.33947616815567017, -0.15797118842601776, 0.4535541534423828, 1.129024624824524, -1.2349309921264648, 0.3823021650314331, 0.9151314496994019, -1.1114881038665771, 0.26883435249328613, -1.1189037561416626, -0.2599090039730072, 0.8350878953933716, 0.03901822865009308, -0.13335934281349182, -0.6166985034942627, -0.309304416179657, -0.09899572283029556, -0.5954456329345703, -0.012491971254348755, -0.7844524383544922, 0.7714464664459229, -0.20570781826972961, -0.5206152200698853, 0.1674824059009552, -0.14382588863372803, -0.40270528197288513, 0.5934986472129822, -0.057200875133275986, 0.23674091696739197, 0.5308167934417725, 0.32376280426979065, 0.45393437147140503, -0.2087879478931427, 0.090892493724823, 0.07736504822969437, -11.606812477111816, 0.5932347774505615, -0.25446704030036926, 0.4203929305076599, 0.4809587001800537, 0.515028715133667, 0.289964884519577, -0.599479615688324, 1.213346242904663, -0.7979426383972168, -0.03320147097110748, 2.13559627532959, -0.45639941096305847, -0.0792195275425911, 0.3660166263580322, 0.08270129561424255, -0.3243391811847687, -0.34708160161972046, -0.26459407806396484, 0.28349074721336365, -0.18140198290348053, -1.2767441272735596, -0.25617045164108276, -1.1279451847076416, 0.22448383271694183, -0.21665149927139282, -0.18851447105407715, -0.7308839559555054, -1.0318751335144043, 0.9027577638626099, 0.32079216837882996, -0.10876070708036423, -0.1347571760416031, -0.18191055953502655, 0.03824738413095474, 0.3314566910266876, -0.41813045740127563, -0.14604361355304718, 0.5916438698768616, -0.8476173877716064, 0.14444512128829956, 0.11250633746385574, 0.6408954858779907, -0.9417115449905396, -0.3761430084705353, -0.003691740334033966, -0.53922039270401, -0.14632290601730347, -0.2071787416934967, 0.2500329315662384, -0.3457675576210022, -0.4755438566207886, -1.4534014463424683, -0.1589769721031189, 0.5949745178222656, 0.36644068360328674, -1.0773457288742065, 0.8619819283485413, -0.4607369005680084, -0.053925879299640656, 0.6520319581031799, -0.13261908292770386, -0.597708523273468, 0.8194297552108765, 0.38489827513694763, -0.7681249976158142, 0.14681565761566162, 0.704619824886322, -0.5405880212783813, 0.14821015298366547, -0.9445745348930359, 1.0875427722930908, 0.19690033793449402, 0.11154946684837341, -0.3122512400150299, 0.027108199894428253, -0.43849530816078186, 0.2780783474445343, 0.7246087789535522, 0.010599188506603241, -1.5796387195587158, -0.1664450317621231, -0.36885690689086914, -0.866985023021698, -1.419776201248169, 0.6551291346549988, -0.3573724329471588, -0.5189631581306458, 0.05727148801088333, -0.014383099973201752, 0.2649797201156616, 0.36363890767097473, -1.0897860527038574, 0.0800686776638031, -0.08717222511768341, 0.2112474888563156, -0.45385006070137024, 1.0398244857788086, -0.2802692651748657, 0.085096076130867, 0.5014976859092712, 0.008067049086093903, 0.16347159445285797, 0.04110666736960411, 0.3571726679801941, -0.10733737051486969, 0.3460986316204071, 0.36334702372550964, 0.5316075086593628, -0.08653873950242996, 0.18413770198822021, -0.6348102688789368, -0.19205288589000702, 0.933828592300415, 0.017450720071792603, 0.4860987365245819, 0.1841726005077362, 0.17734295129776, 0.2434663623571396, 0.25423815846443176, -0.29468873143196106, 0.08335977792739868, 0.04706331342458725, 0.8107911944389343, 1.2345796823501587, 0.2716156840324402, 0.3865424394607544, -0.12956789135932922, 0.08524543046951294, -1.3384413719177246, 0.8641490340232849, -0.9395043849945068, 0.018192041665315628, -0.9668029546737671, -0.2430054396390915, -0.5136620402336121, -0.39098072052001953, 1.445775032043457, -1.2843939065933228, 0.2230987548828125, -0.4178526997566223, 0.06434598565101624, -0.3745914399623871, 0.10680460929870605, -0.9522292017936707, -0.12990525364875793, -1.3368638753890991, 0.07998742163181305, -0.26307159662246704, -0.9841712117195129, 0.5855234861373901, -0.2655812203884125, 0.3212232291698456, -0.9582690596580505, -0.036858588457107544, -0.1029941588640213, 0.22584839165210724, -0.08157607913017273, -0.9612967371940613, 0.3640083968639374, 0.8618238568305969, 0.08748255670070648, -0.909469485282898, 0.5065190196037292, 0.31383857131004333, -0.609447717666626, -0.2220986783504486, 0.5904061794281006, -0.852030336856842, 0.24316224455833435, 0.878523588180542, -0.5667204260826111, -0.008788509294390678, -0.04916501045227051, -0.1248650848865509, -1.1375963687896729, 0.49527427554130554, 1.193908452987671, -0.9225638508796692, 0.11084058880805969, -1.0513889789581299, 0.8788174390792847, 0.4561972916126251, -0.3584175407886505, -0.17486542463302612, -0.3155041038990021, -0.6242771148681641, 1.0808908939361572, 0.2059226781129837, 0.2680574357509613, -1.3878899812698364, -1.1299798488616943, -0.4747422933578491, -0.2904829680919647, 1.0809392929077148, 0.5980187654495239, 1.3178566694259644, 0.6156765818595886, -0.5873434543609619, -0.7578994035720825, 0.49260690808296204, 0.3453860878944397, -0.16749408841133118, 0.04409056529402733, -0.9140706658363342, 0.040472954511642456, -1.2998952865600586, -0.16744071245193481, 0.7746545076370239, 0.1093173697590828, -1.4526351690292358, -0.264208048582077, 0.5216562747955322, 0.3493451476097107, 0.22819699347019196, -1.167669653892517, 0.32818466424942017, -0.033924296498298645, -1.312558889389038, -0.4847607910633087, -0.39277151226997375, 0.5674882531166077, -0.567665159702301, 1.2253895998001099, 0.5164409279823303, 0.8342179656028748, 0.3022994101047516, -0.4035506248474121, 1.9876530170440674, -0.6823954582214355, -0.25607535243034363, 0.013705382123589516, -0.12561462819576263, -0.7959216237068176, -0.8122063875198364, -0.39510875940322876, -0.8920125961303711, 0.5332196950912476, -1.0743821859359741, 0.39457157254219055, -0.3165156841278076, 0.09038947522640228, 0.2578769326210022, 1.3864235877990723, -0.1812194138765335, -0.5142295956611633, -0.7763670086860657, -0.23603588342666626, 0.8432751297950745, 0.17054080963134766, -0.16634750366210938, 2.103523015975952, 0.5507592558860779, -0.09385006129741669, 1.038494348526001, 0.502637505531311, -0.10295107960700989, 0.2557721734046936, -0.3930765390396118, 1.5289376974105835, 0.2711649537086487, 0.24724610149860382, -0.39189237356185913, 0.10012069344520569, -1.5525145530700684, -0.18852318823337555, -0.15013867616653442, 0.39645546674728394, -0.05481121689081192, -0.7501781582832336, 0.14627870917320251, -0.03545987978577614, -0.4417194128036499, 0.9155234694480896, 0.4040442705154419, 0.2362402230501175, -0.37290072441101074, -0.17011192440986633, -0.308405339717865, -0.10346316546201706, 0.7090104222297668, -0.05162227526307106, -0.3132591247558594, -0.31331247091293335, -0.29876086115837097, -0.16602204740047455, -1.0198407173156738, -0.8725790977478027, 0.35438358783721924, -1.0327255725860596, 0.38544708490371704, 0.5538090467453003, -0.8323827385902405, -0.5723699927330017, -0.7119911909103394, -1.2306301593780518, 0.6138618588447571, -0.2607871890068054, -0.8194088339805603, -0.07622886449098587, 0.15159517526626587, 0.28588348627090454, -0.4511341154575348, 0.06342168152332306, -0.3984723687171936, -1.3954142332077026, 0.9198481440544128, 1.581343412399292, 0.2035452127456665, -0.20620977878570557, 0.6232791543006897, 0.4667837917804718, 0.19096064567565918, 1.0151569843292236]} +{"paper_id": "tsac", "embedding": [-1.0306252241134644, 1.6727097034454346, 0.27030274271965027, 0.02089116722345352, 0.6018313765525818, -0.3435933589935303, 0.0368952602148056, 0.4912782907485962, -0.07209645211696625, 0.4708279073238373, 0.12151799350976944, -0.5948077440261841, 0.411981999874115, 0.10739676654338837, -0.3907791078090668, -0.6670233011245728, -1.447531819343567, 0.4352205991744995, -0.6559617519378662, -0.22516606748104095, -0.4600246548652649, -0.3004528880119324, 0.5529897212982178, 1.182868480682373, -0.8257895112037659, -0.7623082995414734, 0.25537484884262085, -0.2364269644021988, 0.40286803245544434, -0.34014734625816345, -0.0002986416220664978, 0.7589414715766907, -1.4617537260055542, -0.4177994132041931, -0.5175495147705078, -1.2493085861206055, 0.20563051104545593, 0.7499549984931946, -0.9797829389572144, -0.7264899611473083, -0.9197492003440857, 0.6099578142166138, 0.5202261209487915, 0.6607989072799683, 1.0298532247543335, 0.04343117028474808, -0.010247211903333664, 0.05848903954029083, 0.8491120338439941, 0.04888619855046272, 0.159531831741333, -0.4373898208141327, -0.673003077507019, 0.02391611784696579, -0.7225527167320251, 1.5619909763336182, -0.06014864891767502, -0.78705894947052, -0.3810440003871918, -1.0935312509536743, 0.5636140704154968, 2.001676559448242, 0.10925254970788956, -0.3579595386981964, 1.2247421741485596, 0.3212052583694458, 0.9941346049308777, -0.6341226100921631, 0.8780218362808228, 0.4610074758529663, -0.38668692111968994, -0.1842740774154663, 0.6671013832092285, -0.6061463356018066, 0.287054181098938, -0.11915881931781769, 0.8364885449409485, 0.49434030055999756, -0.09738617390394211, 0.22228023409843445, 0.3313290476799011, 0.9736205339431763, 0.12351139634847641, -1.016247034072876, -0.023901913315057755, 0.3680690824985504, 0.24284520745277405, 0.3293987214565277, 0.9029781818389893, -1.5269858837127686, 0.889136552810669, -0.3551384210586548, -0.3053200840950012, 0.7018277049064636, -0.379374235868454, -0.0728505402803421, -0.29871124029159546, 0.8852620720863342, -0.4085558354854584, 0.06997111439704895, 1.0350571870803833, -0.6280249357223511, 0.481697678565979, -0.2817832827568054, 0.003035876899957657, 2.057190418243408, 0.5300778746604919, -0.2162158489227295, -0.04810453951358795, -0.5038793087005615, -0.3458699882030487, 1.3775655031204224, -0.028212975710630417, 0.5845668315887451, 0.22504636645317078, 0.262592613697052, -0.5006799697875977, -0.708266019821167, -1.0138288736343384, 0.06722352653741837, -0.505850613117218, -1.6575855016708374, -0.17548879981040955, 0.973736584186554, 1.674881100654602, -0.3585481643676758, 1.0655221939086914, -0.4553963541984558, 0.21780405938625336, -0.4746303856372833, 0.8233299255371094, -0.83756422996521, -0.6164077520370483, -0.3623588979244232, 2.1167140007019043, -0.8400195240974426, 1.6226595640182495, -0.7753301858901978, 0.2495611608028412, 0.14060525596141815, -0.9249340295791626, 0.5300787091255188, -0.6633560061454773, -0.6293531656265259, -0.9549210667610168, 0.7644140124320984, -0.7971311807632446, 0.6987553834915161, -0.5861965417861938, -0.8408457636833191, -0.22842219471931458, -0.27073052525520325, -0.7186487913131714, -0.9351732134819031, 0.7362596988677979, 0.5979287028312683, -0.1995665431022644, 0.8468977808952332, 0.41987985372543335, 0.7970479726791382, 0.40871462225914, 0.19004787504673004, -0.5350173711776733, 0.7350785732269287, -0.8814948797225952, -0.8138428926467896, 0.26740220189094543, 0.6517099142074585, -1.0951128005981445, -0.5885199904441833, 0.947218120098114, 0.16423797607421875, -0.43418562412261963, -0.1182873472571373, -0.37650683522224426, -1.2505228519439697, 0.6370173692703247, 1.0113393068313599, 0.7479318976402283, -0.803712010383606, 0.004496239125728607, -0.5638362765312195, -0.23143556714057922, 0.6158530712127686, 0.013333872891962528, 0.42933377623558044, -1.4190737009048462, -0.0856630802154541, -0.11793829500675201, 0.32160747051239014, 0.8668633103370667, -1.0814423561096191, -0.13055893778800964, 0.15833444893360138, 0.6497082710266113, -0.28477662801742554, 0.970402717590332, -0.9745640158653259, -0.7215312719345093, 0.7169396877288818, 0.8964822292327881, -0.25394704937934875, 0.18536624312400818, 0.9508848190307617, 0.14173418283462524, -0.5010353922843933, -0.39065077900886536, -1.973219633102417, 0.23928043246269226, 2.7891671657562256, 0.06952572613954544, -0.827322244644165, -0.9555274248123169, 0.3094159960746765, -0.008559659123420715, -0.3486568033695221, 0.49592283368110657, -0.9556465744972229, 0.12867459654808044, -1.2649916410446167, 0.05588116869330406, -0.22317025065422058, -0.30718663334846497, -0.06340766698122025, 0.5751060247421265, -0.12798774242401123, -1.277515172958374, -0.15660685300827026, -0.7617263197898865, -0.15136007964611053, 0.3857574462890625, 0.3428642451763153, -0.21625907719135284, -0.3384319543838501, 0.9185978770256042, 0.6250789165496826, -0.16507327556610107, -0.748820424079895, 0.4634876549243927, -0.2678059935569763, 0.24419531226158142, -0.03402191400527954, 0.26960304379463196, -0.6147832870483398, 0.9095882177352905, 0.5406054258346558, 0.3485856056213379, -0.21984274685382843, 0.2004615217447281, 0.06931845843791962, 0.6603591442108154, 1.417195439338684, 0.03410208225250244, 1.950778841972351, -1.0044384002685547, 0.5555837154388428, 0.9701948761940002, -0.3457169234752655, 0.010809794068336487, -0.24584686756134033, 0.4023248851299286, -0.49071183800697327, -0.04051971435546875, -0.42010581493377686, -0.3185845613479614, -0.4010334312915802, -0.2269737869501114, 0.3857322931289673, -0.9776025414466858, -0.14899463951587677, 0.15015174448490143, -0.0643656998872757, -1.323348045349121, -0.3601040244102478, -0.13691642880439758, 0.7434650659561157, -0.7135094404220581, 0.25552815198898315, 1.5349153280258179, -0.24925798177719116, 0.40772420167922974, 0.00807429850101471, 1.7177693843841553, -0.5000432133674622, 1.04507315158844, -1.5613514184951782, 0.7438287734985352, -0.2742781341075897, -0.33263882994651794, 0.05248112976551056, 0.5643259882926941, 0.191634863615036, -0.03952399641275406, 0.9383723735809326, -0.09827613830566406, -1.712823748588562, 0.5149457454681396, -0.7359047532081604, -0.44082608819007874, -0.9989413022994995, 1.0467593669891357, 0.2714283764362335, -0.32155874371528625, 1.5891083478927612, -0.9795090556144714, 0.46311330795288086, 1.0468299388885498, -0.2163042277097702, 0.6300646066665649, -0.07095768302679062, -0.5844289660453796, -0.1318204700946808, 0.648446798324585, -1.7418409585952759, 0.5114901661872864, 2.015549421310425, -0.4986293315887451, -0.19838599860668182, -0.5163523554801941, 1.1127121448516846, -0.4017750918865204, 0.7183483242988586, 0.16095039248466492, -0.782071590423584, 0.6560294032096863, -0.5455064177513123, -0.393860399723053, 0.47519147396087646, -0.5427770614624023, -0.11875754594802856, 0.9692259430885315, 0.1870075911283493, -1.3904114961624146, 0.2176172435283661, 0.23785880208015442, -0.6490000486373901, 0.8311982154846191, 0.4324932098388672, 0.16817240417003632, 1.0916728973388672, -0.7113938331604004, -0.1415843963623047, -0.34657496213912964, 1.4070894718170166, 0.13359980285167694, -0.5348348617553711, 0.07606272399425507, 1.016969084739685, -1.5264041423797607, 1.5993876457214355, 0.2051045000553131, -0.1880846470594406, -1.2161099910736084, -0.28476712107658386, -1.4751136302947998, -0.4251355230808258, 1.610991358757019, 1.0089586973190308, 0.995806097984314, 0.8197873830795288, -0.04558840021491051, -0.1397542506456375, 0.5584667325019836, 1.2280694246292114, 0.9110633730888367, 0.35694414377212524, -0.09412352740764618, 0.6716378927230835, 0.3155342638492584, 0.9474905133247375, -0.49049508571624756, 0.3922266960144043, 0.3013251721858978, -1.0119794607162476, -0.43339774012565613, -0.5011624097824097, 1.2125821113586426, 1.4404854774475098, 2.0268232822418213, 0.21198014914989471, -0.29236865043640137, -0.8044572472572327, 0.07271697372198105, 0.9957802295684814, 0.3147718608379364, -1.0982156991958618, 0.1605694591999054, 0.39192062616348267, 0.8880064487457275, -0.8864375352859497, 0.6516791582107544, 0.08377158641815186, -0.3537445068359375, -0.9329044222831726, -0.97720867395401, -0.8376175761222839, -0.010032027959823608, -0.16529718041419983, -0.14440718293190002, -0.791334867477417, 0.7741314172744751, -0.2605099081993103, -0.7167232632637024, 0.15660646557807922, -0.6669238805770874, -0.6167799234390259, 1.740654468536377, 0.40147823095321655, -0.8714771270751953, -0.5353679060935974, -0.24698904156684875, -0.7154818177223206, -0.329710990190506, 0.9072639346122742, -1.4559836387634277, 1.1442753076553345, 0.4153635799884796, 0.38096097111701965, -0.0305250883102417, -0.9319216012954712, -0.04898795112967491, 0.310047447681427, 1.1952006816864014, -0.9591720700263977, 0.5854394435882568, 0.8548942804336548, -0.6802754402160645, 0.13341183960437775, -1.26217782497406, -0.8038517236709595, 0.09753454476594925, 0.19451338052749634, -0.495990514755249, -0.7613516449928284, -0.42420172691345215, -0.3256826400756836, -0.19130529463291168, 0.21955643594264984, -0.5351397395133972, 0.7593045234680176, -0.8030581474304199, -0.7159978151321411, 0.6940492391586304, -0.5243129134178162, -0.7119590044021606, 0.3586057424545288, -0.4417751729488373, 0.4124084413051605, 0.5602017641067505, 0.851039469242096, -0.12736938893795013, -0.3149905204772949, 0.8234660029411316, -0.01704958826303482, -10.015447616577148, 0.43100807070732117, -0.6825237274169922, 0.2043258100748062, 0.1745830476284027, 0.22247019410133362, 0.3623274862766266, -0.6963134407997131, 1.326284646987915, -0.5337121486663818, 0.002520740032196045, 2.060177803039551, -0.017188552767038345, -0.1959661990404129, -0.22050124406814575, -0.584751307964325, -0.8188050389289856, -0.7091280817985535, 0.5856794714927673, -0.10048498958349228, -0.44145289063453674, -0.8410638570785522, -0.017555631697177887, -0.9288276433944702, 0.8188952803611755, -0.5600792765617371, -0.743084728717804, -0.6472867727279663, -1.099071741104126, 0.9350115060806274, 0.49640917778015137, -0.1255849450826645, -0.4996403455734253, -0.07873037457466125, 0.6368838548660278, 0.010546157136559486, -0.556594967842102, -0.5577906370162964, 0.8721242547035217, -0.7175232172012329, 0.7821760177612305, 0.2631043791770935, 0.4133520722389221, -1.3908138275146484, -1.0155587196350098, -0.07861199975013733, -0.34677350521087646, -0.5560036301612854, 0.10837734490633011, 0.10901718586683273, -0.5603768825531006, -0.3145289123058319, -1.1541061401367188, 0.06606720387935638, 0.9078413248062134, 0.8646325469017029, -1.055299997329712, 0.22451841831207275, -0.9081084132194519, -0.30548760294914246, 1.335529088973999, -0.7578807473182678, -0.858113706111908, 0.6374684572219849, 0.1982620358467102, -0.8909236788749695, 0.6186030507087708, 0.7805175185203552, -0.9550459384918213, 0.2718743085861206, -1.4915688037872314, 1.7630845308303833, 0.5102261900901794, 0.6500789523124695, -0.595012903213501, -0.22623825073242188, -0.8593823313713074, -0.29538458585739136, 0.34129396080970764, -0.29081109166145325, -1.2215596437454224, 0.8033401966094971, -0.15084391832351685, -0.4182514250278473, -0.847201406955719, 0.9388092160224915, 0.1362392008304596, -0.6961296796798706, 0.7006922960281372, -0.5844456553459167, 0.47901177406311035, -0.1142919659614563, -0.5569048523902893, 0.5362011790275574, -0.04612512141466141, 0.040117502212524414, -0.3421460688114166, 1.347764492034912, 0.21800413727760315, 0.48204633593559265, 0.025295794010162354, 0.7017346620559692, 0.328433632850647, 0.3143928349018097, 0.35334891080856323, -0.3595261871814728, 0.1645452082157135, 0.27344223856925964, 0.33188769221305847, -0.7339142560958862, 0.4947656989097595, 0.2945181131362915, 0.06962493062019348, 1.0577458143234253, -0.09307343512773514, 1.02286958694458, -0.47838926315307617, -0.10382996499538422, 0.05232930928468704, 0.4407863914966583, -0.07592714577913284, 0.42242103815078735, 0.0041636135429143906, 1.2440534830093384, 0.5160729885101318, 0.3863223195075989, 0.5860811471939087, -0.43221572041511536, -0.006195699796080589, -1.6547523736953735, 1.020979881286621, -0.7262524962425232, 0.3243347704410553, -0.9366311430931091, 0.13887742161750793, -0.5660390257835388, -1.0991535186767578, 1.2778679132461548, -1.4030835628509521, -0.4060167372226715, -0.4381735920906067, -0.02058393880724907, -0.1909538209438324, 0.3450053930282593, -0.4264659285545349, 0.18041816353797913, -1.847978115081787, 0.3020388185977936, -0.12766149640083313, -1.4036883115768433, 0.6006171107292175, -0.25547099113464355, 0.3118463158607483, -0.49795717000961304, -0.3385317921638489, 0.3467843234539032, 0.46609029173851013, -0.6315667629241943, -1.1977970600128174, 0.437579870223999, 0.8842822313308716, 0.03726194426417351, -0.579613983631134, 0.5218785405158997, 0.48782703280448914, -0.32142549753189087, 0.014542445540428162, 0.5151643753051758, -0.7920985221862793, 1.0847804546356201, 0.9862613677978516, -0.8546337485313416, -0.23876242339611053, -0.29889118671417236, 0.51102215051651, -0.8072872757911682, 0.2808365523815155, 1.7457424402236938, -1.171167254447937, -0.13795693218708038, -0.8392862677574158, 0.674302339553833, -0.1761782318353653, -0.7499029040336609, -0.8549246788024902, 0.4738616645336151, -0.9569014310836792, 0.9112046360969543, 0.5997901558876038, 0.31023046374320984, -1.2874332666397095, -0.8547279834747314, -0.2174476683139801, -0.18287695944309235, 0.5254918336868286, -0.06543225049972534, 0.19319069385528564, 0.3393978178501129, -0.6485906839370728, -0.2818378806114197, 0.17624594271183014, 0.1241266056895256, 0.6121683716773987, 0.2959626019001007, 0.2169402837753296, -0.5754700899124146, -0.981406569480896, -0.4487708508968353, 1.4523425102233887, 0.46401357650756836, -1.5839262008666992, -0.32248878479003906, 0.5641471147537231, 0.7700670957565308, 0.8129836916923523, -0.5711565017700195, 0.08437570929527283, 0.16736191511154175, -0.7916911244392395, -0.9401957988739014, -0.743376612663269, 1.3575657606124878, -0.2519489526748657, 0.8833358883857727, 0.6071151494979858, 1.322255253791809, 0.2344098836183548, 0.35043975710868835, 1.9836292266845703, -0.8253099322319031, -0.6459841132164001, 0.2011234313249588, -0.12918385863304138, -0.3238708972930908, -0.17334119975566864, 0.21727372705936432, -1.584820032119751, 0.41180214285850525, -1.0851860046386719, 0.30150479078292847, -0.1237325370311737, 0.5979673862457275, -0.08265373110771179, 1.4209719896316528, -0.07280823588371277, -1.0008528232574463, -0.8169043064117432, -1.0753642320632935, 0.6102060079574585, -0.18842093646526337, -0.5765445828437805, 1.824332594871521, 0.73201584815979, -0.22796685993671417, 1.6334868669509888, -0.03312688320875168, -0.2500060796737671, 0.2568875551223755, 0.3150603771209717, 1.0376393795013428, 0.27107828855514526, 0.24360500276088715, -0.38432127237319946, -0.08875463157892227, -1.6236602067947388, -0.3948158621788025, -0.9573119282722473, 0.789225161075592, 0.18177764117717743, -1.080528736114502, -0.1700226068496704, 0.03335295245051384, 0.10568347573280334, 0.7699059247970581, 0.12313108146190643, 0.9452164769172668, -0.7908639311790466, 0.024115674197673798, -0.49432939291000366, -0.16724048554897308, 0.9293847680091858, -0.5664317011833191, -0.6950080394744873, -0.43944036960601807, -0.9928829073905945, 0.3235637843608856, -0.7668703198432922, -0.10749106854200363, 0.5186040997505188, -0.7558669447898865, 0.3347962498664856, 0.7291063070297241, -1.269334077835083, -1.1604443788528442, -0.5097007155418396, -1.1125874519348145, 0.9395398497581482, 0.629105269908905, -0.4285247027873993, 0.0705249011516571, 0.5875244140625, -0.0715523362159729, -0.1950664520263672, -0.02784208208322525, -0.15134723484516144, -1.171695590019226, 1.225767970085144, 1.897342562675476, 0.17592273652553558, -0.7769315838813782, 0.00024599023163318634, 0.6126097440719604, 0.0907575860619545, 1.5767197608947754]} +{"paper_id": "pass", "embedding": [-0.36468592286109924, 0.9770629405975342, -0.6661524176597595, -0.3253619968891144, -0.5281518697738647, -0.11685821413993835, 0.8211035132408142, -0.06112874299287796, 1.0780737400054932, 0.3951456546783447, 0.4619125425815582, 0.24686039984226227, -0.15814441442489624, -0.7064881324768066, -0.5311334133148193, 0.003492191433906555, -0.003245994448661804, -0.7230355143547058, -0.9749252200126648, 0.33987483382225037, -1.686788558959961, -0.5480118989944458, -0.0518806092441082, 0.43973106145858765, -0.8391767144203186, -0.5729543566703796, 1.0050991773605347, -0.20456162095069885, 0.5745771527290344, 0.8724945187568665, -0.4194945693016052, 1.3399250507354736, -2.052305221557617, 1.245950698852539, -0.29936981201171875, -0.587477445602417, 0.6804680824279785, 0.5300352573394775, 0.1250731348991394, -0.6338630318641663, -0.27448293566703796, -0.023462025448679924, 1.2308948040008545, 0.15308354794979095, 0.4837505519390106, -0.7474892735481262, 0.518656849861145, -0.1299683153629303, -0.6285739541053772, -0.44245076179504395, -0.5423032641410828, 0.7075000405311584, 0.21587809920310974, 0.16327153146266937, -0.879436731338501, 0.804966151714325, 0.16403505206108093, 0.34119802713394165, 0.743950605392456, -0.028880037367343903, 0.9201237559318542, 1.1293331384658813, 0.031941138207912445, -0.10178329050540924, 0.43633249402046204, 0.5355916619300842, 1.150137186050415, -0.08095419406890869, 0.42799609899520874, 0.3931458294391632, 0.011487528681755066, -2.1567397117614746, -0.4888039231300354, -0.11352325230836868, 0.30583369731903076, 0.6500580310821533, -0.915031373500824, 0.2780076563358307, 0.41521358489990234, 0.31609809398651123, -0.45551416277885437, -0.19093981385231018, -0.3282744586467743, -0.10746985673904419, -0.06455899775028229, 0.4002234935760498, 0.21947970986366272, -0.6840141415596008, 0.10600527375936508, -1.2020907402038574, 1.2902872562408447, 0.015427226200699806, 0.07055582106113434, -0.10685516893863678, 0.5512420535087585, 0.19422438740730286, -0.13600149750709534, -0.49283450841903687, -0.29926156997680664, 1.048291802406311, 0.4994157552719116, 0.02032742276787758, 0.8595107197761536, -0.2290138304233551, -0.2556430697441101, 0.832914412021637, -0.5720356702804565, -0.05466432124376297, -1.1986424922943115, 0.037135496735572815, -0.09439170360565186, 1.327569842338562, 0.49484145641326904, 0.556197464466095, 0.014271916821599007, 0.7996991276741028, 0.19222159683704376, 0.00399775430560112, -0.4449962377548218, -0.14532198011875153, 0.47437524795532227, -1.6788272857666016, -0.8884565234184265, -1.0161819458007812, 0.6238106489181519, -0.28584831953048706, 0.15254652500152588, -0.29791226983070374, -0.17895622551441193, -0.6563382744789124, 0.7098132371902466, 0.09814262390136719, -0.9789589643478394, 0.47939813137054443, 3.1167736053466797, -0.4645083546638489, 0.9201977252960205, -0.8513410091400146, -0.36898356676101685, -0.33603325486183167, 0.054997652769088745, 1.2163941860198975, 0.5621048808097839, -0.590567409992218, -1.0848784446716309, 0.16270609200000763, -0.5728172063827515, -0.27181321382522583, -1.2339661121368408, -0.38841861486434937, 0.4940560460090637, 0.871021568775177, -0.544815719127655, -1.5684700012207031, 0.07109123468399048, 0.47269704937934875, -0.11613230407238007, -0.21925972402095795, -0.5763574242591858, 0.3083076775074005, -0.6651060581207275, 0.5471900701522827, 0.06749847531318665, 1.275996446609497, -0.3765619397163391, 0.509071946144104, 1.0212265253067017, -0.0890241265296936, -0.6131401062011719, -0.0518384724855423, 0.672583818435669, -0.8525988459587097, 0.4233325123786926, 0.2342309057712555, -0.6608504056930542, 0.28998780250549316, -0.17841671407222748, 0.7896764874458313, 0.22772042453289032, -0.3111149072647095, -0.6860145330429077, 0.23314224183559418, 0.03210423141717911, 0.077293761074543, 0.18781735002994537, -0.783235490322113, -2.1995763778686523, 0.38327091932296753, -0.4986289143562317, 0.4992121160030365, 0.24929967522621155, -0.14435304701328278, 0.2613750994205475, 0.6068983674049377, -0.07636721432209015, -0.3951026499271393, 0.8623977899551392, -0.9317612648010254, -1.234523057937622, 0.8730331659317017, 0.0117914117872715, -0.6857019662857056, -0.7842072248458862, -0.30725550651550293, 0.7044520974159241, 0.2741394639015198, -0.8956736326217651, -1.7095508575439453, 0.35403046011924744, 0.5636364221572876, 0.28283703327178955, -0.8117672801017761, -0.06854769587516785, -0.7686399817466736, 0.06508512049913406, -0.8978787660598755, 1.0551588535308838, -0.9063684344291687, -0.4101141691207886, -1.421806812286377, -0.2713419795036316, -0.21882089972496033, 0.605862557888031, 0.4242304265499115, 1.4671680927276611, -0.7537025809288025, -0.9414902925491333, -0.4236863851547241, -1.4408531188964844, 0.6296271681785583, -0.07594475895166397, 0.3332946002483368, -0.06708840280771255, 0.6041502356529236, -0.28637194633483887, 0.2854345440864563, 0.5447533130645752, 0.6458517909049988, -0.8400564193725586, 0.6880344748497009, -0.5141606330871582, -0.0033615976572036743, -0.18407587707042694, -0.4063884913921356, 0.2807563543319702, -0.11282145231962204, -0.15728884935379028, -1.7252146005630493, -0.9101958870887756, -0.10255356878042221, 1.3591727018356323, -0.07135531306266785, -0.18826022744178772, -0.5499897003173828, 0.43704715371131897, -0.1244279071688652, 0.15068210661411285, -0.267570436000824, 0.8486284613609314, -0.5400086641311646, 0.05785152688622475, 0.11285615712404251, -0.038513343781232834, -0.6025487780570984, 0.08742441236972809, 0.1548951119184494, 0.12908786535263062, -0.28470149636268616, -0.7285448908805847, -0.2823767066001892, -0.13201162219047546, 0.2742289900779724, -0.2672475576400757, -0.5177996754646301, 0.5746620297431946, 0.11842911690473557, -0.1656201183795929, 0.8392126560211182, 0.20758649706840515, 0.33870911598205566, 0.6202638745307922, -0.143235445022583, 0.19369398057460785, 0.35614362359046936, 0.20746682584285736, 0.22430866956710815, 0.5844964981079102, -0.49176153540611267, -0.21370194852352142, -1.0058902502059937, 0.25680598616600037, -0.47461721301078796, -0.010830197483301163, 0.720666229724884, -0.3472172021865845, -0.4309059977531433, 2.0626461505889893, 0.6926806569099426, 0.44794961810112, -0.15970635414123535, 0.7313272953033447, 0.5384379029273987, -0.14420771598815918, 0.10145566612482071, 0.007131543010473251, -0.06913245469331741, 1.460976243019104, -0.3341001868247986, 0.030484596267342567, 0.4823675751686096, 0.004261780995875597, 0.42286935448646545, 0.10383113473653793, -1.7078267335891724, 0.046113427728414536, -0.6127416491508484, 0.307271271944046, -0.20563705265522003, -1.2234023809432983, -0.3990057706832886, -1.0635135173797607, 0.3292563557624817, -0.03363947197794914, -1.3065913915634155, -0.38770973682403564, 0.037546105682849884, 1.2405920028686523, 0.9363139867782593, -1.3805218935012817, 0.26774537563323975, 0.7260593175888062, -0.6397889256477356, -0.5972890257835388, 0.30472639203071594, 1.0363316535949707, -0.41133686900138855, -0.8775638341903687, 0.9017873406410217, 1.2064590454101562, 0.05741240829229355, 0.14976035058498383, 0.20684900879859924, 0.36506038904190063, 0.1465592086315155, -0.499271422624588, 0.33695584535598755, 0.15542253851890564, 0.4598229229450226, 0.6505022048950195, 1.1987643241882324, -0.624528706073761, -0.2864190936088562, -1.0248748064041138, 1.2263282537460327, 0.08507660031318665, 0.3669064939022064, 1.548661708831787, 0.2905178368091583, 0.18022362887859344, 0.08696606010198593, 1.0849748849868774, -0.39571911096572876, -0.021133052185177803, 0.039608269929885864, 0.7194513082504272, -0.15879188477993011, -0.4847932755947113, 0.5267595052719116, -0.15421444177627563, 0.5309905409812927, -0.3922664523124695, -0.03363170474767685, 1.0358787775039673, -0.08114133775234222, -0.37974658608436584, 0.1207793653011322, -0.07397526502609253, 0.5929417610168457, 1.5862669944763184, 0.015053966082632542, -1.0739758014678955, -0.5317335724830627, 0.2462107241153717, 0.9990501403808594, -0.355472207069397, 0.032688699662685394, 0.4000614285469055, -0.06945794820785522, 1.28914475440979, 1.0789353847503662, 0.41888338327407837, 1.2365022897720337, -0.21425177156925201, -1.096292495727539, 0.8638049960136414, -1.14762544631958, -0.7639983892440796, -0.14944997429847717, -0.06302377581596375, -0.2860385477542877, 0.4379364252090454, -0.7402433753013611, -0.7088676691055298, 0.4415053427219391, -0.10961086302995682, -0.3416089415550232, 0.06527607142925262, 0.9280939102172852, -1.330777645111084, -0.10965985804796219, 0.09531915187835693, -0.2505783140659332, -0.4215894639492035, 0.12044662982225418, 0.12044454365968704, 0.6787473559379578, -0.4197991192340851, 0.45937854051589966, -0.5723185539245605, -0.22218503057956696, -0.4524921476840973, 0.6847149133682251, 0.6690303683280945, -1.438385009765625, 0.9036444425582886, -0.432616651058197, 0.40503382682800293, 0.6665985584259033, -0.6300798058509827, 0.21129298210144043, 1.8437325954437256, 0.9469805955886841, 0.1894819289445877, -0.33279070258140564, -0.25501424074172974, 0.6822519898414612, 0.25192946195602417, 0.8120742440223694, -0.46839940547943115, -0.4759274125099182, -0.055236369371414185, 1.3217462301254272, 0.9243017435073853, -0.4705248475074768, -0.6595457196235657, 1.8688547611236572, 0.30217108130455017, 0.813876748085022, -0.8201618194580078, -0.301257461309433, 1.1133829355239868, -0.4369358420372009, -0.40924543142318726, 0.5097677707672119, -11.515568733215332, -0.26773378252983093, -0.5553156137466431, 0.19308485090732574, 0.35831916332244873, -0.5113227963447571, 0.9439285397529602, 0.14639128744602203, -0.2027125507593155, -0.8217410445213318, 0.7557384371757507, 1.113033413887024, -0.0507335290312767, -0.030037682503461838, -0.5336275696754456, -0.6457722187042236, -1.153812289237976, -0.36536097526550293, 0.0690976232290268, 0.7683272957801819, 0.07056190073490143, -0.5007449388504028, -0.8172082901000977, 0.2311948537826538, -0.1897687017917633, -0.7036687135696411, -0.054314643144607544, -0.27448299527168274, -0.319995641708374, 0.19826379418373108, 0.21636474132537842, 0.2221129983663559, -0.46367692947387695, -0.6098127365112305, -0.15022346377372742, -0.21316169202327728, -0.8359437584877014, -0.052950263023376465, 1.9841434955596924, -0.016179077327251434, -0.3767620921134949, 1.0358997583389282, -0.03582339361310005, 0.030651187524199486, -1.020595908164978, 0.9340621829032898, 0.3454594612121582, -0.7053996920585632, -0.2567233145236969, -0.6967321634292603, -0.11025214940309525, -0.9500429630279541, -0.20446878671646118, -0.38828045129776, 1.2301156520843506, 0.2689511477947235, -0.5852476358413696, -0.48966410756111145, -0.3578101396560669, -0.9785628318786621, -0.16178226470947266, -0.26992911100387573, -0.6182718873023987, 0.27413541078567505, 0.18754422664642334, -0.8199489712715149, 1.014412760734558, 0.9895967841148376, -0.887622058391571, 0.3378828465938568, -0.8031582236289978, 0.6415167450904846, 1.0457488298416138, 0.41684800386428833, -0.9193869829177856, -0.23150980472564697, -0.4169423580169678, 0.2509569525718689, -0.05535342916846275, -0.6168519258499146, -1.1713839769363403, 1.2099213600158691, -0.4077513515949249, -0.1295659840106964, -0.34026384353637695, 0.16279476881027222, 0.6442959308624268, -0.0623021274805069, 0.09892989695072174, 0.6378973126411438, 0.7681148648262024, -0.9122280478477478, -0.3663290739059448, -0.28751012682914734, -1.0072559118270874, 0.991468608379364, -0.12579958140850067, -0.7361866235733032, -0.8116427659988403, -1.5924526453018188, 0.7545568346977234, 0.7358143925666809, 0.10828344523906708, 0.6552978157997131, 0.5879688262939453, 0.3919673264026642, 0.24974244832992554, 0.5337693691253662, 0.6152103543281555, 1.4281015396118164, 0.2604149580001831, -1.4537067413330078, -0.542290210723877, 1.2858587503433228, -0.1059664934873581, 0.000853346660733223, 1.3359653949737549, -0.414777934551239, 0.910765528678894, -0.12894292175769806, -0.12218143790960312, 0.4589386582374573, 0.614768385887146, 0.8785089254379272, 0.8674952983856201, -0.08379726111888885, 0.5841981768608093, 0.2771414816379547, 0.32337427139282227, -1.5205836296081543, 0.9541157484054565, -0.03958841413259506, -0.8348591327667236, 0.27209988236427307, 0.1461501121520996, -0.940170407295227, -0.7547301054000854, 1.4066715240478516, -0.5837357640266418, 0.33514702320098877, 0.562497615814209, 0.06602829694747925, -0.2870219349861145, -0.7630821466445923, -1.5877019166946411, -0.09447906166315079, -0.5292996764183044, -0.05922982469201088, -0.8567420244216919, -0.9490881562232971, 0.20416618883609772, -0.2152073085308075, 1.070953607559204, -1.086626410484314, -0.20226268470287323, -0.21991273760795593, 0.3236388862133026, -1.4104381799697876, 0.5692844986915588, -0.37936049699783325, 0.9937154650688171, 0.24094215035438538, -0.5454747080802917, 0.8907124996185303, 0.7817857265472412, 0.11596229672431946, 0.046275533735752106, -0.5844845771789551, 0.7333571910858154, -0.09856395423412323, 0.931958019733429, -1.2027621269226074, 0.2713223695755005, -0.3734336495399475, 0.44366025924682617, -1.0523731708526611, 0.05063284933567047, 1.303625464439392, -0.815325915813446, 0.7505011558532715, 0.8859401941299438, 1.1536957025527954, 0.2941340208053589, -0.982439398765564, -0.49794861674308777, -0.5306760668754578, 0.24423721432685852, 0.5731093287467957, 0.13354144990444183, 1.1292251348495483, -2.1604039669036865, -0.2550358772277832, 0.11369533836841583, -0.07819169759750366, 0.6974289417266846, 0.29413408041000366, 0.5272420048713684, 0.15031351149082184, 0.1475226879119873, 0.8546377420425415, 0.18045742809772491, 0.29966863989830017, 0.019107230007648468, -0.18816018104553223, -0.04911137372255325, -0.17793402075767517, 0.15150895714759827, -0.6189741492271423, -0.7817408442497253, 0.2480536848306656, -0.9477561116218567, 0.20831911265850067, -0.370339959859848, -1.0211818218231201, 0.4237578511238098, -0.3521164655685425, 0.38937997817993164, -0.7859164476394653, 0.06546737253665924, -1.4572103023529053, 0.405534565448761, 0.9187581539154053, 0.3978935480117798, 0.20614473521709442, 0.06192842870950699, 0.677295446395874, 1.379040241241455, 0.4008762836456299, 1.5340591669082642, 0.4275701940059662, -0.23525682091712952, -0.3493857681751251, -0.0985085740685463, -0.4114489257335663, 0.016033850610256195, 0.5039994716644287, -0.9737048745155334, 0.3046109974384308, -0.702613115310669, 0.5730870962142944, -1.0066726207733154, 0.3303397297859192, -0.2966464161872864, 0.23995691537857056, -0.8168540596961975, -0.9084979891777039, -0.27335476875305176, -1.3794705867767334, -0.24364495277404785, 0.3401692509651184, 0.8249068856239319, 1.229294776916504, 1.0032893419265747, 0.010636597871780396, 0.9899189472198486, 0.6242528557777405, -0.9031845331192017, 0.03923147916793823, -0.23342810571193695, 1.6271530389785767, 0.6606276631355286, -0.1957622468471527, 1.1455144882202148, 0.7023199200630188, -0.44983676075935364, -0.4266621768474579, -0.0008607888594269753, 1.0868289470672607, 0.05463145673274994, -0.7784829139709473, -0.34371334314346313, -0.7092073559761047, -0.7139669060707092, -0.64304119348526, -0.02284281700849533, 0.7858886122703552, -0.1661585569381714, -1.4461134672164917, 0.36583787202835083, 0.08752136677503586, 0.18877068161964417, 0.353710412979126, -0.5990831851959229, -1.1147493124008179, 1.3740869760513306, 0.7783392667770386, 0.06600624322891235, -0.45514774322509766, -0.10110750049352646, 0.04383520036935806, 0.33997267484664917, -0.280188649892807, -0.6929488778114319, -0.6473515033721924, 0.4623931646347046, -0.8573182225227356, -0.4305316209793091, -1.1581772565841675, -0.5202304720878601, -0.4257236123085022, 0.4563828110694885, -0.23865662515163422, 0.26906415820121765, -0.4154123067855835, 0.08949574083089828, -0.1672857403755188, 0.14254805445671082, 0.36935096979141235, -0.5558567643165588, -0.3965417146682739, 0.7100584506988525, -0.7112786769866943, -0.442624568939209, 0.8498371243476868]} +{"paper_id": "tunizi", "embedding": [-1.17243230342865, 0.9363560676574707, 0.051574740558862686, -0.056588977575302124, 0.7566869258880615, -0.1784970909357071, 0.4962832033634186, -0.24498504400253296, 0.17958030104637146, 0.3884475827217102, 0.8715677261352539, -0.3213040232658386, -0.01360213104635477, -0.438650518655777, -0.5299691557884216, 0.027857299894094467, -1.1136455535888672, 0.12478841841220856, -0.7661838531494141, 0.06842862814664841, -0.6308140158653259, -0.7729261517524719, 0.5248278379440308, 1.5243996381759644, -0.9163726568222046, -0.9082961678504944, 0.806621789932251, -0.19264447689056396, 0.8603887557983398, -0.40349113941192627, 0.36168402433395386, 0.5113174915313721, -1.6264469623565674, -0.5648760199546814, -0.239729642868042, -1.299452781677246, 0.2829861044883728, 0.8891770243644714, -0.10234852135181427, -0.6363885998725891, -0.2826918959617615, 1.2756845951080322, 0.07425040006637573, 1.3581730127334595, 1.1988803148269653, -0.12368151545524597, 0.15583106875419617, 0.006799094378948212, 0.5396027565002441, -0.12127558887004852, 0.046228259801864624, -0.3817364573478699, -0.8882287740707397, 0.0009297095239162445, -1.0349200963974, 2.0625603199005127, -0.2666243612766266, -0.7583212852478027, -0.6410964131355286, -1.0432425737380981, 1.117636799812317, 1.9298878908157349, 0.21381253004074097, -0.7460513114929199, 1.3920012712478638, 0.42204928398132324, 0.9299978613853455, -0.36520105600357056, 0.971206784248352, 0.4237840473651886, -0.35275834798812866, -0.2397034764289856, 0.9373535513877869, -0.614692211151123, -0.24395528435707092, 0.23126287758350372, 0.8392120599746704, 0.1179274469614029, -0.5127567648887634, 0.26677554845809937, 0.8170015215873718, 0.9988358020782471, -0.4960692524909973, -0.7064156532287598, -0.16906459629535675, 0.5710349082946777, 0.4647679626941681, 0.21521349251270294, 0.762953519821167, -2.3969361782073975, 1.1321154832839966, -0.5265095829963684, -0.49934735894203186, -0.5348639488220215, -0.16967745125293732, -0.6139535307884216, 0.10014825314283371, 0.644900381565094, -0.7656981945037842, 0.1445293128490448, 0.5462262630462646, -1.1225942373275757, 0.24422027170658112, -0.5937381386756897, 0.06857040524482727, 1.6783369779586792, 0.3874897360801697, 0.018138261511921883, -0.48949122428894043, -0.13839228451251984, -0.05181214213371277, 1.1859723329544067, 0.033521100878715515, 0.7293034791946411, 0.13042205572128296, 0.21291989088058472, -0.5555104613304138, -0.3356550931930542, -0.9173299074172974, 0.7188982963562012, -0.6565207242965698, -2.0617482662200928, -0.3187098503112793, 1.0050162076950073, 1.0413720607757568, -0.594189465045929, 0.5402282476425171, -0.35998833179473877, 0.098713219165802, -0.5277487635612488, 1.3526792526245117, -0.7738385200500488, -1.09181809425354, -0.8242923617362976, 2.2465686798095703, -0.5202730298042297, 2.056462526321411, -0.6789920926094055, -0.3977944850921631, -0.7650265693664551, -0.9082624316215515, 0.48072579503059387, -0.1625199317932129, -0.5027896165847778, -0.4132338762283325, 0.47468113899230957, -0.9839875102043152, -0.10992969572544098, -0.009743288159370422, -1.0491061210632324, -0.03932242467999458, -0.3313169777393341, -0.6076144576072693, -1.238168478012085, 0.18816307187080383, 0.7342736124992371, 0.03574993461370468, 0.7374455332756042, 0.8322877287864685, 1.2172112464904785, 0.5343273282051086, 0.2269703596830368, 0.1844145655632019, 0.49006712436676025, -0.5564113259315491, 0.21408481895923615, 0.12713348865509033, 1.0749481916427612, -0.5143311023712158, -0.4332476556301117, 0.9501082301139832, 0.14927929639816284, 0.0026281774044036865, -0.20628349483013153, -0.5529661178588867, -0.33407390117645264, 0.5087868571281433, 1.1567717790603638, 0.5061538219451904, -0.16244854032993317, -0.9007827639579773, -0.9035658240318298, -0.17857277393341064, 0.2169124037027359, 0.47114601731300354, 0.33973217010498047, -1.2141395807266235, -0.37707215547561646, -1.2886725664138794, 0.7649024128913879, 0.7962065935134888, -0.40139397978782654, 0.3169403076171875, -0.0014731734991073608, 0.7585127353668213, -0.2323574721813202, 1.0072648525238037, -1.2275550365447998, -0.8291204571723938, 0.5314152240753174, 0.6104556918144226, -0.7906723618507385, -0.29616859555244446, 0.752242922782898, 0.22219614684581757, -0.41337719559669495, -0.3035033047199249, -1.7844125032424927, 0.8874394297599792, 2.630974531173706, 0.6958417892456055, -1.1445978879928589, -1.2360399961471558, 0.7694689631462097, 0.05570138245820999, -0.2739918529987335, 0.574076771736145, -0.23703986406326294, 0.712088406085968, -0.8166585564613342, -0.04964194446802139, -0.12840278446674347, 0.97060626745224, -0.22091424465179443, 0.5059114694595337, -0.5548656582832336, -1.1042060852050781, -0.2591959536075592, -1.5403811931610107, 0.3481582701206207, 0.11148016154766083, 0.7008873224258423, 0.14139531552791595, -0.14576327800750732, 0.27703598141670227, -0.10024474561214447, -0.16854429244995117, -0.38373619318008423, 0.157472163438797, 0.20760105550289154, -0.5833114981651306, 0.018361687660217285, -0.256563663482666, -0.34515491127967834, 0.3000112771987915, 0.4288678467273712, 1.0841140747070312, -0.8519180417060852, 0.35894572734832764, -0.3598036766052246, 0.8363801836967468, 1.3348408937454224, 0.3889373242855072, 1.4116863012313843, -0.3914336860179901, 0.3913774788379669, 0.641684889793396, -0.6717771887779236, 0.0580810010433197, -0.5577859878540039, 0.3416329324245453, -0.6761118173599243, 0.4750468134880066, -0.6763275861740112, 0.4704815149307251, -0.2814171016216278, -0.012762520462274551, 0.5366751551628113, -0.8853837251663208, -0.8269082307815552, 0.6068635582923889, -0.4075368046760559, -1.5902488231658936, -0.15877045691013336, 0.25891631841659546, 0.5029100179672241, -0.42890051007270813, -0.014941319823265076, 0.940172553062439, -0.2207643985748291, 0.09608414024114609, -0.6987413167953491, 1.323632836341858, -0.4842633605003357, 1.100914716720581, -0.880513608455658, 0.8938093781471252, -0.2710621654987335, 0.37159907817840576, 0.333870530128479, 0.6432695984840393, 0.38603055477142334, -0.21208393573760986, 0.722607433795929, -0.26869499683380127, -1.3746331930160522, 1.008890986442566, -0.30671781301498413, -0.23052456974983215, -0.45593374967575073, 1.3840936422348022, 0.27888065576553345, -0.221235990524292, 1.7442255020141602, -0.7010281085968018, 1.0757906436920166, 1.207209587097168, -0.2849367558956146, 0.6161013245582581, 0.803766667842865, 0.27414149045944214, 0.3853791356086731, 0.11592408269643784, -1.7804957628250122, 0.07394340634346008, 1.018631935119629, -0.2892080843448639, -0.220749631524086, -0.6715089082717896, 0.3499823808670044, -0.9703056216239929, 0.31692853569984436, -0.3300342857837677, -0.5433738827705383, 0.4948571026325226, -0.2690139710903168, 0.03732188791036606, 1.7963359355926514, -0.49656325578689575, -0.37980276346206665, 1.2668341398239136, -0.5004673600196838, -1.074728012084961, 0.6331268548965454, 0.4526333212852478, -0.39944663643836975, 0.10243044048547745, -0.05726156383752823, 0.46757930517196655, 0.900975227355957, -0.6693605780601501, 0.13034532964229584, -0.10721787810325623, 0.49151989817619324, 0.32022663950920105, -0.8443255424499512, -0.25539493560791016, 0.6184532046318054, -1.7304948568344116, 1.1879615783691406, -0.507956326007843, -0.11415518820285797, -1.951957106590271, -0.007866930216550827, -1.2965607643127441, -0.41690462827682495, 2.2779457569122314, 0.3324730396270752, 1.1572785377502441, 0.20572614669799805, -0.04826543480157852, 0.31968924403190613, 0.8064863085746765, 0.9571934938430786, 1.1313680410385132, -0.052778154611587524, 0.23240390419960022, 0.2805429697036743, 0.19309760630130768, 0.44232597947120667, -0.5692713856697083, 0.21731001138687134, 0.5395382046699524, -1.40814208984375, -0.2933349311351776, -0.464271605014801, 1.637953281402588, 0.7765675187110901, 1.8595327138900757, 0.08046198636293411, -0.2929602265357971, -0.31706488132476807, -0.19802656769752502, 1.1776063442230225, 0.3278365731239319, -1.4289453029632568, 0.7142359018325806, -0.14444757997989655, 0.861803412437439, -0.7760666608810425, 0.38276755809783936, 0.171650230884552, -0.4226260185241699, -0.731981098651886, -0.30377787351608276, -0.4011704921722412, -0.0904965028166771, -0.014448568224906921, 0.6734815835952759, -0.7485744953155518, 0.74808269739151, -0.25589120388031006, -0.4449210464954376, 0.2982601523399353, -0.6152675151824951, -0.5356031656265259, 1.324154019355774, 0.9616842269897461, -0.8445295691490173, -0.43934476375579834, -0.22373397648334503, -1.2452528476715088, -0.5974429845809937, 0.3388980031013489, -1.1914982795715332, 1.107343077659607, -0.11086060106754303, 0.24850723147392273, -0.7878119945526123, -1.4587775468826294, 0.6314111351966858, 0.41460782289505005, 0.7501521706581116, -0.6406062245368958, 0.8244117498397827, 0.5698735117912292, -1.0276391506195068, 0.3397766053676605, -1.1616437435150146, -1.2367275953292847, 0.0754857137799263, 0.46163955330848694, 0.2128838449716568, -1.0710704326629639, -0.6744388937950134, -0.40872853994369507, -0.14683090150356293, 1.001952886581421, -1.0656858682632446, -0.09194856882095337, -1.0749788284301758, -0.5819869041442871, -0.1750347912311554, -0.693099319934845, -0.7586522102355957, 0.4831582009792328, -0.9172815084457397, 0.4794289171695709, 0.11121025681495667, 0.6388475894927979, 1.1112475395202637, -0.5171076655387878, 0.5153204202651978, 0.13749399781227112, -9.766383171081543, 0.1704767346382141, -0.3664388656616211, -0.4308793544769287, 0.35733363032341003, -0.24954676628112793, 0.6345357894897461, -1.2374850511550903, 1.6181888580322266, -0.48095589876174927, -0.21420948207378387, 1.543060064315796, -0.18992570042610168, -1.0279669761657715, 0.3216645419597626, -1.408186435699463, -0.4205694794654846, -0.429507851600647, -0.14903870224952698, -0.4873562753200531, -0.034227482974529266, -1.2813464403152466, -0.10627122223377228, -0.6327342987060547, 0.3237007260322571, 0.18136918544769287, -0.5187033414840698, -0.7660040259361267, -0.8967638611793518, 0.7537539005279541, 0.12347017228603363, -0.2878458499908447, 0.005847454071044922, -1.0544332265853882, 0.825555145740509, 0.6639271974563599, -0.8616792559623718, -0.1819358617067337, 1.0664197206497192, -0.5887908935546875, 0.18919186294078827, 0.45652511715888977, 0.7244620323181152, -0.6715326309204102, -1.3370612859725952, -0.07359996438026428, 0.26178357005119324, -0.4316292405128479, -0.23364219069480896, 0.4251270890235901, -0.5925390124320984, -0.2323400378227234, -1.4068636894226074, 0.23039792478084564, 0.5159044861793518, 0.8494332432746887, -1.3463696241378784, 0.6163527965545654, -0.6967421770095825, -0.37922197580337524, 0.8901910185813904, -0.27707964181900024, -0.7564310431480408, -0.22644834220409393, 0.3535526394844055, -0.4291301369667053, 0.723281979560852, 1.0383387804031372, -1.4101238250732422, 0.5390790700912476, -0.5748791694641113, 1.1971453428268433, -0.2301463484764099, 0.9734212160110474, -0.9679848551750183, 0.17555946111679077, 0.010271109640598297, -0.4097648561000824, 0.1481010913848877, 0.09634889662265778, -1.2036138772964478, 1.0991190671920776, -0.13909918069839478, -0.8732843995094299, -0.5195280909538269, 0.711392879486084, -0.3163439631462097, -0.7505356669425964, 0.5840665102005005, -0.6023218035697937, 0.44655555486679077, 0.13543003797531128, -0.4110468626022339, 0.7713445425033569, 0.2931162714958191, -0.261818528175354, 0.8046225309371948, 1.3400297164916992, 0.11759355664253235, 0.4443991184234619, 0.04076927527785301, 0.7038112878799438, 0.8655487298965454, -0.23814833164215088, 0.34356918931007385, -0.006575819104909897, -0.2161943018436432, 0.3253985643386841, -0.06376424431800842, -0.06609335541725159, 0.7724032998085022, 0.7408425211906433, -0.06967218220233917, 0.767342746257782, -0.13720175623893738, 0.3640427887439728, -0.41227760910987854, -0.6848394274711609, 0.010694779455661774, 0.3448723256587982, 0.09174386411905289, 0.4096802771091461, 0.3559778928756714, 0.0009563565254211426, 0.5436789989471436, 0.42241594195365906, 0.5835294127464294, -0.2156921625137329, -0.40582945942878723, -1.5448930263519287, 1.0874346494674683, -0.3888435363769531, 0.026736099272966385, -0.18783560395240784, -0.3197348117828369, 0.11822524666786194, -0.30439192056655884, 1.2122747898101807, -1.0211821794509888, -0.49306821823120117, -0.6527994871139526, -0.3139910399913788, 0.7474766969680786, 0.16362863779067993, -0.6860362887382507, -0.3047723174095154, -0.762183666229248, -0.3747900724411011, -0.7055618762969971, -1.179489254951477, 0.5791758894920349, 0.14919662475585938, 0.05023420974612236, -0.3545721769332886, -1.1573486328125, 0.5645621418952942, 0.028899792581796646, -0.6447763442993164, -1.0429959297180176, 0.9630580544471741, 0.8962273001670837, 0.40799474716186523, -0.7043533325195312, 0.4108215570449829, -0.18652427196502686, -0.24814285337924957, 0.21557441353797913, 0.570850133895874, -1.031662106513977, 0.686159074306488, 0.9720596671104431, -0.7563392519950867, -0.2855887711048126, -0.8685529232025146, -0.17097195982933044, -1.1782455444335938, 0.7823218703269958, 1.8435652256011963, -0.5514036417007446, -0.15718410909175873, -0.3959861695766449, 0.430431067943573, 0.07088826596736908, -0.3319239020347595, -0.19141048192977905, -0.012308413162827492, -0.6015195250511169, 1.0340611934661865, 0.23892070353031158, 0.1823185384273529, -1.660839319229126, -0.5553311109542847, -0.19153545796871185, -0.8219427466392517, 0.6834819912910461, 0.038940541446208954, 0.014792807400226593, 0.2466285526752472, -0.9646486043930054, -0.14918676018714905, -0.11162325739860535, 0.6927465796470642, 0.4598272144794464, 0.22546760737895966, 0.902337372303009, -1.0242289304733276, -0.5769650340080261, -0.37363678216934204, 0.7671244740486145, -0.3966304063796997, -1.1191898584365845, 0.13319797813892365, 0.8184086084365845, 0.06602801382541656, 1.4979015588760376, -0.36741819977760315, 0.84798663854599, -0.0832192525267601, -0.6811821460723877, -1.1163636445999146, -0.5169981718063354, 1.1531867980957031, 0.04727967083454132, 0.9182301163673401, 0.5044432282447815, 0.9766091108322144, 0.7562549114227295, 0.3085113763809204, 2.3978495597839355, -0.5859320163726807, -1.0737963914871216, 0.5369547009468079, -0.3286094665527344, -0.4657571315765381, -0.560463547706604, -0.9060180187225342, -1.281525731086731, 1.2506521940231323, -0.5236170887947083, 0.1319393664598465, -0.11610335111618042, 0.28400948643684387, 0.10960408300161362, 1.484239935874939, -0.38623881340026855, -1.0305854082107544, -1.1161621809005737, -1.404811978340149, 0.6121646761894226, 0.7339440584182739, -0.7732533812522888, 1.664171814918518, 0.735059916973114, 0.08571038395166397, 1.0681209564208984, 0.051664963364601135, -0.5021003484725952, 0.5025080442428589, 0.246885284781456, 0.9509230852127075, 0.6361657381057739, 0.697644054889679, -0.36157792806625366, -0.006741255521774292, -0.8111255764961243, -0.21328853070735931, -0.43092551827430725, 0.7754737734794617, -0.23334524035453796, -1.0234050750732422, -0.8741418719291687, -0.48367100954055786, 0.06319202482700348, 0.36684322357177734, 0.14698486030101776, 1.0142208337783813, -1.0209020376205444, -0.21434347331523895, -0.5182881951332092, -0.4731987714767456, 0.673332154750824, -0.36498886346817017, -0.5739708542823792, 0.24405640363693237, -0.38763487339019775, 0.7304962277412415, -0.14222609996795654, -0.3684789836406708, 0.11004867404699326, -0.1692010462284088, 1.0880160331726074, -0.3067529499530792, -1.9458166360855103, -0.11680757999420166, -0.26686418056488037, -1.1166212558746338, 1.1438968181610107, 0.18208403885364532, -0.789941668510437, -0.3319641053676605, 0.657011091709137, -0.8751579523086548, 0.14387263357639313, 0.6868391633033752, 0.4089905321598053, -1.7413246631622314, 1.5069825649261475, 2.012263536453247, 1.0413705110549927, -0.8905903697013855, -0.17117053270339966, 0.33914563059806824, -0.0992979109287262, 1.2881584167480469]} +{"paper_id": "norec", "embedding": [-0.9103406667709351, 1.4952224493026733, 0.2809736132621765, -0.16605497896671295, 0.2854568064212799, -0.3641233742237091, 1.0929572582244873, 0.7151960730552673, 0.010845664888620377, 0.5640796422958374, 0.5076597332954407, -0.3524084985256195, -0.11523927748203278, 0.3312879502773285, -0.31432798504829407, -0.338905394077301, -0.39289024472236633, -0.2979343831539154, -0.6538990139961243, -0.2751349210739136, -0.5207546353340149, -0.5595036745071411, -0.12672336399555206, 0.8274398446083069, -0.6639364361763, -0.5504968762397766, 0.7455217838287354, -0.6216968894004822, 0.04833438992500305, 0.4325338900089264, 0.15065985918045044, 0.927840530872345, -0.8468537926673889, -0.16521796584129333, -0.2624354660511017, -0.37858864665031433, -0.009460543282330036, 0.3274478018283844, -0.8255347609519958, 0.05471920594573021, -0.6265367269515991, 0.48307397961616516, 0.8389232754707336, 0.5246806740760803, 0.8119017481803894, 0.027975603938102722, -0.2900298833847046, -0.0755501240491867, 0.06595359742641449, -0.09389229863882065, -0.45224156975746155, 0.017760496586561203, -0.3881817162036896, 0.24090424180030823, -1.0569407939910889, 1.1203138828277588, 0.08656788617372513, -0.49308061599731445, 0.129911869764328, -1.2855968475341797, 0.7140172719955444, 1.512885570526123, -0.019597673788666725, -0.031453367322683334, 0.6634611487388611, 0.22149159014225006, 1.1320370435714722, -0.6354793906211853, 0.21943841874599457, 0.4544663429260254, -0.2729552686214447, -0.5613364577293396, 0.08484633266925812, -0.5227834582328796, 0.33891773223876953, 0.1322125643491745, 0.6211422681808472, 0.37528544664382935, 0.2923141419887543, 0.672349214553833, -0.5084426999092102, 0.9810531139373779, -0.16456274688243866, -0.6397529244422913, -0.47596755623817444, 0.6387577056884766, -0.3123006820678711, -0.32746875286102295, 0.3169892728328705, -0.9500762820243835, 0.03144193813204765, -0.28965291380882263, -0.23973318934440613, 0.32361817359924316, -0.4457290768623352, -0.2554481029510498, -0.1247149407863617, 0.04312785714864731, -0.3181532621383667, 0.7121891975402832, 0.6596384644508362, -0.4922654330730438, 0.6115264892578125, -0.2810329496860504, -0.040427908301353455, 1.3952785730361938, 0.1883002519607544, -0.46917587518692017, 0.05007132515311241, 0.07302174717187881, -0.1559734046459198, 1.3214479684829712, 0.008085201494395733, 0.940424382686615, 0.08856379985809326, -0.049592167139053345, 0.07146887481212616, -0.4196205139160156, -0.8177314400672913, 0.5888546109199524, -0.08186648041009903, -1.8147802352905273, -0.1471024453639984, 0.596433162689209, 1.5454984903335571, -0.6026579737663269, 0.7519186735153198, -0.45201656222343445, 0.15984612703323364, -0.40131130814552307, 0.6313965320587158, 0.2551549971103668, -0.33487802743911743, -0.9085453748703003, 2.2474467754364014, -0.5215951204299927, 1.3699122667312622, -0.5316505432128906, -0.4650816321372986, 0.18012060225009918, -0.3419257402420044, 0.6564928293228149, 0.17839685082435608, -0.30121272802352905, -0.3860146105289459, 0.5071728825569153, -0.5522727370262146, 0.23801353573799133, -0.7683468461036682, -0.6241048574447632, -0.3053562641143799, 0.14981777966022491, -1.2534641027450562, -0.8434939980506897, 0.08353951573371887, 0.388936311006546, 0.2819567322731018, 0.4576127529144287, -0.48130106925964355, 0.9925154447555542, 1.1244198083877563, 0.1124703586101532, -0.4034067392349243, 0.4879593849182129, -0.49856674671173096, -0.31455811858177185, 0.8209034204483032, 0.6579529047012329, -0.6684998273849487, -0.6517239809036255, 1.0519946813583374, -0.5409746766090393, -0.06287060678005219, -0.1474432647228241, -0.20758964121341705, -0.45899078249931335, 0.6740626692771912, 0.30505362153053284, 0.32895952463150024, -0.46400755643844604, -0.3731346130371094, -0.5029008388519287, -0.6120322942733765, 0.20627373456954956, 0.16738717257976532, 0.6855538487434387, -1.7398866415023804, 0.1145184338092804, -0.1529814451932907, -0.08926941454410553, 0.6593424677848816, -1.2269716262817383, -0.07520753890275955, 0.26032066345214844, 0.12898868322372437, 0.31698259711265564, 0.6766964197158813, -1.083430528640747, -0.7716965675354004, 0.7706171274185181, 0.7598605751991272, 0.09863437712192535, -0.07294092327356339, 1.289792776107788, 0.5867118835449219, 0.25373199582099915, -0.6061186790466309, -1.7629989385604858, 0.48040783405303955, 2.458970785140991, -0.44543755054473877, -0.7878292202949524, -1.461957573890686, 0.11175911128520966, 0.34366098046302795, -0.20747676491737366, 0.9061247110366821, -0.2659226655960083, 0.27693644165992737, -1.0310181379318237, 0.03251602500677109, -0.4141525328159332, 0.3589245676994324, -0.1450277864933014, 1.1455186605453491, -0.6055324077606201, -0.7729804515838623, -0.0869409441947937, -0.9630956053733826, -0.06137130409479141, 0.7571972608566284, 0.4368528425693512, -0.1869507133960724, 0.12017633020877838, 0.44502711296081543, 0.7351309061050415, -0.14926248788833618, 0.08118923753499985, 0.5565633773803711, 0.07719600200653076, 0.12167586386203766, 0.4007219076156616, 0.4037892818450928, -0.4403347969055176, 0.5202118158340454, 0.2906769812107086, -0.25573357939720154, 0.08911691606044769, -0.16548778116703033, 0.2582291066646576, 0.9687636494636536, 1.283035397529602, -0.18652747571468353, 0.9312090873718262, -0.9942609667778015, 0.4832267761230469, -0.1019691526889801, -0.7324261665344238, -0.44937407970428467, 0.07699784636497498, 0.6170101761817932, -0.028073366731405258, 0.008892830461263657, -0.05214976519346237, 0.0984468013048172, -0.15887576341629028, -0.34649163484573364, -0.14493274688720703, -0.7739798426628113, -0.1283232420682907, 0.34127500653266907, 0.5397634506225586, -0.6885938048362732, -0.5995194315910339, -0.03454035148024559, 0.5748937129974365, -0.4228445887565613, 0.35426995158195496, 0.918714165687561, 0.0471305176615715, 0.5025212168693542, -0.1326833814382553, 0.8671955466270447, -0.4984295666217804, 0.9344897866249084, -0.5813862085342407, 0.2992878556251526, -0.4979158639907837, -0.302353173494339, -0.22164349257946014, 0.19808709621429443, 0.4394845962524414, -0.42285025119781494, 0.5629095435142517, -0.41834282875061035, -1.924872875213623, 1.1372711658477783, -0.042044851928949356, -0.2940174341201782, -0.8064236640930176, 1.1477335691452026, -0.09834440797567368, 0.07741932570934296, 0.9752873182296753, -0.32627803087234497, 0.0736720860004425, 1.282030463218689, -0.21199023723602295, 0.9839511513710022, -0.2976217567920685, -0.5604474544525146, 0.1564529687166214, 0.276075541973114, -2.09326171875, 0.2902902662754059, 0.8909841179847717, -0.3543088436126709, -0.17149505019187927, -0.5858679413795471, 0.691347599029541, -0.46235743165016174, 0.6546308994293213, 0.5597842931747437, -1.0973384380340576, 0.8418186902999878, -0.4858323037624359, 0.23204563558101654, 1.1201751232147217, -0.9661181569099426, -0.1741313487291336, 0.8387734889984131, 0.40431901812553406, -1.2210795879364014, -0.2055896520614624, 0.6117709875106812, -0.9670828580856323, 0.2762792408466339, 0.33022457361221313, 0.7829809188842773, 0.4348403513431549, -1.3516783714294434, -0.040912020951509476, 0.16612832248210907, 0.39403167366981506, 0.1156219094991684, 0.22660979628562927, 0.41241878271102905, 1.1575549840927124, -0.6408248543739319, 1.4850053787231445, 0.21023890376091003, -0.47461575269699097, -0.8718262910842896, -0.7299213409423828, -1.0792198181152344, -0.5016887187957764, 1.7140401601791382, 0.9493865370750427, 1.1511484384536743, 0.12059067189693451, -0.09199471026659012, -0.3793763518333435, 0.22364965081214905, 1.0048428773880005, 0.6426660418510437, -0.2022072821855545, -0.40534844994544983, 0.6916288137435913, 0.9278554320335388, 0.37775155901908875, -0.0016384832561016083, -0.0719170868396759, 0.6416494250297546, -0.3132057189941406, -0.34121787548065186, -0.4318065941333771, 1.0639472007751465, 1.2222814559936523, 2.234994649887085, 0.25638914108276367, -0.7199989557266235, -0.40372806787490845, 0.2649375796318054, 1.042741298675537, -0.1490441858768463, -0.6774349212646484, 0.0013747718185186386, -0.044105805456638336, 0.23383621871471405, -0.07803591340780258, 0.6256751418113708, 0.4515010416507721, -0.3150377571582794, -0.6040652394294739, -0.7530564665794373, -1.1481776237487793, -0.2887223958969116, -0.4962984621524811, 0.11362691223621368, -0.467517226934433, 0.2659417986869812, -0.3662347197532654, -0.647609531879425, 0.5399594306945801, -0.07192257046699524, -0.7745682001113892, 0.8074209690093994, 1.1407285928726196, -0.9463574886322021, -0.7478355765342712, -0.33448392152786255, -0.6063523292541504, -0.9429895281791687, 0.0554254986345768, -0.6441465616226196, 0.8237264752388, 0.5977901816368103, 0.2641941010951996, 0.3080101013183594, -0.3065311312675476, -0.7054807543754578, 0.5575544238090515, 0.6773773431777954, -0.9834038615226746, 0.4228128492832184, 0.19740599393844604, -0.3449714183807373, 0.05920790135860443, -0.9733660817146301, -0.7545958757400513, 0.5255995988845825, -0.3040896952152252, -0.30387893319129944, -0.3888002336025238, -0.20975467562675476, -0.1872158646583557, -0.09016860276460648, 0.34526631236076355, -0.7995030283927917, 0.37466633319854736, -0.4768170118331909, -0.11434615403413773, 0.6144068241119385, -0.618743360042572, -0.7686929702758789, 0.7199345231056213, -0.653857946395874, 0.5655454397201538, 0.051049694418907166, 0.6225290298461914, 0.3239549696445465, 0.267198383808136, 0.4997900128364563, 0.2748742401599884, -12.727581024169922, 0.29926371574401855, -0.1657094955444336, 0.2269437462091446, 0.7608053684234619, 0.22252583503723145, 0.43598946928977966, -0.3303854763507843, 0.367282509803772, -0.737321138381958, 0.41028061509132385, 1.5960782766342163, -0.4083313047885895, -0.2968004643917084, -0.5244854688644409, -0.9214434027671814, -0.26516348123550415, -0.44597113132476807, 0.44531071186065674, 0.04166687652468681, -0.2724228501319885, -0.6732975244522095, -0.6427986025810242, -0.3584560751914978, 0.20838898420333862, -0.503932774066925, -0.3163990378379822, -0.11267358064651489, -0.7348936796188354, 0.20906272530555725, 0.28746291995048523, -0.49465739727020264, -0.8073554039001465, 0.06066977232694626, 0.11922261118888855, 0.4060603380203247, -1.3171135187149048, -0.017393548041582108, 0.7507069706916809, -0.012807817198336124, -0.2250819355249405, 0.2917254865169525, 0.376476526260376, -0.5051935315132141, -0.5898122191429138, 0.34245574474334717, -0.10755575448274612, -0.5787301659584045, 0.23374073207378387, -0.17558225989341736, -0.4565027952194214, -0.5390976071357727, -1.2368720769882202, -0.27789306640625, 0.5665319561958313, 0.38814860582351685, -1.0014480352401733, 0.03256223350763321, -0.36679649353027344, -0.42554402351379395, 0.8895648717880249, -0.41136372089385986, -0.11972048878669739, 0.5791187286376953, 0.6205817461013794, -0.6692733764648438, 0.4298761785030365, 1.0330922603607178, -0.31693899631500244, 0.806781530380249, -0.8118879795074463, 1.3696378469467163, 0.53086256980896, 0.16628900170326233, -0.4768570363521576, 0.3706299960613251, -0.6325483918190002, 0.2689956724643707, 0.9394774436950684, -0.6537365317344666, -1.276703119277954, 1.1076334714889526, 0.24929803609848022, -0.8712837100028992, -0.34128043055534363, 0.5720040202140808, -0.07058202475309372, -0.9167819619178772, 0.7361388206481934, 0.3567183017730713, 0.7753468155860901, -0.021666087210178375, -0.8675544261932373, -0.21198800206184387, -0.5299644470214844, 0.8199914693832397, -0.7226653099060059, 1.2170581817626953, 0.47649165987968445, -0.17069575190544128, 0.08095187693834305, -0.30887752771377563, -0.2590111792087555, -0.34311041235923767, 0.3521900177001953, -0.15111535787582397, 0.04289594292640686, 0.2101755440235138, -0.0017288550734519958, -0.25723910331726074, 0.6017062067985535, -0.06952211260795593, -0.03170580416917801, 1.1493098735809326, -0.3082692623138428, 0.741227924823761, 0.07635777443647385, -0.2595716714859009, 0.7608411312103271, 0.38130807876586914, 0.034844886511564255, 0.8732113838195801, 0.18699386715888977, 0.8761385083198547, 0.5351396799087524, 0.023919496685266495, 0.8096622824668884, 0.4284846782684326, 0.15323343873023987, -0.942173182964325, 0.7742897868156433, -0.17412720620632172, -0.20654891431331635, -0.6712055206298828, -0.5342487096786499, -0.3515498638153076, -0.12063021957874298, 1.1105000972747803, -0.7532773613929749, -0.05362163484096527, -0.5364291071891785, -0.6079040765762329, -0.37893834710121155, 0.05507154390215874, -0.9633170366287231, -0.18229958415031433, -1.5174685716629028, 0.41218915581703186, -0.39383089542388916, -0.9844835996627808, 0.3747302293777466, -0.16683277487754822, 0.31142690777778625, -1.1153368949890137, -0.6061156392097473, -0.14965185523033142, 0.5365690588951111, -0.007640935480594635, -0.7137874960899353, -0.3028208613395691, 0.8797566890716553, 0.5432437658309937, -0.7805911302566528, 0.834929883480072, 0.8387129306793213, 0.04921826720237732, -0.33713892102241516, 0.42865651845932007, -0.4917217493057251, 0.5849581360816956, 0.7771251201629639, -1.3351092338562012, -0.7884355187416077, -0.3599463999271393, -0.015394367277622223, -0.5206237435340881, 0.6748741865158081, 0.8760583400726318, -1.287844181060791, -0.03804212808609009, -0.36865657567977905, 0.5471484065055847, 0.10121701657772064, -0.44424018263816833, -0.30177462100982666, -0.1752108335494995, -0.4432855546474457, 0.9945326447486877, -0.03428272157907486, 0.2506413757801056, -1.271946907043457, -1.1313469409942627, -0.6780107617378235, 0.6214488744735718, 0.6199007034301758, -0.06485253572463989, 0.6527919173240662, 0.4375445246696472, -0.6648578643798828, 0.09771496802568436, 0.47113823890686035, 0.8046454191207886, 0.5153019428253174, 0.3438348174095154, 0.23711758852005005, -0.15874239802360535, -1.0550816059112549, -0.31364941596984863, 0.7675129175186157, 0.3483998775482178, -1.4074090719223022, -0.35059893131256104, 0.4637524485588074, 0.5997344255447388, 0.7120278477668762, -0.8833047151565552, 0.12706094980239868, 0.3075345456600189, -0.8635056018829346, -1.2085884809494019, -0.5133938193321228, 0.22659626603126526, -0.7401444911956787, 1.1171233654022217, 0.42922133207321167, 0.6174988746643066, 0.3654358685016632, 0.5011833906173706, 1.2230687141418457, -0.3598729372024536, -0.682007372379303, 0.4255238473415375, 0.07526537030935287, 0.11303149908781052, -0.6423129439353943, -0.04593793302774429, -1.576112151145935, 0.008389174938201904, -0.9269305467605591, 0.33043089509010315, -0.46878623962402344, 0.23463118076324463, 0.03962332382798195, 1.2673530578613281, -0.30700933933258057, -0.9418148994445801, -1.194939374923706, -1.3041877746582031, 0.12276153266429901, 0.2929004728794098, 0.21222621202468872, 1.6376590728759766, 0.7113279700279236, -0.06298427283763885, 0.6918901801109314, 0.199217289686203, -0.1289781630039215, -0.1289425790309906, 0.01689152792096138, 1.3809828758239746, 0.4864330291748047, -0.0031325044110417366, 0.5022946000099182, 0.3791634738445282, -1.1106663942337036, 0.0959504097700119, -0.43614137172698975, 0.6276450753211975, 0.4210588335990906, -0.535251796245575, -0.3138744533061981, -0.39889806509017944, 0.30327510833740234, 0.32854121923446655, 0.28186798095703125, 0.90339595079422, -0.4768463969230652, -1.0473893880844116, -0.6127780079841614, 0.18952544033527374, 0.6544279456138611, -0.3065483570098877, -0.6047946214675903, -0.5574842691421509, 0.06181354820728302, 0.1485644280910492, -0.5623570680618286, -0.41199493408203125, 0.6563182473182678, -0.8094349503517151, 0.3051608204841614, 0.3968018591403961, -0.8655716180801392, -0.5199499130249023, 0.08042769134044647, -1.0456148386001587, 0.7832043766975403, -0.016332995146512985, -0.4293671250343323, 0.021390654146671295, 0.5262653231620789, -0.2646426260471344, -0.01708446815609932, 0.42375123500823975, -0.559501051902771, -1.2787209749221802, 0.942803144454956, 0.5980956554412842, 0.27573060989379883, -0.31142646074295044, -0.027134127914905548, 0.746013879776001, 0.7505266070365906, 1.0655078887939453]} +{"paper_id": "medmcqa", "embedding": [-1.0093817710876465, 0.7445347309112549, -0.4682199954986572, -0.3426956236362457, 0.6075373291969299, -0.09383587539196014, -0.5359992980957031, 1.0079082250595093, 0.5806470513343811, 0.5425165891647339, -0.16540952026844025, 0.0894433856010437, -0.3599647879600525, 0.05567334592342377, -0.18072207272052765, -0.5177034139633179, -0.8284257054328918, -0.20440828800201416, -1.2615845203399658, -0.4179981052875519, -0.8843249678611755, -0.46045535802841187, 0.38423028588294983, 1.2084604501724243, -0.038700759410858154, -1.2516227960586548, 0.9830093383789062, -0.8835011124610901, 0.12121912837028503, 0.010448511689901352, 0.16595453023910522, 0.5084686875343323, -1.799418330192566, 0.06996507197618484, -0.7551296353340149, -0.06648655235767365, 0.057755958288908005, 0.7050817012786865, -0.21218335628509521, -0.27147403359413147, -1.3658946752548218, 0.6881306767463684, 0.4361332356929779, 0.2428979128599167, 1.0427480936050415, -0.5796391367912292, 1.1781505346298218, -0.2641317546367645, -0.2261659950017929, 0.06910562515258789, -0.11072579026222229, 0.7006688714027405, -0.07756052166223526, 0.21791905164718628, 0.11355569213628769, 0.13051554560661316, 0.18043062090873718, 0.028595956042408943, 0.3254711329936981, -1.5459764003753662, 1.582646369934082, 1.052207112312317, 0.43181654810905457, 0.2123395949602127, 0.7095831632614136, 0.27913182973861694, 1.3019866943359375, -0.37844014167785645, -0.16878443956375122, 0.6281946897506714, -0.5419632792472839, -0.9671704769134521, -0.5445108413696289, -0.4875779151916504, -0.39528951048851013, 0.4633757770061493, 0.16421809792518616, 0.5462220311164856, 0.7471091747283936, -0.6399397253990173, -0.7440020442008972, 0.17635871469974518, 1.1777598857879639, -0.45927509665489197, -0.16153673827648163, -0.6371694803237915, 0.1422494500875473, -0.5130016207695007, 0.15736542642116547, -0.9684129357337952, 1.0494459867477417, 0.23525793850421906, 0.5253410339355469, 0.37552887201309204, -0.4003613591194153, 1.1355262994766235, -0.9054959416389465, -0.4860428273677826, -0.19350145757198334, 0.5186662673950195, 0.26857420802116394, -0.18404614925384521, 0.9270257949829102, -0.2008129358291626, -0.09899777173995972, 0.5991080403327942, 0.39390361309051514, 0.10181839764118195, -0.28045591711997986, -1.1012144088745117, 0.046082694083452225, -0.21166546642780304, -0.04397493600845337, 0.24597126245498657, 0.218557670712471, 0.8495379090309143, 0.47172412276268005, -1.00765061378479, -0.20000514388084412, -0.23827020823955536, 0.5232098698616028, -0.8674306869506836, -0.5870255827903748, -0.28354108333587646, 0.786719799041748, -0.7322052121162415, 0.1685630977153778, -0.004094764590263367, -0.2566487789154053, 0.6779414415359497, 0.8317266702651978, -0.19440804421901703, -0.431243360042572, 0.10808369517326355, 2.9445159435272217, -1.0898703336715698, 1.3982009887695312, -0.4176453948020935, 0.27916333079338074, -0.8929294943809509, -0.21087583899497986, 0.5287458300590515, 0.07328488677740097, -0.9556909799575806, -1.0320243835449219, 0.7581515312194824, 0.3483482599258423, 0.7386043071746826, -1.3745050430297852, -0.08433283865451813, -0.09590597450733185, 0.8329012393951416, -0.901030957698822, 0.125929594039917, 0.44379448890686035, 0.1379730999469757, -0.2445461004972458, -0.574661374092102, -0.9292150735855103, -0.0683300718665123, 0.11235029995441437, -0.33578354120254517, -1.1439423561096191, 0.6961337924003601, -0.29802316427230835, -0.7811203002929688, 0.8249666094779968, 0.18565800786018372, -1.7030550241470337, -0.28093215823173523, 0.1452675312757492, -0.27300792932510376, 0.17318767309188843, 0.7139617800712585, -0.07784699648618698, -0.4907165765762329, 0.20733767747879028, 0.33542248606681824, -0.024046821519732475, -0.9450869560241699, 1.0264828205108643, 0.16694997251033783, -0.4149179756641388, 0.5546380877494812, 0.3390251100063324, 0.27635255455970764, -2.1654794216156006, -0.35120683908462524, -0.23424147069454193, 0.6432421803474426, 0.040277570486068726, -0.1504880040884018, -0.15115603804588318, 0.1772870421409607, -0.1436629593372345, -1.1593809127807617, -0.47529977560043335, -1.8695286512374878, 0.6233089566230774, 0.3707185983657837, -0.5568149089813232, 0.3998652994632721, 0.5907512903213501, 1.1790003776550293, 0.8516842722892761, -0.6517412662506104, -0.9414287209510803, -1.3601199388504028, -0.5686261057853699, 1.5999034643173218, -0.3014812171459198, 0.009121425449848175, -0.660707950592041, -0.17736244201660156, -0.41292718052864075, 0.06349178403615952, -0.384796142578125, -0.6825381517410278, 0.16930507123470306, -0.4929693937301636, 0.6314324140548706, -0.4976876378059387, -0.32307159900665283, 0.5841281414031982, 1.7872471809387207, -0.46169158816337585, -0.3572971224784851, 0.07057975232601166, -0.14860457181930542, 0.3553747236728668, 0.4871286451816559, -0.2611246705055237, 0.5276767015457153, 0.48926103115081787, 0.8723695874214172, 1.1797786951065063, 0.492440789937973, 0.5672209858894348, -0.12331995368003845, 0.23225636780261993, -0.4953805208206177, 1.6252130270004272, 0.15670731663703918, -0.28153303265571594, 0.514592707157135, -0.44689902663230896, -1.2070667743682861, -0.2480711042881012, -0.02804477885365486, 0.12038753181695938, 1.130402684211731, 0.4544662535190582, -0.41719356179237366, 1.0133012533187866, -0.7138000130653381, -0.6965459585189819, -0.06845133006572723, 0.2950213849544525, -0.45256751775741577, -0.687014639377594, 0.6428187489509583, 0.22319728136062622, -0.04023472219705582, 0.06993770599365234, -0.2779328227043152, -1.094531774520874, 0.3180299401283264, 0.116195909678936, -0.8858909010887146, -0.09040465950965881, -0.6063526272773743, 0.5445799827575684, -0.7631592154502869, -0.7321799993515015, 0.1981254369020462, -0.0020711328834295273, -0.47987592220306396, 1.453789234161377, 0.9375067949295044, -0.038325514644384384, 0.6515206098556519, 0.6278645396232605, 0.5674710273742676, -0.13642944395542145, 0.6468068957328796, -0.611817479133606, 0.3073870539665222, -0.41742420196533203, -0.10735582560300827, -0.5664783120155334, -0.3042835295200348, 0.3647477924823761, -0.2736318111419678, 1.2037099599838257, -0.4901571273803711, -1.3417586088180542, 0.8676117062568665, 1.3561129570007324, -0.24544426798820496, -0.20563973486423492, 1.3970537185668945, 0.41065913438796997, -0.5046564936637878, 0.7783377766609192, -0.33956021070480347, 0.33622851967811584, 0.5219497084617615, 0.30883923172950745, -0.2428731471300125, -0.07224152982234955, -0.923028290271759, -0.03421791270375252, 0.722089946269989, -1.780167818069458, 0.7428205609321594, 1.2056605815887451, -0.2925527095794678, -0.25018855929374695, -0.7082048058509827, -0.4497194290161133, -0.5379230380058289, 0.13742682337760925, 0.4811360239982605, -0.4597208797931671, 0.6651846766471863, 0.34183773398399353, 0.03489426523447037, 1.180317997932434, -0.83211749792099, 0.4933943450450897, -0.06090341880917549, -0.3445168435573578, -0.9316728711128235, -0.9062855839729309, 0.8031631112098694, 0.7147812843322754, -0.2609196901321411, -0.06839979439973831, 0.819521963596344, 1.4440901279449463, -0.5166087746620178, -0.6112383008003235, 0.4590578079223633, 0.6721085906028748, 0.32037925720214844, -0.5336576700210571, -0.5789834260940552, 0.5471856594085693, 0.5249810814857483, 1.2835345268249512, 0.19644597172737122, -0.7552499771118164, -0.6674302220344543, -0.294031023979187, -0.30647581815719604, -0.10261484235525131, 1.5269138813018799, 0.4213206171989441, 1.2949497699737549, -0.2685103416442871, 1.1113059520721436, -0.15401200950145721, -0.17507265508174896, 1.6618210077285767, 0.6606745719909668, 0.24329593777656555, -0.6866598129272461, 0.0906246155500412, -0.5981666445732117, -0.12467387318611145, -0.38078901171684265, 0.6898757219314575, 0.8104779124259949, 0.5388673543930054, -1.0197129249572754, 0.9538440108299255, 0.6889765858650208, 0.5315135717391968, 1.4478411674499512, 0.1964392066001892, 0.07831478118896484, -0.199776291847229, -0.0699521079659462, 0.16582442820072174, -0.236954003572464, 0.39535707235336304, 0.23233583569526672, 0.08987738192081451, 0.21642792224884033, 0.2969123125076294, 1.0078953504562378, 0.9834812879562378, -1.0517828464508057, -1.3439937829971313, 0.17444220185279846, -0.4333224296569824, -0.25471585988998413, 0.03382235765457153, 0.14539161324501038, -1.1465775966644287, 0.5167203545570374, 0.2985883355140686, -1.1613737344741821, -0.4266742169857025, 0.02268272638320923, -1.7439407110214233, 2.199117422103882, 0.11021536588668823, -1.3561065196990967, -0.012683816254138947, -0.2961645722389221, -0.5420685410499573, -0.027831386774778366, -0.04114755988121033, -0.5091291666030884, -0.09886138886213303, 0.5106072425842285, 1.2106983661651611, 0.5213065147399902, 0.6081149578094482, -1.1021008491516113, 1.0453197956085205, 0.7772499322891235, -1.4028816223144531, 0.12662220001220703, 0.01094847358763218, 1.4632033109664917, -0.2413615584373474, -1.6391174793243408, -1.317651391029358, 0.8367063999176025, -0.3332067131996155, -0.1343211978673935, -1.1004871129989624, 0.006203360855579376, 0.0896097719669342, 0.10746556520462036, -0.09695357084274292, 0.1333671659231186, -0.40941041707992554, -0.7622564435005188, -0.14342623949050903, 1.4256113767623901, -0.9549059271812439, -0.13024099171161652, 0.8000940084457397, -0.43025287985801697, 0.6823369264602661, -0.5734621286392212, 0.5691268444061279, 1.316871166229248, -0.22255966067314148, -0.23817485570907593, -0.8275022506713867, -11.45988655090332, 1.5215176343917847, -0.3161417543888092, 0.7295766472816467, 0.6254311203956604, -0.16175934672355652, 0.923912525177002, -0.9216042757034302, 0.22177274525165558, -1.2436292171478271, 0.265510231256485, 1.0949766635894775, 0.8607937693595886, 0.088828906416893, -0.9302062392234802, -0.7489637732505798, -0.005248356610536575, -0.1940816044807434, 0.6656404137611389, -0.017838038504123688, 0.21600724756717682, -0.5681127309799194, -0.2450091540813446, -0.024311110377311707, -0.04813152924180031, -0.5501445531845093, -0.5266355872154236, 0.09910022467374802, -0.4109821915626526, 0.1435118168592453, 1.1524008512496948, 0.2400076538324356, -0.20116043090820312, -0.2745307981967926, -0.8612207770347595, -0.6483685970306396, -0.6575369238853455, -0.0784420296549797, 1.3618208169937134, -0.112561896443367, -0.05575460195541382, 0.20662076771259308, 0.3774060904979706, -0.21483585238456726, -0.04502801597118378, 0.7018017172813416, 0.2783776521682739, -1.0253024101257324, 0.5355641841888428, -0.09963813424110413, -0.2615624666213989, -0.3602311313152313, 0.0952032208442688, 0.4162733256816864, -0.14944970607757568, 0.584906816482544, -1.472156047821045, -0.30679646134376526, -0.8170519471168518, -0.9741072654724121, 0.18948596715927124, 0.12537506222724915, -0.9138744473457336, 0.7522914409637451, -0.12174498289823532, -0.34173738956451416, -0.44110536575317383, 0.5787785649299622, -0.32371050119400024, 0.3534601032733917, -0.4325520694255829, 1.6871263980865479, 1.2018725872039795, -0.047647297382354736, -0.5130300521850586, -0.13446155190467834, -0.5061081051826477, 0.20492850244045258, 0.09853166341781616, -0.6483674645423889, -1.1558243036270142, 0.8248947262763977, 0.2651851177215576, -1.0792851448059082, -0.7788460850715637, 0.6982793807983398, -0.32011878490448, -0.08051469922065735, 1.1311613321304321, -0.9106400609016418, 0.8388070464134216, 0.5852088928222656, -0.7200465202331543, -0.8087137341499329, 0.07720966637134552, 0.41312071681022644, -0.06972231715917587, 0.8054665923118591, -0.33425378799438477, -1.1263493299484253, -0.005453161895275116, -0.8517833352088928, -0.7746922969818115, 0.6569879055023193, 0.8239004611968994, -0.04955289512872696, 0.8890935778617859, 0.6047854423522949, -0.08346877992153168, -0.13986963033676147, 0.7916352152824402, -1.1710624694824219, 0.19668567180633545, 0.9321559071540833, -0.6366559267044067, 1.1671230792999268, 0.6928999423980713, 0.4286491870880127, -0.0491112619638443, 0.40936076641082764, 0.12003810703754425, 0.7675088047981262, 0.36220788955688477, 1.9229977130889893, -0.3819466233253479, -0.0393688827753067, 0.31716156005859375, 0.3648707866668701, -0.5245429873466492, -0.9050764441490173, 1.0903042554855347, 0.09078818559646606, -0.35955408215522766, -1.0485996007919312, -0.4463616907596588, -0.165069118142128, -0.4459785223007202, 1.3031386137008667, -0.6404873728752136, 0.5825037360191345, -0.37739789485931396, -0.018385950475931168, -0.6402631998062134, -0.9948422312736511, -1.1454553604125977, 0.6143978238105774, -0.44196075201034546, 0.3616864085197449, -0.2529650330543518, -0.3303927183151245, 0.5242836475372314, -0.3700142502784729, 1.570216417312622, -1.369553804397583, -0.5408945679664612, -1.2022420167922974, 0.7171459794044495, 0.26229462027549744, -1.022851824760437, -0.26153552532196045, 0.2870158553123474, 0.44649842381477356, -1.2740546464920044, 1.2930328845977783, 0.1982836127281189, -0.5479611158370972, -0.45132681727409363, 0.2335110604763031, -0.3809443712234497, -0.1406516134738922, 0.7678760290145874, -1.0728659629821777, -0.589407742023468, -0.2709474265575409, 0.797171950340271, 0.14296101033687592, -0.28267014026641846, 0.8525271415710449, -1.0724313259124756, -0.006670594215393066, -0.48184362053871155, 1.4201834201812744, 0.36166131496429443, -1.2930452823638916, -0.8061202764511108, 0.5474746823310852, 0.10117904096841812, 0.7263103127479553, 0.7252978682518005, 0.8597394824028015, -1.5615174770355225, -1.0484975576400757, -0.38035547733306885, -0.07628676295280457, 0.651641309261322, 0.5114820003509521, 0.8663285374641418, 0.49951133131980896, -0.5510746240615845, -0.5127328038215637, 0.45557042956352234, 0.9287524223327637, 0.643798291683197, 0.0003716126084327698, -0.31624355912208557, 0.5195283889770508, -0.33205899596214294, -0.06223505735397339, 0.49037113785743713, 1.0673609972000122, -0.6217400431632996, 0.23433877527713776, 0.3234817087650299, 0.37238261103630066, 0.4174467921257019, -1.2088696956634521, -0.4433198869228363, -0.2769705057144165, -0.746288001537323, -1.794175386428833, -0.05449248105287552, 0.8371642827987671, -0.2644168734550476, 0.8847250938415527, -0.3712386190891266, 0.8538211584091187, 1.1065661907196045, -0.16157709062099457, 0.3601266145706177, -0.23591940104961395, 0.4572340250015259, 0.48787790536880493, 0.1803598552942276, 0.12801775336265564, -0.13818898797035217, -0.15368607640266418, 0.1617530882358551, 0.14234301447868347, -0.328859806060791, 1.1966049671173096, -0.8278143405914307, 0.5267581343650818, 0.1356501281261444, 1.177982211112976, -0.25398266315460205, -1.1592477560043335, -0.04172154515981674, -0.47836941480636597, -0.7268142104148865, 0.03665686026215553, -0.23277494311332703, -0.08822692185640335, 0.6868206858634949, -0.34328675270080566, 1.2766749858856201, -0.3767476975917816, 0.41761481761932373, -0.27632465958595276, -0.6356611251831055, 0.9889512658119202, 0.5713316202163696, 0.17887207865715027, 0.5963572263717651, -0.18811151385307312, -0.8155096173286438, 0.37821027636528015, -0.7850711345672607, 0.44503122568130493, 0.6847156882286072, -0.6636257767677307, -0.2629880905151367, 0.008774161338806152, 0.6363241672515869, 0.1569502353668213, 0.7622342109680176, -0.1925256997346878, -0.44106829166412354, -0.9468077421188354, -0.3139750361442566, 0.7284160256385803, 0.13306352496147156, 0.3190339207649231, -0.3004811406135559, 0.2973712682723999, 0.4310479164123535, -0.06430544704198837, 0.049937568604946136, -1.178847074508667, 0.270978718996048, -0.7219601273536682, 0.4475886821746826, 0.4899783432483673, 0.22541457414627075, -1.0327264070510864, -0.37559396028518677, -0.9904292225837708, 0.21353980898857117, -0.09026005864143372, -0.6875015497207642, -0.4108523428440094, 0.24195852875709534, -0.8367033004760742, 0.7597419619560242, 0.15883702039718628, -0.23659345507621765, -0.8960371613502502, 0.27422571182250977, 0.6886762976646423, -0.8035154938697815, -0.18535993993282318, -0.2538198232650757, 0.8054091334342957, -0.4110771119594574, 0.2055341899394989]} +{"paper_id": "metashift", "embedding": [-0.05885204300284386, 0.3630898594856262, -0.4109097421169281, -0.11395066976547241, -0.2396494746208191, -0.35433080792427063, 0.3019888699054718, 0.07780872285366058, 1.003907561302185, 0.7824457883834839, -0.06509912759065628, 0.25469157099723816, -0.1192447692155838, -0.4190391004085541, -0.9454275369644165, -0.17949408292770386, -0.7241432070732117, -0.6510172486305237, -0.9487481713294983, -0.0024536922574043274, -1.012929916381836, -0.27596497535705566, -0.042167287319898605, 0.3174925446510315, -0.047108061611652374, -0.05975661426782608, 0.8490917086601257, -0.5860788822174072, 1.0040550231933594, 0.8846802711486816, -0.29215896129608154, 1.5101760625839233, -1.7564892768859863, 0.5829261541366577, -0.8368391990661621, -0.374443918466568, 0.6198399066925049, 0.971957266330719, -0.21801254153251648, -1.0615369081497192, -0.6790963411331177, -0.35142746567726135, 0.7202332615852356, 0.10035160928964615, 0.01925060898065567, -0.47057774662971497, 0.30292031168937683, 0.5724351406097412, -0.7181625962257385, -0.2337297797203064, 0.2573150396347046, 0.5103875398635864, 0.6184186339378357, -0.1176079660654068, -0.5581369996070862, 0.8166757822036743, 0.35660579800605774, -0.4812377095222473, 0.26857584714889526, -0.47372037172317505, 0.1013961210846901, 0.5019844770431519, -0.3461293578147888, -0.1976611614227295, 0.6611924767494202, 0.08611899614334106, 0.6085159778594971, 0.26919353008270264, 0.5257132649421692, 0.28428372740745544, -0.3601894974708557, -2.350484609603882, -0.34781453013420105, 0.2821848392486572, 0.8330223560333252, 0.8189396858215332, -0.3364560008049011, -0.4986620843410492, 0.8419517278671265, 0.08270224183797836, -0.48364540934562683, 0.008158326148986816, 0.13872426748275757, -0.3346490263938904, -0.2430894672870636, -0.4404776990413666, 0.8293509483337402, -0.6100294589996338, 0.2551039457321167, -0.9645077586174011, 1.0889227390289307, 0.17541994154453278, 0.7144172787666321, -0.31469714641571045, 0.5505193471908569, 0.10213043540716171, -0.015218928456306458, -0.5691993832588196, -0.406282901763916, 1.122902750968933, 0.4488421380519867, -0.21344399452209473, 1.0155916213989258, 0.30839216709136963, 0.25297752022743225, 0.38024353981018066, -0.6276039481163025, -0.0819079652428627, -0.6422687768936157, -0.15767404437065125, 0.029841091483831406, 0.7240123748779297, 0.9531123638153076, 0.16029927134513855, -0.35994821786880493, 0.2808029055595398, 0.4028838872909546, 0.33856746554374695, -0.9092835187911987, -0.12275892496109009, 0.9124605655670166, -1.333709716796875, -0.2776908576488495, -1.1088082790374756, 0.6469592452049255, -0.45016956329345703, 0.9101335406303406, 0.61146080493927, -0.3643891215324402, -0.9612961411476135, -0.020801492035388947, 0.21610300242900848, -0.18857510387897491, 0.8114479184150696, 3.042722463607788, -0.17387491464614868, 0.6046274304389954, -0.11387371271848679, -0.6468528509140015, -0.012135565280914307, 0.22895637154579163, 0.4373112618923187, 0.8754799962043762, -0.7286763787269592, -0.40451130270957947, -0.399386465549469, -0.1967345029115677, 0.26280489563941956, -1.3587422370910645, 0.4676421284675598, 0.11432643234729767, 0.3135160207748413, -0.8877366781234741, -1.0450570583343506, 0.33016833662986755, 0.582375168800354, 0.11697700619697571, -0.7110697627067566, -0.419387549161911, 0.5156692862510681, -0.5866275429725647, 0.8578449487686157, -0.6268244981765747, 1.0318537950515747, -0.37319859862327576, 0.5993960499763489, 1.0960294008255005, -0.3342605531215668, -0.6992946863174438, -0.2476213276386261, 0.4278942942619324, -0.7370554804801941, 0.11297650635242462, 0.18528549373149872, -0.021187789738178253, 0.23423701524734497, -0.18551823496818542, 0.48005545139312744, -0.15165585279464722, -0.7621328830718994, -0.11352214962244034, 0.6824406981468201, 0.15062212944030762, -0.19039402902126312, 0.34085777401924133, -0.24125902354717255, -1.8493850231170654, -0.05559128522872925, -0.5072646737098694, -0.031201481819152832, 0.026381835341453552, -0.6604785323143005, -0.0458611398935318, 0.31327754259109497, -0.5003184080123901, 0.04011080786585808, 0.07883293926715851, -0.9424437284469604, -0.8034273982048035, 1.368364930152893, -0.4634957015514374, 0.35053750872612, -0.31338298320770264, 0.03903514891862869, 0.4259057939052582, -0.5467647910118103, -0.6461999416351318, -1.4235697984695435, 0.3462299406528473, 0.4593639373779297, -0.16343890130519867, -0.32857006788253784, -0.960685670375824, -0.5265232920646667, 0.22281908988952637, -0.6674519777297974, 0.9301403760910034, -0.7010283470153809, -0.544961154460907, -1.3616509437561035, 0.019908878952264786, -0.6338385343551636, 0.4352233111858368, -0.33615097403526306, 1.5587170124053955, -0.4790749251842499, -0.8582998514175415, 0.04400520771741867, -1.5688776969909668, 0.42096182703971863, 0.5252714157104492, 0.20640401542186737, -0.07382778823375702, 1.0387126207351685, -0.507668673992157, 0.5291709303855896, 0.19359073042869568, 0.6761186718940735, -0.4461410939693451, 0.05134175717830658, -0.206265389919281, 0.1950608491897583, -0.1662064641714096, 0.08312197029590607, 0.5605169534683228, -0.10353931039571762, -0.24803338944911957, -1.4236887693405151, -0.36300158500671387, 0.02201225608587265, 1.40205717086792, 0.48276445269584656, -0.06676977872848511, 0.31281527876853943, -0.3436296284198761, -0.2686600387096405, 0.4527556300163269, -0.6258448362350464, 0.21182288229465485, -0.6985181570053101, 0.43646472692489624, 0.21999144554138184, -0.15611602365970612, -0.1173160970211029, -0.0536157563328743, -0.3497975468635559, 0.024990931153297424, -0.5155941247940063, -0.5456832647323608, -0.11865141987800598, -0.780076801776886, 0.0761948749423027, -0.05920959264039993, -0.5377330780029297, -0.27404987812042236, 0.7696231603622437, 0.012781212106347084, 1.4322155714035034, 0.31369590759277344, 0.30254706740379333, 0.3915848731994629, 0.4017612338066101, 0.08618612587451935, 0.20061546564102173, 0.2586625814437866, -0.5169821381568909, 0.16267669200897217, -0.6941540837287903, -0.21675965189933777, -0.78413325548172, 0.45822596549987793, -0.7545680999755859, -0.29055866599082947, 0.40312913060188293, -0.6283345222473145, -0.597574770450592, 1.645745038986206, 0.45679864287376404, -0.1763167679309845, -0.19658219814300537, 0.796859085559845, 1.050820231437683, -0.4258120357990265, -0.08601877838373184, -0.033249907195568085, -0.10508858412504196, 1.7740933895111084, 0.03277997672557831, -0.3275466561317444, 0.7634004950523376, -0.12762625515460968, 0.49193957448005676, 0.5495960116386414, -1.8497982025146484, 0.2773815989494324, 0.32570138573646545, 0.11600525677204132, 0.3745567798614502, -0.9236204028129578, -0.7320524454116821, -0.9388505220413208, -0.0451265424489975, 0.2528386116027832, -1.2921979427337646, 0.10125942528247833, 0.014575570821762085, 0.6152083873748779, 1.0370208024978638, -1.201576828956604, 0.5250729918479919, 0.36055976152420044, -0.2796243727207184, -0.37990331649780273, 0.27521467208862305, 0.9721329808235168, -0.3238621652126312, -0.11045590043067932, 0.8885610103607178, 0.769775927066803, 0.6529965400695801, 0.13229785859584808, 0.343265563249588, 0.7993103265762329, -0.3714944124221802, 0.16573356091976166, 0.3695412874221802, 0.11460024118423462, 0.375822514295578, 1.09357750415802, 0.5859127044677734, 0.692449152469635, -0.7719305157661438, -0.669466495513916, 0.1932171732187271, -0.7966328263282776, 0.42155271768569946, 1.0344655513763428, 0.6514097452163696, 1.144810676574707, -0.18594354391098022, 1.191467523574829, -0.14788225293159485, 0.4294145107269287, -0.12669295072555542, 0.7203275561332703, -0.1582997590303421, 0.0002749413251876831, 0.36164042353630066, -0.7552052140235901, 0.29731816053390503, -0.37236204743385315, 0.09944122284650803, 0.7488930225372314, 0.044768862426280975, -0.22547052800655365, 0.5535318851470947, -0.09457415342330933, 1.0200048685073853, 1.3475217819213867, 0.024250933900475502, -0.5435554385185242, -0.17108659446239471, 0.20900510251522064, 0.324642539024353, -0.5790148973464966, -0.07436724752187729, 0.22455519437789917, 0.531074047088623, 1.0683941841125488, 0.9059258103370667, 0.6297942399978638, 0.7515847682952881, 0.07015399634838104, -1.368762493133545, 0.01866365224123001, -1.3839356899261475, -1.0206775665283203, -0.44814568758010864, -0.19705291092395782, -0.32630375027656555, 0.5739808678627014, -0.5837676525115967, -0.7042500972747803, 0.8933902978897095, -0.21352805197238922, -0.701390266418457, 0.17620494961738586, 1.2526782751083374, -1.4648091793060303, -0.43646612763404846, -0.31672370433807373, -0.4740413725376129, -0.43727758526802063, 0.4216119349002838, 0.5017428994178772, 0.5320004820823669, -0.6175040006637573, 0.7304688096046448, -0.587357223033905, 0.200498566031456, -0.21404138207435608, 1.0223289728164673, 0.4922955632209778, -0.97022944688797, 0.5670483112335205, -0.6557031273841858, 0.4036863446235657, 0.4727293848991394, -0.807710587978363, -0.12683531641960144, 1.4755011796951294, 0.6894680261611938, 0.33049166202545166, -0.23357073962688446, -0.21099434792995453, 0.09844625741243362, 0.1647079437971115, 1.0134031772613525, -0.6810053586959839, 0.3295822739601135, -0.25968506932258606, 1.27512526512146, 0.9585788249969482, -0.5422919988632202, -0.4812164604663849, 1.3808915615081787, -0.007126033306121826, 0.8152656555175781, -0.8342379331588745, -0.2702609896659851, 0.802049458026886, -0.1817152500152588, -0.4729374647140503, -0.18914403021335602, -13.112540245056152, 0.3926304876804352, -0.2879950702190399, -0.10648632049560547, 0.6342634558677673, -0.28130483627319336, 0.8522717356681824, 0.8014234900474548, 0.06088138371706009, -0.89500492811203, 0.459847629070282, 0.8214444518089294, 0.33702558279037476, -0.0031824042089283466, -0.4871934950351715, -1.3993301391601562, -0.891390860080719, 0.1931421309709549, 0.5969066619873047, 0.1548604965209961, 0.3623887002468109, -0.3026852607727051, -0.35652852058410645, -0.42217910289764404, -0.34838151931762695, -0.39888471364974976, 0.41508182883262634, -0.3531734049320221, -0.0836174264550209, -0.4250299036502838, 0.6246050000190735, 0.45932137966156006, -0.6699482798576355, -0.6930872797966003, -0.19407127797603607, 0.06814455986022949, -0.3761405944824219, -0.04886620491743088, 1.8410539627075195, 0.4052187204360962, -0.19239045679569244, 0.6872012615203857, -0.35022643208503723, 0.4729357957839966, -0.6885756254196167, -0.25477463006973267, -0.02084503136575222, -0.69634610414505, -0.0471726655960083, -0.6382784843444824, 0.11752016842365265, -0.36889204382896423, 0.6753552556037903, -0.42978912591934204, 0.2803005278110504, 0.07874029874801636, -0.8113034963607788, -0.5210825800895691, -0.46943068504333496, -1.1664403676986694, -0.1884130835533142, -0.028309855610132217, -0.64715576171875, 0.388651043176651, 0.2491510808467865, -0.8729344606399536, 0.7702857851982117, 0.9727171659469604, -0.2595527470111847, 0.14608198404312134, -0.31131666898727417, 0.2082119584083557, 0.7834520936012268, 0.07697319984436035, -0.3429018557071686, -0.2609633207321167, 0.007363504730165005, -0.361355721950531, -0.37338268756866455, 0.045296430587768555, -0.7965208888053894, 0.7681428790092468, -0.6716185212135315, -0.07911810278892517, 0.10145056247711182, 0.011498522013425827, 0.21274328231811523, 0.22433581948280334, 0.20716533064842224, 0.46033817529678345, 0.4202069938182831, -0.4955005943775177, -0.26540517807006836, -0.6685489416122437, -0.850405216217041, 0.9369178414344788, -0.6617028713226318, -0.23387977480888367, -0.8159793615341187, -1.5255670547485352, 0.5000269412994385, 0.20202314853668213, -0.27661627531051636, 0.10265025496482849, 0.15863531827926636, -0.1894831359386444, 0.21909916400909424, 0.17860791087150574, 0.42571306228637695, 0.4964071810245514, 0.20228862762451172, -1.7324496507644653, -0.44628989696502686, 0.9753636121749878, -0.25292113423347473, 0.02342338301241398, 1.452628254890442, -0.5473774671554565, 0.4368624985218048, 0.7827815413475037, 0.4949716329574585, 0.4391644299030304, 0.48178631067276, 1.080750584602356, 0.5388556718826294, -0.5077333450317383, -0.37471461296081543, 0.4176331162452698, -0.6785963177680969, -0.8159005641937256, 0.08153232932090759, -0.01802999898791313, -0.4499863088130951, -0.35964614152908325, -0.004989981651306152, -1.331068754196167, -0.28469303250312805, 0.9153331518173218, 0.17035149037837982, 0.21591252088546753, -0.20512743294239044, -0.09042992442846298, -0.4920508861541748, -0.8786219954490662, -0.9203109741210938, 0.06993196904659271, -0.8690692782402039, -0.30142349004745483, -1.1875759363174438, -0.8569999933242798, 0.38160210847854614, -0.04967062920331955, 1.0605995655059814, -0.4448379874229431, -0.18089400231838226, -0.09600743651390076, 0.1293012648820877, -0.5184879302978516, -0.01369742676615715, -0.40052738785743713, 0.4833269417285919, 0.530532717704773, -0.8810637593269348, 1.3792508840560913, 0.7784100770950317, 0.22877644002437592, -0.357686311006546, -0.8586326837539673, 0.7263223528862, -0.14209425449371338, 0.7721685171127319, -0.508380115032196, -0.04613295942544937, -0.3187268376350403, 0.5348030924797058, -0.8465641140937805, -0.0856916531920433, 1.110447883605957, -0.18418559432029724, 0.3249347507953644, 0.8249984979629517, 1.13858962059021, 0.15464502573013306, -1.0568592548370361, -0.3034130930900574, -0.5300586223602295, 0.8822857737541199, 0.2505384385585785, 0.22150199115276337, 1.2516601085662842, -1.1695955991744995, -0.8115277290344238, -0.29273849725723267, -0.10042932629585266, 0.5802553296089172, 0.21527864038944244, 0.8168345093727112, 0.7931302189826965, 0.0006598532199859619, 0.4269253611564636, 0.030692145228385925, 0.5946518778800964, -0.0315682552754879, -0.377451628446579, -0.05585639923810959, -0.16230256855487823, -0.6103155612945557, -0.19792459905147552, -0.5889245271682739, 0.9763131141662598, -0.5066174268722534, 0.3696121573448181, 0.34199589490890503, -0.8428043127059937, 0.14491669833660126, -0.6758427619934082, 0.5268785953521729, -0.5324687361717224, -0.31266725063323975, -0.6141059398651123, 0.04271281510591507, 1.0255725383758545, 0.30499958992004395, 0.5989069938659668, -0.5586639642715454, 0.2727757692337036, 1.0138232707977295, 0.4432410001754761, 1.140763759613037, 0.2508596181869507, -0.20801420509815216, 0.052025921642780304, 0.19931182265281677, -0.21727123856544495, -0.2786862552165985, 0.14215804636478424, -0.5670785307884216, 0.08644987642765045, -0.4622766375541687, -0.033568963408470154, -1.0667113065719604, 0.3002377152442932, 0.2852049469947815, 0.13237521052360535, -0.07519111037254333, -1.2117151021957397, 0.4012323021888733, -0.5046571493148804, 0.1356537640094757, -0.07353411614894867, 0.4228009283542633, 0.4307918846607208, 0.8056734204292297, -0.1094743013381958, 0.5808113813400269, 0.22617042064666748, -0.08044657111167908, 0.07829583436250687, -0.2174137979745865, 1.5301357507705688, 0.4260091185569763, 0.07483799010515213, 0.7768540978431702, 0.7946374416351318, -0.5401470065116882, -0.39939084649086, -0.09895090758800507, 0.7294828295707703, 0.9248344898223877, -0.750978410243988, 0.07371880114078522, -0.13674421608448029, -0.15858593583106995, -0.5605632662773132, -0.5369541645050049, 0.6064209342002869, -0.20907267928123474, -0.7948220372200012, 0.32048729062080383, 0.5756682753562927, 0.41492366790771484, 0.4538154900074005, -0.9859556555747986, -0.46483439207077026, 1.4661706686019897, 0.5898724794387817, 0.08902780711650848, -0.42824891209602356, 0.36986473202705383, 0.17256112396717072, 0.41692054271698, 0.026649780571460724, 0.12498923391103745, -0.03416280448436737, 0.6168727278709412, -0.31793925166130066, -0.05271399766206741, -1.1506913900375366, -0.2014867663383484, -0.2765697240829468, 0.014952138066291809, -0.24381938576698303, -0.1087411642074585, -0.2588586211204529, -0.07224027067422867, -0.2822541892528534, 0.837901771068573, 0.28173771500587463, -0.33214613795280457, -0.3121216595172882, -0.2009129524230957, -0.8939105272293091, -0.5139801502227783, 0.5912602543830872]} +{"paper_id": "csebuetnlp/xlsum", "embedding": [-0.20497891306877136, 0.9430024027824402, -0.2550024390220642, 0.16792118549346924, 0.5150138139724731, -0.5223569869995117, 0.35910603404045105, 0.7769631743431091, 0.7319595813751221, 0.6416369676589966, 0.889374315738678, 0.0342269092798233, -0.032216593623161316, 0.5083553791046143, -0.0506494902074337, -0.6748288869857788, -0.8764362335205078, -1.0212628841400146, -0.9124868512153625, -0.705436110496521, -0.7301332354545593, -0.06754769384860992, 0.20619624853134155, 0.20963340997695923, -0.7351347804069519, -0.4007851779460907, 1.1536308526992798, -1.4428006410598755, -0.18881377577781677, 0.40993157029151917, 0.05884086713194847, 0.9596167206764221, -1.6708457469940186, 0.25129827857017517, -0.8601810932159424, -0.5460018515586853, 0.3822448253631592, 0.939958930015564, 0.05326927453279495, 0.10463006794452667, -0.5156781077384949, 0.2415531873703003, 0.7782065272331238, -0.17437873780727386, -0.08925386518239975, -0.37494146823883057, -0.12691092491149902, 0.23038989305496216, -0.2828758955001831, 0.10819311439990997, 0.6090264320373535, 0.328506737947464, -0.39999741315841675, 0.5676580667495728, -0.2183978259563446, 1.7158427238464355, 0.2804740369319916, -1.2202481031417847, 0.41982823610305786, -1.1427390575408936, 1.2741340398788452, 1.4334666728973389, -1.0488108396530151, -0.16173969209194183, 1.5123652219772339, -0.19921240210533142, 1.6292134523391724, 0.44086194038391113, 0.9838929176330566, 1.0741575956344604, -0.29844340682029724, -1.3526567220687866, 0.2878985106945038, -0.23530462384223938, 0.1723189353942871, 0.85551917552948, 0.5276212692260742, -0.3920363783836365, -0.2720962166786194, -0.10550454258918762, -0.8648366928100586, 0.2814776301383972, 0.6933784484863281, -0.8798511028289795, -0.23002558946609497, 0.17514124512672424, -0.10181698948144913, 0.0828058049082756, 0.6962544918060303, -1.3828351497650146, 0.02915242686867714, -0.11917807906866074, -0.572418212890625, -0.2190415859222412, -0.35988879203796387, 0.3536391854286194, 0.22941844165325165, -0.25734400749206543, -0.350919634103775, 0.2238873541355133, 0.5829724669456482, -0.5672332048416138, 0.6608951687812805, 0.5004761815071106, 0.3745425045490265, 1.277833342552185, -0.21213632822036743, -0.5015094876289368, -1.0839710235595703, -0.5347641706466675, 0.2590179145336151, 0.5644547343254089, 0.22572451829910278, 0.013882491737604141, -0.04172700271010399, -0.4553910791873932, 0.23095044493675232, -0.1002410501241684, -0.8451447486877441, -0.2452196329832077, -0.491894006729126, -1.6837658882141113, -0.5315379500389099, 0.22802142798900604, 0.6992935538291931, -0.9311802387237549, 0.2529575228691101, -0.6062055826187134, -0.12109726667404175, 0.1325153261423111, 0.46019837260246277, 0.21784603595733643, -0.8364574909210205, 0.36351093649864197, 2.6325411796569824, -0.3374377191066742, 1.4381170272827148, 0.5601663589477539, 0.0836273804306984, -0.6761363744735718, 0.10903366655111313, 1.124180793762207, 0.07021760940551758, -1.2293994426727295, 0.3302817940711975, 0.40465816855430603, -1.1140189170837402, 0.7819858193397522, -1.1144905090332031, -0.5469639301300049, -0.1949007511138916, 0.19494283199310303, -0.971025288105011, -0.8185816407203674, 0.13552969694137573, 0.31482359766960144, 0.32692667841911316, 0.45128101110458374, -0.7748801708221436, 1.0876483917236328, 0.9973624348640442, 0.6311355233192444, -0.38390052318573, 0.462106317281723, -0.8991028666496277, -0.03132283687591553, 0.6425338387489319, -0.3008105754852295, -0.6460568308830261, -0.8540321588516235, 1.1712749004364014, -0.328164279460907, 0.20165669918060303, -0.13840869069099426, -0.2781774401664734, 0.29465270042419434, 0.4901733994483948, 0.4545270502567291, -0.24274219572544098, -0.49423715472221375, -0.13673503696918488, -0.008214764297008514, 0.297035276889801, 0.44325897097587585, 0.07333430647850037, 0.7714377641677856, -1.8324329853057861, -0.6761292219161987, -0.7115164995193481, 0.7219293713569641, -0.09855995327234268, 0.022403540089726448, 0.09287430346012115, -0.1130342185497284, 0.11175084114074707, -0.6779490113258362, 0.00016806088387966156, -0.7563677430152893, 0.15934541821479797, 0.240873321890831, 0.1383063942193985, 0.44939327239990234, 0.4749680757522583, 0.5764245986938477, 1.0017924308776855, -0.5776231288909912, -0.8756683468818665, -1.6184985637664795, 0.3522602319717407, 1.4972267150878906, -0.6576716303825378, -0.5625013113021851, -1.6339462995529175, -0.4561130404472351, 0.8320853114128113, -0.32339513301849365, -0.39109423756599426, -0.4094071388244629, -0.38277024030685425, -1.3206583261489868, 0.3167418837547302, -0.8219294548034668, -0.11798566579818726, 0.36394375562667847, 0.8419758677482605, -0.6717607378959656, -0.15561752021312714, -0.05588080361485481, -1.0250030755996704, 0.48933151364326477, 1.1192431449890137, -0.08387847989797592, -0.6105344295501709, 0.75142502784729, -0.14615558087825775, 0.6616707444190979, 0.4317080080509186, 0.2352244257926941, -0.22026821970939636, -0.548348069190979, -0.2973960041999817, 1.185367226600647, -0.3905373811721802, -0.16327910125255585, -0.10624761879444122, 0.31929588317871094, -0.025623606517910957, -0.7290197014808655, 0.1567336618900299, -0.1870681643486023, 1.3059946298599243, 1.1511635780334473, -0.2880840599536896, 2.131234884262085, -1.345018744468689, -0.03316382318735123, 0.02715255506336689, -1.226577639579773, -0.13677944242954254, -0.2698173522949219, 0.5671200752258301, -0.06604334712028503, 0.4073851406574249, -0.18380297720432281, -0.44180136919021606, -2.0079963207244873, -0.2008287012577057, -0.5825579166412354, -0.8790594339370728, -1.569045066833496, -0.11110763251781464, -0.38087689876556396, -1.2036257982254028, -0.7622960209846497, 0.2489147186279297, 0.18615368008613586, 0.023828618228435516, 1.0232115983963013, 1.4860397577285767, -0.06344664096832275, 0.781589686870575, -0.30221861600875854, 1.3052122592926025, -0.4796735346317291, 1.0486434698104858, -0.12922227382659912, -0.24144749343395233, -1.1845496892929077, 0.12399929761886597, -0.7043236494064331, -0.03089592605829239, 0.20465847849845886, -0.6293612122535706, 0.5852543115615845, 0.08261775970458984, -1.828330159187317, 0.5946957468986511, -0.31372538208961487, -0.07937323302030563, -1.0383542776107788, 1.2880685329437256, 0.2671489417552948, -0.7315183281898499, 0.663463294506073, 0.19122807681560516, -0.06057474762201309, 1.453282356262207, -0.49319595098495483, 1.674028992652893, 0.2363530546426773, -0.22010160982608795, 0.3206051290035248, -0.06381826847791672, -1.527804970741272, 0.021837742999196053, 1.7889435291290283, -0.4024430513381958, -0.3805782198905945, -0.8347965478897095, 0.16500554978847504, -0.23426827788352966, -0.295722633600235, 0.40463995933532715, -0.924302339553833, 0.5766440629959106, -0.1735202968120575, -0.16231068968772888, 1.5264880657196045, -1.0567983388900757, 1.1328364610671997, 0.8734878897666931, 0.581916868686676, -0.3847856819629669, -0.6583126187324524, 1.0064120292663574, -0.38129886984825134, 1.14458429813385, 0.06134429946541786, 1.4342776536941528, 1.3942145109176636, -0.6721218824386597, -0.2137136161327362, 0.9111514687538147, 0.8537619709968567, 0.5615952610969543, 0.72690349817276, -0.716264009475708, 0.32968440651893616, 0.03962891548871994, 1.393126130104065, 0.5245522260665894, -1.2750624418258667, -0.8403211236000061, -0.3784274160861969, -0.5257623791694641, -1.160292625427246, 1.7064417600631714, 0.5706819891929626, 1.2470839023590088, 0.4275262951850891, 0.6840716600418091, -0.2176358550786972, -0.0723225474357605, 0.5942516326904297, 0.1186998039484024, 0.18278288841247559, -0.7087788581848145, 0.14713504910469055, 1.1673266887664795, -0.7069788575172424, -0.11737942695617676, -0.02146630734205246, 0.225530207157135, -0.4828401505947113, -0.6714642643928528, 0.6575711369514465, 0.6105896830558777, 0.7952413558959961, 1.3809726238250732, -0.9223939776420593, -0.5257821679115295, -0.0979594737291336, -0.041386678814888, -0.19157631695270538, 0.6637392640113831, -1.1799278259277344, 0.1711830496788025, 0.3538430631160736, 1.1556874513626099, -0.373160719871521, 0.9495047926902771, 0.8988472819328308, -0.2774531841278076, -0.7252203226089478, -0.6776189208030701, -0.8883756399154663, -0.7620870471000671, -0.20843815803527832, 0.060023918747901917, -1.085898756980896, 0.7126939296722412, -0.8118984699249268, -1.0060960054397583, 0.27646470069885254, -0.27469760179519653, -1.0942342281341553, 0.6733336448669434, 0.8247549533843994, -1.5825691223144531, -0.4112401604652405, -0.00627705454826355, -0.933487594127655, -0.6203513145446777, 0.032813288271427155, -0.47933924198150635, -0.15589682757854462, 0.1274944394826889, 0.4913993775844574, 0.3307516574859619, 0.030684582889080048, -0.925866425037384, 0.6210372447967529, 1.3166002035140991, -0.9788160920143127, 0.9254720211029053, 0.21901839971542358, 0.19714735448360443, 0.31851980090141296, -1.1095573902130127, -0.678352415561676, 0.7609481811523438, 0.573702335357666, -0.2020692229270935, -1.1748508214950562, -0.9404845833778381, 0.4094838798046112, -0.20670774579048157, 1.1077715158462524, -0.7429094910621643, 0.08881328254938126, -0.5403410196304321, 0.5574312806129456, 0.4351958632469177, -0.6043286323547363, 0.02598297968506813, 1.3331608772277832, -0.2098839282989502, 0.49244818091392517, -0.07501771301031113, 0.18333691358566284, 0.7642344832420349, 0.05039016157388687, -0.05530010163784027, -0.7167189717292786, -10.99885368347168, -0.11307408660650253, -0.066739521920681, -0.1318584382534027, 0.5375486016273499, 0.09926711767911911, 0.8613898158073425, -0.13070234656333923, 0.3920544683933258, -0.7644339203834534, 0.26832616329193115, 1.5726654529571533, 0.39612317085266113, -0.6258736848831177, -0.7934377789497375, -1.1143995523452759, -0.35667291283607483, -0.2687055468559265, 0.8009287714958191, -1.1565518379211426, 0.40245264768600464, -0.7498829960823059, 0.583531379699707, -0.07747803628444672, 0.12058898061513901, -0.47134560346603394, 0.1469365358352661, 0.17624180018901825, -0.6054855585098267, 0.4408952295780182, 0.7150048017501831, -0.3376741409301758, -0.9313912987709045, -0.4712923467159271, 0.9005320072174072, -0.297466903924942, -1.0853718519210815, 0.1234312355518341, 0.9340167045593262, -0.29330572485923767, -0.1404932290315628, 0.6039820313453674, -0.32118311524391174, -0.27568086981773376, -0.4237990379333496, 0.2744724154472351, 0.6702480316162109, -0.6869417428970337, 1.3082574605941772, -0.7889114618301392, -1.0009514093399048, -0.8087019920349121, -0.9689602255821228, -0.590300977230072, 0.8364100456237793, 0.19946986436843872, -0.4850136339664459, 0.08375047147274017, -0.4586251378059387, -1.1398817300796509, 0.7663528919219971, -0.0329158678650856, -0.4558584988117218, -0.23533348739147186, 0.285415917634964, -0.6774371862411499, 0.8691378831863403, 0.09468643367290497, -0.0661187395453453, 0.24204221367835999, -0.9929388165473938, 0.7537729144096375, 0.12626469135284424, -0.5992117524147034, 0.09273970127105713, -0.2574585974216461, -0.13108322024345398, -0.551396369934082, 0.6258545517921448, 0.4168926477432251, -1.2503254413604736, 0.5901536345481873, 0.48652562499046326, -0.6464088559150696, -0.974568247795105, -0.32576167583465576, 0.18952149152755737, -0.12306457757949829, 0.3777093291282654, -0.5504419803619385, 0.9671919345855713, -0.16722950339317322, 0.3692559003829956, -0.3956873416900635, 0.16012409329414368, 1.2107573747634888, -0.9979716539382935, 0.807372510433197, -0.050028376281261444, -0.937921404838562, 0.31012457609176636, -0.02352508343756199, -0.6232755184173584, -0.3711543679237366, 0.6002081036567688, -0.29046428203582764, -0.051172226667404175, 0.49848195910453796, -0.20904599130153656, -0.5701923966407776, 0.6164736747741699, 0.22931650280952454, -0.19008426368236542, 1.001479983329773, -0.5536003112792969, 1.549222469329834, 1.0076956748962402, 0.09668682515621185, 0.46687763929367065, 1.4109431505203247, -0.7619867920875549, 0.731989860534668, 0.21779006719589233, 1.3698476552963257, -0.012531239539384842, 0.5383691787719727, -0.32317280769348145, 0.5707663297653198, -0.24838897585868835, -1.0679272413253784, 0.053396254777908325, -0.3674020767211914, -0.020552339032292366, -0.6031805872917175, -0.1557234227657318, -0.1702413260936737, -0.717154860496521, 1.8541942834854126, -0.4039881229400635, 0.28037169575691223, -0.2746056318283081, -0.6772434711456299, 0.39074739813804626, -0.5035867691040039, -0.4093897044658661, 0.07659374177455902, -2.031625986099243, 0.3589926064014435, -0.3797023296356201, -0.37743544578552246, 0.3662848472595215, -0.29578912258148193, 0.5744932889938354, -0.4380674958229065, -0.664052426815033, -0.4114462733268738, 0.5580344796180725, -0.2961518466472626, -1.1631054878234863, -0.37925994396209717, 0.09817494451999664, 1.2188830375671387, -0.6731922030448914, 0.8581600189208984, 0.05292662978172302, 0.4303283393383026, -0.5221132040023804, -0.2270747274160385, -0.6207001209259033, 0.8003684282302856, 1.4501851797103882, -1.260634422302246, 0.010255787521600723, -0.362132728099823, 0.2346513718366623, -0.7627372145652771, 0.36901146173477173, 1.568379521369934, -0.8262237906455994, 0.38634365797042847, -0.13680832087993622, 0.6162936091423035, 0.500188946723938, -0.4492613673210144, -0.8457366228103638, 0.4672161638736725, -0.2261199653148651, 0.3921716511249542, -0.008685928769409657, 0.7615610957145691, -1.4936383962631226, -1.1118018627166748, -0.7797113656997681, -0.47338396310806274, 0.9279263019561768, -0.6694190502166748, 1.3630832433700562, 0.677387535572052, 0.3108275532722473, 0.20317691564559937, 0.024874886497855186, 1.0820517539978027, 0.2733754515647888, 0.44029420614242554, 0.1033405214548111, -0.3309980630874634, -0.501783549785614, 0.3540509343147278, 0.3515145182609558, 0.5116801857948303, -0.7074512243270874, 0.579039990901947, 0.6650828123092651, 0.022495724260807037, -0.6347807049751282, -1.0095417499542236, 0.26911062002182007, -0.18033140897750854, -0.16702525317668915, -1.3637202978134155, 0.5468619465827942, 1.0882365703582764, -0.5276868343353271, 0.9162247776985168, 0.3306894898414612, -0.039171863347291946, 0.6901800632476807, 0.7961660623550415, 1.2754703760147095, -0.6227689385414124, -0.6217480897903442, 0.13756559789180756, 0.4306373596191406, 0.028473936021327972, 0.7089016437530518, 0.1733608990907669, -0.9891770482063293, 0.03660619631409645, -1.1723310947418213, 0.7256194353103638, 0.19484180212020874, -0.11698408424854279, 0.6033765077590942, 1.1420913934707642, 0.4245489239692688, -1.4635815620422363, 0.11730214953422546, -1.1723451614379883, -0.4053940773010254, 0.703068196773529, 0.2541927695274353, 0.1527538001537323, 0.854630708694458, -0.6842143535614014, 1.2258154153823853, -0.31299707293510437, -0.2549251317977905, 0.09188023209571838, -0.04708189517259598, 1.1140865087509155, 0.4142230749130249, 0.7688822746276855, -0.23858578503131866, -0.2619038224220276, -0.004982281476259232, -0.7189024686813354, -0.6080291271209717, 0.6873644590377808, 1.3700263500213623, -0.01385410875082016, 0.0034554600715637207, -1.2252017259597778, -0.13854007422924042, -0.6761398911476135, 0.3846103250980377, 0.4616395831108093, -0.9191051125526428, -0.9982568025588989, -1.3538933992385864, 0.12258362770080566, 1.0856982469558716, -0.19460292160511017, -0.14019149541854858, 0.3947716951370239, 0.6112657785415649, 0.10029538720846176, -0.14904144406318665, -0.49091657996177673, 0.293938010931015, 0.07540790736675262, 0.01875978708267212, 0.8867619037628174, -0.4245041310787201, -0.9078580141067505, 0.14735360443592072, -0.6775113344192505, 0.4043191969394684, 0.03171391040086746, -0.6332228183746338, 0.32246625423431396, 0.7179431915283203, 0.8144807815551758, -0.4082334339618683, 0.7094986438751221, 0.09341339021921158, -1.5378873348236084, 1.3505496978759766, 0.8903214335441589, -0.316668301820755, -0.4124954342842102, 0.2681843340396881, 0.7307302355766296, 0.43562981486320496, 1.401125192642212]} +{"paper_id": "BeIR/beir", "embedding": [-0.21232454478740692, 1.2317920923233032, 0.36412498354911804, -0.16807886958122253, 0.327802836894989, -0.7858985066413879, 0.2529793977737427, 1.1924222707748413, 0.9567347168922424, 0.7959206104278564, 1.094819188117981, 0.6928561329841614, -0.7762227654457092, -0.06471044570207596, -0.49378493428230286, -0.02022477611899376, -0.7770026326179504, -0.6058396100997925, -0.7193315625190735, -0.8416299223899841, -0.8387328386306763, -0.14679497480392456, 0.29639944434165955, 0.821926474571228, -1.296088457107544, -1.614186406135559, 0.9816082119941711, -0.7506036758422852, 0.6190361976623535, 0.05364600569009781, -0.3630349934101105, 0.844927191734314, -1.293561577796936, 0.36304476857185364, -0.629133403301239, 0.22134335339069366, 1.0060596466064453, 1.118257999420166, -0.036030206829309464, -0.1529739946126938, -0.7599098086357117, -0.5402714014053345, 0.35449111461639404, 0.6067038774490356, 1.8922854661941528, -0.6282694935798645, -0.059306591749191284, -0.16163277626037598, -0.05862674489617348, -0.30585187673568726, 0.08802621066570282, 0.1235775500535965, -0.3530333936214447, 0.3720874488353729, -1.1631267070770264, 1.6225425004959106, 0.6188784241676331, -0.3934410512447357, 0.6240935325622559, -0.985477089881897, 1.8902716636657715, 1.5711716413497925, -0.6097868084907532, -0.48513755202293396, 0.8572012186050415, -0.030513785779476166, 1.798638105392456, 0.2861332893371582, 0.08389271795749664, 0.11833344399929047, -0.0797698050737381, -1.6935398578643799, -0.3586709499359131, -0.08037601411342621, 0.3362848162651062, 0.7349081039428711, 0.6937735676765442, -0.4123193621635437, 0.3505915403366089, -0.41676172614097595, -0.7695308923721313, 0.9129156470298767, 0.5627647042274475, -0.8714662194252014, -0.020700272172689438, -0.014896655455231667, 0.3206571340560913, -0.4639873206615448, 1.0209788084030151, -1.4712485074996948, 1.1555240154266357, -0.09486115723848343, -0.40760475397109985, 0.2097381055355072, -0.1937284767627716, -0.07529865205287933, -0.5328349471092224, -0.38042768836021423, -0.8194971084594727, 0.17373889684677124, 0.2776966691017151, -0.045875683426856995, 0.30414339900016785, 0.21979451179504395, 0.31620079278945923, 1.2061717510223389, -0.24516628682613373, 0.18890053033828735, -1.4039440155029297, -0.3933844268321991, 0.38865265250205994, 0.8751479983329773, 0.1906185895204544, 0.29651781916618347, 0.08741547912359238, -0.2898724377155304, 0.35867398977279663, -0.4413796663284302, -0.6009774208068848, 0.2653829753398895, 0.0041596125811338425, -1.4194185733795166, -0.41367748379707336, 0.337039589881897, 0.8783419132232666, -0.8997917771339417, 0.0348225012421608, -0.2887941598892212, -0.9272156953811646, 0.2914164960384369, 1.1241105794906616, 0.161656454205513, -1.6782169342041016, -0.5974966287612915, 2.839991331100464, -0.675957441329956, 1.6000211238861084, -0.33190271258354187, -0.471418172121048, -0.5165879130363464, 0.06912742555141449, 0.9884436726570129, 0.5224687457084656, -0.7811810970306396, -0.3185981214046478, 0.39964136481285095, -0.7617172002792358, 0.3994102478027344, -0.9331337809562683, -0.7063716650009155, -0.48435449600219727, -0.05541691929101944, -1.5073227882385254, -1.0926278829574585, -0.04863598570227623, 0.12301293760538101, -0.21941639482975006, 0.7167243957519531, 0.036858927458524704, 1.4477392435073853, 0.03256334736943245, -0.16674089431762695, -0.3601948618888855, 0.171334370970726, -0.4092260003089905, -0.4236313998699188, 0.3437812328338623, 0.21454110741615295, -0.10886721312999725, -0.14568638801574707, 1.1889876127243042, -1.1103498935699463, -0.6292346715927124, -1.0235891342163086, 0.17470179498195648, 0.3895837068557739, 0.9734742045402527, 0.4140626788139343, 0.46994251012802124, -0.21531039476394653, -0.07900111377239227, -0.2393348067998886, 0.2813301980495453, 0.1314692497253418, 0.21664278209209442, 0.8699855804443359, -1.9672520160675049, -0.49349015951156616, -0.20553410053253174, 0.16954109072685242, -0.1076883003115654, 0.4498687982559204, -0.17970794439315796, -0.0961005762219429, -0.14629751443862915, -0.26660922169685364, 0.29350969195365906, -1.4865350723266602, 0.032896190881729126, 0.1714920848608017, -0.12241123616695404, 0.07738065719604492, 0.3035334348678589, 0.697887659072876, 0.2184242606163025, -0.1598462015390396, -0.34439435601234436, -2.527228593826294, 0.17250782251358032, 2.5795254707336426, -0.6340956687927246, -1.1534769535064697, -1.3095431327819824, -0.3055948317050934, 0.3692719340324402, -0.4119904041290283, 0.2875014543533325, -0.4814174473285675, 0.14358766376972198, -1.0727455615997314, 1.029024600982666, -0.6943524479866028, 0.3346576392650604, 0.12962642312049866, 1.260321855545044, -0.22705256938934326, -0.062103260308504105, 0.23392893373966217, -1.7682578563690186, 0.762706458568573, 0.6724963188171387, 0.09888828545808792, -0.20310409367084503, 1.4509891271591187, 0.2838350236415863, 0.36939001083374023, 0.5467200875282288, 0.3372981548309326, -0.8660720586776733, -0.2886100113391876, -0.1759529858827591, 0.44333934783935547, -0.06835371255874634, 0.6732144355773926, 1.0616600513458252, 0.7194008827209473, -0.34586647152900696, -0.6358850598335266, 0.017181549221277237, -0.3915300965309143, 0.9595539569854736, 0.6427932977676392, -0.16148118674755096, 1.6103225946426392, -0.8431975841522217, -0.518014132976532, -0.2829764187335968, -0.7781840562820435, 0.21072356402873993, -0.5333890914916992, 0.8920533061027527, -0.54896479845047, 0.4559171497821808, -0.16339725255966187, 0.335182785987854, -1.168141484260559, 0.20431450009346008, -0.26762229204177856, -1.0203379392623901, -1.4066853523254395, -0.5482251644134521, 0.329006552696228, -1.096394658088684, -0.8209192156791687, 0.4588404595851898, 0.7186044454574585, 0.414017915725708, 1.3454113006591797, 1.147201657295227, -0.4630011320114136, 0.026085957884788513, -0.029345840215682983, 1.3058737516403198, -0.6624742150306702, 1.585009217262268, -0.731026291847229, 0.3379102051258087, -0.8908971548080444, 0.5989680290222168, -0.2224036306142807, -0.2369835376739502, 0.7577775716781616, 0.243925541639328, 0.4475823938846588, -0.4492746889591217, -1.1305887699127197, 1.044521689414978, -0.07349002361297607, -0.0034064725041389465, -0.4780886173248291, 1.6559462547302246, 0.20413435995578766, -0.835872232913971, 0.6682789921760559, 0.44598785042762756, -0.5352334976196289, 1.1475155353546143, 0.12406250834465027, 0.47378066182136536, 0.7704245448112488, 0.21321773529052734, 0.18045297265052795, 0.25077947974205017, -1.4525516033172607, -0.04579738900065422, 1.2077057361602783, -1.0949870347976685, -0.4329700469970703, -0.5120913982391357, 0.27463990449905396, -0.6202020645141602, 0.28444144129753113, 0.18795844912528992, -0.4912317991256714, 0.3377046287059784, -0.08291877806186676, 0.5440820455551147, 1.5380449295043945, -0.6580896377563477, 0.8417727947235107, 1.1253342628479004, -0.04009443521499634, -0.41249337792396545, -0.6584355235099792, 1.2562401294708252, -0.07029106467962265, 0.3668319582939148, -0.26521337032318115, 0.37209534645080566, 1.172930121421814, -0.2500041127204895, 0.07546483725309372, 0.30415868759155273, 0.4628097712993622, 0.6525901556015015, -0.08375144004821777, -0.3871943950653076, 0.14149422943592072, 0.03139196336269379, 1.6579586267471313, 0.38920554518699646, -1.413489580154419, -1.5004265308380127, -0.16380725800991058, -0.5142396688461304, 0.48706015944480896, 2.28458833694458, 0.26242539286613464, 2.223604440689087, -0.1827872097492218, 0.3190940022468567, 0.497649222612381, 0.47724851965904236, 0.3609786927700043, 0.8227405548095703, -0.40517711639404297, -0.6570416688919067, -0.29865285754203796, 0.7615117430686951, -0.21733134984970093, 0.19373944401741028, 0.6913221478462219, 0.7808974981307983, -0.569831907749176, -0.4299437403678894, 1.0984699726104736, 0.765861988067627, 0.1517431139945984, 0.7160285115242004, -0.15357160568237305, -0.6438195109367371, 0.04040518403053284, 0.6965264081954956, 0.17182646691799164, -0.04033344238996506, -0.4787271320819855, 0.9296700358390808, 0.18417534232139587, 0.20831286907196045, -0.2013721615076065, 0.6235934495925903, 1.0535141229629517, -0.18187713623046875, -1.2001413106918335, -0.7429051399230957, -0.783894419670105, -0.1833866685628891, 0.05072680115699768, 0.5117382407188416, -0.6150972247123718, 0.3221086859703064, -0.36172232031822205, -1.2658231258392334, 0.6442030668258667, -0.6576114892959595, -1.81363046169281, 1.222289800643921, 1.4665976762771606, -0.8485250473022461, -0.19560030102729797, -0.6796603798866272, -1.0464571714401245, -0.308010458946228, -0.7237237095832825, -1.0546389818191528, 0.030715741217136383, 0.11986656486988068, 0.6716708540916443, -0.5333912968635559, -0.572219967842102, -0.4843572974205017, 0.25024187564849854, 1.374483585357666, -0.6986278891563416, 1.7687478065490723, 0.4043247401714325, -0.2808399200439453, -0.8281182050704956, -1.4040144681930542, -1.4915989637374878, 0.3546521067619324, -0.4051671624183655, 0.8770701289176941, -0.6890642046928406, -0.9343999028205872, 0.342185914516449, -0.32074856758117676, 1.7386949062347412, -0.7389598488807678, -0.043329861015081406, -0.8072095513343811, -0.36454442143440247, -0.18732428550720215, -1.1743290424346924, -0.35044315457344055, 0.8708779215812683, 0.04217112809419632, 0.4819771945476532, -0.19649946689605713, 0.41834136843681335, 1.3765933513641357, -0.4878588914871216, -0.15285596251487732, -0.38678696751594543, -10.008225440979004, 0.34901461005210876, 0.046497538685798645, 0.21930117905139923, 1.0792436599731445, -0.7600343227386475, 1.1526527404785156, -0.23786842823028564, 1.315673828125, -0.6179184913635254, 0.4037437438964844, 1.365246057510376, -0.25563493371009827, -0.8891948461532593, -0.6208027601242065, -1.8028618097305298, -0.6974533796310425, 0.25060194730758667, 0.5544703006744385, -0.498270183801651, -0.18750713765621185, -0.4255337715148926, -0.8412729501724243, 0.22541722655296326, 0.08125421404838562, 0.6991294026374817, -0.5761345624923706, -0.32894715666770935, -0.06910403072834015, 0.9158377647399902, 0.4995010197162628, -0.45465078949928284, -0.4505566954612732, -1.2123258113861084, -0.3669968247413635, -0.2312094271183014, -0.7177125215530396, 0.4145571291446686, 1.19074547290802, 0.0840621069073677, 0.054605692625045776, 0.7174056768417358, 0.4630327522754669, 0.09291145950555801, -0.2534875273704529, -0.12543021142482758, 0.7127610445022583, -1.3896604776382446, 0.37893715500831604, 0.1576259732246399, -0.5915547609329224, -0.17749597132205963, -0.7406840324401855, 0.6399536728858948, 0.29306474328041077, 0.6342924237251282, -0.7938743829727173, 0.0003720223903656006, -0.8077260851860046, -1.3985662460327148, 1.394963026046753, -0.19701355695724487, -0.2094317376613617, -0.14440636336803436, 0.12044230103492737, 0.2489280253648758, 0.25025317072868347, 0.04347207024693489, -0.7768213152885437, 0.07715733349323273, -0.34308359026908875, 0.6055676341056824, 0.5840969681739807, -0.20328405499458313, -0.5193995237350464, 0.5398989319801331, -0.5474624633789062, 0.07590653002262115, -0.011124104261398315, 0.3881100118160248, -1.4357047080993652, 1.168813705444336, 0.18390582501888275, -1.0074493885040283, -0.6466729640960693, -0.08751486241817474, -0.4494117200374603, -0.29557451605796814, 0.18350374698638916, -0.04952942579984665, 0.9402026534080505, 0.29871582984924316, -0.08844205737113953, -0.13761335611343384, -0.15519188344478607, 1.0005286931991577, -1.4422215223312378, 0.556215226650238, -0.13693511486053467, -0.8094503879547119, 0.8464303016662598, -0.34424200654029846, -0.22911950945854187, -0.18065041303634644, 0.0918068215250969, 0.3571180999279022, -0.03862101584672928, -0.20361924171447754, -0.28807762265205383, -0.5916020274162292, 0.9541341066360474, 0.32931119203567505, -0.29160553216934204, 0.932952344417572, -0.5061677694320679, 0.6854654550552368, 0.5368012189865112, -0.712039053440094, -0.6723812222480774, 2.329211711883545, -0.24362783133983612, 0.689024806022644, 1.0471185445785522, 0.9125902652740479, -0.3026529550552368, -0.1855016052722931, 0.26581016182899475, 0.5953577756881714, 0.16191500425338745, -1.361703872680664, 0.7106695175170898, -0.7446677684783936, -0.2069975733757019, -0.9797086715698242, -0.47928914427757263, -0.12648291885852814, -0.34074413776397705, 1.3525584936141968, -0.23362065851688385, 0.08939705044031143, -0.5433472394943237, -0.7795214653015137, 0.48817217350006104, -0.44876402616500854, -0.5776782035827637, -0.37527522444725037, -0.634431004524231, -0.28379377722740173, -0.8170350193977356, -0.04423011094331741, -0.29436159133911133, -0.2711732089519501, 0.9931697845458984, -0.3441607654094696, -0.6220007538795471, -0.3266368508338928, 0.04194450005888939, -0.3140608072280884, -0.851357102394104, -0.6784878969192505, -0.46570301055908203, 1.5402705669403076, -0.43109649419784546, 1.1037933826446533, 0.4085427522659302, -0.1449936330318451, -0.02229999005794525, 0.3570575416088104, -1.298933744430542, -0.04714704677462578, 1.4280682802200317, -0.5678102970123291, 0.43564286828041077, -0.960707426071167, -0.6800720691680908, -0.6035522818565369, 0.8167604804039001, 1.6823283433914185, -0.4694247841835022, -0.009407415986061096, 0.6062529683113098, 1.1260110139846802, 0.2896537780761719, 0.26408278942108154, 0.20731714367866516, 0.2593249976634979, 0.24836844205856323, 0.8537216782569885, -0.08527034521102905, 0.9835873246192932, -2.0596532821655273, -0.9939681887626648, 0.022672532126307487, -0.6158415079116821, -0.024747006595134735, 0.01626206934452057, 0.7582966685295105, 0.040433816611766815, 0.31289663910865784, 0.39645516872406006, 0.13090460002422333, 0.762036144733429, 0.09077440202236176, 0.811467707157135, 0.43192094564437866, -0.3446361720561981, -0.7847273349761963, 0.30547359585762024, -0.06549661606550217, 1.068626880645752, -0.6539418697357178, 0.32095348834991455, 0.4197435975074768, 0.0628155991435051, 0.32373782992362976, -1.0668097734451294, 1.1997185945510864, -0.09556197375059128, -0.45647451281547546, -1.3714584112167358, 0.10139591991901398, 0.8644230961799622, -0.6738052368164062, 1.204414963722229, 0.18968284130096436, 1.0821512937545776, 0.6327467560768127, 0.44153815507888794, 0.858860433101654, -0.7486875653266907, -0.5149289965629578, 0.7630765438079834, 0.46319380402565, -0.46594566106796265, -0.31777650117874146, -1.0138849020004272, -0.8633073568344116, 0.9513937830924988, -0.49245530366897583, 0.20815496146678925, -0.7242651581764221, 0.576535701751709, 0.8873875737190247, 1.0176968574523926, -0.36229246854782104, -1.6905078887939453, 0.042377810925245285, -1.5132250785827637, -0.04968743771314621, 0.10939623415470123, -0.15964604914188385, 0.4662627875804901, 0.6863539814949036, 0.10130991041660309, 1.2496320009231567, -1.1811493635177612, -0.7053952217102051, -0.1588945984840393, -0.47834914922714233, 0.8718754649162292, 0.44953814148902893, 0.16255216300487518, 0.059221185743808746, -0.35242733359336853, -0.9630715847015381, -0.3529627025127411, -0.3997732400894165, 0.35951727628707886, 1.2140063047409058, -0.6030751466751099, -0.5590556859970093, -1.1310797929763794, 1.1819981336593628, -1.2069722414016724, 0.22867359220981598, -0.1092422753572464, -0.6279664635658264, -1.1336523294448853, -1.2184967994689941, -0.0011105327866971493, 0.47926852107048035, -0.21209651231765747, 0.41382330656051636, -0.09909816086292267, 1.068099021911621, -0.05564473196864128, -0.5942776799201965, -0.7699441909790039, -0.022679448127746582, -0.5026454925537109, -0.059013109654188156, 0.42279285192489624, -1.1730468273162842, -0.1916555017232895, -0.8986479043960571, -0.7221226096153259, 1.1398282051086426, 0.7707849144935608, -0.42647990584373474, -0.6831738948822021, 0.05536876991391182, -0.5510746240615845, 0.6301488280296326, 0.034725382924079895, 0.0264242235571146, -1.6870559453964233, 0.7749989628791809, 0.9267693161964417, 0.5645687580108643, -0.3272683024406433, 0.0028084274381399155, 0.4815225303173065, -0.17435979843139648, 1.530369520187378]} +{"paper_id": "bertin-project/mc4-sampling", "embedding": [-0.49949896335601807, 0.9467348456382751, 0.04369073733687401, -0.05100283399224281, 0.9940807223320007, -0.35430124402046204, 0.07089095562696457, 0.07951148599386215, 0.9274195432662964, 0.7983246445655823, 0.8333354592323303, -0.11204702407121658, 0.6256600022315979, 0.026569396257400513, -0.009814780205488205, -0.0602799654006958, -0.6741263270378113, -0.8402802348136902, -1.1160906553268433, -0.2449888288974762, -1.143136978149414, -0.20588205754756927, 0.019166436046361923, 0.8023450374603271, -0.3840142786502838, -0.9623056054115295, 0.1477578580379486, -0.4626735746860504, -0.0026548728346824646, 0.7283192873001099, 0.013663165271282196, 1.222308874130249, -1.670000433921814, 0.7219372391700745, -0.5031828284263611, -0.17064064741134644, 0.6580406427383423, 0.6695271134376526, -0.07290270179510117, -0.35146835446357727, -0.7962421774864197, -0.38567009568214417, 0.6176415085792542, 0.20789851248264313, 0.8233166933059692, 0.015820585191249847, -0.01205731462687254, -0.2566498816013336, 0.21580906212329865, -0.12159936130046844, 0.030220402404665947, 0.32720234990119934, -0.39942261576652527, 0.365557998418808, -0.33835554122924805, 1.563010573387146, -0.049575239419937134, -0.7118571400642395, 0.4427211284637451, -0.8833365440368652, 0.8022357821464539, 1.62456214427948, -0.5280545353889465, 0.15322670340538025, 1.3878540992736816, -0.05453643947839737, 1.1715788841247559, 0.36323481798171997, 0.6212518811225891, 0.854508638381958, -0.1890697032213211, -1.264898657798767, 0.5351659059524536, -0.20771200954914093, 0.49098727107048035, 1.0706266164779663, 0.34960564970970154, -0.15054288506507874, -0.46994590759277344, -0.5663726925849915, -0.7165111303329468, 0.42987924814224243, 0.15998996794223785, -0.7605751752853394, -0.20546340942382812, 0.7305604219436646, -0.013529110699892044, -0.3625591993331909, 0.5954475402832031, -1.8426263332366943, 0.4230515956878662, 0.08703255653381348, 0.29427123069763184, -0.23523105680942535, -0.4019520580768585, 0.2252671718597412, -0.5582270622253418, 0.35787245631217957, -0.11386103928089142, 0.41291189193725586, 0.4709962010383606, -0.43348264694213867, 0.98834228515625, -0.016604147851467133, 0.21638163924217224, 1.0225499868392944, -0.5302082896232605, -1.1523340940475464, -0.878882884979248, -0.4039354920387268, -0.2188657522201538, 0.8142693042755127, -0.03629978001117706, -0.16010278463363647, 0.05157586187124252, -0.3860819637775421, 0.5285555720329285, -0.434628963470459, -0.5021156072616577, 0.1052122563123703, -0.30421680212020874, -1.6437638998031616, -0.9699450135231018, -0.2747097611427307, 1.181030511856079, -0.6314287185668945, -0.07018434256315231, -0.4632106423377991, -0.09066236764192581, -0.3831901550292969, 0.4355723261833191, 0.23266610503196716, -0.8116095066070557, 0.1849295198917389, 3.065577507019043, -0.5379942059516907, 1.302478313446045, -0.1272733360528946, -0.009961366653442383, 0.05595389008522034, 0.23665937781333923, 0.9424996972084045, 0.4614061415195465, -0.8073948621749878, -0.455844521522522, 0.4340883195400238, -0.8573784828186035, 0.11346501111984253, -0.6687886118888855, -0.6051060557365417, 0.3838728964328766, 0.018942415714263916, -0.3100757896900177, -0.849765419960022, -0.20405803620815277, 0.09290600568056107, 0.2636426091194153, 0.6031796336174011, -0.7409488558769226, 1.0582046508789062, 0.7616589069366455, 0.5910744667053223, -0.6920889019966125, 0.7779253721237183, -1.254171371459961, 0.46948835253715515, 1.4413120746612549, 0.0019935257732868195, -0.2547079622745514, -0.2734091579914093, 0.6612681746482849, -0.4451545476913452, 0.28045517206192017, -0.01128152385354042, -0.41962119936943054, 0.3738000988960266, 0.4797455966472626, 0.6456130743026733, -0.07506441324949265, 0.33365073800086975, -0.4885212779045105, -0.22097700834274292, 0.3208305537700653, 0.48610150814056396, -0.09428447484970093, 0.30100753903388977, -2.323989152908325, -0.38238269090652466, -0.3487567603588104, 0.1427878588438034, -0.3396020531654358, -1.0316050052642822, 0.3020663559436798, -0.26783478260040283, 0.7574357986450195, -0.5038323402404785, 0.09503225982189178, -0.52826327085495, -0.24398665130138397, 0.43760597705841064, 0.5096001625061035, -0.09393834322690964, 0.4256267845630646, 0.3802814483642578, 0.2656366527080536, -0.20727065205574036, -0.6287814974784851, -1.2960875034332275, 0.20562845468521118, 2.0459399223327637, -0.5233836770057678, -0.7161762714385986, -1.11964750289917, -0.4878520965576172, 0.24709105491638184, -0.693113386631012, 0.22843605279922485, -1.1196341514587402, -0.24703854322433472, -1.3102267980575562, -0.22319366037845612, -0.3210037350654602, 0.0747828260064125, -0.28879594802856445, 0.8727195858955383, -0.44170916080474854, -0.3168640732765198, -0.6253335475921631, -1.0837068557739258, 0.6515555381774902, 0.571075975894928, 0.09434542059898376, -1.1824604272842407, 1.075134515762329, -0.387888103723526, 0.730085551738739, 0.669562041759491, 0.4973912239074707, -0.12858596444129944, 0.03958717733621597, -0.17176496982574463, 1.3310796022415161, -0.15622578561306, -0.2525900602340698, 0.18655888736248016, 0.94773268699646, -0.30833733081817627, -0.7065249681472778, 0.3032543659210205, 0.2434448003768921, 0.9120532870292664, 0.7739801406860352, -1.1389182806015015, 1.0523995161056519, -0.7187323570251465, 0.2044943869113922, 0.04158063605427742, -1.0426888465881348, 0.3048698306083679, -0.38504528999328613, 0.495437890291214, -0.7790088057518005, 0.2778414189815521, -0.032535579055547714, -0.40113380551338196, -1.3615243434906006, -0.7452893257141113, -0.5733935832977295, -0.6227871179580688, -1.4237494468688965, -0.580564022064209, -0.6345385313034058, -0.4089133143424988, -0.7417262196540833, 0.6777446866035461, 0.4628317654132843, -0.1382167786359787, 0.6580600738525391, 1.4355844259262085, -0.06945927441120148, 0.8762611150741577, -0.44041621685028076, 0.513066828250885, -0.39536768198013306, 0.9974964261054993, 0.7138181328773499, 0.39754724502563477, -1.3236587047576904, -0.4912441670894623, -0.2596459984779358, 0.20853424072265625, 0.5115695595741272, -0.23444586992263794, 0.4198888838291168, -0.11085169017314911, -1.275642991065979, 1.0471101999282837, -0.7683913111686707, 0.49621206521987915, -1.4278979301452637, 1.528028130531311, 0.26291364431381226, 0.2453269213438034, 0.9062123894691467, 0.134428933262825, -0.23677097260951996, 0.8380241990089417, -0.5754453539848328, 0.4423815906047821, 0.9176670908927917, -0.09295859187841415, 0.19791322946548462, 0.21683639287948608, -1.9602810144424438, 0.1343369334936142, 0.6840490102767944, -0.028050005435943604, -0.16898776590824127, -0.6631172299385071, 0.2605682611465454, -0.07115517556667328, -0.2985661029815674, 0.13853392004966736, -0.03556176275014877, 0.24508655071258545, -0.1243060827255249, 0.48121899366378784, 1.4789875745773315, -0.6478458642959595, 0.5649906396865845, 0.9385407567024231, 0.15654388070106506, -0.42869633436203003, -0.3902946710586548, 0.48000937700271606, -0.36823779344558716, 0.2822091579437256, 0.5792109966278076, 0.42823731899261475, 1.5557551383972168, -0.6619154810905457, 0.03525889292359352, 0.45756739377975464, 0.8456066846847534, -0.21585756540298462, 0.8631095886230469, 0.031632907688617706, 0.23835620284080505, 0.7106967568397522, 1.154736876487732, 0.1304609328508377, -0.9127830266952515, -1.1839927434921265, -0.0676700621843338, 0.11792753636837006, -0.5919477343559265, 1.6189861297607422, 0.3165569603443146, 0.853305459022522, 0.14146330952644348, -0.18393312394618988, -0.6756500005722046, -0.21214419603347778, 0.8013929724693298, 0.7174813151359558, -0.05275742709636688, -0.042393676936626434, 0.27135103940963745, 0.9050442576408386, -0.3406871259212494, -0.3691374659538269, -0.04048866406083107, 0.9116504192352295, -0.03958580270409584, -0.9360830783843994, 0.5050356388092041, 1.004358172416687, 0.1555388867855072, 1.1958973407745361, -0.48786669969558716, -0.8400543332099915, -0.30867519974708557, 0.6109316349029541, 0.1466374397277832, 0.6178667545318604, -0.2339421659708023, 0.24662059545516968, 0.04284199699759483, 1.0654797554016113, 0.2590668797492981, 0.3542309105396271, 1.48002028465271, -0.5504260659217834, -0.5565168261528015, 0.22564122080802917, -1.2807453870773315, -0.6144161224365234, -0.30230820178985596, -0.3741512596607208, -0.845894992351532, 0.7549362778663635, -0.9856133460998535, -0.5730144381523132, 0.8860088586807251, -0.12834708392620087, -1.3648016452789307, 0.07570953667163849, 0.9650828838348389, -1.212502121925354, -0.2547729015350342, -0.10361474007368088, -0.8929023742675781, -1.1872403621673584, 0.09588095545768738, -0.10099459439516068, -0.1783372014760971, -0.2966480255126953, 0.5959046483039856, -0.10242762416601181, -0.16730868816375732, -1.416758418083191, 0.9192395806312561, 1.3747339248657227, -0.7730569839477539, 0.06685393303632736, 0.09609589725732803, 0.5377958416938782, -0.20432034134864807, -0.7504710555076599, -0.46412885189056396, 0.6848822832107544, 0.501832127571106, 0.38679733872413635, -0.2147350311279297, -0.40306520462036133, 0.7044187188148499, 0.19821155071258545, 1.4263861179351807, -0.7869505882263184, 0.17654144763946533, -0.3136872351169586, 0.9086456298828125, 0.636202335357666, -0.015432000160217285, -0.3226013779640198, 1.1672372817993164, -0.26957741379737854, 0.9624443054199219, -0.6563512086868286, 0.5917338132858276, 0.1243613064289093, 0.3619258999824524, 0.18595723807811737, -0.2544538676738739, -11.698311805725098, -0.10721568763256073, -0.16978059709072113, 0.11398744583129883, 0.9797809720039368, -0.054109640419483185, 1.2397699356079102, 0.13401378691196442, -0.10979010164737701, -0.6012018322944641, 0.4828428030014038, 1.0566918849945068, 0.21003121137619019, -0.35105863213539124, -0.6476821899414062, -0.5718706250190735, -1.1677926778793335, 0.25784140825271606, 0.37177109718322754, -0.5065495371818542, -1.051707148551941, -0.21800166368484497, -0.25454825162887573, 0.05825961008667946, 0.0242840014398098, 0.09781623631715775, 0.030383415520191193, -0.2780837118625641, -0.1599658727645874, -0.4599815905094147, 0.24969670176506042, -0.005602666176855564, -1.2755087614059448, -0.4470168650150299, 0.4697207808494568, 0.4184729754924774, -1.3088520765304565, -0.1598326563835144, 1.6379575729370117, -0.020849673077464104, -0.16450081765651703, 0.672024130821228, 0.03661557286977768, 0.631001889705658, -0.6275647878646851, 0.6190401315689087, 0.6296285390853882, -0.5169329047203064, 0.8305136561393738, -0.8467309474945068, -0.28801092505455017, -1.482356071472168, -1.0691099166870117, -0.8970909118652344, 0.8401726484298706, 0.6026840806007385, -0.4681333601474762, 0.125273659825325, -0.19671978056430817, -0.9764573574066162, 1.0924711227416992, 0.5194053649902344, -0.3711938261985779, 0.013196974992752075, -0.08494507521390915, -0.8473111987113953, 0.4089517295360565, 0.7427020072937012, -0.08531816303730011, 0.11686883866786957, -0.3316359221935272, 0.5506141781806946, 0.4561692774295807, 0.026990607380867004, -0.05637478083372116, -0.12474069744348526, -0.07264590263366699, 0.036028724163770676, 0.18521513044834137, 0.3583846390247345, -0.9498528838157654, 0.4143166244029999, -0.3529664874076843, -0.5030745267868042, 0.31383058428764343, -0.27930358052253723, -0.5978147387504578, 0.06306615471839905, -0.050134189426898956, 0.5093823075294495, 1.0503708124160767, -0.46780717372894287, 0.2908715009689331, 0.14494943618774414, -0.6744772791862488, 0.9997062087059021, -1.573362112045288, 0.6068763136863708, 0.06637591123580933, -1.2535817623138428, 0.03205283731222153, 0.15524831414222717, -0.3318141996860504, -0.35910314321517944, 1.0400822162628174, 0.30466151237487793, 0.13989481329917908, 0.3938749134540558, 0.32943618297576904, -0.3444242477416992, 0.47252357006073, -0.12587584555149078, -0.06627558171749115, 1.2415568828582764, -0.11916202306747437, 0.9509106278419495, 0.6007872819900513, 0.2468324601650238, 1.0121983289718628, 0.9138079285621643, -0.7413802742958069, 0.9964503645896912, 0.13531875610351562, 0.9380599856376648, -0.1327679455280304, 0.5497751235961914, -0.12353967130184174, 0.5962594747543335, 0.059441663324832916, -1.1657615900039673, -0.06412920355796814, -0.17811433970928192, -0.2973612844944, -0.8537295460700989, -0.3342767655849457, -0.5798178911209106, -1.0578359365463257, 1.904036045074463, -0.17016597092151642, 0.6798776388168335, -0.07596556842327118, -0.8087596297264099, 0.4252931475639343, -0.8595525622367859, -0.9646705389022827, -0.01806202530860901, -0.8359120488166809, -0.23946845531463623, -0.6180336475372314, -0.434347927570343, 0.5270882844924927, -0.3086509704589844, 0.7002291679382324, -1.3714408874511719, -0.09803988039493561, -0.5570473074913025, 0.10719320178031921, -0.7756321430206299, -1.07647705078125, -0.36536508798599243, -0.007446803152561188, 1.7076762914657593, -0.8526144623756409, 1.1778684854507446, 0.4084974527359009, 0.015418920665979385, -0.5623307228088379, -0.2715379595756531, -0.5530312061309814, 0.4556411802768707, 1.476925015449524, -0.20461414754390717, -0.31310176849365234, -0.6270713806152344, -0.7075762152671814, -0.9998469352722168, 0.5166032314300537, 1.5885049104690552, -0.3186344504356384, 0.4147973656654358, -0.10838238149881363, 0.9656537771224976, -0.5659598708152771, -0.3551872968673706, -1.0222876071929932, 0.16924554109573364, -0.4196208119392395, 1.4228038787841797, -0.3547813892364502, 0.5238502621650696, -1.7024636268615723, -1.0851242542266846, -0.34290552139282227, -0.3799125850200653, 0.1849900484085083, -0.2915791869163513, 0.9073656797409058, 0.3527929484844208, 0.1628466546535492, -0.1162547618150711, -0.31987810134887695, 0.8291850686073303, -0.44813773036003113, 0.3758004605770111, 0.13429272174835205, 0.2229822278022766, -0.7647116780281067, 0.3263966143131256, 0.1016881912946701, 0.3015919625759125, -1.5287705659866333, -0.21681761741638184, -0.08816215395927429, -0.2667906582355499, -0.21726912260055542, -1.0737106800079346, 0.31101322174072266, -0.2576024532318115, 0.226143941283226, -0.9565235376358032, -0.16225624084472656, 2.0132131576538086, 0.28307265043258667, 1.0101608037948608, 0.6286311745643616, 0.4492679536342621, 0.7161047458648682, 0.9116212129592896, 1.439011573791504, -0.1602465808391571, -1.2963050603866577, -0.37333405017852783, -0.050516434013843536, -0.32065632939338684, -0.10142462700605392, 0.2559273838996887, -1.2409359216690063, 0.27797484397888184, -1.3811980485916138, 0.6696181893348694, -0.28242015838623047, 0.2940807342529297, 0.4829702377319336, 0.5654155611991882, -0.30119338631629944, -1.3539528846740723, -0.29396483302116394, -0.5870910286903381, -0.058696500957012177, 0.3901907503604889, 0.23330296576023102, 0.1735418438911438, 0.7396606802940369, -0.2753984332084656, 1.0090104341506958, -0.15182960033416748, -0.4306633472442627, -0.010466814041137695, 0.0010955259203910828, 1.4236037731170654, 0.36535507440567017, 0.3316698968410492, -0.4422323405742645, -0.04118696600198746, -0.2424454391002655, -0.760780394077301, 0.28071361780166626, 0.41583871841430664, 1.5724681615829468, 0.11167360842227936, 0.2602391839027405, -1.2546703815460205, -0.1461998075246811, -0.9875869750976562, 0.870340883731842, 0.8585225343704224, -0.4867004156112671, -0.8904102444648743, -0.7284435033798218, 0.732122540473938, 0.7425823211669922, -0.05499183014035225, 0.13177211582660675, -0.8585737347602844, 0.9671801924705505, 0.5905272960662842, -0.43580424785614014, -1.0046801567077637, 0.30715522170066833, -0.025700049474835396, 0.32621175050735474, 0.7167086601257324, -0.4613514542579651, -0.40440306067466736, 0.18322524428367615, -0.8654385209083557, 0.4036272168159485, -0.1445411741733551, -0.6561573147773743, -0.4387594163417816, 0.42531129717826843, -0.32317402958869934, -0.1914719045162201, 0.37715965509414673, -0.859315037727356, -1.2730598449707031, 0.8630423545837402, 0.801040768623352, -0.6744591593742371, -0.36385291814804077, 0.005710627883672714, -0.03508343547582626, 0.3911678194999695, 1.525177001953125]} +{"paper_id": "BeIR/beir-corpus", "embedding": [-0.21232454478740692, 1.2317920923233032, 0.36412498354911804, -0.16807886958122253, 0.327802836894989, -0.7858985066413879, 0.2529793977737427, 1.1924222707748413, 0.9567347168922424, 0.7959206104278564, 1.094819188117981, 0.6928561329841614, -0.7762227654457092, -0.06471044570207596, -0.49378493428230286, -0.02022477611899376, -0.7770026326179504, -0.6058396100997925, -0.7193315625190735, -0.8416299223899841, -0.8387328386306763, -0.14679497480392456, 0.29639944434165955, 0.821926474571228, -1.296088457107544, -1.614186406135559, 0.9816082119941711, -0.7506036758422852, 0.6190361976623535, 0.05364600569009781, -0.3630349934101105, 0.844927191734314, -1.293561577796936, 0.36304476857185364, -0.629133403301239, 0.22134335339069366, 1.0060596466064453, 1.118257999420166, -0.036030206829309464, -0.1529739946126938, -0.7599098086357117, -0.5402714014053345, 0.35449111461639404, 0.6067038774490356, 1.8922854661941528, -0.6282694935798645, -0.059306591749191284, -0.16163277626037598, -0.05862674489617348, -0.30585187673568726, 0.08802621066570282, 0.1235775500535965, -0.3530333936214447, 0.3720874488353729, -1.1631267070770264, 1.6225425004959106, 0.6188784241676331, -0.3934410512447357, 0.6240935325622559, -0.985477089881897, 1.8902716636657715, 1.5711716413497925, -0.6097868084907532, -0.48513755202293396, 0.8572012186050415, -0.030513785779476166, 1.798638105392456, 0.2861332893371582, 0.08389271795749664, 0.11833344399929047, -0.0797698050737381, -1.6935398578643799, -0.3586709499359131, -0.08037601411342621, 0.3362848162651062, 0.7349081039428711, 0.6937735676765442, -0.4123193621635437, 0.3505915403366089, -0.41676172614097595, -0.7695308923721313, 0.9129156470298767, 0.5627647042274475, -0.8714662194252014, -0.020700272172689438, -0.014896655455231667, 0.3206571340560913, -0.4639873206615448, 1.0209788084030151, -1.4712485074996948, 1.1555240154266357, -0.09486115723848343, -0.40760475397109985, 0.2097381055355072, -0.1937284767627716, -0.07529865205287933, -0.5328349471092224, -0.38042768836021423, -0.8194971084594727, 0.17373889684677124, 0.2776966691017151, -0.045875683426856995, 0.30414339900016785, 0.21979451179504395, 0.31620079278945923, 1.2061717510223389, -0.24516628682613373, 0.18890053033828735, -1.4039440155029297, -0.3933844268321991, 0.38865265250205994, 0.8751479983329773, 0.1906185895204544, 0.29651781916618347, 0.08741547912359238, -0.2898724377155304, 0.35867398977279663, -0.4413796663284302, -0.6009774208068848, 0.2653829753398895, 0.0041596125811338425, -1.4194185733795166, -0.41367748379707336, 0.337039589881897, 0.8783419132232666, -0.8997917771339417, 0.0348225012421608, -0.2887941598892212, -0.9272156953811646, 0.2914164960384369, 1.1241105794906616, 0.161656454205513, -1.6782169342041016, -0.5974966287612915, 2.839991331100464, -0.675957441329956, 1.6000211238861084, -0.33190271258354187, -0.471418172121048, -0.5165879130363464, 0.06912742555141449, 0.9884436726570129, 0.5224687457084656, -0.7811810970306396, -0.3185981214046478, 0.39964136481285095, -0.7617172002792358, 0.3994102478027344, -0.9331337809562683, -0.7063716650009155, -0.48435449600219727, -0.05541691929101944, -1.5073227882385254, -1.0926278829574585, -0.04863598570227623, 0.12301293760538101, -0.21941639482975006, 0.7167243957519531, 0.036858927458524704, 1.4477392435073853, 0.03256334736943245, -0.16674089431762695, -0.3601948618888855, 0.171334370970726, -0.4092260003089905, -0.4236313998699188, 0.3437812328338623, 0.21454110741615295, -0.10886721312999725, -0.14568638801574707, 1.1889876127243042, -1.1103498935699463, -0.6292346715927124, -1.0235891342163086, 0.17470179498195648, 0.3895837068557739, 0.9734742045402527, 0.4140626788139343, 0.46994251012802124, -0.21531039476394653, -0.07900111377239227, -0.2393348067998886, 0.2813301980495453, 0.1314692497253418, 0.21664278209209442, 0.8699855804443359, -1.9672520160675049, -0.49349015951156616, -0.20553410053253174, 0.16954109072685242, -0.1076883003115654, 0.4498687982559204, -0.17970794439315796, -0.0961005762219429, -0.14629751443862915, -0.26660922169685364, 0.29350969195365906, -1.4865350723266602, 0.032896190881729126, 0.1714920848608017, -0.12241123616695404, 0.07738065719604492, 0.3035334348678589, 0.697887659072876, 0.2184242606163025, -0.1598462015390396, -0.34439435601234436, -2.527228593826294, 0.17250782251358032, 2.5795254707336426, -0.6340956687927246, -1.1534769535064697, -1.3095431327819824, -0.3055948317050934, 0.3692719340324402, -0.4119904041290283, 0.2875014543533325, -0.4814174473285675, 0.14358766376972198, -1.0727455615997314, 1.029024600982666, -0.6943524479866028, 0.3346576392650604, 0.12962642312049866, 1.260321855545044, -0.22705256938934326, -0.062103260308504105, 0.23392893373966217, -1.7682578563690186, 0.762706458568573, 0.6724963188171387, 0.09888828545808792, -0.20310409367084503, 1.4509891271591187, 0.2838350236415863, 0.36939001083374023, 0.5467200875282288, 0.3372981548309326, -0.8660720586776733, -0.2886100113391876, -0.1759529858827591, 0.44333934783935547, -0.06835371255874634, 0.6732144355773926, 1.0616600513458252, 0.7194008827209473, -0.34586647152900696, -0.6358850598335266, 0.017181549221277237, -0.3915300965309143, 0.9595539569854736, 0.6427932977676392, -0.16148118674755096, 1.6103225946426392, -0.8431975841522217, -0.518014132976532, -0.2829764187335968, -0.7781840562820435, 0.21072356402873993, -0.5333890914916992, 0.8920533061027527, -0.54896479845047, 0.4559171497821808, -0.16339725255966187, 0.335182785987854, -1.168141484260559, 0.20431450009346008, -0.26762229204177856, -1.0203379392623901, -1.4066853523254395, -0.5482251644134521, 0.329006552696228, -1.096394658088684, -0.8209192156791687, 0.4588404595851898, 0.7186044454574585, 0.414017915725708, 1.3454113006591797, 1.147201657295227, -0.4630011320114136, 0.026085957884788513, -0.029345840215682983, 1.3058737516403198, -0.6624742150306702, 1.585009217262268, -0.731026291847229, 0.3379102051258087, -0.8908971548080444, 0.5989680290222168, -0.2224036306142807, -0.2369835376739502, 0.7577775716781616, 0.243925541639328, 0.4475823938846588, -0.4492746889591217, -1.1305887699127197, 1.044521689414978, -0.07349002361297607, -0.0034064725041389465, -0.4780886173248291, 1.6559462547302246, 0.20413435995578766, -0.835872232913971, 0.6682789921760559, 0.44598785042762756, -0.5352334976196289, 1.1475155353546143, 0.12406250834465027, 0.47378066182136536, 0.7704245448112488, 0.21321773529052734, 0.18045297265052795, 0.25077947974205017, -1.4525516033172607, -0.04579738900065422, 1.2077057361602783, -1.0949870347976685, -0.4329700469970703, -0.5120913982391357, 0.27463990449905396, -0.6202020645141602, 0.28444144129753113, 0.18795844912528992, -0.4912317991256714, 0.3377046287059784, -0.08291877806186676, 0.5440820455551147, 1.5380449295043945, -0.6580896377563477, 0.8417727947235107, 1.1253342628479004, -0.04009443521499634, -0.41249337792396545, -0.6584355235099792, 1.2562401294708252, -0.07029106467962265, 0.3668319582939148, -0.26521337032318115, 0.37209534645080566, 1.172930121421814, -0.2500041127204895, 0.07546483725309372, 0.30415868759155273, 0.4628097712993622, 0.6525901556015015, -0.08375144004821777, -0.3871943950653076, 0.14149422943592072, 0.03139196336269379, 1.6579586267471313, 0.38920554518699646, -1.413489580154419, -1.5004265308380127, -0.16380725800991058, -0.5142396688461304, 0.48706015944480896, 2.28458833694458, 0.26242539286613464, 2.223604440689087, -0.1827872097492218, 0.3190940022468567, 0.497649222612381, 0.47724851965904236, 0.3609786927700043, 0.8227405548095703, -0.40517711639404297, -0.6570416688919067, -0.29865285754203796, 0.7615117430686951, -0.21733134984970093, 0.19373944401741028, 0.6913221478462219, 0.7808974981307983, -0.569831907749176, -0.4299437403678894, 1.0984699726104736, 0.765861988067627, 0.1517431139945984, 0.7160285115242004, -0.15357160568237305, -0.6438195109367371, 0.04040518403053284, 0.6965264081954956, 0.17182646691799164, -0.04033344238996506, -0.4787271320819855, 0.9296700358390808, 0.18417534232139587, 0.20831286907196045, -0.2013721615076065, 0.6235934495925903, 1.0535141229629517, -0.18187713623046875, -1.2001413106918335, -0.7429051399230957, -0.783894419670105, -0.1833866685628891, 0.05072680115699768, 0.5117382407188416, -0.6150972247123718, 0.3221086859703064, -0.36172232031822205, -1.2658231258392334, 0.6442030668258667, -0.6576114892959595, -1.81363046169281, 1.222289800643921, 1.4665976762771606, -0.8485250473022461, -0.19560030102729797, -0.6796603798866272, -1.0464571714401245, -0.308010458946228, -0.7237237095832825, -1.0546389818191528, 0.030715741217136383, 0.11986656486988068, 0.6716708540916443, -0.5333912968635559, -0.572219967842102, -0.4843572974205017, 0.25024187564849854, 1.374483585357666, -0.6986278891563416, 1.7687478065490723, 0.4043247401714325, -0.2808399200439453, -0.8281182050704956, -1.4040144681930542, -1.4915989637374878, 0.3546521067619324, -0.4051671624183655, 0.8770701289176941, -0.6890642046928406, -0.9343999028205872, 0.342185914516449, -0.32074856758117676, 1.7386949062347412, -0.7389598488807678, -0.043329861015081406, -0.8072095513343811, -0.36454442143440247, -0.18732428550720215, -1.1743290424346924, -0.35044315457344055, 0.8708779215812683, 0.04217112809419632, 0.4819771945476532, -0.19649946689605713, 0.41834136843681335, 1.3765933513641357, -0.4878588914871216, -0.15285596251487732, -0.38678696751594543, -10.008225440979004, 0.34901461005210876, 0.046497538685798645, 0.21930117905139923, 1.0792436599731445, -0.7600343227386475, 1.1526527404785156, -0.23786842823028564, 1.315673828125, -0.6179184913635254, 0.4037437438964844, 1.365246057510376, -0.25563493371009827, -0.8891948461532593, -0.6208027601242065, -1.8028618097305298, -0.6974533796310425, 0.25060194730758667, 0.5544703006744385, -0.498270183801651, -0.18750713765621185, -0.4255337715148926, -0.8412729501724243, 0.22541722655296326, 0.08125421404838562, 0.6991294026374817, -0.5761345624923706, -0.32894715666770935, -0.06910403072834015, 0.9158377647399902, 0.4995010197162628, -0.45465078949928284, -0.4505566954612732, -1.2123258113861084, -0.3669968247413635, -0.2312094271183014, -0.7177125215530396, 0.4145571291446686, 1.19074547290802, 0.0840621069073677, 0.054605692625045776, 0.7174056768417358, 0.4630327522754669, 0.09291145950555801, -0.2534875273704529, -0.12543021142482758, 0.7127610445022583, -1.3896604776382446, 0.37893715500831604, 0.1576259732246399, -0.5915547609329224, -0.17749597132205963, -0.7406840324401855, 0.6399536728858948, 0.29306474328041077, 0.6342924237251282, -0.7938743829727173, 0.0003720223903656006, -0.8077260851860046, -1.3985662460327148, 1.394963026046753, -0.19701355695724487, -0.2094317376613617, -0.14440636336803436, 0.12044230103492737, 0.2489280253648758, 0.25025317072868347, 0.04347207024693489, -0.7768213152885437, 0.07715733349323273, -0.34308359026908875, 0.6055676341056824, 0.5840969681739807, -0.20328405499458313, -0.5193995237350464, 0.5398989319801331, -0.5474624633789062, 0.07590653002262115, -0.011124104261398315, 0.3881100118160248, -1.4357047080993652, 1.168813705444336, 0.18390582501888275, -1.0074493885040283, -0.6466729640960693, -0.08751486241817474, -0.4494117200374603, -0.29557451605796814, 0.18350374698638916, -0.04952942579984665, 0.9402026534080505, 0.29871582984924316, -0.08844205737113953, -0.13761335611343384, -0.15519188344478607, 1.0005286931991577, -1.4422215223312378, 0.556215226650238, -0.13693511486053467, -0.8094503879547119, 0.8464303016662598, -0.34424200654029846, -0.22911950945854187, -0.18065041303634644, 0.0918068215250969, 0.3571180999279022, -0.03862101584672928, -0.20361924171447754, -0.28807762265205383, -0.5916020274162292, 0.9541341066360474, 0.32931119203567505, -0.29160553216934204, 0.932952344417572, -0.5061677694320679, 0.6854654550552368, 0.5368012189865112, -0.712039053440094, -0.6723812222480774, 2.329211711883545, -0.24362783133983612, 0.689024806022644, 1.0471185445785522, 0.9125902652740479, -0.3026529550552368, -0.1855016052722931, 0.26581016182899475, 0.5953577756881714, 0.16191500425338745, -1.361703872680664, 0.7106695175170898, -0.7446677684783936, -0.2069975733757019, -0.9797086715698242, -0.47928914427757263, -0.12648291885852814, -0.34074413776397705, 1.3525584936141968, -0.23362065851688385, 0.08939705044031143, -0.5433472394943237, -0.7795214653015137, 0.48817217350006104, -0.44876402616500854, -0.5776782035827637, -0.37527522444725037, -0.634431004524231, -0.28379377722740173, -0.8170350193977356, -0.04423011094331741, -0.29436159133911133, -0.2711732089519501, 0.9931697845458984, -0.3441607654094696, -0.6220007538795471, -0.3266368508338928, 0.04194450005888939, -0.3140608072280884, -0.851357102394104, -0.6784878969192505, -0.46570301055908203, 1.5402705669403076, -0.43109649419784546, 1.1037933826446533, 0.4085427522659302, -0.1449936330318451, -0.02229999005794525, 0.3570575416088104, -1.298933744430542, -0.04714704677462578, 1.4280682802200317, -0.5678102970123291, 0.43564286828041077, -0.960707426071167, -0.6800720691680908, -0.6035522818565369, 0.8167604804039001, 1.6823283433914185, -0.4694247841835022, -0.009407415986061096, 0.6062529683113098, 1.1260110139846802, 0.2896537780761719, 0.26408278942108154, 0.20731714367866516, 0.2593249976634979, 0.24836844205856323, 0.8537216782569885, -0.08527034521102905, 0.9835873246192932, -2.0596532821655273, -0.9939681887626648, 0.022672532126307487, -0.6158415079116821, -0.024747006595134735, 0.01626206934452057, 0.7582966685295105, 0.040433816611766815, 0.31289663910865784, 0.39645516872406006, 0.13090460002422333, 0.762036144733429, 0.09077440202236176, 0.811467707157135, 0.43192094564437866, -0.3446361720561981, -0.7847273349761963, 0.30547359585762024, -0.06549661606550217, 1.068626880645752, -0.6539418697357178, 0.32095348834991455, 0.4197435975074768, 0.0628155991435051, 0.32373782992362976, -1.0668097734451294, 1.1997185945510864, -0.09556197375059128, -0.45647451281547546, -1.3714584112167358, 0.10139591991901398, 0.8644230961799622, -0.6738052368164062, 1.204414963722229, 0.18968284130096436, 1.0821512937545776, 0.6327467560768127, 0.44153815507888794, 0.858860433101654, -0.7486875653266907, -0.5149289965629578, 0.7630765438079834, 0.46319380402565, -0.46594566106796265, -0.31777650117874146, -1.0138849020004272, -0.8633073568344116, 0.9513937830924988, -0.49245530366897583, 0.20815496146678925, -0.7242651581764221, 0.576535701751709, 0.8873875737190247, 1.0176968574523926, -0.36229246854782104, -1.6905078887939453, 0.042377810925245285, -1.5132250785827637, -0.04968743771314621, 0.10939623415470123, -0.15964604914188385, 0.4662627875804901, 0.6863539814949036, 0.10130991041660309, 1.2496320009231567, -1.1811493635177612, -0.7053952217102051, -0.1588945984840393, -0.47834914922714233, 0.8718754649162292, 0.44953814148902893, 0.16255216300487518, 0.059221185743808746, -0.35242733359336853, -0.9630715847015381, -0.3529627025127411, -0.3997732400894165, 0.35951727628707886, 1.2140063047409058, -0.6030751466751099, -0.5590556859970093, -1.1310797929763794, 1.1819981336593628, -1.2069722414016724, 0.22867359220981598, -0.1092422753572464, -0.6279664635658264, -1.1336523294448853, -1.2184967994689941, -0.0011105327866971493, 0.47926852107048035, -0.21209651231765747, 0.41382330656051636, -0.09909816086292267, 1.068099021911621, -0.05564473196864128, -0.5942776799201965, -0.7699441909790039, -0.022679448127746582, -0.5026454925537109, -0.059013109654188156, 0.42279285192489624, -1.1730468273162842, -0.1916555017232895, -0.8986479043960571, -0.7221226096153259, 1.1398282051086426, 0.7707849144935608, -0.42647990584373474, -0.6831738948822021, 0.05536876991391182, -0.5510746240615845, 0.6301488280296326, 0.034725382924079895, 0.0264242235571146, -1.6870559453964233, 0.7749989628791809, 0.9267693161964417, 0.5645687580108643, -0.3272683024406433, 0.0028084274381399155, 0.4815225303173065, -0.17435979843139648, 1.530369520187378]} +{"paper_id": "GEM/OrangeSum", "embedding": [-0.17156992852687836, 1.0239068269729614, -0.3097548484802246, 0.6967846155166626, 0.805176317691803, -0.38834819197654724, 0.6115989685058594, 0.6162241697311401, 0.7799011468887329, 1.0921046733856201, 0.7009965181350708, 0.3140121102333069, -0.037414103746414185, -0.22538262605667114, -0.5152892470359802, -0.24111366271972656, -1.1202986240386963, -0.5751675963401794, -1.5149918794631958, -0.7065460085868835, -1.2426856756210327, -0.5535834431648254, -0.37035706639289856, 0.7597842812538147, -0.29902762174606323, -0.4076692759990692, 1.0500099658966064, -1.4755463600158691, 0.22649288177490234, 0.2673732340335846, -0.25357571244239807, 1.2721171379089355, -1.2994401454925537, 0.1511329710483551, -0.8441881537437439, -0.3659307658672333, -0.07686002552509308, 1.1248092651367188, -0.10092254728078842, 0.22113782167434692, -0.9725620150566101, -0.11729792505502701, 0.988484799861908, 0.09402171522378922, 0.6616351008415222, -0.717225193977356, -0.2652474343776703, 0.3025325536727905, -0.00814627856016159, 0.057582903653383255, -0.23539431393146515, 0.39725035429000854, 0.14877086877822876, 0.48494186997413635, -0.3333173990249634, 1.6903784275054932, -0.006580818444490433, -1.467386245727539, 0.6602240800857544, -0.2595163881778717, 0.4122323989868164, 1.7903765439987183, -0.45160096883773804, 0.1612800806760788, 0.9675929546356201, -0.3035042881965637, 1.2760072946548462, 0.17480294406414032, 0.44835996627807617, 1.061928153038025, -0.775292694568634, -0.6777229309082031, 0.49141648411750793, 0.026322662830352783, 0.047109294682741165, 1.121252179145813, 0.5091111063957214, 0.3522453308105469, -0.6477835178375244, -0.7145099639892578, -0.5446456670761108, 0.8519683480262756, 0.15798161923885345, -0.8080939054489136, 0.13067886233329773, 0.08393245935440063, 0.020759448409080505, -0.7169151306152344, 0.23028919100761414, -1.5648915767669678, 1.0187699794769287, -0.39118510484695435, -0.47070080041885376, -0.3426530361175537, -0.6272923350334167, 0.33628788590431213, -0.21353398263454437, -0.48838138580322266, -0.6567517518997192, 0.6654567122459412, 0.4968092441558838, -0.6011795997619629, 1.0680065155029297, 0.2131252884864807, 0.6766113638877869, 1.560315728187561, -0.5795295238494873, -0.5510767698287964, -0.7919999361038208, -0.10053081810474396, 0.35580021142959595, 1.0889397859573364, 0.19501009583473206, 0.535490870475769, 0.11411263793706894, -0.17226383090019226, 0.4025411009788513, -0.07828101515769958, -0.2390456199645996, 0.21915441751480103, -0.43561920523643494, -1.4539965391159058, -0.34359240531921387, 0.1219603568315506, 0.31370723247528076, -1.159416913986206, 0.08543694019317627, -0.28280144929885864, 0.2147866040468216, -0.5822615623474121, 0.6095103025436401, 0.5464962720870972, -0.9750743508338928, 0.3021702170372009, 3.1367146968841553, -1.399853229522705, 1.6165385246276855, -0.20442722737789154, -0.3788589835166931, -0.7415852546691895, 0.4500947892665863, 1.6905852556228638, -0.601662278175354, -1.4322251081466675, -0.5438609719276428, 0.11298742890357971, -1.2033846378326416, 0.3586771488189697, -0.32445287704467773, -0.37148526310920715, 0.11337566375732422, 0.01865449547767639, -1.1121448278427124, -0.849402129650116, -0.03565043583512306, 0.39461061358451843, 0.5761335492134094, 0.32334983348846436, -0.03680482879281044, 1.766944408416748, 0.8684983253479004, -0.14630766212940216, 0.25951695442199707, 0.8435103893280029, -1.148608922958374, 0.62225341796875, 0.8102966547012329, 0.26661503314971924, -0.4971526563167572, -0.3263980746269226, 1.366233229637146, -0.3757070302963257, -0.5095300674438477, -0.43811386823654175, -0.26445910334587097, 0.7237975001335144, 0.5246188640594482, 0.8403118848800659, 0.09759081155061722, -0.4804966151714325, -0.7555752396583557, -0.7024691700935364, 0.06025288254022598, 0.36496806144714355, -0.13236787915229797, 1.1204979419708252, -2.010510206222534, -0.5788973569869995, -0.5492942333221436, 1.3134170770645142, -0.3930704891681671, -0.31153735518455505, -0.41558119654655457, 0.5774884223937988, 0.32382333278656006, -1.0450776815414429, 0.4880484938621521, -0.8437650203704834, -0.4347975552082062, 0.02091110497713089, 0.17088335752487183, -0.47981831431388855, -0.09076274186372757, 0.41506677865982056, 0.9800306558609009, -0.3724484145641327, -0.10888426005840302, -1.8566477298736572, 0.6839189529418945, 1.9445061683654785, 0.15932941436767578, -1.3581879138946533, -0.6210920810699463, -1.2424464225769043, 0.6428679823875427, -0.8781239986419678, -0.06709298491477966, 0.0642324909567833, 0.4189121127128601, -0.9869497418403625, 0.5931813716888428, -0.6558669805526733, 0.21647891402244568, 0.6576883792877197, 1.129289984703064, -0.11018408834934235, -0.26741984486579895, 0.1044059544801712, -1.0292141437530518, 0.45345526933670044, 0.7469085454940796, 0.00578242726624012, -0.8235396146774292, 1.0761579275131226, -0.6203628182411194, 0.2881301939487457, 0.5176976323127747, 0.895340085029602, -0.07931327074766159, -0.059534117579460144, -0.11184685677289963, 1.0311239957809448, -0.24625103175640106, 0.010962104424834251, 0.5728134512901306, 0.013800352811813354, -0.25846606492996216, -0.5746973156929016, 0.40726566314697266, -0.6486876010894775, 1.492836356163025, 1.0298091173171997, -0.4861428439617157, 1.4022395610809326, -1.0504798889160156, -0.20359492301940918, -0.18389654159545898, -0.4949462115764618, -0.4446749687194824, -0.25089162588119507, 1.0038424730300903, -0.2775433361530304, 0.04766838252544403, -0.4008723497390747, 0.06310755014419556, -1.4310896396636963, -0.5089586973190308, -0.2521045207977295, -0.3617604374885559, -1.6679706573486328, -0.0988462045788765, -0.5049036145210266, -0.7850789427757263, -0.25965845584869385, 0.709882378578186, 0.4170849323272705, 0.41970136761665344, 0.9172234535217285, 1.620774269104004, -0.3862466812133789, 0.5048266649246216, 0.3526098132133484, 0.8823612332344055, -0.40380412340164185, 0.6043936610221863, 0.3811638653278351, 0.06071004271507263, -0.9634633660316467, 0.2820548713207245, -0.3034655451774597, 0.2856972813606262, 0.4997384548187256, -0.5121637582778931, 0.04740683734416962, -0.44669458270072937, -0.7660142779350281, 0.9982567429542542, -0.7682109475135803, 0.8155948519706726, -0.8732744455337524, 1.6058412790298462, 0.4092195928096771, -0.39727339148521423, 0.8421847224235535, -0.05650833249092102, -0.007764652371406555, 1.0122398138046265, -0.5884138345718384, 1.0596654415130615, 0.3649674654006958, 8.025206625461578e-05, 0.46949508786201477, 0.3563271164894104, -2.1925930976867676, 0.5382513403892517, 0.8056751489639282, -0.3484901189804077, -0.395383358001709, -0.9794281125068665, 0.18852652609348297, -0.5560470819473267, -0.5946593284606934, -0.15886130928993225, -0.3502460718154907, 0.22183530032634735, -0.6068635582923889, 0.12939663231372833, 1.6822550296783447, -0.570489227771759, 0.884074866771698, 0.799640417098999, 0.12522518634796143, -1.6476731300354004, -0.27009227871894836, 0.9756749272346497, -0.4080289304256439, 0.532051682472229, 0.49418747425079346, 1.1648039817810059, 1.6238622665405273, -0.47728580236434937, 0.14557088911533356, 1.722959041595459, 0.6235736012458801, 0.3292423188686371, 0.6159225106239319, -0.8368483185768127, -0.3104032278060913, 0.19069892168045044, 0.7111031413078308, -0.227678582072258, -0.8115653991699219, -1.4078466892242432, 0.177812859416008, -0.3230951130390167, -0.6850194334983826, 1.4005733728408813, 0.274659663438797, 1.8029911518096924, 0.15238049626350403, 0.6288981437683105, -0.3767245411872864, 0.5862278938293457, 0.5684924721717834, 0.20966434478759766, -0.3232438564300537, -1.0777711868286133, 0.23077575862407684, 0.7312454581260681, -0.14893051981925964, 0.0665748119354248, 0.18187259137630463, 0.8737501502037048, -0.2208799570798874, -0.8385093808174133, 0.01898438110947609, 0.9171290993690491, 0.14689478278160095, 1.8941925764083862, -1.1214723587036133, -0.3377610146999359, 0.9337681531906128, 0.35856884717941284, 0.4098321795463562, 0.5805747509002686, -1.0016785860061646, 0.43065840005874634, 0.3730287253856659, 0.7808589339256287, -0.4472849369049072, 0.8834488987922668, 0.5500583648681641, -0.9199499487876892, -0.22805657982826233, -0.46737316250801086, -1.0859392881393433, -0.6012970209121704, 0.10501154512166977, 0.09443703293800354, -0.7106615304946899, 1.0776499509811401, -0.8376166224479675, -0.7477696537971497, 1.186775803565979, -0.3391377627849579, -1.4218252897262573, 0.32137012481689453, 1.283431053161621, -1.3557896614074707, -0.7858619689941406, -0.45685315132141113, -1.2205066680908203, -1.2099686861038208, 0.34232497215270996, -0.4623192846775055, -0.017207328230142593, -0.15364187955856323, 0.3620806634426117, -0.35061758756637573, -0.40073680877685547, -0.8879488110542297, 0.2948470711708069, 1.2596436738967896, -0.6040692925453186, 0.7420892715454102, 0.34884631633758545, 0.6689351797103882, -0.15596488118171692, -1.0884618759155273, -1.182301640510559, 0.2107412964105606, 0.4650597870349884, 0.5387048721313477, -0.635076642036438, -0.1932748407125473, 0.16508391499519348, 0.027388181537389755, 1.1639275550842285, -0.875153660774231, 0.04820152744650841, 0.2196018546819687, 0.4803875982761383, 0.41212719678878784, -0.030309773981571198, -1.0272157192230225, 0.7367880940437317, -0.5761649012565613, 0.2687055468559265, -0.28231343626976013, 0.4677881598472595, 0.9787625670433044, 0.18281638622283936, -0.18569324910640717, -0.29735085368156433, -10.582468032836914, 0.023666229099035263, -0.19112782180309296, -0.1376442313194275, 0.8637906312942505, -0.8054224252700806, 1.2447845935821533, -0.22108717262744904, 0.1046384796500206, -0.3956095576286316, 0.6974152326583862, 1.1167972087860107, 0.36430948972702026, 0.02820703759789467, -0.5322988629341125, -1.1378426551818848, -0.5044288039207458, -0.15634430944919586, 0.9752439260482788, 0.12316211313009262, -0.3846707046031952, -0.730812668800354, 0.8317670822143555, 0.44839930534362793, 0.2837001383304596, 0.5878075361251831, 0.27324557304382324, 0.15174898505210876, -0.3344985842704773, -0.21679209172725677, 0.2568650543689728, -0.4382931590080261, -1.0003879070281982, -0.6795501708984375, 1.1153576374053955, -0.018629824742674828, -1.3597277402877808, -0.37678277492523193, 1.09197998046875, -0.3470436930656433, -0.5579994320869446, 0.2230115681886673, 0.61849045753479, -0.5701681971549988, -0.7555892467498779, 0.2907530665397644, 0.8603500723838806, -0.9432423114776611, 0.2238844484090805, -0.4260559380054474, -0.8607101440429688, -0.7805569171905518, -1.33183753490448, -0.6425261497497559, 0.9350135922431946, -0.26554715633392334, -0.49435099959373474, 0.2921352982521057, -0.46088820695877075, -1.0931240320205688, 0.3699028491973877, 0.3651885986328125, 0.06227416545152664, -0.24318628013134003, -0.3228796124458313, -0.2683315575122833, 0.7851274609565735, 0.3083376884460449, 0.2918373644351959, 0.2414076328277588, -0.8523152470588684, 0.12396245449781418, 0.1556474268436432, -0.2518380880355835, -0.44545766711235046, -0.2595216631889343, 0.6752513647079468, -0.9449547529220581, 0.27204668521881104, 0.09732986986637115, -1.1289912462234497, 0.40824317932128906, 0.3306327760219574, -0.42222440242767334, -0.7819056510925293, -0.5669894814491272, -0.3513967990875244, -0.4624960720539093, 0.9327117204666138, -0.29400184750556946, 0.9496939182281494, -0.5775202512741089, 0.40490013360977173, 1.0914958715438843, -0.8483380079269409, 1.2353090047836304, -0.6946039199829102, 0.8171781897544861, -0.13111162185668945, -0.6246914863586426, 0.29303979873657227, 0.1963270604610443, -0.21840941905975342, -0.09959103167057037, 0.6454308032989502, 0.3598005473613739, -0.2717159390449524, 0.008982032537460327, 0.0648408979177475, 0.21138349175453186, 1.2521321773529053, 0.34415462613105774, -0.0678015947341919, 0.6683074831962585, -0.00292949378490448, 0.9613759517669678, 0.006449198350310326, 0.211366206407547, -0.01874728500843048, 1.1271568536758423, -0.599280595779419, 1.4694818258285522, 0.8151797652244568, 0.7358159422874451, -0.0320151187479496, -0.24011468887329102, 0.34828558564186096, 1.126132845878601, -0.024306204169988632, -1.226555347442627, -0.6702077984809875, -0.08443385362625122, 0.0835282951593399, -0.8954806923866272, -0.3842737674713135, -0.1656232327222824, -1.3559964895248413, 1.52280855178833, -0.5542827844619751, -0.4508173167705536, 0.28942662477493286, -1.110351324081421, 0.4531659483909607, -0.7246436476707458, -0.603135883808136, -0.023727014660835266, -1.9287185668945312, 0.3982464373111725, -0.7395238876342773, -0.3602946996688843, 0.02814740687608719, 0.272769570350647, 1.340423583984375, -1.202303409576416, -0.5129411220550537, -0.11733706295490265, 0.7545840740203857, -0.42868921160697937, -0.48822021484375, -0.24595999717712402, -0.5243903994560242, 1.1621886491775513, -0.38364559412002563, 0.8006624579429626, 0.2267722189426422, -0.26785919070243835, -0.7963880896568298, 0.10445423424243927, -0.4112366735935211, 1.1671034097671509, 1.193956971168518, -1.382164478302002, 0.08420655876398087, -1.1129610538482666, -0.6132985949516296, -0.9636569023132324, 0.3225250542163849, 1.7743202447891235, -0.8270301222801208, -0.29057151079177856, 0.9690971970558167, 0.33951741456985474, 0.3994516432285309, -0.3694985806941986, -0.24573250114917755, 0.0946904644370079, 0.07626619935035706, 0.48440104722976685, -0.24001190066337585, 0.2895868718624115, -2.3150181770324707, -1.154003381729126, -0.7071165442466736, -0.8120344877243042, 0.33931392431259155, -0.5023190379142761, 1.1045602560043335, 0.5361729264259338, 0.2548888325691223, 0.2706136107444763, -0.3903811275959015, 1.1501588821411133, 0.7944875955581665, 0.6365115642547607, 0.5310828685760498, -0.7275158166885376, -0.5793056488037109, -0.047060415148735046, 0.0560404397547245, -0.08331292122602463, -1.0799810886383057, -0.23838923871517181, 0.0994015485048294, -0.16306158900260925, 0.2292826920747757, -1.0289413928985596, 0.5942981839179993, -0.21251390874385834, -0.28591835498809814, -1.527888536453247, -0.1618751883506775, 1.3152557611465454, -0.2563342750072479, 0.8191866874694824, 0.044339489191770554, -0.15308749675750732, 1.1673648357391357, 0.39014071226119995, 1.6659677028656006, -0.02579895779490471, -0.648408830165863, -0.02545827627182007, 0.575568437576294, -0.022474542260169983, -0.0018337294459342957, -0.09531480818986893, -1.1276841163635254, -0.029494136571884155, -0.3560119569301605, -0.04928479343652725, 0.12896886467933655, 0.7289273142814636, 0.7984959483146667, 0.8905996680259705, -0.2396947592496872, -1.0882295370101929, -0.2583986818790436, -1.0511841773986816, 0.09358268976211548, 1.2848384380340576, 0.2607908546924591, 0.49596941471099854, 0.6846141815185547, 0.0029280632734298706, 1.0567424297332764, -0.592502772808075, -0.6196146011352539, -0.02727322280406952, 0.25633007287979126, 1.2773276567459106, 0.6906429529190063, 0.04529956728219986, 0.14458295702934265, -0.4902161657810211, -0.026395834982395172, -0.264751672744751, -0.1593494713306427, 0.46538352966308594, 1.218735933303833, -0.2735956609249115, -0.21559682488441467, -0.6407942771911621, 0.3264482319355011, -0.859406054019928, 0.12652771174907684, 0.37119001150131226, -0.7559518814086914, -0.8445600867271423, -0.8713005185127258, 0.010760148987174034, 0.6590316891670227, -0.3464911878108978, -0.2446594089269638, -0.09149883687496185, 0.6828715205192566, 0.2524757385253906, -0.3061088025569916, -0.7065846920013428, 0.21217826008796692, -0.18320949375629425, 0.1958364099264145, 0.1699572503566742, -0.46957942843437195, 0.03564829006791115, -0.3198869824409485, -1.0152004957199097, 0.31525135040283203, 0.2538650631904602, -0.9651567935943604, -1.0443074703216553, -0.07854358851909637, 0.06290797889232635, 0.0753355622291565, 0.7544558644294739, -0.28487250208854675, -1.8315410614013672, 1.318008542060852, 0.948552131652832, -0.6909261345863342, -0.31043779850006104, 0.3312119245529175, 0.5160835385322571, -0.20850569009780884, 1.3052088022232056]} +{"paper_id": "IlyaGusev/gazeta", "embedding": [-0.0673038586974144, 1.319038987159729, -0.8422383666038513, 0.40958091616630554, 0.680605947971344, -0.22345247864723206, 0.4962335228919983, 0.8337856531143188, 0.8256367444992065, 0.5561441779136658, 0.6294505000114441, 0.12016220390796661, 0.3885795772075653, 0.4206928610801697, -0.19490422308444977, -0.032256558537483215, -0.8995919823646545, -0.30139419436454773, -0.3527022898197174, -0.5338558554649353, -0.6823187470436096, -0.1640261709690094, -0.6248420476913452, -0.07096825540065765, -0.8257504105567932, 0.09564529359340668, 1.5032070875167847, -1.3876887559890747, -0.029355622828006744, 0.9935542941093445, -0.1648215651512146, 1.0110197067260742, -1.331462025642395, -0.2688281834125519, -1.1082494258880615, -0.866481602191925, 0.21532516181468964, 0.5590304732322693, -0.49855950474739075, -0.06737051904201508, -1.2064285278320312, 0.25797659158706665, 0.827075719833374, -0.1534479558467865, -0.2832314670085907, -0.17531388998031616, 0.6047441959381104, 0.029440976679325104, -0.4916797876358032, 0.04544447734951973, 0.13051217794418335, 0.3166559338569641, -0.5007473826408386, 0.949517011642456, -0.08333343267440796, 2.0921502113342285, -0.08054219186306, -1.0733637809753418, 0.19803683459758759, -0.9699969291687012, 1.658898949623108, 1.6861298084259033, -0.7049356698989868, -0.043050315231084824, 1.2840827703475952, -0.9682173728942871, 1.6859958171844482, -0.07900039106607437, 0.5015454888343811, 1.3897217512130737, -0.9101291298866272, -1.0257822275161743, 0.031007302924990654, -0.6869628429412842, -0.18248280882835388, 1.0701545476913452, 0.5350977182388306, -0.9882470369338989, 0.0762757882475853, -0.16723257303237915, -0.4234282076358795, 0.5641942620277405, 0.5824422836303711, -0.8625848889350891, -0.31694355607032776, -0.3925822079181671, 0.050014279782772064, 0.18621523678302765, 0.4317457973957062, -1.07444167137146, 0.08036889880895615, -0.17176060378551483, -0.5961588025093079, 0.010398000478744507, -0.36548319458961487, 0.6772160530090332, 0.46690791845321655, -0.23563773930072784, -0.6120028495788574, -0.036609090864658356, 0.7214686870574951, -0.9997128248214722, 0.19641560316085815, 0.3616611957550049, 0.5866037607192993, 1.2410396337509155, -0.3729252219200134, -0.26150670647621155, -0.3631294071674347, -0.8157965540885925, -0.06480897963047028, 1.0220662355422974, -0.005224002990871668, 0.35203614830970764, -0.28068456053733826, -0.21556183695793152, -0.038682229816913605, 0.06097041070461273, -1.1181511878967285, -0.24130763113498688, -0.5311140418052673, -1.8442543745040894, -0.5448188781738281, 0.32418376207351685, 0.44307762384414673, -0.11176355183124542, 0.45553484559059143, -0.8140878081321716, 0.1375061422586441, 0.2570967674255371, 0.7549283504486084, -0.3258279263973236, -0.8603270649909973, -0.13350245356559753, 2.054175615310669, -0.6039077043533325, 1.4789860248565674, 0.1956619769334793, -0.1500781774520874, -0.3020032048225403, 0.2291242480278015, 1.2178293466567993, -0.23113542795181274, -1.222398281097412, -0.02517770603299141, 0.19849684834480286, -0.9494455456733704, 0.9394986629486084, -0.4290819764137268, -0.8494504690170288, -0.16859100759029388, 0.08518421649932861, -0.8305764198303223, -0.8956401348114014, 0.16542521119117737, 0.5762024521827698, 0.44925808906555176, 0.2087610363960266, -0.23078441619873047, 1.3332223892211914, 1.2241172790527344, 0.3311502933502197, -0.4995249807834625, 0.0688241571187973, -1.0263904333114624, -0.32829469442367554, 0.603563666343689, -0.10907024145126343, -0.3935215473175049, -0.04513972997665405, 0.861614465713501, -0.8401058912277222, -0.17500483989715576, -0.8119483590126038, -0.2513672709465027, 0.06230859458446503, 0.5492915511131287, 0.2864168584346771, 0.11164769530296326, -0.6365512013435364, -0.38976821303367615, 0.11616058647632599, 0.2148175835609436, 0.2084522396326065, -0.14686338603496552, 0.33883947134017944, -1.6507573127746582, 0.013561874628067017, -0.9636956453323364, 1.2093960046768188, 0.013830050826072693, -0.5614460110664368, -0.37146249413490295, 0.44521310925483704, -0.3964661955833435, -0.7228763699531555, 0.21921922266483307, -0.19719547033309937, 0.23533165454864502, -0.11425355076789856, 0.5863339900970459, 0.03363100811839104, 0.2749408483505249, 0.5952343940734863, 1.4362541437149048, -0.8408428430557251, -0.7644513249397278, -1.7385313510894775, 1.0363764762878418, 1.3680652379989624, -0.3974229097366333, -0.43145066499710083, -2.006284475326538, -0.0739230066537857, 1.3597198724746704, -0.36851006746292114, 0.03904448449611664, -0.6800715923309326, -0.17024844884872437, -1.3992072343826294, 0.2797549068927765, -0.4445374011993408, 0.17031678557395935, 0.2587791085243225, 0.2196018099784851, -0.7606794834136963, -0.5639887452125549, -0.4453808069229126, -1.187845230102539, 0.3969399333000183, 1.294709324836731, -0.29950666427612305, -0.3667376935482025, 0.8545956015586853, 0.1040661633014679, 0.438262403011322, -0.12576231360435486, 0.5587181448936462, -0.014785677194595337, -0.5854045152664185, 0.12052364647388458, 0.8136950135231018, -0.26322126388549805, -0.5413540005683899, 0.1302836686372757, 0.3580646514892578, 0.20325946807861328, -0.16784143447875977, 0.2635306119918823, -0.7659716010093689, 0.944638729095459, 1.1543177366256714, -0.45981577038764954, 2.0365545749664307, -1.2450164556503296, -0.06140490621328354, -0.3281627893447876, -0.6938576102256775, 0.2141343504190445, 0.12547001242637634, 0.5143855214118958, 0.7604303359985352, 0.14925706386566162, -0.05324650928378105, -0.5800119638442993, -1.0305461883544922, -0.6182541251182556, -0.14903268218040466, -0.9433687329292297, -1.3351823091506958, -0.17758038640022278, -0.6277033090591431, -0.8956462740898132, -0.48637354373931885, -0.03719162568449974, 0.3209734261035919, -0.06452993303537369, 0.23048290610313416, 1.1492749452590942, 0.447736531496048, 0.7028828859329224, -0.3693426847457886, 1.2105599641799927, 0.06960627436637878, 1.1102322340011597, -1.076486587524414, -0.2318304032087326, -0.8965910077095032, -0.050913985818624496, -0.9440263509750366, 0.1075301393866539, 0.3843669593334198, -0.7522361874580383, 0.9194657802581787, 0.39008134603500366, -1.4917711019515991, 0.6730218529701233, -0.3237347900867462, 0.11232049018144608, -1.200024962425232, 1.443548560142517, 0.17604660987854004, -0.8991677761077881, 0.8444367051124573, 0.20266589522361755, -0.5052747130393982, 1.3810150623321533, -0.962141752243042, 1.7070128917694092, -0.22676579654216766, 0.3344360888004303, 0.11144725978374481, -0.3184020221233368, -1.7776713371276855, -0.5064306855201721, 1.9645928144454956, -1.3369837999343872, -0.5668430924415588, -0.23305371403694153, 0.6743292212486267, -0.3178953528404236, -0.5018543601036072, 0.18750104308128357, -1.3446978330612183, -0.14435727894306183, -0.4751145541667938, -0.10009923577308655, 1.5400766134262085, -0.6182223558425903, 0.8293521404266357, 0.050053033977746964, 1.0212332010269165, -1.3117108345031738, -0.6595452427864075, 1.103949785232544, -0.3982127606868744, 1.202702283859253, 0.210717111825943, 1.2409101724624634, 1.2075859308242798, -0.5823736190795898, -0.25648537278175354, 1.253685474395752, 0.3561188280582428, 0.667915940284729, 0.49377793073654175, -0.6187954545021057, 0.70064377784729, -0.3991215229034424, 1.242051362991333, 0.9696102738380432, -0.39199480414390564, -0.8367376327514648, -0.2095491886138916, -0.6131113767623901, -1.3584039211273193, 0.8444089293479919, 0.34793519973754883, 1.9635120630264282, 0.47597500681877136, 0.5355044603347778, -0.34920868277549744, 0.06407240033149719, 0.7867629528045654, 0.1884259432554245, 0.05028291419148445, -0.1650269478559494, 0.40790635347366333, 1.4525723457336426, -0.5981885194778442, -0.31928014755249023, -0.20903487503528595, 0.5080054998397827, -0.6005285382270813, -0.5401949286460876, 0.5930281281471252, 0.4084000587463379, 0.5750100016593933, 1.9800091981887817, -1.029022455215454, -0.3972168564796448, -0.2268083244562149, -0.15442952513694763, 0.32848942279815674, 0.4114740192890167, -1.4400120973587036, -0.04544457048177719, 0.05274849757552147, 1.2807295322418213, -0.7689277529716492, 0.5518964529037476, 0.6921188831329346, 0.18159455060958862, -0.8356364369392395, -0.42572155594825745, -1.0397089719772339, -0.3717960715293884, -0.24880948662757874, 0.07829834520816803, -0.9869201183319092, 0.9488980174064636, -0.5263344645500183, -1.229551911354065, 0.3800906836986542, -0.1360853612422943, -0.8088945150375366, 0.1461353749036789, 0.7905229330062866, -1.707566499710083, -0.4011213183403015, -0.042473457753658295, -0.7086048722267151, -0.3979097902774811, -0.22716523706912994, -0.7879308462142944, 0.9990971684455872, 0.18120737373828888, 0.6305192112922668, 0.549179196357727, 0.24273298680782318, -0.9498966336250305, 0.5755478143692017, 0.7442066073417664, -1.0837160348892212, 0.41866055130958557, 0.21838311851024628, 0.053351521492004395, 0.32192984223365784, -1.3278714418411255, 0.06230129674077034, 0.7093022465705872, 0.10341845452785492, 0.08138816803693771, -0.3590258061885834, -0.5019053220748901, 0.4080968201160431, 0.33955103158950806, 0.9677226543426514, -1.4285087585449219, 0.7353989481925964, -0.3027872145175934, 1.1341021060943604, -0.07757849991321564, -0.8194379210472107, -0.3630027174949646, 1.403275489807129, -0.45139485597610474, 0.5352728366851807, -0.03693108633160591, 0.09023332595825195, 0.8228098750114441, 0.9255790710449219, -0.17277897894382477, -0.4317187964916229, -10.580074310302734, -0.05955091118812561, 0.32585957646369934, -0.10826042294502258, 0.2812427878379822, 0.15720175206661224, 0.6396970748901367, 0.4202900230884552, 0.8949774503707886, -0.3908497989177704, 0.5945491194725037, 1.6481258869171143, -0.2037157118320465, -0.4812414050102234, -0.8807735443115234, -0.8275453448295593, -0.8654206395149231, -0.6932982802391052, 0.9890539646148682, -1.0128729343414307, 0.6248428821563721, -0.4893653392791748, 0.9079833626747131, -0.13786020874977112, 0.6461238861083984, -0.3683079183101654, 0.41426220536231995, -0.018540874123573303, -1.1906201839447021, 0.7998189926147461, 1.1239194869995117, -0.23566032946109772, -1.0170962810516357, -0.6904724836349487, 1.07196044921875, -0.3453122675418854, -0.9994171261787415, -0.03794814646244049, 0.7604932188987732, -0.7544571161270142, 0.050830770283937454, -0.15909360349178314, -0.43819066882133484, -0.6953446865081787, -0.004273603670299053, -0.27397391200065613, -0.4165959060192108, -0.8457769751548767, 0.7147994637489319, -0.21982306241989136, -0.9181246161460876, -0.36130043864250183, -0.9653816819190979, -0.8560763597488403, 0.7825204133987427, -0.10840494930744171, -0.8238218426704407, 0.4715556502342224, -0.2522042393684387, -1.042148470878601, 0.8054419159889221, -0.17961625754833221, -0.4575765132904053, -0.14730148017406464, 0.41904568672180176, -0.7096182703971863, 0.8180948495864868, 0.30136576294898987, 0.6338739395141602, 0.33869725465774536, -1.0016770362854004, 0.8378372192382812, 0.32784754037857056, -0.4805983304977417, 0.3720766305923462, -0.07220848649740219, -0.11082997173070908, -1.0432559251785278, 0.9079963564872742, 0.32012492418289185, -1.2019476890563965, 0.1279522180557251, -0.06439176201820374, -0.5509829521179199, -0.7660598158836365, -0.38471969962120056, 0.721764862537384, -1.076299786567688, 0.023607000708580017, -0.5909239053726196, 0.6551907062530518, -0.19930356740951538, 0.0012325607240200043, 0.3073809742927551, -0.05152647942304611, 1.1079926490783691, -1.632330298423767, 1.0534594058990479, 0.31533733010292053, -0.5547181963920593, -0.1146182045340538, 0.08912906795740128, -0.8079675436019897, 0.17874383926391602, 0.3379462659358978, -0.3794041872024536, -0.28260642290115356, 0.5704301595687866, -0.6636892557144165, -0.36442333459854126, 0.30610647797584534, 0.8696486949920654, -0.16487063467502594, 0.89658522605896, -0.34999561309814453, 1.8035858869552612, 0.9467286467552185, -0.17335593700408936, 0.1438797563314438, 1.932578444480896, -0.760821521282196, 0.37118902802467346, 0.33540254831314087, 1.0049000978469849, 0.2465321123600006, 0.8871496319770813, -0.32719290256500244, 0.3718385398387909, -0.02959674783051014, -1.4787442684173584, -0.23769623041152954, -0.4036427140235901, 0.3418290913105011, -0.2852190434932709, -0.5248475074768066, -0.11028574407100677, -0.911123514175415, 1.6077855825424194, -0.1595049798488617, 0.37444832921028137, -0.5136439800262451, -0.35905158519744873, 0.21147257089614868, -0.32609987258911133, -0.3690774142742157, 0.1865423619747162, -2.312999963760376, 0.33331936597824097, -0.6174058318138123, -0.4703063368797302, 0.34084552526474, -0.42054808139801025, 0.3900243639945984, -0.4735413193702698, -0.5781618356704712, -0.1354239583015442, 0.7175570130348206, 0.07407962530851364, -1.1448884010314941, -0.4384070634841919, 0.2712598443031311, 0.44677597284317017, -0.8621395230293274, 0.8486043214797974, 0.07663406431674957, -0.000603947788476944, -0.6356868147850037, -0.30290260910987854, -0.5814124941825867, 0.5398881435394287, 0.9755836725234985, -1.3731611967086792, 0.5006796717643738, -0.03406753018498421, -0.13542401790618896, -0.7016514539718628, 0.27973446249961853, 1.4901649951934814, -1.284374713897705, -0.015112340450286865, -0.20710204541683197, 0.2418137490749359, 0.35525742173194885, 0.4221140742301941, -0.28897029161453247, 0.6246204972267151, -0.442136287689209, 0.996457040309906, -0.2272716909646988, 0.2167821079492569, -1.7112841606140137, -1.186568260192871, -0.801781415939331, -1.1532657146453857, 0.9151380062103271, -0.22368067502975464, 1.0402898788452148, 0.849768340587616, -0.23850885033607483, -0.20151394605636597, -0.042733628302812576, 1.185964584350586, 0.6852836608886719, 0.9031360149383545, 0.04940313473343849, -0.31656724214553833, -0.1537076234817505, 0.21857616305351257, 0.07794781029224396, 0.6774911880493164, -0.9065040946006775, 0.7622953653335571, 0.7234609723091125, 0.020074548199772835, -0.5085262656211853, -1.3461636304855347, 0.21228566765785217, -0.11999727785587311, 0.18246601521968842, -0.784168541431427, 0.08941791951656342, 0.9017311930656433, -0.9620055556297302, 1.2400473356246948, 0.281922847032547, -0.05833978205919266, 0.8484188318252563, 0.7477394342422485, 1.473131537437439, 0.508017897605896, -0.703148603439331, 0.14060397446155548, -0.38831961154937744, 0.16672050952911377, 0.5817100405693054, 0.4552278518676758, -0.8747864365577698, 0.5561679005622864, -0.9279330372810364, -0.06695582717657089, 0.5759175419807434, 0.1488407999277115, 0.4541323781013489, 0.9875378608703613, 0.5993074178695679, -1.0810242891311646, -0.4510303735733032, -0.8636000156402588, -0.33219313621520996, 0.47579553723335266, 0.3439082205295563, 0.17167489230632782, 0.7726002931594849, -0.8581811189651489, 1.527406096458435, -0.8965613842010498, -0.2799103260040283, 0.11389356851577759, 0.06454183161258698, 0.6405314803123474, 0.32110875844955444, 0.9222095012664795, -0.23891331255435944, -0.23598581552505493, -0.573543131351471, -0.8545868396759033, -0.7236858606338501, 0.7773044109344482, 1.211165428161621, -0.324209064245224, -0.25553637742996216, -0.5570250153541565, 0.07480466365814209, -0.007819666527211666, 0.4863021969795227, 0.41756105422973633, -0.43661022186279297, -0.8274281620979309, -0.659191906452179, -0.362334281206131, 0.9211007952690125, -0.12671931087970734, -0.6442552804946899, 0.028059840202331543, 0.18549470603466034, 0.04445873573422432, -0.1507110297679901, 0.013518676161766052, 0.576744019985199, 0.011918960139155388, -0.07818029820919037, 1.3369083404541016, -0.48929262161254883, -0.8154933452606201, -0.06452184915542603, -0.3170526623725891, 0.6035675406455994, 0.6849532723426819, -0.8549487590789795, 0.36341941356658936, 0.4359559714794159, 0.9235965013504028, -0.0874745100736618, 0.6855258941650391, -0.21765053272247314, -1.1566102504730225, 1.6874128580093384, 0.7793734669685364, 0.08020230382680893, 0.12310070544481277, 0.6198179125785828, 0.5774341821670532, 0.44547590613365173, 1.640057921409607]} +{"paper_id": "facebook/multilingual_librispeech", "embedding": [-0.6560062170028687, 1.0372155904769897, 0.37333181500434875, -0.46231433749198914, 0.5064584016799927, 0.32972991466522217, 0.21178779006004333, 0.5820506811141968, 1.0054004192352295, 0.41889920830726624, 0.4193071126937866, -0.38193365931510925, 0.12386536598205566, 0.17453540861606598, 0.023085569962859154, -0.4156500995159149, -1.5526443719863892, -0.7109156847000122, -1.3665355443954468, -0.5653764605522156, -0.916465163230896, 0.22584359347820282, 0.02974860742688179, 0.03863484412431717, -0.32315194606781006, -0.4261104166507721, 0.4332703649997711, -0.5248562693595886, 0.2506011128425598, 0.17798089981079102, 0.11488021165132523, 1.1214193105697632, -1.073131799697876, 0.4849935472011566, -0.7032657861709595, -0.2327958047389984, -0.32745152711868286, -0.05668358504772186, -0.2601318955421448, -0.06807230412960052, -1.0516021251678467, -0.41272515058517456, 0.5682897567749023, 0.03264167532324791, 0.649399995803833, -0.017005398869514465, -0.457751989364624, 0.8450168967247009, -0.35365647077560425, 0.1742541640996933, -0.24544811248779297, 0.17365901172161102, 0.6841893792152405, 0.08303630352020264, -0.688676118850708, 0.7494263648986816, -0.20789393782615662, -0.2936052680015564, 0.33616137504577637, -1.8574689626693726, 0.4992656111717224, 0.7734856605529785, -0.5027410984039307, 0.039921943098306656, 1.1385668516159058, 0.02425988018512726, 1.114832878112793, 0.3409751057624817, 1.103503704071045, 0.3930782079696655, 0.012322500348091125, -1.385513186454773, 0.5508579611778259, 0.6038890480995178, 0.64604651927948, 0.6894525289535522, 0.164411723613739, 0.10082755982875824, 0.14090445637702942, -0.1674290895462036, -0.672335684299469, 0.6465587615966797, 0.9156985282897949, -0.9472833275794983, 0.06008563190698624, 0.39330556988716125, 0.40734508633613586, -0.3500572741031647, 0.5251593589782715, -1.5478671789169312, -0.23208530247211456, -0.1387879103422165, 0.346851110458374, 0.09188126027584076, -0.6296315789222717, 0.17794197797775269, 0.39713549613952637, 0.16567596793174744, -0.5839585065841675, 0.26468193531036377, 0.6136103868484497, -0.5300048589706421, 0.38350990414619446, 0.06328565627336502, 0.23865090310573578, 0.6837924718856812, -0.4642488956451416, -0.7279154062271118, -0.5476518869400024, -0.33512386679649353, -0.14989526569843292, 0.690227746963501, 0.3993755578994751, 0.7409486770629883, 0.40440982580184937, -0.5312190055847168, 0.3112275004386902, -0.325838178396225, -1.0874098539352417, -0.7992346286773682, -0.8018139004707336, -0.8426094651222229, 0.1971457302570343, -0.3358725309371948, 1.0169174671173096, -0.8367070555686951, 0.6017628908157349, 0.17642676830291748, 0.453512042760849, -0.5760254859924316, 0.33237171173095703, 0.27773499488830566, -0.13210514187812805, 0.2938341796398163, 2.477450132369995, -0.7292341589927673, 1.1662952899932861, -0.9655662775039673, 0.5595146417617798, -0.40031665563583374, 0.7442010641098022, 1.5287193059921265, -0.34428098797798157, -0.576688289642334, -0.6941570043563843, -0.4380725026130676, -1.0725417137145996, 0.6204189658164978, -0.3163229525089264, -0.31209954619407654, -0.12524759769439697, 0.31174567341804504, -0.7286018133163452, -0.7283512949943542, -0.20889589190483093, -0.08372244238853455, -0.14413262903690338, 0.8470153212547302, -0.6908922791481018, 0.2765151560306549, 1.0010228157043457, 0.2629811763763428, 0.07746610045433044, 0.335837721824646, -0.9817108511924744, -0.019680481404066086, 0.5227720141410828, -0.24275600910186768, -0.1925797164440155, -1.03615403175354, 0.749047577381134, -0.061368025839328766, 0.23937755823135376, 0.5462589263916016, -0.2938796281814575, 0.5320156812667847, 0.5046475529670715, 0.3750402331352234, -0.4062654376029968, -0.9681029319763184, 0.12928557395935059, -0.5186887383460999, -0.392600417137146, 0.37274429202079773, 0.20994947850704193, -0.10729008167982101, -1.487565040588379, 0.20112080872058868, 0.06735734641551971, 0.0971989631652832, -0.5771350860595703, -0.6170057654380798, 0.31257376074790955, -0.48285505175590515, 0.48685282468795776, 0.13024958968162537, 0.5019865036010742, -0.6623713374137878, -0.14779101312160492, 0.5266507863998413, -0.23398694396018982, -0.4733623266220093, -0.11753735691308975, 0.645851194858551, 0.9428156614303589, 0.5522809028625488, -0.1262422353029251, -0.6558861136436462, 0.20071706175804138, 1.9312019348144531, 0.35314685106277466, -1.3021513223648071, -0.2508752644062042, -0.6100954413414001, 0.23934295773506165, -0.8251206874847412, 0.22904521226882935, -1.071069598197937, -0.452880322933197, -1.314889669418335, -0.04214105010032654, -0.6268933415412903, -0.31705737113952637, 0.7705556750297546, 1.2590622901916504, -0.6141536235809326, -0.35605964064598083, -0.142512246966362, -0.2932794690132141, 0.18872512876987457, 1.1110984086990356, 0.06432690471410751, -0.3774614930152893, 0.5005632638931274, -0.08072498440742493, 0.06696897000074387, 0.7661903500556946, 0.5649541616439819, 0.08810043334960938, -0.6556909680366516, -0.14612999558448792, 0.5927672386169434, -0.4636930227279663, -0.08710803836584091, 0.8847458958625793, 0.9661221504211426, 0.18505874276161194, -0.5416044592857361, 0.12816321849822998, 0.3283023238182068, 1.3472119569778442, 1.9390445947647095, -0.45815309882164, 1.1539814472198486, -1.0085455179214478, 1.1403489112854004, -0.16250495612621307, -0.4907611012458801, -0.22533029317855835, -0.5789067149162292, 0.5685608983039856, -0.6596406102180481, 0.09142021834850311, -0.09485076367855072, -0.3591846823692322, -1.3228774070739746, -0.6046368479728699, 0.02522258460521698, -0.5795744061470032, -1.1117862462997437, -0.7847097516059875, -0.08448129892349243, -0.17271937429904938, -0.3265293538570404, -0.3405519127845764, 0.8393374681472778, 0.2670774459838867, 0.853477954864502, 1.5218294858932495, 0.32082852721214294, 0.30082741379737854, 0.053302064538002014, 0.14150981605052948, -0.30338171124458313, 0.4679238200187683, -0.1865525245666504, 0.21888795495033264, -0.5361714959144592, -0.6001180410385132, -0.33080846071243286, 0.2242581844329834, 0.36751848459243774, -0.0876200869679451, 0.09054768830537796, -0.49963587522506714, -0.864145040512085, 0.4811215400695801, -0.9644777178764343, 0.5691725015640259, -0.6987142562866211, 1.5397460460662842, 0.4571840167045593, -0.5046511888504028, 0.04421431943774223, -0.9837775230407715, 0.3951100707054138, 0.80667644739151, -0.9762197732925415, 0.818893313407898, 0.43706655502319336, -0.6963940262794495, -0.14716222882270813, 0.4047272801399231, -2.1655147075653076, 0.050717633217573166, 1.032035231590271, 0.5107050538063049, -0.5371735095977783, -0.6528947353363037, 0.26035618782043457, -0.42146846652030945, -0.3902132511138916, -0.16620180010795593, -0.971808910369873, 0.469235360622406, 0.12212654203176498, 0.525234580039978, 0.9349245429039001, -0.8078543543815613, 0.2715936601161957, 0.9841101765632629, 1.0272718667984009, -0.6301449537277222, -0.10923261195421219, 0.5219817161560059, -1.1233398914337158, 0.7854053974151611, 0.4995577037334442, 0.7659817337989807, 1.8585275411605835, -0.4068809151649475, -0.7027854323387146, 0.4513246417045593, 0.8543413877487183, -0.18235623836517334, 0.5466063022613525, 0.07703977078199387, 0.7142430543899536, 0.056433312594890594, 0.6185556650161743, 0.4176531732082367, -1.0169597864151, -0.5717974305152893, 0.10003136098384857, -0.37439751625061035, -0.7003663182258606, 1.4833241701126099, 1.2688089609146118, 1.0044196844100952, 0.16152288019657135, 0.5429641604423523, -0.5060670971870422, 0.5295987725257874, 1.3427581787109375, 0.4735085666179657, -0.03229592740535736, -0.057613298296928406, 0.28276947140693665, 0.554494321346283, -0.18056823313236237, -0.5807909369468689, 0.20131151378154755, 0.7807088494300842, -0.1655852049589157, -0.7276626229286194, -0.42137300968170166, 0.7312821745872498, 0.41366541385650635, 1.563637137413025, -0.06121113896369934, -0.7582310438156128, 0.49131307005882263, 1.1868315935134888, -0.16765865683555603, 0.2641226053237915, -0.9367685317993164, 0.41410619020462036, 0.5954813957214355, 1.5506502389907837, -0.6987358331680298, 0.5871772766113281, 0.06943696737289429, -1.2994390726089478, -0.33037468791007996, -0.4141075015068054, -1.0552176237106323, -0.8045845031738281, -0.23828625679016113, -0.8921496868133545, -0.9269307255744934, 0.7011978030204773, -0.8026213049888611, -0.8355225324630737, 0.7124651670455933, 0.021781332790851593, -0.8447754383087158, 0.9860289692878723, 1.190804123878479, -1.4808858633041382, 0.053319014608860016, -0.34220677614212036, -0.9423305988311768, -0.9220797419548035, 0.5921071171760559, -0.49447396397590637, -0.08627821505069733, -0.8519272208213806, 1.357515573501587, -0.1453229784965515, -0.23702140152454376, -0.8926504254341125, 0.29018890857696533, 1.0723073482513428, -0.4138961434364319, 0.1937621533870697, -0.2708304524421692, 0.8286925554275513, -0.4260922372341156, -1.1633284091949463, -0.18334455788135529, 0.22750729322433472, 0.7503782510757446, -0.22458845376968384, -0.5770450830459595, -0.20105493068695068, -0.36011719703674316, 0.08709612488746643, 0.004860326647758484, -1.03229820728302, 0.34240061044692993, 0.53224778175354, 0.8215855956077576, 1.1206164360046387, -0.527067244052887, -0.6436163187026978, 0.267838716506958, -0.6408311724662781, 0.31835445761680603, -0.034509073942899704, 0.21187058091163635, 0.07612714171409607, 0.4828594923019409, 0.9963437914848328, 0.2879302203655243, -12.19234848022461, 0.3681618571281433, -0.8275824785232544, 0.1944543570280075, 0.2896359860897064, 0.05893723666667938, 0.6225765347480774, 0.7285475134849548, 0.5515029430389404, -0.8129709959030151, 0.3781699538230896, 0.6176136136054993, -0.20382577180862427, -0.6555487513542175, 0.05797433480620384, -0.15017078816890717, -1.3398762941360474, -0.260442852973938, 0.8203636407852173, 0.5128315687179565, -0.41766372323036194, -1.1266707181930542, -0.5261293053627014, 0.43564388155937195, -0.3074561655521393, -0.22845587134361267, 0.0025371871888637543, -0.5811929702758789, -0.6628113389015198, 0.2671770453453064, 0.5174680352210999, -0.2764665186405182, -0.7881219387054443, -0.23547573387622833, 1.0047321319580078, -0.12108176946640015, -1.3993337154388428, -0.4306224286556244, 0.5402927994728088, 0.4521394670009613, -0.0028042420744895935, 0.5697912573814392, -0.18387648463249207, -0.6087448000907898, -0.19131945073604584, 0.2447301596403122, 0.1808990240097046, -0.3256204426288605, 0.09356728196144104, -1.2539180517196655, -0.8635385632514954, -0.7397605776786804, -0.8769139647483826, -0.6568645238876343, 1.2229264974594116, -0.04640372097492218, -0.2338840365409851, 0.4123600423336029, -0.14964082837104797, -0.5546941757202148, 1.172440528869629, 0.47082674503326416, -0.6911459565162659, 0.8861013650894165, 0.9532989859580994, -0.9531087279319763, 0.8227226734161377, 0.11092312633991241, 0.09072000533342361, 0.28993842005729675, -0.9307090044021606, 0.5652967691421509, 0.3465419411659241, 0.14955884218215942, -0.20010414719581604, -0.484077513217926, -0.17411582171916962, -0.8469140529632568, 0.12051738798618317, 0.6879974007606506, -0.07977840304374695, 0.24330583214759827, -0.05099019035696983, -0.23533707857131958, -0.8092763423919678, 0.06035497412085533, -0.11555933207273483, -0.09885354340076447, 1.2807765007019043, 0.7527550458908081, 0.9511916041374207, 0.23311364650726318, -0.29861658811569214, 0.5931127071380615, -0.47993233799934387, 0.8232764601707458, -0.6783515810966492, 1.1056301593780518, -0.37161821126937866, -0.275014728307724, 0.7849181890487671, 0.13117468357086182, -0.3508812487125397, 0.28340160846710205, 0.6938579082489014, -0.4860050678253174, 0.0495472252368927, 0.6346908807754517, 0.7053878903388977, 0.14850246906280518, 1.0270136594772339, -0.508814811706543, 0.009221775457262993, 0.2571975886821747, 0.9154449701309204, 0.9933406114578247, 0.7283393144607544, 0.4892933964729309, 0.7915662527084351, 0.4647562503814697, -0.5784446001052856, 0.7863017916679382, 0.12185925990343094, 1.3910534381866455, 0.41341525316238403, -0.06260868161916733, 0.19861842691898346, 0.18160977959632874, -0.4416188895702362, -0.49864041805267334, 0.07612943649291992, -0.18215885758399963, 0.43929290771484375, -0.7973883748054504, 0.4328536093235016, -0.7395021915435791, -1.4283299446105957, 1.0972846746444702, -0.37145543098449707, 0.3279779553413391, 0.1259923279285431, -1.4221220016479492, -0.1029631644487381, -0.5739721059799194, 0.0854753851890564, 0.5006586909294128, -1.667435646057129, -0.45003995299339294, -0.2828548550605774, -0.08013823628425598, 0.635901689529419, 0.38746076822280884, 0.977476954460144, -1.2534871101379395, 0.03657829016447067, 0.7892842292785645, 0.3712949752807617, -0.42578765749931335, -0.5498542785644531, -0.6405656337738037, 0.704016387462616, 0.9263876676559448, -0.7854635119438171, 0.8179157972335815, 0.2971230745315552, 0.49168112874031067, -0.4412979483604431, -0.31438106298446655, -0.24979811906814575, 0.9037774801254272, 1.1485038995742798, -1.515612244606018, -0.2465391308069229, -0.732984721660614, -0.012330066412687302, 0.21381494402885437, -0.36919206380844116, 0.995856761932373, -1.03367280960083, 0.8527284860610962, -0.3228452503681183, 0.34640517830848694, 0.13714495301246643, -1.1398437023162842, -0.605158269405365, 0.8290639519691467, -0.009636575356125832, 0.6595737338066101, 0.2455368936061859, 0.13594095408916473, -1.5420225858688354, -0.9114969372749329, -0.17334559559822083, -0.15147030353546143, 0.14583197236061096, -0.40445736050605774, 0.8346185684204102, -0.40634217858314514, 0.31426510214805603, 0.2826339304447174, 0.03295683115720749, 0.4801122844219208, -0.26569074392318726, -0.16744844615459442, -0.26044467091560364, -0.45440366864204407, -0.40528714656829834, 0.20137926936149597, 0.191901296377182, -0.5623220801353455, -1.1288189888000488, -0.13385993242263794, -0.18134266138076782, -0.09517060220241547, -0.19135767221450806, -0.3527968227863312, -0.1383172869682312, 0.3182753622531891, -0.1532622128725052, -1.1272244453430176, -0.36286208033561707, 1.1756490468978882, 0.0046560391783714294, 1.22032630443573, 0.24436791241168976, 0.01842372864484787, -0.15829971432685852, 0.734207034111023, 0.814507007598877, -0.5741099119186401, -0.6253514885902405, -0.5739660263061523, 0.5510077476501465, -0.2866267263889313, 0.299448698759079, 0.8853010535240173, -1.4264094829559326, -0.22198456525802612, -1.5965698957443237, 0.31613364815711975, -0.2822684645652771, -0.26171818375587463, 0.3385068476200104, 0.6276811361312866, -0.6486204266548157, -1.3919072151184082, 0.13022886216640472, -0.2165149450302124, -0.10212527215480804, -0.19605442881584167, -0.03881052881479263, 0.8132073283195496, 0.6417263150215149, 0.18335318565368652, 1.389735460281372, 0.18029631674289703, 0.2638651728630066, 0.39666467905044556, 0.44034814834594727, 1.6318188905715942, 0.6358540058135986, 0.033528320491313934, 0.25392603874206543, -0.43691709637641907, -0.3701362907886505, 0.24686279892921448, 0.08542720228433609, 0.7447367906570435, 1.5267184972763062, -0.2266055941581726, -0.3330985903739929, -0.7123188972473145, -0.28265875577926636, 0.0794697105884552, 0.40985971689224243, 0.40773624181747437, -0.6734415292739868, -0.5856190919876099, -0.7714859247207642, 0.27243077754974365, 0.8697245121002197, 0.035794034600257874, -0.3192140460014343, -1.21025812625885, -0.3119152784347534, 0.40313392877578735, -0.9018683433532715, -1.328728437423706, 0.7941581606864929, -0.7118152379989624, 0.4012322425842285, 0.38512593507766724, -0.1178741455078125, -0.7060611248016357, 0.4313039481639862, -0.7680103778839111, 0.7149035334587097, -0.6314013600349426, -1.227536678314209, -0.2594369649887085, 0.28208625316619873, 0.2390034794807434, -0.6953165531158447, 0.6326466798782349, -0.330550879240036, -1.3204658031463623, 1.1352952718734741, 0.7934962511062622, -0.39350253343582153, -0.3250974416732788, 0.5308783054351807, 0.1415308564901352, -0.23927274346351624, 1.2487444877624512]} +{"paper_id": "GEM/indonlg", "embedding": [-0.5191917419433594, 0.700204074382782, -0.10240986943244934, -0.21880339086055756, 0.5951622128486633, -0.11721351742744446, 0.47270914912223816, 0.38674622774124146, 0.812181293964386, 0.7032255530357361, 0.4902690351009369, -0.259155809879303, -0.006831871345639229, -0.12558043003082275, 0.3345780670642853, -0.9245982766151428, -1.6487194299697876, -0.7043195366859436, -1.5870461463928223, -0.738455593585968, -0.8850565552711487, -0.2305385023355484, 0.12802192568778992, 0.9689085483551025, -0.24735015630722046, -0.5167388319969177, 1.0467262268066406, -1.0681856870651245, 0.2738848924636841, 0.06421081721782684, -0.5271981358528137, 1.1688179969787598, -0.9748497605323792, 0.32470887899398804, -0.43466371297836304, -0.26550570130348206, 0.19387143850326538, 1.272979974746704, -0.6693986058235168, 0.49262359738349915, -0.843016505241394, -0.13376253843307495, 0.7324770092964172, 0.07646764069795609, 0.5401980876922607, -0.07118283212184906, -0.43882080912590027, 0.12628482282161713, -0.4757336378097534, 0.07431727647781372, -0.09320839494466782, 0.23098379373550415, -0.23483631014823914, 0.3470524549484253, -0.039361387491226196, 1.3966518640518188, 0.6577188968658447, -1.1961627006530762, 0.6812214851379395, -0.5992271900177002, 0.7552239298820496, 1.7337286472320557, -1.0731008052825928, 0.7237151861190796, 0.925805926322937, -0.18380707502365112, 1.2589179277420044, 0.43118757009506226, 0.28194311261177063, 0.5940395593643188, 0.17611871659755707, -0.7211666107177734, 0.5926153063774109, 0.07965481281280518, 0.5146613121032715, 0.9615209102630615, 0.19613736867904663, 0.5301553010940552, -0.19596904516220093, -0.16533008217811584, -0.27357029914855957, 0.6544684171676636, 0.46164727210998535, -0.868267834186554, 0.2795785367488861, 1.1108999252319336, 0.6245923042297363, -0.704322099685669, 0.17197676002979279, -2.036259174346924, -0.13190053403377533, 0.5290218591690063, 0.12126587331295013, -0.31429731845855713, -0.1086805909872055, 0.4490987956523895, -0.23024435341358185, -0.06185808777809143, -0.06976675242185593, 0.18452155590057373, 0.45556333661079407, -0.41222813725471497, 0.6612380743026733, 0.2503263056278229, 0.7468588352203369, 1.01457941532135, -0.14776785671710968, -0.523698091506958, -0.8058182597160339, -0.6829977035522461, 0.053281236439943314, 0.8514335751533508, 0.20897725224494934, 0.6990963220596313, 0.25536713004112244, 0.05941857397556305, 0.049252115190029144, -0.84027099609375, -0.4310265779495239, 0.2424199879169464, -0.40212538838386536, -1.4827011823654175, -0.17309904098510742, -0.14297786355018616, 1.0140315294265747, -1.017035961151123, 0.19083525240421295, -0.031421124935150146, 0.3153986632823944, -0.2507378160953522, 0.7060856819152832, -0.07748495042324066, -0.3517703115940094, 0.4424085319042206, 2.93587064743042, -0.6388245224952698, 1.253442645072937, -0.5167006850242615, -0.17510011792182922, -0.28912073373794556, 0.0861932709813118, 1.1440154314041138, -0.08317413926124573, -0.9728694558143616, -0.6123058199882507, 0.3444410264492035, -1.1274850368499756, 0.3742159903049469, -0.9426223635673523, -0.3580052852630615, -0.06994487345218658, 0.2624843716621399, -1.2357337474822998, -0.5848990082740784, 0.27420178055763245, 0.6672394871711731, 0.10644908249378204, 0.7053249478340149, -0.37570351362228394, 1.0526403188705444, 0.9709817171096802, -0.05308897793292999, -0.5065343379974365, 0.6642289757728577, -1.059973955154419, 0.06542066484689713, 1.178330898284912, -0.4368242621421814, -0.46013879776000977, -0.6180746555328369, 1.053478479385376, -0.3809159994125366, -0.0766129195690155, -0.13710573315620422, -0.02852003090083599, 0.8793655037879944, 0.397275447845459, 0.6635817289352417, -0.2098894715309143, -0.3324076235294342, -0.31765493750572205, -0.46561166644096375, -0.5593135356903076, 0.49623560905456543, -0.197633758187294, 0.8944729566574097, -2.4833076000213623, 0.06361851841211319, 0.002546146512031555, 0.25982457399368286, -0.3565714955329895, -0.5511008501052856, 0.06202498450875282, -0.16489659249782562, 0.6649022698402405, -0.3703673481941223, 1.0858242511749268, -1.060477375984192, -0.39705967903137207, 0.29627346992492676, -0.290922075510025, 0.07707119733095169, -0.01185494102537632, 1.1164343357086182, 0.43737170100212097, -0.6728466153144836, -0.6261825561523438, -1.646747350692749, -0.3557072579860687, 2.7158918380737305, 0.22531923651695251, -0.8921314477920532, -0.989656925201416, -0.5352393984794617, 0.2919253706932068, -0.6089832186698914, -0.15791121125221252, -0.6148971319198608, -0.36700910329818726, -1.3663784265518188, 0.06365849077701569, -0.6192528009414673, 0.5482712388038635, 0.41679438948631287, 0.8355951905250549, -0.5388215780258179, -0.3791310489177704, -0.5715336203575134, -0.834861695766449, 0.2703751027584076, 0.8702631592750549, 0.3546748161315918, -0.6933211088180542, 0.8327165246009827, -0.34521836042404175, 0.7659135460853577, 0.37623849511146545, 0.32001784443855286, -0.34856078028678894, 0.09290917962789536, 0.5554196238517761, 1.1359039545059204, -0.2587333917617798, -0.04874975606799126, 0.34798097610473633, 0.668327271938324, -0.380600243806839, -0.435994029045105, 0.17404666543006897, -0.11092228442430496, 1.4639735221862793, 1.090478539466858, -0.6840417385101318, 1.3538538217544556, -1.2418233156204224, 0.21445909142494202, -0.2904270887374878, -0.6036852598190308, -0.27941465377807617, 0.0613790825009346, 0.7499285340309143, -0.22994686663150787, 0.2651597857475281, -0.7032894492149353, -0.377456396818161, -1.6727317571640015, -0.42834270000457764, -0.3924578130245209, -0.5579118132591248, -1.3937249183654785, -0.10261078923940659, -0.008403845131397247, -0.9189876317977905, -0.5468822717666626, -0.31104496121406555, 0.7150868773460388, 0.661266565322876, 0.9130899906158447, 1.8755558729171753, -0.06887426972389221, 0.3859011232852936, 0.4809717535972595, 0.8527938723564148, -1.0599366426467896, 1.1158701181411743, 0.05878038331866264, -0.08366420120000839, -0.8466597199440002, 0.43998292088508606, -0.6172912120819092, 0.23234707117080688, 0.4005405604839325, -0.6796146631240845, -0.005228392779827118, -0.481273889541626, -0.9252298474311829, 0.719714343547821, -1.0946837663650513, 0.6232849955558777, -0.6723284721374512, 1.8305679559707642, 0.37579378485679626, -0.1280210018157959, 0.8907517194747925, -0.6977143883705139, -0.045884132385253906, 1.021336555480957, -0.6465719938278198, 0.5177249312400818, 0.32981425523757935, -0.3606397211551666, 0.33828967809677124, 0.4293392300605774, -2.234830141067505, 0.13573502004146576, 1.312891960144043, -0.24105781316757202, -0.30902788043022156, -1.0088471174240112, 0.10258832573890686, -0.658503532409668, -0.4828427731990814, 0.16580799221992493, -0.6748156547546387, 0.4457505941390991, -0.448581337928772, -0.13668158650398254, 1.019365906715393, -0.29345911741256714, 0.6709494590759277, 1.2463239431381226, 0.2669948637485504, -0.7796655893325806, -0.20496264100074768, 0.6619784832000732, -1.1328929662704468, 0.20942386984825134, 0.21821513772010803, 0.8184525966644287, 1.776452660560608, -0.46955549716949463, -0.29388755559921265, 1.239969253540039, 0.7261838912963867, 0.4524799585342407, 0.3353455364704132, -0.3223989009857178, -0.007592970505356789, -0.02402220293879509, 1.0105774402618408, 0.10828946530818939, -1.0094985961914062, -0.870820164680481, -0.4127010405063629, -0.13784125447273254, -0.5490630269050598, 1.4394984245300293, 0.8341801762580872, 1.0138356685638428, -0.1536274403333664, 0.4755561053752899, -0.6262515187263489, -0.22692236304283142, 1.1210415363311768, 0.20070408284664154, -0.2455282062292099, -0.3558783531188965, -0.43355444073677063, 1.0196224451065063, -0.34784945845603943, -0.5210713744163513, -0.0917401984333992, 0.4047144949436188, -0.1616724282503128, -1.2696174383163452, 0.16799892485141754, 0.8533948063850403, 0.36110374331474304, 1.578749418258667, -0.8930633068084717, -0.5386864542961121, 0.5532748103141785, 0.4727981984615326, 0.043471578508615494, 0.4271855354309082, -0.5249159932136536, 0.17405742406845093, 0.4110523462295532, 0.8017318844795227, -0.03293568268418312, 0.8437048196792603, 0.7226550579071045, -1.1796698570251465, -0.854422390460968, -0.8312604427337646, -1.3669204711914062, -0.23462651669979095, -0.0301357489079237, -0.27589187026023865, -0.7977964878082275, 0.542350709438324, -0.5432071089744568, -0.7612523436546326, 0.7232284545898438, -0.18280771374702454, -1.2245886325836182, 0.948184609413147, 1.0971330404281616, -1.352725625038147, -0.6369050741195679, -0.3324843645095825, -0.8254786133766174, -0.9922326803207397, 0.2667860984802246, -0.49701565504074097, -0.14191487431526184, -0.2751975357532501, 0.7718167901039124, 0.0534747913479805, -0.25395363569259644, -1.0735446214675903, 0.4932636022567749, 1.3073174953460693, -0.6652776002883911, 0.4458666443824768, 0.054015614092350006, 0.7765988707542419, -0.07908010482788086, -1.0014617443084717, -0.7949724197387695, 0.9780781269073486, 0.6444188356399536, 0.39312851428985596, -0.619168221950531, -0.9409647583961487, 0.27475419640541077, -0.028049588203430176, 0.6073209047317505, -1.1735072135925293, 0.31339675188064575, -0.21684661507606506, 0.4235561788082123, 1.0148968696594238, -0.7466550469398499, -0.49894535541534424, 1.0017473697662354, -0.2494295835494995, 0.3597729504108429, -0.039507679641246796, 0.6435835957527161, 0.47459572553634644, 0.015878424048423767, 0.43709415197372437, -0.5310767889022827, -11.331354141235352, 0.030903421342372894, -0.3323047161102295, -0.39846110343933105, 0.6315892338752747, -0.34600943326950073, 0.6239714026451111, 0.1023099273443222, 0.5780017375946045, -0.8647799491882324, 0.9179099202156067, 0.995795488357544, 0.42363986372947693, -0.08307365328073502, -0.5889705419540405, -1.3156136274337769, -1.0290242433547974, -0.33757054805755615, 0.4963747262954712, -0.13129031658172607, -0.6337242722511292, -1.0009175539016724, 0.8840999603271484, 0.37528467178344727, 0.12340836971998215, 0.6342266798019409, 0.14721858501434326, 0.13311995565891266, -0.40629905462265015, -0.1377841681241989, 0.6272833943367004, 0.19533811509609222, -0.9900586009025574, -0.6008853316307068, 0.5618889331817627, 0.2037428766489029, -1.0959038734436035, -0.03125648945569992, 1.4442002773284912, 0.017849460244178772, -0.5529441237449646, 0.14150509238243103, 0.3908592760562897, 0.0845133438706398, -0.4136769473552704, 0.14996255934238434, 0.3106668293476105, -0.7248255610466003, 0.5693957805633545, -0.780918538570404, -0.7598884701728821, -0.7722813487052917, -1.0122551918029785, -0.8759132027626038, 0.22648097574710846, -0.11100511997938156, -0.5698398947715759, 0.02724204584956169, -0.24728429317474365, -1.311837077140808, 0.8677409291267395, 0.6491531729698181, -0.8003422617912292, -0.0694379210472107, 0.03968213126063347, -0.9765990376472473, 0.3267146050930023, 0.6776593327522278, -0.517389714717865, 0.5763240456581116, -0.9220842123031616, 0.3751942813396454, 0.028785381466150284, 0.26590800285339355, -0.16084837913513184, -0.22547310590744019, -0.26978710293769836, -0.39358583092689514, 0.06765812635421753, -0.31123390793800354, -0.7835858464241028, 0.3658526837825775, 0.17796745896339417, -0.21908986568450928, -0.7479657530784607, -0.11885733902454376, -0.2884616553783417, 0.335851788520813, 0.8500887155532837, -0.47681450843811035, 1.3075848817825317, -0.4083414077758789, -0.07891568541526794, 0.4167620837688446, -0.3317162096500397, 0.8306025862693787, 0.21279190480709076, 0.6108591556549072, 0.1823444962501526, -1.0043147802352905, 0.5184656381607056, -0.4136841595172882, -0.3266431987285614, -0.26569822430610657, 0.43845653533935547, 0.021831713616847992, 0.21035492420196533, 0.5694552659988403, 0.4999220371246338, -0.25810742378234863, 1.0210109949111938, -0.0676499456167221, -0.3634478449821472, 1.0396554470062256, -0.028153441846370697, 1.3337697982788086, 0.7735867500305176, 0.1134750247001648, 1.0998023748397827, 0.894467830657959, -0.4637497067451477, 1.2034659385681152, 0.3109493553638458, 1.2950936555862427, -0.43938112258911133, 0.4459252953529358, 0.39240962266921997, 0.6816188097000122, -0.7340229749679565, -1.161612868309021, 0.08768058568239212, -0.36920517683029175, 0.12664517760276794, -0.60945063829422, -0.18596744537353516, -0.31070899963378906, -0.8690610527992249, 1.9232981204986572, -0.8529938459396362, 0.1571412831544876, 0.31779634952545166, -0.7831147909164429, 0.35808220505714417, -0.9194669723510742, -0.7753929495811462, -0.2223382294178009, -1.8938158750534058, 0.1263151913881302, -0.21526658535003662, -0.7246576547622681, 0.3891087770462036, 0.013483606278896332, 1.0369806289672852, -1.0195668935775757, -0.05714619159698486, -0.23325011134147644, 0.5806253552436829, -0.33370667695999146, -0.8264130353927612, -0.18900218605995178, 0.14052000641822815, 0.8399108052253723, -0.6886336207389832, 1.217615008354187, 0.29977288842201233, 0.33851495385169983, -0.12071461975574493, -0.21715520322322845, -0.6521790623664856, 0.6391315460205078, 1.2832739353179932, -1.195603370666504, -0.2732113301753998, -0.49043184518814087, -0.3811710774898529, -1.0722777843475342, 0.4605328142642975, 1.362779140472412, -0.7405294179916382, 0.5803731083869934, -0.26492807269096375, 0.9928845167160034, -0.21331621706485748, -0.33799731731414795, -0.8570361137390137, 0.2615566551685333, -0.05194418132305145, 1.0707457065582275, 0.10636063665151596, 0.794795036315918, -2.1346888542175293, -1.1155810356140137, -0.20703808963298798, -0.04018395394086838, 0.2605704665184021, -0.5168929696083069, 0.8289380669593811, 0.6895449161529541, 0.18011868000030518, 0.2878568470478058, -0.17950832843780518, 0.5262405872344971, 0.02248941920697689, 0.20956100523471832, 0.0743081122636795, 0.1831303834915161, -0.6245366334915161, 0.17038418352603912, 0.6747358441352844, 0.554011344909668, -0.9771254658699036, -0.4749116897583008, 0.2565543055534363, -0.3709339499473572, -0.0004421249032020569, -0.9057971239089966, 0.2453937530517578, 0.019578207284212112, -0.05726562812924385, -1.297322392463684, -0.02498285472393036, 1.4483351707458496, -0.38710176944732666, 1.0503684282302856, 0.6399101614952087, -0.15871493518352509, 0.4407397210597992, 0.7449774146080017, 1.3434295654296875, -0.2893257737159729, -0.48205024003982544, -0.1082581877708435, 0.5475609302520752, -0.3040546178817749, -0.21049222350120544, 0.10823607444763184, -1.3107776641845703, 0.06721682846546173, -0.7141026258468628, 0.9670978784561157, 0.11089255660772324, 0.09438306838274002, 0.3269430994987488, 0.717202365398407, 0.10847070813179016, -1.2601819038391113, 0.20602136850357056, -0.516821563243866, 0.2599793076515198, 0.5082241892814636, 0.4834195673465729, 0.8345863223075867, 0.7667325139045715, 0.22584563493728638, 1.0797306299209595, -0.43004852533340454, 0.02149270474910736, -0.12106219679117203, 0.43465983867645264, 0.7440484762191772, 0.6219379305839539, 0.5419951677322388, -0.2727949321269989, -0.3791590929031372, -0.13054394721984863, -0.1676682084798813, -0.48316100239753723, 0.8213692903518677, 1.210832118988037, -0.11106280982494354, 0.04570947587490082, -0.9409441351890564, 1.000795841217041, -0.782781720161438, 0.5958954691886902, 0.8174375295639038, -0.6371213793754578, -0.7862662076950073, -0.9173177480697632, 0.49187806248664856, 1.0309035778045654, -0.48493653535842896, -0.16578665375709534, -0.8145199418067932, 0.2900984287261963, 0.09542134404182434, -0.25400739908218384, -1.1113221645355225, 0.21873930096626282, -0.8812206983566284, 0.10267432034015656, 0.1909226030111313, -0.13106511533260345, 0.002554461359977722, 0.5794143080711365, -0.7598508596420288, 0.6301528215408325, -0.048118144273757935, -0.7496235370635986, -1.043718934059143, -0.008321741595864296, -0.5580376982688904, -0.211600661277771, 0.7881284952163696, -0.4770849347114563, -1.4274948835372925, 1.2145695686340332, 1.384050965309143, -0.8876312971115112, -0.8409581780433655, -0.005105303600430489, 0.2343556135892868, 0.01640016958117485, 1.310190200805664]} +{"paper_id": "DDSC/dkhate", "embedding": [-0.6041948795318604, 1.6418859958648682, 0.2034209817647934, 0.30027297139167786, 0.8697078824043274, 0.2536948621273041, 0.040541552007198334, -0.2631508409976959, 0.6163522005081177, 0.8930988907814026, 0.27102988958358765, -0.5251389145851135, 0.18372757732868195, 0.12089093029499054, -0.0064505934715271, -0.17427027225494385, -0.7423070669174194, -0.27479928731918335, -0.09413442015647888, -0.0196533203125, -0.7860536575317383, -0.8083803057670593, -0.04711920768022537, 0.6132885217666626, -0.8389829993247986, -0.06726681441068649, 0.2126820832490921, -1.3797169923782349, -0.42426398396492004, -0.10959889739751816, -0.26183006167411804, 0.9244613647460938, -1.79676353931427, 0.04407999664545059, -0.6846844553947449, -0.5715991258621216, -0.17780247330665588, 0.44485533237457275, -0.46739068627357483, -1.1184606552124023, -0.6726152300834656, 0.7670135498046875, 0.710020124912262, 0.268903911113739, 0.30971068143844604, 0.17868661880493164, 0.14273452758789062, -0.24946682155132294, 0.09798519313335419, -0.5023709535598755, -0.3907890319824219, 0.3574998378753662, -0.10770127177238464, 0.32706451416015625, -0.873485803604126, 0.6729466319084167, 0.09925589710474014, -1.011923909187317, 0.24202844500541687, -0.7583696842193604, 1.2812292575836182, 1.4495075941085815, -0.48353222012519836, 0.7148762345314026, 0.7665502429008484, -0.4179544448852539, 0.9742715358734131, -0.3808414340019226, 0.4989378750324249, 0.15080095827579498, 0.03294213116168976, -0.909379780292511, 0.3663095533847809, -0.17680075764656067, -0.9909489154815674, 0.5385621786117554, 0.001515369862318039, 0.20829147100448608, -0.5805346965789795, 0.6274117827415466, 0.18561266362667084, 0.20589549839496613, -0.325390100479126, -0.6130636930465698, 0.8523575067520142, 0.1933613419532776, 0.2129654586315155, -0.3947373032569885, 0.8037237524986267, -1.4546912908554077, 0.538280725479126, 0.26606208086013794, 0.29706647992134094, 0.6664791107177734, -1.3425226211547852, 0.5459004044532776, -0.4716838002204895, 0.28146111965179443, -1.1497875452041626, 0.7333002686500549, 0.6382754445075989, -0.38125067949295044, 0.7313466668128967, -0.41891273856163025, 0.2866024374961853, 0.934814453125, 0.10483238101005554, -0.18909204006195068, -0.3993683159351349, -0.5106679201126099, 0.08166670799255371, 1.446118950843811, -0.4256761074066162, 0.680387556552887, 0.24127912521362305, -0.05481022968888283, -0.25784584879875183, -0.9563724994659424, -0.6169052720069885, 0.22998353838920593, -1.0358777046203613, -1.3510715961456299, 0.11743180453777313, 0.8632283806800842, 1.778587818145752, -0.3400058150291443, 0.773688018321991, -1.1054086685180664, -0.4565262198448181, -0.06919092684984207, 0.8312699794769287, -0.47088128328323364, -0.536502480506897, 0.3774835765361786, 2.856703758239746, -1.7391791343688965, 0.9604330658912659, -0.43555623292922974, 0.5872220396995544, -0.4513095021247864, -0.782893717288971, 1.2633236646652222, 0.05917569249868393, -1.8265835046768188, -0.6078178882598877, 0.2554713487625122, -0.869962215423584, 0.19225789606571198, -0.0938355028629303, -0.6414290070533752, 0.2653160095214844, 0.6351742148399353, -0.4127722680568695, 0.02311350405216217, 0.22527824342250824, 0.10966009646654129, -0.5527395606040955, 0.3714105486869812, -0.357906699180603, 0.2883297801017761, 0.7300081849098206, 0.41968971490859985, -0.25438210368156433, 0.6387323141098022, -0.6935019493103027, -0.6590063571929932, 1.148082971572876, -0.32183510065078735, -1.0899466276168823, -0.3714934289455414, 0.9570685029029846, 0.18833422660827637, 0.037950947880744934, 0.03720809519290924, -0.8941712975502014, -0.6407673954963684, 0.6638981103897095, 1.1409425735473633, 0.46216484904289246, -0.4648445248603821, -0.3659316897392273, -0.5807741284370422, 0.04071783274412155, 1.138700246810913, -0.928941011428833, -0.3414207100868225, -1.6683435440063477, 0.09284888207912445, -0.2596495449542999, 0.8072613477706909, 0.39376550912857056, -0.7654821872711182, -0.11017773300409317, 0.5223007798194885, 0.1643529087305069, 0.2278556078672409, 0.684797465801239, -1.3899986743927002, 0.168958842754364, -0.00308932363986969, 0.8931848406791687, -0.87199467420578, -0.3415107727050781, 0.3604026138782501, 0.5060732960700989, -0.5448099374771118, -0.19324840605258942, -1.5416680574417114, 0.8938592672348022, 2.0697782039642334, 0.5358583927154541, -1.0874885320663452, -0.2718680799007416, 0.4497268795967102, -0.33120042085647583, -0.23284505307674408, 0.7156000137329102, -1.1965558528900146, -0.012736774981021881, -1.4539070129394531, -0.043996937572956085, -0.2172989547252655, 0.30855217576026917, 0.35028979182243347, 0.13342902064323425, -0.6243979334831238, -0.4705140292644501, -0.6692768335342407, -0.8044658303260803, 0.46062415838241577, 1.0707299709320068, 0.020539522171020508, 0.3258785605430603, 1.0393385887145996, 0.41136646270751953, 0.8470520973205566, 0.3530639410018921, 0.27877774834632874, -0.4130896329879761, 0.5143308639526367, 0.6968339681625366, -0.3741174340248108, -0.48909372091293335, -1.3963699340820312, 0.3355228900909424, 0.7440353631973267, -0.23536120355129242, -0.7271938323974609, -0.3397637605667114, 0.40879741311073303, 0.7793568968772888, 1.3188600540161133, -0.8333091735839844, 0.5007646083831787, -0.0449608713388443, 0.3071201741695404, -0.1503119170665741, -0.04422278702259064, 0.09969043731689453, -0.47092050313949585, 0.36425089836120605, -0.2419418841600418, 0.36526572704315186, -0.03375130519270897, -0.6713375449180603, -0.5619504451751709, -1.5721745491027832, 0.4839647114276886, -0.3534064292907715, -0.9347853660583496, 0.1623343825340271, -1.267274022102356, -1.4639601707458496, -0.7834510803222656, -0.06722702085971832, 0.1386297345161438, -0.9986333847045898, 0.40597766637802124, 1.1178499460220337, -0.103645458817482, 0.42892253398895264, -0.6342471241950989, 1.311644196510315, -0.5514540672302246, 0.3469544053077698, -0.03273452818393707, -0.2117127925157547, -0.06221345067024231, -0.24636806547641754, -0.37331902980804443, 0.11035019904375076, 1.0099725723266602, -0.48563793301582336, 1.061202049255371, -0.09238455444574356, -0.8559992909431458, 0.9904398322105408, -0.28188493847846985, 0.4791721701622009, -0.49242496490478516, 0.9973905086517334, 0.5682517886161804, -0.8161709904670715, 0.6886662244796753, -0.5438531637191772, -0.1497146338224411, 0.7517714500427246, -1.5170363187789917, 0.22879482805728912, 0.6592664122581482, -0.8947035670280457, -0.3209548890590668, 0.46621307730674744, -1.7605983018875122, 0.24128802120685577, 1.4964884519577026, -0.23815859854221344, 0.20127294957637787, 0.038565345108509064, 1.4643758535385132, -0.1658288538455963, -0.08068587630987167, -0.4879027307033539, -0.2659370005130768, 0.7416282296180725, 0.011012159287929535, -0.33541738986968994, -0.2015993744134903, -0.852732241153717, -0.5791449546813965, 0.696552038192749, 0.8928128480911255, -0.43642565608024597, 0.10189457982778549, 0.26149997115135193, -0.4565771818161011, 1.032442331314087, 0.191773921251297, 0.7187780141830444, 0.9037004709243774, -0.4396743178367615, -0.2360035479068756, 0.6114771962165833, 0.5890705585479736, 0.008492045104503632, 0.2530191242694855, 0.38191598653793335, 1.1696308851242065, -0.8488447666168213, 1.4822717905044556, 0.5194204449653625, -0.2631952166557312, -1.417853593826294, -0.464438796043396, -0.05592209845781326, -0.5079082250595093, 0.7143038511276245, 0.6432634592056274, 1.3755035400390625, 0.15496289730072021, -0.07507281750440598, -0.6161895990371704, 0.6586593985557556, 1.6511462926864624, 0.27542251348495483, 0.9241529703140259, -0.027340516448020935, 0.23972588777542114, 0.9651909470558167, 0.401873379945755, -0.6725065112113953, 0.025400448590517044, 0.9874228239059448, -0.3728170096874237, -0.14617154002189636, -0.3751872181892395, 0.008451245725154877, 0.1671096384525299, 0.6480818390846252, -0.8506051898002625, -0.3661598265171051, -0.4580666720867157, 0.510503351688385, 1.0107083320617676, 0.7007496356964111, -0.5949311256408691, 0.17246666550636292, 0.29775792360305786, 1.0131747722625732, -0.6497376561164856, 0.5007079839706421, 0.42674288153648376, 0.04950990155339241, -0.4960634112358093, -0.3779507577419281, -0.3503057062625885, -0.2213604599237442, 0.503110408782959, 0.09600135684013367, -0.9094340205192566, 1.5651885271072388, -0.8899630308151245, -1.7142438888549805, 0.37089359760284424, -0.5428839921951294, -0.6004621982574463, 0.573089063167572, 0.8712790012359619, -1.0879474878311157, -1.7971464395523071, -0.01944955438375473, -1.1030477285385132, -1.1203137636184692, 0.4605375826358795, -0.9954403638839722, 1.8381640911102295, 0.5292220115661621, 0.4257374405860901, 0.44697803258895874, -0.30937114357948303, -0.47638842463493347, 0.8602843284606934, 1.7604128122329712, -1.0087209939956665, -0.15903764963150024, 0.053633563220500946, -0.09463977813720703, 0.5334494113922119, -1.0826201438903809, -0.7878099679946899, 0.9452491402626038, 0.3886025547981262, 0.6110765933990479, -0.9386778473854065, -0.5233176946640015, 0.16404157876968384, -0.1672167032957077, 0.8070390820503235, -0.8200952410697937, 0.5121216177940369, -0.5320842862129211, 0.539885938167572, 1.3809903860092163, -0.17851540446281433, -0.7448578476905823, 1.035677433013916, -0.5503638386726379, 0.3044836223125458, 0.12447488307952881, -0.17432166635990143, 1.0800713300704956, 1.0137028694152832, 0.7816848754882812, -0.37235113978385925, -10.185901641845703, 0.7181852459907532, 0.1808263063430786, 0.7976354956626892, 0.3599793016910553, -0.07798939198255539, 0.100113645195961, 0.17677640914916992, 2.2484493255615234, -0.7682448625564575, -0.18202053010463715, 1.5978779792785645, 0.0989784449338913, -0.9833484888076782, -0.7225828766822815, -0.1230745017528534, -0.5608184337615967, -0.7617667317390442, -0.22477270662784576, 0.138572096824646, -0.19234086573123932, -1.4902687072753906, -0.032911159098148346, -0.6652294993400574, 1.0100046396255493, -0.8683702945709229, 0.038408827036619186, -0.5906990766525269, -0.9131967425346375, 0.6412454843521118, 1.1228382587432861, -0.013347934000194073, -0.863628625869751, -0.1721656620502472, 0.2566531300544739, 0.728294312953949, -1.0473065376281738, -0.733607828617096, 0.707249104976654, -0.01816868782043457, -0.21768470108509064, 0.27796444296836853, 0.6271670460700989, -0.665870726108551, -0.22464072704315186, -0.7141414284706116, -0.5758124589920044, -0.1503208875656128, 0.3415112793445587, -0.3620561361312866, 0.023847833275794983, -0.7097132802009583, -1.742624044418335, -0.342333048582077, 1.2222545146942139, -0.15291106700897217, -0.7736274003982544, 0.11034055799245834, -0.4857451617717743, -1.2973240613937378, 1.295250415802002, -0.032910145819187164, -0.10168436169624329, 0.8353558778762817, 0.3934192359447479, -1.373274564743042, 0.7553682923316956, -0.14982682466506958, 0.04891527444124222, 0.6956270933151245, -0.5103829503059387, 1.6129281520843506, 0.07115031778812408, 0.7916432619094849, -0.2976991534233093, -0.5234255194664001, -0.6412906646728516, -0.038043394684791565, 0.8269619345664978, -0.18129782378673553, -1.0089720487594604, 0.5759446620941162, 0.2778947055339813, -0.32033538818359375, -0.3033336400985718, 0.2935848534107208, 0.09250622987747192, -0.8223947882652283, 0.5690405368804932, -0.25850212574005127, 0.2523370385169983, 0.1103052869439125, 0.08837685734033585, 0.010018665343523026, -0.505595862865448, -0.0032646730542182922, -1.6561839580535889, 1.444455862045288, 0.1321835219860077, 0.5831848978996277, 0.24442541599273682, -0.028234677389264107, -0.5856786966323853, -0.27135345339775085, 0.5998082160949707, -0.2257484495639801, 0.4066302180290222, 0.38904157280921936, -0.16463147103786469, -0.09486892819404602, 0.4041925072669983, 0.5018279552459717, -0.31561362743377686, 0.7257119417190552, 0.49649474024772644, 0.38823288679122925, 0.697573184967041, -0.666681706905365, 0.14431703090667725, 0.9363160729408264, -0.9003089666366577, 0.8782886266708374, -0.22232839465141296, 0.8195332884788513, -0.6002035737037659, 1.046936273574829, 0.38243210315704346, -0.40504807233810425, -0.013068601489067078, -1.8652890920639038, 1.2514863014221191, -0.7306350469589233, 0.49251291155815125, -1.2203835248947144, 0.3194814920425415, -0.09058918058872223, -1.4645439386367798, 1.1551220417022705, -0.8616723418235779, 0.46382948756217957, -0.24484962224960327, -0.4327267110347748, -0.18779568374156952, -0.4211249053478241, -0.44413265585899353, -0.4912174344062805, -2.197300672531128, -0.022508759051561356, -0.5103533864021301, -0.06409040093421936, 0.6325260400772095, -0.5436415672302246, 0.6053501963615417, -1.2473524808883667, -0.6330416798591614, 0.34055161476135254, 0.25118327140808105, -0.685248613357544, -1.193892478942871, -0.34534597396850586, 0.9803449511528015, 1.4101505279541016, -0.7813664078712463, 1.0770819187164307, 0.40235966444015503, 0.15301227569580078, -0.6675834059715271, 0.33621785044670105, -0.3696947991847992, 0.35687828063964844, 2.2042341232299805, -0.24117039144039154, -0.24749533832073212, 0.2463844269514084, 0.37543344497680664, -1.4254415035247803, 0.5821003913879395, 1.3542308807373047, -1.304485559463501, 0.3984796404838562, -0.35299888253211975, 0.2057916224002838, 0.480530709028244, -0.761760413646698, -0.3407761752605438, 0.634989857673645, -0.6764364242553711, 1.254455327987671, -0.11013118177652359, 0.10036125779151917, -1.8300913572311401, -1.597059965133667, -0.8958666324615479, -0.7730332612991333, 0.3457098603248596, -0.17063067853450775, 0.6204969882965088, 0.2937949001789093, 0.15447652339935303, -0.7369072437286377, -0.3719685673713684, 0.15140388906002045, -0.11487329006195068, -0.24518342316150665, -1.1405162811279297, -0.771009087562561, -0.3080158233642578, 0.4109033942222595, 0.5704764127731323, 0.4110093414783478, -1.3585072755813599, -0.7583834528923035, 0.4552878439426422, -0.08104662597179413, 0.3690827190876007, -0.474007248878479, -0.33320245146751404, -0.11989094316959381, -0.7947750091552734, -0.7265846133232117, 0.060526423156261444, 0.9250686168670654, -0.12884625792503357, 1.6605311632156372, 1.068481683731079, 0.9095039367675781, 0.38734063506126404, 0.5270000100135803, 1.6436935663223267, -0.45698702335357666, 0.0032112402841448784, -0.3013947606086731, -0.4420413374900818, 0.4834727942943573, -0.04944281280040741, 0.6044245362281799, -1.1037640571594238, 0.5859426856040955, -1.3390636444091797, -0.2598319351673126, -0.10365834832191467, -0.05894532799720764, 0.8147724270820618, 0.83980792760849, -0.6945074796676636, -0.5351312756538391, -1.0822713375091553, -0.6464216113090515, -0.755066990852356, -0.22724318504333496, 0.33534082770347595, 1.6640000343322754, 0.6186273694038391, 0.040745221078395844, 1.4388023614883423, 0.2841987907886505, 0.15119028091430664, 0.6170122027397156, 0.40454477071762085, 1.1684221029281616, 0.37857845425605774, 0.4769194424152374, -0.477191299200058, -0.25769704580307007, -0.5306639075279236, -0.37881481647491455, -0.868465781211853, 0.6131864190101624, 0.48282235860824585, 0.1279321312904358, 0.4837379455566406, -0.0637500211596489, -0.3955093324184418, -0.3180544376373291, 0.9090895056724548, 0.29805755615234375, 0.12362228333950043, 0.020375143736600876, -0.7333099246025085, -0.4867495596408844, 0.6644851565361023, -0.7275170087814331, 0.2581254839897156, -1.0891413688659668, -0.12326139211654663, 0.018362712115049362, -0.5515768527984619, -0.878637969493866, 0.7302750945091248, -0.33059167861938477, 0.7487916946411133, 0.7126753330230713, -1.2065354585647583, -1.1385095119476318, -0.0406491756439209, -0.7558866739273071, 0.5179832577705383, 0.24310769140720367, -1.7261909246444702, 0.03697219118475914, 1.10421884059906, 1.1289697885513306, -0.6118110418319702, 0.0801953449845314, 0.3138055205345154, -1.404828429222107, 1.541869044303894, 1.9952852725982666, 0.12420099973678589, 0.10681221634149551, 1.5163241624832153, -0.3543524444103241, 0.7862858772277832, 1.9260672330856323]} +{"paper_id": "GEM/squad_v2", "embedding": [-0.47368407249450684, 0.6329537034034729, -0.23602841794490814, -0.2707708775997162, 0.5152086615562439, -0.048609744757413864, 0.36470818519592285, 0.7046562433242798, 0.777431845664978, 0.466417521238327, 0.5733106136322021, -0.02488112449645996, 0.5893622040748596, 0.6365947127342224, -0.1698841154575348, -0.6612904071807861, -0.6726495027542114, -0.3913060426712036, -1.4018296003341675, -0.21776023507118225, -0.8660280108451843, -0.7343010306358337, -0.007071793079376221, 1.0575065612792969, -0.6844190359115601, -1.100769281387329, 0.8312342166900635, -1.1566839218139648, 0.26698610186576843, 0.07038000226020813, 0.14709137380123138, 1.0532623529434204, -1.201102614402771, 0.5376321077346802, -0.30704033374786377, -0.5382947325706482, 0.08264369517564774, 1.0505794286727905, 0.06911545246839523, -0.530035674571991, -0.4636383652687073, 0.21339213848114014, 0.5574291348457336, 0.17881730198860168, 0.9502435326576233, -0.3640819191932678, 0.6542977094650269, -0.26439669728279114, -0.4955178499221802, -0.09934323281049728, -0.5915981531143188, 0.32921868562698364, -0.20484501123428345, 0.7891571521759033, -0.14406394958496094, 0.4787261486053467, 0.17446941137313843, -0.9169172048568726, 0.6199193000793457, -0.9177004098892212, 1.546337366104126, 1.6737335920333862, -0.24139158427715302, 0.42233243584632874, 1.3984363079071045, -0.27571558952331543, 1.023668885231018, 0.05662907660007477, -0.3529932498931885, 1.0469470024108887, -0.41257017850875854, -0.3611677587032318, 0.25625288486480713, -0.3978824019432068, 0.17556752264499664, 0.6346836090087891, -0.10736133903265, 0.09622062742710114, -0.08010884374380112, -0.10007598996162415, -0.09839177131652832, 0.04686439037322998, 0.5667035579681396, -0.22862887382507324, 0.10642784833908081, 0.08219566941261292, 0.24563303589820862, -1.100770115852356, 0.4165087342262268, -1.7258294820785522, 0.32492905855178833, 0.382863849401474, 0.035931363701820374, 0.10010682046413422, -0.41232189536094666, 0.7180970907211304, -0.818400502204895, -0.03386159986257553, -0.042185571044683456, 0.2944576144218445, 0.6950355768203735, -0.16299638152122498, 0.44364097714424133, -0.28997907042503357, 0.27252522110939026, 0.4645687937736511, 0.23972010612487793, -0.28653857111930847, -0.7811546921730042, -1.106646180152893, 0.2594137489795685, 0.7112587094306946, -0.13023464381694794, 0.40674811601638794, 0.14475096762180328, 0.6957713961601257, 0.4969906806945801, -1.0901908874511719, -0.08829563856124878, 0.3867344260215759, -0.03434734418988228, -1.0164072513580322, -0.39614611864089966, -0.4588584303855896, 0.8085847496986389, -0.36439794301986694, -0.2987317442893982, -0.8704310059547424, -0.29303866624832153, 0.49827006459236145, 0.7905248403549194, 0.22029733657836914, -0.680644690990448, -0.11435750126838684, 3.019629716873169, -1.105302095413208, 1.336037516593933, -0.48818376660346985, -0.08531511574983597, -0.6102768778800964, -0.6385300159454346, 1.275776743888855, -0.1508331000804901, -0.920791506767273, -0.6618843078613281, 0.49268919229507446, -0.30581167340278625, 0.21250072121620178, -1.0092710256576538, -0.5412379503250122, -0.1163950115442276, -0.044151268899440765, -1.524725079536438, -0.5935493111610413, 0.26165497303009033, 0.41119813919067383, 0.02842133305966854, 0.498111367225647, -0.4881981611251831, 0.9933245182037354, -0.1514677107334137, -0.00019185617566108704, -0.30999869108200073, 0.4424739480018616, -0.7911112904548645, -0.14778345823287964, 0.8218157887458801, -0.14601078629493713, -0.7606921195983887, 0.23858189582824707, 0.21940907835960388, -0.45227065682411194, -0.2087647020816803, 0.04667162895202637, -0.42255380749702454, 0.13595366477966309, 0.5288715362548828, 0.5293514728546143, 0.15951688587665558, -0.7197549343109131, 0.014175225049257278, -0.03736341744661331, 0.20114853978157043, 0.841849684715271, 0.03920188546180725, 0.4843760132789612, -2.5613250732421875, -0.02772185206413269, -0.1761915683746338, 1.2603180408477783, -0.08701618015766144, 0.15420843660831451, 0.07752107828855515, 0.48051270842552185, -0.16655966639518738, -0.6231683492660522, 0.6785591840744019, -1.1826432943344116, 0.4438459277153015, 0.13004690408706665, 0.19929735362529755, -0.23516133427619934, 0.289628803730011, 0.817406415939331, 0.4240780174732208, -0.6124845743179321, -1.2624032497406006, -1.6249572038650513, 0.07669541239738464, 2.2786617279052734, 0.22785532474517822, -0.26678627729415894, -0.9635787606239319, -0.5363588929176331, 0.02517688274383545, -0.16827161610126495, -0.025875840336084366, -0.5858447551727295, 0.1358080506324768, -0.8438625931739807, 0.7170241475105286, -0.6540923118591309, -0.07299023866653442, 0.796748697757721, 1.6112453937530518, -0.5977821946144104, -0.21800243854522705, -0.8723869323730469, -0.23756231367588043, 0.4457677900791168, 0.6693770289421082, 0.26716533303260803, -0.3425637483596802, 0.6381800174713135, 0.6141161322593689, 1.2047903537750244, 0.44517675042152405, 0.5339245796203613, -0.7865242958068848, 0.2371051013469696, -0.4007544219493866, 1.4630320072174072, -0.003925099968910217, -0.14832644164562225, -0.036787282675504684, -0.2538899779319763, -0.6766458749771118, -0.2045849859714508, -0.1728961318731308, -0.0734703466296196, 0.8131802082061768, 0.5655059218406677, -0.5098570585250854, 0.654682993888855, -0.4759391248226166, -0.32715362310409546, 0.10967954993247986, -0.3073573410511017, -0.7101594805717468, -0.41081297397613525, 0.797971248626709, -0.19298027455806732, 0.1403515487909317, -0.20959845185279846, 0.1284746527671814, -1.2161961793899536, -0.5347144603729248, 0.5198376774787903, -0.06283653527498245, -0.6472405195236206, -0.40596362948417664, -0.2374119609594345, -1.1686780452728271, -0.4814733862876892, 0.2306014448404312, -0.1204204261302948, -0.06374428421258926, 0.782575249671936, 1.596062183380127, -0.1992853283882141, 0.36166292428970337, 0.21830590069293976, 1.2638295888900757, -0.6978399753570557, 0.4194241762161255, -0.22705325484275818, 0.29599669575691223, -0.9273785948753357, 0.18871113657951355, -0.7167630791664124, 0.3272857367992401, 0.7713109850883484, -0.022518783807754517, 1.0795754194259644, -0.19915619492530823, -1.0479732751846313, 0.9329280853271484, -0.15558135509490967, -0.18672123551368713, -0.6489988565444946, 1.3448870182037354, 0.18429890275001526, -0.42478111386299133, 0.9397029876708984, -0.12167945504188538, -0.3695421516895294, 1.0095572471618652, -0.17551082372665405, -0.20985707640647888, 0.3555727005004883, -0.49842098355293274, 0.0008985474705696106, 0.5392174124717712, -1.828904151916504, 0.9306735992431641, 1.0464495420455933, -0.39013612270355225, -0.23879407346248627, -0.8933327198028564, 0.3550196886062622, -0.3786947429180145, 0.27940037846565247, 1.036048412322998, -0.4023314118385315, 0.539023756980896, -0.43549644947052, 0.24853397905826569, 0.4176754951477051, -0.11041592806577682, 0.5514772534370422, 0.4943654239177704, 0.5277719497680664, -0.8657762408256531, -0.7646061778068542, 1.0393658876419067, -0.33082130551338196, 0.1102549210190773, 0.1053270772099495, 0.6478859782218933, 0.7969002723693848, -0.18085479736328125, -0.22037824988365173, 0.38224631547927856, 0.4789552390575409, -0.19394353032112122, -0.3813040852546692, 0.09510993957519531, 0.4578954875469208, -0.2010856568813324, 1.2213027477264404, -0.43921568989753723, -0.5718456506729126, -0.7646986842155457, -0.2920195162296295, -0.06660290062427521, -0.06958360970020294, 1.4628307819366455, 0.3693082630634308, 1.3253594636917114, 0.49369436502456665, 0.09641566127538681, -0.34141334891319275, -0.37472543120384216, 0.6127299070358276, 0.2897179424762726, 0.2806597948074341, -0.7144235372543335, 0.028828009963035583, 1.1338675022125244, 0.41740450263023376, -0.7148900032043457, 0.36122405529022217, 0.5621483325958252, -0.09586891531944275, -1.1126947402954102, 0.886064887046814, 0.7536017894744873, 0.42986559867858887, 1.532199501991272, -0.7474462985992432, 0.03724491223692894, -0.24551360309123993, 0.10405794531106949, -0.06711240112781525, 0.47081565856933594, 0.10665276646614075, 0.5372409820556641, 0.16138365864753723, 0.48819342255592346, 0.11218525469303131, 1.2689570188522339, 1.5457316637039185, -0.4558987021446228, -1.0511101484298706, -0.06556707620620728, -0.7754442095756531, 0.21103622019290924, 0.7537088990211487, 0.3173622190952301, -0.3001571595668793, 0.5816835761070251, 0.2845691740512848, -1.0455890893936157, 0.1367827206850052, -0.5015833377838135, -1.3348387479782104, 0.9196202754974365, 1.1258275508880615, -0.846775472164154, -0.4779065251350403, -0.27554214000701904, -0.7808732390403748, -0.24577206373214722, 0.15822726488113403, -1.267996907234192, 0.7710773348808289, 0.07017608731985092, 0.8672913312911987, 0.061829838901758194, -0.08692242950201035, -1.3648275136947632, 1.2600226402282715, 0.9419918656349182, -1.3115087747573853, 0.6058739423751831, 0.1721777617931366, 0.6312111616134644, 0.23264755308628082, -1.1977802515029907, -0.6953362822532654, 1.0889663696289062, 0.010532625019550323, 0.1405424177646637, -1.0042256116867065, -0.4003264904022217, 0.7121913433074951, 0.43927961587905884, 0.6963115930557251, -0.6905896067619324, 0.11291992664337158, -1.1504054069519043, 0.08990433067083359, 0.7750259637832642, -1.0217970609664917, -0.9387061595916748, 0.5282639265060425, -0.22277629375457764, 0.7286624908447266, -0.0065979063510894775, 0.0134146548807621, 1.565970778465271, -0.23933923244476318, -0.10111735016107559, -0.31227365136146545, -12.1959228515625, 1.0174601078033447, -0.15557990968227386, 0.003209821879863739, 0.370140016078949, -0.028903327882289886, 0.4946031868457794, -0.0036423783749341965, 0.31217706203460693, -0.76414555311203, 0.18369150161743164, 0.9384403824806213, 0.36834317445755005, 0.1652483493089676, -0.9976603984832764, -1.0827412605285645, -0.5533328056335449, -0.7910391688346863, 0.5436552166938782, 0.13127045333385468, -0.14649443328380585, -0.8225887417793274, 0.03455576300621033, -0.1725814789533615, 0.5389237999916077, -0.15687376260757446, -0.8384842872619629, -0.12455164641141891, -0.4821542501449585, 0.14434044063091278, 0.5029957890510559, -0.005786895751953125, -0.6566991806030273, -0.30987879633903503, -0.14404425024986267, -0.47273173928260803, -0.8070987462997437, -0.0782761350274086, 0.7818811535835266, -0.45266059041023254, -0.08598630130290985, -0.026004407554864883, 0.6024823188781738, -0.3268321454524994, -0.30076906085014343, 0.21860267221927643, 0.1876428723335266, -0.940560519695282, -0.016283586621284485, -0.1890750527381897, -0.9452229142189026, -0.26884138584136963, -0.8341546654701233, -0.7251399159431458, 0.29706481099128723, 0.2577746510505676, -0.9043595790863037, -0.4351058602333069, -0.20695382356643677, -0.6093900203704834, 0.2667793929576874, 0.17502166330814362, -0.3647618889808655, 0.10907087475061417, -0.06852904707193375, -0.4362904727458954, 0.18037772178649902, 0.1495499461889267, -0.23037388920783997, 0.551658034324646, -0.8012144565582275, 1.4327112436294556, 0.2643345594406128, 0.8061096668243408, -0.9511547684669495, 0.1813572347164154, -1.0346142053604126, -0.31709983944892883, 0.4245278835296631, -0.054397109895944595, -1.6074937582015991, 0.7594128847122192, 0.7330241799354553, -0.41647669672966003, -0.7702364325523376, 0.5184208750724792, -0.10120873898267746, 0.33625635504722595, 1.0896294116973877, -0.6491325497627258, 1.3008772134780884, 0.19447702169418335, -0.8315682411193848, -0.5790767669677734, -0.2047262191772461, 0.8519437313079834, -0.9489845633506775, 0.30679967999458313, 0.1943618357181549, -0.6006587743759155, 0.08267923444509506, -0.30492714047431946, -0.7114218473434448, 0.11856143176555634, 0.8604325652122498, 0.08816323429346085, 0.0697404146194458, -0.06322655826807022, -0.21740581095218658, -0.8249768614768982, 0.9903776049613953, 0.1915316879749298, -0.023765064775943756, 1.566260576248169, -0.5365972518920898, 0.5344160199165344, 0.6526248455047607, -0.12002244591712952, 0.28054600954055786, 0.8202363848686218, -1.1504874229431152, 0.9154152870178223, 0.1583225131034851, 1.7405627965927124, -0.30718085169792175, 0.1449345201253891, 0.18473979830741882, 0.41022634506225586, -0.11499399691820145, -1.145074486732483, 0.61846524477005, -0.3877686560153961, 0.009478116407990456, -0.750369131565094, -0.0798230916261673, 0.3291633129119873, -0.37077757716178894, 1.8316572904586792, -0.995638370513916, -0.18264776468276978, -0.15066230297088623, 0.04728233441710472, -0.6668483018875122, -1.132216215133667, -0.8144012093544006, 0.27503812313079834, -1.390212893486023, 0.5178321003913879, -0.13372433185577393, -0.34369567036628723, -0.16074153780937195, -0.6534734964370728, 0.8249704837799072, -0.7359448671340942, -0.3310145139694214, -0.5373942852020264, 0.48768606781959534, -0.6075950860977173, -0.7808541059494019, -0.2518678903579712, 0.38142555952072144, 1.1602113246917725, -0.9724245667457581, 1.4778469800949097, 0.32724401354789734, -0.5479653477668762, -0.5421027541160583, 0.40214917063713074, -0.4696478247642517, 0.42170819640159607, 1.061118483543396, -0.766275942325592, -0.3543066382408142, -0.5260048508644104, -0.22206071019172668, -0.49341580271720886, 0.08112619817256927, 0.9000139236450195, -1.2351750135421753, -0.1921379119157791, -0.6820985674858093, 0.8957259654998779, 0.13196216523647308, -0.5019245147705078, -0.6094334125518799, 0.7483659982681274, -0.23865067958831787, 0.725465714931488, -0.010959835723042488, 0.989212691783905, -1.4780038595199585, -1.0372729301452637, -0.3507237434387207, -0.20479373633861542, 0.640261173248291, 0.5919325947761536, 0.6175678372383118, 0.3456369936466217, -0.36748141050338745, -0.2857989966869354, -0.11061699688434601, 0.5146152973175049, 0.3046365976333618, 0.4665137529373169, -0.5916874408721924, 0.5912455320358276, -0.39949023723602295, 0.18537116050720215, 0.5973839163780212, 1.3494489192962646, -0.7861507534980774, -0.5438194274902344, 0.08010344207286835, -0.08926133811473846, -0.11120602488517761, -1.4133301973342896, -0.14103588461875916, -0.5620437264442444, -0.3704182207584381, -1.3614263534545898, 0.34817489981651306, 1.4421788454055786, -0.20106543600559235, 0.6440536379814148, 0.3958989083766937, 1.0660302639007568, 0.8714918494224548, 0.14616777002811432, 0.5432751774787903, 0.18213441967964172, 0.24787506461143494, 0.38513004779815674, 0.09247167408466339, 0.2215486466884613, -0.16305752098560333, -0.6758853793144226, -0.7108333706855774, 0.2354753017425537, -0.3483522832393646, 0.8230106830596924, 0.167348712682724, 0.47077634930610657, 1.0121819972991943, 1.168563723564148, 0.07700172066688538, -1.581379771232605, -0.34402996301651, -1.4645034074783325, 0.26845842599868774, 0.794539749622345, 0.5940430164337158, 0.2506285309791565, 0.8387382626533508, -0.6987839341163635, 0.9146920442581177, -0.6235220432281494, 0.3733554482460022, -0.00258723646402359, -0.2319440096616745, 0.7923511862754822, 0.701998233795166, 0.3055737614631653, 0.22517086565494537, -0.5505282878875732, -1.0346695184707642, -0.1482011377811432, -0.4699617922306061, 1.0066604614257812, 0.6159954071044922, -0.2454148381948471, 0.08069176971912384, -0.3832820653915405, 0.7559925317764282, -0.14810040593147278, 1.1654345989227295, -0.05033194273710251, -0.418972909450531, -0.44552162289619446, -1.007737636566162, -0.06110795587301254, 0.45568975806236267, 0.11889058351516724, 0.025797128677368164, -0.023091867566108704, 0.539882481098175, 0.3336726129055023, 0.10237696766853333, -0.776552140712738, -0.338336706161499, -0.5021206140518188, 0.13428685069084167, 0.6524555683135986, -0.7352162599563599, -0.7613604664802551, -0.22882437705993652, -0.8192265629768372, 0.13883304595947266, 0.25489723682403564, -0.6130820512771606, -0.5636393427848816, 0.20545166730880737, -0.036650996655225754, 0.5043059587478638, 0.19731125235557556, -0.24351319670677185, -1.4542371034622192, 0.5137541890144348, 0.9673100709915161, -0.7170870304107666, -0.39086654782295227, 0.28890326619148254, 0.6361750364303589, 0.16117164492607117, 1.3141604661941528]} +{"paper_id": "dennlinger/klexikon", "embedding": [0.3551419973373413, 0.9788362979888916, -0.22226260602474213, 0.18040060997009277, 0.7192164063453674, -0.23742949962615967, -0.19910752773284912, 0.42727380990982056, 0.3528236448764801, 0.18296262621879578, -0.04795113205909729, 0.00020857341587543488, 1.063971757888794, 0.16890959441661835, -0.1973470002412796, -0.13221293687820435, -0.5847744941711426, -0.9266851544380188, -1.6692785024642944, -0.2806362509727478, -0.5878218412399292, -0.6652852296829224, -0.18639281392097473, 0.26769310235977173, -0.6206625699996948, -0.4213905930519104, 0.6500393152236938, -1.0911929607391357, -0.41261643171310425, 0.49696406722068787, -0.16116827726364136, 1.6278140544891357, -1.5247730016708374, 0.4425850808620453, -0.13974708318710327, -0.08165600895881653, 0.308200865983963, 1.5524952411651611, -0.5483722686767578, 0.016039762645959854, -0.897156834602356, 0.014316018670797348, 0.35454457998275757, -0.32682451605796814, -0.26522350311279297, -0.3465428054332733, -1.0884343385696411, 0.6198148131370544, -0.2980926036834717, 0.3101339638233185, -0.2570311427116394, 0.3069275915622711, 0.15870815515518188, 0.26877304911613464, -0.49175122380256653, 1.0856726169586182, 0.6991338729858398, -2.144442319869995, -0.23614946007728577, -0.2618330717086792, 0.6649990677833557, 1.3646819591522217, -0.8659150004386902, 0.3842652142047882, 1.266723871231079, 0.11965614557266235, 1.2779511213302612, 0.6424927115440369, 1.1513055562973022, 0.6736165881156921, -0.21559959650039673, -1.0515855550765991, 1.5404822826385498, -0.22938522696495056, 0.8145990371704102, 0.7955032587051392, 0.45543718338012695, -0.5476359724998474, 0.43596529960632324, -0.4058484733104706, -0.5355811715126038, -0.07733418047428131, 0.6313583850860596, -1.3585542440414429, -0.23832407593727112, -0.008333314210176468, -0.007131695747375488, -0.1324944794178009, -0.37533214688301086, -0.9292097687721252, 0.08932414650917053, 0.3858887255191803, 0.12966926395893097, 0.3078360855579376, -0.08926442265510559, 0.11894237250089645, 0.11695455759763718, 0.394870400428772, -0.489606112241745, -0.12514261901378632, 1.0256386995315552, -0.6266900300979614, 0.6612765192985535, 0.24546954035758972, 0.4712447226047516, 0.7190067172050476, -0.679742157459259, -0.9848509430885315, -0.8964260220527649, -0.2688860595226288, -0.01773948408663273, 0.3816344141960144, 0.6725122928619385, 0.5139049887657166, -0.5368216633796692, -0.1536831259727478, -0.2209646999835968, -0.10187975317239761, -0.3576362133026123, -0.1705009788274765, -0.5045874118804932, -1.488053321838379, -0.19497540593147278, -0.6650471687316895, 0.9656589031219482, -0.8650211691856384, -0.09992614388465881, -0.02249639481306076, 0.2749829888343811, -1.0704373121261597, 0.5713831782341003, 0.3225575089454651, 0.20671021938323975, 0.5778999328613281, 2.7767906188964844, -0.8620550632476807, 0.6549220681190491, 0.19684730470180511, -0.1573375165462494, -0.8430598378181458, 0.3941892683506012, 1.3965861797332764, 0.28816327452659607, -0.8388151526451111, -0.4512476921081543, -0.18064291775226593, -0.44877347350120544, 0.554895281791687, -0.6531172394752502, -0.022746648639440536, 0.07560275495052338, -0.13913112878799438, -1.3929609060287476, -1.2313510179519653, -0.08629763126373291, 0.06639016419649124, 0.7511095404624939, 0.537617564201355, -0.14246214926242828, 0.9638441801071167, 0.8491800427436829, 0.6156473159790039, -0.20567113161087036, -0.39905861020088196, -0.8925243616104126, 0.4830086827278137, 0.9841628670692444, -0.5722951889038086, -0.5680805444717407, -0.48264244198799133, -0.17918255925178528, -0.3546081483364105, 0.1265781819820404, -0.12014920264482498, -0.1385357677936554, 1.135350227355957, 0.32799503207206726, 0.17328563332557678, -0.3958408236503601, -0.2580946683883667, -0.42928066849708557, -0.11377643048763275, -0.2797738313674927, 0.5131101608276367, 0.0010240599513053894, 0.5170618891716003, -2.2124807834625244, -0.3409040570259094, -0.7606732249259949, 0.11064273118972778, -0.3702082335948944, -0.5639476180076599, -0.16547805070877075, 0.2321121245622635, -0.19244630634784698, -0.2536567747592926, 0.008802237920463085, -0.6810770630836487, 0.17148524522781372, 0.1617383062839508, 0.6645310521125793, 0.19908979535102844, -0.1286340355873108, 0.748184084892273, 0.6729896068572998, -0.7371665239334106, -0.08339230716228485, -1.0506269931793213, -0.3675432503223419, 1.898999571800232, -0.26468220353126526, -0.23737359046936035, -2.0764029026031494, -0.9437345266342163, 0.6733648180961609, -0.3858754634857178, 0.41158270835876465, -0.6970573663711548, -1.1366618871688843, -0.44050443172454834, 0.32279083132743835, -0.9803591370582581, -0.31325238943099976, 0.4018433690071106, 0.8989048600196838, -1.2166064977645874, 0.26001250743865967, 0.11944009363651276, -0.8116758465766907, 0.5143930912017822, 1.3303630352020264, 0.43922707438468933, -0.8249492049217224, 1.0564119815826416, -0.3074338138103485, -0.03483884036540985, 0.33862242102622986, 0.7829461693763733, -0.3331376016139984, -0.1703876554965973, 0.16364061832427979, 1.5894348621368408, -0.38426345586776733, 0.08434219658374786, -0.11778309941291809, 0.7229874730110168, -0.5870489478111267, -0.2645511329174042, 0.11809805035591125, -0.09989704936742783, 1.0666139125823975, 0.8119680881500244, -0.6785224080085754, 1.3339028358459473, -1.504241704940796, -0.3165844976902008, 0.2275235503911972, -1.2737231254577637, -0.7503709197044373, -0.3053867518901825, 0.18385210633277893, 0.23995888233184814, 0.4450698494911194, -0.07216519117355347, -0.6458848118782043, -1.3722623586654663, -1.35563325881958, -0.27720871567726135, -0.19668948650360107, -1.5297737121582031, -0.8774020075798035, -0.1658787578344345, -0.9146909117698669, -0.3209538161754608, 0.22102497518062592, 0.025448830798268318, -4.5146793127059937e-05, 1.3643437623977661, 1.2737807035446167, 0.10014760494232178, 0.8565660119056702, -0.45876550674438477, 0.7908347845077515, 0.18092462420463562, 1.8953068256378174, -0.3314741849899292, -0.3410240113735199, -0.8327465653419495, -0.047059305012226105, -0.5308739542961121, 0.29731425642967224, 0.8605364561080933, -0.6856731176376343, 0.7300659418106079, -0.06108057498931885, -1.2189220190048218, 0.3285127878189087, -0.6304612755775452, 0.19412308931350708, -0.878786027431488, 1.5333642959594727, 0.8098479509353638, 0.2065485268831253, 0.6598172783851624, -0.2593875527381897, -0.23472103476524353, 1.1314072608947754, -0.46875160932540894, 1.1388146877288818, 0.8272122740745544, 0.4862041175365448, 0.8621707558631897, 0.03654911369085312, -1.275966763496399, -0.3695935308933258, 0.7919637560844421, -0.28380268812179565, -0.0241922028362751, -0.7438772320747375, -0.39299964904785156, -0.4858908951282501, -0.8548241853713989, 0.7689571976661682, -0.7039042115211487, 0.5642226934432983, -0.36496397852897644, 0.08955445885658264, 0.9094758629798889, -0.03252484276890755, 1.2830555438995361, 0.9313665628433228, 0.4591580331325531, -1.1171834468841553, -0.7186381816864014, 0.5119832158088684, -0.5842884182929993, 0.9218915700912476, 0.3719733953475952, 1.3111776113510132, 0.841600775718689, -0.09062675386667252, -0.23113758862018585, 0.638557493686676, 0.5838109254837036, 0.31476959586143494, 0.7865993976593018, -0.8448306322097778, 0.8095149397850037, -0.01115809753537178, 1.3821146488189697, 0.11445295810699463, -0.6823565363883972, -0.45946505665779114, -0.3170391321182251, -0.7294592261314392, -0.9769623875617981, 1.483441948890686, 0.9090821743011475, 1.6926122903823853, -0.03041437268257141, -0.21182769536972046, -0.6148238778114319, -0.16240347921848297, 0.37041404843330383, 0.36307358741760254, -0.5526489615440369, -0.05195245146751404, -0.18137985467910767, 1.2559765577316284, 0.05506770312786102, -0.6784275770187378, 0.038567740470170975, 0.6524395942687988, -0.1487899124622345, -0.9144909977912903, 0.7675698399543762, 0.44420960545539856, 1.0287985801696777, 1.23418390750885, -0.6956950426101685, -0.3878660202026367, -0.5856949090957642, 0.22995519638061523, 0.09499329328536987, 0.2034805417060852, -1.3557487726211548, -0.08762604743242264, 0.33924877643585205, 0.37037163972854614, -0.15947623550891876, 0.5919053554534912, 0.6828245520591736, -1.1331104040145874, -0.68802410364151, 0.18196406960487366, -0.6652830243110657, -0.5567584037780762, 0.13108423352241516, -0.5546231269836426, -0.9606155157089233, 0.5543383359909058, -0.5171678066253662, -0.6693950295448303, 0.2366517186164856, -0.1861136108636856, -0.6075788736343384, -0.13716760277748108, 0.4317516088485718, -1.350725769996643, -0.15835171937942505, 0.26227062940597534, -0.8514668941497803, -1.0325599908828735, -0.523859441280365, -0.722960889339447, 0.15840575098991394, -0.2770581841468811, 0.29233062267303467, -0.07880211621522903, -0.11709737032651901, -1.3676985502243042, 0.46624499559402466, 0.9889475107192993, -0.9087541103363037, -0.10186571627855301, 0.013792091980576515, 0.3470306396484375, 0.3031090795993805, -1.5816290378570557, -0.1937011182308197, 0.1618519127368927, 0.8994865417480469, -0.015316992998123169, -0.33930185437202454, -0.6172037720680237, 0.30107879638671875, 1.059403419494629, 0.19295966625213623, -0.9531943202018738, 0.3216330409049988, 0.11642727255821228, 1.35964035987854, 1.3322380781173706, -0.67153400182724, -0.8232935070991516, 0.823737382888794, -0.7593470215797424, 0.29965659976005554, 0.3888423442840576, 0.03285455331206322, -0.145249605178833, 0.2680511772632599, 0.13660797476768494, -0.330422580242157, -11.454216957092285, 0.372627854347229, -0.07916427403688431, -0.09607762843370438, 0.4214383065700531, -0.42705586552619934, 0.5743269920349121, -0.3189506232738495, 0.773577094078064, 0.07525963336229324, 0.16539891064167023, 1.6761512756347656, 0.6845194697380066, -0.006451982073485851, -1.0444480180740356, -1.1843514442443848, -0.9389615654945374, -0.4572131037712097, 0.5235678553581238, 0.3333035409450531, -0.4050476551055908, -0.6731675863265991, 0.5169104337692261, 0.21705526113510132, 0.9022402167320251, -0.5370872020721436, 0.08691810071468353, 0.09905786067247391, -0.7999009490013123, 0.004471130669116974, 0.4367540180683136, -0.12235633283853531, -1.0470952987670898, -0.9356056451797485, 1.0059385299682617, -0.0034664617851376534, -0.9535772800445557, -0.49708858132362366, 1.1702426671981812, -0.21446116268634796, -0.5874322652816772, 0.5109211802482605, 0.24221038818359375, -0.10979937016963959, -0.9262721538543701, -0.1979130357503891, -0.2195824235677719, 0.02344682067632675, 1.0565897226333618, -0.8805062770843506, -0.5130485892295837, -0.6015837788581848, -1.3628296852111816, -1.1287345886230469, 0.33144330978393555, 0.07670731097459793, -0.2677173614501953, 0.2677690088748932, -0.7257378697395325, -0.636154294013977, 0.5237270593643188, 0.40380823612213135, -0.5811641812324524, 0.6513223052024841, -0.165683776140213, -0.6291301846504211, 0.36645418405532837, 0.2696593403816223, 0.26243793964385986, 0.16386942565441132, -0.1068420335650444, 0.566434383392334, -0.09195107966661453, 0.29979369044303894, 0.48998481035232544, -0.2584019601345062, 0.01314170379191637, -0.9098406434059143, 0.8769606351852417, 0.12865762412548065, -0.6043494343757629, 0.6974640488624573, 0.03743594139814377, 0.5485899448394775, -0.22906458377838135, 0.038684625178575516, -0.011720634996891022, 0.041137274354696274, 0.954403281211853, -0.013019375503063202, 1.1318002939224243, -0.49201786518096924, 0.1844104677438736, -0.4378198981285095, -0.04896026477217674, 0.9938220977783203, -1.0625838041305542, 0.7131380438804626, 0.5593433380126953, -0.568324089050293, 0.2861647307872772, -0.11608301103115082, -0.5947263240814209, -0.21875545382499695, 0.6266552805900574, -0.05132325366139412, 0.2205478847026825, -0.34291964769363403, 0.21366022527217865, -0.5865211486816406, 0.7185965776443481, 0.4118872880935669, 0.3313218951225281, 1.2859241962432861, 0.11460867524147034, 1.3719696998596191, 1.5849303007125854, -0.3044302463531494, 0.2835533916950226, 1.096706748008728, 0.12068431079387665, 0.6047793626785278, 0.028829555958509445, 1.7411588430404663, 0.2656667232513428, 0.7897380590438843, 0.49073728919029236, 1.3683711290359497, -0.4671001136302948, -0.834804117679596, -0.8262877464294434, 0.5417725443840027, 0.38352319598197937, -0.7204064726829529, -0.029113560914993286, -0.3682830333709717, -0.9871681928634644, 1.2576701641082764, 0.04734472930431366, -0.00039258599281311035, 0.13567517697811127, -1.5610846281051636, -0.1523267924785614, -0.36461141705513, -0.5448116660118103, 0.17307081818580627, -1.7179726362228394, 0.03508269414305687, -0.3930864930152893, -0.21224164962768555, 0.16132424771785736, 0.18648546934127808, 0.3999478816986084, -0.5345315337181091, -0.4115729331970215, -0.02606201358139515, 0.03077063336968422, -0.8381712436676025, -0.576318085193634, 0.14792752265930176, 0.1767134666442871, 1.2159099578857422, -0.17923091351985931, 1.0672496557235718, 0.12048216164112091, 0.4750445485115051, -0.5554084181785583, -0.7924163341522217, -0.8366430401802063, 1.1067842245101929, 0.8998175859451294, -1.0799862146377563, -0.07361094653606415, -0.1673128604888916, 0.015525124967098236, -0.3426477611064911, 0.29231026768684387, 0.8672007322311401, -0.8069024085998535, 0.3131159245967865, 0.15327270328998566, 0.2841496169567108, 0.6347226500511169, -0.4763256907463074, -0.9920006990432739, 0.5428714156150818, -0.37733006477355957, 0.891401469707489, -0.5037161707878113, 0.3742331266403198, -1.527661681175232, -1.4967632293701172, -0.63897305727005, 0.10894699394702911, 1.162854790687561, -0.23565569519996643, 0.7433574795722961, 0.025432636961340904, 0.11559814214706421, 0.2621167004108429, -0.24523630738258362, 0.3003513216972351, 0.7942215800285339, 0.39365482330322266, 0.29358139634132385, 0.27431464195251465, -0.5206564664840698, -0.0781749039888382, 0.5675591230392456, 0.8583784699440002, -0.9928064346313477, -0.09742052108049393, 0.9261687397956848, -0.26058876514434814, -0.11763124167919159, -1.0277469158172607, 0.1717456877231598, -0.5653911232948303, 0.4011252224445343, -0.5286008715629578, 0.13780507445335388, 1.6525100469589233, -0.4375109076499939, 0.501054584980011, 1.0417124032974243, 0.12411583214998245, 0.6913007497787476, 0.9644288420677185, 1.386056900024414, 0.1989223212003708, -0.4055631458759308, -0.34889090061187744, 0.2746790051460266, 0.25641870498657227, 0.18247929215431213, 0.41277197003364563, -1.1433836221694946, -0.9089097380638123, -1.4293465614318848, 0.2548104524612427, 0.6749769449234009, 0.22254478931427002, 0.17557843029499054, 1.1806575059890747, 0.9349835515022278, -1.1957999467849731, 0.021196994930505753, -0.6918772459030151, 0.38547879457473755, 0.1225329041481018, 0.11437566578388214, 0.0871560201048851, 0.5864170789718628, -0.04762546718120575, 1.3817511796951294, -0.08896840363740921, -0.3663581609725952, -0.4139019548892975, 0.5288671255111694, 1.3384404182434082, 0.6197254061698914, 0.3407677114009857, -0.8447644710540771, -0.2206631600856781, -0.5452890992164612, -1.2961798906326294, -0.9379467368125916, 0.6193677186965942, 1.1005327701568604, 0.605070173740387, 0.3134516477584839, -1.1140341758728027, 0.6502957940101624, -0.715313196182251, 0.8495047092437744, 0.762157142162323, -0.39680105447769165, -1.267268180847168, -1.1185059547424316, 0.1624021977186203, 0.791720449924469, -0.4714760184288025, -0.27445608377456665, -0.3273546099662781, 0.3579692542552948, 0.32097700238227844, 0.1623857319355011, 0.07825522124767303, 0.09097560495138168, -0.0218291524797678, -0.17816443741321564, 0.4851871430873871, -0.5643507242202759, -0.5597802400588989, -0.39020875096321106, -0.7179275155067444, 0.28674617409706116, 0.2400759905576706, -0.6648343801498413, 0.366751492023468, 0.43168774247169495, 0.3960317075252533, 0.007422219961881638, 0.6279487013816833, -0.08258438110351562, -1.216228723526001, 1.0119860172271729, 0.6679769158363342, -0.9536483883857727, -1.127258062362671, 0.3617146611213684, 0.5693252682685852, -0.5681328177452087, 1.0974195003509521]} +{"paper_id": "gsarti/flores_101", "embedding": [0.4694291353225708, 0.9064359068870544, 0.3733101487159729, 0.434188574552536, 0.6766408085823059, -0.32069507241249084, 0.9739199876785278, 0.9973711371421814, 0.824788510799408, 0.11014419794082642, 0.3112933039665222, 0.10783015936613083, 0.31645190715789795, -0.2093193233013153, -0.010757669806480408, -0.44923877716064453, -1.0599589347839355, -1.0592595338821411, -1.8301712274551392, -0.584437906742096, -0.4804353713989258, -0.018682630732655525, 0.08057281374931335, 0.5099125504493713, -0.407875657081604, -0.9078790545463562, 0.6426454186439514, -1.0190610885620117, 0.3646946847438812, 0.7060492038726807, -0.31649041175842285, 1.3685191869735718, -1.1131895780563354, 0.2573702335357666, -0.4519415497779846, -0.32172954082489014, 0.13469655811786652, 0.9786545038223267, -0.09054364264011383, 0.2464592158794403, -0.7440106272697449, -0.5618987083435059, 0.007971428334712982, 0.24890117347240448, 1.4470164775848389, -0.14959876239299774, -0.44280123710632324, -0.1276273876428604, -0.13868224620819092, -0.10474079847335815, -0.5972896814346313, 0.17417964339256287, 0.4498867392539978, 0.5576491355895996, -0.8640060424804688, 0.8919966816902161, 0.6479063630104065, -0.5244504809379578, 1.0367330312728882, -1.1345051527023315, 0.9978781342506409, 1.4570521116256714, -0.732702374458313, 0.16162705421447754, 1.2693164348602295, -0.06522011011838913, 1.5962425470352173, 0.665041446685791, 0.8069781064987183, 0.5510643720626831, 0.21861238777637482, -0.9537941217422485, 0.6613956689834595, 0.16379770636558533, 1.0897051095962524, 0.5898712873458862, 0.3026677668094635, 0.3976873755455017, -0.5751217007637024, -0.3937076926231384, -0.6660087704658508, 0.8228087425231934, 0.36511316895484924, -0.9774588942527771, 0.3080269992351532, 0.4711131155490875, 0.08561551570892334, -1.0966572761535645, 0.8359269499778748, -1.6567317247390747, 0.4525887966156006, 0.10801900178194046, 0.8302831053733826, 0.1490238606929779, -0.510546088218689, -0.09343517571687698, -0.19120298326015472, 0.390101820230484, -0.3268739581108093, -0.09514472633600235, 0.6893381476402283, -0.2863632142543793, 0.6468496918678284, -0.18980053067207336, 0.2833327353000641, 1.3419790267944336, -0.38117021322250366, -1.0607643127441406, -1.7431836128234863, -0.5624169707298279, -0.08859297633171082, 1.3152002096176147, -0.5132542252540588, 0.657326877117157, 0.22035738825798035, -0.2686428427696228, 0.039205893874168396, -0.30785712599754333, -1.1021292209625244, -0.4018101096153259, -0.5088050365447998, -1.0764579772949219, -0.6369979977607727, -0.2548820972442627, 0.6347224712371826, -0.9396833181381226, 0.33068394660949707, -0.7379762530326843, 0.46870121359825134, -0.33073726296424866, 0.7316946983337402, -0.06414979696273804, -0.5185069441795349, -0.3421540856361389, 3.081392526626587, -0.7437341213226318, 1.5545119047164917, -0.8507689237594604, 0.5699781179428101, 0.1617393046617508, -0.12313376367092133, 1.2875018119812012, -0.07374951243400574, -0.7682434916496277, 0.06816832721233368, 0.00209072045981884, -1.206221580505371, -0.1922774612903595, -1.0573210716247559, -0.5179464221000671, -0.2691841721534729, 0.6280125379562378, -1.1143662929534912, -1.2043416500091553, 0.19777055084705353, 0.29016947746276855, 0.28585824370384216, 1.0601710081100464, -0.7030971050262451, 0.4005472660064697, 0.14518237113952637, 0.2131926715373993, -0.3311203122138977, 0.5072760581970215, -1.0076484680175781, 0.17859996855258942, 1.6632109880447388, -0.28932324051856995, -0.5578402876853943, -0.7178314924240112, 0.8877396583557129, -0.21538886427879333, -0.07378509640693665, 0.34084269404411316, 0.2642199695110321, 0.7288232445716858, 0.5878916382789612, 0.934355616569519, -0.3837701976299286, -0.7244886159896851, -0.21538278460502625, -0.17893250286579132, -0.36152273416519165, 0.25655466318130493, 0.47372227907180786, 0.3880184590816498, -2.0787220001220703, -0.09930633008480072, 0.44415533542633057, -0.44630563259124756, -0.008447028696537018, -0.7632803320884705, 0.37854573130607605, -0.18547505140304565, 1.1683708429336548, -0.24667978286743164, 1.032813310623169, -0.5185709595680237, -0.8675774335861206, 0.568402111530304, -0.15478937327861786, 0.17004205286502838, 0.10794263333082199, 0.6506512761116028, 0.30260229110717773, -0.025594348087906837, -0.4228946268558502, -1.3103328943252563, -0.01851685345172882, 2.474299430847168, 0.09629962593317032, -0.4781630039215088, -0.8422852754592896, -1.228387713432312, -0.09350442886352539, -1.5833513736724854, 0.20755484700202942, -1.1604827642440796, -0.5530284643173218, -1.334736704826355, 0.24284014105796814, -0.5999298095703125, -0.011277161538600922, 0.4552968144416809, 1.1437314748764038, -0.357486367225647, -0.22889786958694458, -0.13430945575237274, -1.0585424900054932, 0.5181165337562561, 0.6285994648933411, 0.14870575070381165, -1.1197470426559448, 0.7929903268814087, 0.1582539975643158, 0.33706265687942505, 0.8280059695243835, 0.404141902923584, -0.6987651586532593, -0.31385767459869385, 0.18338072299957275, 0.5080021023750305, -0.5280264019966125, 0.05514027923345566, 0.4427088499069214, 0.8790862560272217, -0.8108006119728088, -1.0328119993209839, -0.4147660732269287, 0.16120648384094238, 1.3730642795562744, 1.1817165613174438, -0.5658025145530701, 1.6875510215759277, -0.8625194430351257, 0.19291946291923523, -0.2805565595626831, -0.8677231073379517, 0.31845390796661377, -0.26742488145828247, 0.786553144454956, -0.3279401361942291, 0.03083854168653488, -0.134458526968956, -0.25083333253860474, -1.5985803604125977, -0.3085440993309021, -0.6627954244613647, -0.8767104148864746, -1.543993353843689, -0.5490849018096924, -0.05017751455307007, -0.7479235529899597, -0.8162261843681335, 0.23315943777561188, 0.9079422354698181, 0.10572697967290878, 1.539966106414795, 1.6981784105300903, 0.41243064403533936, 0.5176444053649902, 0.08362497389316559, 0.5330637693405151, -0.6463562846183777, 1.0711220502853394, 0.28268304467201233, 0.5924550294876099, -0.7147741913795471, 0.06471441686153412, -0.5875762701034546, -0.18337003886699677, 1.0762450695037842, 0.41642069816589355, 0.21923866868019104, -0.49136486649513245, -1.3412574529647827, 0.7812514305114746, -0.667712390422821, 0.8279495239257812, -0.7170283794403076, 1.6913065910339355, -0.024097571149468422, 0.25157418847084045, 0.7393996119499207, -0.34409454464912415, -0.20742881298065186, 1.012993335723877, -0.7596093416213989, 0.8093501329421997, 0.47229915857315063, -0.3836824297904968, 0.46133625507354736, 0.4288357198238373, -2.3678252696990967, 0.054794348776340485, 0.7012029886245728, 0.09700314700603485, -0.6139403581619263, -0.8820849657058716, 0.2911582589149475, -0.47012168169021606, -0.2496201992034912, 0.43593502044677734, -0.8479711413383484, 0.687980055809021, -0.12449423223733902, 0.4567432999610901, 1.3862872123718262, -0.9160738587379456, 0.5748094916343689, 1.57149338722229, 0.19407162070274353, 0.04111507534980774, -0.2798047363758087, 0.355540931224823, -0.9135832786560059, 0.40191230177879333, 0.7480373382568359, 0.6873152852058411, 1.4869319200515747, 0.0070734694600105286, -0.4338890314102173, 0.8684994578361511, 1.58867347240448, 0.5089508891105652, 0.7807626128196716, -0.26840221881866455, 0.38623204827308655, -0.02183471992611885, 1.1146142482757568, -0.05043082684278488, -1.1412768363952637, -1.038150429725647, 0.02554834447801113, -0.8596795797348022, -0.6539002060890198, 1.9374758005142212, 0.304582417011261, 0.6648304462432861, 0.27273038029670715, 0.604803740978241, -0.08160947263240814, 0.22046196460723877, 0.9624958634376526, 0.36004218459129333, -0.09132370352745056, -0.007243558764457703, -0.13550908863544464, 1.1484817266464233, -0.5910137891769409, -0.6003243327140808, 0.032023292034864426, 1.2048404216766357, -0.9086527228355408, -0.7226133346557617, 0.05302863195538521, 0.8137623071670532, 0.7885979413986206, 1.3606677055358887, -0.5954537987709045, -0.541032612323761, -0.10475853830575943, 0.5818712711334229, -0.7124843597412109, 0.6265845894813538, -0.53825843334198, 0.4986109137535095, 0.5548000931739807, 1.231213927268982, 0.029264889657497406, 0.554496169090271, 0.330211341381073, -0.9280939698219299, -1.1296287775039673, -0.2884116470813751, -0.8576595783233643, -0.7644142508506775, -0.9175691604614258, -0.11079855263233185, -1.0334867238998413, 0.9259626865386963, -0.27020981907844543, -0.7159578800201416, 0.2095964550971985, -0.3339512348175049, -1.8164900541305542, 1.0385364294052124, 1.2157630920410156, -0.9433974027633667, -0.008643018081784248, -0.49778419733047485, -0.6332499384880066, -0.8733792304992676, 0.5127598643302917, -0.6862308382987976, -0.2287319302558899, 0.16081838309764862, 0.620381236076355, -0.29797542095184326, -0.5563800930976868, -1.1491730213165283, 0.07581421732902527, 1.9336707592010498, -1.1166582107543945, 0.2017534077167511, 0.18771161139011383, 0.566093385219574, -0.4078276455402374, -0.9688315391540527, -0.6047717928886414, 0.19082556664943695, 0.71497642993927, -0.18083587288856506, -0.21280108392238617, -0.6738408803939819, -0.09300921857357025, -0.48579156398773193, 1.181531548500061, -1.264440894126892, 0.436759352684021, -0.8703532218933105, 0.4945043623447418, 0.6861090660095215, -0.3850059509277344, 0.09910967946052551, 1.2540807723999023, -0.4177496135234833, 0.6935219764709473, 0.28570789098739624, 0.6537418365478516, 0.47396156191825867, 0.32695281505584717, 0.11489519476890564, -0.37198957800865173, -10.402779579162598, 0.20164981484413147, -0.7516414523124695, -0.20770199596881866, 0.43927517533302307, -0.355072945356369, 1.0546648502349854, 0.3280748426914215, 0.003873998299241066, -0.5765976905822754, 0.6648336052894592, 1.1504229307174683, 0.6117988228797913, -0.6930610537528992, -0.3518632650375366, -0.6857564449310303, -0.4681393802165985, -0.4354262351989746, 0.585957944393158, 0.11824648082256317, -1.0845317840576172, -1.3080167770385742, -0.23255382478237152, 0.1782345175743103, 0.010770851746201515, 0.02527080476284027, -0.2859141528606415, -0.31796354055404663, -0.507774829864502, 0.055610477924346924, 0.3829091191291809, -0.28130608797073364, -0.7836192846298218, -0.6728867888450623, 0.9283775687217712, 0.004702555947005749, -0.8172029256820679, 0.17427708208560944, 0.4230158030986786, -0.11772481352090836, -0.545351505279541, 0.7066330909729004, -0.1293148249387741, -0.22301509976387024, 0.22378316521644592, 0.1016979068517685, 0.19267091155052185, -0.7847065329551697, 1.1961792707443237, -0.9664375185966492, -0.316686749458313, -0.7340670824050903, -1.1404513120651245, -1.0719479322433472, 0.38182488083839417, 0.02308032102882862, -0.5671896934509277, -0.015905320644378662, -0.33947497606277466, -1.1678144931793213, 0.47169697284698486, 0.31885766983032227, -0.2768959701061249, 0.23016664385795593, 0.12521275877952576, -0.12444116920232773, 0.8733131289482117, 0.6108291745185852, -0.6995463967323303, 0.44787856936454773, -1.1457252502441406, 0.6018876433372498, -0.016526924446225166, -0.3714018762111664, -0.6213523149490356, -0.33179113268852234, -0.16503246128559113, 0.08669337630271912, 0.19983477890491486, 0.23132281005382538, -1.1832191944122314, 0.14977982640266418, 0.13214273750782013, -0.11475824564695358, -0.7603297829627991, 0.1404562145471573, -0.5185105204582214, 0.6895483732223511, 1.603103518486023, 0.11720160394906998, 1.1687997579574585, 0.12336239963769913, 0.3081607222557068, -0.30642667412757874, -0.44994792342185974, 1.0337376594543457, -0.4637708067893982, 1.062162160873413, 0.13660942018032074, -1.1453274488449097, 0.7266383767127991, -0.46244296431541443, -0.3101213872432709, 0.3546089828014374, 1.011791467666626, 0.4647533893585205, 0.4117560386657715, -0.10391519963741302, 0.3775031864643097, 0.3471991717815399, 1.1706076860427856, -0.03351326286792755, -0.4969419836997986, 1.125773310661316, 0.39241084456443787, 1.3332234621047974, 0.4303743839263916, 0.7282503247261047, 0.777233898639679, 0.5873749852180481, -0.4142305850982666, 0.8132872581481934, 0.2607300877571106, 1.6675529479980469, -0.2683333456516266, 0.7359262108802795, 0.34636619687080383, 0.6647956967353821, 0.19206343591213226, -1.2178380489349365, 0.22936658561229706, -0.32833534479141235, 0.2792123854160309, -1.0105785131454468, -0.147456556558609, -0.5374242663383484, -0.978283166885376, 1.2095606327056885, -0.44404512643814087, -0.1846817433834076, 0.27317243814468384, -1.1532037258148193, -0.08814196288585663, -0.9429616332054138, -1.03041410446167, 0.3143414556980133, -1.3270068168640137, -0.3584442138671875, -0.3163716793060303, -0.9056897163391113, 0.6071015000343323, 0.3273259401321411, 1.11496102809906, -0.26193931698799133, -0.27962571382522583, -0.00270674005150795, 0.4875716269016266, -0.6487277746200562, -0.35231849551200867, -0.42335233092308044, 0.5052191615104675, 1.3219443559646606, -0.814480185508728, 1.1945525407791138, 0.6012750864028931, 0.46514788269996643, -0.714462161064148, -0.30165204405784607, -0.17706269025802612, 0.6168123483657837, 1.168049693107605, -1.2707470655441284, -0.33725008368492126, -0.5509523749351501, -0.3612793982028961, -0.23957905173301697, 0.14365123212337494, 1.1964527368545532, -0.6015329957008362, 0.4825543761253357, -0.2655755877494812, 0.4083881080150604, -0.26819583773612976, -1.1262869834899902, -1.040451169013977, 0.07659430056810379, -0.4565317630767822, 0.7512475252151489, 0.03612137585878372, 0.7077487707138062, -2.3815319538116455, -0.9869261980056763, 0.009438788518309593, -0.42980489134788513, 0.5846099853515625, -0.05149674043059349, 0.8955760598182678, -0.8354504704475403, 0.6466975212097168, 0.4037906527519226, -0.35333555936813354, 0.40998372435569763, -0.14118030667304993, 0.18230274319648743, 0.20956188440322876, -0.06455650180578232, -0.8333389163017273, 0.34686416387557983, 0.3407183885574341, -0.03686819225549698, -1.3706836700439453, -0.5428826212882996, 0.5376574397087097, 0.4133819341659546, -0.17767202854156494, -0.6677737236022949, 0.1324094533920288, -0.06422752141952515, -0.1566402018070221, -1.524078130722046, -0.070782370865345, 1.2401496171951294, -0.07685177028179169, 0.6087546348571777, 0.7868797779083252, 0.8161653876304626, 0.5885097980499268, 0.8427254557609558, 0.9870983958244324, -0.7270139455795288, -0.7665805220603943, -0.5466257333755493, 0.4581921398639679, -0.47154152393341064, 0.013965703547000885, 0.6887916922569275, -1.377013087272644, 0.24301719665527344, -1.2313061952590942, 1.0289207696914673, -0.68666672706604, 0.11867180466651917, -0.08765967190265656, 0.9353901147842407, -0.44253015518188477, -1.4407060146331787, 0.06226237490773201, -0.43945378065109253, -0.03938324376940727, -0.22433620691299438, 0.5853561162948608, 1.1504995822906494, 0.7531194686889648, 0.3038240075111389, 1.2190607786178589, -0.28100329637527466, -0.19144760072231293, 0.3327511250972748, -0.10110290348529816, 1.2068411111831665, 0.8193733096122742, -0.35303542017936707, 0.45035600662231445, -0.19374898076057434, -0.6026802659034729, -0.6513952612876892, -0.4261554479598999, 0.9286661148071289, 1.1828534603118896, -0.18048688769340515, 0.1853822022676468, -1.1501778364181519, 0.30287253856658936, -1.207859754562378, 0.6242504119873047, 0.8629195690155029, -0.32931846380233765, -1.3217573165893555, -0.9961775541305542, 0.4893847703933716, 1.063956618309021, -0.6503920555114746, 0.3099728226661682, -1.084097146987915, 0.025467928498983383, 0.20210736989974976, -0.632713258266449, -1.29923677444458, 0.6200471520423889, -0.1662193387746811, -0.2898717522621155, 0.7730996608734131, -0.5635247230529785, -0.7262147665023804, 0.30682483315467834, -0.971473753452301, 0.3628210425376892, -0.42409229278564453, -0.20872735977172852, -0.2250557690858841, 0.3460260033607483, -0.45431819558143616, -0.7295507192611694, 0.020676542073488235, -0.21488817036151886, -1.718066692352295, 1.0291686058044434, 1.0580798387527466, -0.8323261141777039, -0.28743776679039, 0.21522125601768494, 0.19880717992782593, 0.21447062492370605, 1.4281001091003418]} +{"paper_id": "SoLID/shellcode_i_a32", "embedding": [0.27976521849632263, 0.9069042205810547, -0.29197850823402405, 1.0417076349258423, 0.48786982893943787, 0.09034597128629684, 0.20926499366760254, 1.4994629621505737, 0.8058938980102539, 0.30938494205474854, -0.002353973686695099, 1.247201919555664, -0.06933030486106873, -0.15905645489692688, -0.7970041632652283, 0.24499627947807312, 0.33440008759498596, -1.2271020412445068, -1.1981418132781982, -0.11751527339220047, -0.6755695939064026, -1.203748106956482, -0.33556294441223145, 0.42476966977119446, -1.0024038553237915, 0.16247650980949402, 0.04885522276163101, -1.0880093574523926, -0.019750423729419708, 0.823448657989502, 0.28095054626464844, 0.7784000635147095, -1.4483665227890015, 1.6499112844467163, -0.44048377871513367, -1.0154435634613037, 0.1604798436164856, 0.13038387894630432, -0.17612454295158386, 0.545983076095581, 0.17933519184589386, 0.32506412267684937, 1.0573400259017944, -0.5214471220970154, 1.211074709892273, -0.5075069665908813, -0.31053435802459717, -0.1828695684671402, 0.38789695501327515, 0.9303638935089111, -0.7919628024101257, 0.9192789196968079, 0.6371321082115173, 0.667280912399292, -0.10276531428098679, 0.6738357543945312, 0.30104178190231323, -0.40420815348625183, 0.7746328711509705, -0.5946305990219116, 0.7665913701057434, 0.5912380814552307, -0.38286158442497253, 0.3810168206691742, 0.47577059268951416, -0.23963458836078644, 0.7155069708824158, 0.6321460604667664, 0.37648093700408936, 0.7972609400749207, -0.16858750581741333, -1.1413068771362305, 1.2571743726730347, 0.07057009637355804, -0.7013391256332397, 0.5280572175979614, -0.007851539179682732, -0.48834821581840515, 0.200161874294281, -0.293422669172287, -0.26517611742019653, 0.12336947023868561, 0.3128647804260254, -0.7610616087913513, 0.508601725101471, 0.23012205958366394, -0.044063836336135864, -1.1255642175674438, -0.44272518157958984, -1.244976282119751, -0.20372553169727325, -0.17728206515312195, -0.3132973611354828, -0.524872362613678, -1.1073787212371826, -0.2669619917869568, -0.7411707639694214, 0.0181268397718668, -0.9037978649139404, 1.6152281761169434, 0.9656734466552734, -0.1282322257757187, 0.5150866508483887, -0.5126671195030212, 0.8683635592460632, 0.6045886278152466, -0.5572628378868103, -0.5112684369087219, -2.1009292602539062, -0.3351220190525055, 0.40157821774482727, -0.1398967206478119, -0.5418448448181152, 1.3310827016830444, -0.08433892577886581, -0.6591113209724426, -0.21103352308273315, -0.29731839895248413, -0.24654081463813782, -0.19357071816921234, -0.23526228964328766, -0.9559498429298401, -0.32905903458595276, -0.11569333076477051, 0.4074498414993286, -0.5657219290733337, -0.46117183566093445, -0.11444228887557983, -0.00855562649667263, -0.027358675375580788, 1.4925318956375122, 0.6744045615196228, -0.560091495513916, -0.23788850009441376, 3.87400221824646, -1.4498469829559326, 0.012246580794453621, -0.2790050804615021, 0.717670738697052, -0.3585049510002136, -0.2381550669670105, 1.2533059120178223, -0.12875932455062866, -0.9988438487052917, -1.0978213548660278, 0.46396711468696594, -1.3624823093414307, -0.29454168677330017, -1.0791254043579102, 0.7527141571044922, 0.2790236473083496, 1.3197511434555054, -0.9396476149559021, -0.9543527364730835, -0.6250274181365967, 0.6037352681159973, 0.686156690120697, 1.0530791282653809, -1.5493215322494507, -0.5875840187072754, 1.253697156906128, 0.1753285527229309, 0.20815134048461914, 0.33950597047805786, -1.403315782546997, 0.5750483274459839, 1.6299852132797241, 0.021090805530548096, -0.6489969491958618, -0.6027050018310547, 0.7232388257980347, 0.08255793154239655, -0.1858064830303192, -0.3122902810573578, 0.26577070355415344, 0.9019131660461426, 0.8331447243690491, -0.44292160868644714, 0.8775598406791687, -0.55966717004776, -1.0240987539291382, -0.2980319559574127, 0.095994733273983, 0.7460285425186157, -0.8759389519691467, -0.05292094126343727, -2.5772993564605713, -0.31761854887008667, -0.0676453709602356, 0.18177814781665802, 0.5873972177505493, 0.16665427386760712, 0.38857796788215637, 0.9892933964729309, 1.168360710144043, -0.1732463240623474, -0.3602205216884613, -1.6505733728408813, 1.1189687252044678, 0.9015519618988037, -0.13003180921077728, 0.10572639852762222, -0.9169992208480835, 0.5674583911895752, 0.9575725793838501, -0.049525462090969086, -0.3227653503417969, -1.4295508861541748, 0.043574266135692596, 1.468151330947876, 0.9179987907409668, -0.6574990153312683, -0.6053822040557861, -1.1117693185806274, 0.3149484097957611, -0.6007847785949707, 0.38711535930633545, -1.2029610872268677, 0.3458121716976166, -1.6387630701065063, 0.645892858505249, 0.12103704363107681, 0.12198547273874283, 0.6533995866775513, 0.8613889217376709, -0.47920793294906616, 0.7554589509963989, 0.32648950815200806, -0.2328067272901535, 0.30867698788642883, 0.6933299899101257, -0.12062430381774902, 0.355444997549057, 0.6872898936271667, -0.14816322922706604, 0.6994013786315918, 0.6703479886054993, -0.03508057817816734, -0.8805568218231201, 0.123656265437603, 0.3385380208492279, -0.2460288554430008, -0.08989198505878448, -0.8681885004043579, -0.1796482354402542, 0.033511608839035034, -0.42130568623542786, -0.412598192691803, 0.5402371883392334, -0.073358915746212, 1.322974443435669, 0.22914078831672668, -0.6688745021820068, -0.0222544576972723, -0.992265522480011, -0.022785641252994537, -0.03836311027407646, -0.7255906462669373, -0.9236665964126587, -0.11858215183019638, 0.4830518662929535, -0.2787558138370514, 0.05589570850133896, -0.5221725702285767, -0.6256639361381531, -0.8543502688407898, -1.3447768688201904, -0.3927671015262604, 0.08474214375019073, -0.9380958080291748, -0.16585686802864075, -0.0377521812915802, -0.6669254899024963, -0.24211254715919495, -0.01171426847577095, 0.21288402378559113, -0.165538489818573, -0.3007134199142456, 1.6515231132507324, -0.7999095916748047, 0.49912554025650024, 0.1680103987455368, 0.40879642963409424, -0.5883623957633972, 0.9739134907722473, -0.568599283695221, -0.5957272052764893, -0.7306941151618958, -0.5767152309417725, -0.49666738510131836, -0.16403792798519135, 0.21385934948921204, -1.6950916051864624, -0.8300846219062805, 0.3102930188179016, 0.5730406045913696, 0.5142440795898438, -0.1961686909198761, 0.5760320425033569, -0.5053637623786926, 0.7244723439216614, 0.25932231545448303, -0.9609137773513794, 0.1495053768157959, -0.3762163519859314, -0.022071288898587227, 0.5843475461006165, -0.4367692768573761, 0.43308523297309875, 0.9887632727622986, 0.6284860372543335, 0.37125229835510254, -0.37058505415916443, -1.9810470342636108, 0.9936413764953613, 0.23214839398860931, 0.6112437844276428, 0.03425859659910202, -0.29079321026802063, -0.20996220409870148, -0.6555861234664917, -0.5260547995567322, 0.16530004143714905, -0.023385608568787575, 0.8532159924507141, 0.7247498631477356, 0.7775362133979797, -0.37956178188323975, -0.9000581502914429, -0.04891878738999367, 1.0234696865081787, -0.02545996755361557, 0.2585906982421875, 0.4743480086326599, 0.784946858882904, -0.6232423782348633, 0.15406093001365662, -0.44890087842941284, 1.1328400373458862, 0.38613131642341614, 0.04964993894100189, 0.6517022252082825, 0.9708781838417053, 1.4024531841278076, -0.14517426490783691, 0.24682506918907166, -0.009085781872272491, 0.057743363082408905, 0.5751850008964539, 0.9051187634468079, -0.01113399863243103, -0.22205375134944916, -0.6921247839927673, -0.09320500493049622, -0.004801049828529358, -0.8259917497634888, 1.7908637523651123, 0.8940749168395996, 1.0744765996932983, -0.22552929818630219, 0.3490525186061859, -0.49070706963539124, -0.260588675737381, -0.11208582669496536, 0.5009051561355591, 1.1647179126739502, -1.1080700159072876, -0.39234745502471924, 1.1025152206420898, -0.018608279526233673, -0.5172173380851746, -0.13539820909500122, 0.21345233917236328, 0.41436412930488586, -0.6162540316581726, -0.08428829163312912, 0.1157177984714508, 0.2816748321056366, 1.6917682886123657, -0.6294323801994324, -0.4959573447704315, -0.6045827269554138, 0.14216192066669464, -0.6137470006942749, 0.32404109835624695, -0.002611584961414337, 0.141920804977417, 0.3146023154258728, 0.6849778294563293, 1.0270073413848877, 1.158125638961792, 1.4192171096801758, -0.883155882358551, -0.3586616516113281, 0.29114556312561035, -1.1856433153152466, 0.10692645609378815, 0.07546118646860123, 0.29925671219825745, -0.33802297711372375, 0.5566726922988892, -0.8386777639389038, -0.8844225406646729, 0.3996679484844208, -0.4436643123626709, -0.06757698953151703, -0.008880823850631714, 1.7262747287750244, 0.0006246939301490784, -0.4196208417415619, 0.21916629374027252, -1.1633937358856201, -0.9124257564544678, -0.1013031080365181, -0.7795175909996033, 0.43757301568984985, 0.9208526015281677, -0.016699261963367462, 0.8511120080947876, 0.528869092464447, -1.1335625648498535, 1.304923176765442, 1.2602503299713135, -0.33269932866096497, -0.23113377392292023, -1.6005555391311646, 0.6273937225341797, 0.42461976408958435, -1.1097480058670044, -0.9673429131507874, 0.17439231276512146, 0.3587656319141388, 0.10619431734085083, -0.6487324237823486, -1.0648049116134644, -0.7775094509124756, 0.14245498180389404, -0.3489345610141754, -0.3697676360607147, -0.18345798552036285, -0.3889644742012024, 0.7478496432304382, 1.8021682500839233, -0.024337440729141235, -0.46680182218551636, 1.078341007232666, -0.37427058815956116, 0.5197288990020752, -0.18355149030685425, -0.07943551987409592, 1.6581887006759644, 0.9164106249809265, 0.0017791017889976501, -0.2893717288970947, -10.185246467590332, 0.7577669620513916, -0.4406757950782776, 0.5709655284881592, -0.044732507318258286, 0.7691706418991089, 0.39724287390708923, 0.20535936951637268, -0.2762523591518402, 0.11767652630805969, 0.1445237249135971, 1.7453316450119019, 0.1208784207701683, -0.18085867166519165, -0.6087877750396729, -1.37920081615448, -0.01879345066845417, -0.2491261512041092, 0.5041921734809875, -0.03105785697698593, 0.05527124181389809, -2.064120292663574, -0.6808293461799622, 0.42189905047416687, 0.9517524242401123, -0.21491077542304993, -0.13639649748802185, 0.020886212587356567, -1.0142664909362793, -0.6673359870910645, 0.08115671575069427, 0.06905776262283325, -0.41118359565734863, -0.5618872046470642, -0.03130403161048889, 0.08813340961933136, -1.5630849599838257, 0.6489867568016052, 0.8637796640396118, 0.2538261115550995, -0.8835484385490417, 0.537882387638092, 0.3671075701713562, -0.5692228674888611, -0.4325292706489563, 0.6598569750785828, 0.5597825050354004, -1.04286789894104, 1.2107865810394287, -0.431101530790329, -0.08529666066169739, -0.9294679760932922, -0.35937830805778503, -1.2630996704101562, 0.43351832032203674, -0.07079855352640152, -1.4270333051681519, -0.5887362360954285, -0.007881369441747665, -0.9238250255584717, 1.0816943645477295, 0.5737429261207581, 0.6799002289772034, 0.12840214371681213, 0.4131115674972534, 0.023514920845627785, 0.36414071917533875, 0.549532413482666, -0.1116737350821495, 0.5104819536209106, -1.226859450340271, 0.7261127233505249, -0.3059823215007782, 0.22926710546016693, -1.0051722526550293, -0.7599154114723206, -0.6693210601806641, -0.5358655452728271, 0.5447547435760498, 0.18235675990581512, -0.7599537968635559, 0.6552469730377197, -0.08606668561697006, -0.7301210165023804, -0.6794408559799194, -0.04279964789748192, -0.4846847951412201, 0.44310033321380615, 1.7217177152633667, 0.12255106121301651, 1.4829705953598022, -0.8752871751785278, -0.29137641191482544, -0.2873074412345886, -1.211132287979126, 0.4417842924594879, -0.9626176357269287, 0.5857018232345581, 0.3267250061035156, -0.5670213103294373, 0.21935290098190308, -0.24714410305023193, -1.5622143745422363, 0.16261522471904755, 0.7338173389434814, 0.6089950799942017, -0.049071215093135834, -0.2958136200904846, 0.41212454438209534, 0.5122260451316833, 1.0397663116455078, 0.15178626775741577, -0.42539161443710327, 0.5384953618049622, -0.39603951573371887, 0.9701592326164246, 0.6888545155525208, 0.10859012603759766, 1.4926958084106445, 0.05304441228508949, -0.2064887434244156, 1.583191156387329, 0.41191112995147705, 0.3304339647293091, -0.5698676109313965, 0.436475545167923, 0.9497723579406738, 0.7932137846946716, -1.1816277503967285, -0.27028968930244446, 0.6880720853805542, 0.03670180216431618, 0.2532132863998413, -1.2833021879196167, -0.26731202006340027, 0.42924243211746216, -0.5208495855331421, 1.0351498126983643, -0.8464674353599548, 0.31443989276885986, 0.4332790970802307, 0.07782886922359467, -0.7530821561813354, -0.5857483744621277, -0.8642652034759521, 0.47733885049819946, -1.2732973098754883, 0.12257322669029236, -0.2428954541683197, -0.5556806325912476, -0.07030072808265686, -1.0066959857940674, 1.0735074281692505, -1.121973991394043, -0.535722017288208, 0.1651204228401184, 0.616530179977417, -0.8012886047363281, -0.5987752079963684, -0.7434211373329163, 0.9557457566261292, 1.8258453607559204, 0.1303512454032898, 0.38361606001853943, -0.21474482119083405, 0.8929533362388611, -0.12252578139305115, -0.11854887753725052, 0.41206249594688416, 0.044212087988853455, 0.5603209733963013, -1.0042351484298706, -0.49193722009658813, -0.484110027551651, 0.31066519021987915, 0.11893875896930695, 0.8058645725250244, 0.4069809019565582, -1.868883490562439, 0.8229374289512634, -0.566440761089325, 0.8517786860466003, 0.8861085176467896, -1.4762508869171143, -0.7332069873809814, -0.10800862312316895, 0.4014531075954437, 0.8362012505531311, -0.6321806907653809, 0.06804907321929932, -1.3770973682403564, -1.5712268352508545, -0.790424108505249, 0.18932780623435974, 0.8507107496261597, 0.2882820963859558, -0.4796481728553772, 0.1888020783662796, 1.269160270690918, 0.5291067361831665, -0.3774649500846863, 0.8351251482963562, 0.6078478097915649, -0.4330190122127533, 0.02361414209008217, 0.33489498496055603, -0.4801435172557831, 0.46605491638183594, 0.7622451186180115, 0.4128416180610657, -1.508482575416565, 0.29622286558151245, 0.11566181480884552, 0.007901333272457123, -0.2720930278301239, -1.5369359254837036, 0.516114354133606, -0.5067357420921326, -1.105904459953308, -1.0995960235595703, 0.8139801025390625, -0.40517082810401917, 0.460776150226593, 1.0262303352355957, 0.8258196115493774, 0.5052121877670288, 0.08690669387578964, 0.33485016226768494, 0.9800689220428467, 0.017205242067575455, -0.5205691456794739, 0.17702971398830414, -0.2503014802932739, -0.2851363718509674, 0.6135925650596619, 0.19427235424518585, -1.614440679550171, -0.03664004057645798, -1.004453420639038, 0.2981572151184082, -0.4030826687812805, -0.03188425302505493, -0.03730292618274689, 0.21459296345710754, -0.3155727982521057, -1.4019160270690918, -0.6952323317527771, -0.6122955083847046, -0.5056031346321106, 1.1660358905792236, 0.3655928373336792, 0.35851654410362244, 0.6253721117973328, -0.292360782623291, 1.1389034986495972, 0.5372352600097656, 0.040181051939725876, 0.19971051812171936, 1.1516587734222412, 1.6857153177261353, 0.6897486448287964, -0.731103241443634, 0.38745513558387756, -0.3193635642528534, 0.22850394248962402, -0.5264881253242493, -0.6297861933708191, 0.6832808256149292, 1.1597328186035156, -0.4624919891357422, 0.11492200195789337, -0.6639201641082764, 0.7630711197853088, -0.8134980201721191, 1.482447624206543, -0.3067910671234131, -1.1380336284637451, -1.3431344032287598, -0.7278563380241394, -0.19932346045970917, 0.11404312402009964, -1.170737624168396, 0.24025322496891022, 0.32522082328796387, 1.1335830688476562, 0.5039693713188171, 0.5811050534248352, -1.1726412773132324, 0.010028882883489132, -0.977547824382782, -0.16223901510238647, 0.07609187066555023, -0.18677940964698792, -0.2996015250682831, -0.10056263208389282, -0.6805139183998108, 0.2091737538576126, 0.22380809485912323, -0.5224282741546631, -0.5387076139450073, 1.0425184965133667, -0.12742400169372559, -0.045733850449323654, -0.1928386241197586, 0.36893022060394287, -1.8246396780014038, 1.7173608541488647, 0.7497349977493286, -0.35676485300064087, -0.22850529849529266, 0.20503532886505127, -0.4070174992084503, 0.717670738697052, 1.1456884145736694]} +{"paper_id": "antoiloui/bsard", "embedding": [-0.004854434169828892, 0.978341281414032, -0.38393470644950867, 0.2019604742527008, 0.6460350751876831, -0.14912071824073792, 0.2696550488471985, 0.7580609917640686, 1.0301319360733032, 1.5937745571136475, 0.40702012181282043, 0.3663088083267212, -0.6664187908172607, 0.015248188748955727, -0.6557865142822266, -0.5421541333198547, -0.36371129751205444, -0.09221021831035614, -0.9597445726394653, -0.44641217589378357, -0.8679865002632141, -0.6421278119087219, -0.09832832962274551, 0.4641892611980438, -1.37007737159729, -0.5244663953781128, 0.973944902420044, -1.165739893913269, 0.766255795955658, 0.4365566670894623, -0.007532186806201935, 0.9302295446395874, -1.5121980905532837, 0.4951693117618561, -0.6408782601356506, 0.5849387049674988, 0.6143694519996643, 1.1116688251495361, -0.010320529341697693, 0.002817932516336441, -0.9258670806884766, 0.4220544397830963, 0.484635591506958, 0.23805904388427734, 0.9557338356971741, -0.8030942678451538, 0.5825514197349548, -0.10988615453243256, -0.18666812777519226, 0.060395482927560806, -0.5332080125808716, 0.6213462352752686, -0.21078865230083466, 0.4980992376804352, -0.09642123430967331, 1.004798173904419, -0.1550523340702057, -0.6770887970924377, 0.10405674576759338, -0.6822537183761597, 1.4361093044281006, 1.5001254081726074, -0.27806681394577026, 0.13787831366062164, 0.745008647441864, -0.8814687132835388, 1.3219870328903198, -0.007231913506984711, 0.30494052171707153, 0.838014543056488, 0.14672411978244781, 0.03029363602399826, 0.44644200801849365, -0.15876370668411255, -0.5836495161056519, 1.3570024967193604, 0.6351513862609863, -0.36787715554237366, 0.229600191116333, -0.5033934116363525, -0.5923014879226685, 0.7558170557022095, 0.3592637777328491, -0.9286780953407288, -0.1594771146774292, -0.2537873685359955, -0.2991575598716736, -0.27520647644996643, 0.18883056938648224, -1.760454535484314, 0.4903479218482971, -0.14627905189990997, -0.4150017201900482, -0.0006078630685806274, -0.9657941460609436, 0.19175204634666443, -0.7234925627708435, 0.24559593200683594, -0.8268344402313232, 0.32155516743659973, 0.44708216190338135, -0.4105549156665802, 0.5397293567657471, 0.5889124870300293, 0.437640517950058, 1.2946438789367676, 0.4898909330368042, 0.1973365843296051, -1.4207755327224731, -0.16393554210662842, -0.19103597104549408, 0.9981585741043091, 0.061052799224853516, 0.07026930898427963, -0.10628645122051239, 0.03649868816137314, 0.4369846284389496, -0.7848551273345947, -0.06552286446094513, -0.15876245498657227, -0.3930796682834625, -1.2531894445419312, -0.9792107939720154, 0.5781748294830322, 1.327868938446045, -0.3846030831336975, 0.11849360167980194, -0.05957230553030968, -0.3529915511608124, 0.5431824922561646, 0.763156533241272, 0.06826058775186539, -1.4607232809066772, 0.06727510690689087, 2.752410650253296, -1.4533158540725708, 1.813731074333191, -0.11236372590065002, 0.40490028262138367, -0.428461492061615, 0.2457088828086853, 0.6057596206665039, -0.11579155921936035, -1.6511890888214111, -0.578400194644928, 0.221359983086586, -0.7516539692878723, 1.2552356719970703, -0.9848663210868835, -0.5582454800605774, -0.1149740219116211, 0.35914987325668335, -1.047113060951233, -0.518377423286438, -0.13819171488285065, 0.1625860631465912, 0.10603202879428864, 0.38667264580726624, -0.740300178527832, 0.7089570760726929, 1.239900827407837, -0.17548276484012604, 0.23378610610961914, 0.5271732807159424, -0.48056942224502563, -0.0221979059278965, 1.1650310754776, 0.3345286548137665, -0.7601511478424072, 0.35219863057136536, 0.8706907033920288, -0.4261614978313446, -0.2021595537662506, -0.08065000921487808, -0.016867361962795258, 0.6331607103347778, 1.3538188934326172, 0.6098065972328186, -0.30937108397483826, -0.3693341612815857, -0.7683694958686829, -0.5931944251060486, 0.28534170985221863, 0.32059478759765625, -0.08175326138734818, 0.6720958352088928, -1.5408716201782227, -0.6217858791351318, -0.8363646864891052, 0.8627924919128418, -0.3532978296279907, 0.3587065637111664, -0.006618961691856384, 0.7551923990249634, 0.25285786390304565, -0.9180998802185059, 0.04305533319711685, -1.026534080505371, 0.14910069108009338, -0.00798693299293518, 0.03197001293301582, -0.05609451234340668, -0.09818360209465027, -0.025186121463775635, 1.0901702642440796, -1.1726858615875244, -0.19244928658008575, -2.355602264404297, 1.0132358074188232, 2.545196056365967, -0.5730542540550232, -0.44686222076416016, -0.988633394241333, 0.0031050145626068115, 0.45260924100875854, 0.31345584988594055, 0.35186994075775146, -0.7076413631439209, 0.2716768682003021, -0.7478128671646118, 0.817616879940033, -0.41846704483032227, 0.4929126799106598, 0.08992118388414383, 0.7362948656082153, -0.8523398637771606, 0.3432673513889313, -0.5233275294303894, -0.8986335396766663, 0.996867299079895, 0.2945987582206726, 0.1141781359910965, 0.044171709567308426, 1.5027726888656616, 1.0764880180358887, 0.4370507597923279, 0.4060092568397522, 0.16635902225971222, -0.9924132823944092, -0.22328217327594757, -0.5183355808258057, 0.7419723868370056, -0.4500332474708557, -0.4591476321220398, 1.0576523542404175, 0.28988155722618103, -0.4402489960193634, -0.0915895402431488, -0.10015207529067993, -0.5839365720748901, 0.8555169105529785, 0.6051533818244934, -0.7839022874832153, 1.1150128841400146, -0.7895594239234924, -0.2713981568813324, -0.39212313294410706, -0.5740839242935181, -0.19069936871528625, -0.4383755326271057, 0.6665765047073364, 0.6636257767677307, 0.4962615966796875, 0.023039095103740692, -0.6378366947174072, -1.1988223791122437, -0.16399690508842468, -0.15051737427711487, 0.2428511530160904, -1.4660580158233643, -0.3379279375076294, -0.37794244289398193, -1.0761768817901611, -0.406415194272995, 0.538624107837677, 0.3876107335090637, -0.762453556060791, 0.46239063143730164, 1.3255393505096436, -0.6488716006278992, 0.13569751381874084, 0.04889996349811554, 1.0765435695648193, -0.5416082143783569, 0.9513953924179077, -0.5872337818145752, -0.42097681760787964, -0.26998472213745117, 0.07770039141178131, -0.518837571144104, 0.6232802271842957, 0.9090879559516907, -0.037285879254341125, 0.703511118888855, 0.05650138854980469, -1.4401469230651855, 1.2136306762695312, 0.4690260589122772, -0.30915549397468567, -1.0753377676010132, 1.529550313949585, 0.6256654858589172, -0.25310996174812317, 0.7187102437019348, 0.19072651863098145, -0.022565357387065887, 1.0601301193237305, -0.11733625084161758, 0.4290345013141632, 0.3037254810333252, 0.6684874296188354, -0.09764562547206879, 0.32552167773246765, -1.2153840065002441, 0.09080509841442108, 0.8561720252037048, -0.8868074417114258, -0.2809392809867859, -0.6973865628242493, 0.3567219376564026, -0.17897716164588928, -0.1936119645833969, -0.15729323029518127, -0.19695840775966644, 0.0034149661660194397, -0.02086956426501274, 0.17290468513965607, 1.4909782409667969, -1.2561670541763306, 0.7474566102027893, 0.544815182685852, 0.1556592881679535, -0.911940336227417, -0.6423413753509521, 0.35449767112731934, 0.5071643590927124, 1.231400966644287, -0.5629866123199463, 0.6422414779663086, 1.37956964969635, -0.32781293988227844, -0.2419482171535492, 1.0814175605773926, 0.49546799063682556, 0.45839723944664, 0.49066075682640076, -0.3292107582092285, 0.2970940172672272, -0.8883830904960632, 1.2301335334777832, 0.019311461597681046, -1.3855081796646118, -1.390931248664856, 0.2158360630273819, -0.7743750810623169, -0.4819556772708893, 1.8950971364974976, -0.0015369579195976257, 2.211642026901245, -0.453646183013916, 0.2550475597381592, 0.18977417051792145, 0.3419700562953949, 0.9970297813415527, 0.4112822115421295, 0.2804666757583618, -0.4796644449234009, -0.44982656836509705, 1.323445200920105, -0.26316606998443604, -0.18205846846103668, -0.04591822624206543, 0.8862173557281494, -0.057319898158311844, -0.8089504241943359, 0.3555152714252472, 0.27542927861213684, -0.022337578237056732, 1.061429738998413, -1.0453611612319946, -0.834738552570343, -0.12611137330532074, 0.20324212312698364, -0.03896721452474594, 0.4900668263435364, -0.8899563550949097, 0.43470263481140137, -0.615229606628418, -0.03383569046854973, 0.1903439611196518, 0.5565739274024963, 1.16114342212677, 0.5983359813690186, -0.6280797123908997, -0.16858923435211182, -0.28558090329170227, -0.13494928181171417, 0.2596282362937927, -0.02500985935330391, -1.268223524093628, 1.1395317316055298, 0.11721926182508469, -1.4507341384887695, 0.7200268507003784, -0.35673558712005615, -1.8149681091308594, 0.7755895853042603, 0.6624739170074463, -1.1379165649414062, -0.017952611669898033, 0.1645011454820633, -0.7978909015655518, -0.7802221179008484, 0.16331595182418823, -1.2553967237472534, 1.3676409721374512, 0.5305876135826111, 0.29544493556022644, -0.43510836362838745, -0.7469795942306519, -1.3260633945465088, 0.9318278431892395, 0.8338480591773987, -0.7978872060775757, 0.5471121072769165, 0.3244387209415436, 0.44715577363967896, 0.03745991736650467, -1.4479786157608032, -1.240586519241333, 0.5528467893600464, 0.1932314932346344, 0.4971639811992645, -1.2545223236083984, -1.0062322616577148, 0.021046191453933716, 0.34019187092781067, 1.224532961845398, -1.1791681051254272, -0.38554906845092773, -0.24873086810112, 0.5396996140480042, 0.5782353281974792, 0.07604235410690308, -0.544642448425293, 1.6530752182006836, -0.33594173192977905, 0.8126488924026489, 0.12050241231918335, 0.4897139072418213, 1.4848750829696655, 0.006641499698162079, -0.15315844118595123, -1.040507435798645, -10.496359825134277, 0.5104228854179382, 0.07022081315517426, 0.44306737184524536, 0.9301772117614746, 0.15510469675064087, 0.6984128952026367, -0.7220944762229919, 1.132364273071289, -0.24633871018886566, 0.3644064664840698, 1.9858251810073853, 0.5632786154747009, -0.8973828554153442, -1.2316687107086182, -1.4961692094802856, -1.4997888803482056, -0.13238613307476044, 0.057198211550712585, 0.03231106698513031, -0.424000084400177, -0.6180583834648132, -0.10380981117486954, 0.061995893716812134, 1.2025755643844604, 0.0467209592461586, -0.2402600646018982, -0.08918363600969315, -0.7994478940963745, 0.144073486328125, 0.49787628650665283, 0.0565454475581646, -0.9413078427314758, -0.894378125667572, -0.3748272657394409, -0.6107393503189087, -0.9115985631942749, -0.41558653116226196, 0.7105714082717896, 0.4219985008239746, -0.24594344198703766, 0.5627706050872803, 0.18860843777656555, -0.5717372298240662, 0.050407081842422485, -0.3065674901008606, 0.2168027013540268, -1.2787145376205444, 0.3582800328731537, 0.6978955864906311, -0.17707157135009766, -0.23904109001159668, -0.7548612356185913, 0.19029425084590912, 0.09530331939458847, 0.31350165605545044, -0.4434126615524292, 0.1107909306883812, -0.46030688285827637, -0.9047254323959351, 0.39418166875839233, 0.22478574514389038, -0.3144981563091278, 0.9560489058494568, -0.7542591094970703, -0.02097908966243267, 0.6868345141410828, -0.2059810608625412, -0.10572358965873718, -0.26921388506889343, -0.34834861755371094, 1.429866909980774, -0.14748409390449524, -0.5137273073196411, -0.45305195450782776, 0.21667122840881348, -0.01086830347776413, -1.2143487930297852, 0.39651769399642944, 0.0843578577041626, -1.3234869241714478, 1.0997334718704224, -0.4296593964099884, -0.5648542046546936, -0.19280053675174713, 0.17601443827152252, -0.3194766342639923, -0.6720865368843079, 0.3102862238883972, -0.10406327247619629, 0.6974056363105774, 0.21063518524169922, 0.3427990674972534, -0.6998463273048401, -0.370598703622818, 0.2066124677658081, -1.6235949993133545, 1.5760040283203125, 0.19376564025878906, -0.8962559103965759, 0.8471740484237671, 0.014720648527145386, -0.47371768951416016, -0.421670138835907, 0.9926609396934509, 0.40024319291114807, 0.23658791184425354, -0.6894397735595703, -0.9146090745925903, -0.4361138343811035, 0.9939274191856384, 0.1186075359582901, 0.30314409732818604, -0.0012263841927051544, 0.2766273617744446, 0.21628740429878235, 0.566358745098114, 0.23619917035102844, -0.8326480388641357, 1.806585669517517, -0.11460807174444199, 0.5462209582328796, 0.2617052495479584, 0.5330793261528015, -1.0333467721939087, 0.06200917810201645, 0.1408366560935974, 0.5447710156440735, -0.23411062359809875, -1.5957430601119995, 1.096553921699524, -0.1794605404138565, 0.20855441689491272, -0.4733365774154663, -0.5303048491477966, -0.5012100338935852, -0.5105051398277283, 0.7793053388595581, -0.32938116788864136, -0.22541964054107666, -0.40291351079940796, -0.19364018738269806, 0.352261483669281, -0.8063658475875854, -1.0148781538009644, -0.2159094512462616, -1.9098933935165405, -0.3209116458892822, -0.3527461886405945, -0.3747329115867615, 0.5900640487670898, -0.4574768841266632, 1.1860285997390747, -1.0039762258529663, -0.6656001806259155, -0.12986449897289276, 0.4779164493083954, -0.6153697967529297, -0.7048840522766113, 0.32430019974708557, -0.39312395453453064, 1.2307024002075195, -1.1139991283416748, 0.7861476540565491, 0.6436320543289185, -0.35808777809143066, -0.21466189622879028, 0.3327453136444092, -0.8096602559089661, -0.2055896818637848, 1.380858302116394, -0.6827467679977417, 0.035592831671237946, -0.4406886100769043, -0.37674757838249207, -0.4981154799461365, 1.4385266304016113, 1.1145352125167847, -1.1705610752105713, 0.13561519980430603, 0.1376047283411026, 0.6702448725700378, 0.5002951622009277, -0.6979426145553589, -0.46593955159187317, 0.4902432858943939, 0.42111343145370483, 1.374650239944458, -0.45742207765579224, 1.3185405731201172, -1.992362380027771, -1.468599557876587, -0.3554055690765381, -0.7552700042724609, 0.6710999011993408, -0.24008530378341675, 1.1099015474319458, 0.14007936418056488, 0.7509570121765137, -0.047392815351486206, -0.1694655865430832, 0.9588181972503662, 0.32756561040878296, 1.0106576681137085, -1.0350669622421265, -0.16342756152153015, -0.9635173082351685, -0.19249765574932098, -0.09433266520500183, 0.5225504040718079, -0.961762011051178, 0.2428126186132431, 0.4199977517127991, -0.0753883570432663, 0.4493376314640045, -1.0280367136001587, 1.3768231868743896, -1.007784128189087, -0.6822595000267029, -1.2868143320083618, 0.5915970206260681, 1.3660600185394287, 0.5265307426452637, 1.001538634300232, 0.9770801067352295, 0.7036563158035278, 0.7414795160293579, 0.7978860139846802, 1.708781123161316, 0.3459135890007019, -0.43064185976982117, 0.19674231112003326, 0.16793100535869598, -0.2213466763496399, 0.021562613546848297, -0.29927244782447815, -0.6726362109184265, 0.37355855107307434, -0.48803049325942993, -0.08190151304006577, -0.5377374887466431, 0.2674768269062042, 0.8463976979255676, 1.019938349723816, -0.7423166036605835, -0.7332268953323364, -0.26874876022338867, -1.5456955432891846, -0.5114956498146057, 0.8684232831001282, 0.6894925832748413, 0.6063923835754395, 0.755393385887146, 0.31497132778167725, 1.5988075733184814, -0.18146638572216034, 0.294779896736145, 0.22927486896514893, -0.2184005230665207, 1.3011386394500732, 0.7329235672950745, 0.19904740154743195, -0.19044378399848938, -0.4700160324573517, -0.6302539110183716, -0.6018596887588501, -0.4338270425796509, 0.49479424953460693, 0.11855091154575348, 0.05508923903107643, 0.23517487943172455, -0.5056872963905334, 0.5599917769432068, -0.8476787805557251, 0.28739842772483826, -0.220735564827919, -0.6545349359512329, -0.7546584606170654, -0.8558511137962341, 0.17520958185195923, 0.653717041015625, -0.6927878856658936, 0.2238117903470993, 0.24373871088027954, 0.7383683323860168, -0.41970643401145935, 0.19248512387275696, -0.9000046849250793, -0.2673966884613037, -0.5017314553260803, -0.12067024409770966, 0.2140425592660904, -1.0688809156417847, -0.9493771195411682, -0.5903593897819519, -0.7112253308296204, 0.25263482332229614, -0.17933526635169983, -0.42122015357017517, -0.30522608757019043, 0.2924385666847229, -0.1353849172592163, 0.6907949447631836, -0.605557382106781, -0.14573124051094055, -1.25327730178833, 1.2220299243927002, 0.5731828808784485, -0.47794851660728455, -0.7686085104942322, 0.3292219042778015, 0.015019278973340988, -0.45557576417922974, 1.1997170448303223]} +{"paper_id": "corypaik/prost", "embedding": [-0.9018014669418335, 0.7043727040290833, 0.13129375874996185, -0.0766623467206955, -0.08836052566766739, 0.1372290998697281, 0.8796889185905457, 0.41214659810066223, 0.47851666808128357, 0.3609427213668823, 0.10793062299489975, -0.3215247392654419, -0.23211266100406647, -0.3648705780506134, -0.7189007997512817, -0.025472544133663177, -0.790956437587738, 0.0081630302593112, -1.3604098558425903, -0.9715588092803955, 0.05344182997941971, -1.4406832456588745, 0.07245941460132599, 1.2083089351654053, -1.2907345294952393, -0.06470471620559692, 1.29502534866333, -0.9769994616508484, -0.06990661472082138, 0.4799521267414093, -0.06293558329343796, 0.9660464525222778, -1.1293551921844482, 1.527799367904663, 0.1825425624847412, 0.35909944772720337, 0.33635616302490234, 0.5135753154754639, -0.1006750613451004, -0.3734750747680664, -0.2486104816198349, 0.46533533930778503, 0.5613869428634644, 0.033331193029880524, -0.05966707319021225, -0.7045344710350037, -0.12693919241428375, 0.7970743775367737, -0.9566757082939148, -0.29874154925346375, -0.6584943532943726, 0.35528528690338135, 0.2588900327682495, -0.2593371272087097, 0.774163007736206, 0.6777648329734802, -0.05006616935133934, -0.4544976055622101, 0.5953017473220825, 0.44881924986839294, 0.6726734042167664, 1.1473008394241333, -0.02814684994518757, 0.46356362104415894, 0.7865006327629089, 0.6784906983375549, 0.9026345610618591, 0.46081048250198364, 0.07867281138896942, 0.10550116747617722, -0.40390413999557495, -1.3709489107131958, -0.2189851999282837, 0.23219314217567444, 0.035047318786382675, 0.4252643883228302, -0.03048344887793064, 0.8176111578941345, 0.41502752900123596, 0.6682687401771545, 0.45883476734161377, -0.3230152130126953, 0.802334189414978, -0.6978094577789307, -0.2604548931121826, 0.2685315012931824, 0.5327585935592651, -1.2640626430511475, 0.4426406919956207, -0.9732959270477295, 0.8015544414520264, 0.06929687410593033, 0.9470339417457581, -0.7640377283096313, 0.347955584526062, 1.0260614156723022, 0.13007771968841553, -0.7155181169509888, -0.24746043980121613, 0.7675884366035461, 0.09710731357336044, 0.5122644901275635, 0.32165831327438354, -0.18872758746147156, 0.4361771047115326, -0.380791574716568, 0.3999553322792053, 0.24831321835517883, -0.35440054535865784, -0.44886118173599243, -0.2322012484073639, 0.9616803526878357, 0.5881108641624451, 0.9458984732627869, 0.12250040471553802, 0.03600475192070007, 0.41193854808807373, -0.30962321162223816, 0.5186744928359985, 0.16391539573669434, -0.03645414859056473, -0.71312415599823, -0.2512921988964081, -0.41634780168533325, 0.6432600617408752, 0.06147560477256775, -0.6283352375030518, 0.5854495763778687, -0.6576738357543945, -0.5824849605560303, 0.35526230931282043, 0.17057469487190247, -0.42689862847328186, 0.3252806067466736, 3.1607093811035156, -1.090214490890503, 0.3901025950908661, -0.5013296604156494, -0.4417739808559418, -0.4600241184234619, -0.5627341270446777, 0.6906026005744934, 0.2704639136791229, -0.5687605738639832, -0.8198597431182861, 0.11697208136320114, 0.05678131803870201, 0.04408315569162369, -1.1251614093780518, -0.08963634073734283, 0.18150393664836884, 0.43844160437583923, -1.045473575592041, 0.21900534629821777, -0.37305665016174316, -0.08009059727191925, -0.5262359976768494, -1.022714614868164, -0.09127204120159149, 0.09379647672176361, -0.21981045603752136, 0.06821052730083466, -0.8099492192268372, 0.28801992535591125, 0.013587310910224915, 0.5200660824775696, 0.5242000818252563, -0.39713627099990845, -1.514555811882019, -0.2729470729827881, 0.14271484315395355, -0.5663527846336365, 0.3526756167411804, -0.2460164725780487, -0.574873685836792, 0.5165430307388306, 0.22216303646564484, 0.6916136145591736, 0.44940268993377686, 0.0765758603811264, -0.35623419284820557, -0.2080211341381073, -0.06844004988670349, 0.3095875680446625, 0.17040416598320007, -0.16462892293930054, -2.8234925270080566, 0.4796175956726074, -0.8617897033691406, 0.9210342168807983, 0.8751698136329651, 1.2111893892288208, 0.09136015176773071, 0.5914926528930664, -1.2014402151107788, -0.13673269748687744, 0.16428261995315552, -1.0064104795455933, -0.4555073082447052, 0.4552868604660034, -0.5429580807685852, 0.44331035017967224, -0.6449804902076721, 0.33538323640823364, 0.46560078859329224, -0.6240824460983276, -0.18932025134563446, -1.7656209468841553, 0.255450963973999, 0.5085180997848511, 0.6077098250389099, -0.0576089546084404, -0.15929588675498962, 0.022967800498008728, 0.024631112813949585, 0.05083656311035156, 0.26586827635765076, 0.15775343775749207, 0.18310639262199402, -0.6958775520324707, 0.6593980193138123, -0.17768660187721252, 0.6492835879325867, -0.35776427388191223, 1.6926459074020386, -0.7915481328964233, 0.6124924421310425, -0.6776650547981262, -0.9916963577270508, 0.6579063534736633, 0.6006406545639038, 0.4273865818977356, 0.15351982414722443, 0.9017961621284485, 0.1690978705883026, 0.3724623918533325, 0.6508115530014038, 0.8220635652542114, -0.9256734848022461, 0.280849814414978, 0.1558576375246048, 1.1978739500045776, 0.4314998984336853, 0.47267383337020874, 0.3129066228866577, -0.37631988525390625, 0.21645933389663696, -0.16403944790363312, -0.2535208463668823, -0.14915212988853455, 1.4850010871887207, -0.10219009220600128, -0.7448569536209106, -0.2823164165019989, -0.17606724798679352, -0.17304322123527527, 0.020642440766096115, -0.40618813037872314, 0.2463483363389969, -0.4169337749481201, 0.20236575603485107, 0.5308587551116943, 0.09264673292636871, -0.15449084341526031, -0.4329029321670532, -0.9308700561523438, -0.21354904770851135, -0.5534489750862122, 0.0925174206495285, -0.6412526369094849, -0.7561217546463013, -0.31181401014328003, -0.7700955867767334, -0.6610161662101746, -0.12144136428833008, -0.290251761674881, 0.42237693071365356, 0.3798711895942688, 0.9979320168495178, 0.29035764932632446, 0.0011374428868293762, -0.16221997141838074, 0.3094406723976135, 0.06716178357601166, 0.500820517539978, -0.4499792456626892, -0.47299057245254517, -0.8394007086753845, 0.29674825072288513, -0.8089632391929626, 0.4970504641532898, -0.7005268335342407, -0.6552059054374695, 0.6076235175132751, -0.3420894742012024, -0.4892924427986145, 1.2006481885910034, 1.1252989768981934, -0.017808906733989716, -0.5818488001823425, 1.2739919424057007, 0.16026853024959564, -0.6315959692001343, 0.02921196259558201, 0.10878936201334, -0.3238016366958618, 0.7598944306373596, 0.44856950640678406, 0.25844806432724, 1.0011543035507202, -0.009648746810853481, 0.1714169830083847, -0.39659860730171204, -2.2702693939208984, 0.6862873435020447, 0.24099260568618774, -0.051236841827631, 0.06903122365474701, -1.6588689088821411, 0.1407984048128128, -0.8059634566307068, -0.42224693298339844, 0.5611728429794312, -0.20793484151363373, -0.01395433396100998, -0.3697531521320343, 0.7954650521278381, 1.0002285242080688, -1.0355408191680908, 0.05644402280449867, 0.13084816932678223, 0.09495989233255386, -0.6730220913887024, -0.0493665486574173, 0.8710516691207886, -0.01696017012000084, 0.6001064777374268, 0.5024206042289734, 1.324406385421753, 0.21605488657951355, 0.252004474401474, 0.21458303928375244, 0.8645881414413452, 0.02583591639995575, 0.6415733098983765, 0.7836944460868835, -0.4711917042732239, -0.05225834995508194, -0.46900755167007446, 0.9561335444450378, -1.1162245273590088, -0.19051332771778107, -0.8337240815162659, 0.7880604267120361, -0.20499318838119507, -0.24759727716445923, 1.3488632440567017, 1.1082799434661865, 1.4565850496292114, -1.0174082517623901, 0.44618722796440125, -0.9644334316253662, 0.053606610745191574, -0.1562040001153946, 0.08940275013446808, 0.38727957010269165, -1.293822169303894, 0.1785726249217987, 0.09047067165374756, 1.2071747779846191, 0.4165157079696655, -0.011503255926072598, 0.5027605891227722, 0.778008222579956, -0.2004203200340271, 0.6310378313064575, -0.22421520948410034, 0.39746853709220886, 1.1024521589279175, -0.22453217208385468, -0.524450421333313, 0.27544966340065, -0.16474224627017975, 0.482019305229187, 0.2334849238395691, -0.3059946298599243, 0.5199077129364014, -0.003943238407373428, 0.6941832304000854, 0.546671986579895, 0.9667358994483948, 1.8024287223815918, -0.07825250923633575, -1.9232046604156494, 0.36943522095680237, -0.20307862758636475, -0.02333049662411213, 0.5132492780685425, -0.18338756263256073, 0.29195764660835266, 0.870807409286499, -0.06886604428291321, -0.7966768145561218, 0.519513726234436, -0.3071795403957367, -0.9782644510269165, -0.577342689037323, 0.7057214975357056, -1.113336443901062, -0.5337284803390503, 0.4978119134902954, -0.5106083750724792, -0.6246768236160278, -0.5377753973007202, 0.3777925372123718, 1.2571169137954712, -0.46103352308273315, 0.9235599637031555, -0.5109914541244507, 0.1126336008310318, -0.7973405718803406, 1.4578814506530762, 0.26247188448905945, 0.13973277807235718, 0.7636643648147583, 0.3785352408885956, 0.5903552770614624, 0.666831374168396, -0.5959694385528564, -0.07610493153333664, 1.1441771984100342, -0.18991251289844513, -0.2371886819601059, -0.5126375555992126, -0.7702381014823914, 0.1644742488861084, -0.17484240233898163, 0.4874047338962555, -1.0109840631484985, -0.3839609622955322, -0.6989194750785828, 0.6997107267379761, 0.3210026025772095, -0.6872236728668213, -1.2290343046188354, -0.0949995368719101, -0.6802041530609131, -0.01590678282082081, -0.6233497858047485, -0.2579686641693115, 1.671478271484375, -0.5531173944473267, -0.8915860056877136, 0.5307298302650452, -12.490105628967285, 1.3829288482666016, 0.19140678644180298, 0.911375880241394, 0.6464605331420898, -0.8537547588348389, 0.27036967873573303, 0.15931636095046997, 0.7294641733169556, -0.9087965488433838, -0.0035279206931591034, 0.4354167580604553, 0.821220874786377, 0.5004947185516357, -0.6995987892150879, -1.6734163761138916, -0.18087466061115265, -0.2884010076522827, 0.20729725062847137, 0.5919190645217896, -0.1267090141773224, -1.1013199090957642, 0.006788201630115509, 0.9419199228286743, -0.613764226436615, -0.26431652903556824, -0.5469561219215393, -0.44837409257888794, 0.35203874111175537, -0.38669657707214355, 0.9917629361152649, 0.05148845911026001, -0.11443823575973511, 0.05170257389545441, -0.0963522344827652, 0.013990887440741062, -0.6434589624404907, -0.19693663716316223, 0.6651357412338257, -0.3191150426864624, -0.11049795150756836, 0.4978013336658478, 0.6690649390220642, -0.2655161917209625, -0.9658228754997253, 1.1935235261917114, 0.33450090885162354, -0.8814752101898193, -0.4308389127254486, -0.23247075080871582, -0.3356211185455322, -0.5270971655845642, -0.33003872632980347, -0.34774714708328247, 0.49258676171302795, 0.2146461009979248, -0.34211382269859314, -0.6828545928001404, -0.4054725468158722, -1.420242428779602, -0.412242591381073, 0.34589874744415283, 0.5401229858398438, 0.34346961975097656, -0.1611109972000122, 0.16510415077209473, 0.2002193033695221, 0.7697697281837463, -0.5296042561531067, 0.3462175130844116, -0.9091736078262329, -0.30091592669487, 0.3352615535259247, 0.551773190498352, -0.35301774740219116, 0.01116269826889038, -0.4526965320110321, 0.5780248641967773, -0.2728116810321808, -0.4241005480289459, -0.5464365482330322, 1.0440475940704346, -0.15761327743530273, 0.04744821786880493, -0.20114895701408386, -0.1488981544971466, 0.9662861824035645, 0.4118354618549347, 0.5962814092636108, -0.8408913612365723, 0.9857730865478516, 0.01895463839173317, -0.4131926894187927, -0.09742975980043411, -0.9219508767127991, 0.560451865196228, 0.6235068440437317, 0.20276814699172974, -0.3110964298248291, -0.5365113019943237, -0.22191095352172852, 0.40879541635513306, -0.7463339567184448, -0.5004832148551941, 0.5576448440551758, 0.7330845594406128, 0.5059320330619812, 0.0300426185131073, -0.16727638244628906, 0.023286454379558563, -0.15384602546691895, -0.6216137409210205, -0.8372142314910889, 0.812954843044281, -0.22520220279693604, -0.6088893413543701, 0.6790070533752441, -0.30581071972846985, -0.10816772282123566, 0.9636025428771973, 0.2355135679244995, 1.073410153388977, 0.5180224776268005, 0.7275665998458862, -0.08434292674064636, -0.4781007766723633, 0.7659654021263123, 0.6008201241493225, -0.7422960996627808, -1.2644984722137451, -0.5691525340080261, -0.12754637002944946, -0.21095141768455505, -0.13954374194145203, -0.576392650604248, -0.8349183201789856, 0.13989587128162384, 1.144995927810669, -0.9480030536651611, 0.09117565304040909, 0.4923480153083801, -0.26904937624931335, -0.6783121824264526, -1.2143765687942505, -0.8036613464355469, -0.14535555243492126, -1.7795252799987793, -0.008007172495126724, -1.1117703914642334, -1.0718718767166138, -0.293436199426651, -0.2285238802433014, 1.2028636932373047, 0.06313793361186981, 0.10988688468933105, -0.6004990935325623, -0.05700979381799698, -0.9465310573577881, 0.007679265923798084, -0.23863273859024048, 0.17020738124847412, 1.1690740585327148, -0.847448468208313, 0.4971964359283447, -0.46367326378822327, -0.1050991415977478, -1.2757749557495117, -0.23431633412837982, -0.28646788001060486, -0.3038298487663269, 0.6281067728996277, -0.8108168244361877, 0.34344378113746643, 0.4323204755783081, -0.13852033019065857, -0.9636653065681458, 0.7626957297325134, 0.6821795701980591, -0.9026883244514465, -0.5117571949958801, 0.5232143402099609, 0.49364224076271057, 0.7728099226951599, -0.6175802946090698, 0.05873046815395355, -0.0785968229174614, 0.5971636772155762, 0.3061292767524719, 0.32308292388916016, 1.440205693244934, -1.3551650047302246, -0.8716018795967102, -0.1458967924118042, 0.505977213382721, 0.8432979583740234, -0.3034147620201111, 0.8900913000106812, 0.8855661153793335, -0.8139358758926392, 0.7834689617156982, 0.16411428153514862, 0.2793883681297302, 0.003706023097038269, 0.2926596999168396, -0.7060300707817078, 0.39170607924461365, -0.1168186217546463, -0.437992125749588, -0.6546164155006409, 0.2975018620491028, -0.35693395137786865, 0.23596055805683136, -0.1763828843832016, -0.35673752427101135, -0.0309118814766407, -1.1136317253112793, 0.36911529302597046, -0.6672505140304565, -0.4552849233150482, -0.7073261737823486, 0.43693676590919495, 1.080726146697998, 0.24487479031085968, 0.6389209628105164, 0.38929176330566406, 0.10928434878587723, 0.48173338174819946, 0.020164810121059418, 1.127625823020935, 0.6693990230560303, -0.4865124225616455, 0.5687862038612366, 0.6458643674850464, -0.09779763221740723, -0.182798832654953, -1.002401351928711, -0.0338996946811676, 0.5426740050315857, -0.4122651219367981, 1.0670967102050781, -0.914820671081543, 0.1747092604637146, 0.6608639359474182, 0.9306452870368958, -0.8201472759246826, -1.890375018119812, -0.7262709140777588, -0.7871207594871521, 0.4539509117603302, 0.8746328353881836, 0.8561170697212219, -0.2527543008327484, 0.4031457304954529, 0.32625699043273926, 0.16750745475292206, -0.07302293926477432, -0.04887498915195465, 0.09908781200647354, -0.054300457239151, 1.5628660917282104, 0.8309173583984375, -0.0795576199889183, 0.5659731030464172, 1.4119664430618286, -1.0792295932769775, 0.2495858073234558, -0.7755890488624573, 0.04081074893474579, 0.03232730180025101, -0.6513237953186035, -0.4190289378166199, -0.48696619272232056, 0.5707710385322571, -1.0769816637039185, 0.26295673847198486, -0.13154557347297668, -0.4006809592247009, -0.2069367617368698, -0.10036594420671463, -0.07078511267900467, 0.03055383265018463, 0.4601404666900635, -0.8311078548431396, 0.4260212779045105, 1.870158076286316, 0.7451890110969543, 0.24946479499340057, -0.25084882974624634, 0.04860348254442215, -0.6148446202278137, 0.8292529582977295, -1.364603042602539, -0.19730311632156372, -0.05300750583410263, 0.5963805317878723, -0.18640847504138947, -0.5614643692970276, -0.8045627474784851, -0.2609560191631317, -0.3718792796134949, -0.014230765402317047, -0.6536015272140503, 0.26271507143974304, 0.07268507778644562, 0.5482209324836731, -0.6655404567718506, 0.6528593897819519, 0.5067684054374695, -0.16656358540058136, -0.1804940402507782, -0.0003248341381549835, 0.17755724489688873, -0.8011067509651184, 0.18710941076278687]} +{"paper_id": "dfki-nlp/few-nerd", "embedding": [-0.919001579284668, 1.2273918390274048, -0.36745497584342957, -0.29362091422080994, 0.27657198905944824, 0.12099844217300415, 0.20485836267471313, 0.4445434808731079, 1.3503713607788086, 1.1301007270812988, 0.5367577075958252, -0.21529363095760345, -0.5086126923561096, -0.9987121224403381, -0.5637467503547668, -0.3547959625720978, 0.10443288832902908, -0.6973466277122498, -0.5789498090744019, -0.4907635748386383, -0.9520481824874878, -0.9623018503189087, 0.3879956901073456, 0.575762152671814, -0.9317490458488464, -0.769375741481781, 0.6428824663162231, -1.1078587770462036, -0.023996204137802124, 0.5240523219108582, -0.27562832832336426, 1.399795413017273, -1.2263070344924927, 0.6031736731529236, -0.6751068830490112, -0.0485912561416626, 1.2025747299194336, 0.5245246887207031, -0.30031540989875793, -0.2911657989025116, -0.6666690111160278, -0.6280351281166077, 0.3830759525299072, 0.591022253036499, 1.5537517070770264, -0.5411452054977417, 0.4345078468322754, 0.14157654345035553, -0.029048003256320953, -0.33222609758377075, -0.018292158842086792, 0.2671636641025543, 0.3922973573207855, 0.5388031005859375, -0.33530324697494507, 1.42448091506958, 0.01410026103258133, -1.0219357013702393, 0.3694005608558655, -0.12560006976127625, 1.2212271690368652, 1.0166676044464111, -0.04374363273382187, -0.3166121244430542, 0.9101733565330505, 0.31127387285232544, 1.5609052181243896, -0.03976353257894516, 0.6779797673225403, 0.5030286312103271, 0.2540656328201294, -1.6799460649490356, -0.3108660876750946, -1.0120376348495483, 0.42819201946258545, 0.8820563554763794, 0.6562786102294922, -0.2399514615535736, 0.7092059254646301, -0.1445266604423523, -0.08201318979263306, 1.0769892930984497, 0.5182944536209106, 0.27537527680397034, -0.45719000697135925, -0.15006713569164276, 0.6786202192306519, -0.580824613571167, 0.33038052916526794, -1.8514268398284912, 0.6484239101409912, 0.30582690238952637, -0.7505537271499634, 0.05416059494018555, -0.16845576465129852, 0.7288290858268738, -0.7001737952232361, -1.145659327507019, -0.5128470659255981, 0.6710649132728577, 0.6360641121864319, -0.08077920228242874, -0.13784651458263397, -0.38603484630584717, 0.286937952041626, 1.8896952867507935, -0.9207003712654114, 0.20938751101493835, -1.2487001419067383, -0.18004924058914185, 0.46112751960754395, 1.263381004333496, 0.5189585089683533, 0.7629261612892151, -0.028079025447368622, -0.055797114968299866, 0.7608000636100769, -0.3293859660625458, -0.4376741647720337, 0.5303067564964294, -0.159707710146904, -1.3138031959533691, -0.2537689208984375, -0.19636036455631256, 1.4594974517822266, -1.36813223361969, 0.7546524405479431, -0.14741024374961853, -0.009923870675265789, -0.3826795816421509, 0.5289424657821655, 0.22575482726097107, -1.0336710214614868, -0.40539196133613586, 2.7918643951416016, -1.1439883708953857, 1.0893391370773315, -0.3044426441192627, -0.8641659021377563, -0.4120556116104126, 0.4348984360694885, 1.0340415239334106, 0.5947484374046326, 0.07663460075855255, -0.646740198135376, 0.3280530273914337, -1.032789707183838, 0.5812777280807495, -0.7881708741188049, -0.668479323387146, -0.17586052417755127, 0.34818127751350403, -1.6701234579086304, -0.7812303304672241, 0.05484730377793312, 0.3150891959667206, -0.1992410570383072, 0.10233628749847412, -0.4365369379520416, 1.3958237171173096, 0.9988835453987122, -0.5782978534698486, -0.12657305598258972, 0.640749454498291, -0.5081679224967957, 0.08198606222867966, 1.0335055589675903, -0.014291560277342796, -1.0131523609161377, -0.3843526840209961, 1.0825034379959106, -0.5275595188140869, -0.06678378582000732, -0.4906562268733978, -0.5878313183784485, 0.041315943002700806, 0.695896565914154, 0.31977519392967224, 0.29347527027130127, -0.12194306403398514, -0.2567971646785736, 0.18106494843959808, -0.5367141962051392, 0.35915160179138184, 0.039068251848220825, 0.39646029472351074, -2.347648859024048, -0.6510682106018066, -0.05769763141870499, 0.9901642203330994, -0.10771356523036957, -0.1692417412996292, -0.3722518980503082, 0.6706801056861877, -0.19205185770988464, -0.9007092714309692, 0.8430812358856201, -1.133998990058899, -0.40251827239990234, 0.18914373219013214, 0.11104884743690491, -0.4142407178878784, -0.003196213161572814, 1.172843098640442, 0.5744810700416565, -0.7886911034584045, -0.3424569368362427, -2.1712534427642822, -0.18844804167747498, 1.820228934288025, 0.10429970920085907, -1.1915749311447144, -1.4105032682418823, -0.625128448009491, 0.632181704044342, -0.5729745030403137, 0.8410631418228149, -0.4237595796585083, 0.29151061177253723, -1.1226961612701416, 0.43384331464767456, -1.0557669401168823, 0.4490785300731659, 0.45113635063171387, 1.280421257019043, -0.4074050188064575, -0.06613068282604218, -0.10391344130039215, -0.7382315993309021, 0.7132120132446289, 0.4701037108898163, 0.2960016131401062, 0.019668785855174065, 1.4505164623260498, 0.7583624720573425, 0.48440200090408325, -0.10847187042236328, 0.6574546098709106, -0.5573934316635132, 0.6133896112442017, 0.15143318474292755, -0.14816497266292572, -0.330938458442688, -0.27026882767677307, 0.6327167749404907, 0.06407350301742554, -0.6128410696983337, -0.9605892300605774, 0.2379816323518753, -0.024951420724391937, 1.1337616443634033, 0.792327344417572, -0.0563952811062336, 0.3665722906589508, -0.36624929308891296, -0.3383350372314453, -0.36877724528312683, -0.7459728717803955, 0.027406632900238037, -0.6216915249824524, 1.1615476608276367, -0.38511860370635986, -0.02600451000034809, -0.601123034954071, 0.25499141216278076, -1.3664944171905518, -0.5775480270385742, 0.2699372172355652, -0.773773729801178, -1.234833836555481, 0.3486267626285553, 0.1694440245628357, -0.5870842337608337, -1.0444817543029785, 0.41244766116142273, 0.6826948523521423, 0.5469268560409546, 0.9024699926376343, 1.3615144491195679, -0.4647688567638397, 0.17764848470687866, 0.03870554268360138, 0.6569944024085999, -0.5649993419647217, 0.9391397833824158, 0.29989057779312134, 0.7164600491523743, -0.8179508447647095, 0.2904566526412964, -0.02579546719789505, 0.5911200642585754, 0.26485997438430786, 0.08750306814908981, 0.4657645523548126, -0.14397920668125153, -0.8063338398933411, 1.9061170816421509, -0.15166567265987396, -0.046724505722522736, -0.7212395071983337, 1.0297967195510864, 0.7924716472625732, -0.49565771222114563, 0.6689771413803101, 0.27917930483818054, -0.11235891282558441, 1.3652287721633911, -0.6119126081466675, 0.6472089886665344, 0.4927697777748108, 0.1355074942111969, 0.28029555082321167, 0.5185009837150574, -1.4384148120880127, -0.5580799579620361, 0.1798115074634552, -0.10442974418401718, 0.2738826274871826, -0.6023910641670227, 0.5693896412849426, -0.8753169178962708, -0.10815742611885071, -0.15341541171073914, -0.38468340039253235, 0.06401637196540833, -0.49392884969711304, 0.4749176502227783, 0.7398452162742615, -0.7655355334281921, 1.0331497192382812, 0.5264015793800354, -0.32756367325782776, -0.6413826942443848, -0.33398208022117615, 1.7796423435211182, -0.03914187103509903, -0.10905350744724274, 0.12978214025497437, 0.7526732087135315, 1.2485370635986328, -0.7081800699234009, 0.48459017276763916, 0.6083360910415649, 0.28660348057746887, -0.13241401314735413, -0.13003477454185486, 0.018069880083203316, 0.23616252839565277, -0.16931219398975372, 1.0496906042099, -0.03702700138092041, -0.6618360877037048, -0.7932830452919006, 0.5652428865432739, -0.4831268787384033, 0.0819520428776741, 2.2146501541137695, 0.46732214093208313, 2.0227720737457275, -0.8572404384613037, 0.625528872013092, -0.42682111263275146, -0.005596207454800606, 0.49216699600219727, 0.9923040866851807, -0.3348504900932312, -0.8381010293960571, 0.3324221670627594, 0.1125393956899643, -0.21356578171253204, 0.1276066154241562, -0.10221121460199356, 0.5603845715522766, -0.01742411032319069, -1.2546792030334473, 0.1889984905719757, -0.33554980158805847, 0.5123594999313354, 1.7242610454559326, -0.3826674222946167, -0.9745292663574219, 0.08180547505617142, 0.6395834684371948, 0.8953346014022827, 0.3099489212036133, -0.3813496530056, 0.18773505091667175, 0.24739818274974823, 0.13818088173866272, 0.3500954508781433, 1.1901228427886963, 0.9438714981079102, -0.6966733336448669, -1.6533610820770264, -0.15443529188632965, -1.1066803932189941, -0.38238629698753357, 0.2212737798690796, 0.3519480228424072, -0.8813498020172119, 0.19697944819927216, -0.38250014185905457, -0.776076078414917, 0.9468843936920166, -0.3513007164001465, -1.6678376197814941, 1.15679931640625, 1.3364895582199097, -1.544533610343933, -1.0470991134643555, -0.47269731760025024, -0.6100073456764221, -0.3616534173488617, -0.33723971247673035, -0.7880979776382446, 0.07974856346845627, 0.15242257714271545, 0.06620803475379944, 0.22441501915454865, -0.15946774184703827, -0.48806172609329224, 0.3338000178337097, 0.7940860390663147, -0.9323533177375793, 1.3365305662155151, 0.7534549236297607, -0.7454854249954224, -0.38233593106269836, -1.693358302116394, -1.363333821296692, 0.4975125193595886, -0.11969424784183502, 0.19126754999160767, -1.2685518264770508, -0.851115882396698, 0.23511451482772827, -0.8761063814163208, 1.1755166053771973, -0.2968688905239105, 0.3114584684371948, -0.8832619786262512, -0.3075830638408661, 0.035611413419246674, -1.1449434757232666, -1.3849132061004639, 1.5507197380065918, -0.12044434249401093, 0.5474255084991455, -0.054735153913497925, 0.6449342966079712, 2.2845892906188965, 0.05355822294950485, -0.19917960464954376, -0.6716189384460449, -10.784977912902832, -0.011793716810643673, 0.09917670488357544, -0.1025698184967041, 0.6422221660614014, -0.27888181805610657, 0.8282427787780762, -0.21040192246437073, 0.8008331656455994, -0.9681872725486755, 0.9262804985046387, 1.3031543493270874, -0.06497378647327423, -0.31767594814300537, -0.4959651231765747, -1.254390001296997, -0.177301287651062, 0.05588991940021515, 0.13860300183296204, 0.12768086791038513, -0.24183502793312073, -0.9373626708984375, -0.004950083792209625, 0.23808079957962036, -0.11923342198133469, 0.4460228979587555, 0.1191801056265831, -0.09593912214040756, -0.6713809370994568, 0.7421125173568726, 0.5451651811599731, -0.561832845211029, -0.8074117302894592, -0.6691532731056213, -0.02504865825176239, 0.016197625547647476, -1.2467877864837646, 0.21289575099945068, 0.9520542621612549, 0.4550148546695709, -0.017285063862800598, 0.5060302019119263, 0.37268081307411194, 0.3496677279472351, -0.4767821729183197, 0.05416969954967499, 0.7792736887931824, -1.3457401990890503, 0.28805896639823914, -0.14025181531906128, -0.1368374228477478, -0.4752649664878845, -1.033336877822876, -0.030239509418606758, 1.240162968635559, -0.0815802812576294, -0.8785759210586548, -0.19159449636936188, -0.8160978555679321, -1.2711870670318604, 1.524013638496399, 0.08911976963281631, -0.35457944869995117, -0.018172960728406906, 0.8997864723205566, -0.5179638266563416, 0.8666509985923767, 0.08792176842689514, -0.28618061542510986, 0.5295789837837219, -0.48751938343048096, 0.2870321273803711, 0.7979647517204285, -0.1948237419128418, -0.4313848614692688, -0.1283915936946869, -0.24083760380744934, 0.6834981441497803, 0.1771949827671051, 0.6981863975524902, -0.8448880910873413, 1.2611262798309326, -0.43465885519981384, -0.6142393946647644, -1.1617765426635742, -0.035261690616607666, -0.8717679381370544, -0.5078198909759521, 0.13944004476070404, -0.18069282174110413, 0.9171635508537292, -0.08758094906806946, -1.0393497943878174, -0.4226300120353699, -0.7715486288070679, 0.959611713886261, -0.7672969102859497, 0.5339775681495667, 0.04814215004444122, -1.0996298789978027, 0.8470388650894165, -0.2446461319923401, -0.12035872787237167, -0.2523186206817627, 0.4732171297073364, 0.23826172947883606, -0.49672189354896545, 0.21992096304893494, 0.4040687382221222, -0.29810231924057007, 0.919310986995697, -0.8381879925727844, -0.5998939275741577, 0.6413897275924683, 0.05351990461349487, 0.7363054156303406, 0.3894719183444977, -0.1801580935716629, 0.8412986993789673, 1.1396123170852661, 0.12867876887321472, 0.983598530292511, 0.2605556547641754, 0.7952966094017029, 0.2003432810306549, -0.6269465088844299, 0.9672994613647461, 0.5535228848457336, 0.3869965076446533, -1.7936162948608398, 0.2456984966993332, 0.11187329888343811, -0.3011847138404846, -0.39787086844444275, -0.9270586371421814, -0.20402084290981293, -0.34118860960006714, 2.066086769104004, -0.6917293667793274, 0.21230196952819824, 0.1990460604429245, -0.972960889339447, 0.37075117230415344, 0.0751928985118866, -0.5905175805091858, -0.26778551936149597, -0.4135061800479889, -0.24839526414871216, -1.0802181959152222, -0.34203773736953735, -0.08800892531871796, -0.3723858892917633, 0.8455337882041931, -1.2670403718948364, -0.28076308965682983, -0.23850244283676147, 0.2753492593765259, -0.6980984210968018, -0.3032979965209961, -0.10924509167671204, -0.2484053373336792, 1.129382610321045, -0.6033374667167664, 0.7268851399421692, 0.12237004935741425, -0.23636232316493988, -0.4255218505859375, -0.7067784070968628, -0.13898338377475739, -0.4533819258213043, 1.8167526721954346, -0.588691771030426, 0.8192594647407532, -0.10776792466640472, -0.4525785446166992, -1.2791292667388916, 0.8930216431617737, 1.1888498067855835, -0.6543225049972534, 0.058355361223220825, 0.4686795473098755, 1.2124910354614258, 0.9805023074150085, 0.04614347219467163, 0.18945840001106262, -0.3386645019054413, 0.3025648891925812, 0.705150306224823, -0.36583176255226135, 0.23672285676002502, -1.8549132347106934, -0.6175225973129272, -0.28948453068733215, -0.6036550998687744, 0.5830850601196289, 0.6187230348587036, 0.6773525476455688, 0.8818100690841675, 0.2718687355518341, 0.5221759676933289, 0.6984826922416687, 1.3248447179794312, 0.37609338760375977, 0.9708265066146851, -0.4238317310810089, -0.9175082445144653, -0.5803070664405823, 0.1938900202512741, 0.548795759677887, 0.41863754391670227, -1.3592890501022339, 0.5739795565605164, 0.8627105951309204, -0.7041322588920593, 0.8197009563446045, -0.7676599025726318, 0.6463329792022705, -0.16839632391929626, -0.5176535844802856, -1.5964381694793701, 0.46763309836387634, 0.5879296064376831, -1.5650235414505005, 0.9391462206840515, -0.39000388979911804, 0.28482624888420105, 0.8001604080200195, 0.030140087008476257, 1.5212875604629517, -0.3481891453266144, -0.016963370144367218, 1.1342908143997192, -0.5220003128051758, -0.18900644779205322, -0.3928575813770294, -0.1641193926334381, -0.9556253552436829, 0.631502091884613, -0.9426031112670898, -0.1654752492904663, -0.5651822090148926, 0.5646510720252991, 0.7666235566139221, 1.009877324104309, -0.2839162051677704, -0.8121999502182007, -0.46187055110931396, -0.3533444106578827, 0.15855756402015686, 0.7366021871566772, -0.1024559885263443, 0.5346899032592773, 0.9746363759040833, 0.022421039640903473, 0.9146654605865479, -0.2848486304283142, -0.7422768473625183, -0.3039625287055969, 0.15922147035598755, 1.1367403268814087, 0.8087405562400818, -0.11146901547908783, -0.24328215420246124, 0.4061020314693451, -0.4930444359779358, -0.5182749629020691, -0.5275246500968933, -0.16442757844924927, 1.0509061813354492, -1.1174849271774292, 0.16309405863285065, -0.7203851342201233, 0.0337553396821022, -1.057259440422058, 0.3799252510070801, -0.0030980706214904785, -0.23671214282512665, -0.929159939289093, -0.540621817111969, -0.3885037899017334, 0.8243914842605591, -0.16856199502944946, 0.03213001415133476, -0.17564894258975983, 1.0632622241973877, -0.4276590943336487, -0.3857908248901367, -0.45407387614250183, 0.06016340106725693, 0.09678687155246735, 0.4794888496398926, -0.3364487290382385, -0.6913726329803467, -0.6287118196487427, 0.16366365551948547, -0.396724134683609, 0.08565741777420044, 0.0002001747488975525, -0.7044004797935486, -0.5389227867126465, -0.44590622186660767, -0.038532037287950516, 0.19029423594474792, 0.5457899570465088, -0.5279467105865479, -1.1543431282043457, 0.5179620385169983, 0.2869250476360321, 0.07285359501838684, -0.7061173319816589, 0.16641324758529663, 0.7603950500488281, -0.44527095556259155, 0.6073217391967773]} +{"paper_id": "gsarti/clean_mc4_it", "embedding": [-0.4651072025299072, 0.8668358325958252, 0.04534319415688515, -0.0723881945014, 0.9159802794456482, -0.41899460554122925, 0.2437654435634613, 0.13561517000198364, 0.8823241591453552, 0.8334450125694275, 0.8608771562576294, -0.027867790311574936, 0.642943799495697, -0.03913704305887222, -0.07097667455673218, -0.06021410971879959, -0.5227103233337402, -0.7873900532722473, -1.1429380178451538, -0.24679043889045715, -1.1644234657287598, -0.17872191965579987, -0.011902563273906708, 0.964665949344635, -0.3393532633781433, -0.9624194502830505, 0.2488097995519638, -0.5060117244720459, -0.0697823092341423, 0.7855353355407715, -0.06626012176275253, 1.2236143350601196, -1.5198752880096436, 0.6121783256530762, -0.377030611038208, -0.2394847422838211, 0.5822360515594482, 0.666144073009491, -0.006016463041305542, -0.29734325408935547, -0.7296019792556763, -0.3092612326145172, 0.6372290253639221, 0.1525951772928238, 0.684977650642395, 0.1156228557229042, -0.10187938064336777, -0.20669950544834137, 0.07969088852405548, -0.11433367431163788, -0.0903354063630104, 0.38598522543907166, -0.43013694882392883, 0.3778369426727295, -0.2058314085006714, 1.4478819370269775, 0.02373659610748291, -0.7933048009872437, 0.3998299241065979, -0.9305287599563599, 0.9306751489639282, 1.5843204259872437, -0.4969131648540497, 0.21879833936691284, 1.4189443588256836, -0.059359110891819, 1.174160122871399, 0.4421265125274658, 0.5510519742965698, 0.8476689457893372, -0.26143693923950195, -1.2936508655548096, 0.6509334444999695, -0.17745870351791382, 0.30754315853118896, 1.0620661973953247, 0.29475530982017517, -0.22692187130451202, -0.5511470437049866, -0.5967291593551636, -0.7530738711357117, 0.4709470868110657, 0.08279027789831161, -0.6781217455863953, 0.003980226814746857, 0.6257582902908325, -0.02792448177933693, -0.30390846729278564, 0.5977510213851929, -1.8037317991256714, 0.5238078236579895, 0.18867266178131104, 0.42116326093673706, -0.3518415689468384, -0.4780712127685547, 0.18072474002838135, -0.4791240096092224, 0.35379987955093384, -0.15999795496463776, 0.39249712228775024, 0.5611974596977234, -0.22169436514377594, 0.9620903730392456, -0.004017770290374756, 0.2548697590827942, 0.8792642951011658, -0.38787201046943665, -1.277238368988037, -0.8107692003250122, -0.42856186628341675, -0.26944032311439514, 0.8857977390289307, 0.03840901330113411, -0.0038835937157273293, 0.05922962352633476, -0.3236587941646576, 0.6031990647315979, -0.387719064950943, -0.4027424454689026, 0.06993335485458374, -0.2829228639602661, -1.7047760486602783, -0.8364378809928894, -0.28395891189575195, 1.070477843284607, -0.7052853107452393, -0.23478209972381592, -0.5426760315895081, -0.08910314738750458, -0.30502715706825256, 0.5565185546875, 0.34670546650886536, -0.8446093797683716, 0.2286643087863922, 2.9169108867645264, -0.5123687982559204, 1.3225301504135132, -0.08054465055465698, -0.21691113710403442, -0.03415609151124954, 0.2875930666923523, 0.8506677746772766, 0.454473078250885, -0.7218105792999268, -0.30267104506492615, 0.45083174109458923, -0.8243605494499207, -0.008886627852916718, -0.6163966059684753, -0.5645702481269836, 0.331835001707077, -0.01955709606409073, -0.22783112525939941, -0.8456283211708069, -0.3850747346878052, 0.03394599258899689, 0.3437645137310028, 0.5555424690246582, -0.7011194229125977, 1.0920147895812988, 0.8640058636665344, 0.5909957885742188, -0.6904372572898865, 0.6668635606765747, -1.1178754568099976, 0.33087074756622314, 1.4018794298171997, 0.06772760301828384, -0.156072199344635, -0.26553863286972046, 0.5985339879989624, -0.6127198338508606, 0.3058773875236511, 0.08623407036066055, -0.4915814697742462, 0.34441620111465454, 0.6236796379089355, 0.6498948931694031, 0.04559837281703949, 0.516975462436676, -0.6183803081512451, -0.3022528290748596, 0.4298790693283081, 0.46078813076019287, -0.16118858754634857, 0.39989200234413147, -2.3763153553009033, -0.3526815176010132, -0.282123327255249, 0.2129841297864914, -0.245473712682724, -0.9146996736526489, 0.3192841410636902, -0.3042214512825012, 0.6139367818832397, -0.5828408002853394, 0.07828192412853241, -0.3806403875350952, -0.08958195894956589, 0.4560210108757019, 0.5442529916763306, -0.028234561905264854, 0.5272983908653259, 0.4549807906150818, 0.2583004832267761, -0.12444337457418442, -0.5700436234474182, -1.3046869039535522, 0.2824634611606598, 1.9637030363082886, -0.6500204205513, -0.779956579208374, -1.012555480003357, -0.5242103338241577, 0.35294827818870544, -0.7350024580955505, 0.13959644734859467, -1.0018974542617798, -0.28916043043136597, -1.4675687551498413, -0.3162064552307129, -0.19509592652320862, 0.10456878691911697, -0.2848915457725525, 0.9476189613342285, -0.4410683214664459, -0.13580192625522614, -0.7384609580039978, -1.1871953010559082, 0.6510165333747864, 0.554859459400177, 0.14781475067138672, -1.130510687828064, 1.0964161157608032, -0.5786049365997314, 0.696321427822113, 0.8404471278190613, 0.5130733847618103, -0.1826242357492447, -0.03880927339196205, 0.001185629516839981, 1.3511725664138794, -0.1247403472661972, -0.278930127620697, -0.020675629377365112, 0.967430830001831, -0.2367563247680664, -0.7392368912696838, 0.41234296560287476, 0.22943423688411713, 0.9524970650672913, 0.7843577861785889, -1.1547046899795532, 0.8573846817016602, -0.5641188025474548, 0.27846044301986694, -0.00925801694393158, -0.9657433032989502, 0.3574564456939697, -0.4179048538208008, 0.4330648183822632, -0.7212983965873718, 0.373033344745636, -0.24544920027256012, -0.252854585647583, -1.170495629310608, -0.7832377552986145, -0.5919337868690491, -0.5434567332267761, -1.4189002513885498, -0.664826512336731, -0.579147458076477, -0.44630274176597595, -0.6571945548057556, 0.7256273031234741, 0.4409647285938263, -0.18310600519180298, 0.6952226161956787, 1.2673449516296387, -0.030431006103754044, 0.8770644068717957, -0.5973363518714905, 0.6402221322059631, -0.4705635905265808, 0.9142220616340637, 0.7142122983932495, 0.24193131923675537, -1.3414627313613892, -0.45187655091285706, -0.2745492458343506, 0.32744652032852173, 0.4709573984146118, -0.28853657841682434, 0.458152174949646, -0.08652426302433014, -1.268437385559082, 0.9520615339279175, -0.8142935037612915, 0.5703980326652527, -1.3794749975204468, 1.6734919548034668, 0.2980074882507324, 0.2348758727312088, 0.8587560057640076, 0.2008877545595169, -0.2919165790081024, 0.8412616848945618, -0.6636999845504761, 0.5468957424163818, 0.9204093217849731, -0.15428908169269562, 0.1600269377231598, 0.07813359051942825, -2.0497357845306396, 0.03809020295739174, 0.6227799654006958, -0.08849070966243744, -0.2021939903497696, -0.6615778803825378, 0.3248695731163025, -0.028700876981019974, -0.2892684042453766, 0.1331881433725357, -0.08747221529483795, 0.22957366704940796, -0.20213192701339722, 0.4692692160606384, 1.6051106452941895, -0.693895697593689, 0.40068671107292175, 1.0814889669418335, 0.15616637468338013, -0.5284298658370972, -0.43476468324661255, 0.5413329601287842, -0.36880257725715637, 0.03659619390964508, 0.6820797324180603, 0.37117481231689453, 1.4189215898513794, -0.5520902276039124, -0.007432442158460617, 0.436092734336853, 0.7403743863105774, -0.2366957813501358, 0.9289687871932983, -0.06610583513975143, 0.1295412927865982, 0.6548460721969604, 1.1343024969100952, -0.050659678876399994, -0.8291290402412415, -1.1195122003555298, 0.030130881816148758, 0.06018787622451782, -0.6495699882507324, 1.528076171875, 0.3600195646286011, 0.7719423770904541, 0.24512924253940582, -0.22567176818847656, -0.809611976146698, -0.1978161334991455, 0.6422507762908936, 0.6107732057571411, -0.05442878603935242, 0.10123521089553833, 0.327193945646286, 0.9232779145240784, -0.19966460764408112, -0.41945067048072815, -0.12858574092388153, 0.929519772529602, 0.01780877262353897, -0.9548646211624146, 0.4707365036010742, 1.1169805526733398, 0.20496788620948792, 1.1389373540878296, -0.5382258892059326, -0.8527916073799133, -0.3199079930782318, 0.6669432520866394, 0.14369766414165497, 0.5818722248077393, -0.19975197315216064, 0.2695538103580475, -0.06352194398641586, 0.8546234965324402, 0.3922346234321594, 0.28605979681015015, 1.3856463432312012, -0.5020859241485596, -0.49224209785461426, 0.2186017632484436, -1.2687572240829468, -0.5141446590423584, -0.2034364640712738, -0.28427454829216003, -0.9543909430503845, 0.7634350657463074, -0.9675365686416626, -0.47434911131858826, 1.0007084608078003, -0.14514094591140747, -1.4142237901687622, -0.2046779841184616, 0.9570059776306152, -1.3061758279800415, -0.19633358716964722, -0.025670550763607025, -1.047612190246582, -1.1727901697158813, 0.013401995413005352, 0.03281541168689728, -0.15209847688674927, -0.4221035838127136, 0.5023294687271118, -0.23270678520202637, -0.04904782027006149, -1.4229282140731812, 0.8540714383125305, 1.4058772325515747, -0.5996320843696594, 0.18712975084781647, 0.06902071088552475, 0.5411865711212158, -0.24096718430519104, -0.6317444443702698, -0.4069831371307373, 0.495331734418869, 0.3420546352863312, 0.5229054093360901, -0.11695007979869843, -0.4680772125720978, 0.6727686524391174, 0.14543290436267853, 1.5124835968017578, -0.8760992288589478, -0.04720659181475639, -0.350003182888031, 0.8602263927459717, 0.6446808576583862, 0.05291402339935303, -0.3181653320789337, 1.0676807165145874, -0.33986201882362366, 0.8774784803390503, -0.6254305839538574, 0.5294290781021118, 0.1428133249282837, 0.4748746156692505, 0.1767396777868271, -0.2601276636123657, -11.772285461425781, -0.08166493475437164, -0.1830858439207077, 0.08523911237716675, 1.0548328161239624, 0.059786342084407806, 1.2565641403198242, 0.03150421380996704, -0.14501342177391052, -0.44439268112182617, 0.5644779801368713, 1.0821475982666016, 0.12335892021656036, -0.4240330159664154, -0.5770158171653748, -0.554213285446167, -0.9810053706169128, 0.3342598080635071, 0.340642511844635, -0.5088765621185303, -1.012802004814148, -0.1467369794845581, -0.22920368611812592, 0.24316281080245972, -0.09927044808864594, -0.011324703693389893, 0.03645377233624458, -0.2856093943119049, 0.017631590366363525, -0.4536987841129303, 0.29193517565727234, -0.014386573806405067, -1.2984676361083984, -0.7057929039001465, 0.4244863986968994, 0.39439713954925537, -1.4440449476242065, -0.1256599724292755, 1.559280514717102, -0.007556301541626453, -0.13788849115371704, 0.7054434418678284, 0.06420718878507614, 0.697848379611969, -0.5994071960449219, 0.6538606286048889, 0.6743952035903931, -0.6174664497375488, 0.8915499448776245, -0.7601925730705261, -0.19227978587150574, -1.4467966556549072, -1.1041486263275146, -0.7722864747047424, 0.7185379266738892, 0.5064993500709534, -0.6270353198051453, 0.22461524605751038, -0.03548350930213928, -0.9878443479537964, 0.9623333811759949, 0.5655530691146851, -0.2770377993583679, -0.16379405558109283, -0.04438760131597519, -0.7574003338813782, 0.3034761846065521, 0.7968338131904602, -0.04520087316632271, 0.11042925715446472, -0.3528403341770172, 0.4356943666934967, 0.4756046533584595, 0.15231919288635254, -0.030999645590782166, -0.15279394388198853, -0.12506727874279022, -0.1018359437584877, 0.2867587208747864, 0.34849926829338074, -0.8730080127716064, 0.4555343687534332, -0.3987250030040741, -0.40222620964050293, 0.31602993607521057, -0.19760052859783173, -0.539578914642334, -0.04133050888776779, -0.05923224985599518, 0.4320096969604492, 1.0190508365631104, -0.5349612236022949, 0.24838019907474518, 0.3472730815410614, -0.7893872261047363, 1.0468149185180664, -1.606345772743225, 0.625190794467926, 0.09612531960010529, -1.185721755027771, -0.03663395345211029, 0.29801270365715027, -0.23078493773937225, -0.4360194504261017, 1.0905873775482178, 0.22822389006614685, 0.04194733500480652, 0.3665020763874054, 0.23125521838665009, -0.3280128538608551, 0.4501306414604187, 0.07511362433433533, -0.04395341873168945, 1.045963168144226, -0.1699601113796234, 0.885244607925415, 0.623206377029419, 0.28051069378852844, 0.9666997194290161, 0.9146746397018433, -0.8357419371604919, 1.1362169981002808, 0.2519802451133728, 0.7048904299736023, -0.28503891825675964, 0.5773528218269348, -0.08440445363521576, 0.5553300380706787, 0.06794089078903198, -1.211352825164795, -0.21792197227478027, -0.15996313095092773, -0.3655966520309448, -0.7902372479438782, -0.3836703598499298, -0.4966939389705658, -1.1064871549606323, 1.8750407695770264, -0.1569802165031433, 0.6516437530517578, -0.0871710479259491, -0.8364256620407104, 0.23171678185462952, -0.8806207180023193, -1.0715467929840088, 0.0786813497543335, -0.7691980004310608, -0.1591380387544632, -0.6489739418029785, -0.2487695813179016, 0.5265176892280579, -0.30135974287986755, 0.7836267948150635, -1.3045263290405273, -0.05135985463857651, -0.4851432144641876, 0.1804802566766739, -0.7943822145462036, -0.9302363991737366, -0.4702092707157135, -0.027798503637313843, 1.761521816253662, -0.8597112894058228, 1.2084181308746338, 0.4256977438926697, 0.009054755792021751, -0.5407972931861877, -0.3039841651916504, -0.5446362495422363, 0.5287489295005798, 1.3189668655395508, -0.11315194517374039, -0.3339618146419525, -0.6685086488723755, -0.7886626720428467, -1.1845180988311768, 0.6505786776542664, 1.6074135303497314, -0.21145880222320557, 0.4193681478500366, 0.016799893230199814, 1.0081430673599243, -0.5532407164573669, -0.29778239130973816, -1.0699259042739868, 0.1576327383518219, -0.3307385742664337, 1.4105210304260254, -0.46258753538131714, 0.44716107845306396, -1.6609209775924683, -1.1457350254058838, -0.41977769136428833, -0.4047695994377136, 0.03509216010570526, -0.41442587971687317, 0.9266347885131836, 0.40305444598197937, 0.11837923526763916, -0.01834731549024582, -0.40671414136886597, 0.8416480422019958, -0.3948957920074463, 0.5264047980308533, 0.16604368388652802, 0.16508866846561432, -0.7415246367454529, 0.3513215482234955, -0.09070281684398651, 0.3665573000907898, -1.5449033975601196, -0.22841492295265198, -0.11873576045036316, -0.33705469965934753, -0.3833622336387634, -1.0740776062011719, 0.2592774033546448, -0.18414320051670074, 0.2853465676307678, -0.9188735485076904, -0.10236645489931107, 1.966069221496582, 0.33827096223831177, 0.9406102299690247, 0.7032270431518555, 0.4307025969028473, 0.7004092931747437, 0.8189136385917664, 1.4563930034637451, 0.018086500465869904, -1.279474139213562, -0.22590920329093933, -0.11988528072834015, -0.2995438575744629, -0.06194687262177467, 0.11684742569923401, -1.3160632848739624, 0.4174603521823883, -1.3834441900253296, 0.49112462997436523, -0.20808646082878113, 0.3856510519981384, 0.5969633460044861, 0.5095745325088501, -0.2084817886352539, -1.5208218097686768, -0.3317466080188751, -0.6139459609985352, 0.031161557883024216, 0.5762212872505188, 0.33282211422920227, 0.06348630040884018, 0.6743738651275635, -0.3176383376121521, 0.925568163394928, -0.15701285004615784, -0.4539651870727539, -0.135623961687088, 0.1097334623336792, 1.2455124855041504, 0.3856974244117737, 0.40091732144355774, -0.5659677386283875, -0.027212858200073242, -0.18797412514686584, -0.7679466009140015, 0.34043338894844055, 0.27662092447280884, 1.4421374797821045, 0.19361039996147156, 0.18081392347812653, -1.3659037351608276, -0.039596837013959885, -0.9295620918273926, 0.9679774045944214, 0.7669000029563904, -0.569856584072113, -1.0072393417358398, -0.6945161819458008, 0.7715755701065063, 0.7233490943908691, -0.07481031119823456, 0.14496181905269623, -0.804137647151947, 0.9498116970062256, 0.6473804712295532, -0.373668909072876, -1.0041146278381348, 0.37547630071640015, -0.05935452878475189, 0.3715090751647949, 0.6294777393341064, -0.4641036093235016, -0.2856399416923523, 0.23894570767879486, -0.8650177717208862, 0.44243401288986206, -0.1671520471572876, -0.7495297789573669, -0.43447670340538025, 0.38273701071739197, -0.32650232315063477, -0.13082171976566315, 0.4890126585960388, -0.8353655338287354, -1.4019598960876465, 0.971840500831604, 0.7559065818786621, -0.6662395000457764, -0.4243677258491516, 0.0005925260484218597, -0.04512127861380577, 0.5081328749656677, 1.5998691320419312]} +{"paper_id": "lara-martin/Scifi_TV_Shows", "embedding": [-0.42729809880256653, 1.26560640335083, -0.2227618396282196, 0.5275881290435791, 0.3270105719566345, -0.2385740578174591, 0.5774276852607727, 0.3575500249862671, 0.8268736600875854, 0.2862336039543152, 0.6080805063247681, -0.27261582016944885, 0.06920982152223587, 0.18025365471839905, 0.4589451551437378, 0.102474145591259, -0.7504907846450806, 0.7029171586036682, -0.9283313751220703, -0.19889095425605774, -0.5215159058570862, -0.4503996968269348, 0.3995184600353241, 0.47965705394744873, -0.7825133800506592, 0.12838640809059143, 0.4180469214916229, -1.5031650066375732, 0.1994386613368988, -0.18126937747001648, -0.6011108160018921, 1.0058151483535767, -0.9735715389251709, 0.573025107383728, -0.34833845496177673, -0.32059234380722046, -0.026488222181797028, 1.1729027032852173, 0.17686161398887634, -0.2203654944896698, -0.3615759313106537, 0.2735508680343628, 1.137335181236267, 0.09078256040811539, 0.4463755488395691, 0.13755488395690918, 0.560309886932373, -0.7489835619926453, -0.44353508949279785, 0.22783000767230988, -0.035003118216991425, 0.17882704734802246, -0.4480751156806946, 0.044465355575084686, 0.14014877378940582, 1.0571184158325195, -0.38349083065986633, -0.8655842542648315, -0.07470075786113739, 0.7817519903182983, 1.4518234729766846, 1.9691029787063599, -0.8481584191322327, 0.3529658317565918, 1.1532913446426392, -0.3208636939525604, 1.4994364976882935, 0.259638249874115, -0.6176366209983826, 0.9489104151725769, -0.8519418239593506, -0.6909770369529724, 0.11235423386096954, -1.086625576019287, -0.7730827331542969, 0.341948926448822, 0.25277265906333923, 0.7974765300750732, 0.6135868430137634, 0.5950141549110413, 0.3269338309764862, 0.7933952808380127, 0.435029000043869, -0.39394453167915344, -0.21671327948570251, 0.5461170673370361, 0.6375119686126709, -0.533031165599823, -0.821636974811554, -2.49428129196167, -0.176737442612648, -0.0280323326587677, 0.3574911952018738, -0.25704678893089294, -0.4252249002456665, 0.6116780638694763, 1.2535110712051392, -0.6339773535728455, -0.9220602512359619, 0.23650291562080383, 0.497408390045166, -0.15755018591880798, -0.10059778392314911, -0.16885194182395935, 0.935350775718689, 1.1491658687591553, -0.35300907492637634, -0.05325420945882797, -0.31414568424224854, -0.6513968110084534, -0.6610875129699707, 0.4568631649017334, 0.31538671255111694, 1.0449942350387573, -0.38511157035827637, -0.9622741937637329, -0.14590933918952942, -0.13418948650360107, -0.547720193862915, 0.276817262172699, -1.5498889684677124, -0.9080982804298401, -0.1369679868221283, 0.22775910794734955, 1.1940499544143677, -0.630327582359314, -0.7788158655166626, -0.15562781691551208, -0.06096469983458519, -0.7600564360618591, 0.9136866331100464, 0.1546730399131775, -0.7699966430664062, -0.07568613439798355, 3.1764559745788574, -0.6099862456321716, 0.4794512689113617, -0.008717862889170647, -0.05593705177307129, -0.7458368539810181, -0.4059247076511383, 1.9263863563537598, -0.7827955484390259, -0.30604100227355957, -1.3924260139465332, 0.002545127645134926, -1.1103568077087402, 0.672084391117096, -0.27316901087760925, -0.40101808309555054, 0.20047350227832794, 0.8366846442222595, -1.58551824092865, -0.7434067130088806, 0.08307695388793945, 0.6905756592750549, 0.029461123049259186, 0.31838107109069824, 0.031110133975744247, 1.5224366188049316, 0.829957127571106, -0.07364028692245483, -0.29266995191574097, -0.04693744704127312, -0.4701312780380249, 0.9043735861778259, 1.051054835319519, -0.21908697485923767, 0.0043009244836866856, -1.1322168111801147, 0.813312292098999, -0.43856218457221985, 0.07520446926355362, -0.8158984184265137, -0.3139600455760956, 0.5381408333778381, 0.23103511333465576, 0.7235052585601807, 0.4993261396884918, -0.44339466094970703, -0.7805560231208801, -0.6108385324478149, -0.2270481288433075, 0.88017737865448, 0.16855019330978394, -0.061400726437568665, -2.6863229274749756, -1.0440638065338135, -0.8946972489356995, 1.4293529987335205, 0.4969889521598816, 0.19854778051376343, 0.14124396443367004, 0.9727204442024231, -0.8792536854743958, -0.2947923243045807, 1.015154242515564, -0.7075472474098206, 0.1556037962436676, 0.4192434549331665, 0.3170456290245056, -0.6948375701904297, -0.658832848072052, 1.5118967294692993, 1.5916635990142822, -1.0221182107925415, 0.04972000792622566, -1.8089239597320557, 1.0187541246414185, 1.4127261638641357, 0.33329713344573975, -0.6964263319969177, -1.4090356826782227, -0.1814843714237213, 1.0002027750015259, 0.25890588760375977, 0.5399831533432007, 0.3192700445652008, 0.42295822501182556, -0.6758255958557129, 0.7400318384170532, 0.13344427943229675, 0.7773021459579468, 0.14984694123268127, 0.7998931407928467, -0.06341467797756195, -0.7871690988540649, -1.0955352783203125, -0.9881868958473206, 0.4551025927066803, 0.49690696597099304, 0.026514800265431404, 0.1016727089881897, 0.5415358543395996, 0.42555147409439087, 0.7666682600975037, -0.16950035095214844, 0.5707732439041138, 0.23889189958572388, 0.17263324558734894, 0.5521716475486755, 0.22064590454101562, 0.1073213517665863, -0.9065033197402954, -0.4644550681114197, 0.27588823437690735, -0.06461445987224579, -0.20139682292938232, -0.2121918499469757, -0.5173163414001465, 1.406637191772461, 0.7564114928245544, -1.131901741027832, 0.23723933100700378, -0.9739443063735962, 0.3296227753162384, -0.1966174691915512, -0.1774652600288391, -0.6732026934623718, 0.7548932433128357, -0.06961104273796082, 0.11724952608346939, 0.5145569443702698, -0.564741849899292, -0.5962430834770203, -0.5090693235397339, -1.5107500553131104, -0.2567303478717804, -0.14390325546264648, -1.4884531497955322, -0.3864344358444214, 0.24039791524410248, -0.514793336391449, -0.40693703293800354, -0.5946572422981262, 0.31891870498657227, -0.02940438687801361, -0.2217559516429901, 2.0351028442382812, -0.4192672371864319, -0.23693451285362244, -0.07302377372980118, 0.7206601500511169, -0.2346777468919754, 1.4887923002243042, -1.1943200826644897, -0.3320118188858032, -1.1455053091049194, 1.1295342445373535, -1.0658572912216187, 0.445415735244751, -0.09945399314165115, 0.014589481055736542, 0.30679112672805786, -0.7389820218086243, -0.02819143235683441, 1.0108764171600342, -0.8887709975242615, 0.4734744429588318, -0.7943037152290344, 1.2553125619888306, 0.5886085629463196, -1.1829965114593506, 0.7875659465789795, -1.0007652044296265, -0.09382645040750504, 1.4200084209442139, -0.6346291303634644, 1.3111461400985718, 0.637688159942627, 0.5411432981491089, 0.8540486097335815, -0.7697701454162598, -1.9645845890045166, -0.5969388484954834, 1.4764965772628784, -0.24541854858398438, 0.022026631981134415, -0.7252665758132935, 0.35045385360717773, -0.5544663667678833, -1.1642177104949951, 0.2782699763774872, -0.3955186605453491, 0.015463721007108688, -0.3353431522846222, 0.6021565794944763, 0.870186448097229, 0.11357627809047699, 0.7936088442802429, 1.234681248664856, -0.10381016880273819, -1.7036346197128296, -0.09429232776165009, 1.8360742330551147, -0.12966223061084747, 0.02539297193288803, -0.9153140187263489, 0.8233746290206909, 0.5873756408691406, -0.43571293354034424, 0.22805140912532806, 1.383593201637268, 0.8161196112632751, 0.4559077322483063, -0.11836061626672745, -0.585540771484375, -0.15559996664524078, -0.43378645181655884, 0.8467231392860413, 0.17189055681228638, 0.19614969193935394, -1.395971417427063, 0.4554966688156128, -0.5506964325904846, -0.734881579875946, 1.1768726110458374, 1.1566977500915527, 2.4327263832092285, -0.4316948354244232, 0.6010026335716248, -0.112701416015625, -0.18360619246959686, 0.07048331946134567, 0.8354095816612244, 0.46322154998779297, -0.9077174663543701, 0.4709586501121521, 0.8777630925178528, 0.5516723990440369, -0.1965675801038742, -1.1483464241027832, 0.4176521301269531, -0.3581606447696686, -0.6833584308624268, 0.4293305575847626, 0.06127163767814636, 0.7967491745948792, 2.4373676776885986, -0.519726574420929, -0.7864839434623718, 0.7080109119415283, 0.01811397634446621, 0.9381719827651978, 0.35251131653785706, -0.8967844247817993, 0.13776463270187378, -0.12205798923969269, 0.7461007833480835, 0.034843482077121735, 0.8917250037193298, 0.833324670791626, -0.028365585952997208, -0.5571931004524231, 0.37094688415527344, -0.294892281293869, 0.33549636602401733, 0.33220961689949036, 0.3977780044078827, -0.2143852412700653, 0.7521910071372986, 0.3163687288761139, -1.4028369188308716, 0.899735689163208, 0.12918324768543243, -0.462344229221344, -0.02063586562871933, 1.5723408460617065, -0.851504385471344, -0.9560518264770508, 0.6282767057418823, -0.9917397499084473, -0.8312962055206299, 0.32502391934394836, -0.17141476273536682, 1.1718353033065796, 0.4201820194721222, 0.4101535677909851, -0.09027013927698135, -0.3465319275856018, -1.0179089307785034, 0.8085898160934448, 0.8204259276390076, -0.47015708684921265, 0.8706309795379639, 0.3018867075443268, 0.40766072273254395, 0.5294088125228882, -1.2146499156951904, -0.7945098876953125, 0.4771559238433838, 0.519341230392456, 0.17664149403572083, -0.1952335089445114, -0.17118018865585327, -0.07346336543560028, 0.6032434105873108, 0.3633425831794739, -1.6292033195495605, -0.23792822659015656, -0.725526750087738, 1.3790730237960815, 0.4621526002883911, -1.0506411790847778, -0.511814296245575, 0.6008905172348022, -0.8858641386032104, 0.5983425378799438, 0.5184766054153442, -0.1606886237859726, 1.8510308265686035, 0.6856755018234253, 0.006971761584281921, -0.603630542755127, -9.835891723632812, 0.8087992668151855, -0.06419484317302704, -0.34544819593429565, 0.19978584349155426, -0.6993977427482605, -0.32438740134239197, 0.33098670840263367, 1.0060818195343018, -0.47556185722351074, 0.5760320425033569, 1.1817176342010498, 0.3650015592575073, -0.5021755695343018, -0.349841833114624, -1.8500995635986328, -1.3096914291381836, -1.4812849760055542, 0.1185731440782547, 0.06085457280278206, 0.8128832578659058, -1.508437991142273, 0.7089529633522034, 0.8821398615837097, 0.7767322659492493, 0.022379480302333832, -0.011123052798211575, 0.4937422275543213, -0.617923378944397, 0.6238453388214111, 1.1175340414047241, -0.5624384880065918, -0.823160707950592, -0.9335758686065674, 0.9964713454246521, 0.0068110255524516106, -1.6185171604156494, -0.004550284706056118, 0.5166599154472351, -0.671439528465271, -0.06586553156375885, 0.19212126731872559, 0.10909029841423035, -0.4767060875892639, -0.9387542009353638, 0.15522976219654083, 0.26026543974876404, -0.934385359287262, -0.8897243142127991, -0.37329328060150146, -0.9349392652511597, -0.4039202332496643, -1.1277062892913818, -0.9191816449165344, 0.1173451617360115, 0.16680942475795746, -1.2216823101043701, 0.6361541748046875, -0.12283125519752502, -0.7669998407363892, 0.23640471696853638, 0.4620778560638428, -0.5184223651885986, 0.23348046839237213, 0.09487316012382507, -0.5620379447937012, 1.3102569580078125, 0.7667344212532043, 0.22634780406951904, 0.4795169234275818, -0.9857378602027893, 0.33643466234207153, 0.000423467718064785, 0.5448954701423645, 0.4916565418243408, 0.44597527384757996, 0.6083777546882629, -0.5486876368522644, 0.10786831378936768, 0.14311569929122925, -0.5706399083137512, 0.40689823031425476, -0.5470032691955566, -0.26988959312438965, -0.6709892749786377, 0.08549146354198456, 0.3775586783885956, -1.0700862407684326, 0.6813188791275024, -0.8476133942604065, 1.221269130706787, -0.7751765847206116, -0.3839474320411682, 0.6925082206726074, -0.29765379428863525, 1.1168347597122192, -0.41684690117836, 0.699046790599823, 0.793870210647583, -1.0924900770187378, 0.5952288508415222, 0.14271166920661926, -0.9150022268295288, -0.5638512969017029, 0.357572078704834, -0.04451935738325119, -0.023819655179977417, -0.2934058606624603, 0.09636172652244568, -0.30064377188682556, 0.7821025252342224, -0.1703491508960724, -0.46986085176467896, 1.5542842149734497, -0.1377478986978531, 1.0036392211914062, 1.4604909420013428, -0.9713350534439087, 0.4562068283557892, 0.8448472023010254, -0.08973236382007599, 0.7285290360450745, 0.4151713252067566, 0.669456422328949, 0.04966117814183235, 0.28170937299728394, 0.16770817339420319, 0.1860700249671936, -0.21492895483970642, -1.9282437562942505, 0.01653880998492241, -0.05845821276307106, -0.2885614335536957, -0.08947096765041351, -1.0855988264083862, -0.3192376494407654, -0.7029297947883606, 1.1664000749588013, -1.0191189050674438, 0.031287189573049545, 0.37348639965057373, -0.5340259075164795, 0.3169957101345062, -0.6107950210571289, -0.5772088766098022, -1.1223493814468384, -1.8557615280151367, 0.31149572134017944, -0.5709441304206848, -0.7588969469070435, -0.02548069879412651, -0.4241168797016144, 0.16707062721252441, -1.1054471731185913, -0.2600953280925751, -0.13841181993484497, 0.45936664938926697, -0.6942777037620544, -0.3363460898399353, 0.14209342002868652, 0.2238674759864807, 1.1873557567596436, -0.9991306066513062, 0.2765403389930725, -0.1182965338230133, -0.12722188234329224, 0.1496058702468872, -0.28455841541290283, -0.9949786067008972, 0.2915259003639221, 1.0296639204025269, -0.6772709488868713, -0.43290939927101135, -1.0772451162338257, -0.5970048308372498, -1.2275421619415283, 0.9160735011100769, 1.2189449071884155, -1.059765338897705, -0.12375770509243011, -0.2592278718948364, 0.14033086597919464, 1.4678043127059937, -0.7658510804176331, 0.13585230708122253, -0.019383525475859642, -0.07426974177360535, 0.44186311960220337, -0.6047505736351013, 0.6585339307785034, -1.850154995918274, -1.5097455978393555, -0.8126962184906006, -0.7905673384666443, 1.7905791997909546, -0.05258302763104439, 0.7175179719924927, 1.037459373474121, -0.6609619855880737, -0.23536750674247742, -0.2934791147708893, 1.1580123901367188, 0.6266724467277527, 0.35419961810112, -0.1886986792087555, -0.25421059131622314, -0.3880304992198944, -0.4171082377433777, 0.4645395278930664, -0.23484733700752258, -0.6981814503669739, 0.1060628592967987, 0.09659518301486969, -0.2871245741844177, 0.8788378834724426, -0.8266047239303589, 0.6714698076248169, -0.968195915222168, 0.17126218974590302, -1.0402724742889404, -0.14134392142295837, 1.1116342544555664, -0.8993738889694214, 0.6874409317970276, 1.2171683311462402, -0.8086978793144226, 0.5139682292938232, 0.2597563862800598, 1.2920030355453491, 0.3588217496871948, -0.4777601957321167, 0.025265904143452644, -0.1290680170059204, 0.3322083652019501, -0.4884641170501709, -0.4679349958896637, -0.4350755214691162, -0.3747026324272156, -0.4903295040130615, 0.40279075503349304, -0.7027292251586914, -0.19267767667770386, -0.0054467469453811646, 1.1287156343460083, 0.4440697431564331, -1.5027492046356201, -0.4789406359195709, -0.6825385689735413, 0.1753515750169754, 1.3889966011047363, -0.0351070910692215, 0.5504090189933777, 0.5801321268081665, 0.03436380624771118, 0.9512138366699219, -0.387096107006073, -0.3110330104827881, 0.587467610836029, 0.42852693796157837, 1.2938786745071411, 1.120054006576538, 0.8089279532432556, 0.2776395082473755, -0.018537260591983795, -0.9149875640869141, -0.3780996799468994, -0.2658391296863556, -0.08470551669597626, 0.43173980712890625, -1.136734127998352, -0.262229323387146, -0.6321444511413574, -0.17097242176532745, -0.3012237250804901, 0.6000143885612488, 0.19015240669250488, -0.5460785627365112, -0.7163727283477783, -0.7147251963615417, -0.8894151449203491, 1.152774453163147, -0.7484846711158752, -0.3739699125289917, 0.015397027134895325, 0.9249705672264099, -0.06213848292827606, 0.5211212038993835, -0.3244513273239136, -0.16842742264270782, -0.42757317423820496, -0.4003071188926697, 0.09546606242656708, -0.9655450582504272, -0.3402554392814636, -0.3771161437034607, -0.02103695273399353, 0.4077011048793793, 0.6205209493637085, -1.7774240970611572, -0.43375614285469055, -0.004062136635184288, 0.014424063265323639, -0.44057437777519226, 0.924214780330658, 0.556864857673645, -1.1373285055160522, 1.2040958404541016, 0.44218775629997253, -0.07124727219343185, -0.7276682257652283, 0.23324409127235413, 1.1219031810760498, -0.727469265460968, 1.3771469593048096]} +{"paper_id": "allenai/scico", "embedding": [-0.9099680185317993, 0.6334991455078125, -0.012635655701160431, 0.15603503584861755, 0.7008211612701416, -0.3324016332626343, 0.6660609841346741, 0.7953960299491882, 0.4415827691555023, 1.3012123107910156, 0.7001394033432007, 0.023817891255021095, -0.917197048664093, 0.05642062425613403, -1.0129700899124146, -0.739361584186554, -1.240125060081482, -1.1109832525253296, -0.7549092769622803, -0.7076354026794434, -1.4103496074676514, -0.3082343339920044, -0.4278582036495209, -0.4489697813987732, -0.2581515610218048, -0.522874653339386, -0.11678177118301392, -0.7991126775741577, 0.29971936345100403, -0.5065029263496399, 0.17749837040901184, 1.1094322204589844, -1.2987867593765259, 0.14339283108711243, -0.9038614630699158, 0.158794105052948, 0.45054489374160767, 1.0525058507919312, -0.48864662647247314, -0.24453112483024597, -0.6247790455818176, 0.4735380709171295, 0.7954296469688416, -0.07789226621389389, 0.6676406264305115, -0.7624936103820801, -0.05762609839439392, -0.0022358782589435577, 0.4717223048210144, 0.5566375851631165, 0.26063355803489685, 0.6190344095230103, 0.046178244054317474, 0.06706134229898453, -0.45745834708213806, 1.3405264616012573, 0.08480130881071091, -0.34056949615478516, 0.6920250058174133, -0.1797071248292923, 0.9375332593917847, 0.9101360440254211, -0.441142201423645, -0.6623485088348389, 0.6090821623802185, 0.11652922630310059, 1.499078631401062, 0.09323787689208984, 0.21528668701648712, 0.4174237549304962, -0.641396164894104, -0.7317770719528198, -0.7255548238754272, -0.17571912705898285, -0.12138979136943817, 0.5728661417961121, 0.7801650762557983, -0.7502270340919495, 0.29011648893356323, 0.6176497936248779, -0.12189354002475739, 0.6931265592575073, 1.2661464214324951, -0.4992832541465759, -0.6537127494812012, 0.055853866040706635, 0.8260469436645508, -0.22003190219402313, 1.3946373462677002, -1.8283355236053467, 0.21350552141666412, 0.32987090945243835, -0.9466300010681152, 0.09270521998405457, -0.8496813178062439, 0.1803642213344574, -0.468572199344635, -0.5955938696861267, -1.2302712202072144, 0.4884513318538666, -0.09326239675283432, -0.6467078924179077, -0.0971067026257515, -0.048231981694698334, 0.4887045919895172, 0.8571612238883972, -0.68593430519104, 0.5777155756950378, -0.7011550664901733, -0.3061088025569916, 1.1403011083602905, 1.0419496297836304, 0.8599540591239929, 0.16783639788627625, -0.5642449259757996, -0.21318528056144714, 0.021062441170215607, 0.019292309880256653, -1.0135678052902222, 0.14166437089443207, -0.5034390091896057, -0.8350520730018616, -0.36623817682266235, 0.11659550666809082, 0.918390691280365, -1.0093914270401, 0.6229612231254578, -0.49625396728515625, -0.06826368719339371, 0.33667290210723877, -0.12523390352725983, 0.39094406366348267, -1.0021452903747559, -0.3064911365509033, 2.6251070499420166, -0.2480844259262085, 1.403151035308838, 0.6274404525756836, -0.04775594174861908, -0.5072747468948364, 0.774886429309845, 1.0672420263290405, 0.47677120566368103, -0.3724050521850586, 0.03227617219090462, -0.375322163105011, -0.4985629916191101, 0.39068904519081116, -1.2048795223236084, -0.927017867565155, -0.1817832738161087, 0.12473396211862564, -1.3642785549163818, -0.20959419012069702, 0.07352355122566223, -0.06097672879695892, -0.07410956919193268, 0.004705004394054413, -0.13314609229564667, 1.2272475957870483, 0.8004592657089233, -0.056914106011390686, -0.7600188255310059, 0.6975265145301819, -0.49300989508628845, -0.07306797057390213, 1.3598437309265137, -0.25017860531806946, -1.2605414390563965, 0.2696737051010132, 0.8233888745307922, -0.7578038573265076, 0.20903006196022034, -0.6850566267967224, -0.1975070983171463, -0.09582319110631943, 0.9666168689727783, 0.5318811535835266, -0.30896928906440735, -0.43720483779907227, -0.15852051973342896, -0.8028831481933594, -0.33432847261428833, 0.15051357448101044, -0.38463321328163147, 0.556350588798523, -2.475987195968628, -0.6053801774978638, -1.1774364709854126, 1.0487805604934692, -0.35931140184402466, 0.2817613482475281, 0.3253321349620819, 0.400656521320343, -0.3205946683883667, -0.5167816877365112, 0.3569835126399994, -2.4006316661834717, 0.07896044850349426, -0.08103276789188385, 0.4148332476615906, 0.7060953378677368, 0.24944867193698883, 1.2268733978271484, 0.910781979560852, -0.6402562260627747, -0.5184882879257202, -2.4217796325683594, 0.3566313683986664, 1.7830480337142944, -1.2952826023101807, -0.3321301341056824, -1.3677388429641724, 0.0012288987636566162, 0.40863052010536194, -0.5068753361701965, 0.3626558184623718, -0.06716395914554596, 0.35806718468666077, -0.6894209980964661, 0.7136654257774353, -0.9520270824432373, 0.2531222701072693, -0.12728963792324066, 0.9001471996307373, -0.5835593342781067, -0.07904954999685287, -0.19312313199043274, -1.295461654663086, 0.7414869070053101, 1.2061647176742554, -0.49325767159461975, 0.22481384873390198, 0.6374233365058899, -0.07813710719347, 0.9099115133285522, 0.3401138484477997, 0.3591752350330353, -0.5489362478256226, 0.464391827583313, -0.43788063526153564, 1.153639554977417, -0.21879135072231293, 0.4721549451351166, 0.907249391078949, -0.05175814777612686, -0.08957231044769287, -0.5880950689315796, -0.6643069386482239, -0.6988546252250671, 0.11736240983009338, 0.7393393516540527, -0.29335856437683105, 1.9041811227798462, -1.4077515602111816, -0.31245699524879456, 0.07949172705411911, -1.176459550857544, -0.5065405368804932, 0.011747941374778748, 0.6784768104553223, -0.010158468037843704, 0.25367456674575806, -0.1695115715265274, -0.34101131558418274, -1.1442468166351318, 0.31756478548049927, -0.3475639522075653, -0.1535893678665161, -1.561126947402954, -0.1793632209300995, -0.28190088272094727, -1.7118916511535645, -0.2583717107772827, 0.24663741886615753, -0.6290913820266724, -0.3670181930065155, 0.2998516857624054, 1.07193922996521, 0.07384035736322403, 0.15879565477371216, -0.03094540536403656, 1.2514320611953735, -0.3224419355392456, 0.6930782794952393, -0.3759258985519409, 0.269167959690094, -1.6056212186813354, 0.10672885179519653, 0.42329180240631104, 0.26638710498809814, 0.12810418009757996, 0.024700365960597992, 0.1737697869539261, -0.4486948251724243, -0.5938282608985901, 0.5116446614265442, 0.022686012089252472, -0.051681652665138245, -1.555907964706421, 1.8203938007354736, 0.12717287242412567, -0.21722516417503357, 0.9379953742027283, 1.1328554153442383, -0.7013480067253113, 1.5906058549880981, 0.2120048999786377, 1.78328537940979, 0.45446157455444336, -0.44056886434555054, 0.6645395755767822, 0.31791573762893677, -1.1012920141220093, -0.05237651988863945, 0.7566667199134827, -0.44781866669654846, 0.4210700988769531, 0.3005623519420624, -0.1512177586555481, -0.932430624961853, -0.1941443234682083, 0.7745618224143982, -0.3196391761302948, 0.7644527554512024, -0.060299351811409, 0.011748407036066055, 0.7051863670349121, -0.5294234752655029, 0.9447116851806641, 0.5182932019233704, 0.4963657855987549, -0.46463990211486816, -0.5289720892906189, 0.7079474925994873, 0.4835200011730194, 1.2787530422210693, -0.12653234601020813, 0.8542258143424988, 1.2159525156021118, -1.0008773803710938, -0.27246779203414917, 0.7821515798568726, 0.10669825226068497, 0.1767263114452362, 0.40702903270721436, 0.16977249085903168, 0.8720194101333618, -0.1528007835149765, 1.0640127658843994, 0.8225686550140381, -1.3755671977996826, -0.4587370455265045, -1.2908848524093628, -0.740700900554657, -0.23178115487098694, 1.5881444215774536, 0.46078088879585266, 2.4151713848114014, -0.3095453977584839, -0.20336320996284485, 0.41335296630859375, -0.05902310088276863, 0.5666967034339905, 0.8885029554367065, 0.45178765058517456, -0.4540430009365082, 0.7963125705718994, 0.7322635054588318, 0.35249367356300354, 0.23250111937522888, -0.04401309788227081, -0.38393324613571167, -0.17700091004371643, -0.7068911194801331, 0.6528183817863464, 0.3545500338077545, 0.5112385153770447, 1.1681334972381592, -0.851540744304657, -0.5798369646072388, -0.3141440153121948, -0.17420019209384918, -0.11681623756885529, 0.8823885321617126, -1.252406120300293, 0.27342304587364197, 0.8080710768699646, 0.20288491249084473, -0.33572691679000854, 1.5025506019592285, 0.7869684100151062, 0.3395707309246063, -1.504770278930664, -0.527696430683136, -0.9652680158615112, -0.40244200825691223, -0.3385162353515625, -0.12102256715297699, -0.7547377943992615, 0.5274621248245239, -0.19468143582344055, -1.386378288269043, 0.32996413111686707, -0.8108234405517578, -1.205335021018982, 0.9267840385437012, 1.2709100246429443, -1.474039912223816, -0.3695485293865204, 0.2664746046066284, -0.9378864765167236, -0.7452271580696106, -0.5262044668197632, -0.6484099626541138, 0.30465447902679443, 0.8933783173561096, 0.4682248830795288, 0.24768134951591492, 0.2131740003824234, -0.4349001944065094, 0.7073239088058472, 1.0116264820098877, -0.6327321529388428, 0.7341955900192261, 0.3680478632450104, 0.3856427073478699, -0.48284801840782166, -1.2948260307312012, -1.1122119426727295, 0.720526397228241, -0.7158949375152588, -0.02575516328215599, -1.2188793420791626, -0.3987158536911011, 0.7082046866416931, -0.12175112962722778, 0.48024654388427734, -0.4458329975605011, 0.47815394401550293, -0.8860514760017395, -0.06199248135089874, 0.4455604553222656, -1.1829098463058472, -0.9795100688934326, 0.8629977107048035, 0.27450841665267944, 0.4979746639728546, 0.20400136709213257, 0.025869693607091904, 1.5945395231246948, 0.06942211836576462, -0.4155620336532593, -0.363188236951828, -11.14068603515625, 0.7430298924446106, 0.2948947548866272, 0.4155769944190979, 1.0555938482284546, 0.1782129406929016, 0.6549326181411743, -0.3562983572483063, 0.5752785205841064, -0.6072646379470825, 0.28216731548309326, 1.5640605688095093, 0.044498931616544724, -0.24549560248851776, -0.3407320976257324, -0.8474912047386169, -0.10858309268951416, -0.005036309361457825, 0.5022328495979309, 0.2540067434310913, 0.13791483640670776, -0.8950065970420837, -0.1548403799533844, -0.7037156224250793, 0.9145658016204834, 0.01104089617729187, 0.12983134388923645, -0.3461880087852478, -0.5831379890441895, 0.08505386114120483, 0.7241435647010803, -0.0108710378408432, -0.9533451795578003, -0.3703050911426544, 0.4931491017341614, 0.6479726433753967, -0.9267393946647644, 0.378612220287323, 1.0441396236419678, -0.018746137619018555, 0.16919821500778198, 0.02167942002415657, 0.17624548077583313, -0.6683568358421326, -0.6781445741653442, -0.08770698308944702, 0.31268614530563354, -1.129640817642212, 0.32012295722961426, -0.1874886453151703, -0.74923175573349, -0.6340379118919373, -1.5439420938491821, -0.3810603618621826, 0.819567859172821, 0.14658348262310028, -0.2839854061603546, 0.4016128480434418, -0.6669625639915466, -0.7419055700302124, 1.112645149230957, -0.20410948991775513, 0.35150155425071716, 1.0608059167861938, -0.065708689391613, -0.7087206840515137, 1.0587303638458252, 0.5467588901519775, -0.47814011573791504, 0.3560980260372162, 0.14898806810379028, 1.4705262184143066, 0.37229984998703003, 0.14571596682071686, 0.39231055974960327, 0.20734524726867676, 0.05208577960729599, -0.43050679564476013, -0.12920144200325012, 0.4090910255908966, -1.4048646688461304, 0.4404427707195282, 0.30265000462532043, -1.1197309494018555, -1.4089704751968384, -0.29991158843040466, -0.5596134662628174, -0.6198214888572693, -0.310892790555954, -0.3004305362701416, 0.7556107044219971, 0.4380388557910919, 0.05582089349627495, -0.9085781574249268, -0.37089699506759644, 0.5418259501457214, -0.7160554528236389, 0.6229768991470337, 0.4598911702632904, -0.9418997764587402, 0.8954895734786987, -0.3308194875717163, -0.7670243978500366, -0.3487417697906494, 0.19904381036758423, -0.1841239333152771, 0.13508641719818115, -0.10363258421421051, -0.9603122472763062, -0.5783452987670898, 0.4831762909889221, -0.004165187478065491, -0.2653046250343323, 0.7885710597038269, -0.5567723512649536, 0.7404489517211914, 0.5404262542724609, -0.9168427586555481, 0.11015634983778, 0.9683733582496643, 0.37054944038391113, 0.5259215831756592, 0.3293498456478119, 1.2505189180374146, 0.042280618101358414, -0.29652470350265503, 0.5495363473892212, 0.6106314659118652, -0.18747958540916443, -1.1910306215286255, 0.6562289595603943, -0.5808544754981995, 0.5492191314697266, -0.4159562587738037, -0.9562403559684753, -0.14043806493282318, 0.3683224022388458, 1.2758411169052124, -0.14922857284545898, 0.3292575180530548, -0.21098455786705017, -0.20779277384281158, 0.2299206554889679, -0.20798563957214355, -0.8854938745498657, -0.2962900996208191, -1.8061562776565552, 0.3535620868206024, -0.7389906048774719, -0.575834333896637, 0.4516211152076721, -0.32623040676116943, 0.3329910635948181, -0.5461191534996033, 0.004037922248244286, -0.22962623834609985, 0.2834361493587494, 0.5174682140350342, -1.1472439765930176, 0.36212044954299927, -0.4015599191188812, 0.608511209487915, -0.15932585299015045, 0.2219592034816742, 0.48557916283607483, 0.14580051600933075, -0.5560338497161865, 0.12922334671020508, -0.9049407243728638, -0.00035412609577178955, 1.415073037147522, -0.6260718107223511, 0.2944211959838867, -0.6488810181617737, 0.18352177739143372, -0.15205878019332886, 1.1419904232025146, 1.098679780960083, -0.475143700838089, 0.4503662586212158, 0.1349906176328659, 0.2909487783908844, 0.7425464987754822, -0.4684476852416992, -0.19766786694526672, -0.31684693694114685, 0.16659829020500183, 0.25028204917907715, -0.07348661124706268, 0.24252712726593018, -0.5547087788581848, -0.8271154761314392, -0.8357872366905212, -0.3306640684604645, 0.4278356432914734, -0.215326726436615, 1.560848593711853, 0.5996034741401672, 0.0936950147151947, 0.4038711488246918, 0.2046641707420349, 1.4710972309112549, 0.22459019720554352, 0.9457824230194092, -0.8080766797065735, -0.6630712747573853, -1.266282558441162, 0.3621330261230469, 0.711689293384552, 0.6114540696144104, -0.4139755666255951, 0.12934760749340057, 0.8520418405532837, -0.6420726776123047, 0.2028234601020813, -1.9724225997924805, 0.46861782670021057, -0.30513614416122437, -0.7719799280166626, -0.20833663642406464, 0.21145954728126526, 0.7313674688339233, -0.019815512001514435, 1.0676980018615723, -0.1061544120311737, 0.10862579941749573, 0.6418968439102173, 0.7128278017044067, 1.0844779014587402, -0.29208797216415405, -0.2610713243484497, 0.6619433760643005, -0.5521566867828369, 0.17336392402648926, 0.41194817423820496, -0.17787064611911774, -0.610397458076477, -0.2848207354545593, -0.5419654250144958, 0.46821698546409607, -0.358439564704895, 0.21977637708187103, 0.9671087265014648, 1.2756398916244507, -0.6261212825775146, -1.045274257659912, -0.39763304591178894, -0.6123555898666382, 0.0027801059186458588, 0.846347987651825, -0.051389098167419434, 0.2264920473098755, 0.6342533826828003, -0.015986338257789612, 0.850978434085846, 0.26191917061805725, 0.47666114568710327, 0.19723376631736755, -0.914541482925415, 0.9822341799736023, 0.620568037033081, -0.23444609344005585, -0.34498706459999084, -0.13460594415664673, -0.933600664138794, -0.14397065341472626, -0.5669326186180115, 0.48876237869262695, 1.0907989740371704, -0.5368961691856384, 0.033284179866313934, -0.6094574928283691, -0.032839033752679825, -0.8176531791687012, 0.09300138056278229, 0.1481151282787323, -0.8852903842926025, -0.6646590828895569, -1.1906341314315796, -0.7104060649871826, 0.8436292409896851, 0.02681247517466545, -0.26051485538482666, 0.5784416794776917, 1.1500396728515625, -0.782066285610199, -0.5345423221588135, -0.14499518275260925, 0.5998600125312805, -0.07494761049747467, 0.756544828414917, 0.4472651481628418, -0.856800377368927, -1.0056289434432983, -0.02354586124420166, -0.11644276976585388, 0.33619946241378784, 0.5634410381317139, -0.8974898457527161, 0.09689044952392578, 0.4544161260128021, -0.059612151235342026, -0.2126270830631256, 1.0072431564331055, 0.30494388937950134, -1.44951331615448, 0.7366040945053101, 0.379226416349411, 0.6163386702537537, 0.19070440530776978, -0.3743197023868561, 0.9316244125366211, 0.2520534098148346, 0.7714734673500061]} +{"paper_id": "corypaik/coda", "embedding": [-0.8573147654533386, 0.6635351181030273, 0.25842711329460144, 0.03161253780126572, 0.5725522637367249, -0.3499509394168854, 0.29858115315437317, -0.16174647212028503, 0.7959777116775513, -0.05735613405704498, 0.8776500821113586, 0.434927761554718, -0.4099634289741516, -0.3947124481201172, -0.31164243817329407, -0.08057195693254471, -0.569431722164154, -0.004412115551531315, -0.8303395509719849, -0.012474365532398224, -1.0893205404281616, -1.4594433307647705, -0.5691797137260437, 0.5340062975883484, -0.19949859380722046, -0.1354370415210724, 1.028899908065796, -0.03487871214747429, -0.12835583090782166, 0.9911589622497559, -0.314188688993454, 0.5459734201431274, -1.2883799076080322, 0.9535236954689026, -0.4261336624622345, -0.17115430533885956, 0.3899782598018646, 1.3086129426956177, -0.10971972346305847, -0.5382716059684753, -0.31295230984687805, 0.6313715577125549, 1.4216870069503784, -0.22116194665431976, -0.3389175236225128, -0.5408657193183899, -0.7302078604698181, 0.701427161693573, -0.5922320485115051, -0.5826454162597656, 0.1275634467601776, 0.7846336960792542, 0.268730103969574, -0.2164815217256546, -0.17284592986106873, 0.3992270827293396, -0.08951985836029053, -0.03192414343357086, -0.6113446950912476, 0.013516232371330261, 0.46454867720603943, 1.1882797479629517, 0.1475536972284317, 0.1860755831003189, 0.5702416896820068, 0.8690729737281799, 0.6727755069732666, 0.4684484004974365, -0.2510337233543396, 0.5944586992263794, -0.3949570059776306, -1.724449872970581, 0.2049286961555481, 0.8810043931007385, 0.4565945267677307, 0.43797218799591064, -0.33628714084625244, 0.13145309686660767, -0.3007064461708069, 0.798296332359314, -0.12822122871875763, -0.7721261382102966, 0.5162426233291626, -1.3572378158569336, 0.012119833379983902, 0.7741104960441589, 0.678719162940979, -0.43986958265304565, 0.7553153038024902, -0.21771131455898285, 1.3998682498931885, 0.4191284775733948, 1.2997722625732422, -0.005009487271308899, 0.6878155469894409, -0.3003895878791809, 0.3982154130935669, -0.16693341732025146, -1.0301669836044312, 0.5400979518890381, -0.2709912359714508, 0.28724047541618347, 1.1102899312973022, 0.11215771734714508, 0.5345909595489502, -0.0286300890147686, 0.2881600856781006, -0.1875954270362854, -0.018073897808790207, -0.041983768343925476, 0.2449803650379181, 0.6596192717552185, 0.7748328447341919, 0.025635473430156708, -0.13563567399978638, 0.11919707804918289, 0.3479011058807373, -0.44380930066108704, 0.3403588533401489, -0.44099563360214233, 0.3900929093360901, -1.0730535984039307, -0.14054518938064575, -0.7180058360099792, 0.9881862998008728, -0.32920488715171814, -0.16029047966003418, -0.34266018867492676, -0.8003659844398499, -0.9536960124969482, -0.38227900862693787, 0.7096140384674072, -0.31093692779541016, 0.4693281054496765, 3.038572311401367, -0.41239845752716064, 0.15716128051280975, -0.3892514705657959, -0.7992969751358032, 0.06925059854984283, -0.699959933757782, 0.7187307476997375, 0.281314879655838, -0.3612642288208008, -0.3812665641307831, -0.31208091974258423, -0.05764050781726837, 0.08196499943733215, -0.8963299989700317, 0.25401878356933594, 0.9145635366439819, -0.09178302437067032, -0.8778082728385925, -0.42564651370048523, 0.5703103542327881, 0.08722691982984543, -0.5614362955093384, -0.8735271096229553, 0.11496998369693756, 0.42008456587791443, -0.23526152968406677, 0.5146464109420776, -1.244664192199707, 0.5754554271697998, -0.13232360780239105, 0.7760547399520874, 0.814882218837738, -1.178985834121704, -0.5879814028739929, -0.3380092680454254, 0.08358991891145706, -0.23215970396995544, -0.009507596492767334, 0.08252972364425659, -0.06710835546255112, 0.36275359988212585, -0.20258168876171112, 0.5269002914428711, 0.12452851235866547, 0.24590399861335754, -0.8846002221107483, 0.15154719352722168, 0.5147510170936584, -0.4397030174732208, -0.09671689569950104, -0.9171227216720581, -2.2278807163238525, -0.06769450008869171, -0.7314993739128113, 0.29522818326950073, 0.14712178707122803, 0.2509590983390808, 0.0994793251156807, -0.28550291061401367, -1.0672645568847656, 0.3441559672355652, 0.04947161674499512, -0.8885716199874878, -0.9082018136978149, 1.022337794303894, -0.11319401860237122, 0.8895478844642639, -0.954166054725647, 0.10702840983867645, -0.143981471657753, 0.10344145447015762, 0.02256390079855919, -1.0662580728530884, 0.05529818683862686, 0.6099910140037537, 0.13208436965942383, -0.4955175220966339, -0.48860228061676025, 0.12128706276416779, 0.035956405103206635, -0.07347440719604492, 1.1987453699111938, -0.06933149695396423, -0.0558130219578743, -1.2196896076202393, 0.06477376818656921, -0.6631595492362976, 0.35522618889808655, -0.46990031003952026, 1.5227652788162231, -0.8114334344863892, 0.0937575250864029, -0.3348219394683838, -1.7987160682678223, 0.6641538143157959, 0.005044526420533657, 0.6684406399726868, 0.22130660712718964, 0.3796924948692322, -0.6807640790939331, 0.4998711943626404, 1.4972203969955444, 0.7614383101463318, -0.25259697437286377, 0.346684992313385, 0.1503632515668869, 1.0936633348464966, -0.14157967269420624, 0.5763635039329529, -0.009443633258342743, 0.2412356734275818, 0.24506470561027527, -0.8828539252281189, -0.6766380667686462, 0.07781615853309631, 1.9394901990890503, 0.28055235743522644, -0.180519238114357, 0.04450517147779465, -0.16065117716789246, -0.05514819920063019, 0.2932363450527191, -0.0015714764595031738, 0.8589717149734497, -0.6444715857505798, -0.038313403725624084, 0.1481037437915802, 0.3658308982849121, -0.2879500985145569, -0.5048947930335999, -0.607067883014679, 0.22569185495376587, -0.7316195964813232, -0.1611993908882141, -0.6452629566192627, -0.9803436398506165, 0.18928194046020508, -0.6502647399902344, -0.8175660967826843, -0.06852053105831146, 0.6795251965522766, -0.24052686989307404, 0.9362118244171143, 0.08428409695625305, -0.6096705794334412, 0.44411522150039673, -0.5151000022888184, 0.5253394246101379, -0.30024105310440063, 0.2703157365322113, -0.5328537225723267, -0.3891821503639221, -0.8678578734397888, 0.03071935474872589, -1.0261915922164917, 0.32554930448532104, 0.2915518283843994, -0.6873568892478943, 0.8277229070663452, -0.399843692779541, -1.056003212928772, 1.6612406969070435, 0.18678568303585052, -0.029043301939964294, -0.47346407175064087, 0.39609530568122864, 0.6843421459197998, -0.6060744524002075, 0.5537535548210144, -0.7029422521591187, -0.2815718948841095, 1.0763987302780151, -0.05234426632523537, -0.11227551102638245, 1.01957368850708, -0.18148697912693024, -0.189505472779274, -0.12330348044633865, -2.237316131591797, 0.45856839418411255, 0.9340400695800781, 0.07139278948307037, 0.4517398774623871, -0.9439646601676941, -0.23240813612937927, -0.22057528793811798, -0.14416414499282837, 0.5019960403442383, -0.5772385597229004, 0.6589553952217102, -0.3073943257331848, 0.3985257148742676, 0.7173331379890442, -1.1023294925689697, -0.059953831136226654, 0.4464736878871918, 0.15388453006744385, -0.8777741193771362, 0.4233183264732361, 0.623170018196106, -0.4079740345478058, 0.014801830053329468, 0.8695435523986816, 0.5894209742546082, 0.6892914772033691, -0.2807619869709015, 0.28665947914123535, -0.5079998970031738, -0.5266136527061462, 0.7792154550552368, 1.335101842880249, -0.06101643294095993, 0.4845300316810608, 0.16991358995437622, 1.3274389505386353, -0.4063773453235626, -0.6322792768478394, -0.4762455224990845, -0.11851441860198975, -0.6644163131713867, 0.174760103225708, 1.183667778968811, 0.8492872714996338, 1.1670691967010498, -0.2581096589565277, 0.5473078489303589, -0.45080238580703735, -0.35640934109687805, 0.3102538287639618, 0.21246571838855743, 0.18067017197608948, -0.47357437014579773, 0.0830744281411171, 0.14319729804992676, 1.0023833513259888, 0.17876118421554565, 0.27419620752334595, 1.2829278707504272, 0.4943050146102905, -0.6356717944145203, 1.4901983737945557, -0.03062700852751732, 0.1082935780286789, 1.1407653093338013, -0.2138340026140213, -0.1185205951333046, -0.14560972154140472, 0.7865298390388489, 0.7121242880821228, -0.978922963142395, 0.1284019947052002, 0.11275080591440201, 0.609340488910675, 1.1522732973098755, 0.14208410680294037, -0.36274585127830505, 1.1276321411132812, -0.2917214334011078, -0.7437978982925415, 0.21052266657352448, -1.1134828329086304, -0.6223514676094055, -0.002249971032142639, -0.3140276372432709, 0.1955706775188446, 0.34229913353919983, -0.41017743945121765, -0.06785960495471954, 0.7170002460479736, -0.44544264674186707, 0.10065139830112457, -0.746783971786499, 0.2396506667137146, -1.0577033758163452, -0.9852359890937805, -0.09210658818483353, -0.5837770700454712, -0.4365265369415283, -0.4149095416069031, 0.483804851770401, 0.030540425330400467, -0.3206407129764557, 0.11853339523077011, -0.1764947921037674, 0.40233707427978516, -0.6418309807777405, 1.2716809511184692, 0.9191572666168213, -0.023815643042325974, 0.6036056280136108, 0.14262990653514862, 0.2860344648361206, 1.3957042694091797, 0.19343437254428864, 0.2958768606185913, 1.9863007068634033, 1.0215953588485718, 0.15483544766902924, -0.548382580280304, -0.4132169783115387, 1.0446547269821167, 0.11374449729919434, 0.5296393632888794, -0.9639580249786377, -0.9093121290206909, -0.4128900170326233, 1.2194747924804688, 1.6050260066986084, -0.7182743549346924, -0.21100766956806183, 0.8751920461654663, -0.5546798706054688, 0.08665421605110168, -1.0195971727371216, 0.4313025176525116, 0.9536533355712891, -0.10431066155433655, 0.31902676820755005, -0.6964668035507202, -12.165282249450684, 0.9355520606040955, -0.4306897819042206, 0.15455973148345947, 0.4640728235244751, -0.39035487174987793, 0.5209928750991821, 0.18147866427898407, 0.5304199457168579, -0.8164253830909729, 0.07988417148590088, 0.9927714467048645, -0.19289764761924744, 0.3901765048503876, -0.5341286659240723, -1.6669851541519165, -1.0888460874557495, -0.17340244352817535, -0.5223142504692078, 0.661819577217102, 0.44994840025901794, -1.0417819023132324, -0.3797447681427002, -0.2272525578737259, 0.08979067206382751, -1.3015497922897339, 0.15133848786354065, -0.7465371489524841, 0.08969318866729736, 0.08505547046661377, 0.5912280082702637, 0.7389059662818909, -0.4615482687950134, -0.39938580989837646, 0.3636208176612854, 0.11237666010856628, -1.200049877166748, 0.448137104511261, 1.409668207168579, 0.37668800354003906, 0.18611933290958405, 0.9091233015060425, -0.4515269100666046, 0.5577151775360107, -1.1547406911849976, -0.32402119040489197, 0.339220255613327, -0.5686379075050354, 0.45465201139450073, -0.8263840675354004, -0.0883270651102066, -0.9686649441719055, -0.13355904817581177, -0.8675136566162109, 0.7552759051322937, 1.2474349737167358, -0.3220057189464569, -0.49017030000686646, -0.9073193669319153, -1.7646535634994507, -0.20011290907859802, -0.13778480887413025, -0.18091797828674316, 1.0043010711669922, -0.10027880221605301, -0.8304381966590881, -0.14286762475967407, 0.6285400390625, 0.2203073501586914, 0.610957682132721, -0.4044237434864044, 0.6855627298355103, 0.5418921113014221, 0.8101768493652344, -0.6562748551368713, 0.07419780641794205, 0.26223891973495483, 0.029290402308106422, -0.9048804640769958, -0.4405502676963806, -0.6943485140800476, 1.1525046825408936, -0.8975853323936462, -0.4793342649936676, 0.4158758819103241, 0.546578586101532, 0.7037774324417114, 0.7158541679382324, 0.09807074069976807, -0.13496389985084534, 0.5059170126914978, -0.37817537784576416, 0.46671271324157715, -0.43309828639030457, -0.41418999433517456, 0.731063961982727, 0.04242129996418953, -0.18524613976478577, 0.21167635917663574, -0.7224867343902588, 0.14180943369865417, 0.30834871530532837, -0.7396817207336426, -1.0307049751281738, -0.004710549488663673, -0.2608136534690857, 0.02359461784362793, 0.10050712525844574, 0.8973493576049805, -0.36579498648643494, -0.5034424662590027, -1.0212607383728027, -0.9372486472129822, 0.4820396602153778, -0.06724673509597778, 0.1366519033908844, 1.3259271383285522, -0.3004952073097229, 0.5271428227424622, 1.0701645612716675, 0.37734678387641907, 0.7089994549751282, 0.48731666803359985, 0.680031418800354, 0.527129590511322, -0.32304733991622925, 0.4047970175743103, -0.01359347440302372, -0.5842234492301941, -1.4614611864089966, 0.07910805940628052, -1.1046948432922363, -0.3200116455554962, -0.4033040702342987, -0.3308873474597931, -1.117693305015564, -0.8688572645187378, 1.1305469274520874, -0.7703308463096619, 1.11393141746521, 0.2549794316291809, -0.11010836064815521, -0.9779244661331177, -0.7667468190193176, -0.7858832478523254, -0.8158819675445557, -2.037761688232422, -0.2921138107776642, -0.6104153990745544, -0.9296876788139343, 0.4639597237110138, 0.32458704710006714, 0.7121608853340149, -0.45046132802963257, -0.15816949307918549, 0.748312771320343, -0.002872008830308914, -1.058887004852295, -0.2554108202457428, -0.4356223940849304, 0.5947154760360718, 1.619975209236145, -1.1937284469604492, 1.326263189315796, 0.139232337474823, -0.23095615208148956, -0.4280271530151367, -0.862227201461792, 0.23397418856620789, 0.6713118553161621, 0.77836012840271, -0.5817102789878845, -0.8608087301254272, -0.6478915214538574, 0.7683157324790955, -1.0339515209197998, 0.29362934827804565, 0.8329421281814575, -1.0028830766677856, 0.2739214301109314, 0.6126425266265869, 0.8854143023490906, 0.6585066914558411, -0.5825156569480896, -0.03836850821971893, -0.43310222029685974, 0.5586274862289429, 0.4440091848373413, -0.3215952217578888, 0.9467737674713135, -1.2728304862976074, -1.0751820802688599, -0.5684140920639038, 0.9670901894569397, 0.19566525518894196, 0.03725104779005051, 0.690302312374115, 0.8041192889213562, -0.6149879693984985, -0.5162110328674316, -0.3334028124809265, -0.2329750657081604, -0.8836275935173035, 0.2507702708244324, 0.38498711585998535, 0.6235984563827515, -0.29141324758529663, -1.1638572216033936, -1.1037378311157227, 0.9011101722717285, -0.5658625960350037, -0.1533496230840683, 0.17647191882133484, -0.7716103196144104, -0.24861684441566467, -0.6366841793060303, -0.1379411220550537, -0.22562268376350403, -0.17170235514640808, -0.39380747079849243, 0.348716676235199, 0.9813799262046814, 0.522953987121582, 0.8002358675003052, 0.05974388122558594, 0.1847916692495346, 0.6718273758888245, 0.3937034606933594, 1.886279821395874, 0.2995796799659729, -0.6236172914505005, 0.4312407374382019, 0.5512055158615112, 0.0714799091219902, -0.14102625846862793, 0.23221547901630402, -0.6731888055801392, 0.1414082646369934, -1.3985716104507446, 0.06537757068872452, -0.7191965579986572, -0.1864316612482071, 1.3913146257400513, 0.18777427077293396, -0.37951624393463135, -1.6980655193328857, -0.2719413638114929, -0.9186158776283264, -0.03777923434972763, 0.3480256497859955, 0.20778699219226837, 0.4529818892478943, 0.4764994978904724, 0.15478944778442383, 0.5319028496742249, 0.6487597823143005, 0.0017204731702804565, 0.2628174424171448, 0.11560274660587311, 1.196276068687439, 0.7830135226249695, 0.028430970385670662, -0.035694144666194916, 1.3408194780349731, -0.7172869443893433, -0.40538790822029114, -1.3188625574111938, 0.42357856035232544, 0.30420899391174316, -0.7766561508178711, -0.13318699598312378, -0.21922500431537628, 0.05793052911758423, -1.2067344188690186, 0.19366008043289185, 0.40903347730636597, -0.3069654703140259, -0.9236506819725037, -0.27316808700561523, 0.7337288856506348, -0.025630787014961243, 0.5161296129226685, -0.4916486144065857, -0.34120672941207886, 1.880083441734314, 0.7773482203483582, 0.4365399479866028, -0.3413100242614746, -0.2244422882795334, 0.1782573014497757, 0.43000328540802, -0.0901208445429802, 0.37664341926574707, -0.5456944704055786, 0.5929448008537292, -0.0628240779042244, -0.10661058872938156, -0.465054452419281, -0.22277867794036865, -0.5135748982429504, 0.7801796197891235, -0.24281321465969086, 0.027861077338457108, 0.258229523897171, 0.6968579888343811, -0.6079019904136658, 0.8208788633346558, 0.47384509444236755, -0.4425557553768158, -0.3296266198158264, -0.9627462029457092, 0.07326322793960571, -0.6734285354614258, 0.8638306856155396]} +{"paper_id": "dfki-nlp/mobie", "embedding": [-1.0051220655441284, 1.0662791728973389, 0.12882035970687866, -0.2509891092777252, -0.007533229887485504, -0.46708551049232483, 0.09534008800983429, 0.5883216857910156, 0.5469229221343994, 1.4263110160827637, 0.6769096255302429, -0.34664446115493774, -0.4774746298789978, -0.8089093565940857, -0.3884836733341217, -0.028561122715473175, -0.4094793498516083, -0.7836945056915283, -0.9078605771064758, -0.4048915505409241, -0.9380972385406494, -1.1546839475631714, 0.3786323666572571, 0.40733203291893005, -1.0139800310134888, -0.3620958924293518, 0.43200454115867615, -0.7809759974479675, 0.17524325847625732, 0.20083463191986084, -0.33971554040908813, 1.3475124835968018, -1.2248533964157104, 0.19150206446647644, -0.04845920577645302, 0.4130750298500061, 0.6893094778060913, 0.6438549757003784, -0.22064310312271118, -0.40446963906288147, -0.7390192747116089, -0.4953210651874542, 0.27689415216445923, -0.003519829362630844, 1.7291079759597778, -0.1388518512248993, 0.20909354090690613, 0.9094013571739197, 0.021894514560699463, -0.1607598513364792, -0.14386512339115143, 0.20243322849273682, 0.1942698061466217, 0.27245011925697327, -0.3710973560810089, 1.1965322494506836, -0.011932522058486938, -1.278973937034607, 0.26837337017059326, -0.6451456546783447, 0.13889461755752563, 0.6396970152854919, -0.19599226117134094, -0.7734687328338623, 0.4372575581073761, 0.050936609506607056, 0.9114817380905151, 0.1390840709209442, 1.4671671390533447, 0.4890752136707306, -0.06673304736614227, -1.9469761848449707, 0.018787145614624023, -0.7086020708084106, 0.7354710102081299, 0.6801570653915405, 0.8272073268890381, -0.06401759386062622, 0.12301003187894821, 0.3986065685749054, 0.015359033830463886, 1.1062941551208496, 0.5003049373626709, -0.22575855255126953, -0.5287044048309326, -0.27714717388153076, 0.21872708201408386, -0.20997890830039978, 0.6583999991416931, -1.729615569114685, 0.4005376100540161, -0.7079102396965027, -0.7662386298179626, -0.018157094717025757, -0.23609215021133423, 0.9725887179374695, -0.21944735944271088, -0.9985139966011047, -0.07558713108301163, 0.6008093953132629, 0.9079716801643372, -0.574675440788269, 0.048177145421504974, -0.2340295910835266, 0.08766695857048035, 1.2711186408996582, -1.1579898595809937, 0.4983169734477997, -1.08708655834198, 0.22330929338932037, 0.10477526485919952, 1.057762861251831, 0.048044733703136444, 0.18916428089141846, -0.33744552731513977, -0.4690621793270111, 0.1596369594335556, -0.5612152814865112, -0.46581512689590454, 0.3969108462333679, -0.44560906291007996, -0.5077420473098755, -0.6455963850021362, 0.5495409965515137, 1.432753324508667, -1.1522133350372314, 1.2986589670181274, 0.6044199466705322, 0.14745303988456726, -0.3846929371356964, 0.5479930639266968, -0.07515998184680939, -0.3132317066192627, 0.21919217705726624, 2.5428497791290283, -0.382600337266922, 1.1194926500320435, 0.3475310504436493, 0.02085980214178562, -0.277465283870697, 0.6850396394729614, 0.834374189376831, 0.8510612845420837, 0.09425775706768036, -0.3584398031234741, 0.38361552357673645, -0.5947274565696716, 0.08933931589126587, -0.6683570146560669, -0.4597959816455841, 0.04324613884091377, 0.47598209977149963, -1.2674453258514404, -0.2717091739177704, 0.23202399909496307, 0.8137470483779907, -0.29352542757987976, -0.04333772510290146, -0.47972118854522705, 0.9146615862846375, 0.8479762077331543, -0.42889147996902466, -0.6235998272895813, 0.5831417441368103, -0.9379592537879944, 0.6023899912834167, 1.4597117900848389, 0.023301728069782257, -1.8747062683105469, -0.04871487617492676, 0.7804685831069946, -0.4179796874523163, 0.2583571970462799, -0.4644938111305237, -0.4582580626010895, 0.4817306697368622, 0.2396690994501114, 0.3801345229148865, -0.057839855551719666, 0.33048805594444275, 0.13159027695655823, -0.05440619960427284, -0.6077645421028137, 0.5276327133178711, -0.049873605370521545, 0.22304517030715942, -1.9562839269638062, -0.5835444927215576, -0.03479890525341034, 1.045894742012024, -0.07577434182167053, -0.34444460272789, 0.40842416882514954, 0.7865456342697144, 0.1026848703622818, -0.5737113356590271, 0.23187468945980072, -1.6432850360870361, -0.8947439193725586, 0.09240235388278961, 0.25286558270454407, -0.4216090738773346, 0.0527273491024971, 1.0204464197158813, 0.5361239314079285, -0.8693440556526184, -0.4687557816505432, -1.6615501642227173, 0.6289100050926208, 2.1146557331085205, -0.14392578601837158, -0.5308879613876343, -1.8318955898284912, -0.33843153715133667, -0.14472877979278564, -0.9537925124168396, 0.6168557405471802, -0.35351553559303284, 0.6351065635681152, -1.0888912677764893, 0.5138148069381714, -0.6476003527641296, 0.5833654999732971, 0.028456732630729675, 0.9151049852371216, -0.25276148319244385, -0.5870826840400696, -0.46063661575317383, -0.20376886427402496, 0.7141820192337036, 0.3735881745815277, 0.4233488142490387, -0.5965871810913086, 0.8838063478469849, 0.2947958707809448, 0.2722330093383789, -0.2163795530796051, 0.29220449924468994, -0.5152803659439087, 0.5454898476600647, -0.1720462292432785, 0.5384093523025513, 0.00897650420665741, -0.7325263023376465, 0.9609789252281189, 0.10921971499919891, 0.42085984349250793, -0.6697798371315002, 0.44942378997802734, 0.4673144817352295, 0.7688217163085938, 0.934967577457428, -0.08416624367237091, 0.7311055660247803, -1.7344752550125122, 0.7939589619636536, -0.44202953577041626, -1.06629478931427, -0.29809001088142395, 0.24835209548473358, 0.5930565595626831, -0.31744322180747986, 0.02611030638217926, -0.14422860741615295, 0.05688092112541199, -1.7227680683135986, -0.005343835800886154, 0.11094511300325394, -0.7907231450080872, -0.8686683177947998, 0.411020964384079, -0.1904880255460739, -1.075292706489563, -0.6101416945457458, 0.3124324679374695, 0.6017573475837708, 0.23434150218963623, 0.07255043089389801, 0.21378149092197418, -0.5524554252624512, -0.15812991559505463, -0.06649269163608551, 0.38811373710632324, -0.3281238079071045, 1.4978069067001343, 0.4768325388431549, 0.34190577268600464, -0.6752864122390747, -0.1413954794406891, 0.10550995916128159, 0.6630347967147827, -0.20850983262062073, 0.18090984225273132, -0.19458895921707153, -0.5446469783782959, -0.657835066318512, 1.743389368057251, 0.420654296875, -0.11316340416669846, -0.9951316714286804, 1.3666068315505981, 0.5699766278266907, -0.4011157155036926, 0.8705233335494995, 0.6877300143241882, 0.6349098682403564, 1.3088090419769287, -0.23953551054000854, 0.09088120609521866, 0.5424949526786804, -0.001485094428062439, 0.671496570110321, 0.40478917956352234, -1.7571202516555786, -0.16642051935195923, 0.5858001112937927, -0.05160106346011162, 0.5071883201599121, -0.11370792984962463, -0.135140523314476, -1.060567021369934, -0.43422120809555054, -0.3994775414466858, -0.36835968494415283, 0.657707691192627, -0.5475082993507385, 0.29567575454711914, 0.8750040531158447, -0.9504075050354004, 0.6116405725479126, 0.14291737973690033, 0.4084538221359253, -1.147579550743103, 0.3831445574760437, 1.2187927961349487, 0.18250158429145813, 0.7630298137664795, -0.10827203840017319, 1.18948233127594, 1.003549337387085, -0.7300882935523987, 0.5457816123962402, 1.0870736837387085, 0.41190874576568604, 0.6563636660575867, 0.26849597692489624, -0.361255943775177, 1.0430840253829956, -0.01757090911269188, 0.54925137758255, 0.44068360328674316, -0.3233383595943451, -1.819408655166626, 0.0622028186917305, -0.4500446319580078, -0.49231311678886414, 2.3642654418945312, 0.6691846251487732, 1.8182275295257568, -0.5108392834663391, 0.5051034092903137, -0.8925684094429016, 0.04607633128762245, 0.5210825204849243, 1.0207140445709229, 0.07177513837814331, -0.7435998916625977, 0.30797040462493896, -0.0969444066286087, -0.19726431369781494, -0.27160632610321045, -0.01982324942946434, 0.4259677231311798, 0.06543528288602829, -0.5980817079544067, -0.09119144827127457, -0.015859413892030716, 0.16721290349960327, 0.9278087019920349, -0.3148088753223419, -0.7963979244232178, -0.2285730391740799, 0.20154689252376556, 0.2845941185951233, 0.976210355758667, -0.9097130298614502, 0.061702415347099304, 0.10765412449836731, -0.16533967852592468, -0.2272946536540985, 1.1375867128372192, 1.3472332954406738, -0.43461281061172485, -1.531017780303955, -0.24671202898025513, -0.44923481345176697, -0.4056527018547058, 0.015488028526306152, 0.13928620517253876, -0.6830776333808899, 0.2762625813484192, -0.5956398248672485, -0.7743380069732666, 0.7185397148132324, -0.6599424481391907, -1.9407628774642944, 1.007678747177124, 1.2707692384719849, -1.4424803256988525, -0.287925124168396, 0.7577316761016846, -0.42934948205947876, -0.8929784893989563, -0.09181045740842819, -0.6128487586975098, 0.18573080003261566, 0.021039806306362152, 0.5141159892082214, -0.2029707431793213, -0.04782760143280029, -0.5947694182395935, 0.3823046088218689, 0.6876566410064697, -0.36476853489875793, 0.20696786046028137, 0.26283684372901917, -0.4740898609161377, -0.23881375789642334, -1.9563205242156982, -1.4316810369491577, 0.679469645023346, 0.40585532784461975, 0.11799774318933487, -0.9051136374473572, -1.2638380527496338, -0.4450523853302002, -0.8086845278739929, 0.553597092628479, -0.6260108351707458, 0.7805867195129395, -0.9810717701911926, 0.030536862090229988, -0.012479126453399658, -0.9185981154441833, -1.4595533609390259, 1.463329553604126, -0.7167781591415405, 0.7665518522262573, 0.20162633061408997, 0.8046789169311523, 1.3446274995803833, 0.15734466910362244, 0.04328036308288574, -0.14493712782859802, -11.461163520812988, 0.4345342814922333, 0.23877102136611938, 0.5746253132820129, 0.49811261892318726, -0.4078812897205353, 0.7167965769767761, -0.36598989367485046, 0.6828725337982178, -0.798789918422699, 0.8810816407203674, 1.6603715419769287, -0.1778254210948944, 0.24033209681510925, -0.7641248106956482, -1.3284589052200317, -0.26392534375190735, 0.09734626114368439, 0.28305333852767944, 0.26047417521476746, -0.7229966521263123, -1.3782492876052856, 0.3762522339820862, -0.12649162113666534, 0.15550611913204193, 0.2127906084060669, 0.8669231534004211, 0.2586952745914459, -1.1093039512634277, -0.14955878257751465, 0.40814700722694397, -0.40324845910072327, -0.9341084957122803, -0.31202858686447144, 0.02850792557001114, 0.4997059106826782, -0.6956351399421692, -0.37410250306129456, 1.0118334293365479, 0.9768482446670532, -0.8223710656166077, 0.2577953338623047, 0.8684982657432556, -0.5722907185554504, -1.0437185764312744, 0.30925172567367554, 0.5181584358215332, -1.2513033151626587, -0.2378489375114441, 0.05920202285051346, -0.23987998068332672, -0.5914226770401001, -1.3560101985931396, -0.18097716569900513, 1.6172164678573608, 0.29869845509529114, -0.7203803062438965, -0.11701980978250504, -0.8492516279220581, -0.053282156586647034, 1.1643701791763306, 0.06919758766889572, 0.47864389419555664, -0.11603933572769165, 0.7532321214675903, -0.6044231653213501, 1.0194108486175537, 0.7496334910392761, -0.008371111005544662, -0.17892824113368988, -0.6117111444473267, -0.42937371134757996, 0.8966419100761414, 0.23351198434829712, -0.32062414288520813, -0.5293706059455872, 0.22279414534568787, 0.33276304602622986, -0.02118661254644394, 0.29981938004493713, -0.5787209868431091, 0.921062707901001, -0.7471004724502563, -0.21904954314231873, -0.6280856132507324, -0.30786406993865967, -0.9149167537689209, -0.45864805579185486, 0.18092992901802063, 0.2708572447299957, 0.6050924062728882, 0.36627450585365295, -0.7145369648933411, -0.10952624678611755, -0.28070637583732605, 0.3184777796268463, -0.06751759350299835, 0.7605204582214355, -0.09302480518817902, -0.9563295841217041, 0.5450436472892761, -0.4071362018585205, -0.05693480372428894, -0.30860161781311035, 0.7852346897125244, 0.6447222828865051, -0.06744132936000824, 0.4173690974712372, 0.4921530485153198, -0.08074160665273666, 1.1207002401351929, -0.7060025930404663, -0.38524556159973145, 1.2009453773498535, -0.018066778779029846, 0.2836414575576782, 0.8063657879829407, -0.12307249009609222, 0.9260690212249756, 0.7144808173179626, 0.5516424775123596, 0.28903883695602417, -0.5494200587272644, 0.8173824548721313, 0.28204965591430664, -0.5096127986907959, 0.7470269203186035, 0.8101004958152771, 0.0876058042049408, -1.5698249340057373, 0.014497732743620872, 0.7864693999290466, -0.3918299376964569, -0.8189201354980469, -0.6176439523696899, -0.9343881607055664, -0.507636547088623, 1.382588267326355, -0.343431293964386, 0.2754720449447632, 0.019033804535865784, -1.1455702781677246, 0.7757235169410706, 0.10540805757045746, -0.5326836109161377, 0.2187473177909851, -0.5623786449432373, 0.026849517598748207, -1.2389591932296753, -0.6740474104881287, 0.06359270960092545, -0.398412823677063, 0.809378445148468, -0.604988694190979, 0.3169807195663452, 0.20387136936187744, 0.3331235647201538, -0.31156331300735474, -0.45693227648735046, 0.6716055274009705, -0.10667172819375992, 0.4838966131210327, -0.2536954879760742, 0.6098229885101318, 0.3662319481372833, 0.16106565296649933, -1.0281161069869995, -0.7176696062088013, -0.014058415777981281, 0.03670569509267807, 1.7996866703033447, -1.2576876878738403, 0.25672823190689087, 0.26520419120788574, 0.2455972582101822, -1.1002843379974365, 0.8625436425209045, 0.8335556983947754, -0.29863685369491577, 0.22818465530872345, 0.2110711634159088, 0.6123158931732178, 0.5504163503646851, -0.7537232041358948, -0.06896881759166718, -0.2711922824382782, 0.2735893130302429, 0.8232977986335754, 0.33787786960601807, 0.0295768640935421, -1.1146249771118164, -0.27942633628845215, -0.23637549579143524, -0.28522709012031555, 0.9641320705413818, 0.04265099763870239, 1.309059500694275, 0.30364128947257996, 0.383446604013443, 0.5554085969924927, 0.1605181246995926, 1.3354606628417969, 0.7504130005836487, 0.6846675276756287, -0.6035273671150208, -0.3856174051761627, -0.6812670230865479, 0.04822682961821556, 2.118293195962906e-05, 0.28183305263519287, -0.8390533328056335, 0.420695960521698, 0.6832705736160278, -1.164486289024353, 0.6889187097549438, -1.1331074237823486, 0.8237243294715881, -0.8636673092842102, -0.7900483012199402, -1.0128529071807861, 0.18663278222084045, 0.9960830807685852, -0.7520920634269714, 0.8128676414489746, -0.49260571599006653, 0.09245144575834274, 0.8796882033348083, 0.0037819817662239075, 1.943214774131775, -0.5169106721878052, -0.392673134803772, 0.8303748965263367, -0.6280242204666138, -0.5891135931015015, -0.5788418054580688, 0.008608249947428703, -0.20621658861637115, 0.5763142704963684, -0.7131608128547668, 0.39575812220573425, -0.15647631883621216, 0.20906096696853638, 0.32205796241760254, 0.27813562750816345, -0.8953371644020081, -1.0573400259017944, -0.580449104309082, -0.02903079241514206, 0.3129751980304718, 0.37898409366607666, 0.7770366072654724, 0.07028955221176147, 0.8444352746009827, 0.7605485320091248, 0.3432592451572418, 0.3537478744983673, -0.28017956018447876, -0.25814324617385864, 0.0005701109766960144, 1.6617082357406616, 0.6382062435150146, -0.0016210861504077911, -0.29159456491470337, 0.3916855454444885, -0.950455904006958, -0.7232474684715271, -0.22555600106716156, -0.3010137677192688, 1.0743677616119385, -0.7421324253082275, 0.14701023697853088, -0.9625831246376038, -0.3130296468734741, -0.22733904421329498, -0.18214845657348633, -0.135605126619339, -0.4732455015182495, -0.2055046558380127, -0.6699010729789734, -0.15261797606945038, 1.1526849269866943, -0.9041295647621155, -0.4972454309463501, 0.21087020635604858, 0.8274707198143005, -0.7600588202476501, -0.2903047502040863, -0.45521193742752075, 0.0666472390294075, 0.06566265970468521, 0.5656681656837463, -0.538115382194519, -0.8395702838897705, -0.8091067671775818, -0.08000308275222778, -0.3354027569293976, -0.036888547241687775, -0.28220880031585693, -0.7224212884902954, 0.35387006402015686, 0.22235453128814697, -0.59394371509552, -0.17337793111801147, 0.38515645265579224, -1.0453006029129028, -1.2756319046020508, 0.3155995309352875, 0.40925970673561096, 0.7404128909111023, -1.0793124437332153, 0.3617413640022278, 0.6563187837600708, -0.5781651139259338, 0.5351388454437256]} +{"paper_id": "debatelab/aaac", "embedding": [-0.3139728307723999, 1.0955690145492554, 0.15926779806613922, 0.87019944190979, 0.2079838514328003, 0.014721493236720562, 0.23632386326789856, 0.4128684103488922, 0.9154098033905029, 0.358765184879303, 0.3384525179862976, -0.025053376331925392, 0.03230242803692818, 0.19594994187355042, 0.1149292141199112, 0.24058815836906433, -1.1712034940719604, -0.40580543875694275, -1.1315898895263672, -0.7389492392539978, -0.41142958402633667, -0.9127388596534729, -0.13134591281414032, 1.2146004438400269, -0.7463271021842957, -0.9499832987785339, 0.5553370714187622, -1.0749015808105469, 0.2553713619709015, 0.10200899839401245, -0.11385134607553482, 1.7288670539855957, -1.6686043739318848, 0.45930251479148865, 0.36856743693351746, -0.9832274317741394, -0.32664620876312256, 0.3666030764579773, -0.5132219195365906, 0.2555616796016693, -0.21613644063472748, 0.5167987942695618, -0.08159032464027405, 0.8197452425956726, 0.661300778388977, -0.8005699515342712, 0.5170370936393738, -0.2541758120059967, 0.20019219815731049, -0.06376096606254578, -0.7002451419830322, -0.12427135556936264, -0.41260775923728943, 0.7005655765533447, -0.14696016907691956, 1.5257741212844849, -0.13695690035820007, -0.7528070211410522, 0.2970620095729828, -0.4751318097114563, 1.7178274393081665, 2.040389060974121, -1.2042618989944458, 0.4698476195335388, 0.9647671580314636, 0.2926955819129944, 1.636711835861206, -0.18954932689666748, -0.2193623036146164, 1.1116920709609985, -0.3980553150177002, -0.49257445335388184, 0.9025445580482483, -0.49027901887893677, 0.2620888352394104, 0.6248401403427124, 0.789026141166687, 0.6773017644882202, -0.05680674687027931, 0.2099841833114624, 0.3871634900569916, 0.5583710074424744, 0.46902206540107727, -0.45346391201019287, -0.28762492537498474, 0.5054209232330322, 0.3559775650501251, -1.0000799894332886, -0.22182442247867584, -2.0942068099975586, 0.5279883146286011, 0.11451279371976852, -0.05166667699813843, -0.20428574085235596, -0.18045952916145325, 0.1943139135837555, 0.12554827332496643, -0.39857572317123413, -0.48565244674682617, -0.5324578285217285, 0.27552685141563416, -0.3567054271697998, 0.22886794805526733, -0.8822094798088074, -0.024070240557193756, 0.5138270258903503, 0.08234460651874542, -0.5826157927513123, -0.7442371845245361, -0.6914172172546387, -0.4479662775993347, 0.7582713961601257, -0.9786827564239502, 0.9470096230506897, -0.010532238520681858, 0.3787229359149933, 0.4513799250125885, -0.2282905876636505, -0.2831931412220001, 0.05792628973722458, -0.558569073677063, -1.1045149564743042, -0.5679172277450562, 0.41189926862716675, 1.33126962184906, -0.37065955996513367, -0.22310151159763336, -0.8209598064422607, 0.07790284603834152, -0.35744646191596985, 0.9245433807373047, -0.002392023801803589, -1.3242141008377075, -0.7605114579200745, 2.966198444366455, -0.856879472732544, 1.2507928609848022, -0.6683446764945984, 0.28437310457229614, -0.5922234654426575, -0.5174769759178162, 1.3478046655654907, -0.10364645719528198, -0.7274588346481323, -1.0179966688156128, 0.7698355317115784, -0.058010563254356384, 0.15600016713142395, -0.5600698590278625, -0.2747717797756195, 0.5703327655792236, 0.8775755763053894, -0.8158583045005798, -0.49999257922172546, -0.16868260502815247, 0.10065168887376785, -0.1161787360906601, 1.0064888000488281, -0.19077502191066742, 0.6526057124137878, 0.6670622825622559, -0.5044165253639221, -0.2780739665031433, 0.35235804319381714, -1.0125230550765991, 0.12077732384204865, 0.922767698764801, 0.2216489017009735, -1.095871925354004, -0.49449363350868225, 0.6232222318649292, -0.32072851061820984, -0.6260766386985779, -0.10136765986680984, 0.14410896599292755, 0.36412331461906433, 0.0384739488363266, 0.8064343929290771, 0.7781041860580444, -0.390452116727829, -0.6278384327888489, -0.8870606422424316, 0.22138231992721558, 0.8881232738494873, -1.0120986700057983, 0.27729859948158264, -2.1147375106811523, -0.6849208474159241, -0.48614269495010376, 0.6803627014160156, 0.2952786087989807, -0.5404930710792542, 0.510338544845581, 0.1902880221605301, 0.23245994746685028, 0.03649319335818291, 0.7247180938720703, -1.0771235227584839, -0.5065397620201111, 0.21509404480457306, 0.4502461850643158, -0.696334958076477, -0.07905330508947372, 1.33588707447052, 0.7325662970542908, -0.9847015738487244, -0.4118269979953766, -1.5711873769760132, 0.7651205062866211, 2.451387643814087, 0.20926809310913086, -0.49207037687301636, -1.6391063928604126, -0.04017499089241028, -0.6849237680435181, -0.3539663255214691, -0.11550408601760864, -1.041772484779358, 0.7178828716278076, -1.0809367895126343, 0.8362119197845459, 0.4959903061389923, 0.03987719863653183, 0.041718773543834686, 1.1134068965911865, -0.6692717671394348, -0.3425014019012451, -0.9762267470359802, -0.8104175329208374, 0.3489641547203064, 0.817236065864563, 0.43814441561698914, -0.11653327941894531, 0.6426436305046082, 0.06751550734043121, 1.001940131187439, 0.7418760061264038, 0.3843313753604889, -0.24705469608306885, 1.0110533237457275, 0.4539622366428375, 0.6879913806915283, 0.4445071220397949, 0.14898456633090973, 0.3189461827278137, 1.0384160280227661, -0.11268936097621918, -0.6664581894874573, -0.2995883822441101, -0.08878067880868912, 1.2626147270202637, 0.5232557058334351, -0.4087962806224823, 0.8254434466362, -1.1517478227615356, 0.4573362469673157, -0.5978310108184814, -0.5336117744445801, -1.0417803525924683, 0.27365297079086304, 0.8379327058792114, 0.1433524191379547, 0.4240769147872925, 0.08942824602127075, 0.2022663652896881, -0.7474284172058105, -0.7646976709365845, -0.621831476688385, -0.09397099167108536, -1.270966649055481, -0.05947289988398552, 0.4175705313682556, -1.1609385013580322, -0.5822056531906128, -0.7764843702316284, -0.10681426525115967, -0.821387767791748, 0.0435759574174881, 1.7562310695648193, 0.021740660071372986, -0.10682682693004608, -0.4459943175315857, 1.7964355945587158, -0.400693416595459, 1.218190312385559, -0.5636959075927734, 0.2519153356552124, -0.5550302267074585, 0.10658285021781921, -0.515743613243103, -0.17604368925094604, 0.5982055068016052, 0.04510064423084259, 0.5231357216835022, -0.3794211745262146, -0.5047017931938171, 0.9392584562301636, -0.12238243222236633, -0.40451377630233765, -0.8959493041038513, 1.4903528690338135, -0.027024663984775543, -0.3068239092826843, 1.262438178062439, -0.30163273215293884, -0.2637353241443634, 0.8761422634124756, 0.024450793862342834, 0.218180850148201, 0.10489524900913239, 0.19601956009864807, 0.7417202591896057, 0.057480961084365845, -2.1671652793884277, 0.5031638741493225, 0.9948573708534241, 0.07642479240894318, -0.2103530317544937, -1.274112582206726, 0.4214189052581787, -0.001144737470895052, -0.3184398114681244, 0.30973443388938904, -0.13115765154361725, 0.5319607853889465, 0.1619551181793213, 0.28856563568115234, 0.5902265906333923, -0.24075502157211304, 0.1495504528284073, 1.3417384624481201, 0.07258521765470505, -0.8782463073730469, 0.13193568587303162, 0.4545557200908661, -0.5515619516372681, 0.737671971321106, -0.8109143972396851, 0.5523598194122314, 0.6696357727050781, -0.3718181252479553, 0.4462331533432007, 0.7621206641197205, 0.7863930463790894, -0.14065393805503845, -0.15642210841178894, -0.30141329765319824, 0.25427043437957764, -1.0255101919174194, 1.8760625123977661, 0.06463417410850525, -0.7523652911186218, -1.77255380153656, -0.3254740834236145, -0.3584088683128357, -0.9157133102416992, 1.8246768712997437, 0.193453848361969, 1.2702330350875854, 0.4134010076522827, 0.44114455580711365, -0.23465751111507416, -0.0878499299287796, 0.6226305961608887, 0.14987178146839142, 0.019154876470565796, -1.0368374586105347, -0.00036460161209106445, 0.9834157824516296, -0.049572497606277466, -0.6761766076087952, -0.7470558881759644, 1.2507524490356445, -0.09271235764026642, -0.06878413259983063, -0.12012095749378204, 0.7770090699195862, 0.6671766638755798, 1.591957926750183, -0.3523690402507782, -1.0550495386123657, -0.06805028766393661, 0.7597782015800476, 0.6297957301139832, 0.5784141421318054, -1.1125493049621582, -0.10477350652217865, 0.05534081533551216, 0.17419876158237457, 0.1641279011964798, 1.0459991693496704, 1.1449604034423828, -0.28638893365859985, -1.204543948173523, -0.04075714200735092, -0.5913167595863342, -0.060738641768693924, 0.0643334612250328, -0.2806166410446167, 0.21337129175662994, 0.19636687636375427, -0.2754336893558502, -0.16598594188690186, 0.3425859212875366, -0.9701470732688904, -0.9836075305938721, 0.5931902527809143, 1.3067229986190796, -1.2643672227859497, -0.28323671221733093, 0.17835520207881927, -0.9736621379852295, -0.6837601661682129, -0.17002509534358978, -1.2763272523880005, 1.35085928440094, 0.643430233001709, 0.36368927359580994, -0.3090450167655945, -0.509689211845398, -1.1778849363327026, 1.174979567527771, 0.9370548725128174, -0.32296937704086304, 0.38921770453453064, 0.29480186104774475, 0.5453910231590271, 0.5846511125564575, -1.01373291015625, -0.001364615629427135, 0.7675889134407043, -0.7357046604156494, 0.053023677319288254, -0.29722461104393005, -0.49427956342697144, 0.8003485202789307, -0.06598725914955139, 0.21855509281158447, -0.8302262425422668, -0.06496400386095047, -0.4740930199623108, 0.5443070530891418, 0.4234367311000824, -0.6438695192337036, -0.9531728625297546, 0.21440757811069489, -0.4447876214981079, 0.4471251666545868, 0.3761240839958191, 0.2123115360736847, 1.6168044805526733, -0.018144704401493073, -0.25792208313941956, -0.25810909271240234, -10.737288475036621, 0.5174346566200256, 0.5527908802032471, 0.022970043122768402, 0.3865047097206116, -0.4029577374458313, 0.20676803588867188, -0.36679163575172424, 0.7584404349327087, -0.23538804054260254, 0.9425218105316162, 1.1210017204284668, 0.23249128460884094, -0.9899253845214844, -0.3985132575035095, -0.930995762348175, -0.7765496969223022, -1.0254336595535278, 0.09468117356300354, 0.15718179941177368, -0.06604556739330292, -1.3009988069534302, 0.036987900733947754, 0.3059109151363373, 0.5876043438911438, -1.0933291912078857, -0.7708941698074341, -0.15893174707889557, -0.30242785811424255, -0.33740195631980896, 0.2260396033525467, -0.2779137194156647, -0.5149193406105042, -0.2057586908340454, 0.34494882822036743, 0.14620018005371094, -0.8557054400444031, 0.27430880069732666, 0.8259122371673584, -0.9192480444908142, -0.39865607023239136, 0.18031492829322815, 0.6480652689933777, -0.5637344121932983, -0.37524911761283875, -0.0845559686422348, 0.023960309103131294, -0.5787535309791565, -0.14864952862262726, -0.4143249988555908, -0.09677066653966904, -1.00156831741333, -1.5412400960922241, -0.8305795788764954, 0.08839716017246246, 0.49191364645957947, -0.6080335974693298, 0.794616162776947, -0.3285909593105316, -0.6107639074325562, 0.22246813774108887, 0.196220263838768, 0.07157330960035324, 0.1971641480922699, 0.03120826743543148, -0.055682472884655, 0.6669409871101379, 0.8561130166053772, -0.25942888855934143, 0.8514092564582825, -1.0453317165374756, 0.9569933414459229, -0.10160612314939499, 0.6995112895965576, -0.6191816329956055, 0.3976929187774658, -0.21120685338974, 0.04155761003494263, 0.4085533022880554, -0.6039726734161377, -1.0013632774353027, 0.9175306558609009, -0.11281605809926987, 0.043289411813020706, -0.5302315354347229, 0.21380001306533813, 0.14452233910560608, -0.3650412857532501, 0.8182574510574341, -0.25146475434303284, 1.1358823776245117, -0.4938179552555084, -0.3329768776893616, 0.3518413305282593, -0.09329183399677277, 1.2926344871520996, -0.086268849670887, 0.8549523949623108, 0.8836296796798706, -0.23271754384040833, -0.27360424399375916, 0.07152611017227173, -0.6381804943084717, 0.13810576498508453, 0.6265041828155518, 0.8921996355056763, -0.1704244762659073, 0.21055752038955688, 0.42585426568984985, -0.4263063669204712, 0.9450370073318481, 0.7215592265129089, -0.5927352905273438, 1.5170562267303467, -0.9703483581542969, 1.0848543643951416, 1.3668901920318604, -0.34663620591163635, 0.17655305564403534, 0.6229690909385681, 0.1468198448419571, 0.8516404628753662, 0.019625619053840637, 1.5664680004119873, 0.14775875210762024, 0.33144325017929077, 0.5560737252235413, 0.07738415896892548, 0.3315647542476654, -2.299955129623413, 0.30339446663856506, 0.025616172701120377, 0.06981443613767624, -0.017299257218837738, 0.06726935505867004, 0.25793588161468506, -1.2432136535644531, 1.2056002616882324, -0.9916175603866577, 0.27753886580467224, -0.09468428790569305, -0.39801329374313354, 0.4302542209625244, -0.6789159178733826, -1.0812039375305176, 0.07048624008893967, -2.2278106212615967, 0.021287553012371063, -0.6976345181465149, -0.45366281270980835, -0.12339335680007935, -0.3085600733757019, 0.918100118637085, -0.7085487246513367, -0.11641981452703476, -0.4080796539783478, 1.1092236042022705, -0.8895666599273682, -0.5570200085639954, 0.38143670558929443, 0.7885715365409851, 1.8001452684402466, -0.9464334845542908, 0.876407265663147, -0.26198747754096985, 0.13861273229122162, -0.680802047252655, 0.15664297342300415, -1.2734005451202393, 0.120358906686306, 1.129221796989441, -1.541176199913025, -0.8578487634658813, -0.9849326014518738, -0.5318546295166016, -1.076878547668457, 0.6668715476989746, 0.44427305459976196, -0.8674151301383972, -0.672324001789093, -0.29757431149482727, 0.1742110252380371, 0.23983363807201385, -0.13434097170829773, -1.2138841152191162, -0.26940855383872986, -0.7731073498725891, 1.342620849609375, -0.13569802045822144, 1.0968958139419556, -1.8078519105911255, -1.0760438442230225, -0.9220787882804871, -0.01537805050611496, 0.20247764885425568, -0.13799068331718445, 1.0679702758789062, 0.7644229531288147, -0.21198096871376038, 0.45375269651412964, -0.30323776602745056, 0.6249426603317261, 0.3005978465080261, 0.5912107825279236, -0.05544116348028183, 1.009509801864624, -0.4220127463340759, 0.1527789980173111, 0.535841166973114, 0.5555240511894226, -0.978103518486023, -0.6110439896583557, 0.25212937593460083, 0.7958406209945679, 0.3061410188674927, -0.923930287361145, -0.12219848483800888, -0.7221071124076843, -0.04734990373253822, -0.8364603519439697, -0.14953118562698364, 0.52507483959198, 0.32720088958740234, 0.41816848516464233, 1.5928605794906616, 0.5023238658905029, 0.5623371601104736, 0.34959712624549866, 1.4472638368606567, 0.09954994916915894, -0.24259400367736816, 0.14210429787635803, 0.3660469949245453, 0.050908468663692474, -0.24578803777694702, -0.5158958435058594, -1.1190338134765625, 0.5197257995605469, -0.38513654470443726, 1.028536319732666, -0.5560616254806519, 0.10787365585565567, 0.017846718430519104, 1.1541823148727417, -0.08820168673992157, -1.0742918252944946, -0.8141970634460449, -1.711807370185852, -0.34577858448028564, 0.09278887510299683, 0.6157828569412231, 1.2676883935928345, 0.5984665751457214, -0.11585639417171478, 0.6370264291763306, -0.062437497079372406, 0.04056331142783165, -0.27945682406425476, -0.33806324005126953, 0.8922607898712158, 0.45349472761154175, 1.0379159450531006, -0.014451248571276665, -0.00447961688041687, -1.5034116506576538, -0.12191243469715118, -0.515583336353302, 0.5396866202354431, 0.2859004735946655, -0.33037087321281433, -0.06144217029213905, -0.5525542497634888, 0.29998934268951416, -0.048825714737176895, 1.1647897958755493, 0.2264757752418518, -0.642021119594574, -1.4000248908996582, -1.16175377368927, -0.7422726154327393, 0.7874622344970703, -0.6026573181152344, -0.38028091192245483, -0.0845811516046524, 0.29378530383110046, 0.5628952980041504, 0.21026691794395447, -0.7985866665840149, 0.1013304591178894, -0.6968031525611877, 0.011417597532272339, 0.29864776134490967, -1.03688645362854, -0.8942339420318604, -0.6011264324188232, -0.9781457185745239, 1.107531189918518, 0.14386147260665894, -0.8527727127075195, -0.22968995571136475, 0.588713526725769, 0.21051886677742004, -0.004681143909692764, 0.3720434904098511, -0.12919306755065918, -1.6261663436889648, 0.7048618197441101, 1.486338496208191, -0.23125500977039337, -0.10286811739206314, 0.3966914713382721, 0.5298871397972107, 0.34450873732566833, 1.5679453611373901]} +{"paper_id": "lewtun/autoevaluate__conll2003", "embedding": [-1.1289132833480835, 0.6085688471794128, 0.16707739233970642, -0.13551738858222961, 0.3396124541759491, -0.18066374957561493, 0.3219236135482788, 0.5743194818496704, 0.7833554148674011, 1.3240349292755127, 0.527722179889679, -0.2818988263607025, 0.256748765707016, -0.3136320114135742, -0.49398723244667053, -0.3741002678871155, -0.5674310326576233, -0.8579277396202087, -0.5126280784606934, -0.45656079053878784, -1.1692914962768555, -0.3036901354789734, -0.051711902022361755, 0.31757548451423645, -0.8258383870124817, -0.02258467860519886, 0.3383137285709381, -0.7659699320793152, 0.09636466205120087, 0.5186920762062073, -0.4279497265815735, 1.4855458736419678, -0.8248415589332581, 0.10949667543172836, -0.11790383607149124, 0.1557459980249405, 0.2652350962162018, 0.3949395716190338, -1.0725884437561035, 0.02039908990263939, -0.6349929571151733, -0.38669639825820923, 0.772022545337677, 0.24257396161556244, 1.2435942888259888, -0.08383531868457794, -0.08738614618778229, 0.4179871678352356, 0.16127075254917145, -0.0317600816488266, -0.5631188154220581, 0.3626727759838104, 0.3873281180858612, 0.6767793893814087, -0.10954505950212479, 0.8394391536712646, 0.6077404618263245, -1.0145124197006226, 0.2363441288471222, -1.0900871753692627, 0.3554860055446625, 0.9288161993026733, -0.3267892599105835, 0.2491769641637802, 0.7579330801963806, 0.1674370914697647, 0.8236801624298096, -0.029137995094060898, 0.7565838098526001, 0.5582345724105835, 0.04410408437252045, -1.2664175033569336, 0.7217761278152466, -0.08001617342233658, 1.0010898113250732, 0.8004943132400513, 0.32872921228408813, -0.121817946434021, 0.16657668352127075, -0.2831178307533264, -0.3762270510196686, 0.7637450098991394, 0.46880462765693665, -0.14497283101081848, -0.20508214831352234, -0.1397821605205536, 0.5701889991760254, -0.707222044467926, 0.6699158549308777, -1.3627420663833618, -0.22632895410060883, 0.0475788488984108, -0.2838028371334076, 0.097562775015831, 0.054943107068538666, 0.21695318818092346, -0.08446177840232849, -0.3710275888442993, -0.4922907054424286, 0.2525891661643982, 0.6679601073265076, -0.24659854173660278, -0.3479948341846466, -0.15462729334831238, 0.022498589009046555, 1.1553668975830078, -1.1073338985443115, -0.20244303345680237, -0.7941815257072449, -0.15273836255073547, -0.04904937744140625, 1.3956581354141235, 0.48768532276153564, 0.250505656003952, 0.1464061588048935, 0.1527976393699646, 0.5501452684402466, -0.5725342035293579, -0.6044290661811829, 0.42036813497543335, -0.3340819776058197, -0.9650431871414185, -0.32587069272994995, 0.07578614354133606, 1.04472815990448, -0.2851793169975281, 0.6629377603530884, -0.17236223816871643, 0.5313777923583984, -0.4873361885547638, 0.2916451096534729, 0.28535372018814087, -0.23808744549751282, -0.3781262934207916, 2.552248477935791, -0.9130049347877502, 1.1107629537582397, -0.4865759611129761, 0.07851272076368332, 0.23577909171581268, 0.03135434538125992, 0.6274117827415466, 0.43816620111465454, -0.20534445345401764, -0.4037167429924011, -0.03096342645585537, -0.339377224445343, 0.48399975895881653, -0.7977986931800842, -0.5310466289520264, 0.11383773386478424, 0.5481254458427429, -1.329079031944275, -0.3551640212535858, 0.12426364421844482, 0.9047361612319946, 0.165146142244339, 0.42131003737449646, -0.5106658935546875, 0.8848757147789001, 0.9522976875305176, 0.15580762922763824, -0.5343729257583618, 0.4017629027366638, -0.8484192490577698, -0.017272789031267166, 1.203150987625122, -0.1526552438735962, -1.0204591751098633, 0.2365749180316925, 0.6360422372817993, -0.2805545926094055, 0.11370465159416199, -0.20078730583190918, -0.13893269002437592, -0.29844093322753906, 1.1208288669586182, 0.21584491431713104, -0.053071022033691406, -0.6686358451843262, 0.09492593258619308, -0.10690099000930786, -0.43722572922706604, 1.0301759243011475, 0.17721210420131683, 0.5026881098747253, -1.384958028793335, -0.0778302401304245, 0.2997192144393921, 0.11465835571289062, -0.35191574692726135, -0.8089507818222046, -0.16362258791923523, 0.3137074112892151, 0.3695719242095947, 0.07437679171562195, 0.591635525226593, -1.6016699075698853, -0.7095449566841125, 0.34190285205841064, 0.07070551812648773, -0.028497880324721336, 0.05053355544805527, 1.3225587606430054, 0.42234286665916443, -0.3447689414024353, -0.721883237361908, -1.5529471635818481, 0.18895667791366577, 2.1854777336120605, -0.2977045774459839, -0.9064541459083557, -1.332129955291748, -0.27673497796058655, 0.2794703543186188, -0.865443229675293, 0.24301454424858093, -0.6533194780349731, 0.5485591888427734, -1.4691874980926514, 0.19996853172779083, -0.16817250847816467, -0.06593527644872665, 0.17740197479724884, 0.7536945939064026, -0.4200706481933594, -0.5397051572799683, -0.45950478315353394, -0.6198636889457703, 0.2804747521877289, 0.5394156575202942, 0.4606125056743622, -0.1194991022348404, 0.7707929611206055, 0.4066702127456665, 0.2934301495552063, -0.5374301075935364, 0.46083664894104004, -0.610615611076355, 0.3268154561519623, -0.10932508111000061, 0.5520709156990051, -0.3150651454925537, -0.49066245555877686, 0.5902494788169861, 0.4773344397544861, -0.320135235786438, -0.398017942905426, 0.1365404725074768, 0.45676735043525696, 1.1896721124649048, 1.2770047187805176, -0.7230252027511597, 0.8536794781684875, -1.290384292602539, 0.6127393245697021, -0.6385846734046936, -0.46728965640068054, -0.41258126497268677, -0.24957050383090973, 0.9814491271972656, -0.043629154562950134, -0.049980517476797104, -0.19144704937934875, -0.20876935124397278, -1.0544999837875366, -0.04129870980978012, 0.19035732746124268, -0.6023644804954529, -0.9060750007629395, -0.10407455265522003, -0.04702724516391754, -0.7473207116127014, -0.9977548718452454, -0.33766794204711914, 0.5840520262718201, 0.04751519858837128, 0.6269254684448242, 1.4855151176452637, -0.2863161563873291, 0.2682870030403137, 0.042431190609931946, 0.6378369331359863, -1.0825167894363403, 1.0513654947280884, 0.4906640946865082, 0.265902042388916, -0.82465660572052, -0.16094525158405304, 0.016795922070741653, 0.36864766478538513, 0.2462700605392456, 0.0394701212644577, 0.20141339302062988, -0.11354577541351318, -1.0492826700210571, 1.5872695446014404, -0.5857860445976257, -0.18804779648780823, -0.9857501983642578, 1.905683159828186, 0.46923863887786865, 0.5490527749061584, 0.7488142848014832, 0.39602339267730713, 0.15436922013759613, 1.2286477088928223, -0.2588497996330261, 0.32255303859710693, -0.20122230052947998, -0.4137257933616638, -0.2085077315568924, 0.6653250455856323, -2.652451753616333, -0.11226090788841248, 0.06733487546443939, -0.043028414249420166, 0.35499751567840576, 0.09727628529071808, 0.6775005459785461, -0.42167606949806213, -0.6160187721252441, 0.3840961158275604, -0.42394691705703735, 0.4201018810272217, -0.8516355156898499, -0.48688608407974243, 0.4734154939651489, -0.11294513940811157, 0.2225034087896347, 0.08528594672679901, 0.4236035943031311, -0.9734872579574585, 0.019479990005493164, 1.2587573528289795, -0.32346659898757935, 0.4368167221546173, 0.6758105754852295, 0.4308260977268219, 1.0115586519241333, -1.533336877822876, 0.002002997323870659, 0.40517282485961914, 0.36660632491111755, 0.11324978619813919, -0.11500336974859238, 0.450575053691864, 0.6994715332984924, -0.3026171922683716, 1.0723129510879517, 0.5622339844703674, -0.8060160875320435, -1.0584098100662231, -0.5910786390304565, -0.8522681593894958, -0.09139204025268555, 1.6778035163879395, 0.7103687524795532, 1.489877462387085, 0.32311078906059265, 0.5102646946907043, -0.6734468936920166, -0.18826676905155182, 1.503799557685852, 0.1830458790063858, 0.0028785094618797302, -0.16744907200336456, 0.6519489288330078, 0.12590663135051727, -0.3043804168701172, -0.2637707591056824, -0.19625510275363922, 0.6705620884895325, 0.24065442383289337, -1.0730282068252563, -0.08825010061264038, 0.2772923409938812, 0.4906887412071228, 1.5541237592697144, -0.7048100829124451, -0.7216882705688477, -0.16448241472244263, 0.45763880014419556, 0.5844195485115051, 0.505548894405365, -0.7331717014312744, -0.20651069283485413, 0.014155499637126923, 0.24247893691062927, -0.2398364096879959, 0.530909538269043, 0.9134990572929382, -0.25787854194641113, -1.1070467233657837, 0.1252371370792389, -1.509402871131897, -0.07706214487552643, 0.12236525863409042, -0.5352758765220642, -0.39291146397590637, -0.012899056077003479, -0.4171123504638672, -0.6007992029190063, 0.4996583163738251, -1.0197330713272095, -1.384156346321106, 1.171552300453186, 1.3575135469436646, -0.8104643821716309, -0.8447253704071045, -0.22609829902648926, -0.2723751962184906, -0.5101318359375, 0.08191392570734024, -1.2442888021469116, 0.03507767245173454, 0.08952552080154419, 0.6742882132530212, 0.3295799493789673, -0.174598827958107, -0.5584792494773865, 0.6740615963935852, 0.8294380903244019, -0.140106663107872, 0.3540632128715515, -0.20276600122451782, 0.23422180116176605, -0.21026277542114258, -1.480157732963562, -0.9144124388694763, 0.7289002537727356, -0.4539264738559723, -0.24287304282188416, -0.8315620422363281, -0.5691305994987488, 0.21319380402565002, -0.09099650382995605, 0.501662015914917, -0.9218989014625549, 1.2397276163101196, -0.8946696519851685, 0.48226985335350037, 0.1312287449836731, -0.5056759715080261, -1.3304792642593384, 1.2629554271697998, -0.32190945744514465, -0.1471024453639984, -0.5286356806755066, 1.0624419450759888, 0.9254018664360046, 0.5671352744102478, 0.07161670178174973, -0.1865805685520172, -12.9853515625, 0.2013133019208908, -0.1848091185092926, 0.3445349931716919, 0.6209062337875366, -0.2946757972240448, 0.7431455850601196, 0.681708812713623, 0.26857826113700867, -0.19589625298976898, 0.38680171966552734, 1.087616205215454, -0.06090070307254791, 0.09458274394273758, -0.19217762351036072, -0.5922685265541077, -0.3299620449542999, -0.5525546669960022, 0.2027125209569931, 0.19796764850616455, -0.4669056832790375, -1.0492725372314453, -0.15737757086753845, 0.2587454617023468, 0.3706151247024536, -0.09714643657207489, 0.33390915393829346, 0.1876593381166458, -0.7291813492774963, -0.10337944328784943, 0.4773123264312744, -0.5592003464698792, -0.7841333150863647, -0.07221669703722, -0.10641157627105713, 0.4051770865917206, -0.9243524670600891, -0.11677539348602295, 1.1146361827850342, 0.18631497025489807, -0.3242727518081665, 0.28405511379241943, 0.40828707814216614, -0.09374918788671494, -0.3210928440093994, -0.0737721398472786, 0.3761749267578125, -1.0153963565826416, 0.08911124616861343, -0.35694849491119385, -0.3011597692966461, -0.07374022901058197, -0.9908801913261414, -0.25127914547920227, 0.81758052110672, -0.41220560669898987, -0.36980584263801575, 0.1775963306427002, -0.6701411008834839, -0.9092006683349609, 1.5499919652938843, 0.2614564895629883, -0.49178892374038696, 0.40485236048698425, 0.5761350393295288, -0.5258882641792297, 0.17231836915016174, 0.3701206147670746, -0.41969773173332214, 0.3724108636379242, -0.6952440738677979, 0.48558509349823, 0.862156331539154, 0.2833310663700104, -0.0032484829425811768, -0.3197491466999054, -0.25312983989715576, 0.043345242738723755, 0.053044915199279785, 0.2127896249294281, -0.8108180165290833, 1.0281013250350952, -0.0846085473895073, 0.4187083840370178, -0.6205119490623474, 0.018734414130449295, -0.31097766757011414, -0.5161130428314209, 0.002306036651134491, 0.020866140723228455, 1.1316083669662476, -0.17527684569358826, -0.7853272557258606, -0.2533000111579895, -0.6911757588386536, 0.835929274559021, -0.6359344124794006, 1.0328447818756104, 0.3902258276939392, -0.22336071729660034, -0.05385143309831619, -0.49811485409736633, -0.6395783424377441, 0.20386169850826263, 0.9096089005470276, -0.33371034264564514, 0.09926271438598633, 0.03909504413604736, 0.7258337736129761, -0.01938028261065483, 0.9673559069633484, -0.21435146033763885, -0.07581686228513718, 1.021629810333252, 0.11666011810302734, 0.8046280741691589, 0.5222588777542114, 0.35661137104034424, 1.2213521003723145, 0.9363976120948792, 0.6937508583068848, 0.4757387638092041, -0.0876154825091362, 1.2364574670791626, -0.12011004984378815, -0.2778445780277252, 0.6339235305786133, 0.7750487327575684, 0.7286896109580994, -1.2465167045593262, -0.3197699189186096, 0.05669094994664192, 0.04099367558956146, -0.5636769533157349, -0.6128601431846619, -0.7152146697044373, -0.6430169343948364, 1.5569372177124023, -0.18723337352275848, 0.5135129690170288, -0.29874664545059204, -0.9136885404586792, -0.2515034079551697, 0.11033216118812561, -0.2977125346660614, -0.031360819935798645, -1.2696388959884644, -0.049478281289339066, -0.2539694309234619, -0.7328948378562927, 0.5498763918876648, -0.18856605887413025, 0.881430447101593, -0.7783498167991638, 0.3389657139778137, 0.13247406482696533, 0.2365407794713974, -0.3624042868614197, -0.5733177661895752, -0.3898240029811859, 0.06059826537966728, 0.4681938588619232, -0.7640193700790405, 0.9091153740882874, 0.5768330097198486, -0.11191119253635406, -0.7678816318511963, -0.3566650152206421, -0.3337266147136688, 0.015077926218509674, 0.9719241261482239, -1.2314121723175049, 0.08979389816522598, -0.42149657011032104, -0.1830272674560547, -1.1650171279907227, -0.08862733840942383, 0.6678764820098877, -0.5489315986633301, 0.4636819362640381, 0.13263024389743805, 0.7156767845153809, 0.47908520698547363, 0.01591789722442627, -0.9020823240280151, -0.6118515729904175, 0.292258620262146, 1.2217464447021484, -0.1019275113940239, 0.3090669512748718, -0.8226618766784668, -0.4618821144104004, -0.6395629644393921, 0.17210032045841217, 0.4189145863056183, 0.10263371467590332, 0.4796149730682373, 0.7109701037406921, 0.022442162036895752, 0.30909326672554016, 0.35760730504989624, 0.8628993630409241, 0.3364168405532837, 0.31982964277267456, -0.514373779296875, -0.18347905576229095, -0.6376371383666992, 0.14607343077659607, 0.42285606265068054, 0.9366264343261719, -0.7832365036010742, -0.563072919845581, 0.718210756778717, -0.3413955569267273, 0.19181205332279205, -0.9137531518936157, 0.08164055645465851, -0.09454526752233505, -0.24760274589061737, -0.9685081243515015, -0.28116652369499207, 0.299387127161026, -0.8825764656066895, 0.6613332033157349, -0.2241380661725998, 0.4836178421974182, 0.43962883949279785, 0.13336043059825897, 1.2044620513916016, -0.40180379152297974, -0.006312333978712559, 0.42700430750846863, -0.7514970302581787, -0.487116277217865, -0.5470635890960693, 0.861879825592041, -0.7436431646347046, 0.1913575828075409, -0.7379595637321472, 0.1895531713962555, -0.18253552913665771, -0.11777643859386444, 0.18054306507110596, 0.599837601184845, -0.16450822353363037, -1.0295966863632202, -0.7381513714790344, -0.41821202635765076, -0.017425233498215675, -0.129459410905838, 0.24678611755371094, 0.8508387804031372, 0.8811406493186951, 0.12013325095176697, 0.9710520505905151, 0.03614091873168945, -0.21264015138149261, 0.2776830494403839, 0.05415225401520729, 0.9725846648216248, 0.6933232545852661, -0.08425645530223846, 0.005133762955665588, 0.044568151235580444, -1.1616359949111938, -0.3751958906650543, -0.3849756717681885, 0.4185549020767212, 1.0990664958953857, -0.6174295544624329, -0.005010329186916351, -0.6036012768745422, 0.46563711762428284, -0.5147197246551514, 0.20054462552070618, 0.42787694931030273, -0.29758909344673157, -0.49126678705215454, -0.38193443417549133, 0.05146452412009239, 1.006879448890686, -0.30883416533470154, -0.5647724270820618, -1.0997469425201416, -0.17271126806735992, -0.595475971698761, -0.5039432048797607, -0.2861717641353607, 0.5628488063812256, -0.045658789575099945, 0.4645596146583557, 0.36916184425354004, -0.5780206322669983, -0.6157106161117554, 0.5490068793296814, -0.5744220018386841, 0.45931246876716614, 0.07439295947551727, -0.7343137860298157, -0.32528653740882874, 0.562046229839325, -0.6599599123001099, 0.03957158699631691, 0.8149003386497498, -1.1261518001556396, -1.2793794870376587, 0.37813234329223633, 0.8076767325401306, 0.18052642047405243, -0.3257656395435333, 0.43192604184150696, 0.6677917242050171, 0.2520923614501953, 0.6514551043510437]} +{"paper_id": "cfilt/HiNER-collapsed", "embedding": [-0.6715100407600403, 1.06449294090271, -0.2425505518913269, -0.4416789412498474, -0.08542727679014206, -0.2881646156311035, -0.32642683386802673, 0.601673424243927, 1.1647932529449463, 0.8964949250221252, 0.31605756282806396, -0.7253711223602295, -0.40119752287864685, -0.584205687046051, -0.5045342445373535, 0.016136378049850464, -0.16444917023181915, -1.0245139598846436, -0.7185237407684326, -0.35491806268692017, -1.579001545906067, -0.6551131010055542, -0.024158919230103493, 0.7723821401596069, -0.9514505863189697, -0.6708669066429138, 0.27418431639671326, -1.0039918422698975, -0.01014447957277298, -0.12206520885229111, -0.559911847114563, 1.0322823524475098, -1.4318612813949585, 0.4523179829120636, -0.17528364062309265, -0.20223833620548248, 0.8738294839859009, 0.8459934592247009, -0.2450897991657257, -0.1771678477525711, -0.6760491132736206, -0.6521424651145935, 0.8055024147033691, 0.4016004800796509, 1.4369488954544067, -0.23510614037513733, 0.33980920910835266, 0.25137174129486084, 0.0758301317691803, -0.11119809746742249, -0.27983158826828003, 0.3429451882839203, 0.35294225811958313, 0.3699668049812317, -0.5104717016220093, 1.131442666053772, 0.3135871887207031, -1.1357229948043823, 0.5058520436286926, -0.15629832446575165, 0.2351370006799698, 1.1284008026123047, -0.31780096888542175, -0.03658099099993706, 0.966719388961792, 0.3907327651977539, 1.5926796197891235, -0.3757522702217102, 0.9395150542259216, 0.6654634475708008, 0.17697520554065704, -1.7790372371673584, 0.2122875452041626, -0.49932345747947693, 0.7166812419891357, 0.7918146848678589, 0.6866477727890015, 0.10521732270717621, 0.5603874325752258, 0.0191173255443573, -0.0732402503490448, 0.9006859660148621, 0.7173669934272766, -0.05678987875580788, -0.2562292218208313, 0.1425803303718567, 0.563273549079895, -0.7242379784584045, 0.6310952305793762, -1.7400959730148315, 0.7329853177070618, 0.005203934386372566, -0.8728055953979492, -0.2530345916748047, -0.13114294409751892, 0.5971267819404602, -0.5601465106010437, -0.6015645265579224, -0.726731538772583, 0.7625696063041687, 0.6827269792556763, -0.4419150650501251, -0.10751551389694214, -0.31995338201522827, -0.045526280999183655, 1.7629024982452393, -1.0130300521850586, 0.1555517613887787, -1.5186408758163452, 0.34742164611816406, 0.3610418736934662, 1.2934342622756958, 0.014045615680515766, 0.4911763668060303, -0.2364734709262848, 0.09416640549898148, 0.0776185467839241, -0.6064795255661011, -0.6240577101707458, 0.5228548645973206, -0.4433535933494568, -0.7882829308509827, -0.1311437487602234, 0.4743029475212097, 1.4009300470352173, -0.9079000949859619, 0.8631526231765747, 0.05219767242670059, -0.027100225910544395, -0.29865285754203796, 0.5646013021469116, 0.01046285405755043, -0.8160083889961243, -0.17774063348770142, 3.3537442684173584, -1.3351945877075195, 0.8947092890739441, -0.31141233444213867, -0.19268402457237244, -0.04452567547559738, 0.4716428816318512, 1.2948063611984253, 0.49263814091682434, -0.6609022617340088, -0.4283590614795685, 0.6512632966041565, -0.9772244095802307, 0.49939021468162537, -0.6690424680709839, -0.4006315767765045, -0.24055707454681396, 0.48855629563331604, -1.370826005935669, -0.3423945903778076, -0.01110265776515007, 0.5230628252029419, 0.26323413848876953, 0.5592134594917297, -0.21262484788894653, 1.405900239944458, 0.5175172090530396, -0.14700716733932495, -0.4645374119281769, 1.112178087234497, -0.8994941115379333, 0.03836949169635773, 1.6066359281539917, -0.07857835292816162, -1.3401533365249634, -0.41631606221199036, 1.2061156034469604, -0.3128896653652191, -0.06773686408996582, -0.35034847259521484, -0.5367210507392883, -0.1345508098602295, 0.799880862236023, 0.7223497033119202, -0.19376841187477112, -0.28015461564064026, 0.2547033727169037, 0.463149756193161, -0.5440379977226257, 0.5282751321792603, -0.2187630534172058, 0.5311012864112854, -2.0936107635498047, -0.647575855255127, -0.10195096582174301, 0.9124836325645447, -0.37846115231513977, -0.27567437291145325, -0.24802014231681824, 0.900722086429596, 0.15656085312366486, -0.35969483852386475, 0.8268275856971741, -1.8108915090560913, -0.6151484251022339, 0.057090483605861664, 0.1752374768257141, -0.5387099385261536, -0.4563884139060974, 1.2961925268173218, 0.5325347781181335, -0.6791552901268005, -0.6675415635108948, -1.8436081409454346, 0.20162877440452576, 2.0267484188079834, 0.22693663835525513, -1.0448312759399414, -1.7489910125732422, -0.6506848335266113, 0.03686600923538208, -0.9421955943107605, 0.7711237668991089, -0.5410946607589722, 0.3371019661426544, -1.2828787565231323, 0.5675692558288574, -0.699428915977478, 0.16510790586471558, 0.7250065803527832, 0.5897771716117859, -0.41583552956581116, -0.3124848008155823, -0.3497786521911621, -0.5883177518844604, 0.764049768447876, 0.3294283151626587, 0.020573070272803307, -0.18705615401268005, 1.1678448915481567, 0.6413393616676331, 0.6155633330345154, -0.31178608536720276, 0.226829394698143, -0.4675261378288269, 0.5648657083511353, -0.3126135468482971, 0.15851753950119019, -0.15606941282749176, -0.68764728307724, 0.9428809285163879, -0.2330377995967865, -0.7235811352729797, -0.3762146830558777, 0.11506418883800507, -0.05456989258527756, 1.3831977844238281, 0.9926313757896423, -0.7415846586227417, 0.5361405611038208, -1.3741320371627808, 0.41027021408081055, -0.4354458153247833, -0.6400445699691772, -0.35685598850250244, 0.07041379809379578, 0.9439893960952759, -0.35942691564559937, -0.12075644731521606, -0.4304959177970886, 0.18393707275390625, -1.5217976570129395, -0.27135270833969116, 0.20038199424743652, -0.9796869158744812, -1.052358627319336, 0.3233546018600464, 0.005850315093994141, -0.8540669679641724, -0.6901792287826538, 0.18860287964344025, 0.8020929098129272, 0.41330480575561523, 0.7844624519348145, 1.5296645164489746, -0.39268890023231506, -0.05865481495857239, 0.3789723515510559, 0.6820398569107056, -0.7833006978034973, 0.8780600428581238, 0.4037723243236542, 0.46861591935157776, -0.8113685250282288, -0.05002912878990173, -0.02226189896464348, 0.604144811630249, 0.11333955079317093, 0.35555821657180786, 0.5310772061347961, -0.4324885308742523, -0.8689622282981873, 1.341989278793335, 0.030990654602646828, 0.0360785610973835, -1.2136056423187256, 1.084449291229248, 0.4520612359046936, -0.23923395574092865, 0.41307687759399414, 0.10925840586423874, 0.06797344982624054, 1.3689278364181519, -0.5111060738563538, 0.633155345916748, 0.36623191833496094, -0.21741695702075958, -0.3246650695800781, 0.941607654094696, -1.821584701538086, -0.03468046709895134, 0.27709171175956726, 0.13550134003162384, 0.43870025873184204, -0.30692875385284424, 0.3320498466491699, -1.0106371641159058, -0.40233132243156433, -0.13194045424461365, -0.4135392904281616, 0.18911264836788177, -0.5437244176864624, -0.30037176609039307, 0.5382466316223145, -1.2158793210983276, 0.7055825591087341, 0.7003356218338013, 0.08588200062513351, -1.2888636589050293, 0.04543294757604599, 1.8034356832504272, -0.08705059438943863, 0.4878149628639221, 0.22456273436546326, 1.0616371631622314, 1.0445001125335693, -0.8502426743507385, 0.2910483181476593, 0.4307747483253479, 0.726414144039154, 0.25978565216064453, 0.22121943533420563, -0.20474906265735626, 0.7599279284477234, -0.06033553555607796, 0.8707531094551086, 0.19788959622383118, -0.5565389394760132, -1.4366059303283691, 0.2364278882741928, -0.5225650072097778, -0.03696180135011673, 2.388829231262207, 0.6930086612701416, 1.7816033363342285, -0.21612884104251862, 0.35116851329803467, -0.8540265560150146, 0.37244918942451477, 0.7097136378288269, 0.45309147238731384, 0.03507613390684128, -0.5988947153091431, 0.5320135354995728, -0.05403702333569527, -0.44133496284484863, -0.6355621814727783, -0.06307198107242584, 0.9982190132141113, 0.19526514410972595, -1.085462212562561, -0.2799755334854126, -0.037996988743543625, 0.47701290249824524, 1.4210337400436401, -0.7673025727272034, -0.9804021120071411, -0.3475489318370819, 0.520587682723999, 0.6843577027320862, 0.5688346028327942, -0.9317262172698975, 0.34572604298591614, 0.43965646624565125, -0.1696079522371292, 0.11471778154373169, 1.3050330877304077, 1.268268346786499, -0.2907576858997345, -1.415023684501648, -0.05309620127081871, -1.2897225618362427, -0.29124727845191956, 0.3052343726158142, 0.03126395493745804, -0.8871005177497864, 0.5161774754524231, -0.1441965401172638, -0.9790961146354675, 1.0345909595489502, -0.8962893486022949, -1.9398213624954224, 1.6379303932189941, 1.4421404600143433, -0.8704689741134644, -0.6847756505012512, 0.3634350299835205, -0.6459670662879944, -0.9115626215934753, 0.17648375034332275, -1.3105659484863281, 0.5332697629928589, 0.10482171177864075, 0.7920939922332764, 0.09422224014997482, -0.34171462059020996, -0.551565408706665, 0.4832305312156677, 1.2794392108917236, -0.4890297055244446, 0.499674528837204, 0.3099689781665802, -0.18665939569473267, -0.16912710666656494, -1.980202078819275, -1.7255241870880127, 0.21911348402500153, 0.20138272643089294, 0.43145713210105896, -1.0056252479553223, -0.9231987595558167, 0.33725911378860474, -0.6042700409889221, 0.5451790690422058, -0.6299529671669006, 0.7409919500350952, -0.858333945274353, -0.06904323399066925, 0.11036165058612823, -0.8031043410301208, -1.4224201440811157, 1.5309290885925293, 0.05423445254564285, 0.6522185802459717, -0.006648547947406769, 0.8969509601593018, 1.9052902460098267, 0.3004627227783203, 0.27271968126296997, -0.4503171741962433, -10.62004280090332, 0.347646564245224, 0.10760555416345596, 0.2517150640487671, 0.3605923652648926, -0.4963075816631317, 0.8271880745887756, -0.3760910630226135, 1.029417634010315, -0.6959143877029419, 0.8842216730117798, 1.666577935218811, 0.15467390418052673, -0.047348033636808395, -0.7998519539833069, -1.1215516328811646, -0.23231758177280426, -0.306648313999176, 0.49750542640686035, 0.37347522377967834, -0.9933487176895142, -1.261705756187439, 0.021066367626190186, 0.31808793544769287, 0.4924297034740448, 0.42990636825561523, 0.32729843258857727, 0.10234273225069046, -0.4969801902770996, 0.2514607310295105, 0.6534032821655273, -0.3329072594642639, -1.4095498323440552, -0.0717819333076477, 0.14528992772102356, 0.020025847479701042, -1.4460113048553467, -0.006535887252539396, 1.454026699066162, 0.40134355425834656, -0.3460279107093811, 0.415395587682724, 0.3773847222328186, -0.2654343247413635, -0.8118162751197815, 0.47759318351745605, 0.7342871427536011, -1.2000904083251953, -0.23963958024978638, -0.288776159286499, -0.26865583658218384, -0.44163671135902405, -1.148183822631836, -0.17318947613239288, 1.065043568611145, -0.5150802731513977, -0.5212193727493286, 0.2426910400390625, -0.6746963858604431, -1.3855350017547607, 1.528876543045044, 0.012957876548171043, -0.29921549558639526, 0.3472895622253418, 0.6212480664253235, -0.6615673303604126, 0.4041406512260437, 0.0625123679637909, 0.039771221578121185, 0.198013037443161, -0.4731338620185852, 0.31403854489326477, 0.6313382983207703, 0.18283796310424805, -0.44616925716400146, -0.4043704569339752, -0.28317469358444214, 0.23591862618923187, 0.24249587953090668, 0.31525418162345886, -0.9973902106285095, 1.1689040660858154, -0.14240559935569763, 0.07724157720804214, -0.7386900186538696, -0.4526825547218323, -0.6041108965873718, -0.6505550742149353, 0.4939667284488678, -0.17729860544204712, 0.7240516543388367, -0.22299891710281372, -0.7497196197509766, 0.11678440123796463, -0.8985716104507446, 0.8399435877799988, -0.33936092257499695, 1.0981659889221191, 0.2043744921684265, -0.9224022030830383, 0.46172794699668884, -0.7448333501815796, -0.2439887672662735, -0.2057930827140808, 0.5519113540649414, 0.44896960258483887, -0.06683903932571411, 0.10843585431575775, 0.45141369104385376, -0.02450062334537506, 1.2296525239944458, -0.6823738217353821, -0.17890937626361847, 1.044005036354065, 0.3343043625354767, 0.7072239518165588, 0.3968869149684906, 0.1856902837753296, 0.8829778432846069, 0.735428512096405, 0.36897894740104675, 1.0268621444702148, -0.01705930195748806, 1.1034067869186401, 0.34162333607673645, -0.7042090892791748, 0.9328607320785522, 0.551582396030426, 0.02312690205872059, -2.0433738231658936, 0.5087965726852417, 0.3379603326320648, -0.5011044144630432, -0.7092961072921753, -0.40136706829071045, -0.514830470085144, -0.9091076254844666, 1.6229636669158936, -0.07959303259849548, 0.1071070060133934, 0.3857494592666626, -0.8440539240837097, 0.1541011929512024, 0.1458321213722229, -0.7940443158149719, -0.16105428338050842, -0.9381644129753113, -0.23839062452316284, -0.6669421792030334, -0.657178521156311, 0.18601448833942413, -0.12220815569162369, 1.0251476764678955, -0.6553824543952942, 0.006337689235806465, 0.08630602061748505, 0.3102971613407135, -0.5840825438499451, -0.35736992955207825, 0.5692021250724792, 0.273921936750412, 0.7128850817680359, -0.5700555443763733, 0.8360896706581116, 0.6694972515106201, -0.06841382384300232, -0.8600013852119446, -0.4151574969291687, -0.21050262451171875, -0.04860979691147804, 1.672695517539978, -0.9501482844352722, 0.19637928903102875, -0.15637317299842834, -0.0991603285074234, -1.2977898120880127, 0.61778724193573, 1.5183850526809692, -1.2637587785720825, 0.08901955187320709, 0.3096904456615448, 0.7787885069847107, 0.6585782170295715, -0.02330319583415985, -0.2374386489391327, -0.3830043375492096, -0.2488238513469696, 0.4501972794532776, 0.18936964869499207, 0.26202747225761414, -1.4716923236846924, -0.5667321085929871, -0.25908854603767395, -0.2231881469488144, 0.8125179409980774, 0.06401793658733368, 1.085598349571228, 0.26890766620635986, 0.488590270280838, 0.492287814617157, 0.38317444920539856, 0.986419677734375, 0.7101442217826843, 0.45721691846847534, -0.8401035070419312, -0.6153007745742798, -0.6116099953651428, 0.5397223830223083, 0.47665777802467346, 0.4920625686645508, -1.1488851308822632, 0.12896239757537842, 0.46803370118141174, -0.6344705820083618, 0.7472265958786011, -0.7588866949081421, 0.362616628408432, -0.12044775485992432, -0.6862983703613281, -1.715047001838684, 0.132431298494339, 1.1439833641052246, -1.112941861152649, 0.6016662120819092, -0.4956682622432709, -0.0051271189004182816, 0.9741157293319702, 0.035814836621284485, 1.923155665397644, -0.02710818126797676, 0.19317331910133362, 0.7232829928398132, -0.37972337007522583, -0.47860804200172424, -0.438764363527298, 0.14561676979064941, -0.31439369916915894, 0.2032112181186676, -1.0714906454086304, 0.30912384390830994, -0.48804420232772827, -0.1166226863861084, 0.17981833219528198, 0.5276584029197693, -0.46691811084747314, -0.8159676194190979, -0.6544837951660156, -0.347708523273468, -0.40467512607574463, 0.4079267382621765, 0.1067199856042862, 0.7507715821266174, 0.9972932934761047, 0.4703219532966614, 0.9094798564910889, 0.11437810957431793, -0.5981199741363525, -0.19251424074172974, 0.4538370370864868, 1.3888763189315796, 1.1034269332885742, -0.03931389003992081, -0.10203161090612411, -0.08117794245481491, -0.7547032833099365, -0.7922601103782654, -0.8055461645126343, 0.04727022349834442, 1.0277739763259888, -0.5361883044242859, -0.05683453381061554, -1.0402485132217407, 0.6082560420036316, -0.6279225945472717, 0.12992525100708008, 0.29585689306259155, -0.4329441785812378, -0.35005083680152893, -0.6735509634017944, -0.08819562196731567, 1.087955117225647, -0.30945175886154175, 0.004231223836541176, -0.43656671047210693, 0.7848231196403503, -0.7379896640777588, -0.41201165318489075, -0.8661767840385437, 0.2883147895336151, -0.40512198209762573, 0.7223188281059265, -0.4233663082122803, -0.6393569111824036, -0.9150473475456238, -0.18419133126735687, -0.9424763321876526, -0.12486431747674942, 0.15440349280834198, -0.6989668011665344, -0.5361683964729309, 0.18470695614814758, -0.6176325082778931, 0.1595241129398346, 0.824834406375885, -0.9622341394424438, -1.2344300746917725, 0.05025406926870346, 0.7954785227775574, -0.09350578486919403, -0.7408097386360168, 0.44253864884376526, 0.6027966737747192, -0.139719158411026, 0.8790328502655029]} +{"paper_id": "mozilla-foundation/common_voice_8_0", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "mozilla-foundation/common_voice_7_0", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "shibing624/nli_zh", "embedding": [-0.47573122382164, 0.8394820690155029, 0.02720671519637108, 0.0489058792591095, 0.4170035421848297, -0.43073397874832153, 0.14073479175567627, 0.6302645802497864, 0.7649044990539551, 0.579372227191925, 0.6411906480789185, 0.3021439015865326, -0.17271602153778076, -0.06460843980312347, -0.503551185131073, -0.17478904128074646, -0.8709505796432495, -0.5347902774810791, -1.265372395515442, -0.17107033729553223, -0.40324199199676514, -0.5686807632446289, 0.023167338222265244, 0.25876063108444214, -0.3867974281311035, -0.5775365233421326, 0.7589513063430786, -1.0058071613311768, 0.6000855565071106, 0.0556325688958168, -0.4013655185699463, 1.307016372680664, -1.4323134422302246, 0.5392727851867676, -0.3430582880973816, -0.6886226534843445, -0.06984973698854446, 1.035247564315796, -0.3673657774925232, -0.228417307138443, -0.23046086728572845, 0.13461852073669434, 0.8537237644195557, 0.3772982060909271, 0.7843392491340637, -0.2559066414833069, 0.27387338876724243, 0.5633527636528015, -0.4496611952781677, 0.3403524160385132, -0.5875778794288635, 0.014792259782552719, 0.06845975667238235, 0.7667152881622314, -0.29312580823898315, 0.9108270406723022, 0.4543871581554413, -0.7447604537010193, 0.789033830165863, -1.0726242065429688, 1.644957423210144, 1.311822772026062, -0.7955997586250305, 0.16657467186450958, 1.032909870147705, 0.4114795923233032, 1.2878293991088867, 0.19391976296901703, -0.10822001099586487, 1.1112737655639648, -0.1655493676662445, -0.748469352722168, 0.7638584971427917, 0.2352454662322998, 0.5054892301559448, 0.13721877336502075, 0.5205068588256836, 0.6848743557929993, 0.3398855924606323, 0.4518626630306244, -0.21459148824214935, 0.4015665054321289, 0.691399335861206, -0.49041762948036194, 0.02130420133471489, 0.17946922779083252, 0.310479998588562, -0.4003475606441498, 0.6434717774391174, -1.4307336807250977, 0.8083600401878357, 0.29342910647392273, -0.014484819956123829, 0.015408813953399658, 0.12733657658100128, 0.02601201832294464, 0.012880239635705948, -0.10523013770580292, -0.295218825340271, 0.560821533203125, 0.5143557190895081, -0.32583191990852356, -0.22269557416439056, -0.24680307507514954, 0.1428700089454651, 0.6435388922691345, -0.15503674745559692, -0.30811232328414917, -0.8215420246124268, -0.3277514576911926, -0.08568933606147766, 1.3285764455795288, -0.08264141529798508, 0.688459038734436, 0.1428847759962082, 0.3625778257846832, 0.11285610496997833, -0.44758641719818115, -0.37338024377822876, 0.7422084808349609, -0.01177980937063694, -1.5568956136703491, 0.08050563931465149, 0.06592504680156708, 0.566889226436615, -0.7352691292762756, 0.3027433753013611, -0.35650768876075745, 0.17489659786224365, -0.32789480686187744, 0.21055868268013, 0.01083349995315075, -0.8241400122642517, -0.19679023325443268, 3.1462223529815674, -0.6968997120857239, 1.232493281364441, -1.055327296257019, -0.07100275158882141, -0.5016992092132568, -0.3637612462043762, 0.7962705492973328, 0.3647410273551941, -0.4789940416812897, -0.517019510269165, 0.17024731636047363, -0.18760865926742554, 0.08074423670768738, -0.8097509741783142, -0.14915187656879425, 0.024761246517300606, -0.017431937158107758, -1.6961185932159424, -0.7172457575798035, 0.24128417670726776, 0.6382924914360046, 0.007600962184369564, 0.8437241911888123, -0.5026540756225586, 0.8993001580238342, -0.027960367500782013, -0.0494055300951004, -0.7575437426567078, 0.040547456592321396, -0.5681575536727905, -0.03481944650411606, 1.1916232109069824, -0.30720824003219604, -0.5789265036582947, -0.2878061532974243, 0.518351674079895, -0.26121821999549866, -0.07153773307800293, -0.340693861246109, 0.3372092545032501, 0.6017444133758545, 0.0892949029803276, 0.510997474193573, 0.6108465790748596, -0.9716790318489075, -0.5247121453285217, -0.3568463921546936, -0.32401859760284424, 0.29236453771591187, -0.05618026852607727, 0.22408953309059143, -2.289581298828125, -0.3587435483932495, -0.20107996463775635, -0.0874088704586029, 0.5669598579406738, -0.10954616963863373, 0.07340233027935028, 0.4499252140522003, -0.33499640226364136, -0.17333820462226868, 0.6309888958930969, -1.171440601348877, -0.8718125224113464, 0.5717605352401733, -0.2587442994117737, -0.6052156090736389, -0.7209547758102417, 1.3233495950698853, 0.6540644764900208, -0.041701093316078186, -0.5532543063163757, -1.860315203666687, 0.560105562210083, 2.7888495922088623, 0.011027179658412933, -0.9109378457069397, -1.5534113645553589, -0.20545299351215363, 0.6094295382499695, -0.2433682233095169, 0.6272624731063843, -0.7918877005577087, 0.17595745623111725, -0.6464059948921204, 0.5128831267356873, -0.12495417147874832, 0.7039545178413391, 0.20949479937553406, 0.7801803350448608, -0.5503668785095215, -0.5203213095664978, -0.9077141880989075, -0.5827325582504272, 0.5271198749542236, 0.5607734322547913, 0.33822816610336304, -0.03250086307525635, 0.5186951160430908, 0.3928872346878052, 0.9676097631454468, 0.378107488155365, 0.5848553776741028, -0.6522461175918579, 0.27667418122291565, 0.1388128250837326, 0.5302585959434509, -0.232390895485878, 0.5862985253334045, -0.024450600147247314, 0.5027059316635132, -0.4727836847305298, -0.701554536819458, -0.25127285718917847, 0.17915132641792297, 1.6546155214309692, 0.7738337516784668, -0.5582590103149414, 0.47934240102767944, -0.6616827249526978, -0.32888397574424744, 0.03372294455766678, -0.48748114705085754, -0.1541467010974884, -0.06104203313589096, 0.8281869888305664, 0.2758236825466156, -0.0429011769592762, -0.2254437357187271, 0.12755213677883148, -0.8633461594581604, -0.3648639917373657, -0.17022521793842316, -0.16978174448013306, -1.0383622646331787, -0.13408976793289185, 0.3400709629058838, -0.9289296865463257, -0.6335095167160034, -0.3899608850479126, 0.3765157163143158, 0.6274807453155518, 0.885084867477417, 1.6464641094207764, -0.35736849904060364, 0.1688484251499176, 0.2631552815437317, 1.0434942245483398, -0.28072232007980347, 0.75706547498703, -0.6045452356338501, 0.4407418668270111, -0.7205554246902466, 0.1912820041179657, -0.5450145602226257, 0.45308613777160645, 0.058854661881923676, -0.22752133011817932, 0.19959372282028198, -0.4730101525783539, -1.4677636623382568, 1.2181977033615112, -0.16664963960647583, -0.19768834114074707, -0.35329896211624146, 1.4180339574813843, 0.372668981552124, -0.05462861433625221, 1.14224374294281, -0.16905006766319275, -0.31041738390922546, 1.4703997373580933, -0.35786205530166626, 0.5888678431510925, 0.6163485646247864, 0.5415014028549194, 0.4022458791732788, -0.5018767714500427, -2.121244192123413, -0.06315018981695175, 0.8157252073287964, -0.21756808459758759, -0.15933871269226074, -1.1203266382217407, 0.6010713577270508, -0.603735089302063, 0.020670389756560326, 0.764885663986206, -1.0644309520721436, 0.3361411988735199, -0.4827292263507843, 0.3397001624107361, 0.9400600790977478, -0.6477497220039368, 0.46585336327552795, 0.732904851436615, 0.07827128469944, -0.7324650883674622, 0.24480241537094116, 0.9399065971374512, -0.791135847568512, -0.16797122359275818, 0.5734491348266602, 1.1643245220184326, 0.6885814666748047, -0.39225855469703674, -0.32526183128356934, 0.4627525806427002, 0.34553223848342896, -0.18305368721485138, 0.46119123697280884, -0.4110737442970276, 0.6715538501739502, -0.13289155066013336, 1.2402786016464233, -0.16596457362174988, -0.7860329151153564, -0.6794375777244568, -0.4213286340236664, -0.06855281442403793, -0.17943763732910156, 1.7463194131851196, 0.8087379932403564, 1.4040652513504028, -0.2353818267583847, 0.5379183888435364, -0.4635392129421234, -0.0515107661485672, 0.6838747262954712, 0.43233755230903625, -0.03259781002998352, -0.7125052213668823, -0.5159680843353271, 0.8655621409416199, 0.2691030204296112, -0.4014063775539398, -0.34812605381011963, 0.8052182197570801, -0.29452577233314514, -0.6092180609703064, 0.4203706979751587, 0.4641198217868805, 1.1515623331069946, 1.3518872261047363, -0.5332358479499817, -0.5135319232940674, 0.08117566257715225, 0.18784616887569427, 1.0277799367904663, -0.16164147853851318, -0.9805190563201904, 0.7346993088722229, 0.37494730949401855, 1.1798158884048462, 0.29089272022247314, 0.7641370892524719, 1.25941002368927, -0.42764952778816223, -1.1902340650558472, -0.40356069803237915, -0.8861861824989319, -0.22960783541202545, 0.10952528566122055, -0.20433934032917023, 0.006344829685986042, 0.22591501474380493, 0.09364740550518036, -0.6944170594215393, 1.0266220569610596, -0.45134034752845764, -1.2280395030975342, 1.0442264080047607, 1.1178137063980103, -1.110751748085022, -0.3092779517173767, -0.0462067574262619, -0.33743491768836975, -0.8744565844535828, 0.04411957785487175, -0.21996258199214935, 0.7568008303642273, 0.2797865569591522, 0.45839011669158936, -0.5605207681655884, 0.030370168387889862, -1.1271315813064575, 0.8305222988128662, 0.6380525827407837, -0.931222140789032, 0.40416616201400757, 0.19290688633918762, 0.22137562930583954, 0.20444278419017792, -0.9208426475524902, -0.3876209259033203, 0.5356695652008057, 0.36195075511932373, -0.5730811357498169, -0.8994755744934082, -0.6542392373085022, 0.1929430067539215, 0.26716911792755127, 0.5181246995925903, -1.1658475399017334, 0.25390252470970154, -0.6843358278274536, 0.4243272542953491, 0.5163540840148926, -0.7072524428367615, -0.5951157808303833, 0.8390218615531921, -0.45024770498275757, 0.6931955814361572, -0.27582621574401855, 0.36996370553970337, 1.4202346801757812, 0.01343420147895813, -0.25466787815093994, 0.05062287300825119, -12.254536628723145, 0.10586093366146088, 0.04421913996338844, 0.11626249551773071, 0.8758877515792847, -0.047228120267391205, 0.1677015721797943, 0.23277941346168518, 0.2388605773448944, -0.5519791841506958, 0.5224786996841431, 1.4534939527511597, 0.18590837717056274, -0.3526276648044586, -0.4243772029876709, -1.3838871717453003, -0.7456839084625244, -0.695929229259491, 0.3364916443824768, 0.6629908084869385, 0.5465748906135559, -1.0929123163223267, -0.5690866112709045, 0.1685842126607895, 0.3269215524196625, -0.10912121832370758, -0.4036900997161865, 0.013689038343727589, -0.40609776973724365, -0.07017714530229568, 0.07902689278125763, -0.3962831199169159, -0.2008306384086609, -0.4819895327091217, 0.3655029535293579, -0.09468169510364532, -0.4980200529098511, 0.1547849178314209, 0.9406781792640686, 0.0496465265750885, -0.43225735425949097, 0.2831741273403168, -0.004594598896801472, -0.43970006704330444, -0.25459861755371094, 0.3269932270050049, 0.14621658623218536, -0.5627935528755188, 0.4123888611793518, -0.4365053176879883, -0.44578152894973755, -0.9148017764091492, -0.7383092641830444, -1.0139265060424805, 0.13925801217556, 0.3611763119697571, -0.9143409132957458, -0.24698713421821594, -0.42699745297431946, -1.434109091758728, 0.2782141864299774, 0.5535610318183899, -0.16989339888095856, 0.6324020624160767, 0.11276071518659592, -0.5134278535842896, 0.09651593863964081, 0.44088509678840637, -0.9138516783714294, 0.33630165457725525, -0.9107199907302856, 0.5961351990699768, 0.13178028166294098, 0.5043820142745972, -0.9448296427726746, 0.46272778511047363, -0.40194305777549744, 0.13410772383213043, 0.5077358484268188, -0.17825178802013397, -1.246065616607666, 0.6385948061943054, 0.11947707086801529, -0.6138800382614136, -0.9151800274848938, 0.38747483491897583, -0.07270907610654831, 0.44603800773620605, 0.5396393537521362, 0.30658024549484253, 1.0141665935516357, 0.1146569475531578, -0.49033886194229126, -0.5006375312805176, -0.2674320340156555, 0.8116834163665771, -0.14784832298755646, 0.538173258304596, 0.36321714520454407, -0.48120537400245667, 0.5391473174095154, -0.11128142476081848, -0.8762301206588745, -0.028455976396799088, 0.2921072840690613, 0.224036306142807, 0.35296720266342163, -0.3064817190170288, 0.2209978699684143, -0.26346555352211, 1.0974737405776978, -0.09923247992992401, -0.35047006607055664, 1.291563630104065, -0.5518859624862671, 0.270696759223938, 0.6320661306381226, -0.18046864867210388, 0.41421520709991455, 0.7220180034637451, -0.38435590267181396, 0.029286712408065796, 0.06961490213871002, 1.4475616216659546, 0.29297468066215515, 0.08970047533512115, 0.7889117002487183, 0.832918107509613, 0.1232113316655159, -1.7120095491409302, 0.40775561332702637, 0.0217801071703434, -0.41266947984695435, -0.45813408493995667, -0.32002589106559753, -0.0889340415596962, -0.35433995723724365, 1.3771889209747314, -1.0319302082061768, -0.23976364731788635, -0.04967150837182999, -0.21915361285209656, -0.623487651348114, -0.592058002948761, -1.0223177671432495, -0.08175747841596603, -1.4329235553741455, 0.2181662917137146, -0.46282529830932617, -0.6221112608909607, -0.5174829959869385, -0.37937605381011963, 0.9110702872276306, -1.0835635662078857, -0.2416492998600006, -0.15777626633644104, 0.6866776347160339, -0.5053378343582153, -0.4473891258239746, -0.1929423213005066, 0.3345731496810913, 1.2326116561889648, -1.1374949216842651, 0.7671286463737488, 0.4091527760028839, 0.33508244156837463, -0.8011245727539062, -0.21363261342048645, -0.02964457869529724, 0.02247104048728943, 0.494640976190567, -1.415202021598816, -0.6173533201217651, -0.41899287700653076, -0.33933717012405396, -0.9662798047065735, 0.3322269320487976, 1.0196934938430786, -1.1608960628509521, -0.08374956250190735, 0.46274110674858093, 0.6214096546173096, 0.3167099952697754, -0.23442363739013672, -0.3501583933830261, -0.5060998201370239, -0.26175275444984436, 1.4908154010772705, -0.16576889157295227, 1.5047720670700073, -1.8114163875579834, -0.8079992532730103, -0.935465931892395, 0.325153648853302, 1.1568557024002075, 0.2844043970108032, 0.5417875051498413, 0.5625318884849548, 0.1346270740032196, 0.10061744600534439, -0.0965009480714798, 0.7876245379447937, 0.3880811631679535, 0.3140661120414734, -0.14771343767642975, 0.6724773645401001, -1.1084434986114502, -0.37154704332351685, 0.011645115911960602, 0.8192272186279297, -1.742236852645874, -0.4490962624549866, 0.28244519233703613, -0.08383004367351532, 0.4281218945980072, -1.2521036863327026, 0.18902218341827393, -0.6623096466064453, -0.3720530569553375, -1.25477933883667, -0.031428731977939606, 0.6294482350349426, -0.1851043403148651, 0.855323076248169, 0.6662671566009521, 1.0285621881484985, 0.6033471822738647, 0.22219479084014893, 1.1220688819885254, -0.08876010775566101, -0.35851386189460754, 0.019950058311223984, 0.48013803362846375, -0.09554507583379745, -0.31376761198043823, -0.6700482964515686, -1.0631248950958252, 0.057492583990097046, -0.2993209958076477, 0.5922965407371521, -0.620489239692688, 0.05089910328388214, 0.8626285195350647, 1.01726496219635, -0.44804972410202026, -1.3539025783538818, -0.42619186639785767, -1.5750823020935059, 0.4452035427093506, 0.4883207678794861, 0.2989511787891388, 1.1671326160430908, 0.7762041687965393, -0.10554860532283783, 0.9745583534240723, 0.016184255480766296, 0.07874402403831482, 0.43691375851631165, -0.3838939070701599, 1.012229084968567, 0.6968861818313599, 0.05835072696208954, 0.5957960486412048, 0.0020761042833328247, -1.1893818378448486, 0.2653530538082123, -0.5251798033714294, 0.7072150111198425, 0.699773371219635, -0.347372442483902, -0.17817363142967224, -0.41880470514297485, 0.5054213404655457, -0.3783148229122162, 0.548604428768158, 0.3531888723373413, -0.28476256132125854, -1.1862846612930298, -0.8745787739753723, 0.11444532126188278, 0.6114633679389954, -0.4991437792778015, -0.6086353659629822, -0.6226741671562195, 0.3875523805618286, 0.40160584449768066, -0.16248850524425507, -0.32457447052001953, 0.0401899479329586, -0.6226813793182373, 0.1506987065076828, 0.29606106877326965, -1.038766622543335, -0.5882039070129395, -0.04111765697598457, -0.9450165629386902, 0.5112480521202087, -0.4420856833457947, -0.46711406111717224, -0.9102468490600586, 0.28254643082618713, 0.12717971205711365, 0.21612046658992767, 0.21570813655853271, -0.5711048245429993, -1.6519304513931274, 0.16942887008190155, 1.067812442779541, -0.41012221574783325, -0.6179461479187012, 0.15263769030570984, 0.35115528106689453, 0.34754157066345215, 0.8794439435005188]} +{"paper_id": "copenlu/fever_gold_evidence", "embedding": [-0.339454710483551, 1.1062694787979126, -0.3732886016368866, -0.06162191927433014, 0.21395301818847656, -0.34101641178131104, 0.5021705031394958, 0.6075114011764526, 0.5604891180992126, 1.1366870403289795, 0.7161202430725098, 0.5486289858818054, -0.20202955603599548, 0.15631622076034546, -0.26982399821281433, -0.17116186022758484, -0.3275361955165863, -0.08608240634202957, -0.3911583423614502, -0.4677446484565735, -0.45857274532318115, -0.8441396355628967, 0.15507128834724426, -0.09490473568439484, -1.4286097288131714, -0.3942911922931671, 0.4055067300796509, -0.8535544872283936, -0.2656313478946686, 0.2219121754169464, -0.41960829496383667, 1.5096232891082764, -2.077129602432251, 0.7172985672950745, -0.06163153424859047, -0.21994514763355255, -0.21828433871269226, 1.0871005058288574, -0.10407067090272903, 0.06473542004823685, -0.7810193300247192, 0.104436956346035, 0.7732142210006714, 0.16040746867656708, 0.5446726679801941, -0.5311601161956787, 0.4943925738334656, -0.036491815000772476, -0.16575667262077332, -0.011324495077133179, -0.10033255815505981, 0.317727267742157, -0.028022678568959236, 0.6807454824447632, 0.11140253394842148, 0.7552350759506226, 0.14311641454696655, -0.5670117139816284, 0.9283048510551453, -0.4222860634326935, 1.4948782920837402, 1.6431106328964233, -0.9269600510597229, 0.11393533647060394, 0.5067591071128845, -0.17330008745193481, 1.3328349590301514, 0.35419774055480957, 0.37365657091140747, 0.7159022688865662, -0.3227693438529968, -1.696245551109314, 0.22602364420890808, -0.29460209608078003, 0.12517721951007843, 0.4944758415222168, 0.6297953128814697, 0.10247854888439178, 0.30936887860298157, 0.009748991578817368, 0.3041136860847473, 0.7218695282936096, 0.7787919044494629, -0.6148114204406738, -0.20794406533241272, 0.24260422587394714, 0.10959279537200928, -0.710221529006958, 0.5768619775772095, -0.7794997692108154, 1.1524385213851929, 0.22752070426940918, -0.014419847168028355, 0.12317341566085815, 0.08831370621919632, 0.8922197222709656, -0.6614965796470642, -0.16765615344047546, -0.33363616466522217, -0.006724313832819462, 0.65046626329422, -0.3721854090690613, 0.098427414894104, -0.31453949213027954, 0.38207417726516724, 0.8945127725601196, -0.6506658792495728, -0.08433415740728378, -0.7995118498802185, -0.15942169725894928, -0.313515305519104, 0.9366850852966309, -0.21225515007972717, 0.6565960049629211, -0.13677093386650085, -0.050892122089862823, 0.18258407711982727, -0.7801682949066162, -0.3534269332885742, 0.13324615359306335, -0.1466623693704605, -0.9330913424491882, -0.45235759019851685, 0.6458532810211182, 1.0039352178573608, -0.41859525442123413, -0.10474864393472672, -0.01617918536067009, -0.41378772258758545, -0.117994025349617, 0.5241270661354065, 0.033535152673721313, -0.8181071877479553, 0.20401892066001892, 2.930300235748291, -1.1897019147872925, 1.0429902076721191, 0.10912361741065979, -0.13220492005348206, 0.4094344973564148, -0.2808961868286133, 1.0961731672286987, 1.0579081773757935, -0.8141496777534485, -0.4896327555179596, 0.7192512154579163, -0.18740706145763397, 0.5018245577812195, -1.2860634326934814, -0.0121283158659935, -0.3761155605316162, 0.5095298290252686, -1.7970830202102661, 0.18117424845695496, 0.3182315528392792, -0.026649022474884987, -0.463115930557251, 0.07669785618782043, -0.672156810760498, 0.606631875038147, 0.31535136699676514, 0.40987855195999146, -0.9099518060684204, 0.30331286787986755, -0.5154643654823303, 0.1157144159078598, 1.643297553062439, -0.6877803802490234, -1.4328444004058838, 0.5604740381240845, 0.8895291686058044, -1.0353556871414185, -0.5008986592292786, -0.9312760829925537, 0.0332874059677124, -0.04440062865614891, 0.4221275746822357, 0.403710275888443, 0.3095752000808716, -0.4703005254268646, -0.5364252328872681, 0.07865684479475021, -0.2508082091808319, 0.7569194436073303, -0.8371017575263977, -0.1200169026851654, -2.2792885303497314, 0.12409062683582306, 0.29369211196899414, 0.5349433422088623, 0.4893985986709595, 0.5166340470314026, 0.3574979305267334, 1.071280598640442, -0.12965375185012817, -0.7341247797012329, 0.15791428089141846, -1.3956712484359741, 0.3217593729496002, -0.5186961889266968, -0.18444015085697174, -0.5114496946334839, -0.7151491641998291, 0.05547695606946945, 0.9763810038566589, -0.8318682909011841, -0.7922321557998657, -2.3866186141967773, 0.4772000312805176, 2.0895934104919434, -0.4885236620903015, -0.3506217896938324, -1.640402913093567, -0.14944642782211304, 0.3698672950267792, -0.4034293591976166, 0.4288002848625183, -1.0665773153305054, 0.009922005236148834, -0.8104347586631775, 0.6776599884033203, -0.15757101774215698, 0.44652971625328064, 0.3517054617404938, 0.8009305596351624, -0.8808417916297913, 0.17052346467971802, -0.6642863154411316, -0.9936389923095703, 0.6299412250518799, 0.9149532318115234, -0.16616809368133545, 0.055588219314813614, 1.1258487701416016, 0.531111478805542, 1.3086047172546387, -0.0485914908349514, 0.08376680314540863, -1.4722001552581787, 0.07194878906011581, 0.0856970027089119, 0.9055026173591614, 0.6006866097450256, -0.35849323868751526, 0.9304284453392029, 0.5558080673217773, -0.40682390332221985, -0.2921852171421051, -0.5623642802238464, -0.23727884888648987, 0.9989623427391052, 0.39871349930763245, -1.2840741872787476, 0.817283034324646, -0.9283729195594788, 0.3004627823829651, -0.3222793936729431, -0.775157630443573, -0.33588677644729614, 0.36998510360717773, 0.7499687671661377, 0.4083908200263977, 0.10179775953292847, -0.21559211611747742, -0.25776004791259766, -1.3179954290390015, 0.14294375479221344, -0.5055394768714905, -0.5389018058776855, -1.2237857580184937, 0.09626471996307373, -0.3834404945373535, -1.1465866565704346, -0.8556215763092041, 0.16557331383228302, 0.21144460141658783, 0.12520168721675873, 0.40596792101860046, 0.7636593580245972, 0.325467586517334, -0.24903976917266846, -0.010098248720169067, 1.0489041805267334, 0.24126017093658447, 0.9087643027305603, -0.3027227818965912, -0.16485987603664398, -0.6368498802185059, 0.26792827248573303, -0.4086341857910156, 0.38301217555999756, 0.24347832798957825, -0.7817596793174744, 0.34450817108154297, 0.16329512000083923, -0.5876290202140808, 1.0228437185287476, 0.39016374945640564, -0.6727662086486816, -1.109484076499939, 1.1761647462844849, 0.1409423053264618, -0.5009067058563232, 0.7522528171539307, -0.19142477214336395, -1.0124431848526, 1.5434821844100952, -0.25604793429374695, 0.22738660871982574, 0.001956827938556671, 0.08795950561761856, 0.35809096693992615, 0.016748663038015366, -1.7923696041107178, 0.5593168139457703, 1.252069354057312, -0.2428690791130066, -0.3636506199836731, -0.6450741291046143, 0.4153270125389099, -0.321684867143631, -0.18815399706363678, 0.3794994056224823, -0.20133890211582184, 0.12642300128936768, -0.4121159613132477, 0.5521129369735718, 1.0285570621490479, -1.2480336427688599, 0.5708910822868347, 0.056014250963926315, 0.38428494334220886, -0.9758327007293701, -0.2174605131149292, 1.3935867547988892, -0.19862809777259827, 0.9088908433914185, -0.32294440269470215, 0.8822706341743469, 0.717143177986145, -0.6548321843147278, -0.24027720093727112, 0.9203024506568909, 0.305318146944046, 0.3826138973236084, 0.4322456419467926, -0.6117565631866455, 0.8030539751052856, -0.409359335899353, 1.1257497072219849, 0.12321284413337708, -0.5784628987312317, -1.3479413986206055, -0.7100593447685242, -0.28114837408065796, -0.6063845157623291, 1.7961260080337524, 1.0861549377441406, 1.736804485321045, 0.24568848311901093, 0.5107772350311279, -0.8652825951576233, -0.16443614661693573, 0.30627959966659546, 0.17290851473808289, 0.4889264702796936, -1.0308516025543213, 0.5564343333244324, 1.2881534099578857, 0.12331722676753998, -0.09307163208723068, -0.2129451334476471, 0.2815523147583008, 0.4974011182785034, -0.4337768852710724, 0.7343030571937561, -0.4337858259677887, 0.28077608346939087, 0.9676195979118347, -0.2393604964017868, -0.6443170309066772, -0.33627963066101074, 0.11183082312345505, 0.4254457652568817, 0.5420702695846558, -0.7223409414291382, 0.30505678057670593, -0.04507669061422348, 0.45635974407196045, -0.19347035884857178, 0.5784822702407837, 2.012854814529419, 0.1355285793542862, -1.9880841970443726, -0.29511556029319763, -0.9696523547172546, 0.5132012367248535, -0.004638597369194031, -0.15565575659275055, 0.03569673374295235, 0.3970913589000702, -0.2156371772289276, -0.9081133008003235, 1.17319655418396, -0.37017887830734253, -1.2462232112884521, 1.0436850786209106, 1.0794700384140015, -1.6211434602737427, -0.8716842532157898, 0.4038708209991455, -0.12624846398830414, -0.8766535520553589, -0.12524349987506866, -0.657390296459198, 1.2815570831298828, 0.6882150769233704, 0.7149019241333008, 0.042640749365091324, 0.26365846395492554, -0.8576436042785645, 1.1087857484817505, 0.9014942646026611, -0.6036925315856934, 0.8037893772125244, 0.32251212000846863, 0.1435285359621048, 0.5078387260437012, -1.1957342624664307, -0.35829442739486694, 1.064668893814087, -0.22512322664260864, 0.09167354553937912, -0.5989442467689514, -1.2297829389572144, 1.050154685974121, 0.46769651770591736, 0.3225097954273224, -0.9618194103240967, 0.299532413482666, -1.0393247604370117, 0.3796917200088501, 0.7941850423812866, -0.8852737545967102, -0.696313738822937, 0.7908151745796204, -0.28582441806793213, 0.8095952272415161, 0.2698446810245514, -0.16568003594875336, 1.330958604812622, 0.1804945468902588, 0.07323195040225983, -0.4358798563480377, -11.20072078704834, 1.0458283424377441, -0.10259386897087097, 0.7541673183441162, 0.25884804129600525, -0.19934457540512085, 0.5661704540252686, -0.034418120980262756, 0.8007822036743164, -0.7179903388023376, 0.403590589761734, 2.1450042724609375, -0.2512037456035614, -0.2253073751926422, -0.8785951137542725, -1.5972769260406494, -0.6827958822250366, -0.2497149556875229, -0.16946181654930115, -0.08205945044755936, 0.5013318657875061, -1.920922040939331, 0.3510127067565918, 0.18071620166301727, 0.9741901159286499, -0.28422385454177856, 0.1276302933692932, -0.3387502133846283, -0.13197357952594757, 0.2277805507183075, 0.685763418674469, -0.06386657804250717, -0.09848412126302719, 0.021464848890900612, -0.07200563699007034, -0.21174228191375732, -0.7950974702835083, -0.42899322509765625, 0.9275915026664734, -0.5138725638389587, 0.17312809824943542, 0.5392435789108276, -0.04603612795472145, -0.4872712194919586, -0.45892632007598877, 0.3215898871421814, 0.005231611430644989, -0.7188282012939453, -0.11492696404457092, -0.024196356534957886, 0.08179804682731628, -0.829547643661499, -0.5710270404815674, -0.737955629825592, 0.6086841821670532, -0.27685311436653137, -0.770097553730011, -0.760615885257721, -1.0820319652557373, -1.5599236488342285, 0.7840816378593445, 0.16633985936641693, 0.08134893327951431, 0.11372692883014679, 0.5447677373886108, -0.20122994482517242, 0.5364869832992554, -0.01740027219057083, -0.2792482078075409, 0.005834717303514481, -0.5426686406135559, 0.868283748626709, 0.5938324928283691, -0.20114263892173767, -0.8918600678443909, -0.178054541349411, -0.6880813241004944, 0.04785102605819702, 0.11542415618896484, 0.021048057824373245, -1.2378822565078735, 0.7146019339561462, 0.36543139815330505, -0.24631637334823608, -0.9297056198120117, -0.5073490738868713, -0.16356059908866882, -0.5454733967781067, 0.2126459777355194, 0.028578072786331177, 1.1505722999572754, 0.6446194648742676, -0.6449868083000183, -0.5269666314125061, -0.8014357089996338, 0.5462680459022522, -0.7328880429267883, 1.0186471939086914, -0.060489922761917114, -0.8511057496070862, 0.3380308449268341, -0.17614218592643738, -1.1609845161437988, -0.14098171889781952, 0.4398661255836487, 0.40230146050453186, 0.10534945130348206, -0.7096798419952393, 0.2400657832622528, -0.43380460143089294, 0.7852187156677246, -0.007748641073703766, -0.21647904813289642, 1.630433440208435, -0.7111088037490845, 0.4437835216522217, 0.7088963985443115, -0.35446828603744507, 0.0836472287774086, 1.6839321851730347, -0.3328301012516022, 0.6929678320884705, -0.22281645238399506, 1.3205066919326782, -0.22013001143932343, 0.1335402876138687, 0.42755013704299927, 0.26404044032096863, -0.05203697830438614, -2.1002423763275146, 0.06041319668292999, -0.13917064666748047, 0.5320903062820435, -1.389748454093933, -0.2824254333972931, -0.7385975122451782, -0.40892770886421204, 0.9051563739776611, -0.7615799903869629, 0.1545783281326294, -0.6715771555900574, -0.12173549085855484, 0.11461310088634491, -1.0147314071655273, -0.7418400645256042, 0.6983084082603455, -1.2412681579589844, 0.3187328279018402, -1.1137608289718628, -0.3671993911266327, -0.20479485392570496, -0.9001963138580322, 0.853837788105011, -0.39134109020233154, 0.14572669565677643, -0.15241855382919312, 0.42310217022895813, -0.721362829208374, -0.8438056707382202, -0.42305389046669006, -0.4612387418746948, 1.8209184408187866, -0.80837482213974, 0.724663257598877, 0.7036248445510864, -0.20338550209999084, -0.5558894872665405, -0.47554415464401245, 0.083445243537426, -0.2259819507598877, 1.0798933506011963, -1.0224651098251343, -0.2043628692626953, -0.34302228689193726, 0.4269970953464508, -0.5481700897216797, 1.3154491186141968, 0.8941434621810913, -0.874027669429779, -0.4167986512184143, 0.6119740009307861, 0.44669774174690247, 0.49623438715934753, -0.2545590400695801, -0.08204708248376846, 0.027933090925216675, -0.2745068669319153, 0.7688219547271729, 0.09681402891874313, 1.2525380849838257, -1.4553382396697998, -0.7106899619102478, -0.8993706703186035, 0.399473637342453, 1.120467185974121, 0.2274523377418518, 1.0461722612380981, 0.6141251921653748, 0.589824914932251, -0.10843091458082199, 0.5219709873199463, 1.5819165706634521, 0.17013214528560638, 0.7054809927940369, -0.8053789734840393, 0.34165000915527344, -0.8679976463317871, 0.30541154742240906, 0.062198106199502945, 0.9900743961334229, -0.7038682103157043, 0.15912964940071106, 0.15397943556308746, -0.7498605251312256, -0.059988267719745636, -1.0762430429458618, 0.6145147085189819, -1.0449557304382324, -0.2456241101026535, -0.9712511301040649, 0.8784778714179993, 0.8670730590820312, -0.08264174312353134, 0.8986579775810242, 0.5933991074562073, 0.37228497862815857, 1.1073273420333862, 0.3882530927658081, 1.255271077156067, 0.2963443398475647, -0.15443260967731476, 0.6486304402351379, 0.0875944197177887, 0.14885321259498596, 0.0325956791639328, -0.33162710070610046, -0.2961890697479248, 0.20471230149269104, -0.1978771686553955, 0.6329354643821716, -0.60817551612854, 0.21342413127422333, 0.8257144093513489, 0.5469939708709717, -0.6750005483627319, -1.177677035331726, -0.5954492092132568, -1.3181496858596802, -0.4792710840702057, 0.5032185912132263, 1.4078139066696167, 0.15800084173679352, 0.9205788373947144, 0.011968046426773071, 0.9325479865074158, -0.5787432193756104, 0.31029456853866577, 0.04420042783021927, -0.40801119804382324, 1.0397800207138062, 1.1646347045898438, 0.191132590174675, 0.06791745126247406, 0.37228527665138245, -1.1966265439987183, -0.34968212246894836, -1.0998843908309937, 0.6882832646369934, 0.8651831746101379, -0.4366052448749542, 0.5909843444824219, -0.7410041093826294, 0.7363097667694092, -0.7996325492858887, 0.5218034982681274, -0.3874496817588806, -0.6296243071556091, -0.4606858789920807, -1.0449867248535156, 0.207962766289711, 0.37494492530822754, -0.4348224103450775, -0.5498718023300171, -0.4774388074874878, 1.458794116973877, 0.029659580439329147, -0.04870758205652237, -0.5327344536781311, 0.14489780366420746, -0.3839205801486969, -0.5304360389709473, 0.17557868361473083, -0.7041965126991272, -1.071269154548645, -0.2524155080318451, -0.4142720699310303, 0.18703314661979675, -0.3921082615852356, -0.9578135013580322, -0.10774767398834229, 0.2802792191505432, 0.42501819133758545, 0.6388104557991028, -0.35962384939193726, -0.6499563455581665, -0.9831565022468567, 0.26154568791389465, 0.5353829264640808, 0.18541257083415985, -0.27655264735221863, 0.05424366518855095, 0.7254751920700073, -0.15214061737060547, 0.9234845042228699]} +{"paper_id": "merty/nateraw-food101-copy", "embedding": [-0.5545956492424011, 0.5525277853012085, -0.48917433619499207, -0.23838607966899872, 0.12488799542188644, 0.02380918711423874, 0.5248440504074097, 0.0016455724835395813, 0.7492538690567017, 0.7890614867210388, 1.062340497970581, 0.006073633208870888, -0.28836488723754883, -0.920961320400238, -0.4167505204677582, 0.2776128947734833, -0.541060745716095, -0.687061071395874, -0.9135437607765198, -0.10464373975992203, -1.2949978113174438, -0.34746885299682617, -0.3791104257106781, -0.01341894268989563, -0.5366654992103577, -0.1460035741329193, 0.3968847990036011, 0.013694273307919502, 0.23545822501182556, 0.6583179235458374, -0.1828753650188446, 0.6534696221351624, -1.5160249471664429, 0.8477190136909485, -0.9068450927734375, -0.22180487215518951, 0.9324552416801453, 0.8014736175537109, -0.25294533371925354, -0.49879854917526245, -0.3751462697982788, 0.2947286367416382, 0.7843130826950073, 0.5312855243682861, 0.8076351881027222, -0.5135882496833801, 0.3494087755680084, 0.3917301297187805, -0.5828548073768616, 0.10358330607414246, 0.17678794264793396, 0.7973716855049133, -0.42215535044670105, 0.6815910339355469, -0.8494138717651367, 1.1283595561981201, -0.0376240536570549, 0.19400936365127563, 0.43587979674339294, -0.599981427192688, 0.1906730979681015, 0.8165971040725708, -0.2826080918312073, -0.3182043135166168, 0.22407597303390503, -0.5247302651405334, 0.3996395468711853, -0.6996772885322571, 0.27151191234588623, 0.15647000074386597, 0.10740599036216736, -1.5642738342285156, 0.6303492784500122, 0.188429057598114, 0.28126320242881775, 0.9663736820220947, -0.39400702714920044, -1.0051989555358887, 0.08326509594917297, -0.3467181921005249, -0.30734214186668396, 0.07842740416526794, 0.4969356060028076, 0.018536873161792755, 0.06689019501209259, -0.15679293870925903, -0.15579286217689514, -0.44617918133735657, 0.08712282031774521, -1.3751108646392822, 0.5890045762062073, 0.44783276319503784, 0.4873785376548767, 0.33216094970703125, -0.2516043484210968, -0.48663780093193054, -0.6407445669174194, -0.370939701795578, -0.8950067758560181, 0.4588088393211365, 0.3985065817832947, -0.6937540769577026, 0.7001984715461731, 0.12923455238342285, 0.05908925458788872, 0.44529807567596436, -0.5898162126541138, 0.5309680700302124, -0.3740943372249603, 0.013629280030727386, 0.12930481135845184, 0.7702986598014832, 0.6399496793746948, 0.19329118728637695, -0.28768661618232727, 0.42717546224594116, 0.21726223826408386, 0.40241101384162903, -0.6080940365791321, -0.1612858921289444, 0.37106677889823914, -2.12251615524292, -0.9131468534469604, -0.7468048930168152, 0.7151558995246887, -0.41549861431121826, 0.7692944407463074, -0.04242487996816635, -0.33703699707984924, -0.6910434365272522, 0.6719516515731812, -0.15595370531082153, -0.4568089246749878, 0.657272219657898, 2.750891923904419, -0.40220698714256287, 0.668846607208252, -0.33276844024658203, -0.6861158013343811, -0.34392571449279785, 0.16624772548675537, 0.7268879413604736, 0.19446668028831482, -1.044582486152649, -0.31299710273742676, -0.2992338538169861, -0.3610020875930786, 0.6473982930183411, -1.171363353729248, 0.3569749593734741, -0.24713489413261414, 0.5882477164268494, -0.9205729365348816, -1.065184473991394, 0.21443964540958405, 0.5558487772941589, 0.9171229600906372, -0.5324165225028992, -0.6470211744308472, 0.09249138832092285, 0.3444758355617523, 0.49818336963653564, -0.27056825160980225, 0.6639590859413147, -0.30017349123954773, 0.2689913511276245, 1.0039918422698975, 0.10146554559469223, -0.2512037754058838, -0.026336878538131714, 0.554247260093689, -0.656909167766571, 0.8306795358657837, 0.12581035494804382, 0.1229935958981514, 0.04358997195959091, -0.2061961591243744, 0.7138289213180542, 0.32807597517967224, -0.959776759147644, 0.0014361273497343063, 0.469381719827652, 0.05715429037809372, 0.0863969475030899, 1.0474547147750854, -0.2138410359621048, -1.316329836845398, 0.3984828591346741, -0.5750360488891602, 0.42552945017814636, -0.4863661527633667, -0.4808216989040375, 0.32909271121025085, 0.17179636657238007, -0.2207900881767273, -0.06938759982585907, 0.43957483768463135, -0.8672943115234375, -0.5090780258178711, 1.490098237991333, 0.03802710399031639, 0.19394728541374207, -0.8718996047973633, 0.43728315830230713, 0.5435686111450195, 0.40105509757995605, 0.28923299908638, -0.8080256581306458, 0.6156506538391113, 0.7441399097442627, 0.29288530349731445, -0.8697156310081482, -0.236934632062912, -0.9843664765357971, 0.38216641545295715, -1.143800139427185, 0.7363256216049194, -1.2516849040985107, -0.7594476342201233, -1.319203495979309, -0.32770517468452454, -0.32989877462387085, 0.37281620502471924, 0.0011024866253137589, 0.6775689125061035, -1.1790366172790527, -0.34411388635635376, 0.380904883146286, -0.9380263686180115, 0.5318437218666077, 0.1264435201883316, 0.2817689776420593, 0.4382615387439728, 0.38164591789245605, -0.18984457850456238, 0.11960083246231079, 0.5453651547431946, 0.5329131484031677, -0.5271380543708801, 0.4049931466579437, -0.20285210013389587, 0.4002698063850403, -0.985769510269165, 0.1190042570233345, 0.4244230389595032, -0.17358431220054626, -0.03753658011555672, -1.4126838445663452, -0.3717220425605774, -0.1416815221309662, 1.5144716501235962, 0.11606347560882568, 0.04435295611619949, 0.4206955134868622, 0.33829405903816223, -0.558940589427948, 0.8620248436927795, -0.0069784000515937805, 1.466431975364685, -0.7944903373718262, 0.3628091514110565, -0.034555912017822266, -0.1690228134393692, 0.08270511031150818, 0.22623461484909058, -0.2901201546192169, -0.47434136271476746, 0.07359712570905685, -1.3507260084152222, -0.5476018190383911, -0.5157870650291443, 0.3908059000968933, 0.5452682971954346, -0.3275860846042633, 0.2254205048084259, 0.864351749420166, 0.04445148631930351, 1.0773794651031494, 0.2931654155254364, 0.6237419843673706, 0.7475436329841614, -0.3551074266433716, 0.07332473993301392, 0.29757586121559143, 0.5201500654220581, -0.8051835894584656, 0.02984430640935898, -0.9710963368415833, -0.6778907775878906, -0.8473629355430603, -0.01637517288327217, -0.07504042237997055, -0.5841507315635681, 0.8596610426902771, -0.22499966621398926, -1.6694345474243164, 1.9676629304885864, -0.1517803966999054, 0.2579324245452881, 0.32368725538253784, 0.8350664973258972, 0.3414723575115204, -0.3361113667488098, -0.24515967071056366, -0.10079246014356613, -0.13913528621196747, 1.3164324760437012, -0.3921099603176117, -0.15296104550361633, 0.9196503162384033, -0.19969071447849274, -0.46935465931892395, 0.15999460220336914, -1.6103649139404297, -0.5322662591934204, -0.163606658577919, -0.07388781011104584, -0.3371516168117523, -0.9632591009140015, -0.506013810634613, -0.16314388811588287, 0.22924107313156128, 0.10368838161230087, -1.2218433618545532, 0.09877805411815643, 0.23503315448760986, 0.11321000754833221, 0.9528210759162903, -0.6781204342842102, 0.08696307241916656, 0.4138440489768982, -0.029944688081741333, -0.6618186831474304, -0.4749351441860199, 0.5808612704277039, -0.4448349177837372, 0.04370279982686043, 0.6953020691871643, 1.2093361616134644, 0.7489713430404663, 0.007134877145290375, -0.09462781995534897, -0.044172726571559906, 0.18947947025299072, 0.10965225845575333, 0.12139394134283066, 0.12789680063724518, 0.3903976082801819, 1.2062370777130127, 0.7395064234733582, 0.02681152895092964, -0.3527940809726715, -0.2149282842874527, 0.7146539688110352, -0.3077549934387207, 0.5359265804290771, 1.1390693187713623, 0.1826116442680359, 1.5336953401565552, -0.13376960158348083, 0.9251038432121277, 0.32686564326286316, 0.12036770582199097, 0.7823678851127625, 1.0683619976043701, -0.2642363905906677, 0.09600621461868286, 0.7557646036148071, -0.047739334404468536, 0.2976020574569702, 0.026937903836369514, -0.048269692808389664, 0.7519436478614807, -0.25243255496025085, -0.7784023284912109, 0.269223153591156, 0.2790716588497162, 0.6780080795288086, 1.15891695022583, 0.0031230393797159195, -1.1312462091445923, -0.457952082157135, 0.0928831696510315, 0.40353691577911377, -1.1624226570129395, -0.3589089512825012, 0.5518540143966675, -0.43070387840270996, 1.5987017154693604, -0.04019420966506004, 0.4003491997718811, 0.3934481739997864, -0.2960553765296936, -0.4438347816467285, 0.37514743208885193, -0.5102114677429199, -1.156200885772705, -0.28263920545578003, 0.025730028748512268, -0.828223705291748, 0.20540672540664673, -0.3454466164112091, -1.3106131553649902, 0.615004301071167, 0.15441478788852692, -0.25275903940200806, 0.7605642080307007, 1.4968852996826172, -0.8698122501373291, -0.29550665616989136, -0.24329888820648193, -0.595574676990509, -0.37719619274139404, 0.5466480851173401, -0.02144862711429596, 0.129672110080719, -0.5215954184532166, 0.7199863791465759, -0.7161506414413452, -0.26068997383117676, -0.41705164313316345, 1.3629189729690552, 0.04262425750494003, -0.8496924042701721, 0.33609867095947266, -0.5293828248977661, 0.45669180154800415, 0.3015069365501404, -1.5770435333251953, -0.05689505860209465, 1.287515640258789, 0.8414664268493652, -0.1144898533821106, -0.8388211131095886, 0.08269590139389038, -0.19705313444137573, 0.49315276741981506, 1.129122257232666, -0.7132091522216797, 0.10942201316356659, 0.02425140142440796, 1.1345230340957642, 0.6342611312866211, -0.13236089050769806, -0.11499056220054626, 1.706453561782837, -0.0303843691945076, 1.1687382459640503, -0.46971815824508667, -0.34418758749961853, 0.669437050819397, 0.11525843292474747, 0.3195260167121887, 0.48147228360176086, -12.982478141784668, 0.11421357095241547, -0.7839430570602417, 0.37935465574264526, 0.5529030561447144, 0.2801562249660492, 0.8778879642486572, 0.5592972040176392, 0.42350029945373535, -0.5782710313796997, 0.6743173003196716, 0.8556232452392578, 0.48156967759132385, -0.22871975600719452, -0.3736781179904938, -0.4939437508583069, -0.9473775029182434, 0.16260085999965668, 0.48304426670074463, 0.5348928570747375, 1.2080655097961426, 0.02799633890390396, -0.18345391750335693, -0.24502931535243988, -0.19031909108161926, -1.017920970916748, 0.08417319506406784, -0.12850293517112732, -0.9183526635169983, -0.37282636761665344, 0.13175275921821594, -0.2117547243833542, -0.9451299905776978, -0.8633164763450623, 0.15787166357040405, -0.10260787606239319, -0.4481494426727295, -0.3142559230327606, 2.063849449157715, 0.009149467572569847, -0.8886639475822449, 0.4603295922279358, -0.5027931928634644, 0.6501834392547607, -0.5679865479469299, -0.07008775323629379, -0.423019677400589, 0.1426098793745041, 0.0544683113694191, -0.6686325073242188, -0.5987161993980408, -0.2111886888742447, 0.546588122844696, -0.5674853324890137, 1.114011287689209, 0.4739830195903778, -0.6203078627586365, -0.3879795968532562, -0.8892095685005188, -1.0082511901855469, 0.5004689693450928, 0.15975433588027954, -0.7748415470123291, 0.939550518989563, 0.34982284903526306, -1.315831184387207, 0.5802849531173706, 0.7515896558761597, -0.6248073577880859, 0.05729425698518753, -0.4717121124267578, 0.5202383995056152, 1.1168383359909058, -0.623134970664978, -0.23469418287277222, -0.1347510814666748, -0.341399610042572, 0.11170881986618042, -0.5465803742408752, 0.2696320712566376, -0.7413873672485352, 0.5973750948905945, -0.5994747281074524, -0.5946580171585083, -0.14703749120235443, 0.043387215584516525, 0.4133909344673157, 0.08737136423587799, 0.04035075753927231, 0.609670102596283, 1.0433368682861328, 0.5659667253494263, -0.1148575097322464, -0.815868616104126, -0.7212560176849365, 1.1313302516937256, -0.9899316430091858, -0.3725000321865082, -0.8018449544906616, -0.8544102907180786, 0.9439324140548706, 0.17965924739837646, 0.281587153673172, 0.30448201298713684, 0.9072291254997253, -0.42936062812805176, 0.22060763835906982, 0.8675733804702759, 0.2008465975522995, 1.0848002433776855, 0.10110151767730713, -1.3700690269470215, -0.7874665856361389, 1.0285171270370483, -0.18522539734840393, 0.13726547360420227, 0.7539739012718201, -0.8414279222488403, 0.5295200943946838, 0.1700829565525055, 0.32329240441322327, -0.17895708978176117, 0.41141679883003235, 0.625125527381897, 0.539024829864502, 0.013431357219815254, -0.07699434459209442, 0.5919840931892395, -0.17593440413475037, -0.7593029141426086, 0.8248483538627625, -0.16314834356307983, -0.53646320104599, -0.20555317401885986, 0.270353227853775, -0.8677981495857239, -0.3586244285106659, 1.7743831872940063, -0.23089316487312317, 0.5556724667549133, -0.024636538699269295, -0.4299805164337158, -0.1289466917514801, -0.34603744745254517, -0.09454073756933212, -0.5917773246765137, -0.7691581845283508, 0.24041247367858887, -0.18729902803897858, -0.5132306814193726, 1.059533953666687, 0.22396805882453918, 0.5824213027954102, -0.6813569664955139, -0.6797739267349243, 0.05471673607826233, 0.027746792882680893, -0.920621395111084, 0.23953329026699066, -0.089886873960495, 0.7572900652885437, -0.14826396107673645, -1.0439598560333252, 1.130623459815979, 0.4012119770050049, 0.12610767781734467, -0.9411240220069885, -0.4394100308418274, 0.746842622756958, -0.20973265171051025, 0.5512857437133789, -0.5936564803123474, 0.5198559165000916, -0.5252279043197632, 0.18182185292243958, -0.39858829975128174, -0.5872790217399597, 1.2290620803833008, -1.201134443283081, 1.0841050148010254, 0.16376890242099762, 1.0193504095077515, 0.6536797881126404, -1.1200740337371826, -0.12493586540222168, -0.04036939889192581, 0.27637970447540283, 0.5639365911483765, -0.39402762055397034, 0.6614387631416321, -1.8948862552642822, -0.5218814611434937, -0.45293155312538147, 0.3311091661453247, 0.7625489234924316, 0.45497336983680725, 0.2373085469007492, 0.2907494902610779, -0.7235907316207886, -0.005363151431083679, 0.4635017216205597, 0.07842351496219635, 0.18267276883125305, -0.38237568736076355, -0.031443964689970016, -0.5025063157081604, -0.5001693367958069, -1.0036405324935913, -0.23457667231559753, 0.5579306483268738, -0.48805657029151917, 0.6563701629638672, 0.32812798023223877, -0.7205846309661865, -0.12138554453849792, -0.36081618070602417, -0.08606057614088058, -0.2335147112607956, 0.22145788371562958, -0.7674004435539246, 0.15205128490924835, 0.4472575783729553, -0.3637031316757202, 1.0752158164978027, -0.4370754063129425, 0.9404354691505432, 0.7272244095802307, 0.5083077549934387, 1.6517776250839233, 0.8569071888923645, 0.13272088766098022, 0.22545328736305237, -0.1514805257320404, -0.5456109046936035, -0.36313560605049133, -0.25607699155807495, -1.1355615854263306, 0.42609110474586487, -0.8267940282821655, -0.16147583723068237, -1.1924864053726196, -0.14460265636444092, 0.37620609998703003, 0.459609717130661, -0.41344642639160156, -1.2561147212982178, -0.1800379902124405, -0.5780553221702576, 0.12073014676570892, -0.30481237173080444, -0.44839680194854736, 0.9302076697349548, 0.8591930866241455, -0.13550825417041779, 0.9773591756820679, -0.10398322343826294, -0.49184441566467285, 0.36431965231895447, -0.11653447151184082, 1.0333744287490845, 0.9732968807220459, -0.15152284502983093, 0.5591818690299988, 0.2045443058013916, -0.019497450441122055, -0.2603991627693176, 0.39335957169532776, 0.6228296160697937, 1.0041131973266602, -1.1681321859359741, -0.7890095114707947, -0.2271614372730255, -0.4152893126010895, -0.3075386583805084, -0.4259919226169586, 0.38494449853897095, -0.2318723052740097, -0.7283568382263184, 0.16978387534618378, 0.4786643385887146, 0.01179167628288269, 0.4156756103038788, -0.6056762337684631, -0.4610341191291809, 0.6221196055412292, 0.7063608765602112, -0.1267276108264923, -0.17089039087295532, -0.07590992003679276, -0.20391032099723816, 0.262340784072876, 0.016603542491793633, -1.0581365823745728, -0.29478102922439575, -0.1235058456659317, -0.5128282308578491, -0.13134418427944183, -0.9603880047798157, -0.3599892854690552, -0.11540788412094116, -0.0890064686536789, -0.0706675574183464, 0.17470373213291168, -0.31304049491882324, 0.9240670800209045, -0.09968301653862, 0.3150143325328827, 0.7513848543167114, -0.49901527166366577, -0.009278674609959126, 0.2059171497821808, -0.3792898654937744, -0.019120199605822563, 0.7154276967048645]} +{"paper_id": "mozilla-foundation/common_voice_2_0", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "mozilla-foundation/common_voice_4_0", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "mozilla-foundation/common_voice_5_0", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "mozilla-foundation/common_voice_5_1", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "mozilla-foundation/common_voice_6_1", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "nateraw/food101", "embedding": [-0.5545956492424011, 0.5525277853012085, -0.48917433619499207, -0.23838607966899872, 0.12488799542188644, 0.02380918711423874, 0.5248440504074097, 0.0016455724835395813, 0.7492538690567017, 0.7890614867210388, 1.062340497970581, 0.006073633208870888, -0.28836488723754883, -0.920961320400238, -0.4167505204677582, 0.2776128947734833, -0.541060745716095, -0.687061071395874, -0.9135437607765198, -0.10464373975992203, -1.2949978113174438, -0.34746885299682617, -0.3791104257106781, -0.01341894268989563, -0.5366654992103577, -0.1460035741329193, 0.3968847990036011, 0.013694273307919502, 0.23545822501182556, 0.6583179235458374, -0.1828753650188446, 0.6534696221351624, -1.5160249471664429, 0.8477190136909485, -0.9068450927734375, -0.22180487215518951, 0.9324552416801453, 0.8014736175537109, -0.25294533371925354, -0.49879854917526245, -0.3751462697982788, 0.2947286367416382, 0.7843130826950073, 0.5312855243682861, 0.8076351881027222, -0.5135882496833801, 0.3494087755680084, 0.3917301297187805, -0.5828548073768616, 0.10358330607414246, 0.17678794264793396, 0.7973716855049133, -0.42215535044670105, 0.6815910339355469, -0.8494138717651367, 1.1283595561981201, -0.0376240536570549, 0.19400936365127563, 0.43587979674339294, -0.599981427192688, 0.1906730979681015, 0.8165971040725708, -0.2826080918312073, -0.3182043135166168, 0.22407597303390503, -0.5247302651405334, 0.3996395468711853, -0.6996772885322571, 0.27151191234588623, 0.15647000074386597, 0.10740599036216736, -1.5642738342285156, 0.6303492784500122, 0.188429057598114, 0.28126320242881775, 0.9663736820220947, -0.39400702714920044, -1.0051989555358887, 0.08326509594917297, -0.3467181921005249, -0.30734214186668396, 0.07842740416526794, 0.4969356060028076, 0.018536873161792755, 0.06689019501209259, -0.15679293870925903, -0.15579286217689514, -0.44617918133735657, 0.08712282031774521, -1.3751108646392822, 0.5890045762062073, 0.44783276319503784, 0.4873785376548767, 0.33216094970703125, -0.2516043484210968, -0.48663780093193054, -0.6407445669174194, -0.370939701795578, -0.8950067758560181, 0.4588088393211365, 0.3985065817832947, -0.6937540769577026, 0.7001984715461731, 0.12923455238342285, 0.05908925458788872, 0.44529807567596436, -0.5898162126541138, 0.5309680700302124, -0.3740943372249603, 0.013629280030727386, 0.12930481135845184, 0.7702986598014832, 0.6399496793746948, 0.19329118728637695, -0.28768661618232727, 0.42717546224594116, 0.21726223826408386, 0.40241101384162903, -0.6080940365791321, -0.1612858921289444, 0.37106677889823914, -2.12251615524292, -0.9131468534469604, -0.7468048930168152, 0.7151558995246887, -0.41549861431121826, 0.7692944407463074, -0.04242487996816635, -0.33703699707984924, -0.6910434365272522, 0.6719516515731812, -0.15595370531082153, -0.4568089246749878, 0.657272219657898, 2.750891923904419, -0.40220698714256287, 0.668846607208252, -0.33276844024658203, -0.6861158013343811, -0.34392571449279785, 0.16624772548675537, 0.7268879413604736, 0.19446668028831482, -1.044582486152649, -0.31299710273742676, -0.2992338538169861, -0.3610020875930786, 0.6473982930183411, -1.171363353729248, 0.3569749593734741, -0.24713489413261414, 0.5882477164268494, -0.9205729365348816, -1.065184473991394, 0.21443964540958405, 0.5558487772941589, 0.9171229600906372, -0.5324165225028992, -0.6470211744308472, 0.09249138832092285, 0.3444758355617523, 0.49818336963653564, -0.27056825160980225, 0.6639590859413147, -0.30017349123954773, 0.2689913511276245, 1.0039918422698975, 0.10146554559469223, -0.2512037754058838, -0.026336878538131714, 0.554247260093689, -0.656909167766571, 0.8306795358657837, 0.12581035494804382, 0.1229935958981514, 0.04358997195959091, -0.2061961591243744, 0.7138289213180542, 0.32807597517967224, -0.959776759147644, 0.0014361273497343063, 0.469381719827652, 0.05715429037809372, 0.0863969475030899, 1.0474547147750854, -0.2138410359621048, -1.316329836845398, 0.3984828591346741, -0.5750360488891602, 0.42552945017814636, -0.4863661527633667, -0.4808216989040375, 0.32909271121025085, 0.17179636657238007, -0.2207900881767273, -0.06938759982585907, 0.43957483768463135, -0.8672943115234375, -0.5090780258178711, 1.490098237991333, 0.03802710399031639, 0.19394728541374207, -0.8718996047973633, 0.43728315830230713, 0.5435686111450195, 0.40105509757995605, 0.28923299908638, -0.8080256581306458, 0.6156506538391113, 0.7441399097442627, 0.29288530349731445, -0.8697156310081482, -0.236934632062912, -0.9843664765357971, 0.38216641545295715, -1.143800139427185, 0.7363256216049194, -1.2516849040985107, -0.7594476342201233, -1.319203495979309, -0.32770517468452454, -0.32989877462387085, 0.37281620502471924, 0.0011024866253137589, 0.6775689125061035, -1.1790366172790527, -0.34411388635635376, 0.380904883146286, -0.9380263686180115, 0.5318437218666077, 0.1264435201883316, 0.2817689776420593, 0.4382615387439728, 0.38164591789245605, -0.18984457850456238, 0.11960083246231079, 0.5453651547431946, 0.5329131484031677, -0.5271380543708801, 0.4049931466579437, -0.20285210013389587, 0.4002698063850403, -0.985769510269165, 0.1190042570233345, 0.4244230389595032, -0.17358431220054626, -0.03753658011555672, -1.4126838445663452, -0.3717220425605774, -0.1416815221309662, 1.5144716501235962, 0.11606347560882568, 0.04435295611619949, 0.4206955134868622, 0.33829405903816223, -0.558940589427948, 0.8620248436927795, -0.0069784000515937805, 1.466431975364685, -0.7944903373718262, 0.3628091514110565, -0.034555912017822266, -0.1690228134393692, 0.08270511031150818, 0.22623461484909058, -0.2901201546192169, -0.47434136271476746, 0.07359712570905685, -1.3507260084152222, -0.5476018190383911, -0.5157870650291443, 0.3908059000968933, 0.5452682971954346, -0.3275860846042633, 0.2254205048084259, 0.864351749420166, 0.04445148631930351, 1.0773794651031494, 0.2931654155254364, 0.6237419843673706, 0.7475436329841614, -0.3551074266433716, 0.07332473993301392, 0.29757586121559143, 0.5201500654220581, -0.8051835894584656, 0.02984430640935898, -0.9710963368415833, -0.6778907775878906, -0.8473629355430603, -0.01637517288327217, -0.07504042237997055, -0.5841507315635681, 0.8596610426902771, -0.22499966621398926, -1.6694345474243164, 1.9676629304885864, -0.1517803966999054, 0.2579324245452881, 0.32368725538253784, 0.8350664973258972, 0.3414723575115204, -0.3361113667488098, -0.24515967071056366, -0.10079246014356613, -0.13913528621196747, 1.3164324760437012, -0.3921099603176117, -0.15296104550361633, 0.9196503162384033, -0.19969071447849274, -0.46935465931892395, 0.15999460220336914, -1.6103649139404297, -0.5322662591934204, -0.163606658577919, -0.07388781011104584, -0.3371516168117523, -0.9632591009140015, -0.506013810634613, -0.16314388811588287, 0.22924107313156128, 0.10368838161230087, -1.2218433618545532, 0.09877805411815643, 0.23503315448760986, 0.11321000754833221, 0.9528210759162903, -0.6781204342842102, 0.08696307241916656, 0.4138440489768982, -0.029944688081741333, -0.6618186831474304, -0.4749351441860199, 0.5808612704277039, -0.4448349177837372, 0.04370279982686043, 0.6953020691871643, 1.2093361616134644, 0.7489713430404663, 0.007134877145290375, -0.09462781995534897, -0.044172726571559906, 0.18947947025299072, 0.10965225845575333, 0.12139394134283066, 0.12789680063724518, 0.3903976082801819, 1.2062370777130127, 0.7395064234733582, 0.02681152895092964, -0.3527940809726715, -0.2149282842874527, 0.7146539688110352, -0.3077549934387207, 0.5359265804290771, 1.1390693187713623, 0.1826116442680359, 1.5336953401565552, -0.13376960158348083, 0.9251038432121277, 0.32686564326286316, 0.12036770582199097, 0.7823678851127625, 1.0683619976043701, -0.2642363905906677, 0.09600621461868286, 0.7557646036148071, -0.047739334404468536, 0.2976020574569702, 0.026937903836369514, -0.048269692808389664, 0.7519436478614807, -0.25243255496025085, -0.7784023284912109, 0.269223153591156, 0.2790716588497162, 0.6780080795288086, 1.15891695022583, 0.0031230393797159195, -1.1312462091445923, -0.457952082157135, 0.0928831696510315, 0.40353691577911377, -1.1624226570129395, -0.3589089512825012, 0.5518540143966675, -0.43070387840270996, 1.5987017154693604, -0.04019420966506004, 0.4003491997718811, 0.3934481739997864, -0.2960553765296936, -0.4438347816467285, 0.37514743208885193, -0.5102114677429199, -1.156200885772705, -0.28263920545578003, 0.025730028748512268, -0.828223705291748, 0.20540672540664673, -0.3454466164112091, -1.3106131553649902, 0.615004301071167, 0.15441478788852692, -0.25275903940200806, 0.7605642080307007, 1.4968852996826172, -0.8698122501373291, -0.29550665616989136, -0.24329888820648193, -0.595574676990509, -0.37719619274139404, 0.5466480851173401, -0.02144862711429596, 0.129672110080719, -0.5215954184532166, 0.7199863791465759, -0.7161506414413452, -0.26068997383117676, -0.41705164313316345, 1.3629189729690552, 0.04262425750494003, -0.8496924042701721, 0.33609867095947266, -0.5293828248977661, 0.45669180154800415, 0.3015069365501404, -1.5770435333251953, -0.05689505860209465, 1.287515640258789, 0.8414664268493652, -0.1144898533821106, -0.8388211131095886, 0.08269590139389038, -0.19705313444137573, 0.49315276741981506, 1.129122257232666, -0.7132091522216797, 0.10942201316356659, 0.02425140142440796, 1.1345230340957642, 0.6342611312866211, -0.13236089050769806, -0.11499056220054626, 1.706453561782837, -0.0303843691945076, 1.1687382459640503, -0.46971815824508667, -0.34418758749961853, 0.669437050819397, 0.11525843292474747, 0.3195260167121887, 0.48147228360176086, -12.982478141784668, 0.11421357095241547, -0.7839430570602417, 0.37935465574264526, 0.5529030561447144, 0.2801562249660492, 0.8778879642486572, 0.5592972040176392, 0.42350029945373535, -0.5782710313796997, 0.6743173003196716, 0.8556232452392578, 0.48156967759132385, -0.22871975600719452, -0.3736781179904938, -0.4939437508583069, -0.9473775029182434, 0.16260085999965668, 0.48304426670074463, 0.5348928570747375, 1.2080655097961426, 0.02799633890390396, -0.18345391750335693, -0.24502931535243988, -0.19031909108161926, -1.017920970916748, 0.08417319506406784, -0.12850293517112732, -0.9183526635169983, -0.37282636761665344, 0.13175275921821594, -0.2117547243833542, -0.9451299905776978, -0.8633164763450623, 0.15787166357040405, -0.10260787606239319, -0.4481494426727295, -0.3142559230327606, 2.063849449157715, 0.009149467572569847, -0.8886639475822449, 0.4603295922279358, -0.5027931928634644, 0.6501834392547607, -0.5679865479469299, -0.07008775323629379, -0.423019677400589, 0.1426098793745041, 0.0544683113694191, -0.6686325073242188, -0.5987161993980408, -0.2111886888742447, 0.546588122844696, -0.5674853324890137, 1.114011287689209, 0.4739830195903778, -0.6203078627586365, -0.3879795968532562, -0.8892095685005188, -1.0082511901855469, 0.5004689693450928, 0.15975433588027954, -0.7748415470123291, 0.939550518989563, 0.34982284903526306, -1.315831184387207, 0.5802849531173706, 0.7515896558761597, -0.6248073577880859, 0.05729425698518753, -0.4717121124267578, 0.5202383995056152, 1.1168383359909058, -0.623134970664978, -0.23469418287277222, -0.1347510814666748, -0.341399610042572, 0.11170881986618042, -0.5465803742408752, 0.2696320712566376, -0.7413873672485352, 0.5973750948905945, -0.5994747281074524, -0.5946580171585083, -0.14703749120235443, 0.043387215584516525, 0.4133909344673157, 0.08737136423587799, 0.04035075753927231, 0.609670102596283, 1.0433368682861328, 0.5659667253494263, -0.1148575097322464, -0.815868616104126, -0.7212560176849365, 1.1313302516937256, -0.9899316430091858, -0.3725000321865082, -0.8018449544906616, -0.8544102907180786, 0.9439324140548706, 0.17965924739837646, 0.281587153673172, 0.30448201298713684, 0.9072291254997253, -0.42936062812805176, 0.22060763835906982, 0.8675733804702759, 0.2008465975522995, 1.0848002433776855, 0.10110151767730713, -1.3700690269470215, -0.7874665856361389, 1.0285171270370483, -0.18522539734840393, 0.13726547360420227, 0.7539739012718201, -0.8414279222488403, 0.5295200943946838, 0.1700829565525055, 0.32329240441322327, -0.17895708978176117, 0.41141679883003235, 0.625125527381897, 0.539024829864502, 0.013431357219815254, -0.07699434459209442, 0.5919840931892395, -0.17593440413475037, -0.7593029141426086, 0.8248483538627625, -0.16314834356307983, -0.53646320104599, -0.20555317401885986, 0.270353227853775, -0.8677981495857239, -0.3586244285106659, 1.7743831872940063, -0.23089316487312317, 0.5556724667549133, -0.024636538699269295, -0.4299805164337158, -0.1289466917514801, -0.34603744745254517, -0.09454073756933212, -0.5917773246765137, -0.7691581845283508, 0.24041247367858887, -0.18729902803897858, -0.5132306814193726, 1.059533953666687, 0.22396805882453918, 0.5824213027954102, -0.6813569664955139, -0.6797739267349243, 0.05471673607826233, 0.027746792882680893, -0.920621395111084, 0.23953329026699066, -0.089886873960495, 0.7572900652885437, -0.14826396107673645, -1.0439598560333252, 1.130623459815979, 0.4012119770050049, 0.12610767781734467, -0.9411240220069885, -0.4394100308418274, 0.746842622756958, -0.20973265171051025, 0.5512857437133789, -0.5936564803123474, 0.5198559165000916, -0.5252279043197632, 0.18182185292243958, -0.39858829975128174, -0.5872790217399597, 1.2290620803833008, -1.201134443283081, 1.0841050148010254, 0.16376890242099762, 1.0193504095077515, 0.6536797881126404, -1.1200740337371826, -0.12493586540222168, -0.04036939889192581, 0.27637970447540283, 0.5639365911483765, -0.39402762055397034, 0.6614387631416321, -1.8948862552642822, -0.5218814611434937, -0.45293155312538147, 0.3311091661453247, 0.7625489234924316, 0.45497336983680725, 0.2373085469007492, 0.2907494902610779, -0.7235907316207886, -0.005363151431083679, 0.4635017216205597, 0.07842351496219635, 0.18267276883125305, -0.38237568736076355, -0.031443964689970016, -0.5025063157081604, -0.5001693367958069, -1.0036405324935913, -0.23457667231559753, 0.5579306483268738, -0.48805657029151917, 0.6563701629638672, 0.32812798023223877, -0.7205846309661865, -0.12138554453849792, -0.36081618070602417, -0.08606057614088058, -0.2335147112607956, 0.22145788371562958, -0.7674004435539246, 0.15205128490924835, 0.4472575783729553, -0.3637031316757202, 1.0752158164978027, -0.4370754063129425, 0.9404354691505432, 0.7272244095802307, 0.5083077549934387, 1.6517776250839233, 0.8569071888923645, 0.13272088766098022, 0.22545328736305237, -0.1514805257320404, -0.5456109046936035, -0.36313560605049133, -0.25607699155807495, -1.1355615854263306, 0.42609110474586487, -0.8267940282821655, -0.16147583723068237, -1.1924864053726196, -0.14460265636444092, 0.37620609998703003, 0.459609717130661, -0.41344642639160156, -1.2561147212982178, -0.1800379902124405, -0.5780553221702576, 0.12073014676570892, -0.30481237173080444, -0.44839680194854736, 0.9302076697349548, 0.8591930866241455, -0.13550825417041779, 0.9773591756820679, -0.10398322343826294, -0.49184441566467285, 0.36431965231895447, -0.11653447151184082, 1.0333744287490845, 0.9732968807220459, -0.15152284502983093, 0.5591818690299988, 0.2045443058013916, -0.019497450441122055, -0.2603991627693176, 0.39335957169532776, 0.6228296160697937, 1.0041131973266602, -1.1681321859359741, -0.7890095114707947, -0.2271614372730255, -0.4152893126010895, -0.3075386583805084, -0.4259919226169586, 0.38494449853897095, -0.2318723052740097, -0.7283568382263184, 0.16978387534618378, 0.4786643385887146, 0.01179167628288269, 0.4156756103038788, -0.6056762337684631, -0.4610341191291809, 0.6221196055412292, 0.7063608765602112, -0.1267276108264923, -0.17089039087295532, -0.07590992003679276, -0.20391032099723816, 0.262340784072876, 0.016603542491793633, -1.0581365823745728, -0.29478102922439575, -0.1235058456659317, -0.5128282308578491, -0.13134418427944183, -0.9603880047798157, -0.3599892854690552, -0.11540788412094116, -0.0890064686536789, -0.0706675574183464, 0.17470373213291168, -0.31304049491882324, 0.9240670800209045, -0.09968301653862, 0.3150143325328827, 0.7513848543167114, -0.49901527166366577, -0.009278674609959126, 0.2059171497821808, -0.3792898654937744, -0.019120199605822563, 0.7154276967048645]} +{"paper_id": "nielsr/FUNSD_layoutlmv2", "embedding": [-0.5320844054222107, 1.8309319019317627, -0.3248225152492523, -0.36410385370254517, 0.24827846884727478, 0.10458020865917206, 0.12065111845731735, 0.45283496379852295, 0.2704302966594696, 0.7881287336349487, 0.9044243097305298, -0.6146178245544434, 0.4651501476764679, -0.468021959066391, -0.6831852197647095, 0.19921517372131348, -0.45308348536491394, -0.6361852288246155, -1.2756367921829224, 0.27397456765174866, -1.2238765954971313, -1.2953656911849976, -0.4034881293773651, -0.6935716271400452, -1.8070900440216064, -0.29323017597198486, 0.34922680258750916, -0.7032187581062317, -0.5307064056396484, 0.09518995881080627, 0.008489936590194702, 0.5724751353263855, -1.8219597339630127, 1.0946428775787354, -0.2538280487060547, -0.012214146554470062, 1.105090856552124, 0.8310409188270569, -0.06991875171661377, -0.6795403361320496, -0.7082493901252747, 0.4267662465572357, 1.0556659698486328, -0.5344343781471252, -0.29598113894462585, -0.9409489631652832, -0.16600251197814941, 0.6186124682426453, -0.7656298875808716, 0.04098028317093849, -0.007429491728544235, 0.6378081440925598, 0.10193406045436859, 0.2329808473587036, -1.1548004150390625, 1.3111648559570312, -0.7423214316368103, -1.0269272327423096, 0.2402316927909851, 0.8866895437240601, -0.4333517253398895, 1.193195104598999, -0.3188478648662567, 0.19425395131111145, 0.7175111174583435, -0.047016244381666183, 0.8009207248687744, -0.7913206219673157, 0.4852420687675476, 0.44227656722068787, -0.7445668578147888, -1.8796579837799072, 0.7827935814857483, 0.2511155605316162, 0.35031506419181824, 1.8446078300476074, 0.015945902094244957, -0.2477034330368042, 1.2135634422302246, -0.3324383497238159, 0.07282513380050659, 0.08025792241096497, 0.8055900931358337, -0.43389350175857544, -0.3610316216945648, -0.02907404489815235, -0.24562017619609833, -0.13300496339797974, 1.025168538093567, -0.7857667803764343, 0.5716124773025513, -0.29918575286865234, 0.09314379096031189, 0.05054482817649841, 0.22514334321022034, -0.42403799295425415, -0.3034852147102356, 0.11084923148155212, -0.8219447135925293, 0.6509969830513, 0.7761868834495544, -0.3594598174095154, 1.6163862943649292, -0.3107333481311798, 0.5264982581138611, 0.15988294780254364, -0.530803918838501, 0.13345855474472046, -0.4631877541542053, 0.007378298789262772, 0.4158557057380676, 1.3106894493103027, 1.1435078382492065, 0.524372398853302, -0.07680509984493256, 0.05035664141178131, 0.36813995242118835, -0.0469488725066185, 0.39890342950820923, -0.23447386920452118, 0.25207170844078064, -0.8460231423377991, -0.40300875902175903, -1.0542263984680176, 0.8890953660011292, 0.16765275597572327, 0.6519705057144165, 0.48918595910072327, -1.0096092224121094, -0.5854306221008301, -0.006277941167354584, -0.19472169876098633, -0.8699142336845398, 0.8105765581130981, 2.977673053741455, -1.54326331615448, 0.12423118203878403, 0.6716247200965881, -0.25093501806259155, -0.044788941740989685, 0.4879586398601532, 1.8003082275390625, 0.5848431587219238, -1.246989369392395, -1.0869373083114624, 0.07867457717657089, 0.07969266921281815, 0.6460227370262146, -1.0464105606079102, 0.14310890436172485, -0.1684330254793167, 0.36131906509399414, -1.2070144414901733, -0.1786145269870758, 0.19585976004600525, -0.2806452214717865, 0.9770534634590149, -1.1295870542526245, 0.24764996767044067, 1.1155776977539062, 0.6887311339378357, 0.5326096415519714, -0.8892667293548584, 0.8115682005882263, -0.5379921197891235, 0.175966277718544, 0.9667350053787231, -0.3189953565597534, -1.5048049688339233, -0.09819059818983078, 0.09801091998815536, -1.3903135061264038, 0.56661057472229, 0.1711534708738327, -1.1495548486709595, 0.059569619596004486, 0.7766150832176208, 0.556183397769928, -0.19280968606472015, -0.6873155832290649, 0.009169992059469223, -0.2801300287246704, 0.002407766878604889, -0.27332785725593567, 0.12740294635295868, 0.31227970123291016, -2.857851505279541, -0.46872079372406006, -0.07426656037569046, 1.6444251537322998, 0.7493374347686768, -0.04979271441698074, 0.21027997136116028, 0.956013560295105, -0.06440352648496628, -0.6200768351554871, -0.3197876214981079, -1.027358889579773, 0.22414976358413696, -0.05467753857374191, 0.11316065490245819, 0.2955774664878845, -1.2961732149124146, 0.7209238409996033, 1.3563292026519775, -0.7895688414573669, 0.33511510491371155, -1.1255813837051392, 0.20769727230072021, 1.6419624090194702, 0.17234808206558228, -0.1773090958595276, -0.8277389407157898, -0.36845552921295166, 0.28330591320991516, -0.18231597542762756, 1.0400850772857666, -0.30589574575424194, -0.900108277797699, 0.10368575155735016, 0.30470162630081177, -1.11337411403656, -0.04090363532304764, -0.10325037688016891, 0.6094025373458862, -1.0358422994613647, 0.48305270075798035, 0.00847415067255497, -0.8825403451919556, 0.5600740909576416, 1.0941905975341797, -0.06443177163600922, -0.598108172416687, 1.3677891492843628, -0.026765160262584686, -0.30598461627960205, 0.7931807637214661, -0.0029189027845859528, -1.1446073055267334, 0.7311392426490784, -0.5403625965118408, 1.8975749015808105, 0.35317403078079224, -0.12437880039215088, 0.8828253746032715, -0.9438021779060364, 0.35284024477005005, -1.1591652631759644, -0.25456082820892334, -0.11114240437746048, 1.1857837438583374, 0.5800933837890625, -0.4219529330730438, 0.03218541666865349, -0.3452922999858856, -0.7259088754653931, 0.40706485509872437, -0.13594625890254974, 0.5590649843215942, -0.08463630080223083, -0.6858171224594116, -0.1892697662115097, -0.0004104897379875183, -0.01966002956032753, -0.5803518295288086, -1.044771671295166, -0.7040655016899109, -0.1470717489719391, -0.4255031943321228, -0.28587526082992554, -0.7715611457824707, 0.4530233144760132, 0.07231327146291733, -0.37940192222595215, 0.6614824533462524, -0.19276420772075653, -0.3094518780708313, 0.8050034046173096, 0.632969081401825, 0.23208367824554443, 0.3418426215648651, -0.4300956130027771, 0.3584713339805603, 0.9402315020561218, 0.4419887065887451, -0.8142637610435486, -0.3936206102371216, -0.8363523483276367, -0.02981056272983551, -0.9628433585166931, 0.43390214443206787, -0.3459031581878662, -0.27196213603019714, 1.1422866582870483, 0.037883028388023376, -1.3667908906936646, 0.7830653786659241, 0.1929815411567688, -0.4724368751049042, -0.47361576557159424, 1.3677242994308472, 0.3331367075443268, -1.1679397821426392, -1.001091718673706, 0.15762175619602203, -0.3860583007335663, 1.1824042797088623, 0.11474111676216125, 0.48697298765182495, 0.7240417003631592, -0.36276671290397644, 0.12621423602104187, 0.3440247178077698, -1.0095676183700562, 0.008411134593188763, 0.8781241178512573, 0.05379093065857887, -0.023242976516485214, -1.1745624542236328, -0.8770962357521057, -0.576479434967041, -0.6126797199249268, 0.47726401686668396, -1.3213868141174316, 0.2902970612049103, 0.21564042568206787, 0.1849180907011032, 0.861242949962616, -0.6766576170921326, 0.5533730387687683, -0.25364410877227783, 0.24993717670440674, -1.8564363718032837, -0.0021163132041692734, 0.9410405158996582, -0.4089599549770355, 0.5889945030212402, 0.7087981700897217, 0.4530154764652252, 0.3164001405239105, -0.13247594237327576, -0.34834420680999756, 0.6338063478469849, -0.20249345898628235, 0.10358759760856628, 1.494895100593567, -0.4736178517341614, 1.837531566619873, 0.799831211566925, 0.5419409275054932, -0.11775566637516022, -0.19630329310894012, -0.8998926281929016, -0.019283995032310486, -0.5405665040016174, -0.7165327668190002, 1.750075101852417, 0.8040079474449158, 2.4881601333618164, -0.2298407107591629, -0.4096818268299103, -0.8288141489028931, -0.29076364636421204, -0.3418165445327759, 1.3135080337524414, 0.22016525268554688, -0.7842251062393188, 0.7605684995651245, 0.26494669914245605, 1.0429400205612183, 0.3402775526046753, 0.4914385974407196, 0.6121293902397156, -0.32614490389823914, -0.6088301539421082, 0.14927411079406738, 0.06593792140483856, 0.11972058564424515, 1.6627576351165771, -0.05179215222597122, -0.5602583885192871, -0.5471175312995911, -0.04907353222370148, -0.036471035331487656, -0.5299414396286011, -0.3234146237373352, 0.33917152881622314, 0.619773268699646, 0.36959514021873474, 0.1524013727903366, 1.0915939807891846, 1.1031280755996704, 0.45064249634742737, -1.0071688890457153, 0.05088340863585472, -0.9221871495246887, -1.410825252532959, -0.286246120929718, -0.15535792708396912, -1.4180049896240234, 0.3188472390174866, -0.7975091338157654, -1.4359140396118164, 0.8611799478530884, -0.3823147714138031, -0.14333367347717285, 0.1542508602142334, 0.2988484501838684, -1.3035035133361816, -0.23609299957752228, 0.15286321938037872, -0.28915485739707947, -0.04396636784076691, -0.24634988605976105, -0.7983397841453552, 1.296350359916687, 0.1726611703634262, 0.8108941316604614, -0.6673885583877563, 0.28014129400253296, -0.7842726707458496, 1.355028748512268, 0.2383146435022354, -0.08454127609729767, -0.5021233558654785, -0.7296642661094666, 0.7199137210845947, 0.6748936176300049, -1.5903936624526978, 0.26263228058815, 1.7747492790222168, 0.5121573209762573, -0.05996733531355858, -0.8682980537414551, 0.11252336204051971, 0.708847165107727, 1.0359902381896973, 0.7643499374389648, -0.25785306096076965, 0.14694616198539734, -0.02175510674715042, 1.74161958694458, 0.6162971258163452, 0.02029980719089508, -1.4052412509918213, 0.8800832033157349, -1.0385186672210693, 0.9189820289611816, 0.4543721377849579, -0.18352828919887543, 1.2667927742004395, -0.5591018199920654, -0.1724124699831009, -0.05263850465416908, -10.536524772644043, 0.7227967977523804, -0.30801647901535034, 1.172865867614746, 0.6343390345573425, -0.4149250090122223, 1.5460448265075684, 0.014543547295033932, 0.8489257097244263, -0.29859715700149536, 0.2585941255092621, 1.9799913167953491, 0.3165397346019745, -0.06064288690686226, -0.879578709602356, -1.9255706071853638, -1.7424291372299194, -0.012700147926807404, 0.6632286310195923, 0.3630431890487671, 0.213551864027977, -1.0518875122070312, -0.37339645624160767, 0.3360736072063446, 0.6444395184516907, -0.5619559288024902, 0.4227597117424011, -1.0278207063674927, -0.8176804780960083, -0.6484891176223755, 0.23340415954589844, 0.7162349224090576, -1.0619118213653564, 0.49671226739883423, 0.41022682189941406, -0.2282269299030304, -0.41253817081451416, -0.9495952129364014, 1.6006511449813843, -0.566382646560669, -0.6474196314811707, 0.274452269077301, -0.4041409194469452, -0.28961876034736633, -1.4391934871673584, 0.38510721921920776, 0.316773384809494, -0.5445066690444946, -0.11026346683502197, -1.0489325523376465, -0.6631585955619812, -0.06653868407011032, -0.6216586232185364, -0.2703700065612793, 1.5700206756591797, 0.3065858483314514, 0.08111817389726639, -0.8915591835975647, -0.7294948697090149, -1.1311733722686768, 0.7708306312561035, -0.1556539386510849, -0.5244834423065186, 1.4039976596832275, 0.1185222640633583, 0.11436410993337631, 0.741349995136261, 0.6029577255249023, 1.2653440237045288, 0.10203322768211365, -0.13925698399543762, -0.10738193988800049, 0.3621096611022949, 0.24170945584774017, -0.7893338203430176, -0.5603112578392029, -0.5688118934631348, -0.4973885118961334, -0.519339382648468, 0.34024468064308167, -0.06105240434408188, 0.2869035303592682, -0.8601951003074646, -0.2506944537162781, 0.14695881307125092, -0.5989074110984802, -0.009589791297912598, 0.10417136549949646, -0.3677471876144409, -0.4648570716381073, 0.9796879887580872, -0.194724440574646, -0.0343036949634552, 0.08152972906827927, -0.5276508331298828, 0.7443598508834839, -0.7506937384605408, 0.35221239924430847, -0.6654900312423706, -0.662704348564148, 0.1300158053636551, 0.20422208309173584, -0.2680028975009918, -0.24867214262485504, 0.25277644395828247, 0.6053506731987, -0.5740858316421509, -0.26198145747184753, 0.527141809463501, 0.16419744491577148, -0.08167409151792526, -0.8769475221633911, -0.11792172491550446, 1.0018013715744019, 0.28835803270339966, -0.02232970856130123, 0.922201931476593, -0.228448286652565, -0.5730642676353455, 0.9298647046089172, 0.31630009412765503, 1.4068293571472168, 0.5262920260429382, 0.7914139628410339, 0.7274675369262695, -1.1063692569732666, 0.6578988432884216, 0.6862553954124451, -0.5603333711624146, -1.5919479131698608, 0.0035969801247119904, 0.002785678952932358, -0.03579391539096832, -1.1800522804260254, -0.10849317163228989, -0.9202905893325806, -0.8571418523788452, 0.9781186580657959, -0.1307840794324875, -0.005742453038692474, 0.23349438607692719, -0.701355516910553, -0.5891834497451782, -0.7664921283721924, -0.3836544454097748, 0.5037994980812073, -0.7085633873939514, -0.2659434378147125, -0.5131415724754333, -1.047196388244629, -0.18469294905662537, -0.023191574960947037, 0.7256212830543518, -0.29773804545402527, -0.26171547174453735, 0.6164330244064331, 0.33989134430885315, -0.8528566360473633, -0.19316624104976654, 0.5333781838417053, 0.17696577310562134, 0.25617554783821106, -0.7818619012832642, 0.8746019005775452, 0.7970294952392578, -0.12535296380519867, -1.4129315614700317, -0.7757384777069092, 0.7960153818130493, 0.34185951948165894, -0.14105628430843353, -0.08355587720870972, 0.6727511286735535, -0.21835824847221375, 0.09346166253089905, -0.06823103874921799, 0.8431272506713867, 1.2766789197921753, -1.1710312366485596, -0.2144351452589035, 0.4533809423446655, 0.27977943420410156, 1.469948410987854, -0.7808586359024048, -0.21226005256175995, 0.2932305335998535, -0.04894433170557022, -0.31137171387672424, 0.2049129754304886, 0.43641868233680725, -0.8569833040237427, -1.0888642072677612, -0.4884154796600342, -0.1485329419374466, 1.2179524898529053, 0.09854632616043091, 0.9119426012039185, 0.8195871710777283, 0.0076322853565216064, 0.8298678398132324, 0.10445216298103333, 0.4725368916988373, 0.5735414028167725, 0.5488855242729187, -0.05938031151890755, -0.015477284789085388, -0.9231892228126526, -0.19891388714313507, -0.3477439880371094, 0.37753304839134216, -0.310410737991333, 0.8356626629829407, 0.562938392162323, -0.9884042143821716, 0.8618273735046387, -1.306923508644104, 0.7669086456298828, -1.2486991882324219, -0.6808484196662903, -0.14969444274902344, 0.39727115631103516, 0.9507854580879211, -0.6195400357246399, 0.9452298283576965, 0.27168235182762146, -0.41211366653442383, 0.24570682644844055, 0.5875781178474426, 1.6098707914352417, 0.2478986531496048, -0.20131099224090576, 0.8064340353012085, 0.4790189564228058, -0.7361575365066528, 0.10362052917480469, -0.6345803737640381, 0.24650311470031738, -0.8353338241577148, -0.6607958674430847, -0.09021864086389542, -0.2799794673919678, 0.4731195271015167, 0.926034688949585, 0.9723397493362427, -0.24615982174873352, -0.8829675316810608, -0.14654754102230072, -1.3583264350891113, -0.0017214640974998474, 0.17341594398021698, 0.4126065671443939, 0.13218513131141663, 1.00594162940979, 0.08555536717176437, 1.5366919040679932, 0.45830458402633667, -0.0846884548664093, -0.5492058396339417, -0.30376219749450684, 1.5447672605514526, 0.625462532043457, 0.42115193605422974, 0.21187478303909302, 0.750995397567749, -0.32610201835632324, -1.46099853515625, -0.8987140655517578, 1.0079624652862549, 0.9867287874221802, -0.40719175338745117, -0.05308573320508003, -0.6569328308105469, 0.11924365162849426, -0.6869500875473022, -0.16666735708713531, -0.07433294504880905, 0.12384210526943207, -0.15099191665649414, -0.5493465065956116, 0.3016793131828308, 0.1862514317035675, -0.20296573638916016, -0.9459257125854492, 0.46941083669662476, 1.4217643737792969, 0.2675417959690094, 0.40648892521858215, -0.23005467653274536, -0.6430038213729858, -0.8758718967437744, 0.14122281968593597, 0.009349578991532326, -0.629540205001831, -0.8731808662414551, -0.7179402709007263, -0.09353429079055786, -1.0279496908187866, -0.6790167689323425, -0.24089038372039795, 0.33193063735961914, 0.4455331563949585, 0.6406456232070923, 0.798198401927948, -0.552141547203064, 0.8082188367843628, 0.1983359158039093, 0.6709348559379578, 0.38839900493621826, -0.5561261177062988, -0.3627259433269501, 0.4773387312889099, -0.5152581930160522, -0.9782510995864868, 0.12170854955911636]} +{"paper_id": "oscar-corpus/OSCAR-2109", "embedding": [0.14559675753116608, 0.8414477705955505, 1.1115115880966187, -0.001545969396829605, 0.411924809217453, -1.2746098041534424, -0.16521841287612915, 1.0256901979446411, 0.40831637382507324, 0.72173672914505, 0.004926145076751709, -0.3587636947631836, 0.06873976439237595, 0.9420047402381897, -0.5766879320144653, -0.41887784004211426, -0.3672773540019989, -1.3570252656936646, -0.6814561486244202, -0.35767102241516113, 0.006799938157200813, -0.7437267303466797, -0.21737197041511536, 0.44729873538017273, -0.32490408420562744, -0.8499106764793396, 0.10129494220018387, -0.42103829979896545, 0.10976701229810715, 0.4933573603630066, 0.46792083978652954, 0.9954853653907776, -0.9357276558876038, 0.38095924258232117, -0.10397931188344955, -0.22014421224594116, 0.6139755249023438, 1.1527035236358643, -1.0072379112243652, -0.2569448947906494, -0.36532753705978394, -0.20809051394462585, 0.7140231728553772, -0.09269403666257858, 0.9704014658927917, 0.3906450569629669, -0.34029629826545715, 0.07903990894556046, 0.6430876851081848, -0.6769250631332397, 0.1680283546447754, 0.47065141797065735, -0.38334622979164124, 0.35256269574165344, -0.4717465937137604, 1.0964305400848389, 0.13314351439476013, -1.5780359506607056, 0.0008145589381456375, -1.062178373336792, 0.10616198927164078, 1.450180172920227, -0.5440966486930847, 0.055117204785346985, 1.0204294919967651, -0.09714551270008087, 1.3567430973052979, 0.33814001083374023, 0.1384289562702179, 0.24805505573749542, -0.10211949795484543, -1.256868600845337, 1.0172958374023438, -0.8920861482620239, 1.1819239854812622, 1.196450114250183, 1.4804109334945679, -0.40553638339042664, -0.643545389175415, 0.487163245677948, -0.44168466329574585, 0.9797478914260864, 0.5740054845809937, -0.5794720649719238, -0.41184094548225403, -0.15716958045959473, 0.5014538764953613, -1.1696879863739014, 0.6634769439697266, -1.7488529682159424, 0.43294471502304077, -0.054229751229286194, -0.37150809168815613, 0.21137574315071106, -0.07091549038887024, 0.045752398669719696, -0.2379545122385025, -0.0010020656045526266, -0.38855940103530884, 0.2755275368690491, 0.1538093090057373, -0.3935273587703705, 0.22268392145633698, -0.36158859729766846, -0.024585358798503876, 0.920128583908081, 0.02879926562309265, -0.16011324524879456, -1.4111261367797852, 0.3129272162914276, 0.469709575176239, 1.094092607498169, -1.1239372491836548, 0.30100131034851074, -0.27204495668411255, -1.0083539485931396, 0.3855414092540741, -0.6151731014251709, -0.8984066843986511, 0.5535022020339966, -0.46744775772094727, -0.7681984901428223, -0.798507571220398, 0.661702036857605, 0.42443692684173584, -0.7012860178947449, 0.6272671818733215, -0.4842727780342102, 0.1851048320531845, -0.5602731704711914, 0.24829044938087463, 0.32109320163726807, 0.005239740014076233, -0.28287237882614136, 3.4345688819885254, -0.9353296756744385, 1.483393669128418, -0.09584363549947739, 0.2589264214038849, 0.3068634867668152, -0.8678309321403503, 1.2181549072265625, -0.01841239631175995, -0.7341024279594421, 0.764602780342102, 0.03019563853740692, -0.7639492750167847, 0.30141153931617737, 0.26299527287483215, -1.1741411685943604, -0.06061263009905815, 0.1026199534535408, -1.1084163188934326, 0.03961239755153656, -0.75547856092453, 0.3802584111690521, 0.2743373513221741, 1.0667788982391357, -0.7821798324584961, 1.3307743072509766, 0.730962872505188, 0.7407469749450684, -0.3454400300979614, 0.5254738926887512, -0.9323023557662964, 0.22760707139968872, 1.2271534204483032, 0.08726342767477036, -0.4087821841239929, -0.16349510848522186, 1.3165889978408813, -0.44401052594184875, -0.36990275979042053, -0.18380382657051086, 0.45337650179862976, 0.4733153283596039, 0.49477237462997437, 0.7719542384147644, -0.8058055639266968, 0.2145572453737259, -0.44440653920173645, -0.248875692486763, 0.36343640089035034, 0.6574110984802246, 1.0092990398406982, 1.0960062742233276, -1.7820322513580322, -0.37247270345687866, -0.17806342244148254, -0.3376629948616028, -0.7967368960380554, -1.059971809387207, -0.3551907241344452, -0.35637167096138, 0.5020579695701599, 0.01995648816227913, 0.33920222520828247, -0.25655344128608704, -1.0075196027755737, 0.776231050491333, -0.0314175970852375, 0.16410551965236664, 0.12290917336940765, 0.34648048877716064, -0.00764500442892313, 0.08880818635225296, -0.2034529745578766, -1.6628003120422363, 0.6463406085968018, 2.079993963241577, 0.1330656111240387, -0.43536093831062317, -2.364208459854126, -0.09564268589019775, 0.14656829833984375, -0.9964913725852966, 0.3053363263607025, -1.0361542701721191, 0.7026077508926392, -1.1855524778366089, 0.6700978875160217, -0.3590471148490906, 0.5220824480056763, -0.01494717039167881, 0.2385718822479248, -0.3252772092819214, 0.0906745046377182, -0.06311950087547302, -0.787385106086731, 0.8127256631851196, 0.44815611839294434, -0.011886359192430973, -0.5277724266052246, 0.6787850856781006, 0.6188760995864868, 0.31291428208351135, 0.03293168544769287, -0.08266238868236542, -0.5221515893936157, -0.5364958643913269, -0.15251047909259796, 1.2080868482589722, -0.46021580696105957, -0.048567064106464386, -0.023839499801397324, 0.22704562544822693, 0.02246682345867157, 0.1859675794839859, 0.4767119884490967, -0.8064062595367432, 1.5121369361877441, 1.4480746984481812, -0.6598072648048401, 1.891902208328247, -1.192259669303894, 0.22134238481521606, -0.11422103643417358, -1.7559541463851929, 0.43080276250839233, 0.27124160528182983, 1.3355792760849, -0.5746551156044006, 0.07396452128887177, 0.027205973863601685, -0.24160584807395935, -1.3459521532058716, -0.8909863233566284, -0.8422200083732605, -1.6146217584609985, -1.2696990966796875, 0.13200163841247559, -0.1384318321943283, -1.14737868309021, -0.8107266426086426, 0.35577425360679626, 1.2689415216445923, -0.08595902472734451, 0.38461774587631226, 1.938378930091858, -0.14209505915641785, 0.9682509899139404, 0.014102727174758911, -0.057361289858818054, -0.7948997616767883, 0.9399221539497375, 0.38898399472236633, -0.20943333208560944, -0.3818797767162323, -0.4826984703540802, 0.21515384316444397, 0.10803108662366867, 0.8954724669456482, -0.8211223483085632, 0.19706496596336365, -0.4158417284488678, -1.1162828207015991, 0.8866448402404785, -0.6442071199417114, -0.6010822653770447, -1.333636999130249, 1.975141167640686, -0.3074795603752136, 0.4000355005264282, 0.8968353271484375, -0.5559883713722229, 0.24680642783641815, 1.918209195137024, -0.0006392672657966614, 0.026054199784994125, 0.7893106341362, 0.05710095912218094, -0.4440963566303253, 0.9078224897384644, -2.699007987976074, 0.6150175333023071, 0.5113512873649597, -0.031504787504673004, 0.025687264278531075, -1.0755527019500732, 0.5980198383331299, -0.5837690830230713, -0.7318781614303589, 0.173636794090271, -0.09911303967237473, 1.0708781480789185, -0.08407288044691086, -0.19491852819919586, 1.2256934642791748, -1.99176824092865, 0.7350165247917175, 1.3323363065719604, 1.1262617111206055, -0.9380848407745361, 0.8348490595817566, 0.9300823211669922, -0.8287949562072754, 1.7124700546264648, 0.3074478805065155, 0.1779542714357376, 0.8914978504180908, -1.4335241317749023, 0.506052553653717, 0.1751077026128769, 0.966401219367981, 1.25155508518219, 0.7857710719108582, 0.09655039012432098, 0.238864004611969, 0.21273797750473022, 1.1680976152420044, 1.379936695098877, -1.728559136390686, -1.2420586347579956, -0.3946591317653656, -0.2131347507238388, -0.974668025970459, 1.0285416841506958, 0.7241690158843994, 1.8537930250167847, 0.25989142060279846, -0.6479405164718628, -0.2681329548358917, -0.06465038657188416, 1.3580528497695923, 0.40551814436912537, -0.11794842779636383, 0.18176871538162231, -0.17639097571372986, 1.077920913696289, -0.4592771530151367, -0.5545557737350464, 0.02346207946538925, 0.6548041701316833, -0.4211263656616211, -0.4968314468860626, 0.6514153480529785, 0.26067841053009033, -0.05305524542927742, 1.20851731300354, -0.48310142755508423, -0.05025441572070122, -0.6044837236404419, 0.4242289066314697, -0.6443467736244202, -0.030054591596126556, -0.8535125255584717, 1.1470638513565063, 0.3401319086551666, 0.8541082739830017, -0.31318992376327515, 0.3317679762840271, 1.263215184211731, 0.12225963175296783, -1.2773770093917847, -0.48333045840263367, -1.1391932964324951, -0.13025379180908203, -0.4031624495983124, 0.11481402814388275, -1.1788498163223267, 0.5678016543388367, -0.5145654678344727, -0.0047534070909023285, 1.0590301752090454, -0.02424752153456211, -0.8900638818740845, 0.7075117826461792, 1.2752872705459595, -0.6650989055633545, -0.38747191429138184, -0.19131219387054443, -0.7783815860748291, -1.2820954322814941, 0.2042357176542282, -0.6723909974098206, 0.263060599565506, 0.16497445106506348, 0.23313774168491364, -0.5594993233680725, -0.26230281591415405, -0.8516667485237122, 0.6551106572151184, 1.0174375772476196, 0.09731133282184601, -0.3332293629646301, -0.6618779897689819, 0.08398938179016113, -0.3960916996002197, -1.2341991662979126, -0.9781688451766968, 0.07067787647247314, 0.31105273962020874, 0.5955250263214111, -0.4102315306663513, -0.6875810623168945, -0.28961923718452454, 0.8139393925666809, 1.1831482648849487, -1.8261661529541016, -0.1356043517589569, -0.6021361351013184, 0.44541120529174805, 0.13415203988552094, -0.7677454352378845, 0.012303131632506847, 1.091217041015625, -0.3618059456348419, 0.48085394501686096, 0.5582730770111084, 0.6644460558891296, 0.5115070939064026, 0.4089069664478302, 0.6250826716423035, -0.6728357076644897, -9.683477401733398, 0.14573442935943604, -0.4120393693447113, 0.6878670454025269, 0.6449171900749207, -0.33911365270614624, 1.2498441934585571, 0.5277753472328186, 0.4597151577472687, -0.39196234941482544, 0.7087810635566711, 1.1610782146453857, 0.49270787835121155, -0.8428925275802612, -0.9010055661201477, -1.3560173511505127, -0.2140628546476364, 0.3789265751838684, 0.6824514865875244, 0.4723600447177887, -0.7743828296661377, -1.6232681274414062, 0.35331541299819946, 0.08364848792552948, -0.008669924922287464, -0.7752024531364441, 0.09353867918252945, 0.0913650244474411, -0.6199407577514648, -1.2077717781066895, -0.0990896001458168, -0.9390621185302734, -1.6060724258422852, 0.17925822734832764, 0.6243171095848083, 0.7426689863204956, -0.7922336459159851, 0.026960166171193123, 0.7042551040649414, 0.5972204208374023, -0.45712965726852417, -0.2334393709897995, 0.5108747482299805, 0.5087347626686096, 0.2792850434780121, 0.20881016552448273, 0.1552114188671112, -0.3344932794570923, 0.4758773148059845, -0.6911299824714661, -0.5065547227859497, -0.5464456677436829, -1.1182695627212524, -0.573514461517334, 0.8853200078010559, 0.917316734790802, -0.3868405520915985, -0.029743347316980362, -0.5368093252182007, -1.89961838722229, 0.4604376554489136, 0.10270363092422485, 0.6197260022163391, 0.05486302450299263, -0.20810747146606445, -0.047910261899232864, 0.5814453959465027, -0.3739143908023834, 0.5908257961273193, 0.5278969407081604, -0.8391595482826233, -0.32451707124710083, -0.3738909959793091, -0.06306292116641998, -0.09969065338373184, -0.3546019494533539, -0.5807701349258423, 0.3402392864227295, 0.6372345089912415, -0.24585439264774323, -1.1298505067825317, 1.1321991682052612, 0.15884777903556824, -0.16711506247520447, 0.24448254704475403, -0.5483103394508362, -0.5525392293930054, 0.42063018679618835, 0.7061936855316162, 0.07623542100191116, 1.3101441860198975, 0.7227661609649658, 0.37137818336486816, -0.4375843107700348, -0.35408180952072144, 1.0868369340896606, -1.0221116542816162, 1.4606964588165283, 0.1056298166513443, -0.10836876183748245, 0.12801319360733032, -0.197006493806839, -0.7937840223312378, -0.5435189008712769, 0.8190541863441467, 0.4791637659072876, 0.5026220679283142, 0.16315636038780212, -0.3111213445663452, -0.438625305891037, 1.2456780672073364, 0.6122192144393921, -0.11383770406246185, 0.36680638790130615, 0.32018324732780457, 1.043228268623352, 0.25067591667175293, 0.09646899998188019, 0.7261064648628235, 1.3419522047042847, 0.496723473072052, 0.365883469581604, -0.09137581288814545, 1.0238820314407349, -0.6647248864173889, 0.6366915702819824, -0.009912971407175064, 0.3546469509601593, -0.47417309880256653, -1.5847071409225464, -0.32623574137687683, -0.11668100953102112, 0.006344948895275593, -1.5367798805236816, -0.3944786787033081, -1.0974853038787842, -0.5676548480987549, 0.9507138729095459, 0.701537013053894, 0.21024936437606812, -0.43419593572616577, -1.2735569477081299, 0.219468891620636, 0.07525859773159027, -0.163531094789505, -0.12262219935655594, -1.3226335048675537, -0.2869095206260681, -0.5373285412788391, -1.0945887565612793, 0.2792620360851288, -0.20873332023620605, -0.13496142625808716, -0.5231349468231201, -0.4590049684047699, 0.04094362258911133, 0.2920907437801361, 0.009402066469192505, -1.1083472967147827, -0.3230092525482178, -0.0152774378657341, 2.318178176879883, -1.4812127351760864, 0.9340693950653076, 0.6757283210754395, 0.45840179920196533, -1.7446938753128052, -0.10595563054084778, -0.45954665541648865, 0.48427677154541016, 1.1375422477722168, -0.4616519808769226, -0.8534743189811707, -0.12663501501083374, -0.8039693236351013, -0.7149336934089661, 0.6382571458816528, 0.8263605833053589, -0.781416118144989, 0.2842440605163574, -0.06471295654773712, 0.053564801812171936, -0.2377856820821762, -0.4648982286453247, -0.7291553020477295, -0.262518972158432, -0.3187647759914398, 0.8153960108757019, -0.48088082671165466, 0.9369956851005554, -1.645277738571167, -1.23801851272583, -0.10248886793851852, 0.6342089772224426, 0.40388059616088867, -0.2512725293636322, 1.1317719221115112, -0.06859654188156128, 0.26389122009277344, 0.05713991820812225, -0.21964389085769653, 0.42981958389282227, 0.724499523639679, 1.1616160869598389, -0.2882886826992035, -0.47523003816604614, -1.0156803131103516, -0.3056829869747162, 0.022286955267190933, 0.3589473068714142, -1.4751880168914795, 0.39413297176361084, 0.06205792725086212, -0.6669358611106873, 0.2508399188518524, -0.4449995160102844, 1.0353331565856934, 0.012323591858148575, -0.7131120562553406, -0.919104814529419, -0.334838330745697, 0.7399940490722656, -0.5238344073295593, 0.6095788478851318, -0.24360151588916779, 0.5012422800064087, -0.2603931427001953, 0.3350406289100647, 2.002945899963379, -0.622773289680481, -0.6877651214599609, 0.38460734486579895, 0.766953706741333, -0.10520341247320175, -0.9762213826179504, 0.43391793966293335, -0.8900021314620972, 0.08717791736125946, -1.6913063526153564, 0.35775598883628845, -0.6163135766983032, -0.1886279135942459, 0.3237154483795166, 0.40419647097587585, -0.16840481758117676, -0.3823413550853729, -0.10269230604171753, -1.123841643333435, 0.4593874216079712, 0.2336467206478119, 0.45864155888557434, 0.7516645789146423, 0.6933536529541016, 0.09844289720058441, 0.4794086217880249, -0.33005809783935547, -0.1687965840101242, 0.09011396765708923, 0.3520350456237793, 0.5739494562149048, 0.4361800253391266, 0.46905794739723206, -0.07962944358587265, 0.0551137812435627, -1.1055530309677124, -0.7833074927330017, -0.632973313331604, 0.23840533196926117, 1.0257257223129272, -0.5605922937393188, 0.49626463651657104, -0.6499218940734863, 0.15210872888565063, -0.42937344312667847, 1.0140498876571655, 0.43258368968963623, 0.14498890936374664, -0.45833924412727356, -1.6536141633987427, 0.07538960129022598, 0.7781006097793579, -1.0554468631744385, 0.1341603547334671, 0.16386137902736664, 1.085153341293335, 0.3348580598831177, -0.7856384515762329, -1.0574654340744019, 0.5835908651351929, -0.4070531725883484, 0.7007746696472168, 0.1302921324968338, -0.8806635737419128, -1.0448567867279053, 0.6193428635597229, -0.9518157243728638, 0.3778083622455597, 0.304201602935791, -0.7130072116851807, 0.28132757544517517, 0.6387088298797607, -1.011104702949524, -0.525253176689148, 0.5605465173721313, 0.2208516001701355, -1.8166558742523193, 1.8006017208099365, 1.7446718215942383, 0.13472308218479156, -0.9359840750694275, 0.17205539345741272, -0.002384975552558899, 0.7938367128372192, 1.3397914171218872]} +{"paper_id": "qwant/squad_fr", "embedding": [-0.47368407249450684, 0.6329537034034729, -0.23602841794490814, -0.2707708775997162, 0.5152086615562439, -0.048609744757413864, 0.36470818519592285, 0.7046562433242798, 0.777431845664978, 0.466417521238327, 0.5733106136322021, -0.02488112449645996, 0.5893622040748596, 0.6365947127342224, -0.1698841154575348, -0.6612904071807861, -0.6726495027542114, -0.3913060426712036, -1.4018296003341675, -0.21776023507118225, -0.8660280108451843, -0.7343010306358337, -0.007071793079376221, 1.0575065612792969, -0.6844190359115601, -1.100769281387329, 0.8312342166900635, -1.1566839218139648, 0.26698610186576843, 0.07038000226020813, 0.14709137380123138, 1.0532623529434204, -1.201102614402771, 0.5376321077346802, -0.30704033374786377, -0.5382947325706482, 0.08264369517564774, 1.0505794286727905, 0.06911545246839523, -0.530035674571991, -0.4636383652687073, 0.21339213848114014, 0.5574291348457336, 0.17881730198860168, 0.9502435326576233, -0.3640819191932678, 0.6542977094650269, -0.26439669728279114, -0.4955178499221802, -0.09934323281049728, -0.5915981531143188, 0.32921868562698364, -0.20484501123428345, 0.7891571521759033, -0.14406394958496094, 0.4787261486053467, 0.17446941137313843, -0.9169172048568726, 0.6199193000793457, -0.9177004098892212, 1.546337366104126, 1.6737335920333862, -0.24139158427715302, 0.42233243584632874, 1.3984363079071045, -0.27571558952331543, 1.023668885231018, 0.05662907660007477, -0.3529932498931885, 1.0469470024108887, -0.41257017850875854, -0.3611677587032318, 0.25625288486480713, -0.3978824019432068, 0.17556752264499664, 0.6346836090087891, -0.10736133903265, 0.09622062742710114, -0.08010884374380112, -0.10007598996162415, -0.09839177131652832, 0.04686439037322998, 0.5667035579681396, -0.22862887382507324, 0.10642784833908081, 0.08219566941261292, 0.24563303589820862, -1.100770115852356, 0.4165087342262268, -1.7258294820785522, 0.32492905855178833, 0.382863849401474, 0.035931363701820374, 0.10010682046413422, -0.41232189536094666, 0.7180970907211304, -0.818400502204895, -0.03386159986257553, -0.042185571044683456, 0.2944576144218445, 0.6950355768203735, -0.16299638152122498, 0.44364097714424133, -0.28997907042503357, 0.27252522110939026, 0.4645687937736511, 0.23972010612487793, -0.28653857111930847, -0.7811546921730042, -1.106646180152893, 0.2594137489795685, 0.7112587094306946, -0.13023464381694794, 0.40674811601638794, 0.14475096762180328, 0.6957713961601257, 0.4969906806945801, -1.0901908874511719, -0.08829563856124878, 0.3867344260215759, -0.03434734418988228, -1.0164072513580322, -0.39614611864089966, -0.4588584303855896, 0.8085847496986389, -0.36439794301986694, -0.2987317442893982, -0.8704310059547424, -0.29303866624832153, 0.49827006459236145, 0.7905248403549194, 0.22029733657836914, -0.680644690990448, -0.11435750126838684, 3.019629716873169, -1.105302095413208, 1.336037516593933, -0.48818376660346985, -0.08531511574983597, -0.6102768778800964, -0.6385300159454346, 1.275776743888855, -0.1508331000804901, -0.920791506767273, -0.6618843078613281, 0.49268919229507446, -0.30581167340278625, 0.21250072121620178, -1.0092710256576538, -0.5412379503250122, -0.1163950115442276, -0.044151268899440765, -1.524725079536438, -0.5935493111610413, 0.26165497303009033, 0.41119813919067383, 0.02842133305966854, 0.498111367225647, -0.4881981611251831, 0.9933245182037354, -0.1514677107334137, -0.00019185617566108704, -0.30999869108200073, 0.4424739480018616, -0.7911112904548645, -0.14778345823287964, 0.8218157887458801, -0.14601078629493713, -0.7606921195983887, 0.23858189582824707, 0.21940907835960388, -0.45227065682411194, -0.2087647020816803, 0.04667162895202637, -0.42255380749702454, 0.13595366477966309, 0.5288715362548828, 0.5293514728546143, 0.15951688587665558, -0.7197549343109131, 0.014175225049257278, -0.03736341744661331, 0.20114853978157043, 0.841849684715271, 0.03920188546180725, 0.4843760132789612, -2.5613250732421875, -0.02772185206413269, -0.1761915683746338, 1.2603180408477783, -0.08701618015766144, 0.15420843660831451, 0.07752107828855515, 0.48051270842552185, -0.16655966639518738, -0.6231683492660522, 0.6785591840744019, -1.1826432943344116, 0.4438459277153015, 0.13004690408706665, 0.19929735362529755, -0.23516133427619934, 0.289628803730011, 0.817406415939331, 0.4240780174732208, -0.6124845743179321, -1.2624032497406006, -1.6249572038650513, 0.07669541239738464, 2.2786617279052734, 0.22785532474517822, -0.26678627729415894, -0.9635787606239319, -0.5363588929176331, 0.02517688274383545, -0.16827161610126495, -0.025875840336084366, -0.5858447551727295, 0.1358080506324768, -0.8438625931739807, 0.7170241475105286, -0.6540923118591309, -0.07299023866653442, 0.796748697757721, 1.6112453937530518, -0.5977821946144104, -0.21800243854522705, -0.8723869323730469, -0.23756231367588043, 0.4457677900791168, 0.6693770289421082, 0.26716533303260803, -0.3425637483596802, 0.6381800174713135, 0.6141161322593689, 1.2047903537750244, 0.44517675042152405, 0.5339245796203613, -0.7865242958068848, 0.2371051013469696, -0.4007544219493866, 1.4630320072174072, -0.003925099968910217, -0.14832644164562225, -0.036787282675504684, -0.2538899779319763, -0.6766458749771118, -0.2045849859714508, -0.1728961318731308, -0.0734703466296196, 0.8131802082061768, 0.5655059218406677, -0.5098570585250854, 0.654682993888855, -0.4759391248226166, -0.32715362310409546, 0.10967954993247986, -0.3073573410511017, -0.7101594805717468, -0.41081297397613525, 0.797971248626709, -0.19298027455806732, 0.1403515487909317, -0.20959845185279846, 0.1284746527671814, -1.2161961793899536, -0.5347144603729248, 0.5198376774787903, -0.06283653527498245, -0.6472405195236206, -0.40596362948417664, -0.2374119609594345, -1.1686780452728271, -0.4814733862876892, 0.2306014448404312, -0.1204204261302948, -0.06374428421258926, 0.782575249671936, 1.596062183380127, -0.1992853283882141, 0.36166292428970337, 0.21830590069293976, 1.2638295888900757, -0.6978399753570557, 0.4194241762161255, -0.22705325484275818, 0.29599669575691223, -0.9273785948753357, 0.18871113657951355, -0.7167630791664124, 0.3272857367992401, 0.7713109850883484, -0.022518783807754517, 1.0795754194259644, -0.19915619492530823, -1.0479732751846313, 0.9329280853271484, -0.15558135509490967, -0.18672123551368713, -0.6489988565444946, 1.3448870182037354, 0.18429890275001526, -0.42478111386299133, 0.9397029876708984, -0.12167945504188538, -0.3695421516895294, 1.0095572471618652, -0.17551082372665405, -0.20985707640647888, 0.3555727005004883, -0.49842098355293274, 0.0008985474705696106, 0.5392174124717712, -1.828904151916504, 0.9306735992431641, 1.0464495420455933, -0.39013612270355225, -0.23879407346248627, -0.8933327198028564, 0.3550196886062622, -0.3786947429180145, 0.27940037846565247, 1.036048412322998, -0.4023314118385315, 0.539023756980896, -0.43549644947052, 0.24853397905826569, 0.4176754951477051, -0.11041592806577682, 0.5514772534370422, 0.4943654239177704, 0.5277719497680664, -0.8657762408256531, -0.7646061778068542, 1.0393658876419067, -0.33082130551338196, 0.1102549210190773, 0.1053270772099495, 0.6478859782218933, 0.7969002723693848, -0.18085479736328125, -0.22037824988365173, 0.38224631547927856, 0.4789552390575409, -0.19394353032112122, -0.3813040852546692, 0.09510993957519531, 0.4578954875469208, -0.2010856568813324, 1.2213027477264404, -0.43921568989753723, -0.5718456506729126, -0.7646986842155457, -0.2920195162296295, -0.06660290062427521, -0.06958360970020294, 1.4628307819366455, 0.3693082630634308, 1.3253594636917114, 0.49369436502456665, 0.09641566127538681, -0.34141334891319275, -0.37472543120384216, 0.6127299070358276, 0.2897179424762726, 0.2806597948074341, -0.7144235372543335, 0.028828009963035583, 1.1338675022125244, 0.41740450263023376, -0.7148900032043457, 0.36122405529022217, 0.5621483325958252, -0.09586891531944275, -1.1126947402954102, 0.886064887046814, 0.7536017894744873, 0.42986559867858887, 1.532199501991272, -0.7474462985992432, 0.03724491223692894, -0.24551360309123993, 0.10405794531106949, -0.06711240112781525, 0.47081565856933594, 0.10665276646614075, 0.5372409820556641, 0.16138365864753723, 0.48819342255592346, 0.11218525469303131, 1.2689570188522339, 1.5457316637039185, -0.4558987021446228, -1.0511101484298706, -0.06556707620620728, -0.7754442095756531, 0.21103622019290924, 0.7537088990211487, 0.3173622190952301, -0.3001571595668793, 0.5816835761070251, 0.2845691740512848, -1.0455890893936157, 0.1367827206850052, -0.5015833377838135, -1.3348387479782104, 0.9196202754974365, 1.1258275508880615, -0.846775472164154, -0.4779065251350403, -0.27554214000701904, -0.7808732390403748, -0.24577206373214722, 0.15822726488113403, -1.267996907234192, 0.7710773348808289, 0.07017608731985092, 0.8672913312911987, 0.061829838901758194, -0.08692242950201035, -1.3648275136947632, 1.2600226402282715, 0.9419918656349182, -1.3115087747573853, 0.6058739423751831, 0.1721777617931366, 0.6312111616134644, 0.23264755308628082, -1.1977802515029907, -0.6953362822532654, 1.0889663696289062, 0.010532625019550323, 0.1405424177646637, -1.0042256116867065, -0.4003264904022217, 0.7121913433074951, 0.43927961587905884, 0.6963115930557251, -0.6905896067619324, 0.11291992664337158, -1.1504054069519043, 0.08990433067083359, 0.7750259637832642, -1.0217970609664917, -0.9387061595916748, 0.5282639265060425, -0.22277629375457764, 0.7286624908447266, -0.0065979063510894775, 0.0134146548807621, 1.565970778465271, -0.23933923244476318, -0.10111735016107559, -0.31227365136146545, -12.1959228515625, 1.0174601078033447, -0.15557990968227386, 0.003209821879863739, 0.370140016078949, -0.028903327882289886, 0.4946031868457794, -0.0036423783749341965, 0.31217706203460693, -0.76414555311203, 0.18369150161743164, 0.9384403824806213, 0.36834317445755005, 0.1652483493089676, -0.9976603984832764, -1.0827412605285645, -0.5533328056335449, -0.7910391688346863, 0.5436552166938782, 0.13127045333385468, -0.14649443328380585, -0.8225887417793274, 0.03455576300621033, -0.1725814789533615, 0.5389237999916077, -0.15687376260757446, -0.8384842872619629, -0.12455164641141891, -0.4821542501449585, 0.14434044063091278, 0.5029957890510559, -0.005786895751953125, -0.6566991806030273, -0.30987879633903503, -0.14404425024986267, -0.47273173928260803, -0.8070987462997437, -0.0782761350274086, 0.7818811535835266, -0.45266059041023254, -0.08598630130290985, -0.026004407554864883, 0.6024823188781738, -0.3268321454524994, -0.30076906085014343, 0.21860267221927643, 0.1876428723335266, -0.940560519695282, -0.016283586621284485, -0.1890750527381897, -0.9452229142189026, -0.26884138584136963, -0.8341546654701233, -0.7251399159431458, 0.29706481099128723, 0.2577746510505676, -0.9043595790863037, -0.4351058602333069, -0.20695382356643677, -0.6093900203704834, 0.2667793929576874, 0.17502166330814362, -0.3647618889808655, 0.10907087475061417, -0.06852904707193375, -0.4362904727458954, 0.18037772178649902, 0.1495499461889267, -0.23037388920783997, 0.551658034324646, -0.8012144565582275, 1.4327112436294556, 0.2643345594406128, 0.8061096668243408, -0.9511547684669495, 0.1813572347164154, -1.0346142053604126, -0.31709983944892883, 0.4245278835296631, -0.054397109895944595, -1.6074937582015991, 0.7594128847122192, 0.7330241799354553, -0.41647669672966003, -0.7702364325523376, 0.5184208750724792, -0.10120873898267746, 0.33625635504722595, 1.0896294116973877, -0.6491325497627258, 1.3008772134780884, 0.19447702169418335, -0.8315682411193848, -0.5790767669677734, -0.2047262191772461, 0.8519437313079834, -0.9489845633506775, 0.30679967999458313, 0.1943618357181549, -0.6006587743759155, 0.08267923444509506, -0.30492714047431946, -0.7114218473434448, 0.11856143176555634, 0.8604325652122498, 0.08816323429346085, 0.0697404146194458, -0.06322655826807022, -0.21740581095218658, -0.8249768614768982, 0.9903776049613953, 0.1915316879749298, -0.023765064775943756, 1.566260576248169, -0.5365972518920898, 0.5344160199165344, 0.6526248455047607, -0.12002244591712952, 0.28054600954055786, 0.8202363848686218, -1.1504874229431152, 0.9154152870178223, 0.1583225131034851, 1.7405627965927124, -0.30718085169792175, 0.1449345201253891, 0.18473979830741882, 0.41022634506225586, -0.11499399691820145, -1.145074486732483, 0.61846524477005, -0.3877686560153961, 0.009478116407990456, -0.750369131565094, -0.0798230916261673, 0.3291633129119873, -0.37077757716178894, 1.8316572904586792, -0.995638370513916, -0.18264776468276978, -0.15066230297088623, 0.04728233441710472, -0.6668483018875122, -1.132216215133667, -0.8144012093544006, 0.27503812313079834, -1.390212893486023, 0.5178321003913879, -0.13372433185577393, -0.34369567036628723, -0.16074153780937195, -0.6534734964370728, 0.8249704837799072, -0.7359448671340942, -0.3310145139694214, -0.5373942852020264, 0.48768606781959534, -0.6075950860977173, -0.7808541059494019, -0.2518678903579712, 0.38142555952072144, 1.1602113246917725, -0.9724245667457581, 1.4778469800949097, 0.32724401354789734, -0.5479653477668762, -0.5421027541160583, 0.40214917063713074, -0.4696478247642517, 0.42170819640159607, 1.061118483543396, -0.766275942325592, -0.3543066382408142, -0.5260048508644104, -0.22206071019172668, -0.49341580271720886, 0.08112619817256927, 0.9000139236450195, -1.2351750135421753, -0.1921379119157791, -0.6820985674858093, 0.8957259654998779, 0.13196216523647308, -0.5019245147705078, -0.6094334125518799, 0.7483659982681274, -0.23865067958831787, 0.725465714931488, -0.010959835723042488, 0.989212691783905, -1.4780038595199585, -1.0372729301452637, -0.3507237434387207, -0.20479373633861542, 0.640261173248291, 0.5919325947761536, 0.6175678372383118, 0.3456369936466217, -0.36748141050338745, -0.2857989966869354, -0.11061699688434601, 0.5146152973175049, 0.3046365976333618, 0.4665137529373169, -0.5916874408721924, 0.5912455320358276, -0.39949023723602295, 0.18537116050720215, 0.5973839163780212, 1.3494489192962646, -0.7861507534980774, -0.5438194274902344, 0.08010344207286835, -0.08926133811473846, -0.11120602488517761, -1.4133301973342896, -0.14103588461875916, -0.5620437264442444, -0.3704182207584381, -1.3614263534545898, 0.34817489981651306, 1.4421788454055786, -0.20106543600559235, 0.6440536379814148, 0.3958989083766937, 1.0660302639007568, 0.8714918494224548, 0.14616777002811432, 0.5432751774787903, 0.18213441967964172, 0.24787506461143494, 0.38513004779815674, 0.09247167408466339, 0.2215486466884613, -0.16305752098560333, -0.6758853793144226, -0.7108333706855774, 0.2354753017425537, -0.3483522832393646, 0.8230106830596924, 0.167348712682724, 0.47077634930610657, 1.0121819972991943, 1.168563723564148, 0.07700172066688538, -1.581379771232605, -0.34402996301651, -1.4645034074783325, 0.26845842599868774, 0.794539749622345, 0.5940430164337158, 0.2506285309791565, 0.8387382626533508, -0.6987839341163635, 0.9146920442581177, -0.6235220432281494, 0.3733554482460022, -0.00258723646402359, -0.2319440096616745, 0.7923511862754822, 0.701998233795166, 0.3055737614631653, 0.22517086565494537, -0.5505282878875732, -1.0346695184707642, -0.1482011377811432, -0.4699617922306061, 1.0066604614257812, 0.6159954071044922, -0.2454148381948471, 0.08069176971912384, -0.3832820653915405, 0.7559925317764282, -0.14810040593147278, 1.1654345989227295, -0.05033194273710251, -0.418972909450531, -0.44552162289619446, -1.007737636566162, -0.06110795587301254, 0.45568975806236267, 0.11889058351516724, 0.025797128677368164, -0.023091867566108704, 0.539882481098175, 0.3336726129055023, 0.10237696766853333, -0.776552140712738, -0.338336706161499, -0.5021206140518188, 0.13428685069084167, 0.6524555683135986, -0.7352162599563599, -0.7613604664802551, -0.22882437705993652, -0.8192265629768372, 0.13883304595947266, 0.25489723682403564, -0.6130820512771606, -0.5636393427848816, 0.20545166730880737, -0.036650996655225754, 0.5043059587478638, 0.19731125235557556, -0.24351319670677185, -1.4542371034622192, 0.5137541890144348, 0.9673100709915161, -0.7170870304107666, -0.39086654782295227, 0.28890326619148254, 0.6361750364303589, 0.16117164492607117, 1.3141604661941528]} +{"paper_id": "sagnikrayc/mctest", "embedding": [-0.21700772643089294, 0.809899091720581, -0.5491220951080322, 0.4355473816394806, 0.5662295818328857, -0.03693773224949837, 0.12691691517829895, 0.34305012226104736, 1.091418743133545, 0.0031173527240753174, 0.7804946303367615, -0.28212442994117737, 0.768077552318573, 0.3784760534763336, 0.4505593776702881, -0.15650933980941772, -0.8317469358444214, 0.035248808562755585, -1.097407579421997, -0.6002957224845886, -0.813734769821167, -0.5432581901550293, 0.024326372891664505, 0.954525887966156, -1.0987193584442139, -0.6536805629730225, 0.7262423038482666, -0.8127520084381104, 0.38379549980163574, 0.33673396706581116, 0.3818318247795105, 0.8845267295837402, -1.5632188320159912, 0.5934090614318848, -0.8329467177391052, -0.6896390914916992, 0.34985867142677307, 0.8486612439155579, -0.02702821046113968, -0.4278637766838074, -0.5745697617530823, 0.5487289428710938, 0.5115148425102234, -0.3498188257217407, 0.9333227276802063, -0.14278681576251984, 0.9697721004486084, -0.6892901659011841, -0.551508903503418, 0.06692390143871307, 0.019456475973129272, 0.4135163128376007, -0.25290989875793457, 0.18861635029315948, -0.2713351547718048, 1.0333536863327026, -0.18712440133094788, -0.15089254081249237, 0.7179726362228394, -0.5066668391227722, 1.9243125915527344, 1.6142317056655884, -0.8021936416625977, 0.5344551205635071, 1.4469037055969238, -0.13717956840991974, 1.6036516427993774, 0.3700873851776123, -0.2037847638130188, 1.0018537044525146, -0.12672200798988342, 0.10617607086896896, -0.030523762106895447, -0.63240647315979, -0.13428635895252228, 0.6509153842926025, -0.1311633586883545, 0.2969111204147339, 0.2545166015625, -0.20214208960533142, 0.24627038836479187, 0.16343826055526733, 0.26849156618118286, -0.4204603135585785, 0.4001772105693817, 0.2806406021118164, 0.8097068071365356, -0.7393680810928345, -0.6812444925308228, -2.07708740234375, 0.13648945093154907, 0.4003717005252838, 0.32776105403900146, -0.030766025185585022, -0.13208319246768951, 0.5722923278808594, -0.01945563405752182, -0.41797682642936707, -0.13569563627243042, -0.15924686193466187, 0.13802987337112427, -0.42235618829727173, 0.49664244055747986, -0.4644070565700531, 0.43149691820144653, 0.42101791501045227, -0.17688243091106415, -0.5279061198234558, -0.11402612179517746, -0.9960322380065918, -0.3619650900363922, 0.5856209993362427, -0.22085356712341309, 0.65425705909729, 0.033264193683862686, -0.3917352855205536, 0.12009034305810928, -0.42996352910995483, -0.9655290842056274, -0.0516616553068161, -1.1281253099441528, -0.9544994235038757, -0.3287801742553711, -0.3017417788505554, 0.9451596736907959, -0.34098973870277405, -0.08281942456960678, -0.9643508791923523, -0.2936427593231201, 0.2228240966796875, 0.6135517358779907, 0.06067512184381485, -0.8468651175498962, -0.04261067137122154, 2.50907564163208, -0.6773344874382019, 1.035157561302185, -0.3950054347515106, 0.19373273849487305, -0.37625110149383545, -0.783694326877594, 1.6902966499328613, -0.05932909995317459, -0.6827510595321655, -0.767663836479187, 0.4435867965221405, -0.4957963228225708, 0.20658721029758453, -0.6331741809844971, -0.7420059442520142, 0.3675112724304199, 0.4082275331020355, -1.0637801885604858, -0.9558866024017334, 0.1514289826154709, 0.027621567249298096, -0.29437652230262756, 0.39029940962791443, -0.5134833455085754, 0.6937996745109558, 0.180946946144104, 0.2633964419364929, -0.5004823207855225, -0.05723966658115387, -0.730180025100708, 0.2501925826072693, 0.7547619342803955, -0.23969891667366028, -0.03427732735872269, -0.2525433897972107, 0.33597880601882935, -0.38239985704421997, -0.14114519953727722, -0.6569370031356812, 5.287677049636841e-05, 0.25049889087677, 0.21313823759555817, 0.4537423253059387, 0.4447975754737854, -0.6213993430137634, -0.28215309977531433, -0.0908232033252716, -0.12310069799423218, 0.8002669215202332, -0.0006436482071876526, -0.38580411672592163, -2.5807316303253174, -0.05278612673282623, -0.7769172191619873, 0.896696150302887, -0.05128868669271469, 0.17639416456222534, 0.6336902976036072, 0.30615025758743286, -0.15798377990722656, -0.033846572041511536, 0.4123172461986542, -0.7547684907913208, 0.40356922149658203, 0.11533266305923462, 0.14325405657291412, -0.37898728251457214, 0.03435264527797699, 0.7228164672851562, 1.0458898544311523, -0.227666437625885, -0.5227909684181213, -1.719298005104065, 0.18360190093517303, 1.3896286487579346, 0.6099298596382141, -0.43542197346687317, -0.8987364172935486, -0.30549168586730957, 0.6754294037818909, -0.4955419600009918, 0.16748829185962677, -0.6312042474746704, -0.04809180647134781, -0.6470717191696167, 0.8132479190826416, -0.3687174916267395, -0.25178369879722595, 0.1903826892375946, 1.2704399824142456, -0.5296345353126526, -0.8945913314819336, -1.1587028503417969, -0.4801013469696045, 0.29943737387657166, 0.637177586555481, -0.3803343176841736, -0.2499384582042694, 0.2884436845779419, 0.7392925024032593, 0.7395657300949097, 0.4500214159488678, 1.0028254985809326, -0.2527153789997101, 0.47451725602149963, -0.1784079372882843, 0.5402870774269104, 0.10370327532291412, -0.5293715596199036, -0.1235104650259018, 0.5178772211074829, -0.6443743109703064, -0.23298870027065277, -0.5613147616386414, -0.029157228767871857, 0.9324678778648376, 0.7580547332763672, -0.9477176666259766, 0.43130138516426086, -0.4871681332588196, -0.1756826937198639, 0.13894523680210114, -0.2783816456794739, -0.3393118381500244, 0.23127444088459015, 0.40956753492355347, -0.24996915459632874, 0.31513839960098267, 0.23742972314357758, -0.3005902171134949, -0.9206076860427856, -0.9204203486442566, 0.31232720613479614, -0.34461069107055664, -0.9080419540405273, -0.5405498147010803, -0.0578240305185318, -1.179306983947754, -0.49207907915115356, -0.6972662806510925, 0.005069835111498833, -0.3068956434726715, 0.05719482898712158, 1.5644943714141846, 0.7891274690628052, 0.1626080870628357, -0.11597025394439697, 1.302666187286377, -0.4548976719379425, 0.6178465485572815, -0.2047388106584549, 0.3739106357097626, -1.1958770751953125, 0.4301733672618866, -1.3125463724136353, 0.262128084897995, 0.3800453245639801, -0.12266172468662262, 1.2463035583496094, -0.7797926664352417, -0.5917214155197144, 1.1798585653305054, -0.4154824912548065, 0.24145230650901794, -1.2971094846725464, 1.757370948791504, 0.34224802255630493, -0.6519031524658203, 0.952524721622467, -0.829160213470459, -0.8077373504638672, 0.7111630439758301, -0.6880476474761963, 0.09235451370477676, 0.6240642070770264, 0.24321763217449188, 0.7121213674545288, -0.13626308739185333, -2.3527562618255615, 0.3364527225494385, 1.262030005455017, -0.3232247829437256, -0.25523504614830017, -0.7433378100395203, 0.4583260416984558, 0.08697627484798431, -0.5631685256958008, 1.1862568855285645, -0.7426583766937256, 0.2603255808353424, -0.3867208659648895, 0.7304345369338989, 0.7450977563858032, 0.5681741833686829, 0.3518125116825104, 0.07635700702667236, 0.29512882232666016, -0.6372159123420715, -0.22606819868087769, 1.050932765007019, -0.4054259955883026, 0.7872769832611084, 0.18624013662338257, 0.9860401749610901, 0.8067256212234497, -0.08357060700654984, -0.1384306252002716, 0.673102617263794, 0.5206644535064697, 0.1482434868812561, -0.44549059867858887, -0.11134538054466248, 0.15681959688663483, -0.06713445484638214, 1.2578257322311401, -0.20726153254508972, -0.276305615901947, -1.027527928352356, 0.02747422084212303, -0.2899358868598938, -0.22860294580459595, 1.4629616737365723, 0.15732330083847046, 1.6598280668258667, 0.07935620844364166, 0.29160135984420776, -0.14514575898647308, -0.6408568024635315, 0.5942649841308594, 0.2204342484474182, 0.4811497926712036, -0.4682753384113312, -0.44948384165763855, 0.6432042121887207, 0.7708801627159119, -0.6155568361282349, -0.03821750730276108, 0.0020949095487594604, -0.34547001123428345, -0.7200954556465149, 0.9222536683082581, 0.5344566106796265, 0.5749462842941284, 1.7854312658309937, -0.2894029915332794, -0.5144641995429993, 0.09128827601671219, -0.1824660450220108, 0.15300153195858002, 0.4554598331451416, 0.015913188457489014, 0.8883703351020813, 0.06614303588867188, 1.543473243713379, -0.23852437734603882, 1.1389813423156738, 1.5532749891281128, -0.5335214138031006, -1.1783215999603271, 0.2814720571041107, -0.6628604531288147, 0.03915294259786606, 0.22579506039619446, 0.06209877133369446, 0.16999393701553345, 0.13556155562400818, 0.5665397644042969, -1.3540788888931274, 0.1726098656654358, 0.12006205320358276, -0.7941796779632568, 0.21771053969860077, 1.7576489448547363, -0.5072137713432312, -0.6775827407836914, 0.30663782358169556, -0.9879079461097717, -0.19351515173912048, -0.3502695858478546, -0.6397110223770142, 1.0849027633666992, 0.21347035467624664, 1.284858226776123, 0.3709271550178528, -0.015412073582410812, -1.0686540603637695, 1.6992548704147339, 0.892151415348053, -1.184985637664795, 0.350666344165802, -0.13437743484973907, 0.6438537836074829, 0.6190859079360962, -1.0816986560821533, -0.13694806396961212, 0.813208281993866, 0.25282952189445496, -0.33290836215019226, -0.5749122500419617, -0.25950536131858826, 0.864033579826355, 0.841339647769928, 0.3724532723426819, -0.7596439123153687, 0.37062525749206543, -0.7683130502700806, 0.46963950991630554, 0.6991000175476074, -1.6339393854141235, -0.45836910605430603, 0.37653648853302, -0.8186007738113403, 0.46256017684936523, -0.039895035326480865, 0.2833974361419678, 1.8254461288452148, -0.1914345622062683, 0.05278845876455307, -0.2394016683101654, -11.720529556274414, 1.0111305713653564, -0.4977766275405884, 0.18097984790802002, 0.026759859174489975, -0.4126453399658203, -0.21971604228019714, 1.0975332260131836, 1.0577648878097534, -0.6704399585723877, 0.5269390940666199, 0.3254915773868561, 0.3051958978176117, -0.4051680564880371, -0.4961228370666504, -0.4227677583694458, -1.0463749170303345, -1.5200241804122925, 0.6608728170394897, 0.14096592366695404, 0.8000257015228271, -0.48618388175964355, -0.044580187648534775, 0.006181929260492325, 0.7144182324409485, -0.3429989814758301, -0.6084480285644531, -0.15018290281295776, -0.2485084980726242, 0.3933725357055664, 0.9041009545326233, -0.4672975242137909, -0.45046061277389526, -0.2510209083557129, 0.8431392312049866, -0.28229963779449463, -1.3656646013259888, -0.0317881740629673, 0.26083436608314514, -0.8928282856941223, -0.5336120128631592, -0.09534776955842972, 0.12187908589839935, -0.15633992850780487, -0.16255971789360046, 0.5931277871131897, 0.2834596633911133, -0.7630272507667542, -0.6481218934059143, -0.5076112747192383, -0.7040061950683594, -0.5119423866271973, -1.096793293952942, -1.3977339267730713, 0.5395917892456055, -0.17353206872940063, -0.6120260953903198, 0.11492201685905457, -0.1053987592458725, -0.7661681175231934, 0.9538785815238953, 0.3581477403640747, -0.6344757080078125, 0.625765323638916, 0.05282643437385559, -0.39492079615592957, 0.8136221766471863, 0.3662748634815216, 0.26440128684043884, 0.8891944289207458, -0.7525710463523865, 1.568468451499939, 0.1656375527381897, 0.3882938623428345, -0.1627090871334076, 0.3677438795566559, 0.08655804395675659, -0.21466118097305298, 0.6537765860557556, 0.3023180067539215, -1.4381994009017944, 0.2450961470603943, 0.3398841619491577, -0.5777490139007568, -0.6772520542144775, 0.4178584814071655, 0.5074924230575562, 0.46302223205566406, 0.845632791519165, -0.45255494117736816, 1.3246614933013916, -0.14510944485664368, -0.4330332279205322, -0.2462051808834076, -0.4272254705429077, 0.48751792311668396, -0.9805965423583984, 0.6023063659667969, 0.5636212825775146, -0.6317448616027832, 0.05618184432387352, -0.0931410938501358, -1.1464112997055054, -0.12516020238399506, 0.8698943257331848, -0.16827183961868286, 0.12477174401283264, 0.30210041999816895, 0.08346498757600784, -0.7223597764968872, 0.5408062934875488, 0.3416575789451599, -0.1870039850473404, 1.9818624258041382, -0.7188942432403564, 1.1931816339492798, 1.062302589416504, -0.21510079503059387, 0.5113531351089478, 1.0805286169052124, -0.8547681570053101, 0.3385985493659973, 0.21313698589801788, 1.5636590719223022, -0.15446442365646362, 0.7031572461128235, 0.07090312242507935, 0.24450083076953888, -0.1641998291015625, -1.2801893949508667, 0.4471755027770996, -0.4802998900413513, -0.024805007502436638, -0.6117485761642456, -0.3448897898197174, 0.26170143485069275, -0.8353951573371887, 1.5524680614471436, -0.7332306504249573, 0.20265689492225647, -0.024595988914370537, -0.3280459940433502, -0.2644708752632141, -1.384012222290039, -0.6848425269126892, -0.43049949407577515, -1.753624439239502, -0.18401657044887543, -0.7121155261993408, -0.46441859006881714, 0.024945195764303207, -1.1202516555786133, 0.4483897089958191, -0.35761430859565735, -0.2617003321647644, -0.7134491205215454, 0.6226322054862976, -0.8162146806716919, -0.5477650165557861, -0.38084614276885986, 0.6853118538856506, 1.0595982074737549, -1.0288118124008179, 0.802094042301178, -0.05713095888495445, -0.05357072129845619, -0.7503253817558289, -0.0690152496099472, -0.7364339232444763, 0.31212159991264343, 1.3089208602905273, -1.4327200651168823, -0.4999459683895111, -0.9047523140907288, -0.2267264872789383, -0.6370047330856323, -0.19148603081703186, 0.7938284873962402, -1.3012641668319702, -0.1815134733915329, -0.661361575126648, 0.30104315280914307, 0.40901899337768555, -1.0160303115844727, -0.04015539586544037, 0.3899914622306824, -0.23822903633117676, 1.278902530670166, -0.014073895290493965, 0.669258177280426, -1.61271071434021, -1.1535594463348389, -0.6033165454864502, -0.821891188621521, 1.006880760192871, 0.25924983620643616, 0.8344216346740723, 0.26084470748901367, -0.9247851371765137, -0.47930407524108887, -0.006574505008757114, 0.2705729901790619, -0.05919203534722328, 0.053050730377435684, -0.183120459318161, 0.4162057340145111, -0.1710461974143982, 0.06572818756103516, 0.34849339723587036, 0.6765895485877991, -0.34008583426475525, -0.28136682510375977, -0.23035994172096252, -0.39566072821617126, 0.06855414807796478, -1.6077549457550049, -0.3970414400100708, -0.3128165602684021, 0.5458545088768005, -0.8605411052703857, 0.004183709621429443, 1.1443697214126587, -0.2507120966911316, 0.9916667342185974, 1.0352199077606201, -0.16528911888599396, 0.8908835649490356, 0.35936111211776733, 0.9755585789680481, 0.24981984496116638, 0.05991072952747345, 0.021044570952653885, 0.24962902069091797, 0.5842810273170471, -0.03679201006889343, -0.05734118074178696, -0.9298545718193054, 0.4678165316581726, -0.3697793483734131, 1.1446216106414795, -0.09669604897499084, -0.34412968158721924, 0.431415319442749, 1.3218966722488403, 0.22056244313716888, -1.5460292100906372, -0.5659499764442444, -1.0614670515060425, -0.12965841591358185, 0.431572288274765, 0.01942543499171734, 0.4347357749938965, 0.5703161954879761, -0.7491734623908997, 0.9987636804580688, -0.6924712061882019, -0.03245876729488373, 0.6760586500167847, -0.25867968797683716, 1.0037868022918701, 0.6013673543930054, 0.5755491852760315, 0.6088336706161499, -0.7287708520889282, -1.0896121263504028, 0.35701173543930054, -0.8696401715278625, 0.5731495022773743, 0.6145555377006531, -0.6749103665351868, 0.06496097147464752, -0.10022726655006409, 0.4462142884731293, -0.08344773203134537, 1.1976726055145264, 0.3945268988609314, -0.23284703493118286, -0.5999658703804016, -1.0326029062271118, -0.624183714389801, 0.3471181094646454, -0.247906893491745, -0.22091282904148102, -0.6443579792976379, 0.7692826390266418, 0.36755287647247314, -0.23861661553382874, -0.6969022750854492, 0.26943692564964294, -0.3317182958126068, 0.11066560447216034, 0.4197835922241211, -0.4332396388053894, -0.7659555077552795, 0.4310995638370514, -0.84553462266922, 0.31495362520217896, 0.6545096039772034, -1.1631689071655273, -0.23902414739131927, 0.7693259119987488, 0.006164588034152985, -0.3151705861091614, 0.09230216592550278, 0.1819349229335785, -1.2682877779006958, 0.5514949560165405, 0.463561475276947, -0.4718937873840332, 0.08186168223619461, 0.23524287343025208, 1.0838062763214111, 0.10146207362413406, 1.4606989622116089]} +{"paper_id": "sagnikrayc/quasar", "embedding": [-0.5421561598777771, 0.9780951738357544, 0.24323657155036926, -0.25996536016464233, -0.04571707546710968, -0.04876161739230156, -0.16978132724761963, 1.39741849899292, 0.5678852200508118, 0.1599227488040924, 0.609424352645874, 0.3440985679626465, 0.7722409963607788, 0.5687470436096191, -0.5123029351234436, -0.30604711174964905, -0.38205039501190186, -0.6261354684829712, -1.4738935232162476, -0.5253372192382812, -0.39667123556137085, -0.9400870203971863, 0.41906386613845825, 0.796454131603241, -0.6288722157478333, -1.0383650064468384, 0.9086658954620361, -1.069732666015625, 0.44942736625671387, 0.24445083737373352, -0.18610170483589172, 0.7709368467330933, -1.2921700477600098, 0.3130485415458679, -0.1825771927833557, -0.029818948358297348, 0.5121201276779175, 1.035918951034546, 0.28353428840637207, -0.39282262325286865, -0.5259082913398743, 0.04198591411113739, 0.7988016605377197, 0.45053279399871826, 1.5325651168823242, -0.945423424243927, 0.7119289040565491, -0.05640741065144539, -0.3827746510505676, -0.16389143466949463, -0.7892358303070068, 0.45046332478523254, -0.16376686096191406, 0.4111102521419525, -0.3701314330101013, 0.4128873944282532, 0.3707825541496277, -0.6046006083488464, 0.6111056804656982, -0.7901616096496582, 1.715287208557129, 1.5446873903274536, -0.09521179646253586, 0.413259357213974, 1.3989638090133667, -0.20186692476272583, 1.2276262044906616, 0.4807811379432678, -0.10366937518119812, 0.5512176752090454, -0.3371373414993286, -0.8891382813453674, 0.5577922463417053, 0.1326170265674591, -0.08806006610393524, 0.7299253940582275, 0.17090682685375214, 0.19125759601593018, 0.25271376967430115, -0.23485878109931946, -0.3028818368911743, 0.00376921147108078, 0.4129793345928192, -0.3640664517879486, 0.2147500067949295, -0.18288776278495789, -0.040873028337955475, -1.2583142518997192, 0.4089527726173401, -1.3857741355895996, 0.7306069135665894, 0.40244725346565247, 0.07091134786605835, -0.2704785466194153, -0.42113161087036133, 0.20994222164154053, -0.938153862953186, -0.30206063389778137, -0.055919475853443146, 0.3704679608345032, 0.7020746469497681, 0.23919057846069336, 0.23147985339164734, -0.4943786561489105, 0.3026842474937439, 0.01939869299530983, -0.19892796874046326, -0.319328248500824, -0.938357412815094, -1.1830366849899292, 0.06169519200921059, 0.3872073292732239, -0.37121233344078064, 0.7256038784980774, -0.06525325775146484, -0.021069202572107315, 0.2603705823421478, -0.9618579149246216, -0.2595362663269043, 0.14901593327522278, -0.09406884759664536, -1.2386879920959473, -0.25181663036346436, 0.1393004208803177, 0.7340183258056641, -0.5963360667228699, -0.35686638951301575, -0.4502926468849182, -0.5100089907646179, 0.37959033250808716, 1.2019548416137695, -0.1306135058403015, -0.802963137626648, -0.33958902955055237, 3.3620598316192627, -1.1978647708892822, 1.1347588300704956, -0.25574392080307007, -0.2937670052051544, -0.729442298412323, -0.8052588105201721, 1.1754581928253174, 0.4575636088848114, -0.9449437856674194, -0.5617697834968567, 0.4105730354785919, -0.31292757391929626, 0.27644819021224976, -0.7603294849395752, -0.15254546701908112, -0.40041476488113403, 0.20081086456775665, -1.4827842712402344, -0.4305775463581085, 0.10669742524623871, 0.5307215452194214, -0.13313382863998413, 0.425104558467865, -0.5054699182510376, 0.7288528680801392, 0.4155849516391754, -0.08811149001121521, -0.7216161489486694, 0.6176241040229797, -0.6062940359115601, -0.15652456879615784, 1.0480895042419434, -0.12373945116996765, -1.0103442668914795, -0.03487566113471985, 0.13836480677127838, -0.7857720851898193, -0.6085191965103149, -0.047783926129341125, -0.21185900270938873, 0.15505921840667725, 0.5812774896621704, 0.39721056818962097, 0.3158169686794281, -0.6753140687942505, -0.24380037188529968, -0.2009008675813675, 0.012805894017219543, 0.8362071514129639, -0.003377271816134453, 0.8388524055480957, -2.6928651332855225, 0.01671125739812851, 0.2142765074968338, 0.14932361245155334, 0.34864696860313416, 0.16355952620506287, 0.16060297191143036, 0.3849462568759918, 0.09101317822933197, -0.3797297477722168, 0.12173815071582794, -1.021097183227539, 0.4251616597175598, 0.07347153127193451, 0.14142043888568878, 0.4243358373641968, 0.1014665961265564, 0.8973637819290161, 0.9490517973899841, -0.39289534091949463, -0.8536733388900757, -2.1145737171173096, 0.3180641233921051, 2.4954447746276855, -0.009911715984344482, -0.2647387981414795, -1.2547664642333984, 0.17675434052944183, -0.2385614812374115, 0.09842263907194138, -0.008073687553405762, -0.49218451976776123, 0.06071152165532112, -0.3610589802265167, 0.9628084897994995, -0.3130136728286743, 0.10682908445596695, 0.2930561900138855, 1.4198206663131714, -0.5803752541542053, 0.15781442821025848, -0.6768893599510193, -0.33871760964393616, 0.8430991768836975, 0.6124674677848816, 0.12872862815856934, 0.15983662009239197, 1.1353381872177124, 0.6665648221969604, 1.114162802696228, 0.3111344277858734, 0.25784197449684143, -0.6584911346435547, 0.27975961565971375, -0.35529860854148865, 1.3830550909042358, -0.037792012095451355, 0.05457662045955658, 0.12123054265975952, 0.23697662353515625, -0.2504931688308716, -0.22779102623462677, 0.22392773628234863, 0.16022436320781708, 1.1816744804382324, 0.6313292980194092, -0.6525759100914001, 0.7867945432662964, -0.7744608521461487, -0.2267511487007141, -0.03134552016854286, -0.26302582025527954, -0.6085687875747681, -0.20385083556175232, 0.9572690725326538, -0.15930229425430298, 0.1423647105693817, -0.13139085471630096, 0.1375342756509781, -1.1574054956436157, -0.6444797515869141, 0.15286991000175476, -0.5264432430267334, -0.5418031215667725, -0.31694096326828003, -0.3109560012817383, -1.20075523853302, -0.7727497220039368, 0.11572976410388947, 0.041756510734558105, 0.30048084259033203, 1.030023455619812, 1.38431715965271, 0.12549921870231628, 0.3169575333595276, -0.1748412549495697, 0.8970634341239929, -0.587664783000946, 0.44225209951400757, -0.09169083088636398, 0.12870943546295166, -1.0908290147781372, 0.2775186002254486, -0.33372169733047485, 0.29287204146385193, 0.5683711171150208, -0.27782541513442993, 0.06365311145782471, -0.39194756746292114, -0.9590042233467102, 0.796144962310791, -0.03626016899943352, -0.3958764672279358, -0.41244786977767944, 2.017401695251465, -0.1570042371749878, -0.967074453830719, 0.8530436754226685, -0.250824511051178, -0.28301358222961426, 0.6603263020515442, -0.03639201819896698, -0.10650274902582169, 0.6263353228569031, 0.07078222930431366, 0.1904696375131607, 0.47201600670814514, -2.0189735889434814, 1.0223839282989502, 1.1636734008789062, -0.017912548035383224, -0.461544007062912, -0.8672038316726685, 0.3250148892402649, -0.3012951612472534, -0.05943424254655838, 0.5701923966407776, -0.4992023706436157, 0.7580775618553162, 0.07045384496450424, 0.7285898923873901, 0.941165566444397, -0.4301556348800659, 0.40150290727615356, 1.0016694068908691, -0.07386172562837601, -0.702552080154419, -0.5914669036865234, 1.1604409217834473, -0.24212194979190826, 0.04977894574403763, -0.1767822802066803, 0.6626551747322083, 0.7263835668563843, -0.17582818865776062, -0.4224627912044525, 0.5504279732704163, 0.6332482099533081, -0.14470069110393524, -0.06634942442178726, -0.32035744190216064, 0.35132724046707153, 0.08955277502536774, 1.3263007402420044, -0.23197327554225922, -0.8680912852287292, -1.144073486328125, -0.23157842457294464, -0.11422774940729141, -0.10948148369789124, 1.7403703927993774, 0.5124643445014954, 1.7708579301834106, 0.06295348703861237, 0.24541935324668884, -0.6072407960891724, -0.44987210631370544, 0.8103038668632507, 0.5174305438995361, 0.576446533203125, -0.7650203704833984, -0.6009204387664795, 0.5809232592582703, 0.3619467318058014, -0.4130677580833435, 0.6059830188751221, 0.356200635433197, 0.30277329683303833, -0.7844150066375732, 0.5145300626754761, 1.1411678791046143, 0.5793857574462891, 1.2793275117874146, 0.03456760570406914, 0.125128835439682, -0.5397453308105469, 0.03331384062767029, 0.11903824657201767, 0.29429566860198975, -0.01908557116985321, 0.8911579847335815, -0.026847168803215027, 0.3374297618865967, 0.1346377730369568, 1.1155686378479004, 1.6709517240524292, -0.6520043611526489, -1.470903754234314, -0.33863598108291626, -0.8124440908432007, 0.3122166395187378, 0.38294509053230286, 0.5380809903144836, -0.725421667098999, 0.6283925175666809, 0.09753712266683578, -1.180854082107544, 0.12998318672180176, -0.2654939591884613, -1.5989347696304321, 1.2556912899017334, 1.3767634630203247, -0.8630312085151672, -0.58610600233078, -0.46696019172668457, -0.8585692048072815, -0.1370348185300827, -0.050726376473903656, -0.9002102017402649, 0.4669129550457001, 0.31907108426094055, 0.9447845816612244, -0.27065765857696533, 0.01704365760087967, -1.3351749181747437, 1.1972140073776245, 1.012780785560608, -0.5236246585845947, 0.23594000935554504, -0.2952202558517456, 0.5662267804145813, -0.158508762717247, -1.5322240591049194, -1.4337812662124634, 0.2820899784564972, -0.10708308219909668, 0.3692858815193176, -0.790368914604187, -0.668537437915802, 0.1632557213306427, 0.3079259395599365, 0.5993108153343201, -0.6179410815238953, -0.3755185604095459, -1.1595988273620605, -0.31905341148376465, 0.7200913429260254, -1.102613925933838, -0.43186748027801514, 0.48847857117652893, -0.4876328706741333, 0.7028061151504517, -0.26428917050361633, 0.12563541531562805, 1.3935184478759766, -0.04615779221057892, -0.4765865206718445, -0.34193307161331177, -11.514752388000488, 0.7529830932617188, -0.19832301139831543, 0.40667426586151123, 0.9433314800262451, 0.14201870560646057, 0.5918222665786743, -0.12617985904216766, 0.540145993232727, -0.6603685021400452, 0.2028236985206604, 0.6691789031028748, 0.10197252035140991, 0.03032970428466797, -0.7274759411811829, -1.1633360385894775, -0.2782883048057556, -0.5041864514350891, 0.823062002658844, -0.1291384994983673, -0.15585048496723175, -0.9039468169212341, -0.8346593379974365, 0.5795523524284363, 0.4890754818916321, 0.01251789927482605, -0.48444420099258423, -0.3852877914905548, -0.29761916399002075, -0.42160263657569885, 0.7403869032859802, 0.033503297716379166, -0.1797712743282318, -0.2500075399875641, -0.5233002305030823, -0.26785382628440857, -0.9833568930625916, 0.16002020239830017, 0.6452659964561462, -0.3265231251716614, -0.6814994215965271, -0.12459761649370193, 0.48584604263305664, -0.326053649187088, -0.34262222051620483, 0.4887869954109192, 0.6204220652580261, -1.2359224557876587, 0.6749856472015381, -0.09060049802064896, -0.6871951818466187, -0.22198966145515442, -0.6740787029266357, -0.3629397451877594, 0.2134418934583664, 0.8665961623191833, -1.2990961074829102, -0.810711145401001, -0.22963230311870575, -0.830959677696228, 0.6983795166015625, 0.09322375804185867, -0.05204736441373825, 0.07600601762533188, 0.2786423861980438, 0.24887153506278992, 0.018681999295949936, 0.041242875158786774, -0.42131972312927246, 0.5888577699661255, -0.4837358593940735, 0.8444041013717651, 0.4574648141860962, 0.6670020818710327, -1.2961716651916504, 0.05150154232978821, -0.8507421016693115, -0.14168336987495422, 0.05695440620183945, 0.40793222188949585, -1.2212589979171753, 1.0487159490585327, 0.16294224560260773, -0.6936733722686768, -0.5911121368408203, 0.24420931935310364, -0.2921932339668274, 0.7690489292144775, 1.357374906539917, -0.7777009010314941, 1.5214933156967163, 0.31828707456588745, -0.6301760673522949, -0.36522573232650757, -0.06488031148910522, 0.673973560333252, -0.5135570764541626, 0.4651278257369995, 0.21343645453453064, -0.5978615283966064, -0.1141616478562355, -0.12279242277145386, -0.8313554525375366, -0.2555716931819916, 0.5821720957756042, 0.41830602288246155, 0.25137588381767273, -0.23011216521263123, -0.08273948729038239, -0.5610835552215576, 1.2551296949386597, 0.4419710040092468, -0.2901849150657654, 1.331406831741333, -0.3980827331542969, 1.031914472579956, 0.6180935502052307, -0.1256721168756485, 0.030470000579953194, 0.8295058608055115, -0.7126468420028687, 0.9571332335472107, 0.4796181917190552, 1.1078386306762695, -0.5347292423248291, 0.08145251125097275, 0.5628260374069214, 0.388924777507782, -0.37328845262527466, -0.6863189339637756, 0.4100826382637024, -0.3442855775356293, -0.05442270636558533, -1.6602736711502075, -0.8415071368217468, 0.22043871879577637, -0.45997607707977295, 1.3189663887023926, -1.2466663122177124, -0.6369872093200684, -0.3249863386154175, 0.09869734942913055, -0.8171043992042542, -0.9542335867881775, -0.9470345973968506, 0.04733024537563324, -1.1180036067962646, 0.03444370627403259, -0.41127821803092957, -0.4785129427909851, -0.21383985877037048, -0.9290586113929749, 1.3600270748138428, -0.8930838704109192, -0.4328882396221161, -0.4362848103046417, 0.5930665135383606, -0.3965809643268585, -0.7550206780433655, -0.3874132037162781, 0.35938137769699097, 1.1657447814941406, -1.151445984840393, 1.5670210123062134, 0.511492133140564, 0.05425266921520233, -0.534412145614624, 0.25554147362709045, -0.5168325901031494, -0.06991814821958542, 0.7522850632667542, -0.7747350335121155, -0.3436293303966522, -0.4797378182411194, -0.08958311378955841, -0.08694504201412201, 0.5411511659622192, 0.694525957107544, -1.3911988735198975, 0.21087875962257385, 0.05910399556159973, 1.2671502828598022, 0.008905734866857529, -0.5438181161880493, -0.21074596047401428, 0.6417599320411682, 0.13516294956207275, 1.1980078220367432, 0.23955827951431274, 1.2225525379180908, -1.7506129741668701, -1.3633437156677246, -0.6957216858863831, -0.14752869307994843, 0.46385103464126587, 0.3113752603530884, 0.9838348627090454, 0.23491065204143524, -0.08184242993593216, 0.03173947334289551, -0.23016618192195892, 0.9014759063720703, 0.37745729088783264, 0.8950685858726501, -0.4523896872997284, 0.5665489435195923, -0.5943214297294617, 0.30039775371551514, 0.4611845016479492, 1.1350475549697876, -0.9586744904518127, -0.2562606632709503, 0.21600252389907837, -0.05770142748951912, -0.12738141417503357, -1.6667598485946655, 0.06704745441675186, -0.5632413625717163, -1.1078271865844727, -1.580374836921692, 0.44509655237197876, 0.6309613585472107, -0.3912726640701294, 0.9182551503181458, 0.4614756107330322, 1.1183431148529053, 0.41536080837249756, 0.20392873883247375, 0.807279646396637, -0.2622886002063751, -0.1047615259885788, 0.6514337658882141, 0.4050355553627014, 0.10703199356794357, -0.1631471812725067, -0.830177366733551, -0.5182204246520996, 0.7330430150032043, -0.3442213535308838, 0.6477499008178711, -0.41206371784210205, 0.7200009226799011, 0.44274431467056274, 1.0623704195022583, -0.28687387704849243, -2.2153658866882324, -0.47615376114845276, -1.3166227340698242, 0.03734482452273369, 1.0191563367843628, 0.3813551962375641, 0.15963898599147797, 0.7123113870620728, -0.6395782828330994, 0.6447586417198181, -0.7298036813735962, 0.432725727558136, 0.28191250562667847, -0.42919182777404785, 0.7162623405456543, 0.8399708867073059, 0.13265423476696014, 0.3670431077480316, -0.13424837589263916, -0.9909724593162537, -0.10682262480258942, -0.908525824546814, 0.9032413959503174, 0.9058805108070374, -0.21403315663337708, -0.11869192868471146, -0.31752103567123413, 1.6506339311599731, -0.5923556089401245, 1.5074305534362793, -0.24909020960330963, -0.3956165909767151, -0.8412402868270874, -0.9094646573066711, 0.17973999679088593, 0.5366218686103821, -0.3052988052368164, 0.22714413702487946, -0.07450902462005615, 0.46140190958976746, 0.2337953895330429, -0.19329342246055603, -1.1371188163757324, 0.12333906441926956, -1.045792818069458, 0.05499967187643051, 0.19868294894695282, -0.47470957040786743, -0.5285035371780396, -0.04743923991918564, -0.6360030174255371, 0.2972968518733978, 0.46991652250289917, -0.6071261167526245, -0.6506982445716858, 0.4307766258716583, -0.29340100288391113, 0.9545585513114929, -0.17539077997207642, -0.28317007422447205, -1.6420637369155884, 0.7200862169265747, 0.8642357587814331, -0.29398345947265625, -0.2565367817878723, -0.0777968317270279, 0.8035534024238586, 0.21264022588729858, 0.332366019487381]} +{"paper_id": "toloka/CrowdSpeech", "embedding": [-0.6385778188705444, 0.7093714475631714, 0.3893381357192993, -0.7253462076187134, 0.2380434274673462, 0.7223327159881592, 0.40509605407714844, 0.48460882902145386, 0.7516823410987854, 0.27099281549453735, 0.49916061758995056, 0.2290704846382141, 0.17206837236881256, 0.05241657793521881, -0.6293529272079468, -0.8822597861289978, -1.7011284828186035, -0.6266562342643738, -1.114762544631958, 0.03821573406457901, -1.2698745727539062, 0.3438035845756531, -0.03066088631749153, -0.4781281650066376, -0.7451006174087524, -0.22872275114059448, 0.20548199117183685, -0.7010437250137329, 0.1617833971977234, -0.43394434452056885, 0.334445059299469, 1.1844350099563599, -1.1922718286514282, 0.5510518550872803, -0.546596109867096, -0.23774868249893188, -0.1159677505493164, 0.4219031035900116, 0.5202456712722778, -0.8542109131813049, -0.651422917842865, -0.10230651497840881, 0.8867825865745544, 0.10053615272045135, 0.7246217131614685, -0.2608376741409302, -0.12948691844940186, 0.3008916676044464, -0.2960682809352875, -0.11108818650245667, -0.25943347811698914, 0.7351751923561096, 0.7616003751754761, 0.13415779173374176, -0.8895686864852905, 1.002421498298645, -0.3842966556549072, -0.6020443439483643, 0.4732472598552704, -1.4021693468093872, 0.5140367150306702, 1.1088850498199463, 0.18775081634521484, 0.35493844747543335, 1.0955595970153809, -0.10530799627304077, 0.9971072673797607, 0.2705121636390686, 1.1726292371749878, -0.13718506693840027, -0.28142985701560974, -1.4073920249938965, 0.08053930103778839, 0.44755715131759644, 0.8250000476837158, 0.5408170223236084, -0.2822097837924957, 0.13567426800727844, 0.2757855951786041, 0.11010699719190598, -0.3437395989894867, 0.36213892698287964, 0.6827270984649658, -0.5803481936454773, -0.35866183042526245, 0.33708080649375916, 0.3764476180076599, -0.547731339931488, 0.40706866979599, -1.291610598564148, 0.1497875154018402, -0.8123763203620911, 0.39721283316612244, 0.4043923616409302, -0.44121253490448, 0.45239129662513733, 0.35807567834854126, -0.4126044809818268, -0.6380271911621094, 1.0218772888183594, 0.8857990503311157, -0.024229981005191803, 0.3911406993865967, -0.07499835640192032, 0.3604884743690491, 0.798572838306427, -0.5269495248794556, -0.623632550239563, -0.8771255016326904, -0.3606545627117157, -0.36009833216667175, 1.0253479480743408, 0.5958232879638672, 0.5605916380882263, -0.12276151031255722, -0.18316084146499634, -0.15307283401489258, -0.5763956308364868, -0.7709042429924011, -0.14144892990589142, -0.24899214506149292, -0.6048991084098816, 0.395500510931015, -0.8979706764221191, 1.6604080200195312, -0.750575602054596, 0.4890333414077759, 0.15692871809005737, 0.14584048092365265, -0.6967992782592773, -0.17512202262878418, -0.11992162466049194, 0.024513356387615204, 0.6795152425765991, 3.090141534805298, -0.6273064017295837, 1.7009133100509644, -0.6913362145423889, -0.2518661916255951, -0.4121573567390442, 0.591248095035553, 2.1415302753448486, -0.24321192502975464, -0.5165618062019348, -1.0102859735488892, -0.9800282120704651, -1.1603968143463135, 0.49085143208503723, -0.5722203254699707, -0.42054837942123413, -0.5873315334320068, 0.270824670791626, -1.3092687129974365, -0.9455458521842957, 0.04847203567624092, 0.44426384568214417, -0.06870582699775696, 0.5308703184127808, -0.6372888684272766, 0.21677333116531372, -0.015675820410251617, 0.569006621837616, 0.618384599685669, 1.1555393934249878, -0.640710175037384, 0.5716705918312073, 0.5523384809494019, -0.7451416254043579, -0.4085034430027008, -0.7122821807861328, 0.8947180509567261, -0.5959195494651794, 0.43541908264160156, 0.6489671468734741, -0.4383213520050049, 0.9125180244445801, 0.25614258646965027, 0.6121975779533386, -0.10908166319131851, -1.107689380645752, -0.23048391938209534, -0.47528496384620667, -0.10051295161247253, -0.014426742680370808, 0.3818502128124237, -0.4288354814052582, -1.9857640266418457, -0.3862699866294861, 0.14650435745716095, 0.6483046412467957, -0.532004714012146, -0.3502868711948395, 0.19362720847129822, 0.3333742618560791, -0.15237469971179962, 0.1608150601387024, 1.2771366834640503, -0.8653675317764282, -0.4112400412559509, 0.3599647879600525, -0.13572566211223602, -0.025339659303426743, -0.07886268198490143, 0.04177019000053406, 0.9791727066040039, -0.26354119181632996, -0.08170503377914429, -1.5651469230651855, -0.2744946777820587, 2.1327919960021973, 0.3486253023147583, -0.9470921754837036, -0.7353300452232361, -0.5320733189582825, 0.2412295937538147, -0.3662288784980774, 0.40869998931884766, -0.7786380052566528, -0.7209898829460144, -1.5267778635025024, 0.38906729221343994, -0.750094473361969, 0.28100287914276123, 0.7539283633232117, 1.0095107555389404, -1.043897032737732, -0.12321615219116211, 0.03716680780053139, -0.32013362646102905, 0.5661271214485168, 0.5644353032112122, -0.12829028069972992, -0.15023256838321686, 0.30886906385421753, 0.2730627655982971, 0.14729920029640198, 0.3570323884487152, 0.2222478985786438, -0.58091139793396, -0.973808228969574, -0.18551073968410492, 0.4239771366119385, 0.22615669667720795, -0.13965196907520294, 0.7180643677711487, 0.5119114518165588, 0.09026487171649933, -0.7962353825569153, -0.5172344446182251, 0.462358295917511, 1.614444375038147, 1.2589890956878662, -0.0263129360973835, 0.5177567601203918, -0.839201033115387, 0.570165753364563, -0.04575246199965477, -0.9103624224662781, 0.24262870848178864, -0.9037426114082336, 0.7089279890060425, -0.9178870320320129, -0.5671647191047668, 0.02461567521095276, -0.21104790270328522, -1.2248280048370361, -0.4615451991558075, 0.14162665605545044, -0.3089509606361389, -1.2182201147079468, -0.3362635374069214, -0.4130334258079529, -0.05747322738170624, -0.757143497467041, -0.26761046051979065, 0.8754269480705261, 0.44212356209754944, 1.1205695867538452, 1.7032390832901, -0.4447057545185089, -0.020521171391010284, -0.14579996466636658, 0.28883975744247437, -0.21901684999465942, 0.479788601398468, -0.7603980898857117, 0.7371037006378174, -0.4346831738948822, -0.12374482303857803, -0.75239098072052, 0.6564221978187561, -0.21368086338043213, -0.2521248459815979, 0.32704436779022217, -0.09754090011119843, -0.3421117663383484, 0.3457472324371338, -0.8290032148361206, 0.44641053676605225, -0.8624967932701111, 0.8684292435646057, 1.195191502571106, -0.9538445472717285, 0.30876821279525757, -0.7816842198371887, 0.48356926441192627, 1.2881534099578857, -0.8053066730499268, 0.581005334854126, 0.7673946022987366, -0.7573204040527344, 0.15090160071849823, 0.6936562061309814, -1.7341457605361938, 0.04094148054718971, 1.3529794216156006, 0.13956387341022491, -0.2320878952741623, -1.0409669876098633, -0.11490774154663086, -0.7274965047836304, -0.2160838097333908, -0.35967588424682617, -0.7258485555648804, 0.6727079153060913, -0.08564390242099762, 1.2943079471588135, 0.619169294834137, -1.0009355545043945, 0.8725093603134155, 0.7104288339614868, 0.16420020163059235, -0.35089346766471863, -0.04294160008430481, 0.8774541616439819, -0.5382946133613586, 0.6687335968017578, 0.6540676355361938, 0.6333916187286377, 1.0500990152359009, -0.27709338068962097, -0.6931978464126587, 0.42165714502334595, 0.6305397152900696, 0.0012020806316286325, 0.5364776849746704, 0.3653045892715454, 0.9159054756164551, 0.16782379150390625, 0.17690151929855347, 0.9445161819458008, -0.874293327331543, -0.7368887662887573, 0.33484548330307007, -1.11735200881958, -1.2344980239868164, 1.7491538524627686, 1.1125282049179077, 1.1824644804000854, 0.06409922987222672, 0.4577595293521881, -0.34005510807037354, 0.36844009160995483, 0.8451915979385376, 0.5312504172325134, 0.7201365232467651, 0.03296217322349548, 0.6186591386795044, 0.08142080903053284, 0.6561068296432495, -0.14212894439697266, 0.05281771346926689, 0.6640409231185913, 0.0404779389500618, -0.6401735544204712, -0.17506341636180878, 0.5954579710960388, 0.6587709784507751, 2.009963035583496, -0.09730786085128784, -0.6169043183326721, -0.21927212178707123, 1.2200342416763306, -0.07876403629779816, 0.21023526787757874, -0.6960180997848511, 0.5437881946563721, 0.8132075667381287, 0.6987342238426208, 0.2945137023925781, 0.7341943979263306, 0.2574198246002197, -0.9629696607589722, -0.8785316348075867, -0.5048297047615051, -1.0693800449371338, -0.6684277653694153, 0.025395579636096954, -0.7953844666481018, -0.5365615487098694, 0.8264345526695251, -0.4144851863384247, -1.2119745016098022, 0.35490813851356506, -0.36007359623908997, -0.43345552682876587, 1.5113213062286377, 1.0240895748138428, -1.926517128944397, -0.8282130360603333, -0.2520473599433899, -0.8252975940704346, -0.6212065815925598, 0.7007216215133667, -0.35412636399269104, 0.23573166131973267, -0.555137038230896, 0.6668938398361206, -0.37107980251312256, -0.189793199300766, -1.029654860496521, 0.22937579452991486, 1.308278203010559, -0.5263826251029968, 0.6372226476669312, 0.2261398285627365, 0.1888705939054489, 0.2840248942375183, -0.9775194525718689, -0.7274206876754761, 0.4560833275318146, 1.2416467666625977, -0.5507962107658386, -1.07100510597229, 0.25257593393325806, -0.4526174068450928, -0.5232372879981995, 0.15228627622127533, -0.8000800013542175, 0.4309595227241516, -0.230060875415802, 0.38172730803489685, 0.7506105899810791, -0.8961971402168274, -0.9623757004737854, 0.9222657084465027, -0.4239877760410309, 1.3728344440460205, 0.013353131711483002, -0.4355708062648773, 1.1772255897521973, 0.4045407176017761, 0.8345575928688049, 0.10431704670190811, -11.382793426513672, 0.6945450901985168, -1.1639573574066162, -0.2886867821216583, -0.14830714464187622, -0.6066465973854065, 0.7763434648513794, 0.6220163702964783, 0.40545526146888733, -1.2516676187515259, 0.1461436152458191, 1.0955533981323242, -0.36932358145713806, -0.149653360247612, -0.5415312051773071, -0.9970743060112, -1.1103291511535645, -0.4760745167732239, 0.9171849489212036, 0.20910575985908508, 0.013658039271831512, -1.2531310319900513, -0.7086614966392517, -0.2770915925502777, -0.03028799593448639, 0.45523151755332947, -0.10625030100345612, -0.5825349688529968, -0.5817564725875854, 0.5482205152511597, 0.8802937865257263, 0.08277132362127304, -0.5673216581344604, -0.20848184823989868, 0.495076060295105, -0.38476136326789856, -1.4497859477996826, -0.6291300058364868, 0.5140688419342041, 0.47461843490600586, 0.4255862236022949, 0.2703694999217987, -0.5797429084777832, -0.6063348650932312, -0.7160126566886902, 0.294888973236084, 0.315507173538208, 0.23246464133262634, -0.09700249135494232, -0.7890111804008484, -0.9288176894187927, -0.5874709486961365, -0.4131172001361847, -0.7999441623687744, 1.0603370666503906, 0.14817482233047485, -1.0146595239639282, 0.4744701087474823, -0.7054941058158875, -0.7491861581802368, 0.783592164516449, 0.3779761791229248, -0.4303773045539856, 0.7634410858154297, 0.8890940546989441, -0.8414966464042664, 0.5075573921203613, 0.133319690823555, 0.4396745264530182, -0.0728449672460556, -0.8528783321380615, 1.1025890111923218, 0.31030669808387756, 0.16908594965934753, -0.5388108491897583, -0.7267532348632812, -0.08954723924398422, -0.6132307648658752, 0.4097050726413727, 0.6063178777694702, -0.46447011828422546, 0.5573316812515259, -0.1744598001241684, -1.0039966106414795, -0.9082598686218262, 0.15196305513381958, -0.18663328886032104, -0.29185470938682556, 1.1803861856460571, 0.40262964367866516, 0.9136173129081726, 0.1525578796863556, -0.17442579567432404, 0.019973665475845337, -0.405597060918808, 1.2403326034545898, 0.062328968197107315, 0.7856869697570801, -0.7614548206329346, -1.303417682647705, 1.1690410375595093, 0.094733826816082, -0.5165216326713562, 0.5008412599563599, 0.07521314918994904, -0.4697437584400177, -0.18913380801677704, 0.4251931607723236, 0.555152416229248, 0.5850308537483215, 0.6059727072715759, -1.1272140741348267, -0.1970534771680832, 0.8432523608207703, 0.7985183000564575, 0.18367868661880493, 1.1087591648101807, 0.2485717535018921, 0.9367431998252869, -0.17368651926517487, -0.44194963574409485, 0.9725610017776489, 0.24266260862350464, 1.3594121932983398, 1.0361502170562744, -0.5354548692703247, -0.013402633368968964, 0.13799330592155457, -0.483906090259552, -1.4378851652145386, 0.5408433675765991, 0.050589222460985184, 0.4521501362323761, -0.24227935075759888, 1.0379446744918823, -0.6305235624313354, -0.8541803359985352, 0.9976685047149658, -0.5663853287696838, -0.05880484730005264, 0.008562002331018448, -0.7342521548271179, -0.20269881188869476, -0.6378187537193298, -0.5182912349700928, 0.26836255192756653, -1.4001718759536743, -0.13461661338806152, -0.39722076058387756, 0.2358747273683548, 0.7781659960746765, 0.23676735162734985, 0.7214449048042297, -1.0237386226654053, 0.06449270993471146, 0.343033105134964, 0.6631525158882141, -0.2858702540397644, 0.18306320905685425, -0.4534524381160736, 0.5761354565620422, 0.6130367517471313, -0.8275267481803894, 0.3401526212692261, 0.3351829946041107, 0.43034011125564575, -0.32663172483444214, -0.5315420627593994, 0.085377998650074, 0.17527583241462708, 1.2453267574310303, -0.9029260277748108, -0.12658822536468506, -0.6664758920669556, 0.45727014541625977, 0.22350046038627625, 0.0827154815196991, 1.7225545644760132, -0.9031991958618164, 0.11166387796401978, -0.30904853343963623, 0.6752752661705017, 0.02382729947566986, -1.3866479396820068, -0.10328960418701172, 0.4160493314266205, 0.3190656006336212, 0.04694351553916931, 0.4783763587474823, 0.5160506367683411, -1.6206306219100952, -0.7129467129707336, -0.29280543327331543, -0.01993178017437458, 0.24614448845386505, -0.190622940659523, 1.139836072921753, 0.16631953418254852, 0.4048294723033905, 0.369474858045578, 0.34863394498825073, 0.5037524104118347, -0.4870147407054901, -0.4881742596626282, -0.08190345764160156, -1.014233946800232, -0.5662602186203003, -0.12109445035457611, 0.4781966805458069, -0.5862055420875549, -1.1106027364730835, 0.7271247506141663, -0.5804672837257385, -0.23986934125423431, 0.06997212767601013, -0.2787267863750458, 0.11564065515995026, -0.13093321025371552, -0.5099506378173828, -0.854910135269165, 0.4219633638858795, 1.5553926229476929, 0.09121505916118622, 1.0003403425216675, -0.34171444177627563, -0.19346950948238373, 0.5767456293106079, 0.34437599778175354, 1.1110467910766602, -0.6571071147918701, -0.4099510610103607, -0.7780270576477051, -0.2562435269355774, 0.014988288283348083, 0.8400623798370361, -0.10333244502544403, -0.8384945392608643, -0.3591863811016083, -1.3072346448898315, -0.3373070955276489, -0.7161778807640076, 0.38130027055740356, 0.42757928371429443, 1.259090542793274, -1.071019172668457, -0.9125034213066101, 0.056722383946180344, -0.35645797848701477, -0.05085757374763489, 0.27519872784614563, 0.5114046931266785, 0.8404212594032288, 0.887580156326294, 0.09504130482673645, 0.8297628164291382, -0.15333004295825958, -0.09437322616577148, 0.3309311270713806, 0.9706122875213623, 1.9927549362182617, 1.2723712921142578, -0.31217721104621887, 0.903245210647583, -0.06261279433965683, 0.18663543462753296, 0.45327308773994446, -0.2197810858488083, 0.9762474298477173, 1.31013822555542, -0.3508601188659668, -0.32221949100494385, -1.2381972074508667, -0.836068868637085, -0.3255852460861206, 0.34836915135383606, 0.7096350193023682, -0.803029477596283, -0.8239473700523376, -0.42668721079826355, -0.17517873644828796, 0.9961761832237244, 0.42974576354026794, -0.4772875905036926, -0.8483600616455078, 0.8560034036636353, -0.06886903941631317, -0.5637388825416565, -1.012952208518982, 0.8547704219818115, -0.4947161376476288, 0.004170335829257965, 0.00043887272477149963, -0.9659010171890259, -0.77585369348526, 0.22749176621437073, 0.08084990084171295, 0.19453006982803345, -0.3239787220954895, -1.2225086688995361, -0.7423735857009888, -0.23840679228305817, 0.2832454741001129, -0.15238122642040253, 0.5819689631462097, 0.18396137654781342, -1.1933602094650269, 1.0209370851516724, 0.6591204404830933, 0.18776245415210724, -0.6287128925323486, 0.5256374478340149, 0.08864077925682068, -0.5737140774726868, 1.2624012231826782]} +{"paper_id": "yhavinga/mc4_nl_cleaned", "embedding": [-0.49949896335601807, 0.9467348456382751, 0.04369073733687401, -0.05100283399224281, 0.9940807223320007, -0.35430124402046204, 0.07089095562696457, 0.07951148599386215, 0.9274195432662964, 0.7983246445655823, 0.8333354592323303, -0.11204702407121658, 0.6256600022315979, 0.026569396257400513, -0.009814780205488205, -0.0602799654006958, -0.6741263270378113, -0.8402802348136902, -1.1160906553268433, -0.2449888288974762, -1.143136978149414, -0.20588205754756927, 0.019166436046361923, 0.8023450374603271, -0.3840142786502838, -0.9623056054115295, 0.1477578580379486, -0.4626735746860504, -0.0026548728346824646, 0.7283192873001099, 0.013663165271282196, 1.222308874130249, -1.670000433921814, 0.7219372391700745, -0.5031828284263611, -0.17064064741134644, 0.6580406427383423, 0.6695271134376526, -0.07290270179510117, -0.35146835446357727, -0.7962421774864197, -0.38567009568214417, 0.6176415085792542, 0.20789851248264313, 0.8233166933059692, 0.015820585191249847, -0.01205731462687254, -0.2566498816013336, 0.21580906212329865, -0.12159936130046844, 0.030220402404665947, 0.32720234990119934, -0.39942261576652527, 0.365557998418808, -0.33835554122924805, 1.563010573387146, -0.049575239419937134, -0.7118571400642395, 0.4427211284637451, -0.8833365440368652, 0.8022357821464539, 1.62456214427948, -0.5280545353889465, 0.15322670340538025, 1.3878540992736816, -0.05453643947839737, 1.1715788841247559, 0.36323481798171997, 0.6212518811225891, 0.854508638381958, -0.1890697032213211, -1.264898657798767, 0.5351659059524536, -0.20771200954914093, 0.49098727107048035, 1.0706266164779663, 0.34960564970970154, -0.15054288506507874, -0.46994590759277344, -0.5663726925849915, -0.7165111303329468, 0.42987924814224243, 0.15998996794223785, -0.7605751752853394, -0.20546340942382812, 0.7305604219436646, -0.013529110699892044, -0.3625591993331909, 0.5954475402832031, -1.8426263332366943, 0.4230515956878662, 0.08703255653381348, 0.29427123069763184, -0.23523105680942535, -0.4019520580768585, 0.2252671718597412, -0.5582270622253418, 0.35787245631217957, -0.11386103928089142, 0.41291189193725586, 0.4709962010383606, -0.43348264694213867, 0.98834228515625, -0.016604147851467133, 0.21638163924217224, 1.0225499868392944, -0.5302082896232605, -1.1523340940475464, -0.878882884979248, -0.4039354920387268, -0.2188657522201538, 0.8142693042755127, -0.03629978001117706, -0.16010278463363647, 0.05157586187124252, -0.3860819637775421, 0.5285555720329285, -0.434628963470459, -0.5021156072616577, 0.1052122563123703, -0.30421680212020874, -1.6437638998031616, -0.9699450135231018, -0.2747097611427307, 1.181030511856079, -0.6314287185668945, -0.07018434256315231, -0.4632106423377991, -0.09066236764192581, -0.3831901550292969, 0.4355723261833191, 0.23266610503196716, -0.8116095066070557, 0.1849295198917389, 3.065577507019043, -0.5379942059516907, 1.302478313446045, -0.1272733360528946, -0.009961366653442383, 0.05595389008522034, 0.23665937781333923, 0.9424996972084045, 0.4614061415195465, -0.8073948621749878, -0.455844521522522, 0.4340883195400238, -0.8573784828186035, 0.11346501111984253, -0.6687886118888855, -0.6051060557365417, 0.3838728964328766, 0.018942415714263916, -0.3100757896900177, -0.849765419960022, -0.20405803620815277, 0.09290600568056107, 0.2636426091194153, 0.6031796336174011, -0.7409488558769226, 1.0582046508789062, 0.7616589069366455, 0.5910744667053223, -0.6920889019966125, 0.7779253721237183, -1.254171371459961, 0.46948835253715515, 1.4413120746612549, 0.0019935257732868195, -0.2547079622745514, -0.2734091579914093, 0.6612681746482849, -0.4451545476913452, 0.28045517206192017, -0.01128152385354042, -0.41962119936943054, 0.3738000988960266, 0.4797455966472626, 0.6456130743026733, -0.07506441324949265, 0.33365073800086975, -0.4885212779045105, -0.22097700834274292, 0.3208305537700653, 0.48610150814056396, -0.09428447484970093, 0.30100753903388977, -2.323989152908325, -0.38238269090652466, -0.3487567603588104, 0.1427878588438034, -0.3396020531654358, -1.0316050052642822, 0.3020663559436798, -0.26783478260040283, 0.7574357986450195, -0.5038323402404785, 0.09503225982189178, -0.52826327085495, -0.24398665130138397, 0.43760597705841064, 0.5096001625061035, -0.09393834322690964, 0.4256267845630646, 0.3802814483642578, 0.2656366527080536, -0.20727065205574036, -0.6287814974784851, -1.2960875034332275, 0.20562845468521118, 2.0459399223327637, -0.5233836770057678, -0.7161762714385986, -1.11964750289917, -0.4878520965576172, 0.24709105491638184, -0.693113386631012, 0.22843605279922485, -1.1196341514587402, -0.24703854322433472, -1.3102267980575562, -0.22319366037845612, -0.3210037350654602, 0.0747828260064125, -0.28879594802856445, 0.8727195858955383, -0.44170916080474854, -0.3168640732765198, -0.6253335475921631, -1.0837068557739258, 0.6515555381774902, 0.571075975894928, 0.09434542059898376, -1.1824604272842407, 1.075134515762329, -0.387888103723526, 0.730085551738739, 0.669562041759491, 0.4973912239074707, -0.12858596444129944, 0.03958717733621597, -0.17176496982574463, 1.3310796022415161, -0.15622578561306, -0.2525900602340698, 0.18655888736248016, 0.94773268699646, -0.30833733081817627, -0.7065249681472778, 0.3032543659210205, 0.2434448003768921, 0.9120532870292664, 0.7739801406860352, -1.1389182806015015, 1.0523995161056519, -0.7187323570251465, 0.2044943869113922, 0.04158063605427742, -1.0426888465881348, 0.3048698306083679, -0.38504528999328613, 0.495437890291214, -0.7790088057518005, 0.2778414189815521, -0.032535579055547714, -0.40113380551338196, -1.3615243434906006, -0.7452893257141113, -0.5733935832977295, -0.6227871179580688, -1.4237494468688965, -0.580564022064209, -0.6345385313034058, -0.4089133143424988, -0.7417262196540833, 0.6777446866035461, 0.4628317654132843, -0.1382167786359787, 0.6580600738525391, 1.4355844259262085, -0.06945927441120148, 0.8762611150741577, -0.44041621685028076, 0.513066828250885, -0.39536768198013306, 0.9974964261054993, 0.7138181328773499, 0.39754724502563477, -1.3236587047576904, -0.4912441670894623, -0.2596459984779358, 0.20853424072265625, 0.5115695595741272, -0.23444586992263794, 0.4198888838291168, -0.11085169017314911, -1.275642991065979, 1.0471101999282837, -0.7683913111686707, 0.49621206521987915, -1.4278979301452637, 1.528028130531311, 0.26291364431381226, 0.2453269213438034, 0.9062123894691467, 0.134428933262825, -0.23677097260951996, 0.8380241990089417, -0.5754453539848328, 0.4423815906047821, 0.9176670908927917, -0.09295859187841415, 0.19791322946548462, 0.21683639287948608, -1.9602810144424438, 0.1343369334936142, 0.6840490102767944, -0.028050005435943604, -0.16898776590824127, -0.6631172299385071, 0.2605682611465454, -0.07115517556667328, -0.2985661029815674, 0.13853392004966736, -0.03556176275014877, 0.24508655071258545, -0.1243060827255249, 0.48121899366378784, 1.4789875745773315, -0.6478458642959595, 0.5649906396865845, 0.9385407567024231, 0.15654388070106506, -0.42869633436203003, -0.3902946710586548, 0.48000937700271606, -0.36823779344558716, 0.2822091579437256, 0.5792109966278076, 0.42823731899261475, 1.5557551383972168, -0.6619154810905457, 0.03525889292359352, 0.45756739377975464, 0.8456066846847534, -0.21585756540298462, 0.8631095886230469, 0.031632907688617706, 0.23835620284080505, 0.7106967568397522, 1.154736876487732, 0.1304609328508377, -0.9127830266952515, -1.1839927434921265, -0.0676700621843338, 0.11792753636837006, -0.5919477343559265, 1.6189861297607422, 0.3165569603443146, 0.853305459022522, 0.14146330952644348, -0.18393312394618988, -0.6756500005722046, -0.21214419603347778, 0.8013929724693298, 0.7174813151359558, -0.05275742709636688, -0.042393676936626434, 0.27135103940963745, 0.9050442576408386, -0.3406871259212494, -0.3691374659538269, -0.04048866406083107, 0.9116504192352295, -0.03958580270409584, -0.9360830783843994, 0.5050356388092041, 1.004358172416687, 0.1555388867855072, 1.1958973407745361, -0.48786669969558716, -0.8400543332099915, -0.30867519974708557, 0.6109316349029541, 0.1466374397277832, 0.6178667545318604, -0.2339421659708023, 0.24662059545516968, 0.04284199699759483, 1.0654797554016113, 0.2590668797492981, 0.3542309105396271, 1.48002028465271, -0.5504260659217834, -0.5565168261528015, 0.22564122080802917, -1.2807453870773315, -0.6144161224365234, -0.30230820178985596, -0.3741512596607208, -0.845894992351532, 0.7549362778663635, -0.9856133460998535, -0.5730144381523132, 0.8860088586807251, -0.12834708392620087, -1.3648016452789307, 0.07570953667163849, 0.9650828838348389, -1.212502121925354, -0.2547729015350342, -0.10361474007368088, -0.8929023742675781, -1.1872403621673584, 0.09588095545768738, -0.10099459439516068, -0.1783372014760971, -0.2966480255126953, 0.5959046483039856, -0.10242762416601181, -0.16730868816375732, -1.416758418083191, 0.9192395806312561, 1.3747339248657227, -0.7730569839477539, 0.06685393303632736, 0.09609589725732803, 0.5377958416938782, -0.20432034134864807, -0.7504710555076599, -0.46412885189056396, 0.6848822832107544, 0.501832127571106, 0.38679733872413635, -0.2147350311279297, -0.40306520462036133, 0.7044187188148499, 0.19821155071258545, 1.4263861179351807, -0.7869505882263184, 0.17654144763946533, -0.3136872351169586, 0.9086456298828125, 0.636202335357666, -0.015432000160217285, -0.3226013779640198, 1.1672372817993164, -0.26957741379737854, 0.9624443054199219, -0.6563512086868286, 0.5917338132858276, 0.1243613064289093, 0.3619258999824524, 0.18595723807811737, -0.2544538676738739, -11.698311805725098, -0.10721568763256073, -0.16978059709072113, 0.11398744583129883, 0.9797809720039368, -0.054109640419483185, 1.2397699356079102, 0.13401378691196442, -0.10979010164737701, -0.6012018322944641, 0.4828428030014038, 1.0566918849945068, 0.21003121137619019, -0.35105863213539124, -0.6476821899414062, -0.5718706250190735, -1.1677926778793335, 0.25784140825271606, 0.37177109718322754, -0.5065495371818542, -1.051707148551941, -0.21800166368484497, -0.25454825162887573, 0.05825961008667946, 0.0242840014398098, 0.09781623631715775, 0.030383415520191193, -0.2780837118625641, -0.1599658727645874, -0.4599815905094147, 0.24969670176506042, -0.005602666176855564, -1.2755087614059448, -0.4470168650150299, 0.4697207808494568, 0.4184729754924774, -1.3088520765304565, -0.1598326563835144, 1.6379575729370117, -0.020849673077464104, -0.16450081765651703, 0.672024130821228, 0.03661557286977768, 0.631001889705658, -0.6275647878646851, 0.6190401315689087, 0.6296285390853882, -0.5169329047203064, 0.8305136561393738, -0.8467309474945068, -0.28801092505455017, -1.482356071472168, -1.0691099166870117, -0.8970909118652344, 0.8401726484298706, 0.6026840806007385, -0.4681333601474762, 0.125273659825325, -0.19671978056430817, -0.9764573574066162, 1.0924711227416992, 0.5194053649902344, -0.3711938261985779, 0.013196974992752075, -0.08494507521390915, -0.8473111987113953, 0.4089517295360565, 0.7427020072937012, -0.08531816303730011, 0.11686883866786957, -0.3316359221935272, 0.5506141781806946, 0.4561692774295807, 0.026990607380867004, -0.05637478083372116, -0.12474069744348526, -0.07264590263366699, 0.036028724163770676, 0.18521513044834137, 0.3583846390247345, -0.9498528838157654, 0.4143166244029999, -0.3529664874076843, -0.5030745267868042, 0.31383058428764343, -0.27930358052253723, -0.5978147387504578, 0.06306615471839905, -0.050134189426898956, 0.5093823075294495, 1.0503708124160767, -0.46780717372894287, 0.2908715009689331, 0.14494943618774414, -0.6744772791862488, 0.9997062087059021, -1.573362112045288, 0.6068763136863708, 0.06637591123580933, -1.2535817623138428, 0.03205283731222153, 0.15524831414222717, -0.3318141996860504, -0.35910314321517944, 1.0400822162628174, 0.30466151237487793, 0.13989481329917908, 0.3938749134540558, 0.32943618297576904, -0.3444242477416992, 0.47252357006073, -0.12587584555149078, -0.06627558171749115, 1.2415568828582764, -0.11916202306747437, 0.9509106278419495, 0.6007872819900513, 0.2468324601650238, 1.0121983289718628, 0.9138079285621643, -0.7413802742958069, 0.9964503645896912, 0.13531875610351562, 0.9380599856376648, -0.1327679455280304, 0.5497751235961914, -0.12353967130184174, 0.5962594747543335, 0.059441663324832916, -1.1657615900039673, -0.06412920355796814, -0.17811433970928192, -0.2973612844944, -0.8537295460700989, -0.3342767655849457, -0.5798178911209106, -1.0578359365463257, 1.904036045074463, -0.17016597092151642, 0.6798776388168335, -0.07596556842327118, -0.8087596297264099, 0.4252931475639343, -0.8595525622367859, -0.9646705389022827, -0.01806202530860901, -0.8359120488166809, -0.23946845531463623, -0.6180336475372314, -0.434347927570343, 0.5270882844924927, -0.3086509704589844, 0.7002291679382324, -1.3714408874511719, -0.09803988039493561, -0.5570473074913025, 0.10719320178031921, -0.7756321430206299, -1.07647705078125, -0.36536508798599243, -0.007446803152561188, 1.7076762914657593, -0.8526144623756409, 1.1778684854507446, 0.4084974527359009, 0.015418920665979385, -0.5623307228088379, -0.2715379595756531, -0.5530312061309814, 0.4556411802768707, 1.476925015449524, -0.20461414754390717, -0.31310176849365234, -0.6270713806152344, -0.7075762152671814, -0.9998469352722168, 0.5166032314300537, 1.5885049104690552, -0.3186344504356384, 0.4147973656654358, -0.10838238149881363, 0.9656537771224976, -0.5659598708152771, -0.3551872968673706, -1.0222876071929932, 0.16924554109573364, -0.4196208119392395, 1.4228038787841797, -0.3547813892364502, 0.5238502621650696, -1.7024636268615723, -1.0851242542266846, -0.34290552139282227, -0.3799125850200653, 0.1849900484085083, -0.2915791869163513, 0.9073656797409058, 0.3527929484844208, 0.1628466546535492, -0.1162547618150711, -0.31987810134887695, 0.8291850686073303, -0.44813773036003113, 0.3758004605770111, 0.13429272174835205, 0.2229822278022766, -0.7647116780281067, 0.3263966143131256, 0.1016881912946701, 0.3015919625759125, -1.5287705659866333, -0.21681761741638184, -0.08816215395927429, -0.2667906582355499, -0.21726912260055542, -1.0737106800079346, 0.31101322174072266, -0.2576024532318115, 0.226143941283226, -0.9565235376358032, -0.16225624084472656, 2.0132131576538086, 0.28307265043258667, 1.0101608037948608, 0.6286311745643616, 0.4492679536342621, 0.7161047458648682, 0.9116212129592896, 1.439011573791504, -0.1602465808391571, -1.2963050603866577, -0.37333405017852783, -0.050516434013843536, -0.32065632939338684, -0.10142462700605392, 0.2559273838996887, -1.2409359216690063, 0.27797484397888184, -1.3811980485916138, 0.6696181893348694, -0.28242015838623047, 0.2940807342529297, 0.4829702377319336, 0.5654155611991882, -0.30119338631629944, -1.3539528846740723, -0.29396483302116394, -0.5870910286903381, -0.058696500957012177, 0.3901907503604889, 0.23330296576023102, 0.1735418438911438, 0.7396606802940369, -0.2753984332084656, 1.0090104341506958, -0.15182960033416748, -0.4306633472442627, -0.010466814041137695, 0.0010955259203910828, 1.4236037731170654, 0.36535507440567017, 0.3316698968410492, -0.4422323405742645, -0.04118696600198746, -0.2424454391002655, -0.760780394077301, 0.28071361780166626, 0.41583871841430664, 1.5724681615829468, 0.11167360842227936, 0.2602391839027405, -1.2546703815460205, -0.1461998075246811, -0.9875869750976562, 0.870340883731842, 0.8585225343704224, -0.4867004156112671, -0.8904102444648743, -0.7284435033798218, 0.732122540473938, 0.7425823211669922, -0.05499183014035225, 0.13177211582660675, -0.8585737347602844, 0.9671801924705505, 0.5905272960662842, -0.43580424785614014, -1.0046801567077637, 0.30715522170066833, -0.025700049474835396, 0.32621175050735474, 0.7167086601257324, -0.4613514542579651, -0.40440306067466736, 0.18322524428367615, -0.8654385209083557, 0.4036272168159485, -0.1445411741733551, -0.6561573147773743, -0.4387594163417816, 0.42531129717826843, -0.32317402958869934, -0.1914719045162201, 0.37715965509414673, -0.859315037727356, -1.2730598449707031, 0.8630423545837402, 0.801040768623352, -0.6744591593742371, -0.36385291814804077, 0.005710627883672714, -0.03508343547582626, 0.3911678194999695, 1.525177001953125]} +{"paper_id": "google/xtreme_s", "embedding": [-0.4081680178642273, 1.1720439195632935, 0.7378977537155151, -0.3127812147140503, 0.6802675724029541, 0.3105461001396179, 0.7756661176681519, 0.701479434967041, 0.5874893069267273, 0.4911532402038574, 0.3106570541858673, 0.08313164114952087, 0.15657030045986176, -0.3211503326892853, -0.1402917206287384, -0.3159179985523224, -1.4835509061813354, -0.12549841403961182, -1.3489503860473633, -0.6592045426368713, -0.6652320623397827, 0.08595581352710724, -0.04125120863318443, 0.17933142185211182, -0.6893901228904724, -0.28898656368255615, 0.7800791263580322, -0.5739342570304871, 0.24528715014457703, 0.18275389075279236, 0.18724292516708374, 0.9411540627479553, -1.2325785160064697, 0.5800431370735168, -0.5443917512893677, -0.19085317850112915, -0.3748324513435364, -0.009490754455327988, -0.3784436583518982, -0.217227041721344, -1.1645019054412842, -0.0957573726773262, 0.34276705980300903, 0.10319926589727402, 0.7513476014137268, -0.1466541886329651, -0.34769633412361145, 1.0407991409301758, -0.2610900104045868, 0.3785400390625, -0.9280388355255127, 0.3284759819507599, 0.815117597579956, 0.1909988522529602, -0.41784098744392395, 0.45398932695388794, -0.23652291297912598, -0.5480828285217285, 0.2042374610900879, -1.774262547492981, 0.3995121121406555, 0.9510435461997986, -0.34029218554496765, 0.1864268034696579, 0.6469135284423828, -0.30096864700317383, 0.49802613258361816, 0.1536577045917511, 0.731373131275177, 0.8147852420806885, -0.4878162741661072, -0.8899247050285339, 0.36107340455055237, 0.52048659324646, 0.45023760199546814, 0.727553129196167, -0.09579741209745407, -0.018399648368358612, 0.48391658067703247, -0.32576122879981995, -0.39083555340766907, 0.6655782461166382, 0.7883318066596985, -0.8087930083274841, -0.24367797374725342, -0.18034881353378296, 0.38489630818367004, -0.07335768640041351, -0.01227148063480854, -0.9107614755630493, 0.013695433735847473, 0.04414157569408417, 0.29444578289985657, 0.035024866461753845, -0.3027847409248352, -0.1315244734287262, 0.3615773320198059, 0.3092508614063263, -0.6615616083145142, 0.0758320763707161, 0.5033997893333435, -0.3024451434612274, 0.48934710025787354, 0.22085878252983093, 0.07417743653059006, 0.3794967532157898, -0.4332619905471802, -0.5770711898803711, -0.2285079061985016, -0.42273589968681335, -0.2356315702199936, 0.45749664306640625, 0.4256044924259186, 0.8668087720870972, 0.22068575024604797, -0.5120459794998169, 0.11462528258562088, -0.052376460283994675, -0.5660212635993958, -0.5396022200584412, -0.6068128943443298, -1.0850876569747925, 0.36621734499931335, -0.31975045800209045, 0.8869936466217041, -0.8519212603569031, 0.5075356364250183, -0.05577871575951576, 0.605486273765564, -0.5565964579582214, 0.7257527112960815, 0.32782986760139465, 0.19205179810523987, 0.2929518222808838, 2.4794909954071045, -1.26364004611969, 0.9275157451629639, -0.9758071303367615, 0.38781052827835083, -0.39416930079460144, 0.22429898381233215, 1.5380698442459106, -0.5742325782775879, -0.7511313557624817, -0.7390084862709045, -0.3874446749687195, -0.2993559241294861, 0.4870549738407135, -0.5227179527282715, -0.12241262197494507, -0.05746900662779808, 0.6026386618614197, -0.9850494265556335, -1.1008012294769287, -0.30170533061027527, 0.0838482603430748, 0.11250704526901245, 0.3677726089954376, -0.6927114725112915, 0.07982411980628967, 0.7178855538368225, 0.056900765746831894, -0.11502394825220108, 0.2076619416475296, -0.8446351885795593, 0.23744745552539825, 0.412121444940567, 0.062345169484615326, -0.30702218413352966, -0.7943301200866699, 0.3915461301803589, 0.03408508747816086, 0.45990490913391113, 0.4001474976539612, 0.22893646359443665, 0.5719214677810669, 0.18932223320007324, 0.23590129613876343, 0.0777130126953125, -1.3354401588439941, 0.15757015347480774, -0.42441269755363464, -0.3966875672340393, 0.3185686767101288, 0.12498582154512405, 0.048485737293958664, -1.2713176012039185, 0.3783537745475769, 0.4295644760131836, -0.011617124080657959, -0.39616212248802185, -0.8601319193840027, 0.1311253309249878, -0.469673216342926, -0.18566100299358368, 0.30039215087890625, 0.5553515553474426, -0.6207184195518494, 0.2435343861579895, 1.2370685338974, -0.13898217678070068, -0.446491003036499, -0.22448615729808807, 0.3701615631580353, 0.8727346658706665, 0.029275819659233093, 0.08070674538612366, -0.6750143766403198, 0.4416823387145996, 1.4048975706100464, 0.39419102668762207, -1.4128609895706177, -0.2804476022720337, -0.6454002857208252, 0.3832106292247772, -0.7245170474052429, 0.051493316888809204, -0.5843784213066101, -0.4501733183860779, -1.2485543489456177, 0.16528943181037903, -0.8380230665206909, -0.3070978820323944, 0.06895304471254349, 1.4850211143493652, -0.5241218209266663, -0.2558142840862274, 0.1594255566596985, -0.7588414549827576, 0.22280339896678925, 0.96943199634552, 0.46618708968162537, -0.1363600492477417, 0.22466009855270386, -0.12357278168201447, -0.19378606975078583, 0.7334204316139221, 0.5578792095184326, -0.14665687084197998, -0.6150820255279541, 0.2728942334651947, 0.4912525415420532, -0.8780542612075806, 0.07580973207950592, 0.35585135221481323, 0.8119529485702515, -0.24685026705265045, -0.6527501940727234, -0.2965777516365051, 0.28349387645721436, 1.3604146242141724, 1.5771547555923462, -0.28577423095703125, 0.7758612632751465, -0.4727324843406677, 0.7599754929542542, 0.05440546199679375, -0.2953373193740845, -0.30635008215904236, -1.1239277124404907, 0.7337567806243896, -0.41319164633750916, 0.26747334003448486, -0.1414720118045807, -0.34670740365982056, -0.443313330411911, -1.0050570964813232, 0.16129431128501892, -0.3203102946281433, -1.1042954921722412, -1.0854047536849976, 0.45853251218795776, -0.3971813917160034, -0.4240298867225647, -0.39491257071495056, 0.6803138256072998, 0.15290531516075134, 1.0320870876312256, 1.6855804920196533, 0.37419116497039795, 0.4352777600288391, 0.23779575526714325, 0.19019223749637604, -0.015750907361507416, 0.016568094491958618, -0.81196528673172, -0.013238504528999329, -0.7758587002754211, -0.6437864303588867, -0.5090078711509705, 0.4733024835586548, 0.3588288426399231, -0.1554356962442398, 0.4485369324684143, -0.5276259183883667, -1.0541614294052124, 1.0062031745910645, -1.0223815441131592, 0.4619137644767761, -0.6793239712715149, 1.23922598361969, 0.8147186636924744, -0.07735192030668259, -0.19435085356235504, -0.9680434465408325, 0.20452167093753815, 1.0126261711120605, -0.905807375907898, 0.8283849358558655, 0.573445737361908, -0.6542888283729553, 0.30365052819252014, 0.123622827231884, -2.281914472579956, -0.07141970098018646, 1.1249334812164307, 0.03373150900006294, -0.712209939956665, -0.8244099020957947, -0.24997618794441223, -0.11854566633701324, -0.04011852666735649, -0.06531123071908951, -1.1594270467758179, 0.7004091739654541, 0.33758410811424255, 0.5025390982627869, 0.6656591296195984, -0.592879593372345, 0.10071490705013275, 0.7148006558418274, 0.9483148455619812, -0.5987720489501953, 0.06287239491939545, 0.06572183221578598, -0.9453730583190918, 0.7670742273330688, 0.6515079736709595, 0.7508119344711304, 1.392030954360962, -0.32010501623153687, -0.5016249418258667, 0.2203661948442459, 0.6568083763122559, -0.11548305302858353, 0.3233855068683624, 0.048532553017139435, 0.4862962067127228, -0.07811915874481201, 0.9478955864906311, 0.11780385673046112, -1.0003695487976074, -0.006739764474332333, 0.08733285963535309, -1.0710211992263794, -0.5348386168479919, 1.387986421585083, 0.8841756582260132, 1.2293702363967896, -0.03655374422669411, 0.7374349236488342, -0.5865691304206848, 0.24854856729507446, 0.930849552154541, 0.8939730525016785, 0.09521892666816711, 0.019292250275611877, 0.08828097581863403, 0.5691170692443848, 0.48211660981178284, -0.682100236415863, 0.5331308841705322, 0.5695721507072449, 0.18096180260181427, -0.6737201809883118, -0.08133608102798462, 0.8900061249732971, 1.030987024307251, 2.0204014778137207, -0.40769755840301514, -0.7298033833503723, 0.38099992275238037, 0.9524240493774414, 0.13441142439842224, -0.2473689615726471, -0.6586922407150269, 0.46380653977394104, 0.27232348918914795, 1.247413992881775, -0.8437865376472473, 0.5804515480995178, 0.15030261874198914, -1.2927998304367065, -0.22043153643608093, -0.09885899722576141, -0.6252710223197937, -0.5790278315544128, -0.3925432860851288, -0.34064289927482605, -1.0087720155715942, 0.46749386191368103, -0.43535545468330383, -0.8103156685829163, 0.4027431905269623, 0.5561983585357666, -0.5571639537811279, 0.919487714767456, 1.1973686218261719, -1.0604884624481201, -0.3467072546482086, -0.20760253071784973, -0.8534007668495178, -1.032622218132019, 0.35576263070106506, 0.0017392002046108246, 0.27641087770462036, -0.698632001876831, 1.3391653299331665, -0.3112896680831909, -0.08686178922653198, -0.9881848096847534, 0.3408992290496826, 1.0269455909729004, -0.5725761651992798, -0.03229507803916931, -0.28856217861175537, 0.5701786279678345, -0.07777233421802521, -1.0420207977294922, -0.11128370463848114, 0.5899673104286194, 0.2715409994125366, -0.14703264832496643, -0.5090598464012146, 0.13440002501010895, -0.66167813539505, 0.4276665449142456, 0.22065266966819763, -1.1662675142288208, -0.24493958055973053, 0.8830026984214783, 0.8167898654937744, 1.242614507675171, -0.5613173246383667, -0.8925818204879761, -7.078051567077637e-06, -0.8844524025917053, 0.25157156586647034, 0.2771718502044678, 0.08295387029647827, -0.4432455599308014, 0.3270203769207001, 0.7441614866256714, 0.07083997875452042, -12.94835376739502, 0.8547727465629578, -0.4071737825870514, 0.4129987955093384, 0.2754444181919098, -0.08220619708299637, 0.47921285033226013, 0.7610674500465393, 0.48482000827789307, -0.5542904734611511, 0.3317200839519501, 0.318861186504364, 0.045549239963293076, -0.5827102661132812, 0.4270922839641571, -0.1774803251028061, -1.0691437721252441, -0.45974475145339966, 0.7826186418533325, 0.8206983208656311, 0.15748603641986847, -0.8288121819496155, -0.45796364545822144, 0.49050360918045044, -0.23917829990386963, -0.4337290823459625, -0.24201852083206177, -0.3847021460533142, -0.6738654971122742, 0.4183928668498993, 0.4044581949710846, -0.39757847785949707, -0.596511960029602, -0.49486884474754333, 0.4319990277290344, -0.590742290019989, -0.8511492013931274, -0.9543495178222656, 0.37788084149360657, 0.0834943875670433, -0.08743178844451904, 0.5073215961456299, 0.24927116930484772, -1.084850549697876, -0.1888156533241272, 0.000822708010673523, -0.22408908605575562, -0.12120607495307922, 0.010823260992765427, -0.8643798828125, -0.41044294834136963, -0.7062949538230896, -0.43331438302993774, -0.8753249645233154, 1.043776512145996, -0.2136087715625763, -0.4857003688812256, 0.43162772059440613, -0.0005581844598054886, -0.2531278729438782, 0.7705210447311401, 0.8775059580802917, -0.5238516926765442, 0.8655588030815125, 0.7138998508453369, -0.8306757211685181, 0.5799640417098999, 0.1781870424747467, 0.15035480260849, 0.23218940198421478, -0.9784991145133972, 0.9909518361091614, 0.73545902967453, -0.006995446979999542, -0.14931270480155945, 0.10412292927503586, -0.039546262472867966, -0.8868054747581482, 0.3125231862068176, 0.8395176529884338, -0.29718396067619324, 0.13412292301654816, 0.34240052103996277, -0.2793288826942444, -0.7311972975730896, 0.19978079199790955, 0.2958254814147949, 0.24230638146400452, 1.3051693439483643, 0.7383052110671997, 1.24960196018219, 0.3629567623138428, -0.464025616645813, -0.013127818703651428, -0.695612370967865, 0.670392632484436, -0.6345816850662231, 0.8770190477371216, -0.3702230155467987, -0.2674667239189148, 0.5486938953399658, 0.16131985187530518, -0.43793103098869324, 0.32070982456207275, 0.5492787957191467, -0.6321062445640564, 0.1636180877685547, 0.8017809391021729, 0.4339004456996918, 0.3017676770687103, 0.9056234359741211, -0.1959390789270401, -0.3404741883277893, 0.20524629950523376, 0.7329365015029907, 0.5775445699691772, 0.662641167640686, 0.09004124999046326, 0.726545512676239, 0.6727864146232605, -0.5114890336990356, 0.5144563317298889, 0.2279045283794403, 1.5513910055160522, 0.6914162039756775, 0.05548066645860672, 0.27501654624938965, 0.21877804398536682, -0.5218448042869568, -0.28027665615081787, 0.21990224719047546, -0.30038926005363464, 0.4187004268169403, -0.8844914436340332, 0.3133249282836914, -0.6257705688476562, -1.1258937120437622, 0.8006916046142578, -0.3122764229774475, 0.42024990916252136, 0.2892720699310303, -1.2533550262451172, -0.39304834604263306, -0.3692462742328644, -0.255167156457901, 0.38769248127937317, -1.9002904891967773, -0.6036214828491211, -0.44843295216560364, -0.080050989985466, 0.2758992910385132, 0.3946674168109894, 0.6860398650169373, -1.1522597074508667, -0.28177061676979065, 0.6618995666503906, 0.4640391767024994, -0.3877207636833191, -0.062295813113451004, -0.9335569143295288, 0.7623968720436096, 0.7281603217124939, -0.7661736607551575, 0.8823063373565674, 0.327679842710495, 0.3171103000640869, -0.7178624868392944, -0.3042047619819641, 0.07687424123287201, 0.4460728168487549, 1.1280256509780884, -1.4522682428359985, -0.23675863444805145, -0.8932067155838013, -0.1361750215291977, 0.1647440642118454, -0.4891267418861389, 0.9374144077301025, -1.1818300485610962, 0.4658464193344116, -0.28162696957588196, 0.19925281405448914, 0.3820965588092804, -1.1090376377105713, -0.5696043968200684, 0.4813682734966278, 0.25728365778923035, 0.889046311378479, 0.17900359630584717, 0.42900368571281433, -1.5725117921829224, -0.8052442073822021, -0.3308596909046173, 0.1579199731349945, 0.24314522743225098, -0.250932514667511, 0.5551750659942627, -0.1135014146566391, -0.08668684959411621, 0.2575310170650482, -0.020398521795868874, 0.33598482608795166, -0.3390483558177948, -0.33490365743637085, 0.0073436833918094635, -0.4634956419467926, -0.2500985860824585, -0.048200368881225586, 0.24973143637180328, -0.24721425771713257, -0.9285047650337219, -0.21472938358783722, -0.49528369307518005, 0.22163920104503632, -0.050533223897218704, -0.5947364568710327, -0.4097658693790436, 0.23589850962162018, -0.061872389167547226, -0.764130175113678, -0.5349544882774353, 0.9185354709625244, -0.22602397203445435, 1.31041419506073, 0.24452517926692963, 0.15378805994987488, 0.27489322423934937, 0.6848937273025513, 1.0388576984405518, -0.1850183606147766, -0.7442007064819336, -0.4469112157821655, 0.6694827079772949, -0.09510660916566849, -0.029343433678150177, 0.11428960412740707, -1.605325698852539, -0.1829240918159485, -1.1264925003051758, 0.33601856231689453, -0.5573975443840027, -0.1738349199295044, 0.1527397483587265, 1.17428457736969, -0.6024637818336487, -1.4038465023040771, -0.04502607882022858, -0.34499597549438477, 0.08115893602371216, -0.4285113215446472, 0.33914124965667725, 0.6845978498458862, 0.6091952323913574, 0.19490572810173035, 1.4798530340194702, -0.05679696053266525, 0.278447687625885, 0.6826274394989014, 0.2009710818529129, 1.7295020818710327, 0.7060419917106628, 0.2958533763885498, 0.4869562089443207, -0.6126536726951599, -0.6144694685935974, 0.22572061419487, -0.11942378431558609, 0.7410180568695068, 1.1792515516281128, -0.14581169188022614, -0.31220152974128723, -0.3468366265296936, -0.38280540704727173, 0.014254093170166016, 0.44206690788269043, 0.40747588872909546, -0.7063237428665161, -0.5746179819107056, -0.39583516120910645, 0.4194786250591278, 0.5588856935501099, 0.10118432343006134, -0.5648657083511353, -1.1314616203308105, -0.3403727412223816, 0.38822469115257263, -0.5792948603630066, -0.6450874209403992, 0.49908438324928284, -0.7556666731834412, 0.38459455966949463, 0.6029351949691772, -0.1986171305179596, -0.4520609974861145, 0.16797557473182678, -0.3675073981285095, 0.6715149879455566, -0.6618221402168274, -1.4418760538101196, 0.12464842200279236, -0.07746390998363495, 0.10267549753189087, -0.4956170618534088, 0.40126311779022217, 0.046472303569316864, -1.1102819442749023, 1.193860650062561, 1.0331506729125977, -0.27089807391166687, -0.2871365547180176, 0.29421550035476685, -0.1121302992105484, 0.019228495657444, 1.184686303138733]} +{"paper_id": "drAbreu/bc4chemd_ner", "embedding": [-0.2526089549064636, 1.0781445503234863, -0.07410240173339844, 0.5472884178161621, 0.3685001730918884, -0.29273828864097595, 0.5265105366706848, 0.8127820491790771, 0.13016128540039062, 0.9830042123794556, -0.15728610754013062, 0.6184754967689514, -1.3403818607330322, -0.6341375708580017, -0.3451596200466156, -0.17480680346488953, -1.1780191659927368, -0.9092740416526794, -0.5971819162368774, -1.0589687824249268, -1.616420865058899, -0.599884033203125, -0.26628318428993225, 0.7456559538841248, -0.5840834975242615, -0.23532016575336456, -0.10358121246099472, -0.29983773827552795, 0.4462941586971283, 0.29776886105537415, -0.06743396073579788, 0.8419173955917358, -1.3374278545379639, 0.38101625442504883, -0.39066389203071594, 0.45683595538139343, 0.3130204379558563, 0.15143191814422607, -0.29848307371139526, -0.14151610434055328, -0.4862976670265198, 0.6803791522979736, 0.6564387679100037, -0.08394698798656464, 1.169130802154541, -0.9721687436103821, -0.16904723644256592, 0.5222821831703186, 0.8741377592086792, 0.44997677206993103, -0.4629857540130615, 0.894412100315094, 0.13684727251529694, 0.2474900782108307, -0.555640697479248, 1.2122570276260376, 0.41221094131469727, 0.29095572233200073, 0.6554690599441528, -1.024374008178711, 1.2406718730926514, 0.7100606560707092, -0.4102914035320282, -0.6441040635108948, -0.049075059592723846, 0.3200276494026184, 0.6823153495788574, -0.34796833992004395, 0.6089949607849121, 1.4288711547851562, -0.1491401195526123, -0.8233252167701721, 0.6577516198158264, -0.726404070854187, 0.7511416673660278, -0.013279519975185394, 1.1538909673690796, -0.3431110680103302, 0.37255293130874634, 0.2739831805229187, -0.7309587597846985, 0.4824734926223755, 0.14126738905906677, -0.3458491265773773, -0.4132603406906128, -0.49364399909973145, 0.3974003493785858, 0.16127920150756836, 0.8638998866081238, -0.5308485627174377, -0.15657266974449158, 0.3855854272842407, -0.7810044884681702, 0.3380015194416046, 0.6184285283088684, -0.5298275351524353, -0.38224154710769653, -0.31513747572898865, -0.51975017786026, 0.3956473767757416, 0.2813502848148346, -1.0187108516693115, 1.3637458086013794, -0.36576607823371887, -0.5838203430175781, 1.4959053993225098, -0.9754332304000854, -0.02677156776189804, -0.714627742767334, 0.3823971450328827, 1.330463171005249, 0.4399219751358032, 0.5268330574035645, 0.16734343767166138, 0.08289626240730286, -0.46649354696273804, -0.015156358480453491, 0.24160254001617432, -1.2113354206085205, -0.0004061460494995117, 0.1555386334657669, -0.42730921506881714, 0.3237706124782562, 0.22950853407382965, 0.7313132286071777, 0.02301798388361931, 1.0737718343734741, 0.42524978518486023, 0.2677524983882904, 0.48287543654441833, 0.22493970394134521, 0.09839439392089844, -0.5713855624198914, 0.5323803424835205, 2.7891197204589844, -0.44391846656799316, 0.44619834423065186, -0.07996909320354462, 0.08188028633594513, -0.2122344821691513, -0.06906278431415558, 0.46330007910728455, 1.1967781782150269, -0.5632814764976501, -1.5122861862182617, 0.49163204431533813, -0.44121161103248596, 0.990810215473175, -1.1722192764282227, 0.332895427942276, -0.23559895157814026, 0.6055185794830322, -0.741278350353241, -0.14113560318946838, 0.19734777510166168, 0.7009791135787964, 0.545240581035614, 0.5687808990478516, -1.2563740015029907, 0.9640873074531555, 0.7003653645515442, 0.29493778944015503, -0.40491950511932373, -0.06199466437101364, -0.9987753629684448, -0.1167910024523735, 1.078577995300293, 0.41376370191574097, -1.4124674797058105, -0.8302099704742432, 0.8468952178955078, 0.27167844772338867, 0.41049230098724365, -0.20310062170028687, 0.2592340111732483, -0.13001906871795654, 0.7454187870025635, 0.5647233724594116, 0.15108980238437653, -0.7901716232299805, -0.30626651644706726, -0.026513174176216125, -0.5011072754859924, 0.07632062584161758, 0.3398260176181793, 0.31126269698143005, -1.464586853981018, -1.1000165939331055, -1.0466183423995972, 1.2533749341964722, -0.01952391117811203, -0.19717462360858917, 0.2395474910736084, -0.15168394148349762, -0.030634183436632156, -0.3704518973827362, -0.7125312685966492, -2.092272996902466, -0.18314656615257263, 0.4057545065879822, 0.42658334970474243, 0.4212213158607483, -0.2144017517566681, 0.9605729579925537, 1.0768519639968872, -0.9653744697570801, -0.122148796916008, -1.3401827812194824, 0.2740614414215088, 1.6840074062347412, 0.1986442506313324, -0.07478202134370804, -0.8783144950866699, -0.20007768273353577, 0.3706408739089966, -0.5219383835792542, -0.3195706903934479, -0.24224528670310974, 0.29335400462150574, -0.4296203851699829, 0.7104862332344055, -0.8740586638450623, -0.4193347096443176, 0.14646577835083008, 1.0931313037872314, -0.8253876566886902, -0.24824105203151703, 0.8016430139541626, -0.7641777992248535, 0.2842242419719696, 0.5940764546394348, 0.6856486201286316, -0.43638503551483154, 0.49357277154922485, 0.0601673424243927, 0.5400315523147583, -0.04682270810008049, 0.2939162254333496, -0.3349142074584961, 1.0929468870162964, -0.33221572637557983, 1.0356414318084717, -1.6691557168960571, 0.24502751231193542, 0.6694617867469788, 0.0843634158372879, -0.944620668888092, -0.9779256582260132, 0.24100752174854279, -0.7845604419708252, 0.47897669672966003, 0.6315504908561707, 0.464444637298584, 1.0933157205581665, -0.5646486878395081, -0.3078799247741699, -0.051446374505758286, -0.6010270714759827, -0.649617075920105, -0.6908873915672302, 0.514042854309082, 0.3971897065639496, 0.07828870415687561, -0.01907011866569519, -0.3483406603336334, -0.7082456350326538, 0.5587624907493591, -0.10167631506919861, -0.003438040614128113, -0.7562962770462036, 0.30420151352882385, 0.7180909514427185, -1.3224449157714844, -0.18924261629581451, 0.6415241956710815, 0.1882033795118332, -0.265449583530426, 0.5903633832931519, 0.4077921509742737, -0.09616244584321976, -0.015790235251188278, -0.08309005200862885, 1.0566827058792114, -0.4906909167766571, 0.25699636340141296, -0.8602386713027954, 0.11955717206001282, -1.2544260025024414, -0.16244667768478394, -0.35559791326522827, -0.44410625100135803, 0.06128693372011185, -0.8099350929260254, 0.10340900719165802, -0.1422574669122696, -0.38979780673980713, 0.9598394632339478, -0.018266718834638596, -0.2443494200706482, -0.6506960391998291, 1.213653802871704, 0.241910919547081, -0.3135688602924347, 0.3986719250679016, 1.2988125085830688, -0.3012085556983948, 0.7341707944869995, 0.19471776485443115, 1.296868920326233, 0.27152371406555176, 0.04812028631567955, 0.36369651556015015, 0.4930775463581085, -1.9400562047958374, -0.7643095254898071, 1.155537486076355, -0.8739731907844543, -0.061513375490903854, -0.20924079418182373, -0.9893614053726196, -0.6815785765647888, -0.11363735049962997, 0.5797721743583679, -1.1537961959838867, 0.03358757495880127, 0.03988681733608246, -0.6318211555480957, 0.8669998049736023, -0.5845484137535095, 0.47629669308662415, 0.015350421890616417, 0.04408702254295349, -0.17374414205551147, -0.5665098428726196, 0.36876997351646423, -0.22486750781536102, 0.36966758966445923, -0.1364876925945282, 0.4991408586502075, 1.0907970666885376, -0.5706822276115417, 0.07973617315292358, 0.35309553146362305, -1.0649209022521973, 0.020983194932341576, 0.6722345948219299, 0.2068788856267929, 0.3161343038082123, 0.09351125359535217, 1.0098180770874023, 0.06516110897064209, -0.9358295202255249, -0.637255847454071, -0.9558826684951782, -0.4569079875946045, -0.02359754964709282, 2.5228540897369385, 0.3185323178768158, 1.1860278844833374, -0.7557454705238342, 0.5971695780754089, -0.2877189517021179, -0.12336587905883789, 0.5083321928977966, 1.4093713760375977, -0.3353251814842224, -0.49139493703842163, -0.5170646905899048, -0.7394202947616577, -0.6305824518203735, -0.06810319423675537, 0.47170692682266235, -0.07130555063486099, -0.06933596730232239, 0.2671327292919159, -0.3355224132537842, 0.1597169041633606, 0.5565041303634644, 0.63526850938797, -1.0443329811096191, -0.8705738186836243, -0.6918091773986816, -0.4943488836288452, 0.2420254349708557, -0.11086886376142502, -1.5238922834396362, -0.12841784954071045, 0.24528144299983978, 0.6188480257987976, -0.3176688551902771, 0.2813691198825836, 0.2015659213066101, 0.021528933197259903, -1.635589838027954, -0.0007310658693313599, -1.4149117469787598, -0.5861616730690002, -0.6718506813049316, -0.03565368428826332, -0.9627085328102112, -0.1255740225315094, 0.2669348418712616, -1.0315757989883423, -0.0536113977432251, 0.05798894912004471, -0.97306227684021, 1.4035893678665161, 1.0079602003097534, -1.10072660446167, -0.028873233124613762, 0.3703818917274475, -0.2435135692358017, -0.33140048384666443, 0.14474786818027496, -0.22970029711723328, 0.1752992868423462, 0.344993531703949, 0.2412286400794983, 0.006641704589128494, 0.6568241715431213, -0.8555384874343872, 1.1590560674667358, 0.47753721475601196, -0.6227769255638123, 0.019900448620319366, -0.4664226472377777, 0.4395385980606079, -0.01484239473938942, -1.276773452758789, -0.575587809085846, -0.0032848604023456573, -0.6854591369628906, -0.5377815365791321, -1.2134392261505127, -0.41344237327575684, 0.41504111886024475, -1.1143097877502441, 0.7432896494865417, 0.1901589035987854, 0.5438534617424011, -0.8299725651741028, 0.07802865654230118, 0.1833733469247818, -0.052750613540410995, -0.48030874133110046, 1.5667123794555664, 0.12113673239946365, 0.24667292833328247, -0.41116073727607727, 0.012115415185689926, 0.28411367535591125, -0.2959494888782501, -0.19395756721496582, -0.563654363155365, -12.68558120727539, -0.09566625207662582, 0.6539554595947266, 0.07988014817237854, 0.40781986713409424, 0.06424792855978012, 0.7479559183120728, -0.1942490041255951, 0.4601477086544037, -0.15042155981063843, 0.26119595766067505, 1.2805393934249878, 0.5885567665100098, -0.6039456725120544, 0.2161441445350647, -1.5748906135559082, 0.03373812511563301, -0.7295258045196533, -0.17853130400180817, -0.106556735932827, 1.0540320873260498, -0.9765140414237976, -0.5370035171508789, -0.5409665703773499, -0.10142436623573303, -0.5630008578300476, -0.09658847749233246, 0.3435952365398407, -0.31953802704811096, 0.3761117458343506, 0.5360550284385681, 0.7514619827270508, 0.2715497612953186, 0.07914499938488007, -0.6640422940254211, -0.5687022805213928, -0.3943207859992981, 0.1178024560213089, 0.8268176913261414, -0.14466999471187592, -0.8391920924186707, 0.24996088445186615, 0.30918601155281067, 0.5215805768966675, -0.03374655917286873, 0.23148493468761444, 0.2866455912590027, -0.7880812883377075, 0.5442001819610596, -0.09104733914136887, -0.5373716354370117, -0.8126526474952698, -0.06665049493312836, -0.020692359656095505, 0.44538670778274536, 0.18635104596614838, -0.3660753071308136, 0.2818325161933899, -0.8358738422393799, -0.8633034229278564, 1.3127497434616089, 0.15357831120491028, -0.05072585120797157, 0.7465717792510986, 0.4373374283313751, -0.4111489951610565, 0.7508247494697571, 0.2736015021800995, -0.40518108010292053, -0.12535682320594788, -0.21983209252357483, 1.3976366519927979, 0.26953572034835815, -0.5566321015357971, 0.018695762380957603, 0.04244173318147659, -0.18815837800502777, -0.03506186604499817, 0.5661457777023315, 0.03525250032544136, -0.9106958508491516, 0.36703428626060486, -0.1936631053686142, -0.9551191926002502, -0.7790123820304871, 0.04102927818894386, -0.3703344464302063, 0.3874894976615906, 0.26256898045539856, 0.22772493958473206, 1.0650653839111328, 0.27285221219062805, -0.17071692645549774, -1.1265687942504883, 0.060925789177417755, 0.8932439684867859, -0.30393603444099426, 0.6800975203514099, 0.22968244552612305, -0.5445983409881592, 0.705119788646698, -0.2686295509338379, -1.1443485021591187, -0.197744220495224, 0.6031866073608398, -0.4056231379508972, -0.3744986653327942, 0.41845980286598206, -0.5296231508255005, 0.583980917930603, 0.481268972158432, -0.5371133089065552, -0.28614819049835205, 0.7802063226699829, -0.9076637029647827, -0.019899697974324226, 1.1256858110427856, -0.11329588294029236, 0.05697537213563919, 0.3058902621269226, 0.3930628001689911, 0.04184046760201454, 0.5084601044654846, 0.8594503402709961, 0.12134973704814911, -0.5075948238372803, 0.07754679024219513, 0.5810908079147339, -0.39811480045318604, -0.6064058542251587, 0.40224695205688477, 0.05582105740904808, -0.34926801919937134, -0.40189945697784424, -0.3972737193107605, -0.39212119579315186, -0.20999230444431305, 0.8675285577774048, 0.3880355954170227, 0.7179752588272095, 0.10734590888023376, -0.02307257056236267, 0.6539710760116577, -0.13821221888065338, -0.5528033971786499, 0.09374675154685974, -1.2960748672485352, -0.4534394443035126, -0.20040477812290192, -0.3384823799133301, 0.3524499237537384, 0.33757996559143066, 0.6855899691581726, -0.8688364624977112, -0.1552325338125229, -0.6049663424491882, 1.0586436986923218, 0.10442615300416946, -1.1468329429626465, 0.14009854197502136, -0.25417768955230713, 0.9012190103530884, -0.2737535834312439, 0.9170932173728943, 0.5128164291381836, -0.20712389051914215, -0.1613195240497589, 0.08763991296291351, -0.15468941628932953, -0.02727319300174713, 0.04500250518321991, -1.4437192678451538, -0.297390878200531, -0.5003682374954224, 0.4135497808456421, 0.5438066720962524, 0.47479498386383057, 0.5649075508117676, -0.16243292391300201, 0.5026968121528625, -0.3681674897670746, 1.1956136226654053, 1.2067376375198364, -0.671677827835083, -0.9791507720947266, -0.29691728949546814, 0.4184860587120056, 0.2500184178352356, -0.5479081869125366, -0.21375462412834167, -0.9256938099861145, -0.7379658222198486, 0.03053317777812481, 0.5506468415260315, 0.2108830213546753, -0.5279291868209839, 1.143256664276123, 0.5089967846870422, 0.6173279285430908, 0.4765762686729431, 0.02120301127433777, 0.5357096791267395, 0.289760559797287, -0.18074101209640503, -0.5869151949882507, 0.7453255653381348, -1.0647822618484497, 0.031252000480890274, 0.6439650058746338, 0.684004008769989, -1.2955358028411865, 0.24688275158405304, 1.3388310670852661, -0.03769642487168312, 0.1950104683637619, -0.6972759962081909, 0.8949996829032898, 0.2994203567504883, -1.1174956560134888, -0.4834778308868408, 0.3693753778934479, -0.3893360495567322, 0.3895346522331238, 0.5561700463294983, -0.048456475138664246, 0.14456525444984436, 0.6993376016616821, -0.15668277442455292, 0.9540682435035706, -0.7463613152503967, -0.6250728964805603, 0.4555351734161377, 0.15147633850574493, -0.37648817896842957, -0.4140501320362091, -0.31840893626213074, -0.11559394001960754, 0.03910146653652191, -0.9043172001838684, 0.9994716644287109, -0.6432163119316101, -0.42268627882003784, 0.5265290141105652, 1.2270427942276, 0.14181575179100037, -0.603773832321167, -0.14308640360832214, -0.30117136240005493, -0.8962932229042053, 0.6281839609146118, -0.42548108100891113, 0.8247978091239929, 0.746471643447876, 0.03389310836791992, 1.1922616958618164, 0.8557863831520081, -0.27790266275405884, 0.28428372740745544, 0.26332688331604004, 1.0231457948684692, 0.8039721250534058, -0.00783067848533392, -0.07792694121599197, -0.6677869558334351, -0.3298856019973755, -0.7093763947486877, -0.8471760749816895, 0.6406406760215759, 0.7978549599647522, -0.43498551845550537, -0.28234830498695374, 0.3638935089111328, -0.000868719071149826, -0.7732938528060913, 0.34117916226387024, 0.6503870487213135, -0.5001606345176697, -0.7977640628814697, -0.08685874938964844, 0.40120813250541687, 0.6271810531616211, -0.28519007563591003, -0.8687674403190613, 0.8626552820205688, 0.9595367908477783, -0.636106014251709, 0.10801132023334503, -0.4487338960170746, -0.43685030937194824, 0.2791862487792969, 0.27609914541244507, 0.6594119071960449, -0.1919417828321457, -0.6856664419174194, -0.2068766951560974, -0.3715580403804779, 0.9177463054656982, -0.08006910979747772, -0.08873609453439713, 0.4552116096019745, 0.5610503554344177, -0.39877644181251526, -0.017306219786405563, 0.5281581282615662, 0.3226141929626465, -1.5424240827560425, 1.1488330364227295, 0.7506563663482666, 0.5327346324920654, 0.015401216223835945, -0.2909911274909973, 0.12398546934127808, 0.0017117373645305634, 0.6104694604873657]} +{"paper_id": "malteos/test2", "embedding": [-0.14539961516857147, 1.5200200080871582, -0.24134115874767303, 0.6347182989120483, 0.03485795110464096, -0.2312552034854889, 0.5249571800231934, 1.4640185832977295, 1.0783716440200806, -0.006524249911308289, 0.9759657979011536, 0.2673853039741516, 0.7665344476699829, 0.707793116569519, -0.11898057162761688, -0.05276704579591751, -0.7486791014671326, -0.3032929599285126, -0.8822416067123413, -0.8366185426712036, -0.5812151432037354, -0.4319974184036255, -0.11176450550556183, 0.6768835783004761, -1.332280158996582, -0.2405739277601242, 1.1742112636566162, -1.8279857635498047, 0.2315269112586975, 0.8529373407363892, 0.29216083884239197, 0.6567894816398621, -0.883394181728363, 0.3960282504558563, -0.5011169910430908, -0.6364129185676575, 0.23683466017246246, 0.20752808451652527, 0.2983349561691284, -0.3977867066860199, -0.5916246175765991, 0.3824571967124939, 0.4598899483680725, 0.10058742016553879, 0.20365022122859955, -0.6588888168334961, 0.41002795100212097, 0.05899433791637421, -0.5788301229476929, 0.15402869880199432, -0.19504551589488983, 0.012928560376167297, -0.28098079562187195, 1.1159895658493042, -0.20932218432426453, 1.752329707145691, 0.15418708324432373, -0.41522854566574097, -0.15717092156410217, -0.5455164909362793, 1.2494899034500122, 1.3363901376724243, -0.5887627601623535, 0.09277096390724182, 1.3018008470535278, -0.6430678963661194, 1.2132952213287354, 0.13415594398975372, 0.06285835802555084, 1.3171327114105225, -0.6219466328620911, -1.3768190145492554, 0.481259822845459, -1.030860424041748, 0.025328725576400757, 0.7756463289260864, 0.39994457364082336, -0.5230875611305237, -0.1527780294418335, -0.2693468928337097, -0.2022487223148346, 0.6452620029449463, 0.7720515727996826, -0.6295982003211975, -0.10771042108535767, 0.04619193077087402, 0.355014830827713, 0.1979212611913681, -0.08188402652740479, -1.412733793258667, -0.25918424129486084, -0.3919418156147003, -0.28858062624931335, -0.6442966461181641, -0.4060573875904083, 0.11984095722436905, 0.7745591998100281, -0.6126501560211182, -0.8696388006210327, 0.3021799921989441, 0.5228598117828369, -0.11545287072658539, -0.004410007037222385, -0.270873099565506, 0.9359530210494995, 0.6215797662734985, -0.5456873774528503, -0.4767853617668152, -0.5130214095115662, -0.8517924547195435, -0.5106922388076782, 0.2958442270755768, -0.10642759501934052, 0.9762750864028931, -0.4108779728412628, -0.324482798576355, 0.6946800947189331, 0.17272984981536865, -0.8178141117095947, -0.1960688978433609, -1.137252926826477, -1.6759530305862427, -0.1372775137424469, 0.12516389787197113, 0.46092796325683594, -0.9281883835792542, -0.1713714450597763, -0.7738250494003296, 0.0069752964191138744, -0.6914474368095398, 0.5882792472839355, 0.20251788198947906, -0.8625041246414185, -0.41760942339897156, 2.780719041824341, -0.9664538502693176, 1.3163596391677856, -0.28690847754478455, -0.3429168164730072, -0.7858414649963379, -0.18833890557289124, 1.7463895082473755, -0.5480161905288696, -0.3103182315826416, -0.7221640944480896, 0.5298759937286377, -0.9405307769775391, 0.2621721923351288, -0.1062459871172905, -0.36761975288391113, 0.3748320937156677, 0.026479534804821014, -0.83199542760849, -1.4560552835464478, -0.5329742431640625, 0.8818632960319519, 0.16240336000919342, 0.7138373255729675, -0.0941847562789917, 1.146787166595459, 1.232648491859436, -0.4933081269264221, -0.5227657556533813, 0.05906810984015465, -0.8401359915733337, -0.08052962273359299, 0.41678211092948914, -0.28107398748397827, 0.0416666716337204, -0.6415456533432007, 0.7255244851112366, -0.6128526329994202, -0.08095978200435638, -0.6826099753379822, -0.33256441354751587, 0.7905085682868958, 0.43271225690841675, -0.07236798852682114, 0.5032141804695129, -0.2917371690273285, -0.7830350995063782, -0.07097269594669342, 0.007922373712062836, 0.3009506165981293, 0.3619082570075989, 0.18604841828346252, -1.7415605783462524, -1.0341190099716187, -0.15241824090480804, 1.3262903690338135, 0.17041435837745667, -0.28509172797203064, -0.1673228144645691, 0.5596532225608826, 0.24509020149707794, -0.2533884048461914, -0.013230953365564346, -0.3056991994380951, 0.5625186562538147, 0.3200141191482544, 0.6685492992401123, -0.4547501802444458, -0.19215275347232819, 1.1576346158981323, 1.0321972370147705, -0.8778086304664612, -0.3798333406448364, -1.295136570930481, 0.5010121464729309, 1.9222028255462646, 0.0591951459646225, -0.6383983492851257, -1.9799976348876953, -0.19014400243759155, 0.9705437421798706, -0.09792616963386536, -0.21328690648078918, -0.4597982168197632, 0.36049896478652954, -1.0763853788375854, 0.43282970786094666, -0.298577219247818, 0.046835727989673615, 0.19974486529827118, 0.41413235664367676, -0.3435535430908203, -0.3962898254394531, -0.8772913217544556, -0.6378854513168335, 0.6133564710617065, 0.9232476353645325, 0.09859274327754974, -0.2798025906085968, 0.7252411842346191, 0.3148128092288971, 0.5333685874938965, 0.1260439157485962, 0.7248085141181946, 0.14894938468933105, -0.47189849615097046, 0.012805523350834846, 0.9586058259010315, 0.06864654272794724, 0.5100798010826111, -0.12325015664100647, 0.24897277355194092, -0.026255307719111443, -0.600733757019043, 0.6744046211242676, 0.04985414445400238, 1.1016534566879272, 0.896189272403717, -0.1623666137456894, 0.9342972636222839, -1.5445846319198608, 0.38362807035446167, -0.23340827226638794, -0.9358542561531067, -0.24927900731563568, 0.2135692685842514, 0.7464100122451782, -0.5517100095748901, 0.4451448917388916, 0.09248791635036469, 0.15673597157001495, -0.6834099888801575, -1.4481866359710693, -0.6071935892105103, -0.2292371392250061, -1.493104338645935, -0.3527182936668396, -0.25756603479385376, -0.6911818385124207, -0.37868374586105347, 0.15647326409816742, 0.08919260650873184, 0.3362179696559906, 0.2720467448234558, 2.0770392417907715, -0.24564692378044128, 0.30078649520874023, -1.240622639656067, 0.7781495451927185, -0.01107512041926384, 1.1228771209716797, -1.111219048500061, -0.12812364101409912, -1.4831560850143433, 0.23380699753761292, -0.4001690149307251, -0.011531360447406769, 0.13697785139083862, -0.7171352505683899, 0.5331688523292542, 0.04421798884868622, -0.47285008430480957, 1.0430282354354858, -0.5338355898857117, -0.028591230511665344, -0.9692531824111938, 1.2908194065093994, 0.006176559254527092, -0.9023100137710571, 0.39531511068344116, 0.3818216919898987, 0.09749747812747955, 0.9857531785964966, -0.3926311433315277, 1.5032100677490234, 0.3211938142776489, 0.30802372097969055, 0.6287683248519897, -0.4402594268321991, -2.3667755126953125, 0.06837872415781021, 1.8031878471374512, -0.9053840041160583, -0.5961551070213318, -0.8814244866371155, 0.4063653349876404, 0.1210896223783493, -0.5149630308151245, 0.44347819685935974, -0.8169318437576294, 0.500939130783081, -0.17202264070510864, 0.7171446084976196, 1.096529483795166, 0.16340020298957825, 0.8246743679046631, 0.7710179090499878, 0.2928716242313385, -0.8090820908546448, -0.46580904722213745, 1.2136385440826416, -0.2589675486087799, 0.08211078494787216, 0.09281662851572037, 1.1597388982772827, 1.0760488510131836, -0.15799370408058167, 0.4083799123764038, 1.518495798110962, 0.9236648082733154, 0.41747355461120605, 0.5606586933135986, -0.9963212013244629, -0.02232765592634678, 0.24401511251926422, 0.9017856121063232, 0.4071784019470215, -0.4029949903488159, -1.1198490858078003, 0.04287170246243477, -0.489327609539032, -0.7786285877227783, 1.0349946022033691, 0.1938888132572174, 2.332052707672119, 0.49156826734542847, 0.7459937334060669, -0.4649507701396942, -0.4793987572193146, 0.38863590359687805, 0.2902253270149231, 0.4062660336494446, -0.7484112977981567, -0.6698405742645264, 1.2716848850250244, -0.4302922487258911, -0.4484027326107025, -0.49339717626571655, 0.9248863458633423, -0.4813229739665985, -0.1865071803331375, 0.7850778698921204, 0.8422855138778687, 1.0492401123046875, 2.1376852989196777, -0.7017176747322083, -0.22268667817115784, 0.06787093728780746, 0.10108273476362228, 0.679671585559845, 0.3738749921321869, -1.3933742046356201, -0.22487744688987732, 0.10106422007083893, 0.5296332836151123, -0.4553931951522827, 0.9916573166847229, 1.1661357879638672, -0.4301244914531708, -0.32243162393569946, -0.5383076071739197, -0.7237839102745056, -0.29419073462486267, 0.1745271384716034, 0.15976634621620178, -0.2563609778881073, 0.8099175691604614, 0.05909666419029236, -1.3256773948669434, 0.6350282430648804, -0.18805992603302002, -0.8860996961593628, 0.12168121337890625, 1.2154982089996338, -1.4308642148971558, -0.7167644500732422, -0.08221672475337982, -1.0926337242126465, -0.38949334621429443, -0.022880008444190025, -0.44530606269836426, 0.5131176114082336, 0.3337482213973999, 0.37743237614631653, -0.15873999893665314, 0.16306325793266296, -1.4830172061920166, 0.5694100856781006, 0.7921773791313171, -0.3860796093940735, 1.2175095081329346, -0.03845542296767235, 0.03031906485557556, 0.31047528982162476, -1.4127171039581299, -0.10433000326156616, 0.16437679529190063, -0.190323606133461, -0.2356533706188202, -0.43792805075645447, -0.2681479752063751, -0.0344783253967762, 0.11564652621746063, 0.25790315866470337, -0.9942383170127869, 0.12300603091716766, -0.9412179589271545, 0.3552006483078003, 0.22408321499824524, -0.7017819285392761, -0.6847397089004517, 0.3707810938358307, -0.9864407181739807, 0.309549480676651, 0.2345142662525177, 0.3661276400089264, 1.2524054050445557, 0.7860130667686462, -0.4029689431190491, -0.08957076817750931, -10.70093822479248, 0.08798570185899734, 0.2368769347667694, -0.4367833733558655, 0.37240126729011536, 0.12288077920675278, 0.444385290145874, -0.34215912222862244, 0.5302370190620422, -0.3543758988380432, 0.26851096749305725, 0.9366967678070068, -0.26859843730926514, -0.40087783336639404, -0.4828018248081207, -1.052993655204773, -0.5644386410713196, -0.27385085821151733, 0.8964906930923462, -0.6726706027984619, 0.48451852798461914, -1.3097554445266724, 0.4898748993873596, 0.6280763745307922, 0.110333152115345, -0.06798694282770157, -0.13579757511615753, 0.19715535640716553, -1.3125348091125488, -0.17385534942150116, 0.8470079302787781, -0.8111463189125061, -0.19461196660995483, -0.6861287355422974, 1.3092793226242065, -0.31236299872398376, -1.4760116338729858, 0.2931904196739197, 0.3503635823726654, -0.5976513028144836, 0.2902376651763916, -0.1709272265434265, 0.03650978207588196, -0.7307320237159729, -0.7475296258926392, -0.08562520146369934, 1.000189185142517, -0.5633835196495056, 1.0335040092468262, -0.10850853472948074, -0.8786631226539612, -0.5740007758140564, -1.365632176399231, -0.9845530986785889, 0.70485520362854, 0.9038352966308594, -1.025647521018982, 0.31858375668525696, 0.4043877124786377, -0.7922070026397705, 0.6810879111289978, 0.27345678210258484, 0.3134663999080658, -0.40330180525779724, 0.8071573972702026, -0.41023242473602295, 0.15044617652893066, 0.0404549203813076, 0.5915834307670593, 0.46453845500946045, -1.3513951301574707, 0.6919611096382141, 0.5212888121604919, -0.08027580380439758, -0.34855031967163086, 0.15343675017356873, -0.25960996747016907, -0.9132458567619324, 0.857239305973053, 0.6521724462509155, -0.5881109237670898, 0.6506497263908386, -0.1696486473083496, -0.407321959733963, -0.5841764807701111, -0.11377038061618805, 0.4490838646888733, -0.5320948362350464, 1.4266856908798218, -0.4838036000728607, 1.2346794605255127, -0.27474331855773926, -0.19470003247261047, 0.4666301906108856, -0.22116097807884216, 1.322584629058838, -0.8861321806907654, 0.6484576463699341, 0.5799031257629395, -0.967974066734314, 0.18477554619312286, -0.0043584443628787994, -0.9396998882293701, -0.4426308870315552, 0.9713523983955383, -0.10057294368743896, -0.6117215156555176, 0.44974592328071594, 0.3237813413143158, -0.006994600407779217, 0.9238916039466858, 0.9447842836380005, -0.45706552267074585, 1.0987192392349243, -0.02083529531955719, 1.3139574527740479, 1.2012782096862793, 0.14063671231269836, 0.265116810798645, 1.3017730712890625, -0.794646680355072, 0.6544886231422424, 0.3104008436203003, 0.7743891477584839, 0.5012112259864807, 0.13939230144023895, -0.42387285828590393, 0.9864181280136108, -0.32851460576057434, -0.8409854769706726, -0.5170369148254395, -0.30158936977386475, 0.32929039001464844, -0.913297176361084, -0.45139795541763306, 0.40704140067100525, -0.33349084854125977, 1.6031440496444702, -0.7161067128181458, 0.02521061897277832, 0.10821755230426788, -0.45298904180526733, -0.2924473285675049, -0.2682422399520874, -1.0832897424697876, 0.009593799710273743, -1.6646751165390015, 0.31876620650291443, -0.6490829586982727, -0.2005249708890915, -0.13183051347732544, -0.3325796127319336, 0.5876755714416504, -0.5708276033401489, -0.9919877648353577, -0.3332864046096802, 0.9112175703048706, -0.1380804181098938, -0.6194129586219788, -0.08691495656967163, 0.31058746576309204, 1.1832278966903687, -0.805758535861969, 1.013078212738037, -0.5304445028305054, 0.3656364679336548, -0.8681430220603943, -0.06870122253894806, -0.7500102519989014, 0.552666425704956, 1.541822910308838, -1.468976616859436, -0.44235584139823914, -0.9660717248916626, -0.19253607094287872, -0.48846495151519775, 0.4086697995662689, 1.3157044649124146, -1.3917747735977173, 0.15943437814712524, -0.4485430419445038, 0.21104761958122253, 0.8985896706581116, 0.1748620569705963, -0.23624268174171448, 0.4395740032196045, -0.5303775072097778, 0.6941736936569214, 0.045557618141174316, 0.46951979398727417, -1.6632031202316284, -1.2167222499847412, -0.8822965025901794, -1.0651911497116089, 0.9123639464378357, -0.06584431231021881, 0.9553658962249756, 0.5932489037513733, -0.17024019360542297, -0.5236778259277344, 0.03288848698139191, 1.4230178594589233, 0.6553038954734802, 0.6483660340309143, 0.2580476701259613, -0.3358582556247711, -0.6968890428543091, 0.20628249645233154, -0.1298963874578476, 0.19461758434772491, -1.0015497207641602, 0.38236361742019653, 0.6139582991600037, 0.35589107871055603, -0.13604991137981415, -1.5262993574142456, 0.18167704343795776, -0.3172100782394409, -0.29980143904685974, -1.0753518342971802, -0.07182232290506363, 0.39332491159439087, -1.2257646322250366, 1.318882942199707, 0.4316692054271698, 0.6088824272155762, 0.3236531615257263, -0.053385406732559204, 1.5204205513000488, -0.5612647533416748, -0.5879391431808472, 0.41189566254615784, -0.2097550630569458, 0.3513559103012085, 0.23404979705810547, -0.14111916720867157, -0.8505018353462219, 0.5497176647186279, -1.22772216796875, 0.3679114878177643, 0.11744599789381027, 0.3379194140434265, 0.5293625593185425, 1.3873449563980103, 0.7108926773071289, -1.8066778182983398, -0.5290043354034424, -0.9185241460800171, -0.03492153063416481, 1.8231573104858398, 0.1570558100938797, -0.1595272719860077, 0.5725943446159363, -1.1287808418273926, 0.9293274879455566, -0.9991122484207153, -0.45722705125808716, 0.2704612910747528, 0.21381238102912903, 0.8522025942802429, 0.6480202674865723, -0.02114507369697094, 0.5308722257614136, 0.12864884734153748, 0.004287734627723694, -0.038605332374572754, -0.6843703389167786, 0.21394915878772736, 1.2942472696304321, -0.12222956120967865, -1.010751724243164, -0.6652265191078186, -0.08539967238903046, -0.6045829653739929, 0.9365606904029846, 0.0643153265118599, -0.6849254965782166, -1.8226734399795532, -0.9375196695327759, -0.8399895429611206, 0.31436043977737427, 0.010685991495847702, -0.4342191219329834, -0.40284955501556396, 0.2718842625617981, 0.9509121179580688, 0.3435737192630768, -0.7833238244056702, -0.1629895716905594, -0.45422711968421936, -0.09409161657094955, 0.3048119843006134, -0.581813395023346, -0.2992231249809265, -0.10232202708721161, -0.5700165033340454, 1.097353219985962, 0.754988431930542, -1.0517215728759766, -0.12411800026893616, 0.40438225865364075, 0.7317249774932861, -0.3488815426826477, 1.1338865756988525, -0.336748868227005, -1.4059302806854248, 1.0975284576416016, 0.46818873286247253, 0.1452142298221588, -0.011433265171945095, 0.4072364866733551, 1.1542977094650269, 0.2388378083705902, 1.334481954574585]} +{"paper_id": "Sampson2022/demo", "embedding": [-0.47368407249450684, 0.6329537034034729, -0.23602841794490814, -0.2707708775997162, 0.5152086615562439, -0.048609744757413864, 0.36470818519592285, 0.7046562433242798, 0.777431845664978, 0.466417521238327, 0.5733106136322021, -0.02488112449645996, 0.5893622040748596, 0.6365947127342224, -0.1698841154575348, -0.6612904071807861, -0.6726495027542114, -0.3913060426712036, -1.4018296003341675, -0.21776023507118225, -0.8660280108451843, -0.7343010306358337, -0.007071793079376221, 1.0575065612792969, -0.6844190359115601, -1.100769281387329, 0.8312342166900635, -1.1566839218139648, 0.26698610186576843, 0.07038000226020813, 0.14709137380123138, 1.0532623529434204, -1.201102614402771, 0.5376321077346802, -0.30704033374786377, -0.5382947325706482, 0.08264369517564774, 1.0505794286727905, 0.06911545246839523, -0.530035674571991, -0.4636383652687073, 0.21339213848114014, 0.5574291348457336, 0.17881730198860168, 0.9502435326576233, -0.3640819191932678, 0.6542977094650269, -0.26439669728279114, -0.4955178499221802, -0.09934323281049728, -0.5915981531143188, 0.32921868562698364, -0.20484501123428345, 0.7891571521759033, -0.14406394958496094, 0.4787261486053467, 0.17446941137313843, -0.9169172048568726, 0.6199193000793457, -0.9177004098892212, 1.546337366104126, 1.6737335920333862, -0.24139158427715302, 0.42233243584632874, 1.3984363079071045, -0.27571558952331543, 1.023668885231018, 0.05662907660007477, -0.3529932498931885, 1.0469470024108887, -0.41257017850875854, -0.3611677587032318, 0.25625288486480713, -0.3978824019432068, 0.17556752264499664, 0.6346836090087891, -0.10736133903265, 0.09622062742710114, -0.08010884374380112, -0.10007598996162415, -0.09839177131652832, 0.04686439037322998, 0.5667035579681396, -0.22862887382507324, 0.10642784833908081, 0.08219566941261292, 0.24563303589820862, -1.100770115852356, 0.4165087342262268, -1.7258294820785522, 0.32492905855178833, 0.382863849401474, 0.035931363701820374, 0.10010682046413422, -0.41232189536094666, 0.7180970907211304, -0.818400502204895, -0.03386159986257553, -0.042185571044683456, 0.2944576144218445, 0.6950355768203735, -0.16299638152122498, 0.44364097714424133, -0.28997907042503357, 0.27252522110939026, 0.4645687937736511, 0.23972010612487793, -0.28653857111930847, -0.7811546921730042, -1.106646180152893, 0.2594137489795685, 0.7112587094306946, -0.13023464381694794, 0.40674811601638794, 0.14475096762180328, 0.6957713961601257, 0.4969906806945801, -1.0901908874511719, -0.08829563856124878, 0.3867344260215759, -0.03434734418988228, -1.0164072513580322, -0.39614611864089966, -0.4588584303855896, 0.8085847496986389, -0.36439794301986694, -0.2987317442893982, -0.8704310059547424, -0.29303866624832153, 0.49827006459236145, 0.7905248403549194, 0.22029733657836914, -0.680644690990448, -0.11435750126838684, 3.019629716873169, -1.105302095413208, 1.336037516593933, -0.48818376660346985, -0.08531511574983597, -0.6102768778800964, -0.6385300159454346, 1.275776743888855, -0.1508331000804901, -0.920791506767273, -0.6618843078613281, 0.49268919229507446, -0.30581167340278625, 0.21250072121620178, -1.0092710256576538, -0.5412379503250122, -0.1163950115442276, -0.044151268899440765, -1.524725079536438, -0.5935493111610413, 0.26165497303009033, 0.41119813919067383, 0.02842133305966854, 0.498111367225647, -0.4881981611251831, 0.9933245182037354, -0.1514677107334137, -0.00019185617566108704, -0.30999869108200073, 0.4424739480018616, -0.7911112904548645, -0.14778345823287964, 0.8218157887458801, -0.14601078629493713, -0.7606921195983887, 0.23858189582824707, 0.21940907835960388, -0.45227065682411194, -0.2087647020816803, 0.04667162895202637, -0.42255380749702454, 0.13595366477966309, 0.5288715362548828, 0.5293514728546143, 0.15951688587665558, -0.7197549343109131, 0.014175225049257278, -0.03736341744661331, 0.20114853978157043, 0.841849684715271, 0.03920188546180725, 0.4843760132789612, -2.5613250732421875, -0.02772185206413269, -0.1761915683746338, 1.2603180408477783, -0.08701618015766144, 0.15420843660831451, 0.07752107828855515, 0.48051270842552185, -0.16655966639518738, -0.6231683492660522, 0.6785591840744019, -1.1826432943344116, 0.4438459277153015, 0.13004690408706665, 0.19929735362529755, -0.23516133427619934, 0.289628803730011, 0.817406415939331, 0.4240780174732208, -0.6124845743179321, -1.2624032497406006, -1.6249572038650513, 0.07669541239738464, 2.2786617279052734, 0.22785532474517822, -0.26678627729415894, -0.9635787606239319, -0.5363588929176331, 0.02517688274383545, -0.16827161610126495, -0.025875840336084366, -0.5858447551727295, 0.1358080506324768, -0.8438625931739807, 0.7170241475105286, -0.6540923118591309, -0.07299023866653442, 0.796748697757721, 1.6112453937530518, -0.5977821946144104, -0.21800243854522705, -0.8723869323730469, -0.23756231367588043, 0.4457677900791168, 0.6693770289421082, 0.26716533303260803, -0.3425637483596802, 0.6381800174713135, 0.6141161322593689, 1.2047903537750244, 0.44517675042152405, 0.5339245796203613, -0.7865242958068848, 0.2371051013469696, -0.4007544219493866, 1.4630320072174072, -0.003925099968910217, -0.14832644164562225, -0.036787282675504684, -0.2538899779319763, -0.6766458749771118, -0.2045849859714508, -0.1728961318731308, -0.0734703466296196, 0.8131802082061768, 0.5655059218406677, -0.5098570585250854, 0.654682993888855, -0.4759391248226166, -0.32715362310409546, 0.10967954993247986, -0.3073573410511017, -0.7101594805717468, -0.41081297397613525, 0.797971248626709, -0.19298027455806732, 0.1403515487909317, -0.20959845185279846, 0.1284746527671814, -1.2161961793899536, -0.5347144603729248, 0.5198376774787903, -0.06283653527498245, -0.6472405195236206, -0.40596362948417664, -0.2374119609594345, -1.1686780452728271, -0.4814733862876892, 0.2306014448404312, -0.1204204261302948, -0.06374428421258926, 0.782575249671936, 1.596062183380127, -0.1992853283882141, 0.36166292428970337, 0.21830590069293976, 1.2638295888900757, -0.6978399753570557, 0.4194241762161255, -0.22705325484275818, 0.29599669575691223, -0.9273785948753357, 0.18871113657951355, -0.7167630791664124, 0.3272857367992401, 0.7713109850883484, -0.022518783807754517, 1.0795754194259644, -0.19915619492530823, -1.0479732751846313, 0.9329280853271484, -0.15558135509490967, -0.18672123551368713, -0.6489988565444946, 1.3448870182037354, 0.18429890275001526, -0.42478111386299133, 0.9397029876708984, -0.12167945504188538, -0.3695421516895294, 1.0095572471618652, -0.17551082372665405, -0.20985707640647888, 0.3555727005004883, -0.49842098355293274, 0.0008985474705696106, 0.5392174124717712, -1.828904151916504, 0.9306735992431641, 1.0464495420455933, -0.39013612270355225, -0.23879407346248627, -0.8933327198028564, 0.3550196886062622, -0.3786947429180145, 0.27940037846565247, 1.036048412322998, -0.4023314118385315, 0.539023756980896, -0.43549644947052, 0.24853397905826569, 0.4176754951477051, -0.11041592806577682, 0.5514772534370422, 0.4943654239177704, 0.5277719497680664, -0.8657762408256531, -0.7646061778068542, 1.0393658876419067, -0.33082130551338196, 0.1102549210190773, 0.1053270772099495, 0.6478859782218933, 0.7969002723693848, -0.18085479736328125, -0.22037824988365173, 0.38224631547927856, 0.4789552390575409, -0.19394353032112122, -0.3813040852546692, 0.09510993957519531, 0.4578954875469208, -0.2010856568813324, 1.2213027477264404, -0.43921568989753723, -0.5718456506729126, -0.7646986842155457, -0.2920195162296295, -0.06660290062427521, -0.06958360970020294, 1.4628307819366455, 0.3693082630634308, 1.3253594636917114, 0.49369436502456665, 0.09641566127538681, -0.34141334891319275, -0.37472543120384216, 0.6127299070358276, 0.2897179424762726, 0.2806597948074341, -0.7144235372543335, 0.028828009963035583, 1.1338675022125244, 0.41740450263023376, -0.7148900032043457, 0.36122405529022217, 0.5621483325958252, -0.09586891531944275, -1.1126947402954102, 0.886064887046814, 0.7536017894744873, 0.42986559867858887, 1.532199501991272, -0.7474462985992432, 0.03724491223692894, -0.24551360309123993, 0.10405794531106949, -0.06711240112781525, 0.47081565856933594, 0.10665276646614075, 0.5372409820556641, 0.16138365864753723, 0.48819342255592346, 0.11218525469303131, 1.2689570188522339, 1.5457316637039185, -0.4558987021446228, -1.0511101484298706, -0.06556707620620728, -0.7754442095756531, 0.21103622019290924, 0.7537088990211487, 0.3173622190952301, -0.3001571595668793, 0.5816835761070251, 0.2845691740512848, -1.0455890893936157, 0.1367827206850052, -0.5015833377838135, -1.3348387479782104, 0.9196202754974365, 1.1258275508880615, -0.846775472164154, -0.4779065251350403, -0.27554214000701904, -0.7808732390403748, -0.24577206373214722, 0.15822726488113403, -1.267996907234192, 0.7710773348808289, 0.07017608731985092, 0.8672913312911987, 0.061829838901758194, -0.08692242950201035, -1.3648275136947632, 1.2600226402282715, 0.9419918656349182, -1.3115087747573853, 0.6058739423751831, 0.1721777617931366, 0.6312111616134644, 0.23264755308628082, -1.1977802515029907, -0.6953362822532654, 1.0889663696289062, 0.010532625019550323, 0.1405424177646637, -1.0042256116867065, -0.4003264904022217, 0.7121913433074951, 0.43927961587905884, 0.6963115930557251, -0.6905896067619324, 0.11291992664337158, -1.1504054069519043, 0.08990433067083359, 0.7750259637832642, -1.0217970609664917, -0.9387061595916748, 0.5282639265060425, -0.22277629375457764, 0.7286624908447266, -0.0065979063510894775, 0.0134146548807621, 1.565970778465271, -0.23933923244476318, -0.10111735016107559, -0.31227365136146545, -12.1959228515625, 1.0174601078033447, -0.15557990968227386, 0.003209821879863739, 0.370140016078949, -0.028903327882289886, 0.4946031868457794, -0.0036423783749341965, 0.31217706203460693, -0.76414555311203, 0.18369150161743164, 0.9384403824806213, 0.36834317445755005, 0.1652483493089676, -0.9976603984832764, -1.0827412605285645, -0.5533328056335449, -0.7910391688346863, 0.5436552166938782, 0.13127045333385468, -0.14649443328380585, -0.8225887417793274, 0.03455576300621033, -0.1725814789533615, 0.5389237999916077, -0.15687376260757446, -0.8384842872619629, -0.12455164641141891, -0.4821542501449585, 0.14434044063091278, 0.5029957890510559, -0.005786895751953125, -0.6566991806030273, -0.30987879633903503, -0.14404425024986267, -0.47273173928260803, -0.8070987462997437, -0.0782761350274086, 0.7818811535835266, -0.45266059041023254, -0.08598630130290985, -0.026004407554864883, 0.6024823188781738, -0.3268321454524994, -0.30076906085014343, 0.21860267221927643, 0.1876428723335266, -0.940560519695282, -0.016283586621284485, -0.1890750527381897, -0.9452229142189026, -0.26884138584136963, -0.8341546654701233, -0.7251399159431458, 0.29706481099128723, 0.2577746510505676, -0.9043595790863037, -0.4351058602333069, -0.20695382356643677, -0.6093900203704834, 0.2667793929576874, 0.17502166330814362, -0.3647618889808655, 0.10907087475061417, -0.06852904707193375, -0.4362904727458954, 0.18037772178649902, 0.1495499461889267, -0.23037388920783997, 0.551658034324646, -0.8012144565582275, 1.4327112436294556, 0.2643345594406128, 0.8061096668243408, -0.9511547684669495, 0.1813572347164154, -1.0346142053604126, -0.31709983944892883, 0.4245278835296631, -0.054397109895944595, -1.6074937582015991, 0.7594128847122192, 0.7330241799354553, -0.41647669672966003, -0.7702364325523376, 0.5184208750724792, -0.10120873898267746, 0.33625635504722595, 1.0896294116973877, -0.6491325497627258, 1.3008772134780884, 0.19447702169418335, -0.8315682411193848, -0.5790767669677734, -0.2047262191772461, 0.8519437313079834, -0.9489845633506775, 0.30679967999458313, 0.1943618357181549, -0.6006587743759155, 0.08267923444509506, -0.30492714047431946, -0.7114218473434448, 0.11856143176555634, 0.8604325652122498, 0.08816323429346085, 0.0697404146194458, -0.06322655826807022, -0.21740581095218658, -0.8249768614768982, 0.9903776049613953, 0.1915316879749298, -0.023765064775943756, 1.566260576248169, -0.5365972518920898, 0.5344160199165344, 0.6526248455047607, -0.12002244591712952, 0.28054600954055786, 0.8202363848686218, -1.1504874229431152, 0.9154152870178223, 0.1583225131034851, 1.7405627965927124, -0.30718085169792175, 0.1449345201253891, 0.18473979830741882, 0.41022634506225586, -0.11499399691820145, -1.145074486732483, 0.61846524477005, -0.3877686560153961, 0.009478116407990456, -0.750369131565094, -0.0798230916261673, 0.3291633129119873, -0.37077757716178894, 1.8316572904586792, -0.995638370513916, -0.18264776468276978, -0.15066230297088623, 0.04728233441710472, -0.6668483018875122, -1.132216215133667, -0.8144012093544006, 0.27503812313079834, -1.390212893486023, 0.5178321003913879, -0.13372433185577393, -0.34369567036628723, -0.16074153780937195, -0.6534734964370728, 0.8249704837799072, -0.7359448671340942, -0.3310145139694214, -0.5373942852020264, 0.48768606781959534, -0.6075950860977173, -0.7808541059494019, -0.2518678903579712, 0.38142555952072144, 1.1602113246917725, -0.9724245667457581, 1.4778469800949097, 0.32724401354789734, -0.5479653477668762, -0.5421027541160583, 0.40214917063713074, -0.4696478247642517, 0.42170819640159607, 1.061118483543396, -0.766275942325592, -0.3543066382408142, -0.5260048508644104, -0.22206071019172668, -0.49341580271720886, 0.08112619817256927, 0.9000139236450195, -1.2351750135421753, -0.1921379119157791, -0.6820985674858093, 0.8957259654998779, 0.13196216523647308, -0.5019245147705078, -0.6094334125518799, 0.7483659982681274, -0.23865067958831787, 0.725465714931488, -0.010959835723042488, 0.989212691783905, -1.4780038595199585, -1.0372729301452637, -0.3507237434387207, -0.20479373633861542, 0.640261173248291, 0.5919325947761536, 0.6175678372383118, 0.3456369936466217, -0.36748141050338745, -0.2857989966869354, -0.11061699688434601, 0.5146152973175049, 0.3046365976333618, 0.4665137529373169, -0.5916874408721924, 0.5912455320358276, -0.39949023723602295, 0.18537116050720215, 0.5973839163780212, 1.3494489192962646, -0.7861507534980774, -0.5438194274902344, 0.08010344207286835, -0.08926133811473846, -0.11120602488517761, -1.4133301973342896, -0.14103588461875916, -0.5620437264442444, -0.3704182207584381, -1.3614263534545898, 0.34817489981651306, 1.4421788454055786, -0.20106543600559235, 0.6440536379814148, 0.3958989083766937, 1.0660302639007568, 0.8714918494224548, 0.14616777002811432, 0.5432751774787903, 0.18213441967964172, 0.24787506461143494, 0.38513004779815674, 0.09247167408466339, 0.2215486466884613, -0.16305752098560333, -0.6758853793144226, -0.7108333706855774, 0.2354753017425537, -0.3483522832393646, 0.8230106830596924, 0.167348712682724, 0.47077634930610657, 1.0121819972991943, 1.168563723564148, 0.07700172066688538, -1.581379771232605, -0.34402996301651, -1.4645034074783325, 0.26845842599868774, 0.794539749622345, 0.5940430164337158, 0.2506285309791565, 0.8387382626533508, -0.6987839341163635, 0.9146920442581177, -0.6235220432281494, 0.3733554482460022, -0.00258723646402359, -0.2319440096616745, 0.7923511862754822, 0.701998233795166, 0.3055737614631653, 0.22517086565494537, -0.5505282878875732, -1.0346695184707642, -0.1482011377811432, -0.4699617922306061, 1.0066604614257812, 0.6159954071044922, -0.2454148381948471, 0.08069176971912384, -0.3832820653915405, 0.7559925317764282, -0.14810040593147278, 1.1654345989227295, -0.05033194273710251, -0.418972909450531, -0.44552162289619446, -1.007737636566162, -0.06110795587301254, 0.45568975806236267, 0.11889058351516724, 0.025797128677368164, -0.023091867566108704, 0.539882481098175, 0.3336726129055023, 0.10237696766853333, -0.776552140712738, -0.338336706161499, -0.5021206140518188, 0.13428685069084167, 0.6524555683135986, -0.7352162599563599, -0.7613604664802551, -0.22882437705993652, -0.8192265629768372, 0.13883304595947266, 0.25489723682403564, -0.6130820512771606, -0.5636393427848816, 0.20545166730880737, -0.036650996655225754, 0.5043059587478638, 0.19731125235557556, -0.24351319670677185, -1.4542371034622192, 0.5137541890144348, 0.9673100709915161, -0.7170870304107666, -0.39086654782295227, 0.28890326619148254, 0.6361750364303589, 0.16117164492607117, 1.3141604661941528]} +{"paper_id": "jason9693/APEACH", "embedding": [-0.7473143339157104, 1.836834192276001, 0.08941295742988586, -0.22360560297966003, 0.9126706123352051, 0.9021016359329224, 0.1924331784248352, -0.31415969133377075, 0.41230306029319763, 1.0418319702148438, 0.6303205490112305, -0.3121856153011322, -0.868121325969696, 0.017820946872234344, -0.12765420973300934, -0.17350545525550842, -0.8220070600509644, -0.12085635215044022, -0.284304141998291, -0.19024816155433655, -0.48183512687683105, -0.720956027507782, -0.25261470675468445, 0.05529998987913132, -1.3494770526885986, -0.03909378871321678, 0.3582048714160919, -1.2209415435791016, -0.3061412274837494, -0.13204625248908997, -0.47355926036834717, 1.3249366283416748, -1.4131921529769897, 0.5379953980445862, -0.6273805499076843, 0.1684047132730484, -0.38542306423187256, 0.23362129926681519, -0.27472570538520813, -0.6938584446907043, -1.143322467803955, 0.5092903971672058, 1.012845516204834, 0.4568343758583069, 0.773973286151886, -0.08140451461076736, 0.04628770798444748, -0.361449271440506, -0.12422160059213638, -0.5217010974884033, -0.5370498299598694, 0.6258904337882996, 0.32892221212387085, 0.21797215938568115, -0.8834819197654724, 1.0445815324783325, -0.09299622476100922, -0.32441356778144836, 0.6905127167701721, -0.8437120914459229, 1.472216010093689, 2.0162088871002197, -0.13551048934459686, 0.4625031054019928, 0.4215230345726013, -0.7061175107955933, 0.8820874691009521, -0.12492312490940094, 0.05305555462837219, 0.06700588762760162, -0.10353080928325653, -1.2782739400863647, -0.02793632447719574, 0.10003167390823364, -0.5833693742752075, 0.10869520902633667, 0.14439599215984344, 0.7181055545806885, -0.5547621846199036, 0.559894323348999, -0.19746840000152588, 0.9195650815963745, 0.005615835078060627, -0.8095143437385559, 0.27606862783432007, 0.2646487057209015, 0.27835172414779663, -0.6241675019264221, 0.8341261744499207, -1.4997069835662842, 0.38588082790374756, -0.47569993138313293, 0.13518694043159485, 0.6224793195724487, -0.9615576863288879, 0.9694443941116333, -0.38703465461730957, 0.0417017787694931, -0.9062790870666504, 0.8460301160812378, 0.7200687527656555, -0.2286607176065445, 0.342126727104187, -0.6652821898460388, -0.17827428877353668, 1.1625217199325562, -0.2532310485839844, -0.37334123253822327, -0.23503723740577698, -0.5792588591575623, -0.2687828540802002, 1.6772876977920532, -0.8149214386940002, 1.1979528665542603, 0.1994715929031372, -0.31500309705734253, -0.3777848780155182, -1.034368634223938, -0.1527404487133026, 0.2620612382888794, -0.8605237603187561, -0.9593268632888794, 0.04967619478702545, 0.5901686549186707, 1.5885344743728638, -0.07785676419734955, 0.580707848072052, -0.43446022272109985, -0.3864188492298126, 0.04783736914396286, 0.8088469505310059, -0.7117048501968384, -0.9085980653762817, 0.2533343434333801, 3.1229910850524902, -1.4539281129837036, 1.9025839567184448, -0.6496647596359253, 0.5289116501808167, -0.6847782135009766, -0.6208852529525757, 1.8563331365585327, -0.13764998316764832, -1.2299933433532715, -1.0719226598739624, 0.2850586175918579, -1.067418098449707, 0.708046019077301, -0.22823193669319153, -0.4991796314716339, -0.1181514710187912, 0.6884075403213501, -0.9383876919746399, 0.41285350918769836, 0.4901989698410034, 0.16402435302734375, -0.28049641847610474, 0.6780077219009399, -0.665915310382843, 1.1518223285675049, 0.6738355755805969, -0.12210303544998169, 0.04715336859226227, 0.8747824430465698, -1.1490001678466797, -0.3607792854309082, 0.6153329014778137, -0.2466454803943634, -1.2081348896026611, -0.35156238079071045, 1.5535080432891846, -0.4685685932636261, -0.44542330503463745, -0.09828802198171616, -0.8654375076293945, 0.12027841061353683, 0.9643043875694275, 1.100823998451233, 0.018711520358920097, -0.4476901590824127, -0.7665794491767883, -0.07394762337207794, -0.2554396688938141, 0.795317530632019, -1.3307610750198364, -0.5222464203834534, -1.4170995950698853, 0.4632991552352905, 0.6028298139572144, 1.275382161140442, 0.14424270391464233, -0.12704870104789734, -0.08637692779302597, 0.8760719299316406, -0.048189427703619, -0.2440880388021469, 0.8200568556785583, -1.433042287826538, 0.20574292540550232, -0.26140350103378296, 0.5681025981903076, -0.9941153526306152, -0.20862722396850586, 0.4802473783493042, 0.877757728099823, -0.944617509841919, -0.6018756628036499, -2.1870017051696777, 0.6397521495819092, 2.8117849826812744, 0.6968037486076355, -0.7292025089263916, -0.38012126088142395, 0.2586537003517151, -0.3513028025627136, 0.4449560344219208, 0.4677281081676483, -0.9611262083053589, -0.07109666615724564, -1.3472230434417725, 0.2241358906030655, -0.3328644633293152, 0.5458205938339233, 0.6560260653495789, 0.39302802085876465, -0.8855909705162048, -0.498056560754776, -0.4276907444000244, -0.28010332584381104, 0.9184442162513733, 0.7756361961364746, -0.0796695128083229, 0.4011531174182892, 1.4938691854476929, 0.9313551783561707, 0.5704851746559143, 0.2202136516571045, -0.23865678906440735, -1.003212332725525, 0.09591005742549896, 0.019837167114019394, 0.3764601945877075, -0.1522098332643509, -1.0647846460342407, 0.7954200506210327, 0.6979488730430603, -0.725326657295227, -0.1617395579814911, -0.7818896770477295, 0.2902839183807373, 0.7984511256217957, 0.8050010204315186, -0.7233774662017822, 0.9962674975395203, -0.7753265500068665, 0.3885645866394043, -0.6577538847923279, -0.10858583450317383, -0.20615825057029724, -0.15406924486160278, 0.9728293418884277, 0.3303932845592499, -0.2699018120765686, -0.6511458158493042, 0.006888166069984436, -1.094858169555664, -0.4375547170639038, 0.411857932806015, -0.8357187509536743, -1.560295820236206, 0.39450812339782715, -0.9299103021621704, -1.4063823223114014, -1.1580519676208496, 0.18979397416114807, 0.534838855266571, -0.24817678332328796, 0.10629981756210327, 1.406099796295166, -0.11445729434490204, 0.2965030074119568, -0.3000715672969818, 1.0180145502090454, -0.8819835186004639, 0.4680124521255493, -0.5175133347511292, -0.10621622949838638, 0.4615330994129181, -0.20684771239757538, -0.30892592668533325, 0.38731932640075684, 1.0335789918899536, -1.0898140668869019, 0.8757874965667725, 0.3110803961753845, -0.060767561197280884, 1.6433461904525757, -0.6814476847648621, 0.5419394373893738, -0.773122251033783, 0.9366722106933594, 0.6410319209098816, -1.2499734163284302, 0.9413225054740906, -0.6840146780014038, -0.028116166591644287, 0.6995612978935242, -1.5983703136444092, 0.38048288226127625, 0.29784417152404785, -0.33208271861076355, -0.2500742971897125, 0.6802465915679932, -1.8041601181030273, 0.36412307620048523, 1.3467588424682617, -0.6841349601745605, -0.2680045962333679, -0.5458258390426636, 1.1009266376495361, -0.8414192199707031, 0.030382445082068443, -0.8006476759910583, -0.30163976550102234, 0.20479081571102142, -0.5164574980735779, 0.3723486065864563, 0.309982568025589, -1.5250910520553589, 0.03293481841683388, 0.9707725048065186, 0.9931484460830688, -0.8077203631401062, -0.029917379841208458, 0.5534039735794067, -1.0015392303466797, 0.5329756736755371, -0.12497793883085251, 0.8400306105613708, 1.0541903972625732, -0.12307477742433548, -0.17083685100078583, 1.3070316314697266, 0.7039670944213867, 0.07051362842321396, -0.5098914504051208, 0.2847222089767456, 1.0085341930389404, -0.7961622476577759, 1.2208294868469238, 0.2963295578956604, -0.6219410300254822, -1.998222827911377, -0.49239468574523926, 0.46073251962661743, -0.637042760848999, 0.7760405540466309, 1.35541570186615, 1.5315335988998413, -0.2663331627845764, 0.803196132183075, -0.4086379110813141, 0.4515707194805145, 1.3053793907165527, 0.6266669034957886, 0.8001270294189453, -0.14347906410694122, 0.1563493311405182, 0.9134559035301208, -0.0036799712106585503, -0.3501417338848114, 0.4880473017692566, 1.276319980621338, -0.48918041586875916, -0.23257336020469666, -0.041521694511175156, -0.31668463349342346, 0.011185195297002792, 0.9623032808303833, -0.7636982798576355, -1.0294551849365234, -0.21878916025161743, 0.5385468602180481, 1.3176575899124146, 0.5124003291130066, -0.5602036714553833, 0.36251142621040344, 0.4137888550758362, 0.4780711233615875, -0.6291204690933228, 0.4783020317554474, 0.6725308299064636, -0.21205613017082214, -0.567317545413971, -0.28955358266830444, -1.233153223991394, 0.21889087557792664, -0.11106342077255249, 0.4540424048900604, -0.6839802861213684, 0.796670138835907, -0.7663645148277283, -1.706597924232483, 0.5602104663848877, -0.37924522161483765, -0.6831603050231934, 1.1377791166305542, 0.61076819896698, -1.6070513725280762, -1.8649177551269531, -0.3591421842575073, -0.6578736901283264, -1.337860345840454, 0.5579797625541687, -1.045715570449829, 1.3193256855010986, 0.07796762883663177, 0.20575344562530518, 0.009577061049640179, -0.13900670409202576, -0.7729131579399109, 0.6653182506561279, 1.5842550992965698, -0.6881583333015442, 0.6702038049697876, 0.6433016061782837, -0.18786481022834778, 0.05151708424091339, -0.6741067171096802, -0.9373112916946411, 0.9707515239715576, 0.7803136110305786, 0.6172305941581726, -1.0286389589309692, -0.560104250907898, 0.19580703973770142, -0.24456557631492615, 0.7746405601501465, -0.9011519551277161, 0.3338322043418884, -0.8731383681297302, 0.8263993263244629, 0.8593552112579346, -0.48848867416381836, -1.2315036058425903, 1.0850253105163574, 0.11379579454660416, 0.5524357557296753, -0.004175327718257904, 0.034718383103609085, 1.868808627128601, 0.7724623084068298, 0.7774264216423035, -0.3588133156299591, -8.992059707641602, 0.5712456703186035, -0.00189984031021595, 0.491003155708313, 0.1581794023513794, -0.8877958059310913, 0.34899431467056274, 0.5062275528907776, 1.7523844242095947, -0.6149306893348694, -0.038745708763599396, 2.1553549766540527, 0.0264388769865036, -0.6284562349319458, -0.9136174917221069, -0.9760328531265259, -1.148313283920288, -0.8153745532035828, 0.07660824060440063, 0.37543874979019165, -0.40366461873054504, -1.2902982234954834, 0.2403983622789383, -0.6665397882461548, 0.6329811811447144, 0.413505882024765, -0.21577337384223938, -0.5494520664215088, -0.7153546214103699, 0.8557223081588745, 1.1191747188568115, -0.07355606555938721, -0.420002281665802, -0.11110857129096985, 0.03741127997636795, 0.6986960172653198, -0.9390043616294861, -0.2127280831336975, 0.8913857340812683, 0.09171231091022491, 0.05747734382748604, 0.6590530276298523, 0.8058199286460876, -0.3522265553474426, -0.04549882560968399, -0.10556904971599579, -0.38562220335006714, -0.4997648298740387, -0.13846935331821442, -0.4717627763748169, -0.5214463472366333, -0.7131615877151489, -2.036590814590454, -0.448920875787735, 1.0387414693832397, -0.390255331993103, -0.6408712267875671, -0.12618793547153473, -0.9492935538291931, -1.4110223054885864, 1.1407550573349, 0.4361093044281006, 0.13552966713905334, 0.16142386198043823, 0.8097730875015259, -1.2058613300323486, 0.42564186453819275, -0.3156121075153351, 0.1038985475897789, 0.8734614849090576, -0.42769286036491394, 1.454350471496582, 0.008094803430140018, 0.6231070756912231, -0.5168924927711487, -0.2519025206565857, -0.6498712301254272, 0.4106525778770447, 1.2209205627441406, -0.8371689915657043, -1.4368388652801514, 0.6447810530662537, -0.2363457977771759, -0.8287534713745117, -0.5383105874061584, 0.2720614969730377, -0.15237239003181458, -0.3766224980354309, 0.8509658575057983, -0.11883442848920822, 0.6830278038978577, 0.40173232555389404, -0.40724629163742065, 0.39545565843582153, -0.4379446804523468, 0.4814699590206146, -0.9112950563430786, 1.1588568687438965, -0.15728439390659332, 0.0048795416951179504, 0.8505685925483704, -0.009395651519298553, -0.7400485277175903, 0.10350020229816437, 0.36575302481651306, -0.06679991632699966, 0.23085972666740417, 0.3544681668281555, -0.33009669184684753, -0.3810960650444031, 0.09681547433137894, 0.25047969818115234, -0.25003254413604736, 0.5390616059303284, 0.39098724722862244, 0.13759317994117737, 0.7392253875732422, -0.27715185284614563, 0.28542807698249817, 1.119093656539917, -0.8015733957290649, 1.0807645320892334, -0.1412145495414734, 1.049027681350708, -0.3656051754951477, 0.7514751553535461, 0.8813068270683289, -0.34905558824539185, 0.10298959910869598, -2.3425843715667725, 0.8449981808662415, -0.5413483381271362, 0.7038489580154419, -0.8442450761795044, 0.13854877650737762, -0.1641463339328766, -1.308840274810791, 1.294346809387207, -1.132675290107727, 0.36276930570602417, -0.05646329000592232, -0.40735214948654175, 0.18662580847740173, -0.6183668971061707, -0.08798400312662125, 0.24976381659507751, -2.565610408782959, 0.04575779289007187, -0.6554676294326782, 0.3524214029312134, -0.014048252254724503, -0.21570059657096863, 0.8943497538566589, -1.4364628791809082, -0.2942906618118286, 0.6146339774131775, 0.46831807494163513, -0.6526814699172974, -0.6969887614250183, -0.42536523938179016, 0.3395746648311615, 1.532968282699585, -0.6595691442489624, 0.7078079581260681, 0.14362768828868866, -0.0645277351140976, -0.08403946459293365, 0.07882441580295563, -0.5659783482551575, 0.0046318769454956055, 1.7167185544967651, -0.8093317151069641, 0.3149929940700531, 0.10604232549667358, -0.22116287052631378, -1.1831834316253662, 0.7604268193244934, 1.0846349000930786, -1.4329907894134521, 0.17576105892658234, -0.30276867747306824, 0.12199439108371735, -0.13679325580596924, -0.3366730213165283, 0.11400583386421204, 0.9885135889053345, -0.6753677129745483, 0.930446207523346, -0.6558486223220825, 0.40441757440567017, -1.9953829050064087, -1.4667212963104248, -0.5185697674751282, -0.454416424036026, 0.26451703906059265, 0.13863545656204224, 0.3645250201225281, -0.004474757704883814, 0.5203135013580322, -0.2464522421360016, 0.2534114718437195, 0.6639673113822937, -0.12957796454429626, 0.07592320442199707, -0.9589512348175049, -0.7285702228546143, -0.537358283996582, 0.09960366785526276, -0.0033946270123124123, 0.3960486054420471, -1.3352625370025635, -0.025810882449150085, -0.13931521773338318, -0.6910640001296997, 0.6257625222206116, -0.18153466284275055, -0.16636613011360168, -0.6474751830101013, -0.6668859720230103, -1.1861070394515991, 0.5629673600196838, 0.8547454476356506, 0.2284979373216629, 1.151084303855896, 0.5537434220314026, 0.6801344156265259, 0.8287850022315979, 0.714332640171051, 1.5414460897445679, -0.4186200201511383, -0.5185512900352478, -0.454721599817276, -0.6710816621780396, 0.08123711496591568, 0.4136602282524109, 0.2788861095905304, -1.0246469974517822, 0.21169599890708923, -1.4163236618041992, -0.316823273897171, -0.35634416341781616, 0.12930938601493835, 0.333981990814209, 0.8888182044029236, -0.9319551587104797, -0.3271067142486572, -0.6261119842529297, -0.6163281202316284, -0.5725967884063721, 0.009924691170454025, 0.6336542367935181, 1.360226035118103, 0.8968582153320312, 0.2998189628124237, 1.0540790557861328, 0.24048379063606262, 0.2893947660923004, 0.32633358240127563, 0.3982354402542114, 1.1764265298843384, 0.9338552951812744, 0.5559311509132385, 0.11996087431907654, 0.2147861123085022, -1.1513867378234863, -0.3489287793636322, -0.8158242106437683, 0.9328957796096802, 0.41011786460876465, 0.24292047321796417, 0.29930925369262695, -0.6341080069541931, 0.06389600038528442, -0.0022751837968826294, 0.40212294459342957, 0.9784901738166809, -0.14713427424430847, -0.37055647373199463, -0.872878909111023, -0.2583605647087097, 0.6289402842521667, -0.42553725838661194, 0.25027161836624146, -2.1443710327148438, 0.5252618789672852, -0.16288317739963531, -0.5398895740509033, -1.512275218963623, 0.2568502128124237, -0.2188134491443634, 0.36068326234817505, 0.8021867275238037, -1.5263475179672241, -0.7942415475845337, -0.16825056076049805, -0.39776289463043213, 0.5344301462173462, 0.24107195436954498, -2.076812744140625, -0.7013339996337891, 0.33922335505485535, 0.7366704940795898, -0.0413438118994236, 0.20197024941444397, 0.11740992218255997, -1.805582880973816, 1.8690043687820435, 1.763073205947876, 0.1753900647163391, -0.2789284586906433, 1.1108931303024292, -0.09701193869113922, 0.012578338384628296, 2.3581619262695312]} +{"paper_id": "julien-c/reactiongif", "embedding": [-0.6966526508331299, 1.3682337999343872, 0.4544093608856201, -0.24713905155658722, 0.5352046489715576, -0.03965882584452629, 0.6719069480895996, -0.3762587010860443, -0.14547108113765717, 0.9893847703933716, 0.9398947358131409, -0.6492225527763367, -0.46823784708976746, 0.0473492294549942, -0.07984647154808044, -0.21824967861175537, -1.0881268978118896, 0.15177477896213531, -0.4213920831680298, -0.30570149421691895, -1.0702369213104248, -0.6805528402328491, 0.26370489597320557, 0.9648942351341248, -0.3875500559806824, -0.9622635841369629, 0.15830165147781372, 0.2023342102766037, 0.2639259994029999, -0.36517542600631714, -0.4529368281364441, 0.6845351457595825, -0.9722104072570801, -0.47058525681495667, -0.5046496987342834, -0.16211873292922974, 0.3175906240940094, 0.9981679916381836, -0.2758151590824127, -0.30427202582359314, -0.916171133518219, 0.9484097957611084, 0.9468831419944763, 0.2747548520565033, 1.0772734880447388, 0.23461902141571045, -0.3587375283241272, 0.1674192249774933, 0.18351997435092926, -0.24415850639343262, 0.1943739354610443, 0.22784164547920227, -1.1498624086380005, 0.15396282076835632, -0.6600968241691589, 1.2625378370285034, 0.2548229992389679, -0.9376559257507324, 0.28458210825920105, -0.9468638896942139, 1.0895932912826538, 2.1672637462615967, -0.08397869765758514, -0.36538270115852356, 1.0297069549560547, 0.027666158974170685, 0.8559020757675171, -0.2624058723449707, 1.4141954183578491, 0.3234117031097412, -0.5867438316345215, -0.4338475167751312, 0.41374361515045166, -0.21070881187915802, 0.0154227614402771, -0.035000160336494446, 0.1605965793132782, 0.9437205791473389, -1.1894103288650513, 0.9828152060508728, -0.12475129961967468, 0.8315797448158264, -0.7221006155014038, -1.723642349243164, 0.7026850581169128, 0.7289935350418091, -0.24267521500587463, 0.3374529778957367, 0.5733426809310913, -1.5885529518127441, 0.41223543882369995, -0.24890170991420746, -0.3822188675403595, 0.1807129979133606, -0.6159752011299133, 0.8300745487213135, 0.03067704103887081, 0.4597140848636627, -0.7286649942398071, 0.6638253927230835, 0.8792780637741089, -0.8809322118759155, 0.648697018623352, -0.11686695367097855, 0.0286327563226223, 1.3122498989105225, 0.14968976378440857, -0.3198893070220947, 0.34322091937065125, 0.17759691178798676, -0.4052509367465973, 1.548586130142212, -0.16015149652957916, 0.48181524872779846, -0.28812745213508606, -0.39819401502609253, -0.5633013248443604, -0.6863147020339966, -0.6091890931129456, 0.1668616384267807, -1.0699821710586548, -0.7978848814964294, -0.0817185789346695, 0.7986218929290771, 1.6543718576431274, -0.5004158616065979, 0.9308395385742188, 0.12259706109762192, -0.1599382907152176, -0.19212958216667175, 0.5715148448944092, -0.10513146221637726, -0.15034779906272888, 0.8126072883605957, 2.5811655521392822, -0.7764800190925598, 1.6126052141189575, -0.800223171710968, 0.35990652441978455, -0.40563803911209106, 0.40297931432724, 0.7001423239707947, -0.27321094274520874, -0.3826802670955658, -1.37119460105896, -0.0005120653659105301, -0.7697106003761292, -0.011685898527503014, -0.3546659052371979, -1.160520315170288, -0.12483444809913635, 0.09056795388460159, -1.062707781791687, 0.03698066622018814, 0.31185218691825867, 0.5360185503959656, 0.17716984450817108, 0.7347343564033508, -0.13398614525794983, 1.3838791847229004, 0.6635982990264893, 0.6907598376274109, -0.6779476404190063, 0.6317392587661743, -1.0397249460220337, -0.4579768776893616, 0.26765885949134827, 0.7616052031517029, -1.2962462902069092, -0.37527021765708923, 0.9817463159561157, 0.05455069616436958, 0.34273725748062134, -0.3055762052536011, -1.025896430015564, -0.38725703954696655, 0.6950280070304871, 1.0275592803955078, 0.35415521264076233, -0.09989024698734283, -0.4244791865348816, -0.43203678727149963, -0.1401858627796173, 0.2896387279033661, -0.07472667098045349, 0.22614538669586182, -1.3868672847747803, -0.8240154385566711, -0.40435171127319336, 0.8963043689727783, -0.07282336801290512, -0.33657222986221313, 0.15380337834358215, -0.13827376067638397, -0.035479750484228134, -0.088166743516922, 0.9110032320022583, -1.5068708658218384, -0.5943913459777832, 0.46180468797683716, 0.7606520056724548, 0.13031406700611115, 0.44220003485679626, 0.994816780090332, 0.5540431141853333, -0.581516444683075, -0.5672801733016968, -1.8860987424850464, 0.48772042989730835, 2.7317845821380615, -0.5164588689804077, -0.3024917244911194, -0.9396355152130127, 0.37970173358917236, -0.0852893590927124, -0.02579224295914173, 0.7057335376739502, -0.9113131165504456, 0.17859268188476562, -1.0226154327392578, 0.5048569440841675, -0.5244391560554504, -0.305534303188324, 0.21134160459041595, 0.5597528219223022, -0.18750238418579102, -0.7270486354827881, -0.9255208373069763, -0.5371038317680359, 0.5807290077209473, 0.29382210969924927, 0.09045495092868805, -0.13553684949874878, 0.5001014471054077, 0.2720597982406616, 0.9139238595962524, -0.6075913906097412, -0.3215530216693878, -0.5141290426254272, 0.11234595626592636, 0.6895206570625305, -0.004848212003707886, 0.02711782604455948, -0.4779576361179352, 0.6085683703422546, 0.7631281018257141, 0.7318998575210571, -0.518789529800415, 0.103133425116539, 0.42064368724823, 0.8078845739364624, 1.097544550895691, -0.5575288534164429, 1.2789007425308228, -0.7277005910873413, 0.42956793308258057, -0.38305673003196716, -0.8276203274726868, 0.4462692141532898, -0.33985596895217896, 0.4278724789619446, -0.2167336791753769, -0.5644753575325012, -0.1937713623046875, -0.16877473890781403, -0.8274387121200562, -0.07425717264413834, -0.07228833436965942, -0.8965333700180054, -0.8038781881332397, 0.5057889223098755, -0.977092981338501, -0.7726971507072449, -0.4552684724330902, 0.4928702712059021, 0.8815745115280151, -0.3099071979522705, 0.3159949481487274, 0.6652716994285583, -0.5877159833908081, -0.3433290719985962, -0.9284806251525879, 1.0615153312683105, -0.8749517798423767, 1.091096043586731, -0.7446429133415222, 0.6549924612045288, -0.1999327540397644, -0.34163618087768555, 0.29656463861465454, 0.3710900843143463, 0.04358259588479996, -0.14093518257141113, 0.34715795516967773, -0.33939993381500244, -0.6309677362442017, 0.34124505519866943, -1.5406888723373413, 0.3166014850139618, -0.4835461974143982, 1.456755518913269, 0.3204882740974426, -0.25576356053352356, 1.600091576576233, 0.2973853647708893, 0.6167436838150024, 0.4927011728286743, -0.7506424188613892, 1.0866601467132568, 0.2854577302932739, 0.0478643998503685, -0.2840249836444855, -0.05676143243908882, -1.7262259721755981, -0.14514945447444916, 1.5225383043289185, -0.5737181305885315, 0.23619328439235687, -0.0931929498910904, 0.5463261008262634, -0.5497458577156067, 0.22734761238098145, -0.4448096454143524, -0.19638286530971527, 0.5644054412841797, -0.9424709677696228, 0.0006675086915493011, 1.0991228818893433, -0.5870131850242615, -0.07958828657865524, 0.941665768623352, 0.47921499609947205, -1.2484757900238037, -0.3667031526565552, 0.2345198392868042, -0.3386991620063782, 0.48700207471847534, -0.0779573991894722, 0.5863287448883057, 0.6592535972595215, -0.6107788681983948, -0.8823767900466919, 0.2837967276573181, 0.453575998544693, 0.772146999835968, 0.5135686993598938, 0.08527979999780655, 1.2271506786346436, -0.7431302666664124, 1.1776841878890991, 0.5761650204658508, 0.10615429282188416, -1.1933587789535522, -0.21326233446598053, -0.40724098682403564, -0.19028139114379883, 1.2426025867462158, 0.980807900428772, 1.2944542169570923, -0.005364404059946537, -0.05338602885603905, -0.41570553183555603, 0.40824803709983826, 0.9887441396713257, 0.5458205342292786, 0.6065616607666016, 0.001458495855331421, -0.13237497210502625, 0.46094799041748047, 0.0048901718109846115, -0.6397644281387329, 0.46269404888153076, 0.5748094916343689, -0.46925726532936096, 0.10082113742828369, -0.2036806344985962, 1.3049715757369995, -0.08069715648889542, 0.5443913340568542, -0.5446007251739502, -0.7504040002822876, -0.7791518568992615, 0.06496977061033249, 0.870398223400116, 0.42412301898002625, -1.09617018699646, 0.049108900129795074, -0.29262369871139526, 0.11573845148086548, -0.7975637316703796, 0.3280637264251709, 0.6685658097267151, -0.41153648495674133, -0.8419516682624817, -0.8137060403823853, -0.6481911540031433, -0.5760774612426758, 0.26494544744491577, 0.3268519341945648, -0.8967255353927612, 0.7226876616477966, -0.7586413025856018, -1.7714840173721313, 0.6620250940322876, -0.5187355875968933, -1.208125352859497, 0.9336187839508057, 0.44278934597969055, -1.0382647514343262, -0.8035646080970764, 0.014457330107688904, -1.1338204145431519, -1.0252810716629028, 0.7052603960037231, -0.2067691534757614, 0.371257483959198, 0.33674243092536926, 0.288571298122406, -0.46346378326416016, -0.12556159496307373, -0.26377788186073303, 0.5076047778129578, 0.9530725479125977, -0.478221595287323, 0.8630123138427734, 0.9997303485870361, -1.492432951927185, 0.32929491996765137, -0.922218382358551, -1.2635329961776733, 0.3152892589569092, 0.747198224067688, 0.04336361214518547, -0.39929425716400146, -0.647123396396637, 0.23374447226524353, -0.5128870010375977, 1.2463035583496094, -1.2644717693328857, 0.906657338142395, -0.9178868532180786, -0.4184941053390503, 0.3203633725643158, 0.18659012019634247, -0.40323325991630554, 0.7249889373779297, -0.2573273181915283, 0.5857610702514648, -0.08731813728809357, 0.5390604138374329, 0.4937519133090973, -0.07209587097167969, 0.771203875541687, 0.3163793981075287, -11.283126831054688, 0.9577024579048157, -0.45773592591285706, 0.13496051728725433, 1.0649890899658203, -0.09213053435087204, 0.28780803084373474, -0.7936733961105347, 1.5383200645446777, -0.6033007502555847, 0.36563560366630554, 1.8580663204193115, -0.6811950206756592, -0.2714157700538635, -0.7287682294845581, -0.23915544152259827, -0.5748032331466675, -0.5276179313659668, -0.3252336084842682, 0.3741302490234375, -0.37723109126091003, -0.7161447405815125, -0.03319410979747772, -0.8307348489761353, 0.4824095666408539, 0.07689695805311203, 0.16903769969940186, -0.6302695870399475, -0.9227334260940552, 0.5104607343673706, 0.6586976051330566, 0.048407576978206635, -0.29813700914382935, -0.536827802658081, -0.001765236258506775, 0.803127646446228, -0.8050874471664429, -0.4333330988883972, 1.0540685653686523, 0.16857199370861053, 0.4809011220932007, -0.34022006392478943, 0.712314784526825, -0.6059306263923645, -0.7209725379943848, 0.37674713134765625, 0.39604753255844116, 0.16371627151966095, 0.14808222651481628, 0.1958211362361908, -0.8363788723945618, -0.4081241190433502, -1.5834144353866577, -0.06089269369840622, 1.5655202865600586, 0.5811511874198914, -0.4515852630138397, 0.3313382863998413, -0.7460923790931702, -0.5073383450508118, 1.1127796173095703, 0.2804518938064575, -0.1179894506931305, 0.1842482089996338, 0.45056572556495667, -1.1740009784698486, 0.12662965059280396, 0.5278002619743347, -0.9158287644386292, -0.2622112035751343, -0.3426075279712677, 0.8317739963531494, 0.10887854546308517, 0.3727846145629883, -0.040303103625774384, -0.5215752720832825, -0.34653717279434204, 0.1318015605211258, 0.7857336401939392, -0.7581090927124023, -0.9733527898788452, 0.09608708322048187, -0.40413039922714233, -0.7360311150550842, -0.5334421992301941, 0.48590442538261414, -0.23580771684646606, -0.6016194820404053, 0.23787495493888855, 0.16650626063346863, -0.3760094940662384, -0.023531336337327957, 0.11283084750175476, 0.55411297082901, 0.05847526341676712, 1.0417978763580322, -0.5431626439094543, 1.1855835914611816, -0.050098199397325516, 0.487052857875824, 0.43970054388046265, -0.1514681577682495, 0.1559528410434723, -0.17253562808036804, 0.3647631108760834, -0.23823758959770203, -0.3140498697757721, -0.012374937534332275, -0.35772332549095154, -0.4459865093231201, 0.028952540829777718, -0.08744893968105316, -0.1047305017709732, 0.7157046794891357, 0.5191347599029541, 0.5117135643959045, 0.6882513761520386, -0.252704381942749, 0.7438707947731018, 0.22724507749080658, -0.7930211424827576, 0.21562686562538147, -0.3657866418361664, -0.1602359414100647, 0.6198933720588684, 0.33417075872421265, 0.36288338899612427, 0.14067606627941132, 0.3228727877140045, -1.4356874227523804, 1.1815803050994873, -0.1368042230606079, -0.03390384465456009, -0.8686137199401855, -0.6582798361778259, -0.0021566972136497498, -1.0712697505950928, 1.6522984504699707, -0.7686108350753784, 0.06458787620067596, -0.038208167999982834, -0.31068888306617737, 0.27383965253829956, -0.534794270992279, -0.5985453128814697, -0.5481724143028259, -1.6385623216629028, 0.3118896782398224, -0.04546578973531723, -0.2201370894908905, 0.5795416831970215, -0.07709632813930511, 0.5568406581878662, -0.9514923691749573, 0.2624826431274414, 0.45559826493263245, 0.053253401070833206, -0.23379728198051453, -1.1755282878875732, 0.710791289806366, 0.20933622121810913, 0.4420803487300873, -0.9421409964561462, 0.8335663080215454, 0.48402127623558044, -0.3444339632987976, -0.13350743055343628, 0.24591383337974548, -0.7288137078285217, 0.7919517159461975, 2.087698459625244, -0.5557777881622314, -0.6954502463340759, -0.5479376316070557, 0.371171236038208, -1.5031418800354004, 1.156267762184143, 1.1303126811981201, -0.8188556432723999, 0.18921306729316711, -0.32654550671577454, 0.3279038965702057, -0.42953887581825256, -0.5817655920982361, -0.12061570584774017, 0.1462411880493164, -0.24179384112358093, 1.0497820377349854, 0.12128946930170059, -0.04674277454614639, -1.3234000205993652, -1.3405492305755615, -0.492468923330307, -0.008296400308609009, 0.6924354434013367, -0.5210502743721008, 0.5355187654495239, 0.7736355662345886, -0.5192195773124695, -0.8211185932159424, -0.23848029971122742, 0.9290627241134644, -0.3371349573135376, 0.5606755018234253, -0.6633610129356384, -0.22658966481685638, -1.1841129064559937, -0.09285792708396912, 0.27675122022628784, 0.3733668327331543, -1.7690626382827759, -0.811536967754364, -0.330432265996933, -0.5705395936965942, 0.8350622653961182, -0.9416348934173584, 0.3895450830459595, 0.2767932713031769, -0.8635975122451782, -0.5787973999977112, 0.09652604162693024, 1.650821566581726, -0.02967018634080887, 1.2925986051559448, 0.5810301303863525, 0.7489549517631531, 0.7291135191917419, 0.7555199861526489, 1.8805583715438843, -0.9048627614974976, -0.38315847516059875, -0.10561220347881317, -0.6815396547317505, -0.30518895387649536, -0.15951132774353027, -0.38365644216537476, -1.0378590822219849, 0.5721827745437622, -1.5181900262832642, 0.2456257939338684, 0.25384092330932617, 0.6162716150283813, 0.6535488963127136, 0.9304370284080505, -0.2227911353111267, -0.6114223599433899, -1.0077292919158936, -0.49685102701187134, 0.4160636365413666, 0.5041738152503967, 0.5112352967262268, 1.5731979608535767, 0.782156229019165, 0.32618674635887146, 0.8245441317558289, 0.24143856763839722, -0.0748738944530487, 0.432695209980011, 0.5391349792480469, 1.1367943286895752, 0.28035542368888855, 0.11551455408334732, -0.44888895750045776, -0.6232281923294067, -1.258897304534912, -0.09590692818164825, 0.1497192680835724, 0.9233137369155884, 0.4861487150192261, 0.1198505163192749, 0.10710225999355316, -0.7705947160720825, 0.20329515635967255, 0.33619579672813416, 0.45716509222984314, 0.15834389626979828, -0.43998008966445923, -0.46742451190948486, -0.5639329552650452, -0.3402143120765686, 1.0467818975448608, -0.5727489590644836, -0.23017480969429016, -0.6896542906761169, 0.43340179324150085, -0.46844246983528137, -1.1799010038375854, -0.7809937596321106, 0.044503454118967056, -0.6982893943786621, 0.3300020694732666, 0.27070707082748413, -1.2197520732879639, -1.3949341773986816, -0.44442906975746155, -0.9041132926940918, 1.042574167251587, -0.0050794631242752075, -1.000563144683838, -0.3796926736831665, 0.4478643536567688, 0.3509823977947235, -0.3225732445716858, 0.364896297454834, -0.21091708540916443, -1.5138930082321167, 0.6544722318649292, 1.423690915107727, 0.5580693483352661, -0.4649941027164459, 0.7426785826683044, 0.8361923694610596, 0.22921285033226013, 1.918376088142395]} +{"paper_id": "mozilla-foundation/common_voice_1_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "mozilla-foundation/common_voice_3_0", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "mozilla-foundation/common_voice_6_0", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "nateraw/food101_old", "embedding": [-0.5545956492424011, 0.5525277853012085, -0.48917433619499207, -0.23838607966899872, 0.12488799542188644, 0.02380918711423874, 0.5248440504074097, 0.0016455724835395813, 0.7492538690567017, 0.7890614867210388, 1.062340497970581, 0.006073633208870888, -0.28836488723754883, -0.920961320400238, -0.4167505204677582, 0.2776128947734833, -0.541060745716095, -0.687061071395874, -0.9135437607765198, -0.10464373975992203, -1.2949978113174438, -0.34746885299682617, -0.3791104257106781, -0.01341894268989563, -0.5366654992103577, -0.1460035741329193, 0.3968847990036011, 0.013694273307919502, 0.23545822501182556, 0.6583179235458374, -0.1828753650188446, 0.6534696221351624, -1.5160249471664429, 0.8477190136909485, -0.9068450927734375, -0.22180487215518951, 0.9324552416801453, 0.8014736175537109, -0.25294533371925354, -0.49879854917526245, -0.3751462697982788, 0.2947286367416382, 0.7843130826950073, 0.5312855243682861, 0.8076351881027222, -0.5135882496833801, 0.3494087755680084, 0.3917301297187805, -0.5828548073768616, 0.10358330607414246, 0.17678794264793396, 0.7973716855049133, -0.42215535044670105, 0.6815910339355469, -0.8494138717651367, 1.1283595561981201, -0.0376240536570549, 0.19400936365127563, 0.43587979674339294, -0.599981427192688, 0.1906730979681015, 0.8165971040725708, -0.2826080918312073, -0.3182043135166168, 0.22407597303390503, -0.5247302651405334, 0.3996395468711853, -0.6996772885322571, 0.27151191234588623, 0.15647000074386597, 0.10740599036216736, -1.5642738342285156, 0.6303492784500122, 0.188429057598114, 0.28126320242881775, 0.9663736820220947, -0.39400702714920044, -1.0051989555358887, 0.08326509594917297, -0.3467181921005249, -0.30734214186668396, 0.07842740416526794, 0.4969356060028076, 0.018536873161792755, 0.06689019501209259, -0.15679293870925903, -0.15579286217689514, -0.44617918133735657, 0.08712282031774521, -1.3751108646392822, 0.5890045762062073, 0.44783276319503784, 0.4873785376548767, 0.33216094970703125, -0.2516043484210968, -0.48663780093193054, -0.6407445669174194, -0.370939701795578, -0.8950067758560181, 0.4588088393211365, 0.3985065817832947, -0.6937540769577026, 0.7001984715461731, 0.12923455238342285, 0.05908925458788872, 0.44529807567596436, -0.5898162126541138, 0.5309680700302124, -0.3740943372249603, 0.013629280030727386, 0.12930481135845184, 0.7702986598014832, 0.6399496793746948, 0.19329118728637695, -0.28768661618232727, 0.42717546224594116, 0.21726223826408386, 0.40241101384162903, -0.6080940365791321, -0.1612858921289444, 0.37106677889823914, -2.12251615524292, -0.9131468534469604, -0.7468048930168152, 0.7151558995246887, -0.41549861431121826, 0.7692944407463074, -0.04242487996816635, -0.33703699707984924, -0.6910434365272522, 0.6719516515731812, -0.15595370531082153, -0.4568089246749878, 0.657272219657898, 2.750891923904419, -0.40220698714256287, 0.668846607208252, -0.33276844024658203, -0.6861158013343811, -0.34392571449279785, 0.16624772548675537, 0.7268879413604736, 0.19446668028831482, -1.044582486152649, -0.31299710273742676, -0.2992338538169861, -0.3610020875930786, 0.6473982930183411, -1.171363353729248, 0.3569749593734741, -0.24713489413261414, 0.5882477164268494, -0.9205729365348816, -1.065184473991394, 0.21443964540958405, 0.5558487772941589, 0.9171229600906372, -0.5324165225028992, -0.6470211744308472, 0.09249138832092285, 0.3444758355617523, 0.49818336963653564, -0.27056825160980225, 0.6639590859413147, -0.30017349123954773, 0.2689913511276245, 1.0039918422698975, 0.10146554559469223, -0.2512037754058838, -0.026336878538131714, 0.554247260093689, -0.656909167766571, 0.8306795358657837, 0.12581035494804382, 0.1229935958981514, 0.04358997195959091, -0.2061961591243744, 0.7138289213180542, 0.32807597517967224, -0.959776759147644, 0.0014361273497343063, 0.469381719827652, 0.05715429037809372, 0.0863969475030899, 1.0474547147750854, -0.2138410359621048, -1.316329836845398, 0.3984828591346741, -0.5750360488891602, 0.42552945017814636, -0.4863661527633667, -0.4808216989040375, 0.32909271121025085, 0.17179636657238007, -0.2207900881767273, -0.06938759982585907, 0.43957483768463135, -0.8672943115234375, -0.5090780258178711, 1.490098237991333, 0.03802710399031639, 0.19394728541374207, -0.8718996047973633, 0.43728315830230713, 0.5435686111450195, 0.40105509757995605, 0.28923299908638, -0.8080256581306458, 0.6156506538391113, 0.7441399097442627, 0.29288530349731445, -0.8697156310081482, -0.236934632062912, -0.9843664765357971, 0.38216641545295715, -1.143800139427185, 0.7363256216049194, -1.2516849040985107, -0.7594476342201233, -1.319203495979309, -0.32770517468452454, -0.32989877462387085, 0.37281620502471924, 0.0011024866253137589, 0.6775689125061035, -1.1790366172790527, -0.34411388635635376, 0.380904883146286, -0.9380263686180115, 0.5318437218666077, 0.1264435201883316, 0.2817689776420593, 0.4382615387439728, 0.38164591789245605, -0.18984457850456238, 0.11960083246231079, 0.5453651547431946, 0.5329131484031677, -0.5271380543708801, 0.4049931466579437, -0.20285210013389587, 0.4002698063850403, -0.985769510269165, 0.1190042570233345, 0.4244230389595032, -0.17358431220054626, -0.03753658011555672, -1.4126838445663452, -0.3717220425605774, -0.1416815221309662, 1.5144716501235962, 0.11606347560882568, 0.04435295611619949, 0.4206955134868622, 0.33829405903816223, -0.558940589427948, 0.8620248436927795, -0.0069784000515937805, 1.466431975364685, -0.7944903373718262, 0.3628091514110565, -0.034555912017822266, -0.1690228134393692, 0.08270511031150818, 0.22623461484909058, -0.2901201546192169, -0.47434136271476746, 0.07359712570905685, -1.3507260084152222, -0.5476018190383911, -0.5157870650291443, 0.3908059000968933, 0.5452682971954346, -0.3275860846042633, 0.2254205048084259, 0.864351749420166, 0.04445148631930351, 1.0773794651031494, 0.2931654155254364, 0.6237419843673706, 0.7475436329841614, -0.3551074266433716, 0.07332473993301392, 0.29757586121559143, 0.5201500654220581, -0.8051835894584656, 0.02984430640935898, -0.9710963368415833, -0.6778907775878906, -0.8473629355430603, -0.01637517288327217, -0.07504042237997055, -0.5841507315635681, 0.8596610426902771, -0.22499966621398926, -1.6694345474243164, 1.9676629304885864, -0.1517803966999054, 0.2579324245452881, 0.32368725538253784, 0.8350664973258972, 0.3414723575115204, -0.3361113667488098, -0.24515967071056366, -0.10079246014356613, -0.13913528621196747, 1.3164324760437012, -0.3921099603176117, -0.15296104550361633, 0.9196503162384033, -0.19969071447849274, -0.46935465931892395, 0.15999460220336914, -1.6103649139404297, -0.5322662591934204, -0.163606658577919, -0.07388781011104584, -0.3371516168117523, -0.9632591009140015, -0.506013810634613, -0.16314388811588287, 0.22924107313156128, 0.10368838161230087, -1.2218433618545532, 0.09877805411815643, 0.23503315448760986, 0.11321000754833221, 0.9528210759162903, -0.6781204342842102, 0.08696307241916656, 0.4138440489768982, -0.029944688081741333, -0.6618186831474304, -0.4749351441860199, 0.5808612704277039, -0.4448349177837372, 0.04370279982686043, 0.6953020691871643, 1.2093361616134644, 0.7489713430404663, 0.007134877145290375, -0.09462781995534897, -0.044172726571559906, 0.18947947025299072, 0.10965225845575333, 0.12139394134283066, 0.12789680063724518, 0.3903976082801819, 1.2062370777130127, 0.7395064234733582, 0.02681152895092964, -0.3527940809726715, -0.2149282842874527, 0.7146539688110352, -0.3077549934387207, 0.5359265804290771, 1.1390693187713623, 0.1826116442680359, 1.5336953401565552, -0.13376960158348083, 0.9251038432121277, 0.32686564326286316, 0.12036770582199097, 0.7823678851127625, 1.0683619976043701, -0.2642363905906677, 0.09600621461868286, 0.7557646036148071, -0.047739334404468536, 0.2976020574569702, 0.026937903836369514, -0.048269692808389664, 0.7519436478614807, -0.25243255496025085, -0.7784023284912109, 0.269223153591156, 0.2790716588497162, 0.6780080795288086, 1.15891695022583, 0.0031230393797159195, -1.1312462091445923, -0.457952082157135, 0.0928831696510315, 0.40353691577911377, -1.1624226570129395, -0.3589089512825012, 0.5518540143966675, -0.43070387840270996, 1.5987017154693604, -0.04019420966506004, 0.4003491997718811, 0.3934481739997864, -0.2960553765296936, -0.4438347816467285, 0.37514743208885193, -0.5102114677429199, -1.156200885772705, -0.28263920545578003, 0.025730028748512268, -0.828223705291748, 0.20540672540664673, -0.3454466164112091, -1.3106131553649902, 0.615004301071167, 0.15441478788852692, -0.25275903940200806, 0.7605642080307007, 1.4968852996826172, -0.8698122501373291, -0.29550665616989136, -0.24329888820648193, -0.595574676990509, -0.37719619274139404, 0.5466480851173401, -0.02144862711429596, 0.129672110080719, -0.5215954184532166, 0.7199863791465759, -0.7161506414413452, -0.26068997383117676, -0.41705164313316345, 1.3629189729690552, 0.04262425750494003, -0.8496924042701721, 0.33609867095947266, -0.5293828248977661, 0.45669180154800415, 0.3015069365501404, -1.5770435333251953, -0.05689505860209465, 1.287515640258789, 0.8414664268493652, -0.1144898533821106, -0.8388211131095886, 0.08269590139389038, -0.19705313444137573, 0.49315276741981506, 1.129122257232666, -0.7132091522216797, 0.10942201316356659, 0.02425140142440796, 1.1345230340957642, 0.6342611312866211, -0.13236089050769806, -0.11499056220054626, 1.706453561782837, -0.0303843691945076, 1.1687382459640503, -0.46971815824508667, -0.34418758749961853, 0.669437050819397, 0.11525843292474747, 0.3195260167121887, 0.48147228360176086, -12.982478141784668, 0.11421357095241547, -0.7839430570602417, 0.37935465574264526, 0.5529030561447144, 0.2801562249660492, 0.8778879642486572, 0.5592972040176392, 0.42350029945373535, -0.5782710313796997, 0.6743173003196716, 0.8556232452392578, 0.48156967759132385, -0.22871975600719452, -0.3736781179904938, -0.4939437508583069, -0.9473775029182434, 0.16260085999965668, 0.48304426670074463, 0.5348928570747375, 1.2080655097961426, 0.02799633890390396, -0.18345391750335693, -0.24502931535243988, -0.19031909108161926, -1.017920970916748, 0.08417319506406784, -0.12850293517112732, -0.9183526635169983, -0.37282636761665344, 0.13175275921821594, -0.2117547243833542, -0.9451299905776978, -0.8633164763450623, 0.15787166357040405, -0.10260787606239319, -0.4481494426727295, -0.3142559230327606, 2.063849449157715, 0.009149467572569847, -0.8886639475822449, 0.4603295922279358, -0.5027931928634644, 0.6501834392547607, -0.5679865479469299, -0.07008775323629379, -0.423019677400589, 0.1426098793745041, 0.0544683113694191, -0.6686325073242188, -0.5987161993980408, -0.2111886888742447, 0.546588122844696, -0.5674853324890137, 1.114011287689209, 0.4739830195903778, -0.6203078627586365, -0.3879795968532562, -0.8892095685005188, -1.0082511901855469, 0.5004689693450928, 0.15975433588027954, -0.7748415470123291, 0.939550518989563, 0.34982284903526306, -1.315831184387207, 0.5802849531173706, 0.7515896558761597, -0.6248073577880859, 0.05729425698518753, -0.4717121124267578, 0.5202383995056152, 1.1168383359909058, -0.623134970664978, -0.23469418287277222, -0.1347510814666748, -0.341399610042572, 0.11170881986618042, -0.5465803742408752, 0.2696320712566376, -0.7413873672485352, 0.5973750948905945, -0.5994747281074524, -0.5946580171585083, -0.14703749120235443, 0.043387215584516525, 0.4133909344673157, 0.08737136423587799, 0.04035075753927231, 0.609670102596283, 1.0433368682861328, 0.5659667253494263, -0.1148575097322464, -0.815868616104126, -0.7212560176849365, 1.1313302516937256, -0.9899316430091858, -0.3725000321865082, -0.8018449544906616, -0.8544102907180786, 0.9439324140548706, 0.17965924739837646, 0.281587153673172, 0.30448201298713684, 0.9072291254997253, -0.42936062812805176, 0.22060763835906982, 0.8675733804702759, 0.2008465975522995, 1.0848002433776855, 0.10110151767730713, -1.3700690269470215, -0.7874665856361389, 1.0285171270370483, -0.18522539734840393, 0.13726547360420227, 0.7539739012718201, -0.8414279222488403, 0.5295200943946838, 0.1700829565525055, 0.32329240441322327, -0.17895708978176117, 0.41141679883003235, 0.625125527381897, 0.539024829864502, 0.013431357219815254, -0.07699434459209442, 0.5919840931892395, -0.17593440413475037, -0.7593029141426086, 0.8248483538627625, -0.16314834356307983, -0.53646320104599, -0.20555317401885986, 0.270353227853775, -0.8677981495857239, -0.3586244285106659, 1.7743831872940063, -0.23089316487312317, 0.5556724667549133, -0.024636538699269295, -0.4299805164337158, -0.1289466917514801, -0.34603744745254517, -0.09454073756933212, -0.5917773246765137, -0.7691581845283508, 0.24041247367858887, -0.18729902803897858, -0.5132306814193726, 1.059533953666687, 0.22396805882453918, 0.5824213027954102, -0.6813569664955139, -0.6797739267349243, 0.05471673607826233, 0.027746792882680893, -0.920621395111084, 0.23953329026699066, -0.089886873960495, 0.7572900652885437, -0.14826396107673645, -1.0439598560333252, 1.130623459815979, 0.4012119770050049, 0.12610767781734467, -0.9411240220069885, -0.4394100308418274, 0.746842622756958, -0.20973265171051025, 0.5512857437133789, -0.5936564803123474, 0.5198559165000916, -0.5252279043197632, 0.18182185292243958, -0.39858829975128174, -0.5872790217399597, 1.2290620803833008, -1.201134443283081, 1.0841050148010254, 0.16376890242099762, 1.0193504095077515, 0.6536797881126404, -1.1200740337371826, -0.12493586540222168, -0.04036939889192581, 0.27637970447540283, 0.5639365911483765, -0.39402762055397034, 0.6614387631416321, -1.8948862552642822, -0.5218814611434937, -0.45293155312538147, 0.3311091661453247, 0.7625489234924316, 0.45497336983680725, 0.2373085469007492, 0.2907494902610779, -0.7235907316207886, -0.005363151431083679, 0.4635017216205597, 0.07842351496219635, 0.18267276883125305, -0.38237568736076355, -0.031443964689970016, -0.5025063157081604, -0.5001693367958069, -1.0036405324935913, -0.23457667231559753, 0.5579306483268738, -0.48805657029151917, 0.6563701629638672, 0.32812798023223877, -0.7205846309661865, -0.12138554453849792, -0.36081618070602417, -0.08606057614088058, -0.2335147112607956, 0.22145788371562958, -0.7674004435539246, 0.15205128490924835, 0.4472575783729553, -0.3637031316757202, 1.0752158164978027, -0.4370754063129425, 0.9404354691505432, 0.7272244095802307, 0.5083077549934387, 1.6517776250839233, 0.8569071888923645, 0.13272088766098022, 0.22545328736305237, -0.1514805257320404, -0.5456109046936035, -0.36313560605049133, -0.25607699155807495, -1.1355615854263306, 0.42609110474586487, -0.8267940282821655, -0.16147583723068237, -1.1924864053726196, -0.14460265636444092, 0.37620609998703003, 0.459609717130661, -0.41344642639160156, -1.2561147212982178, -0.1800379902124405, -0.5780553221702576, 0.12073014676570892, -0.30481237173080444, -0.44839680194854736, 0.9302076697349548, 0.8591930866241455, -0.13550825417041779, 0.9773591756820679, -0.10398322343826294, -0.49184441566467285, 0.36431965231895447, -0.11653447151184082, 1.0333744287490845, 0.9732968807220459, -0.15152284502983093, 0.5591818690299988, 0.2045443058013916, -0.019497450441122055, -0.2603991627693176, 0.39335957169532776, 0.6228296160697937, 1.0041131973266602, -1.1681321859359741, -0.7890095114707947, -0.2271614372730255, -0.4152893126010895, -0.3075386583805084, -0.4259919226169586, 0.38494449853897095, -0.2318723052740097, -0.7283568382263184, 0.16978387534618378, 0.4786643385887146, 0.01179167628288269, 0.4156756103038788, -0.6056762337684631, -0.4610341191291809, 0.6221196055412292, 0.7063608765602112, -0.1267276108264923, -0.17089039087295532, -0.07590992003679276, -0.20391032099723816, 0.262340784072876, 0.016603542491793633, -1.0581365823745728, -0.29478102922439575, -0.1235058456659317, -0.5128282308578491, -0.13134418427944183, -0.9603880047798157, -0.3599892854690552, -0.11540788412094116, -0.0890064686536789, -0.0706675574183464, 0.17470373213291168, -0.31304049491882324, 0.9240670800209045, -0.09968301653862, 0.3150143325328827, 0.7513848543167114, -0.49901527166366577, -0.009278674609959126, 0.2059171497821808, -0.3792898654937744, -0.019120199605822563, 0.7154276967048645]} +{"paper_id": "nateraw/sync_food101", "embedding": [-0.5545956492424011, 0.5525277853012085, -0.48917433619499207, -0.23838607966899872, 0.12488799542188644, 0.02380918711423874, 0.5248440504074097, 0.0016455724835395813, 0.7492538690567017, 0.7890614867210388, 1.062340497970581, 0.006073633208870888, -0.28836488723754883, -0.920961320400238, -0.4167505204677582, 0.2776128947734833, -0.541060745716095, -0.687061071395874, -0.9135437607765198, -0.10464373975992203, -1.2949978113174438, -0.34746885299682617, -0.3791104257106781, -0.01341894268989563, -0.5366654992103577, -0.1460035741329193, 0.3968847990036011, 0.013694273307919502, 0.23545822501182556, 0.6583179235458374, -0.1828753650188446, 0.6534696221351624, -1.5160249471664429, 0.8477190136909485, -0.9068450927734375, -0.22180487215518951, 0.9324552416801453, 0.8014736175537109, -0.25294533371925354, -0.49879854917526245, -0.3751462697982788, 0.2947286367416382, 0.7843130826950073, 0.5312855243682861, 0.8076351881027222, -0.5135882496833801, 0.3494087755680084, 0.3917301297187805, -0.5828548073768616, 0.10358330607414246, 0.17678794264793396, 0.7973716855049133, -0.42215535044670105, 0.6815910339355469, -0.8494138717651367, 1.1283595561981201, -0.0376240536570549, 0.19400936365127563, 0.43587979674339294, -0.599981427192688, 0.1906730979681015, 0.8165971040725708, -0.2826080918312073, -0.3182043135166168, 0.22407597303390503, -0.5247302651405334, 0.3996395468711853, -0.6996772885322571, 0.27151191234588623, 0.15647000074386597, 0.10740599036216736, -1.5642738342285156, 0.6303492784500122, 0.188429057598114, 0.28126320242881775, 0.9663736820220947, -0.39400702714920044, -1.0051989555358887, 0.08326509594917297, -0.3467181921005249, -0.30734214186668396, 0.07842740416526794, 0.4969356060028076, 0.018536873161792755, 0.06689019501209259, -0.15679293870925903, -0.15579286217689514, -0.44617918133735657, 0.08712282031774521, -1.3751108646392822, 0.5890045762062073, 0.44783276319503784, 0.4873785376548767, 0.33216094970703125, -0.2516043484210968, -0.48663780093193054, -0.6407445669174194, -0.370939701795578, -0.8950067758560181, 0.4588088393211365, 0.3985065817832947, -0.6937540769577026, 0.7001984715461731, 0.12923455238342285, 0.05908925458788872, 0.44529807567596436, -0.5898162126541138, 0.5309680700302124, -0.3740943372249603, 0.013629280030727386, 0.12930481135845184, 0.7702986598014832, 0.6399496793746948, 0.19329118728637695, -0.28768661618232727, 0.42717546224594116, 0.21726223826408386, 0.40241101384162903, -0.6080940365791321, -0.1612858921289444, 0.37106677889823914, -2.12251615524292, -0.9131468534469604, -0.7468048930168152, 0.7151558995246887, -0.41549861431121826, 0.7692944407463074, -0.04242487996816635, -0.33703699707984924, -0.6910434365272522, 0.6719516515731812, -0.15595370531082153, -0.4568089246749878, 0.657272219657898, 2.750891923904419, -0.40220698714256287, 0.668846607208252, -0.33276844024658203, -0.6861158013343811, -0.34392571449279785, 0.16624772548675537, 0.7268879413604736, 0.19446668028831482, -1.044582486152649, -0.31299710273742676, -0.2992338538169861, -0.3610020875930786, 0.6473982930183411, -1.171363353729248, 0.3569749593734741, -0.24713489413261414, 0.5882477164268494, -0.9205729365348816, -1.065184473991394, 0.21443964540958405, 0.5558487772941589, 0.9171229600906372, -0.5324165225028992, -0.6470211744308472, 0.09249138832092285, 0.3444758355617523, 0.49818336963653564, -0.27056825160980225, 0.6639590859413147, -0.30017349123954773, 0.2689913511276245, 1.0039918422698975, 0.10146554559469223, -0.2512037754058838, -0.026336878538131714, 0.554247260093689, -0.656909167766571, 0.8306795358657837, 0.12581035494804382, 0.1229935958981514, 0.04358997195959091, -0.2061961591243744, 0.7138289213180542, 0.32807597517967224, -0.959776759147644, 0.0014361273497343063, 0.469381719827652, 0.05715429037809372, 0.0863969475030899, 1.0474547147750854, -0.2138410359621048, -1.316329836845398, 0.3984828591346741, -0.5750360488891602, 0.42552945017814636, -0.4863661527633667, -0.4808216989040375, 0.32909271121025085, 0.17179636657238007, -0.2207900881767273, -0.06938759982585907, 0.43957483768463135, -0.8672943115234375, -0.5090780258178711, 1.490098237991333, 0.03802710399031639, 0.19394728541374207, -0.8718996047973633, 0.43728315830230713, 0.5435686111450195, 0.40105509757995605, 0.28923299908638, -0.8080256581306458, 0.6156506538391113, 0.7441399097442627, 0.29288530349731445, -0.8697156310081482, -0.236934632062912, -0.9843664765357971, 0.38216641545295715, -1.143800139427185, 0.7363256216049194, -1.2516849040985107, -0.7594476342201233, -1.319203495979309, -0.32770517468452454, -0.32989877462387085, 0.37281620502471924, 0.0011024866253137589, 0.6775689125061035, -1.1790366172790527, -0.34411388635635376, 0.380904883146286, -0.9380263686180115, 0.5318437218666077, 0.1264435201883316, 0.2817689776420593, 0.4382615387439728, 0.38164591789245605, -0.18984457850456238, 0.11960083246231079, 0.5453651547431946, 0.5329131484031677, -0.5271380543708801, 0.4049931466579437, -0.20285210013389587, 0.4002698063850403, -0.985769510269165, 0.1190042570233345, 0.4244230389595032, -0.17358431220054626, -0.03753658011555672, -1.4126838445663452, -0.3717220425605774, -0.1416815221309662, 1.5144716501235962, 0.11606347560882568, 0.04435295611619949, 0.4206955134868622, 0.33829405903816223, -0.558940589427948, 0.8620248436927795, -0.0069784000515937805, 1.466431975364685, -0.7944903373718262, 0.3628091514110565, -0.034555912017822266, -0.1690228134393692, 0.08270511031150818, 0.22623461484909058, -0.2901201546192169, -0.47434136271476746, 0.07359712570905685, -1.3507260084152222, -0.5476018190383911, -0.5157870650291443, 0.3908059000968933, 0.5452682971954346, -0.3275860846042633, 0.2254205048084259, 0.864351749420166, 0.04445148631930351, 1.0773794651031494, 0.2931654155254364, 0.6237419843673706, 0.7475436329841614, -0.3551074266433716, 0.07332473993301392, 0.29757586121559143, 0.5201500654220581, -0.8051835894584656, 0.02984430640935898, -0.9710963368415833, -0.6778907775878906, -0.8473629355430603, -0.01637517288327217, -0.07504042237997055, -0.5841507315635681, 0.8596610426902771, -0.22499966621398926, -1.6694345474243164, 1.9676629304885864, -0.1517803966999054, 0.2579324245452881, 0.32368725538253784, 0.8350664973258972, 0.3414723575115204, -0.3361113667488098, -0.24515967071056366, -0.10079246014356613, -0.13913528621196747, 1.3164324760437012, -0.3921099603176117, -0.15296104550361633, 0.9196503162384033, -0.19969071447849274, -0.46935465931892395, 0.15999460220336914, -1.6103649139404297, -0.5322662591934204, -0.163606658577919, -0.07388781011104584, -0.3371516168117523, -0.9632591009140015, -0.506013810634613, -0.16314388811588287, 0.22924107313156128, 0.10368838161230087, -1.2218433618545532, 0.09877805411815643, 0.23503315448760986, 0.11321000754833221, 0.9528210759162903, -0.6781204342842102, 0.08696307241916656, 0.4138440489768982, -0.029944688081741333, -0.6618186831474304, -0.4749351441860199, 0.5808612704277039, -0.4448349177837372, 0.04370279982686043, 0.6953020691871643, 1.2093361616134644, 0.7489713430404663, 0.007134877145290375, -0.09462781995534897, -0.044172726571559906, 0.18947947025299072, 0.10965225845575333, 0.12139394134283066, 0.12789680063724518, 0.3903976082801819, 1.2062370777130127, 0.7395064234733582, 0.02681152895092964, -0.3527940809726715, -0.2149282842874527, 0.7146539688110352, -0.3077549934387207, 0.5359265804290771, 1.1390693187713623, 0.1826116442680359, 1.5336953401565552, -0.13376960158348083, 0.9251038432121277, 0.32686564326286316, 0.12036770582199097, 0.7823678851127625, 1.0683619976043701, -0.2642363905906677, 0.09600621461868286, 0.7557646036148071, -0.047739334404468536, 0.2976020574569702, 0.026937903836369514, -0.048269692808389664, 0.7519436478614807, -0.25243255496025085, -0.7784023284912109, 0.269223153591156, 0.2790716588497162, 0.6780080795288086, 1.15891695022583, 0.0031230393797159195, -1.1312462091445923, -0.457952082157135, 0.0928831696510315, 0.40353691577911377, -1.1624226570129395, -0.3589089512825012, 0.5518540143966675, -0.43070387840270996, 1.5987017154693604, -0.04019420966506004, 0.4003491997718811, 0.3934481739997864, -0.2960553765296936, -0.4438347816467285, 0.37514743208885193, -0.5102114677429199, -1.156200885772705, -0.28263920545578003, 0.025730028748512268, -0.828223705291748, 0.20540672540664673, -0.3454466164112091, -1.3106131553649902, 0.615004301071167, 0.15441478788852692, -0.25275903940200806, 0.7605642080307007, 1.4968852996826172, -0.8698122501373291, -0.29550665616989136, -0.24329888820648193, -0.595574676990509, -0.37719619274139404, 0.5466480851173401, -0.02144862711429596, 0.129672110080719, -0.5215954184532166, 0.7199863791465759, -0.7161506414413452, -0.26068997383117676, -0.41705164313316345, 1.3629189729690552, 0.04262425750494003, -0.8496924042701721, 0.33609867095947266, -0.5293828248977661, 0.45669180154800415, 0.3015069365501404, -1.5770435333251953, -0.05689505860209465, 1.287515640258789, 0.8414664268493652, -0.1144898533821106, -0.8388211131095886, 0.08269590139389038, -0.19705313444137573, 0.49315276741981506, 1.129122257232666, -0.7132091522216797, 0.10942201316356659, 0.02425140142440796, 1.1345230340957642, 0.6342611312866211, -0.13236089050769806, -0.11499056220054626, 1.706453561782837, -0.0303843691945076, 1.1687382459640503, -0.46971815824508667, -0.34418758749961853, 0.669437050819397, 0.11525843292474747, 0.3195260167121887, 0.48147228360176086, -12.982478141784668, 0.11421357095241547, -0.7839430570602417, 0.37935465574264526, 0.5529030561447144, 0.2801562249660492, 0.8778879642486572, 0.5592972040176392, 0.42350029945373535, -0.5782710313796997, 0.6743173003196716, 0.8556232452392578, 0.48156967759132385, -0.22871975600719452, -0.3736781179904938, -0.4939437508583069, -0.9473775029182434, 0.16260085999965668, 0.48304426670074463, 0.5348928570747375, 1.2080655097961426, 0.02799633890390396, -0.18345391750335693, -0.24502931535243988, -0.19031909108161926, -1.017920970916748, 0.08417319506406784, -0.12850293517112732, -0.9183526635169983, -0.37282636761665344, 0.13175275921821594, -0.2117547243833542, -0.9451299905776978, -0.8633164763450623, 0.15787166357040405, -0.10260787606239319, -0.4481494426727295, -0.3142559230327606, 2.063849449157715, 0.009149467572569847, -0.8886639475822449, 0.4603295922279358, -0.5027931928634644, 0.6501834392547607, -0.5679865479469299, -0.07008775323629379, -0.423019677400589, 0.1426098793745041, 0.0544683113694191, -0.6686325073242188, -0.5987161993980408, -0.2111886888742447, 0.546588122844696, -0.5674853324890137, 1.114011287689209, 0.4739830195903778, -0.6203078627586365, -0.3879795968532562, -0.8892095685005188, -1.0082511901855469, 0.5004689693450928, 0.15975433588027954, -0.7748415470123291, 0.939550518989563, 0.34982284903526306, -1.315831184387207, 0.5802849531173706, 0.7515896558761597, -0.6248073577880859, 0.05729425698518753, -0.4717121124267578, 0.5202383995056152, 1.1168383359909058, -0.623134970664978, -0.23469418287277222, -0.1347510814666748, -0.341399610042572, 0.11170881986618042, -0.5465803742408752, 0.2696320712566376, -0.7413873672485352, 0.5973750948905945, -0.5994747281074524, -0.5946580171585083, -0.14703749120235443, 0.043387215584516525, 0.4133909344673157, 0.08737136423587799, 0.04035075753927231, 0.609670102596283, 1.0433368682861328, 0.5659667253494263, -0.1148575097322464, -0.815868616104126, -0.7212560176849365, 1.1313302516937256, -0.9899316430091858, -0.3725000321865082, -0.8018449544906616, -0.8544102907180786, 0.9439324140548706, 0.17965924739837646, 0.281587153673172, 0.30448201298713684, 0.9072291254997253, -0.42936062812805176, 0.22060763835906982, 0.8675733804702759, 0.2008465975522995, 1.0848002433776855, 0.10110151767730713, -1.3700690269470215, -0.7874665856361389, 1.0285171270370483, -0.18522539734840393, 0.13726547360420227, 0.7539739012718201, -0.8414279222488403, 0.5295200943946838, 0.1700829565525055, 0.32329240441322327, -0.17895708978176117, 0.41141679883003235, 0.625125527381897, 0.539024829864502, 0.013431357219815254, -0.07699434459209442, 0.5919840931892395, -0.17593440413475037, -0.7593029141426086, 0.8248483538627625, -0.16314834356307983, -0.53646320104599, -0.20555317401885986, 0.270353227853775, -0.8677981495857239, -0.3586244285106659, 1.7743831872940063, -0.23089316487312317, 0.5556724667549133, -0.024636538699269295, -0.4299805164337158, -0.1289466917514801, -0.34603744745254517, -0.09454073756933212, -0.5917773246765137, -0.7691581845283508, 0.24041247367858887, -0.18729902803897858, -0.5132306814193726, 1.059533953666687, 0.22396805882453918, 0.5824213027954102, -0.6813569664955139, -0.6797739267349243, 0.05471673607826233, 0.027746792882680893, -0.920621395111084, 0.23953329026699066, -0.089886873960495, 0.7572900652885437, -0.14826396107673645, -1.0439598560333252, 1.130623459815979, 0.4012119770050049, 0.12610767781734467, -0.9411240220069885, -0.4394100308418274, 0.746842622756958, -0.20973265171051025, 0.5512857437133789, -0.5936564803123474, 0.5198559165000916, -0.5252279043197632, 0.18182185292243958, -0.39858829975128174, -0.5872790217399597, 1.2290620803833008, -1.201134443283081, 1.0841050148010254, 0.16376890242099762, 1.0193504095077515, 0.6536797881126404, -1.1200740337371826, -0.12493586540222168, -0.04036939889192581, 0.27637970447540283, 0.5639365911483765, -0.39402762055397034, 0.6614387631416321, -1.8948862552642822, -0.5218814611434937, -0.45293155312538147, 0.3311091661453247, 0.7625489234924316, 0.45497336983680725, 0.2373085469007492, 0.2907494902610779, -0.7235907316207886, -0.005363151431083679, 0.4635017216205597, 0.07842351496219635, 0.18267276883125305, -0.38237568736076355, -0.031443964689970016, -0.5025063157081604, -0.5001693367958069, -1.0036405324935913, -0.23457667231559753, 0.5579306483268738, -0.48805657029151917, 0.6563701629638672, 0.32812798023223877, -0.7205846309661865, -0.12138554453849792, -0.36081618070602417, -0.08606057614088058, -0.2335147112607956, 0.22145788371562958, -0.7674004435539246, 0.15205128490924835, 0.4472575783729553, -0.3637031316757202, 1.0752158164978027, -0.4370754063129425, 0.9404354691505432, 0.7272244095802307, 0.5083077549934387, 1.6517776250839233, 0.8569071888923645, 0.13272088766098022, 0.22545328736305237, -0.1514805257320404, -0.5456109046936035, -0.36313560605049133, -0.25607699155807495, -1.1355615854263306, 0.42609110474586487, -0.8267940282821655, -0.16147583723068237, -1.1924864053726196, -0.14460265636444092, 0.37620609998703003, 0.459609717130661, -0.41344642639160156, -1.2561147212982178, -0.1800379902124405, -0.5780553221702576, 0.12073014676570892, -0.30481237173080444, -0.44839680194854736, 0.9302076697349548, 0.8591930866241455, -0.13550825417041779, 0.9773591756820679, -0.10398322343826294, -0.49184441566467285, 0.36431965231895447, -0.11653447151184082, 1.0333744287490845, 0.9732968807220459, -0.15152284502983093, 0.5591818690299988, 0.2045443058013916, -0.019497450441122055, -0.2603991627693176, 0.39335957169532776, 0.6228296160697937, 1.0041131973266602, -1.1681321859359741, -0.7890095114707947, -0.2271614372730255, -0.4152893126010895, -0.3075386583805084, -0.4259919226169586, 0.38494449853897095, -0.2318723052740097, -0.7283568382263184, 0.16978387534618378, 0.4786643385887146, 0.01179167628288269, 0.4156756103038788, -0.6056762337684631, -0.4610341191291809, 0.6221196055412292, 0.7063608765602112, -0.1267276108264923, -0.17089039087295532, -0.07590992003679276, -0.20391032099723816, 0.262340784072876, 0.016603542491793633, -1.0581365823745728, -0.29478102922439575, -0.1235058456659317, -0.5128282308578491, -0.13134418427944183, -0.9603880047798157, -0.3599892854690552, -0.11540788412094116, -0.0890064686536789, -0.0706675574183464, 0.17470373213291168, -0.31304049491882324, 0.9240670800209045, -0.09968301653862, 0.3150143325328827, 0.7513848543167114, -0.49901527166366577, -0.009278674609959126, 0.2059171497821808, -0.3792898654937744, -0.019120199605822563, 0.7154276967048645]} +{"paper_id": "ncats/EpiSet4BinaryClassification", "embedding": [-0.09748974442481995, 1.078713059425354, -0.17817726731300354, -0.2897760272026062, 0.5205777287483215, -0.09769241511821747, 0.5270925164222717, 0.883083701133728, 0.9963855147361755, 0.9968183636665344, 0.6969402432441711, -0.007674923166632652, 0.2082872986793518, -0.629805862903595, -0.27251002192497253, -0.2727734446525574, -1.2095342874526978, -1.1667041778564453, -1.7879718542099, -0.3566678464412689, -0.9590877294540405, -0.19254562258720398, 0.2213434875011444, 0.48275846242904663, -0.32135510444641113, -0.6850990056991577, 1.1058388948440552, -1.5156335830688477, 0.31653520464897156, 0.5679324865341187, -0.44618475437164307, 1.4049370288848877, -1.119618535041809, 0.3786056637763977, -0.34618079662323, -0.4565158784389496, 0.09070970863103867, 0.5736925005912781, -0.34601667523384094, -0.06401470303535461, -0.8056929707527161, -0.12917806208133698, 0.26865261793136597, 0.5544466376304626, 0.8901807069778442, -0.584419310092926, -0.2163953334093094, 0.5101349949836731, -0.524506688117981, 0.14967958629131317, -0.5588943958282471, -0.006165914237499237, 0.3638007938861847, 0.6000365018844604, -0.5998787879943848, 1.3392952680587769, 0.7179951071739197, -1.0333573818206787, 0.8944264054298401, -1.23457670211792, 1.2542622089385986, 1.850576639175415, -0.6201446652412415, 0.2523399293422699, 0.9507966637611389, 0.04975813627243042, 1.2880035638809204, 0.38540172576904297, 0.45042842626571655, 0.6803503036499023, -0.11504537612199783, -0.9218394160270691, 0.3103965222835541, 0.39193302392959595, 0.3443371653556824, 0.9988664388656616, 0.12429337203502655, 0.12879127264022827, 0.27517592906951904, -0.37901782989501953, -0.37801840901374817, 0.4098641276359558, 0.8659229278564453, -0.6261093020439148, 0.07889063656330109, 0.608748197555542, 0.24460554122924805, -1.0492253303527832, 0.8568933606147766, -1.7582656145095825, 0.14045843482017517, 0.0926436111330986, 0.06148844584822655, -0.19461803138256073, -0.4378560781478882, 0.05338955670595169, -0.0828227549791336, -0.5247302055358887, -0.5673877596855164, 0.5886004567146301, 0.7280533909797668, -0.3162791430950165, 0.26120713353157043, -0.22844934463500977, 0.6543481945991516, 0.9534653425216675, -0.3287646472454071, -0.29472824931144714, -0.8947945833206177, -0.39007502794265747, 0.44108903408050537, 1.0928937196731567, 0.03759656101465225, 0.4452213644981384, 0.1276538074016571, 0.25562584400177, 0.43461987376213074, -0.6169524192810059, -0.3608647286891937, 0.11656874418258667, 0.3270190954208374, -1.113478660583496, -0.3305172622203827, -0.5925848484039307, 0.6242942810058594, -0.750909686088562, 0.19254770874977112, -0.39011648297309875, 0.6915005445480347, -0.06822589784860611, 0.4970304071903229, 0.14895287156105042, -0.6376112699508667, -0.20748130977153778, 2.8713769912719727, -0.642744779586792, 1.708173394203186, -0.9029883742332458, 0.020213138312101364, -0.3335725665092468, 0.245630145072937, 1.0081377029418945, 0.1710050106048584, -0.638024091720581, -0.5890929102897644, 0.1171649843454361, -0.6174918413162231, 0.7029193043708801, -1.1100082397460938, -0.07609544694423676, -0.19941093027591705, 0.2557823956012726, -1.4918512105941772, -0.8088850378990173, 0.41969892382621765, 0.24937471747398376, 0.08008837699890137, 0.8852242231369019, -0.33768990635871887, 0.9518133401870728, 0.4728488624095917, -0.3201436400413513, -0.2890486717224121, 0.253042608499527, -1.0129553079605103, -0.1275804042816162, 0.7016433477401733, -0.5273656845092773, -0.5728983283042908, -0.7715904116630554, 0.7855445146560669, -0.2780373692512512, 0.09237585216760635, -0.3981989324092865, -0.11938126385211945, 0.5982018113136292, 0.8490667939186096, 0.3305436968803406, 0.37215515971183777, -0.5165969133377075, -0.08746719360351562, -0.5824072957038879, -0.09822506457567215, 0.6921583414077759, -0.5459337830543518, 0.769654393196106, -2.2822377681732178, 0.0015187710523605347, 0.3816472887992859, 0.33259353041648865, 0.0659264624118805, -0.5331155061721802, 0.13059626519680023, 0.0361904613673687, 0.2350834161043167, -0.05597361549735069, 0.8363327980041504, -1.2574913501739502, -0.33925169706344604, 0.43966245651245117, -0.2780054211616516, -0.10314211994409561, -0.03075142204761505, 1.6243863105773926, 0.4979221522808075, -0.7152026295661926, -0.7681550979614258, -1.6790136098861694, -0.027115263044834137, 2.510122060775757, 0.2208258956670761, -0.7640355825424194, -0.8087549805641174, -0.626128613948822, 0.2108645737171173, -0.6387097239494324, 0.18430545926094055, -0.6909252405166626, 0.08052530884742737, -1.3631254434585571, 0.2738122045993805, -0.6780411601066589, 0.3036119043827057, 0.6711233854293823, 1.3684449195861816, -0.3975374102592468, -0.3801998794078827, -0.26593923568725586, -0.583558201789856, 0.39894697070121765, 0.9908259510993958, 0.1650991290807724, -0.3626539707183838, 0.5318558216094971, -0.20845893025398254, 0.4301348924636841, 0.6614859700202942, 0.8157881498336792, -0.5162709355354309, 0.2590043544769287, -0.137573704123497, 1.070061445236206, 0.07120009511709213, 0.041697435081005096, -0.1912565380334854, 0.3378911316394806, -0.4097195565700531, -0.9166952967643738, 0.1195468157529831, 0.35159775614738464, 1.5170201063156128, 1.0364365577697754, -0.6606617569923401, 0.8991227149963379, -1.2827125787734985, 0.11419542878866196, -0.4577457904815674, -0.3371567130088806, -0.3728793263435364, -0.26574474573135376, 0.5144622325897217, -0.503319501876831, 0.20826125144958496, -0.21911649405956268, 0.06624557077884674, -1.7301769256591797, -0.2623964250087738, -0.294856995344162, -0.3099707365036011, -1.4405018091201782, -0.4442400634288788, -0.010230027139186859, -0.7931569814682007, -0.5591468811035156, -0.15992076694965363, 0.4557672441005707, 0.7277023792266846, 1.1277565956115723, 1.6774214506149292, 0.11967252194881439, 0.4701882600784302, 0.10322989523410797, 1.2026911973953247, -0.7932945489883423, 0.5653203725814819, 0.06475935876369476, 0.3672230541706085, -0.7935153841972351, 0.3763055205345154, -0.6209117770195007, 0.3152662515640259, 0.8056570887565613, -0.047797687351703644, 0.2025546431541443, -0.3865189254283905, -0.9804847240447998, 0.8672530055046082, -0.5521557927131653, 0.5983237028121948, -0.4707610607147217, 1.9092473983764648, 0.33291032910346985, -0.7374318838119507, 0.8518820405006409, 0.05268275737762451, -0.18202351033687592, 1.129032015800476, -0.4498036503791809, 0.6316341757774353, 0.12148500978946686, -0.20357178151607513, 0.5358502864837646, 0.28578391671180725, -2.0411994457244873, 0.1248675137758255, 0.9456853866577148, -0.2656145393848419, -0.6237977743148804, -0.7494248747825623, 0.10885770618915558, -0.9900274872779846, -0.07225858420133591, 0.4100581109523773, -1.0730143785476685, 0.4490000605583191, 0.09717563539743423, 0.4235067367553711, 0.7972018122673035, -0.17265482246875763, 0.46963587403297424, 0.9235342741012573, 0.5354305505752563, -0.8488405346870422, -0.14529818296432495, 0.8517505526542664, -0.5718826651573181, 0.2135079950094223, 0.5165585875511169, 1.1700111627578735, 1.1124483346939087, -0.23645520210266113, -0.22329950332641602, 1.0125048160552979, 0.797699511051178, 0.08115474879741669, 0.08375746756792068, -0.3424617052078247, 0.295590341091156, 0.1679578721523285, 0.8042171001434326, 0.04725874587893486, -0.7852911353111267, -0.8716729879379272, -0.36267760396003723, -0.14787834882736206, -0.6881174445152283, 1.7260245084762573, 0.540601909160614, 1.1838438510894775, -0.029745755717158318, 0.26252272725105286, -0.5737794041633606, -0.01752578839659691, 0.6903507113456726, 0.34767812490463257, -0.40112948417663574, -0.6404095888137817, -0.016115985810756683, 0.684680700302124, -0.29733723402023315, -0.31030961871147156, -0.005562470760196447, 0.8977205753326416, -0.09374798834323883, -0.9257047176361084, 0.07345747202634811, 0.9279441237449646, 0.4179605543613434, 1.3497782945632935, -0.789792537689209, -0.3892437219619751, 0.6485599279403687, 0.7760420441627502, 0.058209292590618134, -0.035698793828487396, -0.577778697013855, 0.07788681983947754, 0.6332473754882812, 1.1306853294372559, 0.08237941563129425, 1.3388549089431763, 0.6446470618247986, -0.7803554534912109, -0.9161552786827087, -0.2818468511104584, -1.125558853149414, -0.45499879121780396, -0.1957666575908661, -0.348834753036499, -0.42544546723365784, 0.8919428586959839, -0.5518133640289307, -0.5162839889526367, 0.8936468362808228, -0.8643173575401306, -1.2605172395706177, 0.7034964561462402, 1.0723772048950195, -1.1029386520385742, -0.29897764325141907, -0.2974258065223694, -0.6625493764877319, -0.9110903739929199, -0.0048758299089968204, -0.857867956161499, 0.07971413433551788, -0.10864682495594025, 1.2155632972717285, 0.2576208710670471, -0.1864234060049057, -1.1296181678771973, 0.5967192649841309, 1.4259319305419922, -0.9000840187072754, 0.1907738596200943, -0.23636269569396973, 0.5088455080986023, -0.4496936500072479, -1.0535614490509033, -0.4969840347766876, 0.997717022895813, -0.1280088722705841, -0.02177886664867401, -0.8144885897636414, -0.8244438171386719, 0.252666711807251, -0.1644955277442932, 0.5982945561408997, -0.7866341471672058, 0.19627635180950165, -0.17807912826538086, 0.3347315788269043, 0.6370210647583008, -0.6076156497001648, -0.7377384305000305, 0.8837975263595581, -0.31986290216445923, 0.6307762861251831, -0.08809217065572739, 0.5285841226577759, 1.2106202840805054, 0.1531921625137329, -0.05391637980937958, -0.26813700795173645, -11.704898834228516, 0.12394307553768158, -0.0960078090429306, -0.1879327893257141, 0.46064919233322144, -0.6868878602981567, 0.6989307403564453, -0.1207069456577301, 0.22804060578346252, -0.9386232495307922, 0.4936310648918152, 1.03696870803833, 0.453697144985199, -0.2730010747909546, -0.48852747678756714, -1.2050156593322754, -0.3582775294780731, -0.6159921884536743, 0.29216015338897705, 0.1950540542602539, -0.7836328744888306, -1.0757421255111694, -0.040359821170568466, 0.45194318890571594, 0.3780134320259094, 0.3367210030555725, -0.340856671333313, 0.07919205725193024, -0.4938645362854004, 0.01273336261510849, 0.548732578754425, -0.14377692341804504, -0.6414048075675964, -0.6278570294380188, 0.6410324573516846, 0.11249490082263947, -0.7538091540336609, 0.29724961519241333, 0.8285679221153259, 0.18285222351551056, -0.712411105632782, 0.22529307007789612, 0.3369651436805725, -0.3228389620780945, -0.6449776887893677, 0.505947470664978, 0.35981178283691406, -1.08005690574646, 0.3045920133590698, -1.055930733680725, -0.640366792678833, -0.6910074353218079, -0.9285846948623657, -0.7610387802124023, 0.3306279480457306, -0.23913432657718658, -0.6252680420875549, 0.055823639035224915, -0.3511585295200348, -1.1058034896850586, 0.44034746289253235, 0.4201982617378235, -0.27713122963905334, 0.1686611920595169, 0.44457513093948364, -0.766747772693634, 0.5928419828414917, 0.4290843904018402, -0.38449954986572266, 0.4816036820411682, -1.1648614406585693, 0.49412253499031067, 0.14607399702072144, 0.18919029831886292, -0.6718612313270569, -0.10387750715017319, -0.5433777570724487, -0.12101361155509949, 0.5234562158584595, -0.003013867884874344, -0.7231268286705017, 0.4895555078983307, 0.09690851718187332, -0.3559035062789917, -1.1644456386566162, 0.1689389944076538, -0.2362852692604065, 0.3330910801887512, 1.1701301336288452, -0.4020563066005707, 0.9961857795715332, 0.07827792316675186, -0.18923623859882355, 0.10689681023359299, -0.5194360613822937, 0.678702175617218, -0.37883293628692627, 0.5087751746177673, 0.5416675806045532, -0.8336105942726135, 0.3076508343219757, -0.4214462339878082, -0.5138291120529175, -0.005071170628070831, 0.15498101711273193, 0.30104127526283264, 0.2173353135585785, 0.12752798199653625, 0.39114052057266235, -0.43629762530326843, 0.9848794341087341, -0.20512138307094574, -0.7687745094299316, 0.7137898802757263, -0.2688823342323303, 0.7278277277946472, 0.7692617177963257, 0.4759855270385742, 0.8407931327819824, 0.7954895496368408, -0.39265352487564087, 1.420040249824524, 0.28911903500556946, 1.541110634803772, 0.08103123307228088, -0.19889234006404877, 0.7944279313087463, 0.9260998368263245, 0.018376724794507027, -1.4630907773971558, -0.09601277112960815, -0.1531064361333847, 0.07100103795528412, -0.1908395141363144, -0.1171107217669487, -0.058723803609609604, -1.1101932525634766, 1.5937421321868896, -0.7862091660499573, 0.09943880140781403, -0.08296571671962738, -0.9843308329582214, -0.2798604667186737, -0.8235818147659302, -0.8284298777580261, 0.18376390635967255, -1.9601114988327026, -0.04719117656350136, -0.41357359290122986, -0.25177478790283203, -0.12890636920928955, 0.10343017429113388, 1.1134140491485596, -1.091050386428833, -0.17271417379379272, -0.12652143836021423, 0.8083293437957764, -0.49170389771461487, -0.7783353328704834, -0.35779714584350586, -0.030114710330963135, 1.0027010440826416, -0.5951523780822754, 0.9809819459915161, 0.32779160141944885, 0.29719749093055725, -0.2858033776283264, -0.03616461902856827, -0.2880419194698334, 0.2970030903816223, 1.122702956199646, -1.2295300960540771, 0.11858334392309189, -0.5849621295928955, -0.3057623505592346, -1.072082757949829, -0.15791240334510803, 1.3526582717895508, -0.5728579759597778, 0.17086653411388397, -0.1249970942735672, 0.8167244791984558, 0.41561222076416016, -0.45049816370010376, -0.4575856029987335, -0.41921764612197876, 0.18447154760360718, 0.798894464969635, 0.17391173541545868, 0.5348306894302368, -1.5299497842788696, -1.2857756614685059, -0.6355570554733276, 0.04446565732359886, 0.3943283259868622, -0.0990397185087204, 0.770551323890686, 0.40233418345451355, 0.32246264815330505, 0.36277857422828674, -0.029146935790777206, 1.078235387802124, 0.17340196669101715, 0.26661548018455505, 0.42025578022003174, 0.11370439827442169, -0.5303786993026733, 0.35500556230545044, 0.1352347433567047, 0.7223383784294128, -1.3810794353485107, -0.39869850873947144, 0.17859730124473572, -0.3694508671760559, 0.06166829541325569, -1.2649307250976562, 0.03652215003967285, -0.15408630669116974, -0.1252337098121643, -1.2953656911849976, -0.028829775750637054, 0.9980513453483582, -0.3537585735321045, 0.6245747208595276, 0.5573329925537109, 0.5637068152427673, 0.49680671095848083, 0.4377294182777405, 1.3660746812820435, -0.1443750560283661, -0.11159351468086243, -0.3077988028526306, 0.515405535697937, -0.2324298620223999, -0.004930764436721802, -0.05905058607459068, -1.2140361070632935, 0.4022706151008606, -0.6909254193305969, 0.8541353940963745, -0.26585298776626587, 0.32943421602249146, 0.7193994522094727, 1.2255191802978516, -0.5842005014419556, -1.7064772844314575, -0.30091148614883423, -1.120428204536438, 0.3283992409706116, 0.09889163076877594, 0.502011775970459, 0.7675348520278931, 0.8800632357597351, 0.20220668613910675, 1.1120580434799194, -0.25636619329452515, -0.21322764456272125, -0.4682878851890564, -0.07702137529850006, 1.377047061920166, 0.5390108227729797, 0.275163859128952, -0.06844214349985123, -0.5847825407981873, -0.6148343682289124, -0.09198451042175293, -0.5579206943511963, 1.223848581314087, 1.1178698539733887, -0.0938585102558136, -0.04081257805228233, -1.017290711402893, 0.4784650206565857, -0.722896933555603, 0.4091256260871887, 0.40229958295822144, -0.19981828331947327, -1.4630643129348755, -0.755378246307373, -0.26553669571876526, 1.1304235458374023, -0.2054077684879303, -0.06955558061599731, -0.8196094036102295, 0.46311062574386597, 0.007475045509636402, -0.028211014345288277, -0.6535720229148865, -0.22462014853954315, -0.35363641381263733, 0.2408571094274521, 0.8711466789245605, -0.7096064686775208, -0.13566827774047852, 0.08420892059803009, -0.730006217956543, 0.7081250548362732, 0.05390270799398422, -0.6098121404647827, -1.0734165906906128, 0.39453011751174927, -0.15616101026535034, -0.25533729791641235, 1.0312671661376953, -0.33622002601623535, -1.8803778886795044, 0.8652138710021973, 1.2660531997680664, -0.6811636090278625, -0.08355618268251419, 0.15932202339172363, 0.18486586213111877, 0.2657070457935333, 0.9834869503974915]} +{"paper_id": "pierreguillou/lener_br_finetuning_language_model", "embedding": [-0.5269172787666321, 0.9392969608306885, -0.5371795892715454, 0.16548147797584534, 0.18690767884254456, -0.26533234119415283, -1.138202428817749, 0.6732761263847351, 1.255225419998169, 1.5594053268432617, 0.22173047065734863, -0.6096487641334534, -0.6590815186500549, -0.8226349949836731, -0.525707483291626, -0.007269013673067093, -0.04175981134176254, -0.5186949372291565, -0.7716023325920105, 0.18093594908714294, -1.2956597805023193, -1.537031650543213, -0.4764576256275177, 0.4644041657447815, -1.551674723625183, -0.2496662139892578, 0.3338461220264435, -0.886239767074585, 0.4340476989746094, 0.2902011275291443, -0.33338531851768494, 1.1506311893463135, -1.317432165145874, 0.0348002165555954, -0.42277634143829346, 0.5722641348838806, 0.5680529475212097, 0.4931483566761017, -0.6535035967826843, -0.17568297684192657, -1.4841078519821167, -0.43111497163772583, 0.4263501763343811, 0.20749790966510773, 1.2578407526016235, -0.1945914924144745, 0.7016875743865967, 0.32341328263282776, 0.6568329930305481, -0.23714925348758698, -0.6839157938957214, 0.8588007092475891, 0.0257418155670166, 0.3252711594104767, -0.035748258233070374, 0.8148312568664551, -0.17414307594299316, -0.655031144618988, 0.3832334280014038, -0.4416460394859314, 0.7155120968818665, 0.8507547974586487, -0.4267657995223999, -0.3688739538192749, 0.29181602597236633, 0.09122622013092041, 1.4661617279052734, -0.38419395685195923, 1.1156158447265625, 0.6037436127662659, 0.34421300888061523, -1.31441068649292, 0.38615158200263977, -0.6089260578155518, 0.11353086680173874, 1.3093302249908447, 0.5070153474807739, 0.16621184349060059, 0.6925754547119141, -0.4477441906929016, -0.15021724998950958, 0.9419766664505005, 0.757456362247467, -0.259305864572525, -0.5051921606063843, -0.640779972076416, 0.4875098764896393, -0.09793850034475327, 0.5758234262466431, -1.4450385570526123, 0.836950421333313, -0.6521362662315369, -1.1511629819869995, 0.2658168077468872, -0.5375161170959473, 0.709941029548645, -0.28111255168914795, -0.4597334861755371, -1.138868808746338, 0.09376686811447144, 0.5581885576248169, -0.5759670734405518, 0.32984304428100586, -0.010064937174320221, 0.07927636057138443, 1.7789467573165894, -0.9581032395362854, 0.4554712176322937, -1.1531188488006592, 0.017149068415164948, 0.046645570546388626, 1.0472393035888672, 0.281391978263855, 0.1951824426651001, 0.31079813838005066, 0.2238743007183075, 0.9429196119308472, -0.9750621318817139, -0.1277293860912323, 0.2581382393836975, -0.7179720401763916, -0.4289625287055969, -0.8579610586166382, 0.8912787437438965, 1.3969905376434326, -0.1405089944601059, 0.7218336462974548, 0.5004681348800659, 0.15815265476703644, -0.3045557737350464, 0.5382091999053955, -0.4950907528400421, -0.8057717680931091, 0.07811091840267181, 2.601330041885376, -1.846688151359558, 0.6917374134063721, -0.27179890871047974, 0.8881998062133789, -0.11562427878379822, 0.40068939328193665, 0.8376196622848511, 0.7145406603813171, -1.333728313446045, -0.8002585172653198, 0.8473324775695801, -0.9630396366119385, 0.7244272232055664, -0.6865271329879761, -0.6639180183410645, 0.11312025785446167, 0.8021538853645325, -0.6659648418426514, -0.22440603375434875, -0.03718053549528122, 0.4306209981441498, 0.2597143352031708, 0.08887338638305664, -0.30672499537467957, 1.1439952850341797, 1.3448125123977661, 0.09477703273296356, -0.14699450135231018, 0.6162394285202026, -1.0316921472549438, -0.0829547867178917, 1.4877336025238037, -0.01856856234371662, -1.2576062679290771, 0.24200454354286194, 0.5356225967407227, -0.22512120008468628, -0.37751123309135437, 0.04304724186658859, -0.961353600025177, -0.5569233894348145, 1.5466629266738892, 0.5493518710136414, -0.5995329022407532, -0.2419966459274292, 0.1351681351661682, 0.040199313312768936, -0.3365417718887329, 0.4402383267879486, -0.2793765068054199, 0.037635501474142075, -1.6965296268463135, -0.35903608798980713, -0.3321789503097534, 1.3747248649597168, -0.33828237652778625, -0.34960418939590454, -0.14766529202461243, 1.1963179111480713, 0.7284123301506042, -0.8301135301589966, -0.09674319624900818, -1.7259140014648438, -0.3857894539833069, 0.01906949281692505, 0.28599298000335693, -0.6832038164138794, -0.27063828706741333, 0.4090569019317627, 0.8199855089187622, -1.525685429573059, -0.29216375946998596, -1.9554128646850586, 0.37354251742362976, 2.460988759994507, -0.2663305997848511, -1.0303378105163574, -1.0511490106582642, -0.3011045455932617, -0.011727415025234222, -0.3173367381095886, 0.6167372465133667, -0.8413022756576538, 0.27012506127357483, -0.9508113861083984, 0.5064873695373535, -0.338570237159729, -0.0441197007894516, 0.1828162968158722, 0.7024528980255127, -0.3449343144893646, -0.38622745871543884, 0.014445612207055092, -0.439242959022522, 0.7079001665115356, 0.4631851613521576, 0.06944788992404938, 0.10439442098140717, 0.8561373353004456, 1.074122667312622, 0.5392367839813232, 0.08031148463487625, 0.43647146224975586, -0.8334004878997803, 0.712343156337738, -0.6432422399520874, 0.3236079812049866, 0.04384235292673111, -1.5318297147750854, 1.3137420415878296, 0.3216682970523834, -0.0496969111263752, -0.24917559325695038, -0.09882187843322754, -0.06053025275468826, 0.9145340323448181, 1.0422285795211792, -1.1433939933776855, 0.4076932370662689, -1.279571533203125, 0.27656033635139465, -0.2956245541572571, -0.07580558955669403, -0.5003167986869812, 0.06593888998031616, 0.5769730806350708, 0.2196607142686844, -0.07041341066360474, -0.038686465471982956, -0.7450274229049683, -1.2982960939407349, 0.12758222222328186, 0.1554529368877411, -0.37402164936065674, -1.2654091119766235, -0.009984880685806274, -0.2570574879646301, -1.410855770111084, -0.2915347218513489, 0.5548372268676758, 0.6557366847991943, -0.6004074811935425, 0.36331629753112793, 0.7322739958763123, -0.337906152009964, 0.2467454969882965, -0.3237439692020416, 0.7651118636131287, -0.34142494201660156, 0.773227870464325, 0.2397797405719757, 0.2713357210159302, -0.25668656826019287, 0.11447259783744812, 0.42876994609832764, 0.1923139989376068, 0.19412794709205627, -0.03341937065124512, 0.7660192251205444, -0.13897068798542023, -0.9890830516815186, 1.1505303382873535, 1.0062516927719116, -0.45835861563682556, -1.7402695417404175, 1.562679648399353, 0.7961030006408691, 0.14061766862869263, 0.523319661617279, 0.6378410458564758, -0.017544247210025787, 1.2802599668502808, -0.513114333152771, 0.3222152292728424, -0.11420387029647827, 0.00701840128749609, -0.1767473965883255, 0.970038890838623, -1.046007513999939, -0.39793407917022705, 0.4382190406322479, -0.45865485072135925, 0.45362651348114014, 0.09364345669746399, 0.24391742050647736, -0.21680834889411926, -0.7010207176208496, -0.40862154960632324, -0.4063026010990143, -0.04213004559278488, -0.5403003096580505, -0.6612979769706726, 0.7873494029045105, -0.6233853697776794, 0.4356159567832947, -0.1563999056816101, 0.12106528878211975, -1.5321860313415527, 0.07598957419395447, 1.1765340566635132, 0.5113912224769592, 0.7559775114059448, -0.21258240938186646, 0.6131297945976257, 1.3792743682861328, -0.8655025362968445, 0.056642986834049225, 0.8585447072982788, 0.3054090440273285, 0.03715432062745094, 0.5727246999740601, 0.034593380987644196, 0.9979327321052551, -0.7261376976966858, 1.0475735664367676, 0.39608150720596313, -0.5614485740661621, -1.566465139389038, 0.04644213989377022, -0.6486765742301941, -0.2500680983066559, 2.017266035079956, 0.6559751629829407, 1.7759400606155396, -0.27096354961395264, 0.6002885699272156, -0.17486639320850372, 0.40515974164009094, 1.0712348222732544, 0.9101845622062683, 0.009396687150001526, -0.2158750295639038, 0.3504736125469208, 0.03921286016702652, -0.7332266569137573, -0.5926540493965149, -0.08583778887987137, 0.8748254776000977, 0.019474096596240997, -0.8370813727378845, -0.07760914415121078, -0.917940616607666, 0.040575310587882996, 1.0422630310058594, -0.8634188175201416, -0.9945833086967468, -0.5372374653816223, 0.4823446571826935, 0.1855904757976532, 0.8883830904960632, -0.7874346971511841, -0.705980658531189, -0.2784940004348755, -0.5473349094390869, -0.14681148529052734, 0.7977455854415894, 1.148259162902832, 0.19759590923786163, -0.6227484345436096, 0.6331556439399719, -0.6325142979621887, -0.1714455932378769, 0.425654798746109, -0.18856479227542877, -1.2599998712539673, 0.5915865302085876, -0.022006358951330185, -1.0944050550460815, 0.563571572303772, -0.7289496660232544, -2.2591166496276855, 1.5808552503585815, 0.7162171602249146, -0.9503868818283081, -0.2061988264322281, 0.14204354584217072, -0.11322413384914398, -0.4957975447177887, 0.28574827313423157, -1.6925997734069824, 0.9482625126838684, 0.38129228353500366, 0.441285640001297, 0.1639101356267929, -0.23694562911987305, -0.6368751525878906, 0.17600630223751068, 0.5289146304130554, -0.12929672002792358, -0.20862898230552673, 0.11499205231666565, 0.039966583251953125, 0.10692290961742401, -2.3288514614105225, -1.239267349243164, 0.7399199604988098, 0.20817646384239197, 0.49770328402519226, -0.9619765281677246, -1.1347582340240479, 0.3503668010234833, 0.0331193245947361, 0.4860740900039673, -0.41643816232681274, 0.701386570930481, -0.5163655281066895, 0.5390064716339111, 0.2702171206474304, -0.3082849979400635, -1.3722420930862427, 1.6104943752288818, -0.06305299699306488, 0.03766760975122452, 0.15269845724105835, 1.0506162643432617, 1.5548834800720215, 0.12518471479415894, 0.05678889900445938, -0.8704298138618469, -10.594999313354492, 0.43424075841903687, 0.13687394559383392, 0.8172926306724548, 0.20026634633541107, 0.21645388007164001, 0.5968064069747925, -0.6727756857872009, 1.6365708112716675, -0.12538692355155945, 0.14925029873847961, 2.502945899963379, 0.17411422729492188, -0.468855082988739, -0.8247440457344055, -0.9580485224723816, -1.085992693901062, -0.08356910198926926, -0.008949719369411469, 0.5527595281600952, -0.5960025787353516, -1.2675029039382935, 0.3162447214126587, 0.23263391852378845, 1.185133457183838, -0.28142932057380676, 0.716794490814209, 0.3512783646583557, -1.1378698348999023, -0.2714841961860657, 0.6012738347053528, -0.16938306391239166, -0.9657158851623535, -0.08361382782459259, 0.31753218173980713, -0.22555486857891083, -1.1466295719146729, -0.25186124444007874, 1.3162190914154053, 0.5061323642730713, -0.2272096425294876, 0.21313779056072235, 0.5534642934799194, -0.9524794816970825, -0.3714352548122406, -0.44432783126831055, 0.45033755898475647, -0.8377699255943298, 0.07182802259922028, -0.08759130537509918, 0.021024614572525024, 0.07216161489486694, -0.9148658514022827, 0.09022492170333862, 1.1602247953414917, -0.4408593475818634, -0.09496256709098816, 0.02035926654934883, -0.9767106771469116, -1.2265042066574097, 1.5437730550765991, -0.007763665169477463, -0.44769734144210815, 0.663642942905426, -0.2940825819969177, -0.25344139337539673, 0.8020088076591492, -0.40717029571533203, 0.4145253896713257, -0.2947022020816803, -0.4989582896232605, 0.6125606894493103, 0.3403366208076477, -0.42154836654663086, -0.6037219166755676, -0.6176809072494507, -0.20948615670204163, -0.46898964047431946, 0.11996579170227051, -0.010219817981123924, -0.8887297511100769, 1.114561676979065, -0.5076956748962402, 0.27853357791900635, -0.6828944087028503, -0.21491467952728271, -0.3776634931564331, -1.0829825401306152, 0.14012117683887482, -0.1782045066356659, 0.37450891733169556, -0.11214850097894669, -0.15031588077545166, 0.23188698291778564, -0.5148020386695862, 0.05532972887158394, -0.7501503825187683, 1.5727872848510742, 0.5157486200332642, -0.6489155888557434, 0.2586238384246826, -0.18952497839927673, -0.1006317287683487, -0.22973036766052246, 0.8708977699279785, 0.15354758501052856, 0.15135836601257324, -0.23371848464012146, 0.06158344820141792, 0.4908539056777954, 1.1963862180709839, -0.5543659925460815, 0.3094211220741272, 0.538425624370575, 0.36809828877449036, 0.6313539743423462, 0.5977344512939453, 0.2917490601539612, 0.26731669902801514, 1.117510437965393, 0.7251263856887817, 0.485139936208725, -0.18750542402267456, 0.767425000667572, -0.25816109776496887, -0.8203946948051453, 0.5466654300689697, 0.857829213142395, 0.10350322723388672, -2.339127779006958, 0.26550206542015076, 0.8107618093490601, 0.3792986571788788, -0.9602094292640686, -0.22043351829051971, -1.248197078704834, -1.1580675840377808, 0.644118070602417, -0.38556742668151855, 0.24308213591575623, -0.5706528425216675, -0.30841660499572754, 0.5656334757804871, 0.1774832308292389, -0.537841260433197, 0.00428038090467453, -1.1924641132354736, -0.5961814522743225, -0.41542524099349976, -0.6442498564720154, 0.3594983220100403, -0.2670865058898926, 0.7960291504859924, -0.49367380142211914, 0.2164572924375534, 0.23890867829322815, 0.451378732919693, -0.7957592010498047, -0.30816781520843506, 0.6090271472930908, 0.3551764488220215, 0.7700421810150146, -0.7702618837356567, 0.7483079433441162, 0.517229437828064, -0.30105096101760864, -0.3502555191516876, -0.47837522625923157, -0.02379552647471428, 0.03304708003997803, 1.5518749952316284, -1.218456506729126, 0.41995927691459656, -0.0953429564833641, -0.12634387612342834, -0.9517492651939392, 0.5133399963378906, 1.150442123413086, -0.5845362544059753, 0.3006057143211365, -0.05178691819310188, 0.6821143627166748, 1.020308256149292, -0.6537957787513733, -0.7446743249893188, -0.22757381200790405, 0.03373042494058609, 1.1087265014648438, -0.0955304279923439, 0.41382646560668945, -1.4695191383361816, -0.9719058275222778, -0.2701510787010193, -0.9198762774467468, 0.6719984412193298, 0.4194295406341553, 0.7847495079040527, 0.6982169151306152, 0.8127619028091431, 0.37045907974243164, -0.0951070785522461, 1.2140536308288574, 0.7685419321060181, 0.7808545827865601, -1.42355477809906, -0.10788656771183014, -0.15522843599319458, 0.36364665627479553, 0.46700596809387207, 0.6813344955444336, -1.0825575590133667, -0.26341795921325684, 0.3863447904586792, -0.7807104587554932, 1.1578782796859741, -0.7649886608123779, 0.8183383345603943, -0.47143134474754333, -0.6457356214523315, -1.146479606628418, 0.2685691714286804, 0.6962399482727051, -0.5270413756370544, 0.3797665238380432, 0.02325925976037979, -0.0564471110701561, 1.3189514875411987, -0.013731077313423157, 2.2713918685913086, 0.2628346383571625, 0.5005298852920532, 0.722576916217804, -0.41041213274002075, -0.48095154762268066, -0.2958582043647766, 1.0635106563568115, -0.4178426265716553, 0.11492222547531128, -0.7372391819953918, 0.3932894170284271, -0.2505733370780945, -0.021561289206147194, -0.027940332889556885, 0.24759727716445923, -0.5436888933181763, -0.387088418006897, -0.555525541305542, -0.3381596803665161, -1.2640962600708008, 0.40400686860084534, 0.28157857060432434, 0.6820980310440063, 1.052400827407837, 0.5798346996307373, 1.7896409034729004, 0.3142230808734894, 0.22182588279247284, -0.14525094628334045, 0.19413450360298157, 1.418687105178833, 1.156239628791809, 0.14052090048789978, -0.2188950926065445, 0.05812402442097664, -0.9778135418891907, -1.2529537677764893, -1.1723796129226685, 0.4279940128326416, 0.6413715481758118, -0.11735524237155914, 1.0142821073532104, -0.22790852189064026, 0.32241886854171753, -0.17757494747638702, 0.09659014642238617, -0.4960918426513672, -0.1054946631193161, -0.6092349290847778, -0.6105557084083557, -0.2698971629142761, 1.228298544883728, -0.8872491121292114, -0.0464305505156517, -0.7329780459403992, 0.004718678072094917, -1.148158311843872, -0.04568973183631897, -0.7212028503417969, -0.03998783603310585, -0.019287388771772385, 0.2802993655204773, -0.19054915010929108, -0.8650999069213867, -1.029252529144287, -0.17343731224536896, -0.7301158308982849, 0.04639742523431778, 0.2884376645088196, -0.7728511095046997, 0.08561451733112335, 0.4508606195449829, -0.32439595460891724, 0.4497322738170624, 0.2413981854915619, -1.0492404699325562, -1.1541385650634766, 0.42854586243629456, 0.238549143075943, -0.2067241072654724, -0.6759184002876282, 0.6300515532493591, 0.33261990547180176, -0.8376850485801697, 0.7502089142799377]} +{"paper_id": "pietrolesci/ag_news", "embedding": [-1.090674638748169, 1.0891938209533691, 0.029240716248750687, 0.5835510492324829, 0.02233840338885784, -0.24207189679145813, -0.0026963911950588226, 0.875564694404602, 0.6752272844314575, -0.03546396642923355, 1.0359312295913696, 0.17066426575183868, 0.39134150743484497, 0.16865965723991394, 0.26570555567741394, 0.08806869387626648, -0.31660234928131104, -0.621243417263031, -0.39303210377693176, -0.40540120005607605, -0.9234460592269897, -0.8875706791877747, -0.07315067946910858, 0.18322312831878662, -0.21482646465301514, -0.8914430141448975, 0.3728061616420746, -0.6232293844223022, 0.49468302726745605, 0.6828756332397461, 0.18335771560668945, 0.1674300581216812, -1.2553342580795288, -0.25577428936958313, -0.8268736004829407, -1.1040692329406738, -0.11473137885332108, 0.12814031541347504, -0.001461520791053772, -0.460579514503479, -0.6623535752296448, 0.35158953070640564, 0.7640825510025024, 0.07825394719839096, 1.0448023080825806, -0.3634306490421295, 0.8232920169830322, 0.22899650037288666, 0.4382009506225586, 0.10660415887832642, -0.29709526896476746, 0.6771544218063354, -0.6470595002174377, 0.6631177663803101, -0.44606536626815796, 1.1213959455490112, -0.11358030885457993, -0.09367557615041733, -0.3294470012187958, -1.0571426153182983, 0.5614330768585205, 1.535894513130188, -0.5743294358253479, 0.07284893095493317, 0.6799915432929993, -0.1376424878835678, 0.8224238157272339, -0.12340138107538223, 0.13100378215312958, 1.0514593124389648, -0.38597607612609863, -0.2251296043395996, 1.0102919340133667, -0.9955238699913025, -0.04455406963825226, 0.39021697640419006, -0.1304069459438324, -0.4376227855682373, 0.19750657677650452, 0.4029505252838135, -0.03900383785367012, 0.9881232976913452, -0.08012034744024277, -0.31253883242607117, -0.03719543293118477, -0.3101504147052765, 0.30775225162506104, -0.3999827802181244, -0.19679759442806244, -1.1576701402664185, 0.45216429233551025, 0.10231073945760727, -0.5173283219337463, 0.08163239061832428, -0.13802950084209442, -0.3850356340408325, -0.030474871397018433, -0.06431031972169876, -1.0150378942489624, 0.45863133668899536, 0.8141920566558838, -0.961988091468811, 0.2954660952091217, -0.4283125102519989, 0.46689823269844055, 0.8840342164039612, -0.4855826199054718, -0.7647969126701355, -0.35576653480529785, -0.4687754809856415, -0.18675149977207184, 0.4392254948616028, -0.20593537390232086, 0.6042331457138062, -0.1521572321653366, -0.19955801963806152, 0.721137523651123, -0.2906932830810547, -0.9441724419593811, -0.1046527624130249, -0.7007074952125549, -1.8437823057174683, -0.2657296359539032, 0.3944000005722046, 0.9614003896713257, -0.8057428598403931, 0.3634137809276581, -0.5975519418716431, 0.42676296830177307, -0.7079228758811951, 0.5964192152023315, 0.2164604663848877, -0.46522265672683716, -0.3673071563243866, 3.006509780883789, -1.064195990562439, 1.2552763223648071, -0.7490399479866028, 0.3981829881668091, 0.0052127838134765625, -0.178480327129364, 0.7638679146766663, -0.16677019000053406, -0.2740198075771332, -0.8537061810493469, 0.6062697172164917, -0.4313357472419739, 0.15491530299186707, -0.36062613129615784, -0.3437541723251343, 0.1927124261856079, 0.7046448588371277, -0.6752303242683411, -0.7658835053443909, -0.11761517822742462, 0.6660016775131226, 0.5247653722763062, 0.5966048836708069, -0.7363746762275696, 0.5156220197677612, 1.2890784740447998, 0.3040792942047119, -0.9537152647972107, -0.09036074578762054, -0.6592723727226257, -0.0012976694852113724, 0.9671033620834351, 0.49779972434043884, -0.30655595660209656, -0.5586668848991394, 0.6223649382591248, -0.38894087076187134, -0.0203109011054039, -0.21795068681240082, -0.1501474529504776, -0.08233659714460373, 0.47798505425453186, 0.08351653814315796, 0.7833282947540283, -0.4122423231601715, 0.13601741194725037, -0.23518891632556915, 0.5190081596374512, 0.4735046625137329, 0.31346309185028076, -0.003493707627058029, -1.865586519241333, -0.7765107750892639, -0.05040769279003143, 0.15823030471801758, -0.06572619080543518, -0.8582417964935303, 0.020395394414663315, 0.43780961632728577, 0.20150147378444672, 0.13129331171512604, -0.08288522064685822, -0.46381786465644836, -0.24810096621513367, 0.848439633846283, 1.2432794570922852, -0.19329631328582764, -0.16025075316429138, 1.3187204599380493, 0.7000128626823425, -0.491669625043869, -0.07053960859775543, -1.113507866859436, 0.9253743290901184, 1.6297529935836792, -0.018034331500530243, -0.8203974962234497, -1.4563883543014526, 0.11882306635379791, 0.18972527980804443, -1.048534631729126, 0.3923969566822052, -0.5769332647323608, 0.7191632390022278, -0.9777174592018127, 0.13039541244506836, -0.19517382979393005, -0.1920342743396759, -0.653510570526123, 0.942585825920105, -0.3711632192134857, -0.09440555423498154, -0.19278617203235626, -0.7337878346443176, 0.4596324563026428, 0.9289699196815491, 0.3983789086341858, -0.07102106511592865, 0.03687687963247299, 0.4940780997276306, 0.7953519821166992, 0.18426987528800964, 0.15109595656394958, 0.19919857382774353, 0.5011549592018127, 0.2628451883792877, 0.6933237910270691, -0.4345439672470093, -0.4204103946685791, -0.4139595627784729, 0.6641179919242859, 0.060309961438179016, -0.24098123610019684, 0.3703566789627075, 0.02553359419107437, 1.662446141242981, 1.1846253871917725, -0.43383002281188965, 0.5903255343437195, -0.3406621813774109, -0.14466381072998047, 0.17796629667282104, 0.10668432712554932, 0.14492323994636536, 0.050270915031433105, 1.0556408166885376, -0.21844173967838287, 0.17914162576198578, 0.08350411057472229, -0.253734290599823, -0.021314900368452072, -1.3705956935882568, -0.25310322642326355, -0.755900502204895, -0.8924943208694458, -0.24730470776557922, 0.2291247397661209, -0.2062940001487732, -0.6093644499778748, 0.08222265541553497, 0.5109779238700867, -0.34705933928489685, 0.038770295679569244, 1.5855622291564941, -0.3754585385322571, 0.37676653265953064, -0.7067843675613403, 0.9344664216041565, 0.2978517711162567, 0.6157407164573669, -0.9192042946815491, 0.18633083999156952, -1.3458166122436523, -0.3600723445415497, 0.021064333617687225, 0.07132866233587265, -0.03723687306046486, -0.2784108519554138, 0.9662038683891296, -0.39772552251815796, -0.7149379849433899, 1.2945677042007446, -0.7012569904327393, 0.32671841979026794, -1.142305850982666, 1.6057521104812622, 0.5211578011512756, -0.07043740153312683, 0.6540122032165527, 0.3972105085849762, -0.033796653151512146, 1.159194827079773, -0.5487502813339233, 0.803384006023407, 0.01462479680776596, 0.4343310594558716, 0.2913852035999298, -0.29497143626213074, -2.3555667400360107, -0.07233855873346329, 1.0311228036880493, -0.24915075302124023, -0.24785099923610687, -0.9131582379341125, 0.0668322741985321, 0.30983537435531616, -0.06421800702810287, 0.06138427183032036, -0.7311112880706787, 1.2370678186416626, 0.017220184206962585, -0.0008755214512348175, 0.7619454860687256, 0.042553387582302094, 0.07114745676517487, 0.35930487513542175, 0.47155293822288513, -1.4425911903381348, -0.2501634657382965, 0.4640866816043854, -0.2030731439590454, 0.24775642156600952, 0.20128995180130005, 0.3111307621002197, 1.1109106540679932, -1.253463625907898, 0.0918411910533905, 0.22757504880428314, 0.4292968809604645, -0.1437186449766159, 0.08341677486896515, 0.18829257786273956, 0.9199705719947815, 0.23458987474441528, 1.3612748384475708, 0.3518090844154358, -0.4927608072757721, -0.3959631323814392, 0.029312770813703537, -0.32607173919677734, -0.6268695592880249, 1.1793617010116577, -0.16645291447639465, 1.5596164464950562, 0.4581936001777649, 0.18391293287277222, -0.2030423879623413, -0.19487999379634857, 0.985811710357666, 0.9436042904853821, 0.27626559138298035, -0.17308607697486877, -0.22960862517356873, 0.5529263615608215, 0.1585320085287094, -0.49416476488113403, -0.2652393579483032, 1.0750160217285156, -0.2525358498096466, -0.9724197387695312, -0.0966542586684227, 1.076441764831543, 0.6125127673149109, 1.856094241142273, -0.1194935292005539, -0.49003249406814575, -0.9396553635597229, 0.6418678164482117, 0.8603745102882385, -0.32177841663360596, -0.6281598806381226, -0.48394182324409485, 0.17295709252357483, 1.3619576692581177, -0.15599757432937622, 0.8997429013252258, 1.4070438146591187, -0.6616690754890442, 0.3155558705329895, 0.30070337653160095, -0.3793732821941376, -0.17559054493904114, 0.16587674617767334, -0.09130948781967163, -0.7460936307907104, 0.5701118111610413, -0.042013831436634064, -0.9313017725944519, 0.4070420265197754, -0.05572065711021423, -0.7126091718673706, 0.5527608394622803, 1.9097318649291992, -0.711188793182373, -0.29270118474960327, -0.1902480274438858, -0.7315984964370728, -0.686286985874176, 0.38659512996673584, -0.317825049161911, 0.4287766218185425, 0.4026152193546295, 0.1700182408094406, -0.7483196258544922, -0.10742176324129105, -1.1064258813858032, 0.8375874757766724, 0.5205302238464355, -0.23595470190048218, -0.09196992218494415, -0.7814046740531921, -0.9235310554504395, 0.051437754184007645, -1.7496565580368042, 0.24455998837947845, -0.140072301030159, -0.34316688776016235, -0.2064763754606247, -0.33619776368141174, 0.22646692395210266, -0.3902241587638855, 0.31728318333625793, 0.1380489468574524, -1.128598928451538, 0.07017338275909424, -0.783608615398407, 0.7372505068778992, 0.7192221879959106, -0.568602979183197, 0.25587180256843567, 0.4285116195678711, -0.5344631671905518, 0.49276015162467957, 0.07159692049026489, 0.8196104764938354, 0.7231450080871582, 0.7693687081336975, 0.5748452544212341, 0.28713640570640564, -12.208008766174316, 0.46051251888275146, -0.08857052028179169, 0.4520415663719177, 0.5471028685569763, 0.8682921528816223, 0.5299638509750366, 0.04349871352314949, 0.5800014138221741, -0.5961987972259521, 0.22346380352973938, 0.9674885272979736, -0.5186898112297058, -0.7748395204544067, -0.26912274956703186, 0.06533882021903992, -0.29881125688552856, -0.9296936988830566, 0.7676471471786499, 0.3844785690307617, 1.0860756635665894, -1.1336643695831299, -0.7244001626968384, -0.11825378239154816, 0.010034838691353798, -1.6976332664489746, 0.269214004278183, 0.18622949719429016, -1.4956965446472168, -0.3819930851459503, 0.1649026721715927, -0.4136548638343811, -0.5271862745285034, -0.34269189834594727, 0.4900375008583069, -0.35569292306900024, -1.2879894971847534, 0.0897311344742775, 0.7520240545272827, -0.4781540632247925, -0.26895588636398315, 0.10333319008350372, -0.17559170722961426, -0.0722573772072792, 0.037741899490356445, 0.3016837239265442, 0.4333256781101227, -0.11566013097763062, 0.5740533471107483, -0.4902026057243347, 0.23634864389896393, -0.4707590341567993, -0.7829855680465698, -1.049338459968567, 0.6823968291282654, 0.6219171285629272, -1.0867081880569458, 0.7565835118293762, -0.11366203427314758, -0.7010434865951538, 0.9901059865951538, 0.7170749306678772, 0.053516387939453125, 0.564824104309082, 0.4383585751056671, -0.6624147295951843, 0.22337380051612854, 0.8090357780456543, 0.3343510031700134, 0.6207659244537354, -0.636363685131073, 1.224947452545166, 0.828448474407196, 0.2581287920475006, -0.3478199541568756, 0.05061204731464386, -0.20933423936367035, 0.37333881855010986, 1.005027413368225, 0.4705349802970886, -1.125449299812317, -0.40515443682670593, -0.4983510673046112, -0.758666455745697, -0.36306679248809814, 0.49089691042900085, 0.1504090428352356, -0.08042111247777939, 1.2199209928512573, 0.6570411920547485, 0.8582466840744019, 0.3278842568397522, -0.4068412780761719, -0.3352784812450409, 0.152184396982193, 0.7462479472160339, -1.1672487258911133, 0.8563240170478821, 0.6246789693832397, -0.32034119963645935, 0.1333899199962616, 0.033131733536720276, -0.502668023109436, -0.09770312905311584, 1.1033642292022705, -0.28901392221450806, -0.35777947306632996, 0.9359220266342163, 0.37599971890449524, 0.5543848872184753, 0.4069885015487671, 0.2944018840789795, -0.22973962128162384, 0.6977887749671936, -0.11517450213432312, 1.2975852489471436, 0.95888751745224, -0.6042550802230835, 0.5670973658561707, 0.2930237650871277, -0.32694321870803833, 0.19826926290988922, -0.06703966856002808, 0.7921987771987915, 0.7477582097053528, -0.5644896030426025, -0.33611881732940674, 0.2535087764263153, -0.011722775176167488, -0.8930422067642212, 0.5887622833251953, -0.2070305049419403, -0.28777992725372314, -0.656408965587616, -0.4321095049381256, -0.14296695590019226, -0.7410512566566467, 1.5145844221115112, -0.3442147970199585, 0.16714605689048767, -0.284336656332016, -0.005200691521167755, -0.33872705698013306, -0.19609110057353973, -0.7986807823181152, -0.42952901124954224, -1.610036015510559, -0.2900846302509308, -0.25739383697509766, -0.26845064759254456, 0.5839676260948181, -0.4665057361125946, -0.20496530830860138, -1.2249025106430054, -0.8484618663787842, 0.1889728605747223, 0.7906923890113831, -0.14641445875167847, -0.618480384349823, 0.12184439599514008, 0.8113746047019958, 1.164463996887207, -1.1827586889266968, 1.0859581232070923, 0.4769798815250397, 0.07224611937999725, -1.0312352180480957, 0.36160942912101746, -0.014921669848263264, 0.4258131980895996, 1.116973876953125, -0.9499126672744751, -0.586037814617157, -0.6511550545692444, -0.5152053833007812, -0.8218788504600525, -0.5296508073806763, 0.827574610710144, -1.2400754690170288, 0.456865131855011, -0.8687002658843994, 0.5428555011749268, 0.7046355605125427, -0.5328677296638489, -0.5785323977470398, -0.19570723176002502, -0.49937066435813904, 1.022965431213379, -0.6869774460792542, 0.04490448161959648, -1.7204290628433228, -1.5574803352355957, -0.9484992027282715, -0.3142836093902588, 0.45752236247062683, 0.2057316154241562, 0.434257447719574, 0.48914793133735657, -0.8585749864578247, -0.4489472508430481, -0.06963589787483215, 0.45406460762023926, 0.7826353311538696, 0.21062670648097992, -0.17372363805770874, 0.313035786151886, -0.32345858216285706, 0.4612334370613098, 0.5510272979736328, 0.27418839931488037, -1.6768836975097656, -0.5545942783355713, 0.2975058853626251, -0.105101078748703, 0.37329909205436707, -1.328453779220581, -0.27470672130584717, 0.3939572274684906, -0.313092440366745, -0.958807110786438, -0.19589969515800476, -0.15567272901535034, -0.7175626754760742, 1.5627459287643433, 0.4754641056060791, 0.8292902112007141, 0.1820904016494751, -0.06900753080844879, 2.1698224544525146, -0.693236768245697, 0.01912342756986618, 0.6706861853599548, 0.2964879870414734, 0.05912589281797409, -0.27150124311447144, 0.3767755925655365, -1.5889161825180054, 0.14233428239822388, -1.1880379915237427, 0.31293177604675293, -0.5828900933265686, 0.11738705635070801, -0.19510339200496674, 1.0545456409454346, 0.0209503173828125, -1.3147562742233276, -1.237837314605713, -1.1023701429367065, -0.32913777232170105, 0.0836435854434967, -0.29359790682792664, 1.0728352069854736, 0.6783599257469177, -0.8787526488304138, 0.5724521279335022, -0.12118233740329742, 0.22731062769889832, -0.06307990103960037, -0.037231482565402985, 0.531010091304779, 0.17898797988891602, 0.06902381032705307, 0.13829447329044342, -0.7904439568519592, -0.8013017177581787, -0.34022340178489685, -0.796424925327301, 0.39669132232666016, 1.0003409385681152, -1.0043470859527588, -0.7459688782691956, 0.34945452213287354, -0.5255053043365479, 0.4966692626476288, 1.0505753755569458, 0.15082547068595886, 0.10356384515762329, -1.3877710103988647, -0.5234874486923218, -0.17448803782463074, 0.33941662311553955, -0.5391249060630798, -0.2873374819755554, -0.5490953326225281, -0.18369394540786743, 0.6182740330696106, -0.30963143706321716, -0.6093877553939819, 0.09815944731235504, -0.5443397164344788, 0.3461810350418091, 0.37366026639938354, -0.8524354100227356, -0.4701453745365143, 0.06022777780890465, -1.2297570705413818, 0.9192602634429932, 0.07843993604183197, -1.0265167951583862, 0.09230954945087433, 0.7088696360588074, 0.43416914343833923, -0.36954644322395325, 0.9286299347877502, 0.044641971588134766, -0.6606309413909912, 0.82435542345047, 0.6022432446479797, -0.5280346274375916, 0.34789660573005676, 0.7826421856880188, 0.21109668910503387, 0.6631762385368347, 1.0421347618103027]} +{"paper_id": "oscar-corpus/OSCAR-2201", "embedding": [0.14559675753116608, 0.8414477705955505, 1.1115115880966187, -0.001545969396829605, 0.411924809217453, -1.2746098041534424, -0.16521841287612915, 1.0256901979446411, 0.40831637382507324, 0.72173672914505, 0.004926145076751709, -0.3587636947631836, 0.06873976439237595, 0.9420047402381897, -0.5766879320144653, -0.41887784004211426, -0.3672773540019989, -1.3570252656936646, -0.6814561486244202, -0.35767102241516113, 0.006799938157200813, -0.7437267303466797, -0.21737197041511536, 0.44729873538017273, -0.32490408420562744, -0.8499106764793396, 0.10129494220018387, -0.42103829979896545, 0.10976701229810715, 0.4933573603630066, 0.46792083978652954, 0.9954853653907776, -0.9357276558876038, 0.38095924258232117, -0.10397931188344955, -0.22014421224594116, 0.6139755249023438, 1.1527035236358643, -1.0072379112243652, -0.2569448947906494, -0.36532753705978394, -0.20809051394462585, 0.7140231728553772, -0.09269403666257858, 0.9704014658927917, 0.3906450569629669, -0.34029629826545715, 0.07903990894556046, 0.6430876851081848, -0.6769250631332397, 0.1680283546447754, 0.47065141797065735, -0.38334622979164124, 0.35256269574165344, -0.4717465937137604, 1.0964305400848389, 0.13314351439476013, -1.5780359506607056, 0.0008145589381456375, -1.062178373336792, 0.10616198927164078, 1.450180172920227, -0.5440966486930847, 0.055117204785346985, 1.0204294919967651, -0.09714551270008087, 1.3567430973052979, 0.33814001083374023, 0.1384289562702179, 0.24805505573749542, -0.10211949795484543, -1.256868600845337, 1.0172958374023438, -0.8920861482620239, 1.1819239854812622, 1.196450114250183, 1.4804109334945679, -0.40553638339042664, -0.643545389175415, 0.487163245677948, -0.44168466329574585, 0.9797478914260864, 0.5740054845809937, -0.5794720649719238, -0.41184094548225403, -0.15716958045959473, 0.5014538764953613, -1.1696879863739014, 0.6634769439697266, -1.7488529682159424, 0.43294471502304077, -0.054229751229286194, -0.37150809168815613, 0.21137574315071106, -0.07091549038887024, 0.045752398669719696, -0.2379545122385025, -0.0010020656045526266, -0.38855940103530884, 0.2755275368690491, 0.1538093090057373, -0.3935273587703705, 0.22268392145633698, -0.36158859729766846, -0.024585358798503876, 0.920128583908081, 0.02879926562309265, -0.16011324524879456, -1.4111261367797852, 0.3129272162914276, 0.469709575176239, 1.094092607498169, -1.1239372491836548, 0.30100131034851074, -0.27204495668411255, -1.0083539485931396, 0.3855414092540741, -0.6151731014251709, -0.8984066843986511, 0.5535022020339966, -0.46744775772094727, -0.7681984901428223, -0.798507571220398, 0.661702036857605, 0.42443692684173584, -0.7012860178947449, 0.6272671818733215, -0.4842727780342102, 0.1851048320531845, -0.5602731704711914, 0.24829044938087463, 0.32109320163726807, 0.005239740014076233, -0.28287237882614136, 3.4345688819885254, -0.9353296756744385, 1.483393669128418, -0.09584363549947739, 0.2589264214038849, 0.3068634867668152, -0.8678309321403503, 1.2181549072265625, -0.01841239631175995, -0.7341024279594421, 0.764602780342102, 0.03019563853740692, -0.7639492750167847, 0.30141153931617737, 0.26299527287483215, -1.1741411685943604, -0.06061263009905815, 0.1026199534535408, -1.1084163188934326, 0.03961239755153656, -0.75547856092453, 0.3802584111690521, 0.2743373513221741, 1.0667788982391357, -0.7821798324584961, 1.3307743072509766, 0.730962872505188, 0.7407469749450684, -0.3454400300979614, 0.5254738926887512, -0.9323023557662964, 0.22760707139968872, 1.2271534204483032, 0.08726342767477036, -0.4087821841239929, -0.16349510848522186, 1.3165889978408813, -0.44401052594184875, -0.36990275979042053, -0.18380382657051086, 0.45337650179862976, 0.4733153283596039, 0.49477237462997437, 0.7719542384147644, -0.8058055639266968, 0.2145572453737259, -0.44440653920173645, -0.248875692486763, 0.36343640089035034, 0.6574110984802246, 1.0092990398406982, 1.0960062742233276, -1.7820322513580322, -0.37247270345687866, -0.17806342244148254, -0.3376629948616028, -0.7967368960380554, -1.059971809387207, -0.3551907241344452, -0.35637167096138, 0.5020579695701599, 0.01995648816227913, 0.33920222520828247, -0.25655344128608704, -1.0075196027755737, 0.776231050491333, -0.0314175970852375, 0.16410551965236664, 0.12290917336940765, 0.34648048877716064, -0.00764500442892313, 0.08880818635225296, -0.2034529745578766, -1.6628003120422363, 0.6463406085968018, 2.079993963241577, 0.1330656111240387, -0.43536093831062317, -2.364208459854126, -0.09564268589019775, 0.14656829833984375, -0.9964913725852966, 0.3053363263607025, -1.0361542701721191, 0.7026077508926392, -1.1855524778366089, 0.6700978875160217, -0.3590471148490906, 0.5220824480056763, -0.01494717039167881, 0.2385718822479248, -0.3252772092819214, 0.0906745046377182, -0.06311950087547302, -0.787385106086731, 0.8127256631851196, 0.44815611839294434, -0.011886359192430973, -0.5277724266052246, 0.6787850856781006, 0.6188760995864868, 0.31291428208351135, 0.03293168544769287, -0.08266238868236542, -0.5221515893936157, -0.5364958643913269, -0.15251047909259796, 1.2080868482589722, -0.46021580696105957, -0.048567064106464386, -0.023839499801397324, 0.22704562544822693, 0.02246682345867157, 0.1859675794839859, 0.4767119884490967, -0.8064062595367432, 1.5121369361877441, 1.4480746984481812, -0.6598072648048401, 1.891902208328247, -1.192259669303894, 0.22134238481521606, -0.11422103643417358, -1.7559541463851929, 0.43080276250839233, 0.27124160528182983, 1.3355792760849, -0.5746551156044006, 0.07396452128887177, 0.027205973863601685, -0.24160584807395935, -1.3459521532058716, -0.8909863233566284, -0.8422200083732605, -1.6146217584609985, -1.2696990966796875, 0.13200163841247559, -0.1384318321943283, -1.14737868309021, -0.8107266426086426, 0.35577425360679626, 1.2689415216445923, -0.08595902472734451, 0.38461774587631226, 1.938378930091858, -0.14209505915641785, 0.9682509899139404, 0.014102727174758911, -0.057361289858818054, -0.7948997616767883, 0.9399221539497375, 0.38898399472236633, -0.20943333208560944, -0.3818797767162323, -0.4826984703540802, 0.21515384316444397, 0.10803108662366867, 0.8954724669456482, -0.8211223483085632, 0.19706496596336365, -0.4158417284488678, -1.1162828207015991, 0.8866448402404785, -0.6442071199417114, -0.6010822653770447, -1.333636999130249, 1.975141167640686, -0.3074795603752136, 0.4000355005264282, 0.8968353271484375, -0.5559883713722229, 0.24680642783641815, 1.918209195137024, -0.0006392672657966614, 0.026054199784994125, 0.7893106341362, 0.05710095912218094, -0.4440963566303253, 0.9078224897384644, -2.699007987976074, 0.6150175333023071, 0.5113512873649597, -0.031504787504673004, 0.025687264278531075, -1.0755527019500732, 0.5980198383331299, -0.5837690830230713, -0.7318781614303589, 0.173636794090271, -0.09911303967237473, 1.0708781480789185, -0.08407288044691086, -0.19491852819919586, 1.2256934642791748, -1.99176824092865, 0.7350165247917175, 1.3323363065719604, 1.1262617111206055, -0.9380848407745361, 0.8348490595817566, 0.9300823211669922, -0.8287949562072754, 1.7124700546264648, 0.3074478805065155, 0.1779542714357376, 0.8914978504180908, -1.4335241317749023, 0.506052553653717, 0.1751077026128769, 0.966401219367981, 1.25155508518219, 0.7857710719108582, 0.09655039012432098, 0.238864004611969, 0.21273797750473022, 1.1680976152420044, 1.379936695098877, -1.728559136390686, -1.2420586347579956, -0.3946591317653656, -0.2131347507238388, -0.974668025970459, 1.0285416841506958, 0.7241690158843994, 1.8537930250167847, 0.25989142060279846, -0.6479405164718628, -0.2681329548358917, -0.06465038657188416, 1.3580528497695923, 0.40551814436912537, -0.11794842779636383, 0.18176871538162231, -0.17639097571372986, 1.077920913696289, -0.4592771530151367, -0.5545557737350464, 0.02346207946538925, 0.6548041701316833, -0.4211263656616211, -0.4968314468860626, 0.6514153480529785, 0.26067841053009033, -0.05305524542927742, 1.20851731300354, -0.48310142755508423, -0.05025441572070122, -0.6044837236404419, 0.4242289066314697, -0.6443467736244202, -0.030054591596126556, -0.8535125255584717, 1.1470638513565063, 0.3401319086551666, 0.8541082739830017, -0.31318992376327515, 0.3317679762840271, 1.263215184211731, 0.12225963175296783, -1.2773770093917847, -0.48333045840263367, -1.1391932964324951, -0.13025379180908203, -0.4031624495983124, 0.11481402814388275, -1.1788498163223267, 0.5678016543388367, -0.5145654678344727, -0.0047534070909023285, 1.0590301752090454, -0.02424752153456211, -0.8900638818740845, 0.7075117826461792, 1.2752872705459595, -0.6650989055633545, -0.38747191429138184, -0.19131219387054443, -0.7783815860748291, -1.2820954322814941, 0.2042357176542282, -0.6723909974098206, 0.263060599565506, 0.16497445106506348, 0.23313774168491364, -0.5594993233680725, -0.26230281591415405, -0.8516667485237122, 0.6551106572151184, 1.0174375772476196, 0.09731133282184601, -0.3332293629646301, -0.6618779897689819, 0.08398938179016113, -0.3960916996002197, -1.2341991662979126, -0.9781688451766968, 0.07067787647247314, 0.31105273962020874, 0.5955250263214111, -0.4102315306663513, -0.6875810623168945, -0.28961923718452454, 0.8139393925666809, 1.1831482648849487, -1.8261661529541016, -0.1356043517589569, -0.6021361351013184, 0.44541120529174805, 0.13415203988552094, -0.7677454352378845, 0.012303131632506847, 1.091217041015625, -0.3618059456348419, 0.48085394501686096, 0.5582730770111084, 0.6644460558891296, 0.5115070939064026, 0.4089069664478302, 0.6250826716423035, -0.6728357076644897, -9.683477401733398, 0.14573442935943604, -0.4120393693447113, 0.6878670454025269, 0.6449171900749207, -0.33911365270614624, 1.2498441934585571, 0.5277753472328186, 0.4597151577472687, -0.39196234941482544, 0.7087810635566711, 1.1610782146453857, 0.49270787835121155, -0.8428925275802612, -0.9010055661201477, -1.3560173511505127, -0.2140628546476364, 0.3789265751838684, 0.6824514865875244, 0.4723600447177887, -0.7743828296661377, -1.6232681274414062, 0.35331541299819946, 0.08364848792552948, -0.008669924922287464, -0.7752024531364441, 0.09353867918252945, 0.0913650244474411, -0.6199407577514648, -1.2077717781066895, -0.0990896001458168, -0.9390621185302734, -1.6060724258422852, 0.17925822734832764, 0.6243171095848083, 0.7426689863204956, -0.7922336459159851, 0.026960166171193123, 0.7042551040649414, 0.5972204208374023, -0.45712965726852417, -0.2334393709897995, 0.5108747482299805, 0.5087347626686096, 0.2792850434780121, 0.20881016552448273, 0.1552114188671112, -0.3344932794570923, 0.4758773148059845, -0.6911299824714661, -0.5065547227859497, -0.5464456677436829, -1.1182695627212524, -0.573514461517334, 0.8853200078010559, 0.917316734790802, -0.3868405520915985, -0.029743347316980362, -0.5368093252182007, -1.89961838722229, 0.4604376554489136, 0.10270363092422485, 0.6197260022163391, 0.05486302450299263, -0.20810747146606445, -0.047910261899232864, 0.5814453959465027, -0.3739143908023834, 0.5908257961273193, 0.5278969407081604, -0.8391595482826233, -0.32451707124710083, -0.3738909959793091, -0.06306292116641998, -0.09969065338373184, -0.3546019494533539, -0.5807701349258423, 0.3402392864227295, 0.6372345089912415, -0.24585439264774323, -1.1298505067825317, 1.1321991682052612, 0.15884777903556824, -0.16711506247520447, 0.24448254704475403, -0.5483103394508362, -0.5525392293930054, 0.42063018679618835, 0.7061936855316162, 0.07623542100191116, 1.3101441860198975, 0.7227661609649658, 0.37137818336486816, -0.4375843107700348, -0.35408180952072144, 1.0868369340896606, -1.0221116542816162, 1.4606964588165283, 0.1056298166513443, -0.10836876183748245, 0.12801319360733032, -0.197006493806839, -0.7937840223312378, -0.5435189008712769, 0.8190541863441467, 0.4791637659072876, 0.5026220679283142, 0.16315636038780212, -0.3111213445663452, -0.438625305891037, 1.2456780672073364, 0.6122192144393921, -0.11383770406246185, 0.36680638790130615, 0.32018324732780457, 1.043228268623352, 0.25067591667175293, 0.09646899998188019, 0.7261064648628235, 1.3419522047042847, 0.496723473072052, 0.365883469581604, -0.09137581288814545, 1.0238820314407349, -0.6647248864173889, 0.6366915702819824, -0.009912971407175064, 0.3546469509601593, -0.47417309880256653, -1.5847071409225464, -0.32623574137687683, -0.11668100953102112, 0.006344948895275593, -1.5367798805236816, -0.3944786787033081, -1.0974853038787842, -0.5676548480987549, 0.9507138729095459, 0.701537013053894, 0.21024936437606812, -0.43419593572616577, -1.2735569477081299, 0.219468891620636, 0.07525859773159027, -0.163531094789505, -0.12262219935655594, -1.3226335048675537, -0.2869095206260681, -0.5373285412788391, -1.0945887565612793, 0.2792620360851288, -0.20873332023620605, -0.13496142625808716, -0.5231349468231201, -0.4590049684047699, 0.04094362258911133, 0.2920907437801361, 0.009402066469192505, -1.1083472967147827, -0.3230092525482178, -0.0152774378657341, 2.318178176879883, -1.4812127351760864, 0.9340693950653076, 0.6757283210754395, 0.45840179920196533, -1.7446938753128052, -0.10595563054084778, -0.45954665541648865, 0.48427677154541016, 1.1375422477722168, -0.4616519808769226, -0.8534743189811707, -0.12663501501083374, -0.8039693236351013, -0.7149336934089661, 0.6382571458816528, 0.8263605833053589, -0.781416118144989, 0.2842440605163574, -0.06471295654773712, 0.053564801812171936, -0.2377856820821762, -0.4648982286453247, -0.7291553020477295, -0.262518972158432, -0.3187647759914398, 0.8153960108757019, -0.48088082671165466, 0.9369956851005554, -1.645277738571167, -1.23801851272583, -0.10248886793851852, 0.6342089772224426, 0.40388059616088867, -0.2512725293636322, 1.1317719221115112, -0.06859654188156128, 0.26389122009277344, 0.05713991820812225, -0.21964389085769653, 0.42981958389282227, 0.724499523639679, 1.1616160869598389, -0.2882886826992035, -0.47523003816604614, -1.0156803131103516, -0.3056829869747162, 0.022286955267190933, 0.3589473068714142, -1.4751880168914795, 0.39413297176361084, 0.06205792725086212, -0.6669358611106873, 0.2508399188518524, -0.4449995160102844, 1.0353331565856934, 0.012323591858148575, -0.7131120562553406, -0.919104814529419, -0.334838330745697, 0.7399940490722656, -0.5238344073295593, 0.6095788478851318, -0.24360151588916779, 0.5012422800064087, -0.2603931427001953, 0.3350406289100647, 2.002945899963379, -0.622773289680481, -0.6877651214599609, 0.38460734486579895, 0.766953706741333, -0.10520341247320175, -0.9762213826179504, 0.43391793966293335, -0.8900021314620972, 0.08717791736125946, -1.6913063526153564, 0.35775598883628845, -0.6163135766983032, -0.1886279135942459, 0.3237154483795166, 0.40419647097587585, -0.16840481758117676, -0.3823413550853729, -0.10269230604171753, -1.123841643333435, 0.4593874216079712, 0.2336467206478119, 0.45864155888557434, 0.7516645789146423, 0.6933536529541016, 0.09844289720058441, 0.4794086217880249, -0.33005809783935547, -0.1687965840101242, 0.09011396765708923, 0.3520350456237793, 0.5739494562149048, 0.4361800253391266, 0.46905794739723206, -0.07962944358587265, 0.0551137812435627, -1.1055530309677124, -0.7833074927330017, -0.632973313331604, 0.23840533196926117, 1.0257257223129272, -0.5605922937393188, 0.49626463651657104, -0.6499218940734863, 0.15210872888565063, -0.42937344312667847, 1.0140498876571655, 0.43258368968963623, 0.14498890936374664, -0.45833924412727356, -1.6536141633987427, 0.07538960129022598, 0.7781006097793579, -1.0554468631744385, 0.1341603547334671, 0.16386137902736664, 1.085153341293335, 0.3348580598831177, -0.7856384515762329, -1.0574654340744019, 0.5835908651351929, -0.4070531725883484, 0.7007746696472168, 0.1302921324968338, -0.8806635737419128, -1.0448567867279053, 0.6193428635597229, -0.9518157243728638, 0.3778083622455597, 0.304201602935791, -0.7130072116851807, 0.28132757544517517, 0.6387088298797607, -1.011104702949524, -0.525253176689148, 0.5605465173721313, 0.2208516001701355, -1.8166558742523193, 1.8006017208099365, 1.7446718215942383, 0.13472308218479156, -0.9359840750694275, 0.17205539345741272, -0.002384975552558899, 0.7938367128372192, 1.3397914171218872]} +{"paper_id": "nthngdy/oscar-small", "embedding": [0.14559675753116608, 0.8414477705955505, 1.1115115880966187, -0.001545969396829605, 0.411924809217453, -1.2746098041534424, -0.16521841287612915, 1.0256901979446411, 0.40831637382507324, 0.72173672914505, 0.004926145076751709, -0.3587636947631836, 0.06873976439237595, 0.9420047402381897, -0.5766879320144653, -0.41887784004211426, -0.3672773540019989, -1.3570252656936646, -0.6814561486244202, -0.35767102241516113, 0.006799938157200813, -0.7437267303466797, -0.21737197041511536, 0.44729873538017273, -0.32490408420562744, -0.8499106764793396, 0.10129494220018387, -0.42103829979896545, 0.10976701229810715, 0.4933573603630066, 0.46792083978652954, 0.9954853653907776, -0.9357276558876038, 0.38095924258232117, -0.10397931188344955, -0.22014421224594116, 0.6139755249023438, 1.1527035236358643, -1.0072379112243652, -0.2569448947906494, -0.36532753705978394, -0.20809051394462585, 0.7140231728553772, -0.09269403666257858, 0.9704014658927917, 0.3906450569629669, -0.34029629826545715, 0.07903990894556046, 0.6430876851081848, -0.6769250631332397, 0.1680283546447754, 0.47065141797065735, -0.38334622979164124, 0.35256269574165344, -0.4717465937137604, 1.0964305400848389, 0.13314351439476013, -1.5780359506607056, 0.0008145589381456375, -1.062178373336792, 0.10616198927164078, 1.450180172920227, -0.5440966486930847, 0.055117204785346985, 1.0204294919967651, -0.09714551270008087, 1.3567430973052979, 0.33814001083374023, 0.1384289562702179, 0.24805505573749542, -0.10211949795484543, -1.256868600845337, 1.0172958374023438, -0.8920861482620239, 1.1819239854812622, 1.196450114250183, 1.4804109334945679, -0.40553638339042664, -0.643545389175415, 0.487163245677948, -0.44168466329574585, 0.9797478914260864, 0.5740054845809937, -0.5794720649719238, -0.41184094548225403, -0.15716958045959473, 0.5014538764953613, -1.1696879863739014, 0.6634769439697266, -1.7488529682159424, 0.43294471502304077, -0.054229751229286194, -0.37150809168815613, 0.21137574315071106, -0.07091549038887024, 0.045752398669719696, -0.2379545122385025, -0.0010020656045526266, -0.38855940103530884, 0.2755275368690491, 0.1538093090057373, -0.3935273587703705, 0.22268392145633698, -0.36158859729766846, -0.024585358798503876, 0.920128583908081, 0.02879926562309265, -0.16011324524879456, -1.4111261367797852, 0.3129272162914276, 0.469709575176239, 1.094092607498169, -1.1239372491836548, 0.30100131034851074, -0.27204495668411255, -1.0083539485931396, 0.3855414092540741, -0.6151731014251709, -0.8984066843986511, 0.5535022020339966, -0.46744775772094727, -0.7681984901428223, -0.798507571220398, 0.661702036857605, 0.42443692684173584, -0.7012860178947449, 0.6272671818733215, -0.4842727780342102, 0.1851048320531845, -0.5602731704711914, 0.24829044938087463, 0.32109320163726807, 0.005239740014076233, -0.28287237882614136, 3.4345688819885254, -0.9353296756744385, 1.483393669128418, -0.09584363549947739, 0.2589264214038849, 0.3068634867668152, -0.8678309321403503, 1.2181549072265625, -0.01841239631175995, -0.7341024279594421, 0.764602780342102, 0.03019563853740692, -0.7639492750167847, 0.30141153931617737, 0.26299527287483215, -1.1741411685943604, -0.06061263009905815, 0.1026199534535408, -1.1084163188934326, 0.03961239755153656, -0.75547856092453, 0.3802584111690521, 0.2743373513221741, 1.0667788982391357, -0.7821798324584961, 1.3307743072509766, 0.730962872505188, 0.7407469749450684, -0.3454400300979614, 0.5254738926887512, -0.9323023557662964, 0.22760707139968872, 1.2271534204483032, 0.08726342767477036, -0.4087821841239929, -0.16349510848522186, 1.3165889978408813, -0.44401052594184875, -0.36990275979042053, -0.18380382657051086, 0.45337650179862976, 0.4733153283596039, 0.49477237462997437, 0.7719542384147644, -0.8058055639266968, 0.2145572453737259, -0.44440653920173645, -0.248875692486763, 0.36343640089035034, 0.6574110984802246, 1.0092990398406982, 1.0960062742233276, -1.7820322513580322, -0.37247270345687866, -0.17806342244148254, -0.3376629948616028, -0.7967368960380554, -1.059971809387207, -0.3551907241344452, -0.35637167096138, 0.5020579695701599, 0.01995648816227913, 0.33920222520828247, -0.25655344128608704, -1.0075196027755737, 0.776231050491333, -0.0314175970852375, 0.16410551965236664, 0.12290917336940765, 0.34648048877716064, -0.00764500442892313, 0.08880818635225296, -0.2034529745578766, -1.6628003120422363, 0.6463406085968018, 2.079993963241577, 0.1330656111240387, -0.43536093831062317, -2.364208459854126, -0.09564268589019775, 0.14656829833984375, -0.9964913725852966, 0.3053363263607025, -1.0361542701721191, 0.7026077508926392, -1.1855524778366089, 0.6700978875160217, -0.3590471148490906, 0.5220824480056763, -0.01494717039167881, 0.2385718822479248, -0.3252772092819214, 0.0906745046377182, -0.06311950087547302, -0.787385106086731, 0.8127256631851196, 0.44815611839294434, -0.011886359192430973, -0.5277724266052246, 0.6787850856781006, 0.6188760995864868, 0.31291428208351135, 0.03293168544769287, -0.08266238868236542, -0.5221515893936157, -0.5364958643913269, -0.15251047909259796, 1.2080868482589722, -0.46021580696105957, -0.048567064106464386, -0.023839499801397324, 0.22704562544822693, 0.02246682345867157, 0.1859675794839859, 0.4767119884490967, -0.8064062595367432, 1.5121369361877441, 1.4480746984481812, -0.6598072648048401, 1.891902208328247, -1.192259669303894, 0.22134238481521606, -0.11422103643417358, -1.7559541463851929, 0.43080276250839233, 0.27124160528182983, 1.3355792760849, -0.5746551156044006, 0.07396452128887177, 0.027205973863601685, -0.24160584807395935, -1.3459521532058716, -0.8909863233566284, -0.8422200083732605, -1.6146217584609985, -1.2696990966796875, 0.13200163841247559, -0.1384318321943283, -1.14737868309021, -0.8107266426086426, 0.35577425360679626, 1.2689415216445923, -0.08595902472734451, 0.38461774587631226, 1.938378930091858, -0.14209505915641785, 0.9682509899139404, 0.014102727174758911, -0.057361289858818054, -0.7948997616767883, 0.9399221539497375, 0.38898399472236633, -0.20943333208560944, -0.3818797767162323, -0.4826984703540802, 0.21515384316444397, 0.10803108662366867, 0.8954724669456482, -0.8211223483085632, 0.19706496596336365, -0.4158417284488678, -1.1162828207015991, 0.8866448402404785, -0.6442071199417114, -0.6010822653770447, -1.333636999130249, 1.975141167640686, -0.3074795603752136, 0.4000355005264282, 0.8968353271484375, -0.5559883713722229, 0.24680642783641815, 1.918209195137024, -0.0006392672657966614, 0.026054199784994125, 0.7893106341362, 0.05710095912218094, -0.4440963566303253, 0.9078224897384644, -2.699007987976074, 0.6150175333023071, 0.5113512873649597, -0.031504787504673004, 0.025687264278531075, -1.0755527019500732, 0.5980198383331299, -0.5837690830230713, -0.7318781614303589, 0.173636794090271, -0.09911303967237473, 1.0708781480789185, -0.08407288044691086, -0.19491852819919586, 1.2256934642791748, -1.99176824092865, 0.7350165247917175, 1.3323363065719604, 1.1262617111206055, -0.9380848407745361, 0.8348490595817566, 0.9300823211669922, -0.8287949562072754, 1.7124700546264648, 0.3074478805065155, 0.1779542714357376, 0.8914978504180908, -1.4335241317749023, 0.506052553653717, 0.1751077026128769, 0.966401219367981, 1.25155508518219, 0.7857710719108582, 0.09655039012432098, 0.238864004611969, 0.21273797750473022, 1.1680976152420044, 1.379936695098877, -1.728559136390686, -1.2420586347579956, -0.3946591317653656, -0.2131347507238388, -0.974668025970459, 1.0285416841506958, 0.7241690158843994, 1.8537930250167847, 0.25989142060279846, -0.6479405164718628, -0.2681329548358917, -0.06465038657188416, 1.3580528497695923, 0.40551814436912537, -0.11794842779636383, 0.18176871538162231, -0.17639097571372986, 1.077920913696289, -0.4592771530151367, -0.5545557737350464, 0.02346207946538925, 0.6548041701316833, -0.4211263656616211, -0.4968314468860626, 0.6514153480529785, 0.26067841053009033, -0.05305524542927742, 1.20851731300354, -0.48310142755508423, -0.05025441572070122, -0.6044837236404419, 0.4242289066314697, -0.6443467736244202, -0.030054591596126556, -0.8535125255584717, 1.1470638513565063, 0.3401319086551666, 0.8541082739830017, -0.31318992376327515, 0.3317679762840271, 1.263215184211731, 0.12225963175296783, -1.2773770093917847, -0.48333045840263367, -1.1391932964324951, -0.13025379180908203, -0.4031624495983124, 0.11481402814388275, -1.1788498163223267, 0.5678016543388367, -0.5145654678344727, -0.0047534070909023285, 1.0590301752090454, -0.02424752153456211, -0.8900638818740845, 0.7075117826461792, 1.2752872705459595, -0.6650989055633545, -0.38747191429138184, -0.19131219387054443, -0.7783815860748291, -1.2820954322814941, 0.2042357176542282, -0.6723909974098206, 0.263060599565506, 0.16497445106506348, 0.23313774168491364, -0.5594993233680725, -0.26230281591415405, -0.8516667485237122, 0.6551106572151184, 1.0174375772476196, 0.09731133282184601, -0.3332293629646301, -0.6618779897689819, 0.08398938179016113, -0.3960916996002197, -1.2341991662979126, -0.9781688451766968, 0.07067787647247314, 0.31105273962020874, 0.5955250263214111, -0.4102315306663513, -0.6875810623168945, -0.28961923718452454, 0.8139393925666809, 1.1831482648849487, -1.8261661529541016, -0.1356043517589569, -0.6021361351013184, 0.44541120529174805, 0.13415203988552094, -0.7677454352378845, 0.012303131632506847, 1.091217041015625, -0.3618059456348419, 0.48085394501686096, 0.5582730770111084, 0.6644460558891296, 0.5115070939064026, 0.4089069664478302, 0.6250826716423035, -0.6728357076644897, -9.683477401733398, 0.14573442935943604, -0.4120393693447113, 0.6878670454025269, 0.6449171900749207, -0.33911365270614624, 1.2498441934585571, 0.5277753472328186, 0.4597151577472687, -0.39196234941482544, 0.7087810635566711, 1.1610782146453857, 0.49270787835121155, -0.8428925275802612, -0.9010055661201477, -1.3560173511505127, -0.2140628546476364, 0.3789265751838684, 0.6824514865875244, 0.4723600447177887, -0.7743828296661377, -1.6232681274414062, 0.35331541299819946, 0.08364848792552948, -0.008669924922287464, -0.7752024531364441, 0.09353867918252945, 0.0913650244474411, -0.6199407577514648, -1.2077717781066895, -0.0990896001458168, -0.9390621185302734, -1.6060724258422852, 0.17925822734832764, 0.6243171095848083, 0.7426689863204956, -0.7922336459159851, 0.026960166171193123, 0.7042551040649414, 0.5972204208374023, -0.45712965726852417, -0.2334393709897995, 0.5108747482299805, 0.5087347626686096, 0.2792850434780121, 0.20881016552448273, 0.1552114188671112, -0.3344932794570923, 0.4758773148059845, -0.6911299824714661, -0.5065547227859497, -0.5464456677436829, -1.1182695627212524, -0.573514461517334, 0.8853200078010559, 0.917316734790802, -0.3868405520915985, -0.029743347316980362, -0.5368093252182007, -1.89961838722229, 0.4604376554489136, 0.10270363092422485, 0.6197260022163391, 0.05486302450299263, -0.20810747146606445, -0.047910261899232864, 0.5814453959465027, -0.3739143908023834, 0.5908257961273193, 0.5278969407081604, -0.8391595482826233, -0.32451707124710083, -0.3738909959793091, -0.06306292116641998, -0.09969065338373184, -0.3546019494533539, -0.5807701349258423, 0.3402392864227295, 0.6372345089912415, -0.24585439264774323, -1.1298505067825317, 1.1321991682052612, 0.15884777903556824, -0.16711506247520447, 0.24448254704475403, -0.5483103394508362, -0.5525392293930054, 0.42063018679618835, 0.7061936855316162, 0.07623542100191116, 1.3101441860198975, 0.7227661609649658, 0.37137818336486816, -0.4375843107700348, -0.35408180952072144, 1.0868369340896606, -1.0221116542816162, 1.4606964588165283, 0.1056298166513443, -0.10836876183748245, 0.12801319360733032, -0.197006493806839, -0.7937840223312378, -0.5435189008712769, 0.8190541863441467, 0.4791637659072876, 0.5026220679283142, 0.16315636038780212, -0.3111213445663452, -0.438625305891037, 1.2456780672073364, 0.6122192144393921, -0.11383770406246185, 0.36680638790130615, 0.32018324732780457, 1.043228268623352, 0.25067591667175293, 0.09646899998188019, 0.7261064648628235, 1.3419522047042847, 0.496723473072052, 0.365883469581604, -0.09137581288814545, 1.0238820314407349, -0.6647248864173889, 0.6366915702819824, -0.009912971407175064, 0.3546469509601593, -0.47417309880256653, -1.5847071409225464, -0.32623574137687683, -0.11668100953102112, 0.006344948895275593, -1.5367798805236816, -0.3944786787033081, -1.0974853038787842, -0.5676548480987549, 0.9507138729095459, 0.701537013053894, 0.21024936437606812, -0.43419593572616577, -1.2735569477081299, 0.219468891620636, 0.07525859773159027, -0.163531094789505, -0.12262219935655594, -1.3226335048675537, -0.2869095206260681, -0.5373285412788391, -1.0945887565612793, 0.2792620360851288, -0.20873332023620605, -0.13496142625808716, -0.5231349468231201, -0.4590049684047699, 0.04094362258911133, 0.2920907437801361, 0.009402066469192505, -1.1083472967147827, -0.3230092525482178, -0.0152774378657341, 2.318178176879883, -1.4812127351760864, 0.9340693950653076, 0.6757283210754395, 0.45840179920196533, -1.7446938753128052, -0.10595563054084778, -0.45954665541648865, 0.48427677154541016, 1.1375422477722168, -0.4616519808769226, -0.8534743189811707, -0.12663501501083374, -0.8039693236351013, -0.7149336934089661, 0.6382571458816528, 0.8263605833053589, -0.781416118144989, 0.2842440605163574, -0.06471295654773712, 0.053564801812171936, -0.2377856820821762, -0.4648982286453247, -0.7291553020477295, -0.262518972158432, -0.3187647759914398, 0.8153960108757019, -0.48088082671165466, 0.9369956851005554, -1.645277738571167, -1.23801851272583, -0.10248886793851852, 0.6342089772224426, 0.40388059616088867, -0.2512725293636322, 1.1317719221115112, -0.06859654188156128, 0.26389122009277344, 0.05713991820812225, -0.21964389085769653, 0.42981958389282227, 0.724499523639679, 1.1616160869598389, -0.2882886826992035, -0.47523003816604614, -1.0156803131103516, -0.3056829869747162, 0.022286955267190933, 0.3589473068714142, -1.4751880168914795, 0.39413297176361084, 0.06205792725086212, -0.6669358611106873, 0.2508399188518524, -0.4449995160102844, 1.0353331565856934, 0.012323591858148575, -0.7131120562553406, -0.919104814529419, -0.334838330745697, 0.7399940490722656, -0.5238344073295593, 0.6095788478851318, -0.24360151588916779, 0.5012422800064087, -0.2603931427001953, 0.3350406289100647, 2.002945899963379, -0.622773289680481, -0.6877651214599609, 0.38460734486579895, 0.766953706741333, -0.10520341247320175, -0.9762213826179504, 0.43391793966293335, -0.8900021314620972, 0.08717791736125946, -1.6913063526153564, 0.35775598883628845, -0.6163135766983032, -0.1886279135942459, 0.3237154483795166, 0.40419647097587585, -0.16840481758117676, -0.3823413550853729, -0.10269230604171753, -1.123841643333435, 0.4593874216079712, 0.2336467206478119, 0.45864155888557434, 0.7516645789146423, 0.6933536529541016, 0.09844289720058441, 0.4794086217880249, -0.33005809783935547, -0.1687965840101242, 0.09011396765708923, 0.3520350456237793, 0.5739494562149048, 0.4361800253391266, 0.46905794739723206, -0.07962944358587265, 0.0551137812435627, -1.1055530309677124, -0.7833074927330017, -0.632973313331604, 0.23840533196926117, 1.0257257223129272, -0.5605922937393188, 0.49626463651657104, -0.6499218940734863, 0.15210872888565063, -0.42937344312667847, 1.0140498876571655, 0.43258368968963623, 0.14498890936374664, -0.45833924412727356, -1.6536141633987427, 0.07538960129022598, 0.7781006097793579, -1.0554468631744385, 0.1341603547334671, 0.16386137902736664, 1.085153341293335, 0.3348580598831177, -0.7856384515762329, -1.0574654340744019, 0.5835908651351929, -0.4070531725883484, 0.7007746696472168, 0.1302921324968338, -0.8806635737419128, -1.0448567867279053, 0.6193428635597229, -0.9518157243728638, 0.3778083622455597, 0.304201602935791, -0.7130072116851807, 0.28132757544517517, 0.6387088298797607, -1.011104702949524, -0.525253176689148, 0.5605465173721313, 0.2208516001701355, -1.8166558742523193, 1.8006017208099365, 1.7446718215942383, 0.13472308218479156, -0.9359840750694275, 0.17205539345741272, -0.002384975552558899, 0.7938367128372192, 1.3397914171218872]} +{"paper_id": "yhavinga/ccmatrix", "embedding": [-0.1952717900276184, 0.6856753826141357, 0.5011063814163208, 0.34174221754074097, 0.4446243941783905, -0.4892337918281555, 1.2027443647384644, 0.810104250907898, 0.2428913414478302, 0.11359608173370361, 0.40230581164360046, 0.0073675476014614105, 0.480538547039032, 0.006753545254468918, 0.2135830521583557, -0.746123731136322, -0.7904297709465027, -0.9188517332077026, -0.9989787340164185, -0.7762975096702576, -0.9890329241752625, -0.08928342163562775, 0.013365734368562698, 0.09588749706745148, -0.38091859221458435, -0.4102288484573364, 0.5334770083427429, -1.1947015523910522, 0.2888264060020447, 0.18816569447517395, -0.3553846776485443, 1.4791771173477173, -1.2283942699432373, 0.44605234265327454, -0.777100682258606, -0.01143716648221016, 0.31893619894981384, 1.3082493543624878, -0.719948947429657, 0.0637832060456276, -0.42931511998176575, -0.228422611951828, 0.910112738609314, 0.013284686952829361, 0.9067530035972595, -0.020880162715911865, -0.4221443831920624, 0.1318216174840927, 0.18562285602092743, 0.1324199140071869, -0.3809436559677124, 0.4150577187538147, 0.0675540417432785, 0.5544785261154175, -0.4944334924221039, 1.0997995138168335, 0.036517493426799774, -1.1338825225830078, 0.9394056797027588, -0.9220325946807861, 0.5603843927383423, 1.2129905223846436, -0.5358188152313232, 0.07167267799377441, 0.8911823630332947, -0.2908867299556732, 0.7133037447929382, 0.5365986824035645, 0.7226926684379578, 1.018295407295227, 0.3516935706138611, -1.0260413885116577, 0.6354835629463196, -0.1272333562374115, 0.25889575481414795, 0.8310662508010864, 0.5568639636039734, 0.22479012608528137, 0.1947442889213562, 0.3322010636329651, 0.08280031383037567, 0.9684511423110962, 0.4124879837036133, -0.5202893614768982, -0.25024765729904175, -0.02451397106051445, 0.12740984559059143, -0.35007578134536743, 0.8369412422180176, -1.1156368255615234, -0.3467182517051697, 0.00829007476568222, 0.21199285984039307, 0.07917982339859009, -0.055517107248306274, 0.29542094469070435, -0.3346417546272278, 0.4940827488899231, -0.4655400216579437, 0.21434351801872253, 0.7719103693962097, -0.4756855070590973, 0.6301788687705994, -0.2732592821121216, 0.056573204696178436, 0.8367056250572205, -0.3537059426307678, -1.24779212474823, -1.3693166971206665, -0.26376858353614807, -0.4676608145236969, 0.4991224408149719, -0.3193173408508301, 0.6286572217941284, 0.08034107834100723, -0.9096290469169617, -0.42556503415107727, -0.13164794445037842, -0.8933435678482056, 0.17497920989990234, -0.214553564786911, -1.086169958114624, -0.4152382016181946, -0.2231181114912033, 1.1273905038833618, -0.4023783802986145, 0.09633836150169373, -0.24119624495506287, 0.27617767453193665, -0.209593266248703, 0.709781289100647, 0.6163572669029236, -0.4232347011566162, 0.10245765745639801, 3.1103246212005615, -0.3737576901912689, 1.4022698402404785, -0.20476913452148438, -0.09703859686851501, 0.2748234272003174, -0.11736880242824554, 1.2753492593765259, 0.1940923035144806, -0.5241096019744873, 0.019300144165754318, 0.2366437315940857, -0.957058846950531, 0.7284085154533386, -0.7169029116630554, -0.5962328314781189, -0.5173101425170898, 0.6207686066627502, -1.0410367250442505, -0.7070143222808838, 0.3366968035697937, 0.5033895969390869, 0.4915355443954468, 0.9625654816627502, -0.6810799241065979, 0.9632350206375122, 0.3643942177295685, 0.27518969774246216, -1.0485851764678955, 0.48437777161598206, -1.2640496492385864, 0.1723744422197342, 2.0451107025146484, -0.3448822796344757, -0.8161346912384033, -0.19895517826080322, 0.6764098405838013, -0.34635668992996216, -0.10808639228343964, -0.08253873139619827, -0.3628014922142029, 0.3413674235343933, 0.750224769115448, 0.7211647629737854, -0.2783896327018738, -0.4678262174129486, -0.48068103194236755, 0.05117928609251976, -0.3782196342945099, 0.5111094117164612, 0.09944722801446915, 0.5817418098449707, -2.5681347846984863, -0.09319555759429932, 0.2529752254486084, -0.2870151996612549, 0.21019959449768066, -0.26888975501060486, 0.10393782705068588, -0.35297074913978577, 0.5472269058227539, -0.5211600065231323, 0.39857232570648193, -1.2190994024276733, 0.2963067591190338, 0.35138124227523804, -0.05356241762638092, 0.3128308355808258, 0.2112341672182083, 1.0653470754623413, 0.5470561385154724, 0.04122629016637802, -1.1163469552993774, -1.9963635206222534, 0.11289724707603455, 2.786895275115967, -0.27513325214385986, -0.31050047278404236, -1.2295914888381958, -0.5893068313598633, -0.052486732602119446, -0.7857024669647217, 0.16212879121303558, -0.693000316619873, -0.380795955657959, -0.8448965549468994, 0.3874001204967499, -0.29627135396003723, 0.18456226587295532, -0.07844950258731842, 0.6571606993675232, -0.5457322001457214, -0.1550503373146057, -0.2258814424276352, -1.0546776056289673, 0.7308639883995056, 0.5966079235076904, -0.3731119632720947, -1.0240575075149536, 1.0228673219680786, 0.2834666967391968, 0.9381570816040039, 0.09473451226949692, 0.25742027163505554, -0.9309848546981812, -0.08206985890865326, -0.00636195857077837, 1.3009073734283447, -0.45702213048934937, -0.21868178248405457, 0.3490273356437683, 0.2798064053058624, -0.5896850228309631, -0.714184045791626, 0.2683423161506653, 0.25104761123657227, 0.8004102110862732, 1.1863353252410889, -0.8292462229728699, 1.8870259523391724, -0.919964611530304, 0.25395113229751587, -0.050159502774477005, -1.2561087608337402, -0.011882930994033813, 0.2646375894546509, 0.8597644567489624, -0.23112496733665466, 0.1881716400384903, -0.30893105268478394, -0.6248195171356201, -1.3240474462509155, -0.16537711024284363, -0.6451208591461182, -0.5102554559707642, -1.0891634225845337, -0.09081023931503296, -0.27197444438934326, -1.0507527589797974, -0.907685399055481, 0.025989577174186707, 0.15825684368610382, 0.3344573378562927, 0.8641599416732788, 2.095027208328247, 0.03356321156024933, 0.31855514645576477, -0.2756327986717224, 0.4224950671195984, -0.35068103671073914, 0.5661118626594543, 0.17843766510486603, -0.2506716251373291, -1.6021792888641357, -0.48874086141586304, -0.3010711669921875, 0.11995261162519455, -0.18004299700260162, -0.30754029750823975, 0.05888814851641655, -0.3128279447555542, -1.0844706296920776, 0.7660539746284485, -0.7669263482093811, 0.3293609023094177, -1.0672320127487183, 1.7249698638916016, 0.09585822373628616, -0.02253776416182518, 0.4954233169555664, -0.20552214980125427, -0.1168806403875351, 1.6199970245361328, -0.6877206563949585, 0.8341540098190308, 0.5674898028373718, -0.35081344842910767, 0.3622354567050934, 0.02839590609073639, -1.8978910446166992, 0.009832478128373623, 0.9073535799980164, -0.2192825973033905, -0.5781065821647644, -0.6834076046943665, 0.5035593509674072, -0.35695913434028625, -0.4983089566230774, 0.22812330722808838, -0.7799665331840515, 0.5451748371124268, -0.3833644986152649, 0.40492546558380127, 0.7289168834686279, -1.0701665878295898, 0.48299673199653625, 0.9152442812919617, 0.3919207453727722, -0.29058870673179626, -0.38336634635925293, 0.7791917324066162, -0.5659576058387756, 0.7013916969299316, 0.39099541306495667, 0.9848306775093079, 1.2732033729553223, -0.6694263815879822, -0.20365455746650696, 1.003137469291687, 1.1503254175186157, 0.39329004287719727, 0.6122068762779236, 0.10926536470651627, 0.4750592112541199, 0.2688843607902527, 1.2258554697036743, 0.02336708828806877, -1.1882808208465576, -0.7184007167816162, -0.3506695032119751, -0.5367722511291504, -0.5866725444793701, 1.8764185905456543, 0.7964794635772705, 1.3062063455581665, -0.04104311019182205, 0.3784523904323578, -0.656833291053772, -0.4246809184551239, 0.6652606129646301, 0.3862871825695038, 0.05301951244473457, -0.37598806619644165, -0.9192992448806763, 1.4285433292388916, 0.091151162981987, -0.632028341293335, 0.17111985385417938, 0.37383896112442017, -0.44979652762413025, -0.5272783041000366, -0.3343428075313568, 0.42654919624328613, 0.44555404782295227, 1.4536972045898438, -1.0837559700012207, -0.43894490599632263, -0.15351776778697968, -0.08249708265066147, -0.25964757800102234, 0.6114269495010376, -0.948910117149353, 0.0577763095498085, 0.466894268989563, 0.6724984049797058, -0.1262081116437912, 1.1199493408203125, 0.7977428436279297, -0.49022895097732544, -0.9907549619674683, -0.41330429911613464, -0.877963125705719, -0.275253027677536, -0.9339940547943115, -0.5668994188308716, -0.6611291170120239, 0.9498392343521118, -0.34026283025741577, -0.7373759746551514, 0.8925360441207886, 0.3176962435245514, -1.765312671661377, 0.6628371477127075, 1.121882677078247, -1.7138258218765259, -0.6891788840293884, -0.08070646226406097, -0.6279258131980896, -1.087156057357788, 0.45468670129776, -0.47085145115852356, -0.27749332785606384, 0.670871913433075, 0.3323158621788025, -0.5744661688804626, 0.0629950761795044, -1.4581869840621948, 1.0564543008804321, 1.3725064992904663, -0.9700937867164612, -0.16095785796642303, -0.061663899570703506, 0.7046430110931396, 0.30027928948402405, -1.1283159255981445, -0.4980372488498688, 0.4585303068161011, 0.7078938484191895, -0.32613489031791687, -0.9320199489593506, -0.6775871515274048, 0.047793369740247726, 0.004239439964294434, 1.294982671737671, -0.7548885345458984, 0.4365835189819336, -0.9434276223182678, 0.8640406727790833, 0.9077341556549072, -0.20712926983833313, -0.6592068672180176, 1.2343592643737793, -0.7107222676277161, 0.26227104663848877, -0.2991443872451782, 0.5315247178077698, 0.6018409729003906, 0.5125821828842163, 0.33303165435791016, -0.35775575041770935, -11.183199882507324, 0.15515372157096863, 0.12215853482484818, -0.11189758032560349, 0.9178540706634521, 0.4740256071090698, 0.7503008842468262, 0.3838793933391571, 0.07949622720479965, -0.42202338576316833, 0.7160677313804626, 1.310703158378601, 0.5065260529518127, -0.4312197268009186, -0.4256681501865387, -1.3823195695877075, -0.6841303706169128, -0.4896562695503235, 0.2774941325187683, -0.1892537772655487, -0.48628807067871094, -1.017799735069275, 0.15931734442710876, 0.09739796817302704, 0.10682104527950287, -0.011814232915639877, 0.46845147013664246, 0.0702454149723053, -0.35931897163391113, -0.48983094096183777, 0.42505815625190735, -0.35679563879966736, -0.6201046109199524, 0.23321057856082916, 0.4047187566757202, 0.7226412296295166, -0.6341813802719116, 0.05700477957725525, 0.9128259420394897, -0.25599056482315063, -0.3169845938682556, 0.634513258934021, 0.19833305478096008, 0.28610971570014954, -0.31625130772590637, 0.7143805027008057, 0.2189868986606598, -0.8220120668411255, 1.1329119205474854, -0.9473589062690735, -0.744340181350708, -1.1366021633148193, -1.5535252094268799, -0.5450552701950073, 0.8047419786453247, 0.03481300175189972, -0.6461109519004822, -0.27781134843826294, -0.31697720289230347, -0.9447276592254639, 1.2230780124664307, 0.30296748876571655, -0.29045459628105164, 0.35116925835609436, 0.31094589829444885, -0.15109851956367493, 0.6148788928985596, 0.2704075574874878, -1.0972626209259033, 0.6456617712974548, -0.9846945405006409, 0.09747295081615448, 0.056850358843803406, 0.008208155632019043, 0.07177296280860901, -0.023266762495040894, -0.34043803811073303, -0.21146216988563538, 0.6437691450119019, 0.38855111598968506, -1.3547375202178955, 0.1724424660205841, -0.04179823398590088, -0.33792927861213684, -0.3748958706855774, 0.06274349987506866, -0.6947044730186462, 0.4354034960269928, 0.7195659875869751, 0.13216006755828857, 1.350862979888916, 0.014409266412258148, -0.029094912111759186, -0.6900421977043152, -0.47815972566604614, 0.9910898208618164, -1.265540361404419, 0.6596463918685913, -0.0006412714719772339, -1.4152741432189941, 0.5761966109275818, -0.23013874888420105, -0.870529294013977, -0.4326536953449249, 1.3179441690444946, 0.3462659418582916, 0.13964655995368958, 0.20270803570747375, 0.10910534858703613, -0.11394740641117096, 1.0067267417907715, 0.20716601610183716, -0.11854088306427002, 1.2585395574569702, 0.05522671341896057, 1.3181215524673462, 1.151664137840271, 0.19205811619758606, 1.281021237373352, 0.8690496683120728, -0.5158354640007019, 0.5029622912406921, 0.4821784198284149, 1.2008932828903198, -0.6004596948623657, 0.6318336725234985, 0.30993959307670593, 0.7664195895195007, -0.581275463104248, -0.46787014603614807, -0.1487429141998291, -0.0006392262876033783, 0.1587764471769333, -0.9240445494651794, -0.5394465923309326, -0.7262592315673828, -0.07397699356079102, 1.5082283020019531, -0.5130576491355896, -0.08966869860887527, 0.08482880890369415, -1.178497076034546, -0.3726845979690552, -0.07258009910583496, -0.4237954616546631, 0.4274895191192627, -1.254241704940796, -0.20261824131011963, -0.010830886662006378, -0.8724719882011414, 0.4559396505355835, -0.366832435131073, 1.0038203001022339, -0.7023165225982666, -0.4146658182144165, -0.5356680750846863, 0.4813348352909088, -0.2787705659866333, -1.017306923866272, -0.5755895376205444, -0.20999479293823242, 1.2625025510787964, -0.9856247305870056, 0.9325037598609924, 0.5794473886489868, 0.5990982055664062, -0.5645865797996521, -0.3432220220565796, -0.6079113483428955, 0.4843113422393799, 1.0414085388183594, -0.9959808588027954, -0.2264137715101242, -0.2262675166130066, -0.2520660161972046, -0.26784002780914307, 1.1466686725616455, 1.1544785499572754, -0.9020844101905823, 1.0510109663009644, -0.12501543760299683, 0.36233410239219666, 0.04426334798336029, -0.3843368887901306, -1.0436656475067139, 0.3765482008457184, -0.595463216304779, 0.9427439570426941, -0.35770881175994873, 0.7678179144859314, -1.8440245389938354, -1.0288429260253906, -0.040645498782396317, -0.2520579397678375, 1.0120166540145874, -0.15343458950519562, 1.265319585800171, -0.2579680383205414, 0.1805783212184906, 0.5616764426231384, -0.2616209387779236, 0.6949785947799683, 0.08628116548061371, 0.7027992010116577, -0.3801689147949219, 0.10008129477500916, -1.2385902404785156, 0.13457287847995758, 0.4818732440471649, 0.323501318693161, -1.433252215385437, -0.4905449151992798, 0.26149821281433105, -0.2712913751602173, -0.6063209176063538, -0.9354361295700073, 0.6191035509109497, -0.3339918255805969, -0.3480484187602997, -1.3870766162872314, -0.1600847840309143, 0.9835641980171204, -0.5623983144760132, 1.0523751974105835, 0.5483427047729492, 0.5897094011306763, 0.4435523748397827, 0.7223257422447205, 0.7119693756103516, -0.3061508536338806, -1.2884654998779297, 0.3055363893508911, 0.3701056241989136, -0.14123985171318054, 0.2996361553668976, 0.44678351283073425, -0.9577270150184631, -0.254795640707016, -1.3580235242843628, 0.8050633072853088, -0.08476565778255463, 0.4459378123283386, 0.2130405753850937, 1.2300710678100586, -0.3880613446235657, -1.0927848815917969, -0.02129938453435898, -0.4434560537338257, 0.3214414715766907, 1.0426476001739502, 0.7025682926177979, 0.7504311203956604, 0.8004719018936157, 0.22983449697494507, 0.6796327829360962, -0.29269659519195557, 0.33385372161865234, 0.26232418417930603, 0.16893425583839417, 1.0111792087554932, 0.2494940459728241, -0.0972139984369278, -0.15080860257148743, -0.11830893903970718, -0.792033314704895, -0.680705726146698, -0.2993850111961365, 0.6040697693824768, 1.1759123802185059, 0.21640296280384064, 0.312541663646698, -0.9396458864212036, -0.0053466856479644775, -1.5152837038040161, 0.979084849357605, 0.767707884311676, -0.7745921611785889, -1.0812461376190186, -1.0025357007980347, 0.558139443397522, 0.6647620797157288, -0.6084223985671997, 0.25231969356536865, -0.7217587828636169, 0.4391886293888092, 0.024233151227235794, -0.13701847195625305, -1.0718986988067627, 0.29500532150268555, -0.1721527874469757, 0.025886140763759613, 0.02729254961013794, -0.3628458082675934, -0.36237865686416626, 0.30821165442466736, -0.6852449178695679, 0.47010338306427, -0.14276127517223358, -0.7196946740150452, -0.03715580329298973, 0.3103727400302887, 0.1945265531539917, -0.24692556262016296, 0.33818721771240234, -0.7913229465484619, -1.5839033126831055, 0.9746339321136475, 1.0522419214248657, -0.42062485218048096, -0.5162591338157654, 0.3988102674484253, 0.3102078139781952, 0.6757796406745911, 1.10420823097229]} +{"paper_id": "lewtun/autoevaluate__emotion", "embedding": [-0.41413652896881104, 1.4389126300811768, 0.6601830720901489, -0.15386003255844116, 0.7978542447090149, -0.23068362474441528, 0.8772137761116028, 0.1524677872657776, 0.08870233595371246, 0.5076172351837158, -0.10808257758617401, -0.5910034775733948, -0.40710899233818054, -0.2868290841579437, -0.023339830338954926, -0.10337836295366287, -0.7550644278526306, -0.2596314549446106, -0.42965802550315857, 0.2293814718723297, -0.2517634630203247, -0.7479308247566223, 0.22915202379226685, 0.8080384731292725, -1.2324740886688232, -0.5052202939987183, -0.15532514452934265, -0.5952984094619751, 0.050767671316862106, 0.3905879557132721, 0.4262560307979584, 1.2677961587905884, -0.6464765071868896, -0.06826003640890121, -0.5612987279891968, -0.549514651298523, 0.5710127949714661, 0.5019157528877258, -0.3918883502483368, -0.3232710659503937, -0.5216288566589355, 0.7363185882568359, 0.3078788220882416, 0.21174316108226776, 0.17048241198062897, 0.6062578558921814, -0.4138844311237335, 0.36115923523902893, 0.37687116861343384, -0.5994513630867004, -0.1461968868970871, 0.5146042704582214, -0.5750317573547363, 0.07477874308824539, -0.7291184663772583, 1.1048269271850586, 0.24998027086257935, -0.8432946801185608, -0.8216491937637329, -0.7724424600601196, 0.6373396515846252, 1.557135820388794, -0.00017504021525382996, 0.06002005934715271, 1.4288246631622314, 0.29070794582366943, 0.8282310962677002, -0.2673601508140564, 0.492985337972641, 0.8306772112846375, -0.3941354751586914, -1.1749428510665894, 0.8295961022377014, -0.041451290249824524, 0.5400553941726685, 0.6897194385528564, 0.6158186793327332, -0.043199572712183, -0.5656228065490723, 1.1182982921600342, -0.3640708327293396, 0.39115655422210693, 0.08004295080900192, -0.8589244484901428, 0.15136320888996124, 0.3416990041732788, 0.5701484680175781, 0.9049071073532104, 0.38712769746780396, -1.14263117313385, -0.2571706771850586, 0.14931000769138336, 0.265947163105011, 0.5916452407836914, -0.6257873177528381, -0.08059186488389969, 0.001742485910654068, 0.29897966980934143, -0.7138999700546265, 0.5395365357398987, 0.13517415523529053, -0.4373151957988739, 0.66675865650177, -1.0122987031936646, -0.24754005670547485, 0.7734724879264832, 0.026540488004684448, -0.15828263759613037, 0.721638023853302, -0.1295822709798813, -0.047155048698186874, 1.1907747983932495, 0.01929829642176628, 0.2192661166191101, -0.31631341576576233, -0.47478795051574707, 0.6306505799293518, -0.0011766515672206879, -0.47947177290916443, 0.5253834128379822, -0.33006346225738525, -0.9481557607650757, 0.19546043872833252, -0.08318295329809189, 1.50658118724823, -0.09632435441017151, 1.0701401233673096, 0.06484664231538773, -0.06924218684434891, -1.1432576179504395, -0.7733230590820312, 0.006931513547897339, 0.12454108893871307, 0.45594197511672974, 2.922246217727661, -1.2138317823410034, 0.970649242401123, -1.2047736644744873, -0.15995171666145325, 0.26862025260925293, 0.02583758533000946, 0.9254470467567444, 0.23516732454299927, -0.13583481311798096, -0.4237671196460724, 0.3657105267047882, 0.02412533573806286, 0.3227909207344055, -0.5257278680801392, -1.206864595413208, 0.0627610981464386, 0.01742781698703766, -1.0499733686447144, -0.2214856743812561, 0.02783333882689476, 0.17981547117233276, 0.3122100234031677, 0.45588892698287964, -0.9214169979095459, 0.46186545491218567, 0.38431066274642944, 0.5368013381958008, -0.6079325675964355, 0.6921619772911072, -0.8045487403869629, -0.4884275496006012, 0.9860618114471436, 0.27236631512641907, -1.1265723705291748, -0.7364605069160461, 0.6384143829345703, 0.4325315058231354, 0.6654585599899292, -0.8153617978096008, -0.115728460252285, -0.10365837812423706, 1.156120777130127, 0.8872517943382263, -0.09669917076826096, -0.9670422673225403, -0.7624000310897827, -0.16239780187606812, 0.027126528322696686, 0.08266796171665192, 0.1021808385848999, 0.20869407057762146, -1.605109691619873, -0.5565131902694702, -0.5573623180389404, 0.08892976492643356, 0.3208807408809662, -1.0684555768966675, 0.3784743845462799, 0.007330898195505142, -0.09278000891208649, 0.7241547703742981, -0.00501059927046299, -1.0579127073287964, -0.43882670998573303, 0.782563328742981, -0.4429563581943512, 0.35609114170074463, -0.2323194444179535, 1.1501494646072388, 0.24014221131801605, -0.07045567035675049, -0.7428920865058899, -1.622959852218628, 0.21867534518241882, 1.9635367393493652, -0.2767688035964966, -0.08024884760379791, -1.385841965675354, 0.42210352420806885, 0.7692321538925171, 0.019144700840115547, 0.4892943799495697, -0.3430825173854828, 0.6440651416778564, -0.8898346424102783, 0.6011611819267273, -0.23104438185691833, 0.20176950097084045, 0.13154415786266327, 0.6011795997619629, -0.7122922539710999, -0.6895221471786499, -0.5932584404945374, -0.781537652015686, 0.5852777361869812, 0.3408453166484833, 0.2314978688955307, 0.20518970489501953, 0.4783097505569458, 0.6777369379997253, 0.4652543067932129, 0.5664016008377075, 0.3232722282409668, 0.11286044120788574, 0.019598929211497307, 0.3468346893787384, 0.4253396987915039, -0.08881618082523346, -0.06168197840452194, 0.03326203674077988, 0.4830818772315979, 0.19299626350402832, -0.7459180355072021, -0.13973502814769745, 0.1955181062221527, 1.2739112377166748, 1.0241318941116333, 0.21159346401691437, 0.8722994923591614, -0.8347837328910828, -0.11211051791906357, -0.7269400358200073, -0.7838329672813416, -0.11914533376693726, -0.6129927635192871, 0.4753713309764862, -0.4845590591430664, -0.759348452091217, 0.4860627055168152, -0.45862001180648804, -0.7405052781105042, -0.8551708459854126, -0.15044645965099335, -0.41167354583740234, -0.6503373384475708, 0.14623889327049255, 0.4516299366950989, -0.6141080856323242, -0.9459047317504883, 0.21272903680801392, 0.5361042022705078, -0.7216912508010864, 0.20266956090927124, 1.8495906591415405, -0.4332505762577057, 0.2188165783882141, -0.6850924491882324, 0.6459826231002808, -0.34360548853874207, 0.57805997133255, -1.384245753288269, -0.03740859031677246, -0.5729979276657104, 0.23628604412078857, -0.8897286057472229, 0.12735462188720703, 0.34009939432144165, -0.5724030137062073, 0.5524173974990845, 0.19208821654319763, -1.2073626518249512, 1.0292627811431885, -0.7014933228492737, -0.7132987976074219, -0.44405239820480347, 1.1865264177322388, 0.4610322415828705, -0.3943473994731903, 0.8380001783370972, -0.6539194583892822, 0.2342754453420639, 1.254978060722351, -0.5998469591140747, 1.5973724126815796, 0.17655929923057556, 0.11029697209596634, 0.09919469058513641, 0.03255721926689148, -2.112363815307617, -0.41474100947380066, 1.2815032005310059, -0.39006948471069336, -0.1408461481332779, -1.0158716440200806, -0.14703036844730377, -0.4995540678501129, 0.7398343682289124, 0.31876224279403687, -0.2744317948818207, 0.8597131371498108, -0.4338027536869049, 0.017325736582279205, 0.9300804734230042, -0.9367672204971313, -0.4328058958053589, 0.6001266241073608, 0.5252849459648132, -1.0935336351394653, -0.34034663438796997, 0.5500817894935608, -0.40459829568862915, 0.5484539270401001, 0.6413014531135559, 0.8221278190612793, 0.015990272164344788, -0.21775978803634644, -0.3668576180934906, 1.3759382963180542, -0.024910802021622658, 1.1860634088516235, 0.4845145642757416, 0.04241769388318062, 1.3395774364471436, -1.0329331159591675, 0.768186092376709, 0.596136212348938, -0.24704457819461823, -0.5099199414253235, -0.5836063027381897, -1.1092259883880615, -0.2708111107349396, 1.4376294612884521, 1.2211475372314453, 1.8808566331863403, -0.23769322037696838, -0.22566387057304382, -0.6473408937454224, -0.10078619420528412, 0.7026447653770447, 1.1591136455535889, 0.23923926055431366, 0.6362779140472412, 0.698304295539856, -0.05682424455881119, -0.2861371636390686, -0.043327778577804565, -0.4305209815502167, 1.117283582687378, -0.4353024363517761, 0.04108022525906563, 0.05977161228656769, 0.5735674500465393, 0.43088996410369873, 1.7018705606460571, -0.3624873161315918, -0.23541443049907684, -1.1089937686920166, -0.14932967722415924, 1.3633317947387695, -0.9496877193450928, -0.8574045896530151, 0.3538740575313568, 0.4152746796607971, 0.8468603491783142, 0.00934448093175888, 0.7934566140174866, 0.11046458780765533, 0.6187375783920288, -1.4893946647644043, -0.8065240383148193, -0.8150061964988708, -0.33443954586982727, -0.3026743233203888, 0.16690295934677124, -0.20067237317562103, 0.45918241143226624, -0.4384729266166687, -1.3185136318206787, 0.8614782094955444, -0.2659733295440674, -0.3139200210571289, 0.7129677534103394, 0.25684964656829834, -0.23387189209461212, -1.046796202659607, 0.11873635649681091, -0.8793281316757202, -1.2665436267852783, -0.004385530948638916, -0.5390018820762634, 0.7052622437477112, 0.038780562579631805, 0.4109078049659729, -0.3094407320022583, 0.3090747594833374, -0.8033398985862732, 0.905451238155365, 0.306304395198822, -1.0819379091262817, 0.7993288040161133, 0.836527407169342, -0.5095992088317871, 0.37020784616470337, -0.7083424925804138, -0.466998815536499, 0.6835516691207886, -0.1336197406053543, -0.6011357307434082, -0.5361760258674622, 0.21285109221935272, 0.03410152345895767, 0.01421184092760086, 0.12922117114067078, -0.8576692342758179, 0.6715356707572937, -0.30228158831596375, 0.009284818544983864, 0.6585006713867188, -0.2623646855354309, -0.4654175043106079, 1.3177719116210938, -0.14471185207366943, 0.8356081247329712, -0.05050240084528923, 0.7271610498428345, 1.6443833112716675, 0.5647499561309814, 0.3551052212715149, 0.13391679525375366, -11.805506706237793, 1.1261788606643677, -0.32317429780960083, 0.37107640504837036, 1.23651123046875, 0.004504740238189697, 0.1865500807762146, -0.3198073208332062, 0.894483208656311, -1.0301034450531006, 0.1573791801929474, 1.2348172664642334, 0.1200706735253334, -0.23845310509204865, -0.5813382267951965, -1.2719359397888184, -0.872324526309967, -0.8034713268280029, -0.4049912691116333, 0.8301491141319275, 0.34697359800338745, -1.2066212892532349, -0.35270172357559204, -0.6695631742477417, 0.4018365144729614, -0.5376687049865723, -0.2716491222381592, -0.32806017994880676, -0.6049016714096069, 0.5354478359222412, 1.1534347534179688, -0.4796561896800995, 0.034760430455207825, 0.007398465648293495, 0.46054524183273315, 0.3985898196697235, -0.8206692934036255, -0.2666056156158447, 0.5219484567642212, 0.5003103613853455, -0.15693475306034088, 0.6115466356277466, 0.5350221395492554, -0.2479044795036316, -0.23212894797325134, 0.5700262188911438, 0.0922505110502243, 0.06727297604084015, 0.12608325481414795, -0.22539186477661133, -0.23806652426719666, -0.6347159147262573, -1.2364418506622314, -0.8296368718147278, 0.9776744842529297, 0.5666818022727966, 0.1809471845626831, 0.056277792900800705, -0.7039237022399902, -1.4380282163619995, 0.6188377141952515, 0.2683400511741638, -0.6443477272987366, 1.2506189346313477, 0.9405272603034973, -1.3728052377700806, 0.4777517318725586, 0.01236493606120348, 0.055447518825531006, 0.6801062226295471, -1.0123958587646484, 1.1233549118041992, -0.45612314343452454, 0.0724153220653534, 0.08954094350337982, 0.12730437517166138, -0.00927812047302723, 0.34870749711990356, 0.8179062604904175, -0.6680328249931335, -0.5017880201339722, 0.4221654534339905, 0.01501607894897461, -1.0938142538070679, -0.2401886284351349, 0.7435591816902161, 0.16878560185432434, -0.13317552208900452, 0.18226948380470276, -0.012004740536212921, 0.44484010338783264, -0.29300031065940857, -0.4354636073112488, -0.16205060482025146, 0.11779215186834335, 0.7048882842063904, -0.4530560076236725, 1.173494815826416, 0.06546401977539062, -0.29937681555747986, -0.11439608782529831, -0.8130025863647461, -0.5225456953048706, -0.5205497741699219, 0.45843008160591125, -0.36864718794822693, 0.3084513545036316, -0.1485898494720459, 0.0962710976600647, -0.27418383955955505, -0.24211090803146362, 0.2512754201889038, 0.05374425649642944, 0.98828125, -0.17511269450187683, -0.0563822016119957, 0.5850143432617188, -0.14677108824253082, 0.3945491909980774, 0.5263601541519165, 0.012156412936747074, 0.1294792890548706, -0.6160556077957153, 0.7382540106773376, 0.4284207224845886, 0.4661026895046234, 0.7015620470046997, 0.09464183449745178, 0.0705912783741951, -2.2248449325561523, 0.43617966771125793, -0.1642182618379593, -0.17527799308300018, -0.5615516304969788, 0.2130195051431656, 0.2429976463317871, -0.5432572960853577, 1.4493929147720337, 0.12283046543598175, 0.06775300949811935, -0.046983323991298676, -0.3429490327835083, -0.6378452181816101, -0.7205216884613037, -1.0025259256362915, -0.07043520361185074, -1.9722025394439697, -0.3152189552783966, 0.03770796209573746, -0.9361206889152527, 0.22318413853645325, -0.017937079071998596, 0.7899354100227356, -0.594310462474823, -0.08889602869749069, 0.038307033479213715, 0.3148539364337921, 0.1763811707496643, -1.2660481929779053, 0.5488077402114868, 0.9208928942680359, 0.5831878781318665, -1.6725693941116333, 0.7082841396331787, -0.2777109146118164, 0.09741123020648956, -1.0056458711624146, -0.07998114079236984, -0.28051069378852844, -0.0528140552341938, 1.6460984945297241, -0.7303581833839417, -0.4128933846950531, -0.3810299038887024, 0.550052285194397, -1.4421570301055908, 0.2380819022655487, 0.6026395559310913, -0.821625292301178, -0.18579308688640594, -1.208446741104126, -0.03401239216327667, 0.45680028200149536, -0.785374104976654, -0.6245917677879333, -0.7172432541847229, -0.4275864362716675, 0.7260849475860596, -0.712536633014679, -0.03776960074901581, -0.7040036916732788, -1.2206370830535889, -0.8801377415657043, 0.2118341475725174, 0.5694887638092041, 0.12266799807548523, 0.6038272976875305, 1.0076907873153687, -0.513211727142334, -0.10248090326786041, 0.39792925119400024, 0.5019958019256592, -0.1894245445728302, 0.2487003356218338, -0.2062176913022995, -0.02987690642476082, -1.1145381927490234, -0.8188244104385376, 0.27370312809944153, 0.17120175063610077, -1.4605292081832886, -0.46252185106277466, -0.3481135666370392, -0.7586373090744019, 1.2103668451309204, -0.5407195091247559, 0.4766380190849304, -0.023462504148483276, -0.0833015888929367, -0.5081278681755066, -0.2694356143474579, 0.8927110433578491, -0.3755086064338684, 1.2278556823730469, 0.7613818645477295, 0.44207674264907837, -0.12203023582696915, 0.13764560222625732, 2.23738694190979, -0.38185828924179077, -0.8569881319999695, -0.2051914632320404, 0.008424073457717896, 0.2477422058582306, -0.8973103761672974, -0.24388405680656433, -0.22348462045192719, 0.22905945777893066, -1.5158517360687256, 0.2073238044977188, -0.33941060304641724, -0.005688764154911041, 1.0132973194122314, 1.364338994026184, 0.25957316160202026, -0.7679542899131775, -1.3933031558990479, -0.26669129729270935, 0.06679709255695343, -0.1124563217163086, 0.2514103055000305, 1.2931920289993286, 0.9472489356994629, -0.29356133937835693, 0.6639853715896606, 0.2402132749557495, -0.10120680928230286, 0.6902124881744385, 0.6128351092338562, 1.445610523223877, 0.49962300062179565, 0.20758245885372162, 0.16416621208190918, -0.45197054743766785, -0.6527062058448792, 0.1490343064069748, -0.9498510956764221, 0.6607488393783569, 0.03573232144117355, 0.046117376536130905, -0.0390721932053566, 0.10189025104045868, -0.36554136872291565, 0.07112213969230652, -0.1813768446445465, 0.640972912311554, 0.016658253967761993, -0.380191445350647, -0.6042149662971497, -0.43803679943084717, 0.8453651070594788, 0.19138357043266296, -1.1948546171188354, -0.9995885491371155, -0.1465768665075302, -0.19032180309295654, -0.48416513204574585, -0.07667161524295807, -0.1555297076702118, -0.044174037873744965, 0.6601126790046692, -0.09325751662254333, -0.7633479833602905, -1.035650372505188, -0.18837220966815948, -0.7700608372688293, 0.9111625552177429, -0.09363199770450592, -0.7738662362098694, -0.5862890481948853, 0.4793075919151306, 0.6516330242156982, -1.4731194972991943, 0.7442428469657898, 0.5851250290870667, -1.5478335618972778, 1.4411317110061646, 0.9535646438598633, 0.14524278044700623, -0.6623687148094177, 0.26710158586502075, 0.6139310598373413, 0.8382060527801514, 1.3317301273345947]} +{"paper_id": "mwong/fever-evidence-related", "embedding": [-0.339454710483551, 1.1062694787979126, -0.3732886016368866, -0.06162191927433014, 0.21395301818847656, -0.34101641178131104, 0.5021705031394958, 0.6075114011764526, 0.5604891180992126, 1.1366870403289795, 0.7161202430725098, 0.5486289858818054, -0.20202955603599548, 0.15631622076034546, -0.26982399821281433, -0.17116186022758484, -0.3275361955165863, -0.08608240634202957, -0.3911583423614502, -0.4677446484565735, -0.45857274532318115, -0.8441396355628967, 0.15507128834724426, -0.09490473568439484, -1.4286097288131714, -0.3942911922931671, 0.4055067300796509, -0.8535544872283936, -0.2656313478946686, 0.2219121754169464, -0.41960829496383667, 1.5096232891082764, -2.077129602432251, 0.7172985672950745, -0.06163153424859047, -0.21994514763355255, -0.21828433871269226, 1.0871005058288574, -0.10407067090272903, 0.06473542004823685, -0.7810193300247192, 0.104436956346035, 0.7732142210006714, 0.16040746867656708, 0.5446726679801941, -0.5311601161956787, 0.4943925738334656, -0.036491815000772476, -0.16575667262077332, -0.011324495077133179, -0.10033255815505981, 0.317727267742157, -0.028022678568959236, 0.6807454824447632, 0.11140253394842148, 0.7552350759506226, 0.14311641454696655, -0.5670117139816284, 0.9283048510551453, -0.4222860634326935, 1.4948782920837402, 1.6431106328964233, -0.9269600510597229, 0.11393533647060394, 0.5067591071128845, -0.17330008745193481, 1.3328349590301514, 0.35419774055480957, 0.37365657091140747, 0.7159022688865662, -0.3227693438529968, -1.696245551109314, 0.22602364420890808, -0.29460209608078003, 0.12517721951007843, 0.4944758415222168, 0.6297953128814697, 0.10247854888439178, 0.30936887860298157, 0.009748991578817368, 0.3041136860847473, 0.7218695282936096, 0.7787919044494629, -0.6148114204406738, -0.20794406533241272, 0.24260422587394714, 0.10959279537200928, -0.710221529006958, 0.5768619775772095, -0.7794997692108154, 1.1524385213851929, 0.22752070426940918, -0.014419847168028355, 0.12317341566085815, 0.08831370621919632, 0.8922197222709656, -0.6614965796470642, -0.16765615344047546, -0.33363616466522217, -0.006724313832819462, 0.65046626329422, -0.3721854090690613, 0.098427414894104, -0.31453949213027954, 0.38207417726516724, 0.8945127725601196, -0.6506658792495728, -0.08433415740728378, -0.7995118498802185, -0.15942169725894928, -0.313515305519104, 0.9366850852966309, -0.21225515007972717, 0.6565960049629211, -0.13677093386650085, -0.050892122089862823, 0.18258407711982727, -0.7801682949066162, -0.3534269332885742, 0.13324615359306335, -0.1466623693704605, -0.9330913424491882, -0.45235759019851685, 0.6458532810211182, 1.0039352178573608, -0.41859525442123413, -0.10474864393472672, -0.01617918536067009, -0.41378772258758545, -0.117994025349617, 0.5241270661354065, 0.033535152673721313, -0.8181071877479553, 0.20401892066001892, 2.930300235748291, -1.1897019147872925, 1.0429902076721191, 0.10912361741065979, -0.13220492005348206, 0.4094344973564148, -0.2808961868286133, 1.0961731672286987, 1.0579081773757935, -0.8141496777534485, -0.4896327555179596, 0.7192512154579163, -0.18740706145763397, 0.5018245577812195, -1.2860634326934814, -0.0121283158659935, -0.3761155605316162, 0.5095298290252686, -1.7970830202102661, 0.18117424845695496, 0.3182315528392792, -0.026649022474884987, -0.463115930557251, 0.07669785618782043, -0.672156810760498, 0.606631875038147, 0.31535136699676514, 0.40987855195999146, -0.9099518060684204, 0.30331286787986755, -0.5154643654823303, 0.1157144159078598, 1.643297553062439, -0.6877803802490234, -1.4328444004058838, 0.5604740381240845, 0.8895291686058044, -1.0353556871414185, -0.5008986592292786, -0.9312760829925537, 0.0332874059677124, -0.04440062865614891, 0.4221275746822357, 0.403710275888443, 0.3095752000808716, -0.4703005254268646, -0.5364252328872681, 0.07865684479475021, -0.2508082091808319, 0.7569194436073303, -0.8371017575263977, -0.1200169026851654, -2.2792885303497314, 0.12409062683582306, 0.29369211196899414, 0.5349433422088623, 0.4893985986709595, 0.5166340470314026, 0.3574979305267334, 1.071280598640442, -0.12965375185012817, -0.7341247797012329, 0.15791428089141846, -1.3956712484359741, 0.3217593729496002, -0.5186961889266968, -0.18444015085697174, -0.5114496946334839, -0.7151491641998291, 0.05547695606946945, 0.9763810038566589, -0.8318682909011841, -0.7922321557998657, -2.3866186141967773, 0.4772000312805176, 2.0895934104919434, -0.4885236620903015, -0.3506217896938324, -1.640402913093567, -0.14944642782211304, 0.3698672950267792, -0.4034293591976166, 0.4288002848625183, -1.0665773153305054, 0.009922005236148834, -0.8104347586631775, 0.6776599884033203, -0.15757101774215698, 0.44652971625328064, 0.3517054617404938, 0.8009305596351624, -0.8808417916297913, 0.17052346467971802, -0.6642863154411316, -0.9936389923095703, 0.6299412250518799, 0.9149532318115234, -0.16616809368133545, 0.055588219314813614, 1.1258487701416016, 0.531111478805542, 1.3086047172546387, -0.0485914908349514, 0.08376680314540863, -1.4722001552581787, 0.07194878906011581, 0.0856970027089119, 0.9055026173591614, 0.6006866097450256, -0.35849323868751526, 0.9304284453392029, 0.5558080673217773, -0.40682390332221985, -0.2921852171421051, -0.5623642802238464, -0.23727884888648987, 0.9989623427391052, 0.39871349930763245, -1.2840741872787476, 0.817283034324646, -0.9283729195594788, 0.3004627823829651, -0.3222793936729431, -0.775157630443573, -0.33588677644729614, 0.36998510360717773, 0.7499687671661377, 0.4083908200263977, 0.10179775953292847, -0.21559211611747742, -0.25776004791259766, -1.3179954290390015, 0.14294375479221344, -0.5055394768714905, -0.5389018058776855, -1.2237857580184937, 0.09626471996307373, -0.3834404945373535, -1.1465866565704346, -0.8556215763092041, 0.16557331383228302, 0.21144460141658783, 0.12520168721675873, 0.40596792101860046, 0.7636593580245972, 0.325467586517334, -0.24903976917266846, -0.010098248720169067, 1.0489041805267334, 0.24126017093658447, 0.9087643027305603, -0.3027227818965912, -0.16485987603664398, -0.6368498802185059, 0.26792827248573303, -0.4086341857910156, 0.38301217555999756, 0.24347832798957825, -0.7817596793174744, 0.34450817108154297, 0.16329512000083923, -0.5876290202140808, 1.0228437185287476, 0.39016374945640564, -0.6727662086486816, -1.109484076499939, 1.1761647462844849, 0.1409423053264618, -0.5009067058563232, 0.7522528171539307, -0.19142477214336395, -1.0124431848526, 1.5434821844100952, -0.25604793429374695, 0.22738660871982574, 0.001956827938556671, 0.08795950561761856, 0.35809096693992615, 0.016748663038015366, -1.7923696041107178, 0.5593168139457703, 1.252069354057312, -0.2428690791130066, -0.3636506199836731, -0.6450741291046143, 0.4153270125389099, -0.321684867143631, -0.18815399706363678, 0.3794994056224823, -0.20133890211582184, 0.12642300128936768, -0.4121159613132477, 0.5521129369735718, 1.0285570621490479, -1.2480336427688599, 0.5708910822868347, 0.056014250963926315, 0.38428494334220886, -0.9758327007293701, -0.2174605131149292, 1.3935867547988892, -0.19862809777259827, 0.9088908433914185, -0.32294440269470215, 0.8822706341743469, 0.717143177986145, -0.6548321843147278, -0.24027720093727112, 0.9203024506568909, 0.305318146944046, 0.3826138973236084, 0.4322456419467926, -0.6117565631866455, 0.8030539751052856, -0.409359335899353, 1.1257497072219849, 0.12321284413337708, -0.5784628987312317, -1.3479413986206055, -0.7100593447685242, -0.28114837408065796, -0.6063845157623291, 1.7961260080337524, 1.0861549377441406, 1.736804485321045, 0.24568848311901093, 0.5107772350311279, -0.8652825951576233, -0.16443614661693573, 0.30627959966659546, 0.17290851473808289, 0.4889264702796936, -1.0308516025543213, 0.5564343333244324, 1.2881534099578857, 0.12331722676753998, -0.09307163208723068, -0.2129451334476471, 0.2815523147583008, 0.4974011182785034, -0.4337768852710724, 0.7343030571937561, -0.4337858259677887, 0.28077608346939087, 0.9676195979118347, -0.2393604964017868, -0.6443170309066772, -0.33627963066101074, 0.11183082312345505, 0.4254457652568817, 0.5420702695846558, -0.7223409414291382, 0.30505678057670593, -0.04507669061422348, 0.45635974407196045, -0.19347035884857178, 0.5784822702407837, 2.012854814529419, 0.1355285793542862, -1.9880841970443726, -0.29511556029319763, -0.9696523547172546, 0.5132012367248535, -0.004638597369194031, -0.15565575659275055, 0.03569673374295235, 0.3970913589000702, -0.2156371772289276, -0.9081133008003235, 1.17319655418396, -0.37017887830734253, -1.2462232112884521, 1.0436850786209106, 1.0794700384140015, -1.6211434602737427, -0.8716842532157898, 0.4038708209991455, -0.12624846398830414, -0.8766535520553589, -0.12524349987506866, -0.657390296459198, 1.2815570831298828, 0.6882150769233704, 0.7149019241333008, 0.042640749365091324, 0.26365846395492554, -0.8576436042785645, 1.1087857484817505, 0.9014942646026611, -0.6036925315856934, 0.8037893772125244, 0.32251212000846863, 0.1435285359621048, 0.5078387260437012, -1.1957342624664307, -0.35829442739486694, 1.064668893814087, -0.22512322664260864, 0.09167354553937912, -0.5989442467689514, -1.2297829389572144, 1.050154685974121, 0.46769651770591736, 0.3225097954273224, -0.9618194103240967, 0.299532413482666, -1.0393247604370117, 0.3796917200088501, 0.7941850423812866, -0.8852737545967102, -0.696313738822937, 0.7908151745796204, -0.28582441806793213, 0.8095952272415161, 0.2698446810245514, -0.16568003594875336, 1.330958604812622, 0.1804945468902588, 0.07323195040225983, -0.4358798563480377, -11.20072078704834, 1.0458283424377441, -0.10259386897087097, 0.7541673183441162, 0.25884804129600525, -0.19934457540512085, 0.5661704540252686, -0.034418120980262756, 0.8007822036743164, -0.7179903388023376, 0.403590589761734, 2.1450042724609375, -0.2512037456035614, -0.2253073751926422, -0.8785951137542725, -1.5972769260406494, -0.6827958822250366, -0.2497149556875229, -0.16946181654930115, -0.08205945044755936, 0.5013318657875061, -1.920922040939331, 0.3510127067565918, 0.18071620166301727, 0.9741901159286499, -0.28422385454177856, 0.1276302933692932, -0.3387502133846283, -0.13197357952594757, 0.2277805507183075, 0.685763418674469, -0.06386657804250717, -0.09848412126302719, 0.021464848890900612, -0.07200563699007034, -0.21174228191375732, -0.7950974702835083, -0.42899322509765625, 0.9275915026664734, -0.5138725638389587, 0.17312809824943542, 0.5392435789108276, -0.04603612795472145, -0.4872712194919586, -0.45892632007598877, 0.3215898871421814, 0.005231611430644989, -0.7188282012939453, -0.11492696404457092, -0.024196356534957886, 0.08179804682731628, -0.829547643661499, -0.5710270404815674, -0.737955629825592, 0.6086841821670532, -0.27685311436653137, -0.770097553730011, -0.760615885257721, -1.0820319652557373, -1.5599236488342285, 0.7840816378593445, 0.16633985936641693, 0.08134893327951431, 0.11372692883014679, 0.5447677373886108, -0.20122994482517242, 0.5364869832992554, -0.01740027219057083, -0.2792482078075409, 0.005834717303514481, -0.5426686406135559, 0.868283748626709, 0.5938324928283691, -0.20114263892173767, -0.8918600678443909, -0.178054541349411, -0.6880813241004944, 0.04785102605819702, 0.11542415618896484, 0.021048057824373245, -1.2378822565078735, 0.7146019339561462, 0.36543139815330505, -0.24631637334823608, -0.9297056198120117, -0.5073490738868713, -0.16356059908866882, -0.5454733967781067, 0.2126459777355194, 0.028578072786331177, 1.1505722999572754, 0.6446194648742676, -0.6449868083000183, -0.5269666314125061, -0.8014357089996338, 0.5462680459022522, -0.7328880429267883, 1.0186471939086914, -0.060489922761917114, -0.8511057496070862, 0.3380308449268341, -0.17614218592643738, -1.1609845161437988, -0.14098171889781952, 0.4398661255836487, 0.40230146050453186, 0.10534945130348206, -0.7096798419952393, 0.2400657832622528, -0.43380460143089294, 0.7852187156677246, -0.007748641073703766, -0.21647904813289642, 1.630433440208435, -0.7111088037490845, 0.4437835216522217, 0.7088963985443115, -0.35446828603744507, 0.0836472287774086, 1.6839321851730347, -0.3328301012516022, 0.6929678320884705, -0.22281645238399506, 1.3205066919326782, -0.22013001143932343, 0.1335402876138687, 0.42755013704299927, 0.26404044032096863, -0.05203697830438614, -2.1002423763275146, 0.06041319668292999, -0.13917064666748047, 0.5320903062820435, -1.389748454093933, -0.2824254333972931, -0.7385975122451782, -0.40892770886421204, 0.9051563739776611, -0.7615799903869629, 0.1545783281326294, -0.6715771555900574, -0.12173549085855484, 0.11461310088634491, -1.0147314071655273, -0.7418400645256042, 0.6983084082603455, -1.2412681579589844, 0.3187328279018402, -1.1137608289718628, -0.3671993911266327, -0.20479485392570496, -0.9001963138580322, 0.853837788105011, -0.39134109020233154, 0.14572669565677643, -0.15241855382919312, 0.42310217022895813, -0.721362829208374, -0.8438056707382202, -0.42305389046669006, -0.4612387418746948, 1.8209184408187866, -0.80837482213974, 0.724663257598877, 0.7036248445510864, -0.20338550209999084, -0.5558894872665405, -0.47554415464401245, 0.083445243537426, -0.2259819507598877, 1.0798933506011963, -1.0224651098251343, -0.2043628692626953, -0.34302228689193726, 0.4269970953464508, -0.5481700897216797, 1.3154491186141968, 0.8941434621810913, -0.874027669429779, -0.4167986512184143, 0.6119740009307861, 0.44669774174690247, 0.49623438715934753, -0.2545590400695801, -0.08204708248376846, 0.027933090925216675, -0.2745068669319153, 0.7688219547271729, 0.09681402891874313, 1.2525380849838257, -1.4553382396697998, -0.7106899619102478, -0.8993706703186035, 0.399473637342453, 1.120467185974121, 0.2274523377418518, 1.0461722612380981, 0.6141251921653748, 0.589824914932251, -0.10843091458082199, 0.5219709873199463, 1.5819165706634521, 0.17013214528560638, 0.7054809927940369, -0.8053789734840393, 0.34165000915527344, -0.8679976463317871, 0.30541154742240906, 0.062198106199502945, 0.9900743961334229, -0.7038682103157043, 0.15912964940071106, 0.15397943556308746, -0.7498605251312256, -0.059988267719745636, -1.0762430429458618, 0.6145147085189819, -1.0449557304382324, -0.2456241101026535, -0.9712511301040649, 0.8784778714179993, 0.8670730590820312, -0.08264174312353134, 0.8986579775810242, 0.5933991074562073, 0.37228497862815857, 1.1073273420333862, 0.3882530927658081, 1.255271077156067, 0.2963443398475647, -0.15443260967731476, 0.6486304402351379, 0.0875944197177887, 0.14885321259498596, 0.0325956791639328, -0.33162710070610046, -0.2961890697479248, 0.20471230149269104, -0.1978771686553955, 0.6329354643821716, -0.60817551612854, 0.21342413127422333, 0.8257144093513489, 0.5469939708709717, -0.6750005483627319, -1.177677035331726, -0.5954492092132568, -1.3181496858596802, -0.4792710840702057, 0.5032185912132263, 1.4078139066696167, 0.15800084173679352, 0.9205788373947144, 0.011968046426773071, 0.9325479865074158, -0.5787432193756104, 0.31029456853866577, 0.04420042783021927, -0.40801119804382324, 1.0397800207138062, 1.1646347045898438, 0.191132590174675, 0.06791745126247406, 0.37228527665138245, -1.1966265439987183, -0.34968212246894836, -1.0998843908309937, 0.6882832646369934, 0.8651831746101379, -0.4366052448749542, 0.5909843444824219, -0.7410041093826294, 0.7363097667694092, -0.7996325492858887, 0.5218034982681274, -0.3874496817588806, -0.6296243071556091, -0.4606858789920807, -1.0449867248535156, 0.207962766289711, 0.37494492530822754, -0.4348224103450775, -0.5498718023300171, -0.4774388074874878, 1.458794116973877, 0.029659580439329147, -0.04870758205652237, -0.5327344536781311, 0.14489780366420746, -0.3839205801486969, -0.5304360389709473, 0.17557868361473083, -0.7041965126991272, -1.071269154548645, -0.2524155080318451, -0.4142720699310303, 0.18703314661979675, -0.3921082615852356, -0.9578135013580322, -0.10774767398834229, 0.2802792191505432, 0.42501819133758545, 0.6388104557991028, -0.35962384939193726, -0.6499563455581665, -0.9831565022468567, 0.26154568791389465, 0.5353829264640808, 0.18541257083415985, -0.27655264735221863, 0.05424366518855095, 0.7254751920700073, -0.15214061737060547, 0.9234845042228699]} +{"paper_id": "mwong/climate-evidence-related", "embedding": [-0.9585586786270142, 0.7277538776397705, -0.6813072562217712, 0.044529542326927185, -0.04765128344297409, 0.6331951022148132, 1.0784052610397339, 0.2089882344007492, 0.70843905210495, 1.6677002906799316, 0.3583863377571106, 0.5000061392784119, -0.5852351188659668, -0.6481098532676697, -0.00551200658082962, -0.6103195548057556, -0.7665512561798096, -0.2224724143743515, 0.005568741820752621, -0.024097532033920288, -1.0678365230560303, -0.7529769539833069, -0.4937930107116699, -0.22139135003089905, -1.096382975578308, 0.567594051361084, 0.5968677401542664, -0.3675655722618103, 0.7864421606063843, 0.36180025339126587, -0.535490870475769, 1.446367621421814, -2.305656909942627, 0.5743436813354492, -0.8740820288658142, -0.19303134083747864, -0.46018943190574646, 0.6187639832496643, -0.4440441131591797, -0.43717390298843384, -0.9594151973724365, 0.2582932114601135, 1.359521508216858, -0.26892659068107605, 0.4530723989009857, -0.3486904501914978, 0.474549800157547, -0.060834068804979324, 0.755120038986206, -0.2299596071243286, -0.10715050995349884, 0.7376381754875183, 0.12314506620168686, 0.16727904975414276, 0.6256853342056274, 1.3390271663665771, 0.26841112971305847, -0.01688266545534134, 1.3086543083190918, -0.17364436388015747, 0.6909013390541077, 1.4609599113464355, -0.6736594438552856, -0.4404633641242981, -0.03100409358739853, 0.742214024066925, 0.7755572199821472, 0.8073069453239441, 0.2439568042755127, 0.8639700412750244, 0.0018097013235092163, -1.1695173978805542, 0.48561152815818787, -0.21632888913154602, -0.02024790644645691, 0.610214114189148, -0.0551038533449173, -0.33791741728782654, 0.7654998302459717, -0.4079142212867737, 0.7308242321014404, 0.3411729335784912, 0.10520020127296448, -0.7624342441558838, -0.4667527377605438, 0.3732679486274719, 0.2527107298374176, -0.9219709634780884, -0.16546300053596497, -1.5823793411254883, 0.41144901514053345, 0.07666674256324768, -0.039222102612257004, -0.10563001036643982, 0.17417806386947632, 0.6518177390098572, -0.3225191831588745, -0.017564423382282257, -0.19345644116401672, 0.7894740104675293, 0.5796579122543335, -0.7809658050537109, 0.327579528093338, 0.02627185732126236, 0.6731674075126648, 0.9174225330352783, -0.858868420124054, 0.03033621609210968, -0.6565415859222412, -0.5322474241256714, -0.34592151641845703, 0.7424822449684143, 0.7770020961761475, 0.8418201804161072, -0.20296740531921387, 0.1360386610031128, 0.015970788896083832, -0.7463408708572388, -0.9582626819610596, 0.14189016819000244, -0.6298865079879761, -0.6482101678848267, -0.6768438220024109, 0.42630535364151, 1.2065391540527344, 0.17998196184635162, -0.24838301539421082, 0.20103466510772705, -0.41061416268348694, -0.016639862209558487, -0.3134590685367584, -0.09457962214946747, -0.37033241987228394, 0.7268437147140503, 3.188066005706787, -1.323205828666687, 1.4731804132461548, -0.18493379652500153, 0.1907847374677658, 0.14984165132045746, -0.5756234526634216, 0.9876472353935242, 0.4294821619987488, -0.9955644607543945, -1.0465000867843628, 0.4853554666042328, -1.0191929340362549, 0.22406233847141266, -0.8145149350166321, -0.30603256821632385, 0.023637235164642334, 0.7053224444389343, -1.080836296081543, 0.09644737094640732, 0.6232176423072815, 0.6834635138511658, -0.4847869575023651, -0.2342393398284912, -0.6506648659706116, 0.7346053719520569, -0.06319331377744675, 0.5082184672355652, -0.9472392797470093, 0.6116313338279724, -0.6832413077354431, 0.34549248218536377, 1.5151180028915405, -0.5489001274108887, -0.9976478815078735, 0.47563618421554565, 0.9955408573150635, -0.5240573287010193, -0.23615047335624695, -0.5955475568771362, -0.3010147213935852, 0.003514900803565979, -0.12770964205265045, -0.157904252409935, 0.837984561920166, -0.8098719716072083, -0.6580041646957397, 0.17724207043647766, -0.26283299922943115, 0.5248332619667053, -0.8405017256736755, -0.9557694792747498, -1.4842437505722046, 0.6826487183570862, -0.5429219007492065, 0.7997539043426514, 0.530149519443512, 0.16455581784248352, 0.3271542191505432, 0.6032053232192993, -0.09479238092899323, -0.45638707280158997, 0.29125797748565674, -1.6380681991577148, 0.16728851199150085, 0.3554585576057434, -1.0233933925628662, -0.5657811760902405, -0.3162381947040558, 0.07537265866994858, 1.288111686706543, -0.5396521091461182, -0.5344868302345276, -2.421712875366211, 0.48754554986953735, 1.4061866998672485, 0.010729029774665833, -1.0328407287597656, -0.4346472918987274, 0.06675116717815399, 0.6213492751121521, -0.3724591135978699, 0.2755298614501953, -0.3929940462112427, 0.38386663794517517, -1.1174898147583008, 0.28121891617774963, -0.27239373326301575, 0.5468297004699707, -0.6141340732574463, 0.5383804440498352, -0.4858722984790802, -0.3049081861972809, -0.22318311035633087, -1.2185206413269043, 0.8884637355804443, 0.603488028049469, -0.11697450280189514, 0.20209378004074097, 0.22033479809761047, 0.3277486562728882, 1.294818639755249, -0.19076041877269745, 0.30072855949401855, -1.1792569160461426, 0.04158615320920944, 0.2335553765296936, 0.5291268229484558, -0.05264478921890259, -0.8081268668174744, 0.2328520268201828, 0.2805282771587372, 0.11046747863292694, -0.30249667167663574, -0.8722571730613708, -0.44405877590179443, 0.6249854564666748, 1.1973941326141357, -0.7129334807395935, 0.521353006362915, 0.05181056633591652, 0.2633552551269531, 0.09266938269138336, -0.5717471837997437, 0.08531144261360168, 0.20006783306598663, 0.3539942502975464, 0.6547591686248779, 0.15368036925792694, 0.0478111207485199, -0.5216987133026123, -0.7777900695800781, 0.6014139652252197, -0.038439422845840454, -0.6437692642211914, -0.5604331493377686, 0.3928293287754059, -1.2537239789962769, -1.2027158737182617, -0.10657384991645813, -0.15172463655471802, 0.6209912896156311, -0.3016466498374939, -0.30512088537216187, 0.5496895909309387, 0.6500163674354553, -0.03391385078430176, -0.3758143186569214, 0.831783652305603, -0.4383493661880493, 0.09886081516742706, -0.10687689483165741, 0.014599478803575039, -0.7701205611228943, 0.07011048495769501, -0.2665635347366333, 0.4096274971961975, -0.7774640321731567, -1.3314040899276733, 0.5753939151763916, 0.02186460793018341, -0.4764693081378937, 0.9661200046539307, -1.7352402210235596e-05, -0.026841633021831512, -0.5543597340583801, 0.9493669271469116, 0.5063968300819397, -0.24076250195503235, 0.6768249869346619, 0.31021010875701904, -0.09060610830783844, 1.4934215545654297, -0.39203059673309326, 0.043904244899749756, 0.21649108827114105, 0.1580302119255066, 0.053906168788671494, 0.26777663826942444, -1.678262710571289, -0.1031593605875969, 0.6749518513679504, -0.28612926602363586, -0.23932252824306488, -0.32397857308387756, 0.06098942458629608, -0.12635807693004608, -0.7963950634002686, 0.10962890088558197, -0.34696164727211, 0.12856021523475647, -0.49910256266593933, -0.07186371088027954, 0.3454156517982483, -0.4262244701385498, 0.09830516576766968, -0.2904130816459656, -0.2814203202724457, -0.7461796998977661, 0.5874369144439697, 0.8972062468528748, 0.2443642020225525, 0.7122112512588501, 0.05257806181907654, 1.3946467638015747, 1.2287003993988037, -0.6100323796272278, 0.18873605132102966, 0.9072503447532654, -0.27107274532318115, 0.23135213553905487, -0.07899289578199387, 0.12153122574090958, 0.7547294497489929, -0.45337462425231934, 0.8004778027534485, 0.5019064545631409, 0.2176695317029953, -1.4087302684783936, 0.07392750680446625, -0.5284165143966675, -0.5628674626350403, 1.426729679107666, 1.539011001586914, 1.246037244796753, -0.32025647163391113, 0.720794677734375, -0.5665861964225769, -0.020561326295137405, 0.12426484376192093, 0.40193358063697815, 0.7796981930732727, -0.44507071375846863, 0.8368136882781982, 0.1367257833480835, 0.3900547921657562, -0.35264772176742554, -0.20481979846954346, 0.3096838891506195, 0.23807629942893982, 0.16765858232975006, 0.07387199997901917, -0.3508736491203308, -0.1457270085811615, 1.587578296661377, -0.6305304169654846, -0.08362999558448792, 0.10344035178422928, 0.16804488003253937, 0.7175008058547974, 0.4461085796356201, -0.5265542268753052, 0.4699988067150116, -0.4303048551082611, 0.3935992121696472, -0.17414909601211548, 0.3634242117404938, 1.1164830923080444, 0.19894666969776154, -1.360427737236023, -0.10472193360328674, -1.0732470750808716, 0.1336449831724167, 0.2500569224357605, -0.36738353967666626, 0.17498405277729034, 0.10453511774539948, -0.3758293390274048, -1.368937373161316, 1.4231654405593872, -0.3115232288837433, -1.0771316289901733, 0.2042120397090912, 1.5996557474136353, -1.6136094331741333, -0.9362350702285767, 0.09134894609451294, -0.3362434208393097, -0.9396373629570007, 0.9797833561897278, -0.4985293745994568, 0.6607624292373657, 0.7313705682754517, 0.7779505252838135, 0.4109497666358948, 0.10860978066921234, 0.5383520126342773, 1.2112869024276733, 0.35576075315475464, -0.8948036432266235, 0.1350589543581009, 0.07892858237028122, 0.7643569111824036, 0.19588243961334229, -0.681620180606842, -0.07011710852384567, 1.3145520687103271, 0.038193076848983765, 0.06582944840192795, -0.47662222385406494, -0.8647993803024292, -0.1357138454914093, 0.4610772430896759, 0.46387773752212524, -0.9192343950271606, 0.18495994806289673, -1.147648572921753, 0.29043200612068176, 0.4363979399204254, -0.8092762231826782, -0.9917957186698914, 0.3429810702800751, 0.24484559893608093, 0.44047287106513977, -0.873011589050293, -0.37802788615226746, 1.2426456212997437, 0.02853572368621826, 0.7964256405830383, -0.4217527508735657, -12.171273231506348, 1.0916099548339844, 0.00899398885667324, 1.3507028818130493, 0.5732750296592712, 0.4048185646533966, -0.09012105315923691, -0.10213485360145569, 1.0685787200927734, -0.09286104887723923, 0.15080687403678894, 1.7902950048446655, -0.34865665435791016, -0.2587346136569977, -0.3715740442276001, -1.8864877223968506, -1.0467329025268555, -0.24592581391334534, -0.15247225761413574, -0.3431684374809265, 0.6161454319953918, -1.2363718748092651, 0.30991941690444946, -0.13528083264827728, 0.7341059446334839, -0.19860225915908813, 0.10100459307432175, 0.16549570858478546, -0.34222716093063354, 0.07312296330928802, 0.5119703412055969, 0.6819363236427307, 0.08982639014720917, -0.6143787503242493, 0.30535465478897095, 0.10958966612815857, -0.7668196558952332, -0.19455978274345398, 1.1147046089172363, 0.11247188597917557, -0.1091272234916687, -0.1863759458065033, 0.22242417931556702, 0.2130192667245865, -0.9035153985023499, 0.551617443561554, 0.20249025523662567, -0.1377600133419037, -0.8851970434188843, -0.05249975621700287, -0.27011340856552124, -0.5934385657310486, -0.11170835793018341, -1.0089550018310547, 0.793868362903595, -0.6134904026985168, -0.8247525691986084, -0.3636054992675781, -0.8571321964263916, -1.365621566772461, 0.9001888036727905, 0.15810610353946686, -0.5432652831077576, 0.08938675373792648, 0.0878751128911972, -0.16124339401721954, 0.9792739748954773, 0.40950465202331543, -0.3327372074127197, -0.2593762278556824, -1.0135602951049805, 0.4333115518093109, 0.838378369808197, -0.18750092387199402, -0.30998682975769043, 0.015265565365552902, -0.4525948762893677, -0.6624034643173218, 0.015869734808802605, -0.4539327025413513, -1.3724790811538696, 0.08820787072181702, 0.07543931156396866, -0.7408479452133179, -1.062612533569336, -0.2754439115524292, -0.043044887483119965, -0.25657984614372253, 0.1289159059524536, 0.13007643818855286, 0.7233126759529114, -0.0006110742688179016, -0.023978449404239655, 0.03985325247049332, -0.801214337348938, 0.047993265092372894, 0.1258813738822937, 1.022533655166626, -0.10257282108068466, -0.23268604278564453, 0.25157982110977173, 0.08794132620096207, -0.7958612442016602, -0.01052767038345337, 0.459640771150589, -0.20562434196472168, 0.45446157455444336, -0.805975079536438, -0.0007348284125328064, 0.07795435190200806, 0.7784836888313293, -0.573209285736084, -0.2941637635231018, 1.3908202648162842, -0.5057721734046936, 0.4042738974094391, 0.4456201493740082, -0.29820516705513, 1.2609111070632935, 0.5944250226020813, 0.4089757800102234, 0.1582644283771515, -0.016269469633698463, 0.17950105667114258, -0.30095037817955017, -0.422267884016037, 0.08155517280101776, 0.14305871725082397, -0.7926198244094849, -1.1398683786392212, 0.04396344721317291, -0.14661212265491486, 0.31205958127975464, -0.9560647010803223, -0.03290072828531265, -0.7472316026687622, -0.19382764399051666, 1.0837955474853516, -0.5173830986022949, 0.26399505138397217, -0.7618229985237122, 0.3957046866416931, 0.30501148104667664, -0.6177563667297363, -0.7067618370056152, -0.529271125793457, -1.6739073991775513, 0.13574320077896118, -0.8286342620849609, -0.8867414593696594, 0.5670143365859985, -0.7301220297813416, 0.6085389852523804, -0.40186887979507446, 0.24310541152954102, -0.03806709870696068, 0.018520865589380264, -0.3045670688152313, -0.7524880170822144, -0.6528527736663818, 0.09796279668807983, 0.6468380689620972, -1.1041948795318604, 0.16814234852790833, 0.6294021606445312, -0.05747987702488899, 0.08794432133436203, -0.17808079719543457, 0.08648231625556946, -0.2643011808395386, 0.22976894676685333, -0.7867566347122192, 0.31623828411102295, -0.9526214003562927, -0.1304265558719635, -0.8499230742454529, 0.8596417307853699, 0.6161954402923584, -0.3720894455909729, 0.24757200479507446, 0.18263162672519684, 0.4932078719139099, 0.83120197057724, -0.1632041335105896, -0.1682150810956955, -0.48191675543785095, 0.2655225992202759, 0.13293766975402832, 0.5280841588973999, 0.354582816362381, -1.184224247932434, -1.0468326807022095, -0.8606863617897034, -0.42595964670181274, 1.231837272644043, 0.5000911355018616, 0.4278971552848816, 1.4105218648910522, -0.1631065160036087, 0.08061601966619492, 0.42799532413482666, 1.3751083612442017, 0.36398831009864807, -0.22355768084526062, -0.2160075455904007, -0.04310471937060356, -0.7519989609718323, -0.21376608312129974, 0.3276071548461914, 0.4888743460178375, -0.8106712102890015, -0.18714013695716858, 0.3964952826499939, -1.1036555767059326, 0.8317851424217224, -1.0173535346984863, 0.979219377040863, -0.4969554543495178, -0.38461628556251526, -0.9872958660125732, 0.6261854767799377, 0.6562579870223999, 0.4659014344215393, 0.7866266965866089, -0.38747966289520264, 0.06842352449893951, 1.56464421749115, 0.055588316172361374, 1.4077693223953247, 0.42654281854629517, -0.009435120970010757, 0.2866615653038025, 0.0529334619641304, 0.12055584043264389, 0.3913680911064148, 0.20361973345279694, -0.5006961822509766, 0.768998384475708, -0.09466268867254257, 0.36952877044677734, -0.8176337480545044, 0.6146216988563538, 0.3108171224594116, 0.28503748774528503, -1.1519290208816528, -0.4842038154602051, -1.149167537689209, -0.8450194597244263, -0.32335686683654785, 0.991118311882019, 0.9981656670570374, 0.4114791452884674, 0.8634984493255615, -0.023442253470420837, 0.39622005820274353, -0.5758786797523499, 0.35957545042037964, 0.5011346340179443, -0.006310656666755676, 1.5789581537246704, 0.5927221775054932, 0.24792994558811188, 0.5763765573501587, 0.11479859054088593, -0.7561786770820618, -0.3136901557445526, -0.03178003057837486, 0.8427249789237976, 1.1091057062149048, -0.9253488779067993, 0.6259323358535767, -0.11321178078651428, 0.04811200499534607, -0.4164576530456543, -0.11453709006309509, 0.6234188079833984, -1.0317400693893433, 0.21554122865200043, -0.968997061252594, 0.01416250690817833, 0.9198806285858154, -0.13118091225624084, -1.2124227285385132, -0.24711193144321442, 1.5182204246520996, -0.12410052865743637, -0.5690365433692932, 0.09749431908130646, 0.3712964951992035, -0.5704336166381836, 0.25064074993133545, -0.2174806445837021, -0.9513971209526062, -0.24222376942634583, 0.8416531085968018, -0.365526407957077, 0.0675385445356369, -0.15182502567768097, -0.672709584236145, -0.6460371017456055, 0.8428101539611816, 0.0865110456943512, 0.15031185746192932, -0.1541682630777359, 0.03665737435221672, -0.752903163433075, 0.7008954286575317, 0.9923803210258484, 0.188066765666008, -0.16475562751293182, 0.690838634967804, 0.47298070788383484, -0.4586159586906433, 0.9265421032905579]} +{"paper_id": "mwong/fever-claim-related", "embedding": [-0.339454710483551, 1.1062694787979126, -0.3732886016368866, -0.06162191927433014, 0.21395301818847656, -0.34101641178131104, 0.5021705031394958, 0.6075114011764526, 0.5604891180992126, 1.1366870403289795, 0.7161202430725098, 0.5486289858818054, -0.20202955603599548, 0.15631622076034546, -0.26982399821281433, -0.17116186022758484, -0.3275361955165863, -0.08608240634202957, -0.3911583423614502, -0.4677446484565735, -0.45857274532318115, -0.8441396355628967, 0.15507128834724426, -0.09490473568439484, -1.4286097288131714, -0.3942911922931671, 0.4055067300796509, -0.8535544872283936, -0.2656313478946686, 0.2219121754169464, -0.41960829496383667, 1.5096232891082764, -2.077129602432251, 0.7172985672950745, -0.06163153424859047, -0.21994514763355255, -0.21828433871269226, 1.0871005058288574, -0.10407067090272903, 0.06473542004823685, -0.7810193300247192, 0.104436956346035, 0.7732142210006714, 0.16040746867656708, 0.5446726679801941, -0.5311601161956787, 0.4943925738334656, -0.036491815000772476, -0.16575667262077332, -0.011324495077133179, -0.10033255815505981, 0.317727267742157, -0.028022678568959236, 0.6807454824447632, 0.11140253394842148, 0.7552350759506226, 0.14311641454696655, -0.5670117139816284, 0.9283048510551453, -0.4222860634326935, 1.4948782920837402, 1.6431106328964233, -0.9269600510597229, 0.11393533647060394, 0.5067591071128845, -0.17330008745193481, 1.3328349590301514, 0.35419774055480957, 0.37365657091140747, 0.7159022688865662, -0.3227693438529968, -1.696245551109314, 0.22602364420890808, -0.29460209608078003, 0.12517721951007843, 0.4944758415222168, 0.6297953128814697, 0.10247854888439178, 0.30936887860298157, 0.009748991578817368, 0.3041136860847473, 0.7218695282936096, 0.7787919044494629, -0.6148114204406738, -0.20794406533241272, 0.24260422587394714, 0.10959279537200928, -0.710221529006958, 0.5768619775772095, -0.7794997692108154, 1.1524385213851929, 0.22752070426940918, -0.014419847168028355, 0.12317341566085815, 0.08831370621919632, 0.8922197222709656, -0.6614965796470642, -0.16765615344047546, -0.33363616466522217, -0.006724313832819462, 0.65046626329422, -0.3721854090690613, 0.098427414894104, -0.31453949213027954, 0.38207417726516724, 0.8945127725601196, -0.6506658792495728, -0.08433415740728378, -0.7995118498802185, -0.15942169725894928, -0.313515305519104, 0.9366850852966309, -0.21225515007972717, 0.6565960049629211, -0.13677093386650085, -0.050892122089862823, 0.18258407711982727, -0.7801682949066162, -0.3534269332885742, 0.13324615359306335, -0.1466623693704605, -0.9330913424491882, -0.45235759019851685, 0.6458532810211182, 1.0039352178573608, -0.41859525442123413, -0.10474864393472672, -0.01617918536067009, -0.41378772258758545, -0.117994025349617, 0.5241270661354065, 0.033535152673721313, -0.8181071877479553, 0.20401892066001892, 2.930300235748291, -1.1897019147872925, 1.0429902076721191, 0.10912361741065979, -0.13220492005348206, 0.4094344973564148, -0.2808961868286133, 1.0961731672286987, 1.0579081773757935, -0.8141496777534485, -0.4896327555179596, 0.7192512154579163, -0.18740706145763397, 0.5018245577812195, -1.2860634326934814, -0.0121283158659935, -0.3761155605316162, 0.5095298290252686, -1.7970830202102661, 0.18117424845695496, 0.3182315528392792, -0.026649022474884987, -0.463115930557251, 0.07669785618782043, -0.672156810760498, 0.606631875038147, 0.31535136699676514, 0.40987855195999146, -0.9099518060684204, 0.30331286787986755, -0.5154643654823303, 0.1157144159078598, 1.643297553062439, -0.6877803802490234, -1.4328444004058838, 0.5604740381240845, 0.8895291686058044, -1.0353556871414185, -0.5008986592292786, -0.9312760829925537, 0.0332874059677124, -0.04440062865614891, 0.4221275746822357, 0.403710275888443, 0.3095752000808716, -0.4703005254268646, -0.5364252328872681, 0.07865684479475021, -0.2508082091808319, 0.7569194436073303, -0.8371017575263977, -0.1200169026851654, -2.2792885303497314, 0.12409062683582306, 0.29369211196899414, 0.5349433422088623, 0.4893985986709595, 0.5166340470314026, 0.3574979305267334, 1.071280598640442, -0.12965375185012817, -0.7341247797012329, 0.15791428089141846, -1.3956712484359741, 0.3217593729496002, -0.5186961889266968, -0.18444015085697174, -0.5114496946334839, -0.7151491641998291, 0.05547695606946945, 0.9763810038566589, -0.8318682909011841, -0.7922321557998657, -2.3866186141967773, 0.4772000312805176, 2.0895934104919434, -0.4885236620903015, -0.3506217896938324, -1.640402913093567, -0.14944642782211304, 0.3698672950267792, -0.4034293591976166, 0.4288002848625183, -1.0665773153305054, 0.009922005236148834, -0.8104347586631775, 0.6776599884033203, -0.15757101774215698, 0.44652971625328064, 0.3517054617404938, 0.8009305596351624, -0.8808417916297913, 0.17052346467971802, -0.6642863154411316, -0.9936389923095703, 0.6299412250518799, 0.9149532318115234, -0.16616809368133545, 0.055588219314813614, 1.1258487701416016, 0.531111478805542, 1.3086047172546387, -0.0485914908349514, 0.08376680314540863, -1.4722001552581787, 0.07194878906011581, 0.0856970027089119, 0.9055026173591614, 0.6006866097450256, -0.35849323868751526, 0.9304284453392029, 0.5558080673217773, -0.40682390332221985, -0.2921852171421051, -0.5623642802238464, -0.23727884888648987, 0.9989623427391052, 0.39871349930763245, -1.2840741872787476, 0.817283034324646, -0.9283729195594788, 0.3004627823829651, -0.3222793936729431, -0.775157630443573, -0.33588677644729614, 0.36998510360717773, 0.7499687671661377, 0.4083908200263977, 0.10179775953292847, -0.21559211611747742, -0.25776004791259766, -1.3179954290390015, 0.14294375479221344, -0.5055394768714905, -0.5389018058776855, -1.2237857580184937, 0.09626471996307373, -0.3834404945373535, -1.1465866565704346, -0.8556215763092041, 0.16557331383228302, 0.21144460141658783, 0.12520168721675873, 0.40596792101860046, 0.7636593580245972, 0.325467586517334, -0.24903976917266846, -0.010098248720169067, 1.0489041805267334, 0.24126017093658447, 0.9087643027305603, -0.3027227818965912, -0.16485987603664398, -0.6368498802185059, 0.26792827248573303, -0.4086341857910156, 0.38301217555999756, 0.24347832798957825, -0.7817596793174744, 0.34450817108154297, 0.16329512000083923, -0.5876290202140808, 1.0228437185287476, 0.39016374945640564, -0.6727662086486816, -1.109484076499939, 1.1761647462844849, 0.1409423053264618, -0.5009067058563232, 0.7522528171539307, -0.19142477214336395, -1.0124431848526, 1.5434821844100952, -0.25604793429374695, 0.22738660871982574, 0.001956827938556671, 0.08795950561761856, 0.35809096693992615, 0.016748663038015366, -1.7923696041107178, 0.5593168139457703, 1.252069354057312, -0.2428690791130066, -0.3636506199836731, -0.6450741291046143, 0.4153270125389099, -0.321684867143631, -0.18815399706363678, 0.3794994056224823, -0.20133890211582184, 0.12642300128936768, -0.4121159613132477, 0.5521129369735718, 1.0285570621490479, -1.2480336427688599, 0.5708910822868347, 0.056014250963926315, 0.38428494334220886, -0.9758327007293701, -0.2174605131149292, 1.3935867547988892, -0.19862809777259827, 0.9088908433914185, -0.32294440269470215, 0.8822706341743469, 0.717143177986145, -0.6548321843147278, -0.24027720093727112, 0.9203024506568909, 0.305318146944046, 0.3826138973236084, 0.4322456419467926, -0.6117565631866455, 0.8030539751052856, -0.409359335899353, 1.1257497072219849, 0.12321284413337708, -0.5784628987312317, -1.3479413986206055, -0.7100593447685242, -0.28114837408065796, -0.6063845157623291, 1.7961260080337524, 1.0861549377441406, 1.736804485321045, 0.24568848311901093, 0.5107772350311279, -0.8652825951576233, -0.16443614661693573, 0.30627959966659546, 0.17290851473808289, 0.4889264702796936, -1.0308516025543213, 0.5564343333244324, 1.2881534099578857, 0.12331722676753998, -0.09307163208723068, -0.2129451334476471, 0.2815523147583008, 0.4974011182785034, -0.4337768852710724, 0.7343030571937561, -0.4337858259677887, 0.28077608346939087, 0.9676195979118347, -0.2393604964017868, -0.6443170309066772, -0.33627963066101074, 0.11183082312345505, 0.4254457652568817, 0.5420702695846558, -0.7223409414291382, 0.30505678057670593, -0.04507669061422348, 0.45635974407196045, -0.19347035884857178, 0.5784822702407837, 2.012854814529419, 0.1355285793542862, -1.9880841970443726, -0.29511556029319763, -0.9696523547172546, 0.5132012367248535, -0.004638597369194031, -0.15565575659275055, 0.03569673374295235, 0.3970913589000702, -0.2156371772289276, -0.9081133008003235, 1.17319655418396, -0.37017887830734253, -1.2462232112884521, 1.0436850786209106, 1.0794700384140015, -1.6211434602737427, -0.8716842532157898, 0.4038708209991455, -0.12624846398830414, -0.8766535520553589, -0.12524349987506866, -0.657390296459198, 1.2815570831298828, 0.6882150769233704, 0.7149019241333008, 0.042640749365091324, 0.26365846395492554, -0.8576436042785645, 1.1087857484817505, 0.9014942646026611, -0.6036925315856934, 0.8037893772125244, 0.32251212000846863, 0.1435285359621048, 0.5078387260437012, -1.1957342624664307, -0.35829442739486694, 1.064668893814087, -0.22512322664260864, 0.09167354553937912, -0.5989442467689514, -1.2297829389572144, 1.050154685974121, 0.46769651770591736, 0.3225097954273224, -0.9618194103240967, 0.299532413482666, -1.0393247604370117, 0.3796917200088501, 0.7941850423812866, -0.8852737545967102, -0.696313738822937, 0.7908151745796204, -0.28582441806793213, 0.8095952272415161, 0.2698446810245514, -0.16568003594875336, 1.330958604812622, 0.1804945468902588, 0.07323195040225983, -0.4358798563480377, -11.20072078704834, 1.0458283424377441, -0.10259386897087097, 0.7541673183441162, 0.25884804129600525, -0.19934457540512085, 0.5661704540252686, -0.034418120980262756, 0.8007822036743164, -0.7179903388023376, 0.403590589761734, 2.1450042724609375, -0.2512037456035614, -0.2253073751926422, -0.8785951137542725, -1.5972769260406494, -0.6827958822250366, -0.2497149556875229, -0.16946181654930115, -0.08205945044755936, 0.5013318657875061, -1.920922040939331, 0.3510127067565918, 0.18071620166301727, 0.9741901159286499, -0.28422385454177856, 0.1276302933692932, -0.3387502133846283, -0.13197357952594757, 0.2277805507183075, 0.685763418674469, -0.06386657804250717, -0.09848412126302719, 0.021464848890900612, -0.07200563699007034, -0.21174228191375732, -0.7950974702835083, -0.42899322509765625, 0.9275915026664734, -0.5138725638389587, 0.17312809824943542, 0.5392435789108276, -0.04603612795472145, -0.4872712194919586, -0.45892632007598877, 0.3215898871421814, 0.005231611430644989, -0.7188282012939453, -0.11492696404457092, -0.024196356534957886, 0.08179804682731628, -0.829547643661499, -0.5710270404815674, -0.737955629825592, 0.6086841821670532, -0.27685311436653137, -0.770097553730011, -0.760615885257721, -1.0820319652557373, -1.5599236488342285, 0.7840816378593445, 0.16633985936641693, 0.08134893327951431, 0.11372692883014679, 0.5447677373886108, -0.20122994482517242, 0.5364869832992554, -0.01740027219057083, -0.2792482078075409, 0.005834717303514481, -0.5426686406135559, 0.868283748626709, 0.5938324928283691, -0.20114263892173767, -0.8918600678443909, -0.178054541349411, -0.6880813241004944, 0.04785102605819702, 0.11542415618896484, 0.021048057824373245, -1.2378822565078735, 0.7146019339561462, 0.36543139815330505, -0.24631637334823608, -0.9297056198120117, -0.5073490738868713, -0.16356059908866882, -0.5454733967781067, 0.2126459777355194, 0.028578072786331177, 1.1505722999572754, 0.6446194648742676, -0.6449868083000183, -0.5269666314125061, -0.8014357089996338, 0.5462680459022522, -0.7328880429267883, 1.0186471939086914, -0.060489922761917114, -0.8511057496070862, 0.3380308449268341, -0.17614218592643738, -1.1609845161437988, -0.14098171889781952, 0.4398661255836487, 0.40230146050453186, 0.10534945130348206, -0.7096798419952393, 0.2400657832622528, -0.43380460143089294, 0.7852187156677246, -0.007748641073703766, -0.21647904813289642, 1.630433440208435, -0.7111088037490845, 0.4437835216522217, 0.7088963985443115, -0.35446828603744507, 0.0836472287774086, 1.6839321851730347, -0.3328301012516022, 0.6929678320884705, -0.22281645238399506, 1.3205066919326782, -0.22013001143932343, 0.1335402876138687, 0.42755013704299927, 0.26404044032096863, -0.05203697830438614, -2.1002423763275146, 0.06041319668292999, -0.13917064666748047, 0.5320903062820435, -1.389748454093933, -0.2824254333972931, -0.7385975122451782, -0.40892770886421204, 0.9051563739776611, -0.7615799903869629, 0.1545783281326294, -0.6715771555900574, -0.12173549085855484, 0.11461310088634491, -1.0147314071655273, -0.7418400645256042, 0.6983084082603455, -1.2412681579589844, 0.3187328279018402, -1.1137608289718628, -0.3671993911266327, -0.20479485392570496, -0.9001963138580322, 0.853837788105011, -0.39134109020233154, 0.14572669565677643, -0.15241855382919312, 0.42310217022895813, -0.721362829208374, -0.8438056707382202, -0.42305389046669006, -0.4612387418746948, 1.8209184408187866, -0.80837482213974, 0.724663257598877, 0.7036248445510864, -0.20338550209999084, -0.5558894872665405, -0.47554415464401245, 0.083445243537426, -0.2259819507598877, 1.0798933506011963, -1.0224651098251343, -0.2043628692626953, -0.34302228689193726, 0.4269970953464508, -0.5481700897216797, 1.3154491186141968, 0.8941434621810913, -0.874027669429779, -0.4167986512184143, 0.6119740009307861, 0.44669774174690247, 0.49623438715934753, -0.2545590400695801, -0.08204708248376846, 0.027933090925216675, -0.2745068669319153, 0.7688219547271729, 0.09681402891874313, 1.2525380849838257, -1.4553382396697998, -0.7106899619102478, -0.8993706703186035, 0.399473637342453, 1.120467185974121, 0.2274523377418518, 1.0461722612380981, 0.6141251921653748, 0.589824914932251, -0.10843091458082199, 0.5219709873199463, 1.5819165706634521, 0.17013214528560638, 0.7054809927940369, -0.8053789734840393, 0.34165000915527344, -0.8679976463317871, 0.30541154742240906, 0.062198106199502945, 0.9900743961334229, -0.7038682103157043, 0.15912964940071106, 0.15397943556308746, -0.7498605251312256, -0.059988267719745636, -1.0762430429458618, 0.6145147085189819, -1.0449557304382324, -0.2456241101026535, -0.9712511301040649, 0.8784778714179993, 0.8670730590820312, -0.08264174312353134, 0.8986579775810242, 0.5933991074562073, 0.37228497862815857, 1.1073273420333862, 0.3882530927658081, 1.255271077156067, 0.2963443398475647, -0.15443260967731476, 0.6486304402351379, 0.0875944197177887, 0.14885321259498596, 0.0325956791639328, -0.33162710070610046, -0.2961890697479248, 0.20471230149269104, -0.1978771686553955, 0.6329354643821716, -0.60817551612854, 0.21342413127422333, 0.8257144093513489, 0.5469939708709717, -0.6750005483627319, -1.177677035331726, -0.5954492092132568, -1.3181496858596802, -0.4792710840702057, 0.5032185912132263, 1.4078139066696167, 0.15800084173679352, 0.9205788373947144, 0.011968046426773071, 0.9325479865074158, -0.5787432193756104, 0.31029456853866577, 0.04420042783021927, -0.40801119804382324, 1.0397800207138062, 1.1646347045898438, 0.191132590174675, 0.06791745126247406, 0.37228527665138245, -1.1966265439987183, -0.34968212246894836, -1.0998843908309937, 0.6882832646369934, 0.8651831746101379, -0.4366052448749542, 0.5909843444824219, -0.7410041093826294, 0.7363097667694092, -0.7996325492858887, 0.5218034982681274, -0.3874496817588806, -0.6296243071556091, -0.4606858789920807, -1.0449867248535156, 0.207962766289711, 0.37494492530822754, -0.4348224103450775, -0.5498718023300171, -0.4774388074874878, 1.458794116973877, 0.029659580439329147, -0.04870758205652237, -0.5327344536781311, 0.14489780366420746, -0.3839205801486969, -0.5304360389709473, 0.17557868361473083, -0.7041965126991272, -1.071269154548645, -0.2524155080318451, -0.4142720699310303, 0.18703314661979675, -0.3921082615852356, -0.9578135013580322, -0.10774767398834229, 0.2802792191505432, 0.42501819133758545, 0.6388104557991028, -0.35962384939193726, -0.6499563455581665, -0.9831565022468567, 0.26154568791389465, 0.5353829264640808, 0.18541257083415985, -0.27655264735221863, 0.05424366518855095, 0.7254751920700073, -0.15214061737060547, 0.9234845042228699]} +{"paper_id": "mwong/climate-claim-related", "embedding": [-0.9585586786270142, 0.7277538776397705, -0.6813072562217712, 0.044529542326927185, -0.04765128344297409, 0.6331951022148132, 1.0784052610397339, 0.2089882344007492, 0.70843905210495, 1.6677002906799316, 0.3583863377571106, 0.5000061392784119, -0.5852351188659668, -0.6481098532676697, -0.00551200658082962, -0.6103195548057556, -0.7665512561798096, -0.2224724143743515, 0.005568741820752621, -0.024097532033920288, -1.0678365230560303, -0.7529769539833069, -0.4937930107116699, -0.22139135003089905, -1.096382975578308, 0.567594051361084, 0.5968677401542664, -0.3675655722618103, 0.7864421606063843, 0.36180025339126587, -0.535490870475769, 1.446367621421814, -2.305656909942627, 0.5743436813354492, -0.8740820288658142, -0.19303134083747864, -0.46018943190574646, 0.6187639832496643, -0.4440441131591797, -0.43717390298843384, -0.9594151973724365, 0.2582932114601135, 1.359521508216858, -0.26892659068107605, 0.4530723989009857, -0.3486904501914978, 0.474549800157547, -0.060834068804979324, 0.755120038986206, -0.2299596071243286, -0.10715050995349884, 0.7376381754875183, 0.12314506620168686, 0.16727904975414276, 0.6256853342056274, 1.3390271663665771, 0.26841112971305847, -0.01688266545534134, 1.3086543083190918, -0.17364436388015747, 0.6909013390541077, 1.4609599113464355, -0.6736594438552856, -0.4404633641242981, -0.03100409358739853, 0.742214024066925, 0.7755572199821472, 0.8073069453239441, 0.2439568042755127, 0.8639700412750244, 0.0018097013235092163, -1.1695173978805542, 0.48561152815818787, -0.21632888913154602, -0.02024790644645691, 0.610214114189148, -0.0551038533449173, -0.33791741728782654, 0.7654998302459717, -0.4079142212867737, 0.7308242321014404, 0.3411729335784912, 0.10520020127296448, -0.7624342441558838, -0.4667527377605438, 0.3732679486274719, 0.2527107298374176, -0.9219709634780884, -0.16546300053596497, -1.5823793411254883, 0.41144901514053345, 0.07666674256324768, -0.039222102612257004, -0.10563001036643982, 0.17417806386947632, 0.6518177390098572, -0.3225191831588745, -0.017564423382282257, -0.19345644116401672, 0.7894740104675293, 0.5796579122543335, -0.7809658050537109, 0.327579528093338, 0.02627185732126236, 0.6731674075126648, 0.9174225330352783, -0.858868420124054, 0.03033621609210968, -0.6565415859222412, -0.5322474241256714, -0.34592151641845703, 0.7424822449684143, 0.7770020961761475, 0.8418201804161072, -0.20296740531921387, 0.1360386610031128, 0.015970788896083832, -0.7463408708572388, -0.9582626819610596, 0.14189016819000244, -0.6298865079879761, -0.6482101678848267, -0.6768438220024109, 0.42630535364151, 1.2065391540527344, 0.17998196184635162, -0.24838301539421082, 0.20103466510772705, -0.41061416268348694, -0.016639862209558487, -0.3134590685367584, -0.09457962214946747, -0.37033241987228394, 0.7268437147140503, 3.188066005706787, -1.323205828666687, 1.4731804132461548, -0.18493379652500153, 0.1907847374677658, 0.14984165132045746, -0.5756234526634216, 0.9876472353935242, 0.4294821619987488, -0.9955644607543945, -1.0465000867843628, 0.4853554666042328, -1.0191929340362549, 0.22406233847141266, -0.8145149350166321, -0.30603256821632385, 0.023637235164642334, 0.7053224444389343, -1.080836296081543, 0.09644737094640732, 0.6232176423072815, 0.6834635138511658, -0.4847869575023651, -0.2342393398284912, -0.6506648659706116, 0.7346053719520569, -0.06319331377744675, 0.5082184672355652, -0.9472392797470093, 0.6116313338279724, -0.6832413077354431, 0.34549248218536377, 1.5151180028915405, -0.5489001274108887, -0.9976478815078735, 0.47563618421554565, 0.9955408573150635, -0.5240573287010193, -0.23615047335624695, -0.5955475568771362, -0.3010147213935852, 0.003514900803565979, -0.12770964205265045, -0.157904252409935, 0.837984561920166, -0.8098719716072083, -0.6580041646957397, 0.17724207043647766, -0.26283299922943115, 0.5248332619667053, -0.8405017256736755, -0.9557694792747498, -1.4842437505722046, 0.6826487183570862, -0.5429219007492065, 0.7997539043426514, 0.530149519443512, 0.16455581784248352, 0.3271542191505432, 0.6032053232192993, -0.09479238092899323, -0.45638707280158997, 0.29125797748565674, -1.6380681991577148, 0.16728851199150085, 0.3554585576057434, -1.0233933925628662, -0.5657811760902405, -0.3162381947040558, 0.07537265866994858, 1.288111686706543, -0.5396521091461182, -0.5344868302345276, -2.421712875366211, 0.48754554986953735, 1.4061866998672485, 0.010729029774665833, -1.0328407287597656, -0.4346472918987274, 0.06675116717815399, 0.6213492751121521, -0.3724591135978699, 0.2755298614501953, -0.3929940462112427, 0.38386663794517517, -1.1174898147583008, 0.28121891617774963, -0.27239373326301575, 0.5468297004699707, -0.6141340732574463, 0.5383804440498352, -0.4858722984790802, -0.3049081861972809, -0.22318311035633087, -1.2185206413269043, 0.8884637355804443, 0.603488028049469, -0.11697450280189514, 0.20209378004074097, 0.22033479809761047, 0.3277486562728882, 1.294818639755249, -0.19076041877269745, 0.30072855949401855, -1.1792569160461426, 0.04158615320920944, 0.2335553765296936, 0.5291268229484558, -0.05264478921890259, -0.8081268668174744, 0.2328520268201828, 0.2805282771587372, 0.11046747863292694, -0.30249667167663574, -0.8722571730613708, -0.44405877590179443, 0.6249854564666748, 1.1973941326141357, -0.7129334807395935, 0.521353006362915, 0.05181056633591652, 0.2633552551269531, 0.09266938269138336, -0.5717471837997437, 0.08531144261360168, 0.20006783306598663, 0.3539942502975464, 0.6547591686248779, 0.15368036925792694, 0.0478111207485199, -0.5216987133026123, -0.7777900695800781, 0.6014139652252197, -0.038439422845840454, -0.6437692642211914, -0.5604331493377686, 0.3928293287754059, -1.2537239789962769, -1.2027158737182617, -0.10657384991645813, -0.15172463655471802, 0.6209912896156311, -0.3016466498374939, -0.30512088537216187, 0.5496895909309387, 0.6500163674354553, -0.03391385078430176, -0.3758143186569214, 0.831783652305603, -0.4383493661880493, 0.09886081516742706, -0.10687689483165741, 0.014599478803575039, -0.7701205611228943, 0.07011048495769501, -0.2665635347366333, 0.4096274971961975, -0.7774640321731567, -1.3314040899276733, 0.5753939151763916, 0.02186460793018341, -0.4764693081378937, 0.9661200046539307, -1.7352402210235596e-05, -0.026841633021831512, -0.5543597340583801, 0.9493669271469116, 0.5063968300819397, -0.24076250195503235, 0.6768249869346619, 0.31021010875701904, -0.09060610830783844, 1.4934215545654297, -0.39203059673309326, 0.043904244899749756, 0.21649108827114105, 0.1580302119255066, 0.053906168788671494, 0.26777663826942444, -1.678262710571289, -0.1031593605875969, 0.6749518513679504, -0.28612926602363586, -0.23932252824306488, -0.32397857308387756, 0.06098942458629608, -0.12635807693004608, -0.7963950634002686, 0.10962890088558197, -0.34696164727211, 0.12856021523475647, -0.49910256266593933, -0.07186371088027954, 0.3454156517982483, -0.4262244701385498, 0.09830516576766968, -0.2904130816459656, -0.2814203202724457, -0.7461796998977661, 0.5874369144439697, 0.8972062468528748, 0.2443642020225525, 0.7122112512588501, 0.05257806181907654, 1.3946467638015747, 1.2287003993988037, -0.6100323796272278, 0.18873605132102966, 0.9072503447532654, -0.27107274532318115, 0.23135213553905487, -0.07899289578199387, 0.12153122574090958, 0.7547294497489929, -0.45337462425231934, 0.8004778027534485, 0.5019064545631409, 0.2176695317029953, -1.4087302684783936, 0.07392750680446625, -0.5284165143966675, -0.5628674626350403, 1.426729679107666, 1.539011001586914, 1.246037244796753, -0.32025647163391113, 0.720794677734375, -0.5665861964225769, -0.020561326295137405, 0.12426484376192093, 0.40193358063697815, 0.7796981930732727, -0.44507071375846863, 0.8368136882781982, 0.1367257833480835, 0.3900547921657562, -0.35264772176742554, -0.20481979846954346, 0.3096838891506195, 0.23807629942893982, 0.16765858232975006, 0.07387199997901917, -0.3508736491203308, -0.1457270085811615, 1.587578296661377, -0.6305304169654846, -0.08362999558448792, 0.10344035178422928, 0.16804488003253937, 0.7175008058547974, 0.4461085796356201, -0.5265542268753052, 0.4699988067150116, -0.4303048551082611, 0.3935992121696472, -0.17414909601211548, 0.3634242117404938, 1.1164830923080444, 0.19894666969776154, -1.360427737236023, -0.10472193360328674, -1.0732470750808716, 0.1336449831724167, 0.2500569224357605, -0.36738353967666626, 0.17498405277729034, 0.10453511774539948, -0.3758293390274048, -1.368937373161316, 1.4231654405593872, -0.3115232288837433, -1.0771316289901733, 0.2042120397090912, 1.5996557474136353, -1.6136094331741333, -0.9362350702285767, 0.09134894609451294, -0.3362434208393097, -0.9396373629570007, 0.9797833561897278, -0.4985293745994568, 0.6607624292373657, 0.7313705682754517, 0.7779505252838135, 0.4109497666358948, 0.10860978066921234, 0.5383520126342773, 1.2112869024276733, 0.35576075315475464, -0.8948036432266235, 0.1350589543581009, 0.07892858237028122, 0.7643569111824036, 0.19588243961334229, -0.681620180606842, -0.07011710852384567, 1.3145520687103271, 0.038193076848983765, 0.06582944840192795, -0.47662222385406494, -0.8647993803024292, -0.1357138454914093, 0.4610772430896759, 0.46387773752212524, -0.9192343950271606, 0.18495994806289673, -1.147648572921753, 0.29043200612068176, 0.4363979399204254, -0.8092762231826782, -0.9917957186698914, 0.3429810702800751, 0.24484559893608093, 0.44047287106513977, -0.873011589050293, -0.37802788615226746, 1.2426456212997437, 0.02853572368621826, 0.7964256405830383, -0.4217527508735657, -12.171273231506348, 1.0916099548339844, 0.00899398885667324, 1.3507028818130493, 0.5732750296592712, 0.4048185646533966, -0.09012105315923691, -0.10213485360145569, 1.0685787200927734, -0.09286104887723923, 0.15080687403678894, 1.7902950048446655, -0.34865665435791016, -0.2587346136569977, -0.3715740442276001, -1.8864877223968506, -1.0467329025268555, -0.24592581391334534, -0.15247225761413574, -0.3431684374809265, 0.6161454319953918, -1.2363718748092651, 0.30991941690444946, -0.13528083264827728, 0.7341059446334839, -0.19860225915908813, 0.10100459307432175, 0.16549570858478546, -0.34222716093063354, 0.07312296330928802, 0.5119703412055969, 0.6819363236427307, 0.08982639014720917, -0.6143787503242493, 0.30535465478897095, 0.10958966612815857, -0.7668196558952332, -0.19455978274345398, 1.1147046089172363, 0.11247188597917557, -0.1091272234916687, -0.1863759458065033, 0.22242417931556702, 0.2130192667245865, -0.9035153985023499, 0.551617443561554, 0.20249025523662567, -0.1377600133419037, -0.8851970434188843, -0.05249975621700287, -0.27011340856552124, -0.5934385657310486, -0.11170835793018341, -1.0089550018310547, 0.793868362903595, -0.6134904026985168, -0.8247525691986084, -0.3636054992675781, -0.8571321964263916, -1.365621566772461, 0.9001888036727905, 0.15810610353946686, -0.5432652831077576, 0.08938675373792648, 0.0878751128911972, -0.16124339401721954, 0.9792739748954773, 0.40950465202331543, -0.3327372074127197, -0.2593762278556824, -1.0135602951049805, 0.4333115518093109, 0.838378369808197, -0.18750092387199402, -0.30998682975769043, 0.015265565365552902, -0.4525948762893677, -0.6624034643173218, 0.015869734808802605, -0.4539327025413513, -1.3724790811538696, 0.08820787072181702, 0.07543931156396866, -0.7408479452133179, -1.062612533569336, -0.2754439115524292, -0.043044887483119965, -0.25657984614372253, 0.1289159059524536, 0.13007643818855286, 0.7233126759529114, -0.0006110742688179016, -0.023978449404239655, 0.03985325247049332, -0.801214337348938, 0.047993265092372894, 0.1258813738822937, 1.022533655166626, -0.10257282108068466, -0.23268604278564453, 0.25157982110977173, 0.08794132620096207, -0.7958612442016602, -0.01052767038345337, 0.459640771150589, -0.20562434196472168, 0.45446157455444336, -0.805975079536438, -0.0007348284125328064, 0.07795435190200806, 0.7784836888313293, -0.573209285736084, -0.2941637635231018, 1.3908202648162842, -0.5057721734046936, 0.4042738974094391, 0.4456201493740082, -0.29820516705513, 1.2609111070632935, 0.5944250226020813, 0.4089757800102234, 0.1582644283771515, -0.016269469633698463, 0.17950105667114258, -0.30095037817955017, -0.422267884016037, 0.08155517280101776, 0.14305871725082397, -0.7926198244094849, -1.1398683786392212, 0.04396344721317291, -0.14661212265491486, 0.31205958127975464, -0.9560647010803223, -0.03290072828531265, -0.7472316026687622, -0.19382764399051666, 1.0837955474853516, -0.5173830986022949, 0.26399505138397217, -0.7618229985237122, 0.3957046866416931, 0.30501148104667664, -0.6177563667297363, -0.7067618370056152, -0.529271125793457, -1.6739073991775513, 0.13574320077896118, -0.8286342620849609, -0.8867414593696594, 0.5670143365859985, -0.7301220297813416, 0.6085389852523804, -0.40186887979507446, 0.24310541152954102, -0.03806709870696068, 0.018520865589380264, -0.3045670688152313, -0.7524880170822144, -0.6528527736663818, 0.09796279668807983, 0.6468380689620972, -1.1041948795318604, 0.16814234852790833, 0.6294021606445312, -0.05747987702488899, 0.08794432133436203, -0.17808079719543457, 0.08648231625556946, -0.2643011808395386, 0.22976894676685333, -0.7867566347122192, 0.31623828411102295, -0.9526214003562927, -0.1304265558719635, -0.8499230742454529, 0.8596417307853699, 0.6161954402923584, -0.3720894455909729, 0.24757200479507446, 0.18263162672519684, 0.4932078719139099, 0.83120197057724, -0.1632041335105896, -0.1682150810956955, -0.48191675543785095, 0.2655225992202759, 0.13293766975402832, 0.5280841588973999, 0.354582816362381, -1.184224247932434, -1.0468326807022095, -0.8606863617897034, -0.42595964670181274, 1.231837272644043, 0.5000911355018616, 0.4278971552848816, 1.4105218648910522, -0.1631065160036087, 0.08061601966619492, 0.42799532413482666, 1.3751083612442017, 0.36398831009864807, -0.22355768084526062, -0.2160075455904007, -0.04310471937060356, -0.7519989609718323, -0.21376608312129974, 0.3276071548461914, 0.4888743460178375, -0.8106712102890015, -0.18714013695716858, 0.3964952826499939, -1.1036555767059326, 0.8317851424217224, -1.0173535346984863, 0.979219377040863, -0.4969554543495178, -0.38461628556251526, -0.9872958660125732, 0.6261854767799377, 0.6562579870223999, 0.4659014344215393, 0.7866266965866089, -0.38747966289520264, 0.06842352449893951, 1.56464421749115, 0.055588316172361374, 1.4077693223953247, 0.42654281854629517, -0.009435120970010757, 0.2866615653038025, 0.0529334619641304, 0.12055584043264389, 0.3913680911064148, 0.20361973345279694, -0.5006961822509766, 0.768998384475708, -0.09466268867254257, 0.36952877044677734, -0.8176337480545044, 0.6146216988563538, 0.3108171224594116, 0.28503748774528503, -1.1519290208816528, -0.4842038154602051, -1.149167537689209, -0.8450194597244263, -0.32335686683654785, 0.991118311882019, 0.9981656670570374, 0.4114791452884674, 0.8634984493255615, -0.023442253470420837, 0.39622005820274353, -0.5758786797523499, 0.35957545042037964, 0.5011346340179443, -0.006310656666755676, 1.5789581537246704, 0.5927221775054932, 0.24792994558811188, 0.5763765573501587, 0.11479859054088593, -0.7561786770820618, -0.3136901557445526, -0.03178003057837486, 0.8427249789237976, 1.1091057062149048, -0.9253488779067993, 0.6259323358535767, -0.11321178078651428, 0.04811200499534607, -0.4164576530456543, -0.11453709006309509, 0.6234188079833984, -1.0317400693893433, 0.21554122865200043, -0.968997061252594, 0.01416250690817833, 0.9198806285858154, -0.13118091225624084, -1.2124227285385132, -0.24711193144321442, 1.5182204246520996, -0.12410052865743637, -0.5690365433692932, 0.09749431908130646, 0.3712964951992035, -0.5704336166381836, 0.25064074993133545, -0.2174806445837021, -0.9513971209526062, -0.24222376942634583, 0.8416531085968018, -0.365526407957077, 0.0675385445356369, -0.15182502567768097, -0.672709584236145, -0.6460371017456055, 0.8428101539611816, 0.0865110456943512, 0.15031185746192932, -0.1541682630777359, 0.03665737435221672, -0.752903163433075, 0.7008954286575317, 0.9923803210258484, 0.188066765666008, -0.16475562751293182, 0.690838634967804, 0.47298070788383484, -0.4586159586906433, 0.9265421032905579]} +{"paper_id": "Peihao/test-dateset", "embedding": [-0.7631589770317078, 1.1722291707992554, -0.19319534301757812, -0.2671405076980591, 0.650381863117218, -0.2086079716682434, 0.6171337962150574, 0.36955034732818604, 0.8958937525749207, 0.679591178894043, 0.5093741416931152, 0.2003168761730194, 0.1817452609539032, -0.32093802094459534, -0.21331119537353516, 0.08697260171175003, -0.7298235893249512, -0.9865821003913879, -1.72987961769104, -0.5143043398857117, -1.0537077188491821, -0.6193897128105164, -0.052052903920412064, 0.8879373669624329, -0.6700740456581116, -1.1509560346603394, 0.5961289405822754, -0.931145966053009, -0.019567981362342834, 0.9141316413879395, -0.07640669494867325, 1.275944709777832, -1.3322150707244873, 0.5887981057167053, -0.29341691732406616, -0.43096110224723816, -0.04446382820606232, 0.5937234163284302, -0.028133507817983627, -0.19296959042549133, -0.8589803576469421, -0.3040374219417572, 0.7758663296699524, 0.23124226927757263, 0.6890729069709778, -0.49169087409973145, 0.24637626111507416, -0.25912758708000183, -0.16283372044563293, -0.11499831080436707, -0.5128882527351379, 0.07793789356946945, -0.3041459023952484, 0.5197455883026123, -0.326008141040802, 1.9921895265579224, 0.17981603741645813, -0.8903865218162537, 0.8440816402435303, -1.061333417892456, 0.8706284761428833, 1.9206207990646362, -0.3452494144439697, 0.4473951756954193, 0.8955889344215393, -0.35679036378860474, 1.5869804620742798, 0.5226137042045593, 0.5917289853096008, 1.0175009965896606, -0.34426403045654297, -0.9372918009757996, 0.4765191674232483, -0.10442985594272614, 0.4721028804779053, 1.0769374370574951, 0.23618976771831512, -0.1472788006067276, -0.03845315799117088, -0.7361969351768494, -0.9051541090011597, 0.4782702326774597, 0.82313072681427, -0.7338763475418091, -0.1920706033706665, 0.7495086789131165, -0.04667560011148453, -0.7264267802238464, 0.12171079963445663, -1.6750744581222534, 0.4585954546928406, 0.08334296941757202, 0.10899809747934341, -0.031999312341213226, -0.2991281747817993, 0.06700748205184937, -0.4523856043815613, -0.3455430865287781, -0.12453069537878036, 0.4310440123081207, 0.5986665487289429, -0.2717093825340271, 0.5817248821258545, 0.13608376681804657, 0.3241855800151825, 0.8424355387687683, -0.5728942155838013, -0.5142561197280884, -0.6173573732376099, -0.22416119277477264, 0.1950991153717041, 0.6763905882835388, 0.02153029292821884, 0.15250155329704285, -0.17943540215492249, 0.17741984128952026, 0.8022013902664185, -0.46458762884140015, -0.18827581405639648, 0.13001534342765808, -0.22810398042201996, -1.5336575508117676, -0.7876741886138916, -0.1161641925573349, 1.3027864694595337, -0.6724601984024048, -0.20216161012649536, -0.4763331115245819, 0.44049718976020813, -0.15421141684055328, 0.22124922275543213, 0.2536724805831909, -1.1413142681121826, 0.20316928625106812, 3.2264134883880615, -0.8783116340637207, 1.5313911437988281, -0.3629428744316101, -0.08899510651826859, -0.25309640169143677, 0.25752097368240356, 1.0130211114883423, -0.16129139065742493, -1.1927297115325928, -0.6076861619949341, 0.7072044610977173, -0.7044697403907776, 0.3504067063331604, -0.9169184565544128, -0.08956068754196167, 0.43773871660232544, -0.5269702672958374, -0.8274103403091431, -0.5667550563812256, -0.1875031590461731, 0.21468985080718994, 0.2529996335506439, 0.4856032729148865, -0.5240360498428345, 0.9408530592918396, 0.9189799427986145, -0.14805057644844055, -0.29069843888282776, 0.4191247820854187, -1.2879858016967773, -0.02138379216194153, 0.7712023258209229, -0.16798469424247742, -0.5493322014808655, -0.3174886405467987, 0.6581133008003235, -0.47510001063346863, 0.14375919103622437, -0.26239439845085144, 0.14177769422531128, 0.8162709474563599, 0.5763551592826843, 0.5249041318893433, 0.01349133811891079, -0.22325168550014496, -0.3447210192680359, -0.512452244758606, -0.0054155439138412476, 0.5016769170761108, -0.061131544411182404, 0.6093219518661499, -2.1071994304656982, -0.3508636951446533, -0.0020480751991271973, 0.5428346395492554, -0.22841905057430267, -0.8045299053192139, 0.24168163537979126, 0.15406368672847748, 0.5310432314872742, -0.6759125590324402, 0.44066378474235535, -0.6101495623588562, -0.07573723793029785, 0.6207476854324341, 0.0765632688999176, -0.1611945480108261, 0.2783548831939697, 1.1189032793045044, 0.24316450953483582, -0.4460812509059906, -0.7795794606208801, -1.4181212186813354, 0.49119919538497925, 2.459101915359497, -0.3220524191856384, -0.8780235648155212, -0.8666320443153381, -0.5709936618804932, 0.5622251629829407, -0.602853000164032, 0.005534045398235321, -0.6281272172927856, -0.0048095062375068665, -1.1758997440338135, 0.133958101272583, -0.23986226320266724, 0.1678999662399292, 0.2791888117790222, 1.1131958961486816, -0.37603041529655457, -0.3019995093345642, -0.37452319264411926, -1.103487491607666, 0.7510276436805725, 0.763934850692749, 0.3218000829219818, -0.76334547996521, 0.6464933753013611, -0.5422569513320923, 0.4907967448234558, 0.9341252446174622, 0.37688153982162476, -0.07508973777294159, -0.09001122415065765, -0.17440371215343475, 1.2407668828964233, -0.006871923804283142, -0.0987103283405304, -0.11742732673883438, 0.49687397480010986, -0.3862124979496002, -0.4921565055847168, 0.2795620560646057, 0.014667309820652008, 1.335754156112671, 0.5038713812828064, -0.8840561509132385, 0.6478511095046997, -0.9689556360244751, -0.010971471667289734, -0.362839013338089, -0.4614797532558441, -0.14905017614364624, -0.3264080286026001, 0.6577796339988708, -0.5312021970748901, 0.46483707427978516, 0.20696066319942474, 0.14651371538639069, -1.2595053911209106, -1.071556568145752, -0.3658364415168762, -0.5412958860397339, -1.4098480939865112, -0.4075896441936493, 0.07698579132556915, -0.5197010040283203, -0.3750360310077667, 0.6792342066764832, 0.23785443603992462, 0.1594206988811493, 0.7356377840042114, 1.5054329633712769, 0.029981307685375214, 1.0470995903015137, -0.0015137642621994019, 0.9961119294166565, -0.5235843658447266, 0.6823840141296387, 0.458442360162735, 0.1678406149148941, -0.6362859010696411, 0.2289261817932129, -0.7652900815010071, 0.44738805294036865, 0.6180827617645264, -0.531638503074646, 0.2531006634235382, -0.37997353076934814, -0.9207966327667236, 1.0121649503707886, -0.5168225765228271, 0.5060815215110779, -1.0327644348144531, 1.8497189283370972, 0.35157540440559387, -0.22595557570457458, 0.9517541527748108, 0.3051377832889557, -0.26629960536956787, 0.651195228099823, -0.36955615878105164, 0.45585140585899353, 0.19464074075222015, -0.10327715426683426, 0.44668516516685486, 0.43926742672920227, -2.1704797744750977, 0.2886717915534973, 0.961530327796936, -0.21318098902702332, -0.6749798655509949, -0.793038547039032, -0.22724199295043945, -0.35917896032333374, -0.3412400782108307, 0.5908733010292053, -0.45828065276145935, 0.5610036253929138, 0.1422252357006073, 0.02503311261534691, 1.3539903163909912, -0.7084792852401733, 0.5761634111404419, 0.8963152766227722, 0.38585537672042847, -1.0739843845367432, -0.22705680131912231, 0.646887481212616, -0.5934432744979858, 0.03150034695863724, 0.42052924633026123, 0.8146383166313171, 1.5077978372573853, -0.2529163956642151, 0.14198248088359833, 0.8429930210113525, 0.6989736557006836, 0.21017895638942719, 0.4080517590045929, -0.49376410245895386, -0.07624712586402893, 0.7291969656944275, 1.0538557767868042, -0.1150677353143692, -0.7115151286125183, -1.0654538869857788, -0.23996567726135254, 0.1682552546262741, -1.0400065183639526, 1.499512791633606, 0.18593797087669373, 0.8067143559455872, 0.2641119658946991, -0.02957635372877121, -0.6925492286682129, -0.20784832537174225, 0.9342328310012817, 0.8117271065711975, -0.5485708117485046, -0.5443553924560547, 0.18713107705116272, 0.8856804966926575, -0.568207323551178, -0.4728595018386841, -0.07751041650772095, 1.2264280319213867, 0.061446454375982285, -1.1211097240447998, 0.23093962669372559, 1.2664014101028442, 0.2960973083972931, 1.4718530178070068, -0.7900789976119995, -0.2760576009750366, 0.19893543422222137, 0.6091598868370056, -0.060409460216760635, 0.18724077939987183, 0.025514952838420868, 0.2947513163089752, 0.1249258816242218, 0.9928717613220215, 0.20099230110645294, 0.8633924126625061, 1.381211757659912, -0.749864935874939, -0.3971152901649475, -0.24028272926807404, -1.2159178256988525, -0.6061633229255676, -0.27087631821632385, -0.2608218789100647, -0.9228876233100891, 0.8354496359825134, -0.8281630277633667, -0.04904310032725334, 0.976576566696167, -0.5316429734230042, -1.2083830833435059, 0.009436264634132385, 1.1081634759902954, -1.1044105291366577, -0.1418381780385971, -0.3321058452129364, -0.99837327003479, -1.229123592376709, 0.06695809215307236, -0.5925397872924805, 0.1086268275976181, -0.420607328414917, 0.7540780305862427, 0.4455488920211792, -0.2758256793022156, -1.3434849977493286, 0.6163479089736938, 1.21019446849823, -0.8113413453102112, 0.2830558121204376, 0.10372715443372726, 0.4408303499221802, -0.21084430813789368, -0.8807767629623413, -0.0779605582356453, 0.506208062171936, -0.07580021768808365, 0.5377238392829895, -0.2650842070579529, -0.47051241993904114, 0.5879846811294556, -0.02087743952870369, 0.8132621049880981, -1.060460090637207, -0.09662298113107681, -0.013026654720306396, 0.6324074864387512, 0.6819391250610352, -0.17796893417835236, -0.49968865513801575, 1.0273032188415527, -0.2871171832084656, 1.0102063417434692, -0.23133383691310883, 0.6891442537307739, 0.6251049041748047, 0.25631991028785706, -0.018661679700016975, -0.3252127170562744, -11.639505386352539, 0.07843571156263351, -0.13226480782032013, 0.015278607606887817, 0.7797309160232544, -0.15349054336547852, 1.2216202020645142, -0.6495255827903748, 0.15821132063865662, -0.7083901166915894, 0.5641700625419617, 0.9376387000083923, 0.2857871353626251, -0.053978193551301956, -0.4433920085430145, -0.754217267036438, -0.8131744265556335, 0.003623172640800476, 0.8257840871810913, -0.26470065116882324, -1.2531871795654297, -0.6623534560203552, 0.36979442834854126, 0.24245387315750122, 0.42512255907058716, -0.049230437725782394, -0.2947397530078888, -0.07557088881731033, -0.5933486819267273, -0.28090983629226685, 0.3109718859195709, -0.02018951252102852, -1.2031641006469727, -0.4490653872489929, 0.3922947645187378, -0.36636221408843994, -1.0844752788543701, -0.07794824242591858, 1.404199481010437, 0.08257272094488144, -0.4695979952812195, 0.11079919338226318, 0.5967012047767639, 0.027197429910302162, -0.824135959148407, 0.8948951363563538, 0.6587668061256409, -0.8142038583755493, 0.5974288582801819, -0.616446852684021, -0.4737154245376587, -0.938286304473877, -0.8360098004341125, -1.107027292251587, 0.4713091552257538, 0.537128746509552, -0.45022130012512207, 0.06482911109924316, -0.3347221910953522, -0.7798629999160767, 1.002692699432373, 0.2192222774028778, -0.20344790816307068, -0.058768484741449356, 0.16474643349647522, -0.9836601614952087, -0.0027897581458091736, 0.6009114980697632, 0.34877273440361023, 0.38765811920166016, -0.6243497729301453, 0.6209079027175903, 0.3493325114250183, -0.14255428314208984, -0.537272036075592, -0.13040682673454285, -0.5167860984802246, -0.29616570472717285, 0.46385902166366577, -0.12404930591583252, -0.9801627993583679, 0.7058201432228088, -0.34799960255622864, -0.10552959889173508, -0.3818054497241974, 0.014754224568605423, -0.3049503266811371, -0.12690383195877075, 0.6581192016601562, 0.00438486784696579, 1.198449730873108, -0.20715242624282837, -0.25570791959762573, 0.49716702103614807, -0.9401091933250427, 1.4466807842254639, -0.8210883140563965, 0.7791922092437744, 0.35404250025749207, -0.9377636909484863, 0.21654850244522095, 0.21429863572120667, -0.22944055497646332, 0.04505413398146629, 0.6271438002586365, 0.3241243362426758, 0.06463052332401276, 0.3336440324783325, 0.5025448799133301, -0.18120676279067993, 0.8866242170333862, 0.21168595552444458, -0.4571624994277954, 0.6618287563323975, -0.2599197328090668, 1.3182200193405151, 0.5468043684959412, 0.5056400299072266, 0.818364143371582, 0.5317190885543823, -0.48876288533210754, 1.4396567344665527, 0.26796427369117737, 0.9444010853767395, 0.05899427458643913, -0.01734006032347679, 0.10499240458011627, 0.5509325265884399, 0.07091651111841202, -1.504635214805603, 0.08275014907121658, -0.33777955174446106, -0.1636119782924652, -0.7219024896621704, -0.40460699796676636, -0.38823798298835754, -1.3727258443832397, 1.6365654468536377, -0.3108205497264862, 0.3326008915901184, -0.07959210872650146, -0.7240690588951111, 0.23627474904060364, -0.9136360883712769, -1.3966634273529053, 0.23453283309936523, -1.2610503435134888, -0.07746201753616333, -0.4935499131679535, -0.49149221181869507, 0.05694648623466492, -0.36042147874832153, 0.7691802978515625, -1.2132095098495483, 0.03530871123075485, -0.05255940183997154, 0.34370163083076477, -0.24840950965881348, -0.8052807450294495, -0.3213479220867157, 0.010744806379079819, 1.1620678901672363, -0.807881236076355, 0.9298614859580994, 0.42888307571411133, -0.24966762959957123, -0.7344380021095276, 0.14979790151119232, -0.7148715853691101, 0.5338524580001831, 1.0731817483901978, -0.8491020798683167, -0.3406717777252197, -0.973436176776886, -0.6056470274925232, -0.8912392258644104, 0.16994217038154602, 1.305757761001587, -0.35062554478645325, -0.10827109217643738, -0.08928698301315308, 0.9687175750732422, -0.07908259332180023, 0.16303130984306335, -0.5579671859741211, 0.03556840866804123, -0.0453440323472023, 1.1649856567382812, 0.1922660917043686, 0.44268685579299927, -1.6317538022994995, -1.1741790771484375, -0.37929266691207886, 0.13542629778385162, -0.07920100539922714, -0.31243273615837097, 0.9897016286849976, 0.3700237274169922, -0.024641603231430054, 0.38551220297813416, -0.14331431686878204, 0.9969745874404907, -0.013470668345689774, 0.6764674782752991, 0.5857902765274048, 0.2540152668952942, -0.4890139102935791, 0.5259402990341187, 0.006624434143304825, 0.5811231136322021, -1.8357274532318115, -0.3838426470756531, -0.12017188966274261, -0.5407810807228088, -0.10682424902915955, -0.9951446056365967, 0.05275345221161842, -0.27733367681503296, 0.2080385684967041, -1.3313618898391724, 0.08255057036876678, 1.6809654235839844, -0.08137116581201553, 0.5258711576461792, 0.61112380027771, 0.30848750472068787, 0.2664881944656372, 0.7078542113304138, 1.977765440940857, -0.0458754263818264, -0.8316382765769958, 0.06790749728679657, 0.4805354177951813, -0.23662075400352478, 0.0624302476644516, -0.03350067138671875, -1.4486463069915771, 0.5531436800956726, -0.8498230576515198, 0.7754889130592346, -0.7304855585098267, 0.48075804114341736, 0.2623014748096466, 1.0068631172180176, -0.5390506386756897, -1.9901514053344727, -0.34763261675834656, -1.2489724159240723, -0.10402627289295197, 0.47544318437576294, 0.4482598304748535, 0.19865162670612335, 0.6863552331924438, -0.40362322330474854, 1.0815609693527222, -0.39643123745918274, -0.009590186178684235, -0.38143888115882874, -0.0691494345664978, 1.2344738245010376, 0.278635710477829, 0.5698516368865967, -0.3344084322452545, -0.4953700602054596, -0.13125678896903992, -0.4622214138507843, -0.17000561952590942, 0.6826664209365845, 1.326858401298523, -0.2925815284252167, -0.04073233902454376, -0.8294939994812012, 0.4494476914405823, -0.7102025747299194, 0.7580733895301819, 0.2821783721446991, -0.08723913878202438, -1.2345788478851318, -0.48641371726989746, 0.48391225934028625, 1.102603793144226, 0.06918565183877945, 0.03748331964015961, -0.4520456790924072, 0.6414145231246948, 0.13323338329792023, -0.1268734186887741, -0.9877997636795044, -0.09731148928403854, -0.5797767043113708, 0.3368552327156067, 0.6521806716918945, -0.6009626984596252, -0.40756046772003174, -0.04070723056793213, -0.6876370906829834, 0.5769803524017334, -0.05670510232448578, -0.779833972454071, -0.5329509973526001, 0.2344554364681244, -0.46347951889038086, 0.001400914043188095, 0.8062558770179749, -0.6847432851791382, -1.5028762817382812, 1.256824254989624, 1.1826034784317017, -0.8264400959014893, -0.5369102954864502, 0.3395010828971863, 0.045150142163038254, 0.32741889357566833, 1.298792839050293]} +{"paper_id": "surrey-nlp/PLOD-filtered", "embedding": [-0.16943849623203278, 1.9438024759292603, 0.6887774467468262, 0.47973689436912537, -0.037713199853897095, 0.1295638233423233, 0.3260270357131958, 0.3864932656288147, 0.769256591796875, 0.35133299231529236, -0.14892730116844177, 0.08600664883852005, -0.2700676918029785, -0.660953164100647, -1.0146256685256958, -0.12205814570188522, -0.7605739235877991, -0.33842483162879944, -0.7911280393600464, -0.5716555118560791, -1.2102196216583252, -0.9456243515014648, -0.473004549741745, 0.1493397355079651, -0.5418077111244202, -0.2628723084926605, -0.3156868517398834, -1.0969867706298828, -0.3235735595226288, 0.21755856275558472, 0.029045119881629944, 0.4466775357723236, -2.450817584991455, -0.1811223030090332, -0.6277222633361816, -0.19870083034038544, 0.3516562879085541, 0.6711392998695374, -0.6112306118011475, -0.16326752305030823, -0.9571613669395447, 0.05174918472766876, 0.9932050108909607, -0.5311721563339233, 0.6741737723350525, -0.27982500195503235, -0.02404535748064518, 0.3905507028102875, 0.48123085498809814, 0.6488988399505615, -0.6100521087646484, -0.10234402865171432, 0.008227983489632607, 0.5171869993209839, -0.6131551861763, 1.0267688035964966, -0.1301734447479248, -0.6972844004631042, 0.3416174650192261, 0.22177338600158691, 0.9155674576759338, 1.0539748668670654, -0.3546241223812103, 0.2692367732524872, 0.27704331278800964, 0.23808221518993378, 1.5280646085739136, 0.2389734834432602, 0.55734783411026, 1.1565041542053223, 0.1383110135793686, -1.0377979278564453, 1.3835667371749878, -0.5133703947067261, -0.049045488238334656, 1.2005360126495361, 0.4922007620334625, -0.07554145157337189, 0.8584182858467102, -0.35146212577819824, -0.624793291091919, 0.9950319528579712, 0.4939890503883362, -0.3140932321548462, -0.5106878280639648, -0.4876531660556793, -0.21099558472633362, -0.5845757126808167, 0.9908789992332458, -0.9020372033119202, 0.16980233788490295, 0.9810476899147034, -0.8889590501785278, -0.031515754759311676, -0.21700966358184814, -0.05256424844264984, 0.33689451217651367, -0.21647627651691437, -1.5655373334884644, -0.000791473314166069, 1.2053195238113403, -0.37131038308143616, 1.0912703275680542, -0.6047285795211792, 0.8999137878417969, 1.1167351007461548, -0.7533522248268127, -0.19496247172355652, -0.6052190065383911, 0.42613133788108826, 0.5751588940620422, 0.7615435719490051, 0.20303817093372345, 0.8266744017601013, -0.04566749185323715, -0.5014110207557678, 0.04459486901760101, -0.2490074336528778, -0.8889648914337158, -0.13144603371620178, -1.0404820442199707, -1.2700499296188354, 0.4178605079650879, 0.07253620028495789, 0.37638598680496216, -1.1656382083892822, 0.5361315011978149, -0.15590259432792664, 0.3295665979385376, -0.07060378044843674, 0.951789379119873, -0.2001463770866394, -0.6575702428817749, -0.003048442304134369, 2.756409168243408, -1.5619884729385376, 0.4927733242511749, 0.026809727773070335, 0.4486534595489502, -0.7080464959144592, -0.06004419922828674, 1.68616783618927, 0.19064787030220032, -0.6158695816993713, -1.0651487112045288, 0.3405061960220337, -0.8063223958015442, 0.2865076959133148, -0.5757776498794556, -0.09495911002159119, -0.2731590270996094, 0.5546959638595581, -0.9752429127693176, -1.1105153560638428, 0.16730345785617828, 0.6371058821678162, -0.11378653347492218, 0.5942065715789795, -0.26904481649398804, 1.4949452877044678, 1.3519312143325806, -0.053522683680057526, -0.5022827386856079, 0.5564782023429871, -1.2117310762405396, 0.008770587854087353, 1.2029094696044922, -0.10605443269014359, -0.9229570627212524, -0.5332955718040466, 1.0408344268798828, -0.550413966178894, -0.06437081098556519, -0.12709663808345795, 0.10639538615942001, 0.34588879346847534, 0.21071460843086243, -0.20572471618652344, 0.5027779340744019, -0.6787055134773254, -0.5618601441383362, -0.03940686210989952, 0.07689017802476883, 0.7945269346237183, 0.23829412460327148, 0.5014729499816895, -1.9753847122192383, -0.47618186473846436, -0.029495149850845337, 1.0228617191314697, 0.12144143879413605, -0.796740710735321, -0.451673686504364, 0.7592520713806152, -0.07752684503793716, -0.6300653219223022, -0.4400877356529236, -1.4571455717086792, 0.11310020089149475, 1.4322923421859741, 0.4854852855205536, -0.3398131728172302, -0.3816981911659241, 1.1164988279342651, 1.0285427570343018, -0.7140492796897888, 0.31458598375320435, -1.5059841871261597, -0.16865739226341248, 2.337161064147949, -0.36907240748405457, -1.1326779127120972, -1.49388587474823, -0.44278281927108765, 0.12235144525766373, -0.10450532287359238, 0.16048483550548553, -0.25204718112945557, -0.1830892562866211, -0.6016885638237, 1.3154122829437256, -0.9076393842697144, 0.20709645748138428, -0.2507973611354828, 0.6404269933700562, -0.40784648060798645, -0.2989261746406555, -0.23471851646900177, -0.21048206090927124, 0.8897417783737183, 0.8361250758171082, -0.255232036113739, 0.05268194526433945, 0.9496869444847107, 0.04792027175426483, 0.7247464656829834, 0.516513466835022, 0.49296891689300537, -0.40924394130706787, 0.44677236676216125, 0.40297946333885193, 0.4526386857032776, -0.7915905117988586, 0.19806906580924988, 0.35898226499557495, 0.03582634776830673, -0.10653111338615417, -1.0954711437225342, -0.3664233684539795, -0.09682802110910416, 1.3902040719985962, 0.8229689598083496, -0.40791797637939453, 0.9351503252983093, -1.3474233150482178, -0.11261675506830215, -0.3549325168132782, -0.25223058462142944, -0.17793484032154083, -0.04160955548286438, 0.3523116707801819, -0.036746472120285034, -0.08548136055469513, -0.3738367557525635, -0.17285484075546265, -1.1499569416046143, -1.2296311855316162, -0.5199738144874573, -0.5614730715751648, -1.3508129119873047, -0.019872382283210754, 0.15585772693157196, -1.7657610177993774, -0.4286785423755646, 0.11732899397611618, 0.23605464398860931, -0.18866334855556488, 0.4037374258041382, 1.9000991582870483, 0.17087167501449585, 0.721393346786499, -0.030361667275428772, 0.8740730881690979, -0.25188419222831726, 0.38329529762268066, 0.07899051904678345, 0.05743873491883278, -1.0124101638793945, 0.06806124746799469, 0.139165997505188, 0.5546382069587708, 0.319755494594574, -0.5305379629135132, 0.5934310555458069, 0.004318058490753174, -1.112593412399292, 0.2484719455242157, -0.5590944886207581, 0.05618255212903023, -1.0041052103042603, 1.3385835886001587, 0.6094167828559875, 0.043474260717630386, 0.4853106737136841, -0.7007916569709778, -0.07495448738336563, 0.829827606678009, -1.1567106246948242, 1.2729922533035278, 0.9367945194244385, 0.5505742430686951, 0.5680921077728271, 0.0244731642305851, -2.096322774887085, -0.27551597356796265, 0.7573006749153137, 0.1630915403366089, -0.2963588237762451, -0.2055758833885193, -0.30217719078063965, -0.44687822461128235, -0.6626713871955872, 0.7093555331230164, -0.9542714953422546, 0.39530837535858154, -0.27367570996284485, -0.19413141906261444, -0.019683143123984337, -0.010738059878349304, 1.2575106620788574, 1.0994890928268433, -0.13914039731025696, -1.128399133682251, -0.07893931120634079, 0.9486804604530334, -0.2707231342792511, 0.5654146671295166, 0.17053711414337158, 0.894689679145813, 0.9289442300796509, -0.3972516655921936, -0.07572999596595764, 0.5607714056968689, 0.6760638952255249, -0.4006465673446655, 0.36661186814308167, -0.25731372833251953, 1.2247694730758667, 0.41814014315605164, 1.1288782358169556, 0.17613255977630615, -0.1724139153957367, -1.1429482698440552, -0.07673497498035431, -0.6632663011550903, -0.02307606115937233, 1.920390248298645, 1.1931235790252686, 1.894142746925354, 0.48751071095466614, 0.386578768491745, -0.4170013666152954, 0.40518489480018616, 0.7395275831222534, 1.0959323644638062, 0.021571524441242218, -0.44930729269981384, -0.4265441298484802, 0.402005672454834, 0.08927693963050842, -0.5793927311897278, 0.1954573094844818, 0.10871834307909012, -0.5214526653289795, -1.1444333791732788, -0.3624572455883026, 0.20841853320598602, 1.1400089263916016, 2.438845157623291, -0.9402828812599182, -0.6496222615242004, -0.14807872474193573, 0.25743257999420166, 1.118813157081604, 0.08443532139062881, -1.7149248123168945, 0.1725732684135437, 0.7627850770950317, -0.3171795606613159, -0.8275215029716492, 1.1177719831466675, 1.0135177373886108, -0.09032042324542999, -0.5311885476112366, -0.24572181701660156, -0.4656152129173279, -0.4101007878780365, -0.46950310468673706, -0.0021425485610961914, -1.371950387954712, -0.2845062017440796, 0.24659395217895508, -1.003296971321106, 0.4021645486354828, -0.12882007658481598, -0.9911818504333496, 1.1504334211349487, 1.166028618812561, -1.1696593761444092, -1.2554442882537842, 0.34359389543533325, -1.1611932516098022, -0.8097957968711853, 0.602270245552063, -1.2683223485946655, 0.09124606847763062, 1.1306190490722656, 0.7842262983322144, -0.05037068575620651, -0.21272723376750946, -0.9319145679473877, 0.3530869483947754, 0.9898629188537598, -0.49931520223617554, -0.21779747307300568, -0.3512805700302124, 0.4161068797111511, -0.7206203937530518, -1.9794633388519287, -0.8838680982589722, -0.18304626643657684, -0.11989066004753113, -0.7327105402946472, -1.2364487648010254, -0.5018854141235352, -0.21559008955955505, 0.4969758093357086, -0.046289876103401184, -0.4984257221221924, 0.03692212328314781, 0.07163013517856598, 0.24658682942390442, 1.0772203207015991, -0.3612263798713684, -0.6785955429077148, 1.0787469148635864, -0.4302110970020294, 1.0913059711456299, 1.1208845376968384, 0.87696772813797, 0.5837554931640625, 0.052291691303253174, 0.029010847210884094, -0.9381939768791199, -10.644540786743164, 0.793634295463562, 0.2557467520236969, 0.6000766754150391, 0.4049725830554962, -0.0896238461136818, 0.3764474391937256, -0.8052794337272644, 1.3509737253189087, -0.015762757509946823, 0.5726946592330933, 1.5588773488998413, 0.5001624822616577, -0.4990461766719818, -0.155177041888237, -1.1473866701126099, -0.9699030518531799, -0.5917362570762634, 0.8359302878379822, 1.1353946924209595, 0.108086958527565, -0.8237541913986206, -0.27408719062805176, -0.1582775115966797, 0.9525735378265381, -0.15059572458267212, -0.12971097230911255, 0.36220476031303406, -0.6313338875770569, -0.005879160016775131, -0.16297747194766998, -0.2684291899204254, -0.328204870223999, -0.1195131465792656, 0.45754802227020264, 0.4190276861190796, -0.8457251787185669, -0.4486542046070099, 1.04966139793396, -0.5514456629753113, -1.0293879508972168, 0.2198023796081543, 0.5605201721191406, -0.7950193285942078, -0.42516160011291504, 0.14028196036815643, 0.0027860868722200394, -0.712546706199646, 0.7515048980712891, -0.6182540655136108, -0.7752484083175659, -0.859896183013916, -1.944770097732544, -0.9688223600387573, 0.7730387449264526, 0.598381519317627, -0.6448133587837219, 0.3485933542251587, -0.1861564964056015, -0.1159273236989975, 0.9455922842025757, 0.006720513105392456, -0.45531991124153137, 1.0780094861984253, -0.012880504131317139, 0.21184706687927246, 1.1616393327713013, 0.3625318706035614, 0.29873713850975037, 0.4381915330886841, -1.1134916543960571, 0.8749414086341858, 0.5912778973579407, -0.37712034583091736, 0.1822054386138916, -0.4281333088874817, -0.03661423176527023, -0.6677424311637878, 0.590425968170166, 0.8970641493797302, -1.249525547027588, 1.0080749988555908, -0.26203811168670654, -0.5450214147567749, -1.0393621921539307, 0.03988148644566536, -0.3698733150959015, -0.4253655970096588, 0.4999469220638275, -0.08206388354301453, 1.2180628776550293, -0.2628120183944702, -0.8065744042396545, 0.348806768655777, -0.20609885454177856, 0.5418182611465454, -1.118945837020874, 0.802293598651886, 0.025049299001693726, -0.18403315544128418, 1.0543795824050903, -0.41257423162460327, -0.6989175081253052, 0.09099815785884857, 0.7606147527694702, -0.1930581033229828, 0.2620766758918762, 0.12461967766284943, -0.18973180651664734, -0.08890607953071594, 0.8830168843269348, -0.14781427383422852, 0.08225572109222412, 0.3789137601852417, 0.09450241923332214, 1.2406145334243774, 0.3323391377925873, -0.1391107738018036, -0.050392426550388336, 0.2402498722076416, 0.7577459812164307, 0.7612163424491882, 0.3687683045864105, 1.4496251344680786, -0.17373041808605194, 0.21842209994792938, 0.5537774562835693, 0.9502407312393188, -0.1926407516002655, -1.1485257148742676, 0.036106616258621216, -0.17401815950870514, -0.2889639139175415, -1.5759975910186768, 0.00048245862126350403, -0.2638086676597595, -0.9929577112197876, 1.2781461477279663, -0.8109166026115417, -0.7394394278526306, -0.2071818858385086, -0.4823629856109619, -0.08055678009986877, -0.02243255451321602, -0.7656519412994385, 0.36080202460289, -1.264331579208374, -0.15681257843971252, -0.8772799372673035, -0.6533137559890747, 0.3048163950443268, -0.4515977203845978, 1.1914790868759155, -0.48292386531829834, -0.49674901366233826, -0.5023379921913147, 0.47362402081489563, -0.5757827162742615, -0.11509920656681061, -0.013170629739761353, 0.42006564140319824, 1.2111976146697998, -0.5823161602020264, 0.23553919792175293, 0.3074865937232971, 0.4902384281158447, -0.655505895614624, 0.2153274118900299, -0.30276206135749817, 0.44839897751808167, 1.0783162117004395, -0.9665454626083374, 0.28247562050819397, -0.3772764205932617, -0.7617388367652893, 0.15830795466899872, 0.9363217949867249, 1.376784086227417, -1.0658543109893799, 0.6452718377113342, 0.8229676485061646, 0.5123022794723511, 1.5495675802230835, -0.3982229232788086, -0.0807400643825531, 0.09167986363172531, -0.4750475287437439, 0.7136372327804565, -0.12823742628097534, 0.012160997837781906, -1.0545990467071533, -1.354973554611206, -0.6641488671302795, -0.40743428468704224, 1.0530788898468018, 0.3737418055534363, 0.7558746933937073, -0.10674550384283066, 0.7184414863586426, 0.48819345235824585, 0.37138915061950684, 0.933664858341217, 1.237802505493164, 0.5911670327186584, -0.07349136471748352, -0.2539532780647278, -0.4577210247516632, 0.02254696562886238, 1.1575608253479004, 0.4655049443244934, -0.9697168469429016, 0.12578792870044708, 0.9119274616241455, -0.0625336617231369, 0.6666433215141296, -0.9967623949050903, 0.281997948884964, 0.06916618347167969, -0.9800313711166382, -1.2894262075424194, -0.01547493040561676, 0.6830630898475647, -0.9878417253494263, 0.8688585162162781, 0.4229135513305664, -0.27505579590797424, 0.2959595024585724, 0.23278707265853882, 1.3972866535186768, -0.5505067706108093, -0.555880606174469, 0.20220805704593658, 0.11353769898414612, -0.4283965229988098, -0.2761404514312744, 0.4478577971458435, -0.5585365891456604, -0.28968173265457153, -0.8986899852752686, 0.10768751800060272, -0.6614835262298584, -0.20682406425476074, -0.427337646484375, 1.1955980062484741, 0.11663034558296204, -0.4260850250720978, -0.19935721158981323, -0.6371071934700012, -0.7004401087760925, 0.3601657748222351, 0.31738927960395813, 0.8935319185256958, 0.7652267813682556, -0.121919646859169, 1.0834985971450806, 0.24655461311340332, 0.004194624722003937, -0.05693183094263077, -0.6438905000686646, 1.1259266138076782, 0.7257508039474487, -0.7444800734519958, -0.6021201610565186, -0.23551490902900696, -0.9808945655822754, -1.3383234739303589, -0.8053374886512756, 0.3633716106414795, 1.7737709283828735, -0.2971190810203552, 0.2029818445444107, -0.512130856513977, 0.28551313281059265, -0.37833482027053833, 0.4769444465637207, 0.09266874939203262, -0.19086894392967224, -1.125901699066162, -1.029062032699585, -0.5309383273124695, 0.8096474409103394, -0.807084321975708, 0.18486632406711578, -0.43709850311279297, 0.004362322390079498, -0.9186636209487915, -0.4195721745491028, -0.421146035194397, 0.347675085067749, -0.48228520154953003, -0.2485843002796173, 0.46963998675346375, -0.8562979102134705, -0.7122938632965088, -0.2638617753982544, -0.9578521847724915, 0.379106730222702, 0.20845507085323334, -1.0294713973999023, 0.8901577591896057, 0.7526156306266785, 0.18944957852363586, -0.7772659659385681, 1.2584049701690674, -0.1694524586200714, -1.01170015335083, 0.8050074577331543, 0.8094306588172913, -0.15757255256175995, -0.3223956227302551, 0.2446950376033783, 0.987975001335144, -0.014389557763934135, 1.2082256078720093]} +{"paper_id": "surrey-nlp/PLOD-unfiltered", "embedding": [-0.1865900307893753, 1.9712748527526855, 0.6910943388938904, 0.4520587921142578, -0.026772603392601013, 0.14925645291805267, 0.286455899477005, 0.39946672320365906, 0.7825281023979187, 0.32489117980003357, -0.14437797665596008, 0.08260254561901093, -0.23218734562397003, -0.6875051856040955, -1.0235034227371216, -0.1166204884648323, -0.7831092476844788, -0.37186458706855774, -0.8556437492370605, -0.5287054777145386, -1.2599605321884155, -0.9514865279197693, -0.4996054768562317, 0.12908592820167542, -0.5553717613220215, -0.2680227756500244, -0.3033672869205475, -1.0689923763275146, -0.3348422646522522, 0.18989405035972595, 0.0048401206731796265, 0.44131800532341003, -2.4817049503326416, -0.15917816758155823, -0.6166920065879822, -0.2067142277956009, 0.3416348397731781, 0.6443989276885986, -0.5875213742256165, -0.16643358767032623, -0.907947301864624, 0.0004051774740219116, 1.0211427211761475, -0.4978555142879486, 0.643831729888916, -0.2830789089202881, -0.027204275131225586, 0.42286160588264465, 0.4875032305717468, 0.5919468998908997, -0.619493842124939, -0.09350990504026413, -0.021225804463028908, 0.5251017808914185, -0.5923123359680176, 1.0366714000701904, -0.0969715267419815, -0.7480038404464722, 0.38403594493865967, 0.1826501339673996, 0.9390361905097961, 1.076566219329834, -0.38895857334136963, 0.29371893405914307, 0.30031388998031616, 0.2978799343109131, 1.5276302099227905, 0.2463260143995285, 0.6054205894470215, 1.1632314920425415, 0.12284962832927704, -1.055803656578064, 1.4111677408218384, -0.4640405774116516, -0.004240565001964569, 1.2150777578353882, 0.4376320242881775, -0.09102430939674377, 0.8196507692337036, -0.3602212965488434, -0.6479766964912415, 0.960536003112793, 0.4936150312423706, -0.32979872822761536, -0.5073074102401733, -0.4848248064517975, -0.2054852396249771, -0.5881871581077576, 1.0190194845199585, -0.8787400126457214, 0.1971394568681717, 0.9136832356452942, -0.8908908367156982, -0.01826366037130356, -0.1573215126991272, -0.09762958437204361, 0.3154720664024353, -0.16035820543766022, -1.5677168369293213, 0.07248487323522568, 1.186876893043518, -0.3293052613735199, 1.0162415504455566, -0.5924210548400879, 0.9268662929534912, 1.0817227363586426, -0.7221015095710754, -0.23547247052192688, -0.6132771968841553, 0.4077860713005066, 0.5837776064872742, 0.746799886226654, 0.22783343493938446, 0.8468685150146484, -0.024861276149749756, -0.45798200368881226, 0.016846537590026855, -0.27383917570114136, -0.8290520310401917, -0.09877434372901917, -0.9731584787368774, -1.2905560731887817, 0.45041701197624207, 0.04816298186779022, 0.3466506600379944, -1.1551101207733154, 0.5057708621025085, -0.16460192203521729, 0.34229570627212524, -0.06767892837524414, 0.997321367263794, -0.23932486772537231, -0.6542338132858276, -0.00929521769285202, 2.7693493366241455, -1.5951874256134033, 0.5036515593528748, -0.004384753294289112, 0.4563203454017639, -0.6710749864578247, -0.08835117518901825, 1.724605917930603, 0.21291789412498474, -0.6400060057640076, -1.075914740562439, 0.3614268898963928, -0.7761085033416748, 0.2578499913215637, -0.6127321124076843, -0.08786049485206604, -0.2887208163738251, 0.5561996698379517, -0.9857432246208191, -1.1544246673583984, 0.19444434344768524, 0.6495357155799866, -0.08594176173210144, 0.6075923442840576, -0.2300180196762085, 1.5104849338531494, 1.305250883102417, -0.061688877642154694, -0.4834187626838684, 0.5738815665245056, -1.246224284172058, -0.0017321361228823662, 1.253613829612732, -0.11671759188175201, -0.9118763208389282, -0.5812782645225525, 1.0553770065307617, -0.5160044431686401, -0.09003844857215881, -0.09831075370311737, 0.12922145426273346, 0.3672938942909241, 0.24093444645404816, -0.16587720811367035, 0.5039998888969421, -0.6878288388252258, -0.550217866897583, -0.03318600356578827, 0.10517358034849167, 0.7836009860038757, 0.21420536935329437, 0.49667173624038696, -1.9812920093536377, -0.48600560426712036, -0.023463934659957886, 0.9625771641731262, 0.1328546702861786, -0.8023169636726379, -0.4448350965976715, 0.741231381893158, -0.09893658012151718, -0.6208117604255676, -0.4302437901496887, -1.462237000465393, 0.12476634979248047, 1.4207720756530762, 0.4435591697692871, -0.3371047377586365, -0.3984520733356476, 1.1272448301315308, 1.0465346574783325, -0.729701042175293, 0.3324313461780548, -1.4744796752929688, -0.19150087237358093, 2.343630313873291, -0.338801771402359, -1.1392725706100464, -1.4617987871170044, -0.4529520869255066, 0.10282760113477707, -0.126909077167511, 0.12767040729522705, -0.2800822854042053, -0.16553571820259094, -0.5496708154678345, 1.3258860111236572, -0.9154927730560303, 0.19857770204544067, -0.22488050162792206, 0.640689492225647, -0.36951571702957153, -0.34596768021583557, -0.24674122035503387, -0.25661274790763855, 0.893949031829834, 0.8352711796760559, -0.23452721536159515, 0.07313142716884613, 0.9850432276725769, 0.07359030842781067, 0.7075546383857727, 0.5257202982902527, 0.4972648024559021, -0.47029802203178406, 0.46779635548591614, 0.3997845947742462, 0.36540400981903076, -0.760463297367096, 0.20513765513896942, 0.330458402633667, -0.008124265819787979, -0.13341985642910004, -1.0976663827896118, -0.3896799683570862, -0.11503534764051437, 1.436834692955017, 0.7674218416213989, -0.4026855528354645, 0.9062491059303284, -1.3744657039642334, -0.08487687259912491, -0.38109686970710754, -0.2174682766199112, -0.14112094044685364, -0.04765898361802101, 0.3293288052082062, -0.060831837356090546, -0.08799125254154205, -0.3986018896102905, -0.1962563693523407, -1.1375023126602173, -1.2253868579864502, -0.49101322889328003, -0.5076524615287781, -1.331616997718811, -0.0003995150327682495, 0.17319311201572418, -1.7490625381469727, -0.4004461169242859, 0.11297566443681717, 0.21536554396152496, -0.15976496040821075, 0.4595017731189728, 1.8649035692214966, 0.12891876697540283, 0.7011166214942932, -0.0043550580739974976, 0.8677060008049011, -0.27635154128074646, 0.41533321142196655, 0.04714645817875862, 0.0873551070690155, -1.0308672189712524, 0.11918255686759949, 0.12166330218315125, 0.5295397639274597, 0.3514364957809448, -0.5258801579475403, 0.6195057034492493, 0.02553078532218933, -1.0745958089828491, 0.22802555561065674, -0.611487627029419, 0.014531761407852173, -0.939687967300415, 1.314510703086853, 0.6041246652603149, -0.0039768218994140625, 0.4393937587738037, -0.722629189491272, -0.049177318811416626, 0.8202661871910095, -1.1367599964141846, 1.2722607851028442, 0.9239193797111511, 0.5658958554267883, 0.5695114135742188, 0.013002343475818634, -2.0719966888427734, -0.26553118228912354, 0.7290868163108826, 0.16544386744499207, -0.2940952777862549, -0.26985234022140503, -0.34128338098526, -0.451689213514328, -0.6828513741493225, 0.6294742226600647, -0.9996988773345947, 0.3617992103099823, -0.2620399594306946, -0.2239297330379486, -0.007254438009113073, 0.06124521791934967, 1.2470136880874634, 1.0962077379226685, -0.20028552412986755, -1.130981683731079, -0.049553900957107544, 0.9522175192832947, -0.27305689454078674, 0.5222176313400269, 0.18113666772842407, 0.8948639631271362, 0.9043070077896118, -0.34975865483283997, -0.09278859943151474, 0.5904747247695923, 0.7121891379356384, -0.39653071761131287, 0.3836284875869751, -0.29612529277801514, 1.2319388389587402, 0.3901364505290985, 1.1497995853424072, 0.15025104582309723, -0.12196864187717438, -1.1502734422683716, -0.07855047285556793, -0.6585389971733093, -0.05354778468608856, 1.976996898651123, 1.1915836334228516, 1.8650096654891968, 0.46625351905822754, 0.4252415895462036, -0.42891383171081543, 0.38290712237358093, 0.6852059960365295, 1.1101776361465454, 0.0384383387863636, -0.46830669045448303, -0.4252130389213562, 0.4233929514884949, 0.06483592092990875, -0.6042320132255554, 0.17764414846897125, 0.128437340259552, -0.48280027508735657, -1.1638562679290771, -0.37315818667411804, 0.2531396746635437, 1.1989409923553467, 2.4021124839782715, -0.9628481864929199, -0.6563614010810852, -0.14115986227989197, 0.23942998051643372, 1.1215589046478271, 0.046236515045166016, -1.7399747371673584, 0.17606082558631897, 0.7747974991798401, -0.3561301529407501, -0.789553701877594, 1.1136962175369263, 1.0893216133117676, -0.05234075337648392, -0.6097946166992188, -0.20328596234321594, -0.5198525786399841, -0.41273409128189087, -0.4227771759033203, 0.0013022609055042267, -1.3953256607055664, -0.2700176537036896, 0.2533717155456543, -1.0067552328109741, 0.3889816105365753, -0.14098219573497772, -0.9780033826828003, 1.139455795288086, 1.1578056812286377, -1.1292479038238525, -1.2538292407989502, 0.35675549507141113, -1.1655635833740234, -0.8385558724403381, 0.62673419713974, -1.288622498512268, 0.017337538301944733, 1.1169155836105347, 0.785846471786499, -0.057339832186698914, -0.20874635875225067, -0.8966593742370605, 0.3544921875, 1.0080732107162476, -0.5299423933029175, -0.2176496684551239, -0.38611793518066406, 0.42994260787963867, -0.6852010488510132, -1.949571132659912, -0.8260721564292908, -0.19610817730426788, -0.11308431625366211, -0.7273222208023071, -1.2601341009140015, -0.4840438663959503, -0.21331796050071716, 0.4925484359264374, -0.02311772108078003, -0.5092332363128662, 0.006971060298383236, 0.1268230527639389, 0.30102354288101196, 1.0166046619415283, -0.3317829370498657, -0.6759502291679382, 1.084259033203125, -0.3752298653125763, 1.0482271909713745, 1.1355334520339966, 0.8630874752998352, 0.6410098075866699, 0.0233318954706192, -0.0021894462406635284, -0.9191375970840454, -10.651676177978516, 0.8054133057594299, 0.23989634215831757, 0.5641573667526245, 0.34710994362831116, -0.09368244558572769, 0.42031267285346985, -0.8421922922134399, 1.3298810720443726, -0.009173468686640263, 0.5882740020751953, 1.5803948640823364, 0.5165426731109619, -0.49965038895606995, -0.18650488555431366, -1.1604973077774048, -0.9838312864303589, -0.6344213485717773, 0.8415454626083374, 1.1507539749145508, 0.1643224060535431, -0.7862423062324524, -0.27128928899765015, -0.15174417197704315, 0.9735434055328369, -0.08383157849311829, -0.12241045385599136, 0.34410813450813293, -0.586955189704895, -0.006346534937620163, -0.15290193259716034, -0.23082298040390015, -0.3175830841064453, -0.1690264642238617, 0.457247793674469, 0.40073907375335693, -0.8468046188354492, -0.44181033968925476, 1.0271732807159424, -0.565812349319458, -1.0743740797042847, 0.24416737258434296, 0.5608132481575012, -0.7933105230331421, -0.41382816433906555, 0.1813250333070755, -0.0034117940813302994, -0.748691737651825, 0.7792651057243347, -0.6489455699920654, -0.7915793061256409, -0.8449485301971436, -1.8818398714065552, -0.9627137780189514, 0.7333611845970154, 0.6014242172241211, -0.6388472318649292, 0.36146706342697144, -0.1710151731967926, -0.10170997679233551, 0.9441367983818054, 0.0011352133005857468, -0.4517970681190491, 1.084267497062683, -0.01041848212480545, 0.17206865549087524, 1.1592069864273071, 0.33610397577285767, 0.2918089032173157, 0.43979671597480774, -1.1341195106506348, 0.841805636882782, 0.5853849053382874, -0.42048484086990356, 0.10415024310350418, -0.4218128025531769, -0.09228350222110748, -0.6930503249168396, 0.5668162703514099, 0.8812358379364014, -1.2269089221954346, 0.9628912210464478, -0.1972494125366211, -0.5006575584411621, -1.072019100189209, 0.07086314260959625, -0.3271975517272949, -0.38740259408950806, 0.49604400992393494, -0.12263670563697815, 1.2216501235961914, -0.3234510123729706, -0.8156328201293945, 0.3783392310142517, -0.2276698648929596, 0.5553365349769592, -1.0654327869415283, 0.8110126256942749, 0.03803176432847977, -0.1969718039035797, 1.0365853309631348, -0.46269381046295166, -0.7124817371368408, 0.09314349293708801, 0.7021793723106384, -0.1765718162059784, 0.2703368365764618, 0.10695864260196686, -0.1701793670654297, -0.0752861425280571, 0.8881168365478516, -0.17725864052772522, 0.07171056419610977, 0.4168418049812317, 0.10040760040283203, 1.2655763626098633, 0.32023873925209045, -0.10034020990133286, -0.06985214352607727, 0.16893193125724792, 0.7826897501945496, 0.8246743679046631, 0.38826969265937805, 1.4205334186553955, -0.12375305593013763, 0.21171057224273682, 0.6179102659225464, 0.910117506980896, -0.17282980680465698, -1.1845616102218628, -0.011937972158193588, -0.17781317234039307, -0.3306880295276642, -1.5372589826583862, 0.016340259462594986, -0.25085073709487915, -1.059800386428833, 1.2822483777999878, -0.7832737565040588, -0.7794931530952454, -0.15835610032081604, -0.49803081154823303, -0.09559118002653122, -0.07639110833406448, -0.7751540541648865, 0.3734292984008789, -1.2624075412750244, -0.19197231531143188, -0.8550036549568176, -0.6899821162223816, 0.2956058084964752, -0.4434295892715454, 1.2177661657333374, -0.48900729417800903, -0.48437973856925964, -0.4893604815006256, 0.5147692561149597, -0.6075802445411682, -0.12607543170452118, -0.013093069195747375, 0.41432949900627136, 1.2044622898101807, -0.5957884192466736, 0.24470189213752747, 0.2866286039352417, 0.46491676568984985, -0.6236490607261658, 0.21715658903121948, -0.2594769597053528, 0.42275723814964294, 1.03922700881958, -0.9616876840591431, 0.2557474374771118, -0.4017409384250641, -0.7769247889518738, 0.14589153230190277, 0.8939424753189087, 1.365473985671997, -1.0733428001403809, 0.6190696954727173, 0.7956126928329468, 0.5141221284866333, 1.5905488729476929, -0.3650003671646118, -0.09334343671798706, 0.03419502079486847, -0.5143662691116333, 0.7063901424407959, -0.08462931215763092, 0.006956044584512711, -1.0552796125411987, -1.303406000137329, -0.6552835702896118, -0.3774698078632355, 1.1048423051834106, 0.4355441629886627, 0.7559317350387573, -0.13366499543190002, 0.7490761280059814, 0.5007245540618896, 0.3680405020713806, 0.9211196303367615, 1.2499780654907227, 0.6134011149406433, -0.02992883324623108, -0.2306094765663147, -0.4660515785217285, 0.0065024904906749725, 1.1532546281814575, 0.4915462136268616, -0.9771963953971863, 0.14971916377544403, 0.899442732334137, -0.09694720804691315, 0.677024781703949, -1.006450891494751, 0.3317036032676697, 0.05103530362248421, -0.9653546810150146, -1.2995727062225342, -0.013027049601078033, 0.6796356439590454, -0.950490415096283, 0.8167234063148499, 0.4300970137119293, -0.2813788056373596, 0.27803078293800354, 0.21961089968681335, 1.3954980373382568, -0.5119951963424683, -0.598799467086792, 0.16582989692687988, 0.10756900906562805, -0.44239363074302673, -0.25432074069976807, 0.4984496831893921, -0.5656163096427917, -0.28519657254219055, -0.9022815227508545, 0.1379256546497345, -0.659878134727478, -0.195817768573761, -0.41411006450653076, 1.2071889638900757, 0.20262901484966278, -0.3907739222049713, -0.18513186275959015, -0.6558363437652588, -0.6946044564247131, 0.3359754681587219, 0.3194250464439392, 0.9077821373939514, 0.774674654006958, -0.11380983889102936, 1.1165988445281982, 0.27199873328208923, -0.07095618546009064, -0.05982563644647598, -0.6821027994155884, 1.1171135902404785, 0.7677333950996399, -0.7105096578598022, -0.5441690683364868, -0.2302827537059784, -0.9675951600074768, -1.3895556926727295, -0.8419204354286194, 0.40381455421447754, 1.7275091409683228, -0.21625448763370514, 0.18099085986614227, -0.5479825139045715, 0.3365424871444702, -0.3658932149410248, 0.5151926279067993, 0.07764902710914612, -0.19491741061210632, -1.1571059226989746, -1.037496566772461, -0.497814804315567, 0.8099070191383362, -0.7693011164665222, 0.17690421640872955, -0.4451679587364197, 0.018039872869849205, -0.8776528835296631, -0.39938387274742126, -0.42065533995628357, 0.37816375494003296, -0.48407429456710815, -0.25465208292007446, 0.48901793360710144, -0.84882652759552, -0.7029688954353333, -0.26709380745887756, -0.9597005248069763, 0.3671109676361084, 0.16708791255950928, -1.0346590280532837, 0.8845288157463074, 0.7305223941802979, 0.13773883879184723, -0.7207462787628174, 1.285010576248169, -0.18446025252342224, -0.9922978281974792, 0.8162931799888611, 0.8323453664779663, -0.19315318763256073, -0.29492151737213135, 0.22629952430725098, 0.963259220123291, -0.03339526057243347, 1.2014682292938232]} +{"paper_id": "Lexi/spanextract", "embedding": [-0.47368407249450684, 0.6329537034034729, -0.23602841794490814, -0.2707708775997162, 0.5152086615562439, -0.048609744757413864, 0.36470818519592285, 0.7046562433242798, 0.777431845664978, 0.466417521238327, 0.5733106136322021, -0.02488112449645996, 0.5893622040748596, 0.6365947127342224, -0.1698841154575348, -0.6612904071807861, -0.6726495027542114, -0.3913060426712036, -1.4018296003341675, -0.21776023507118225, -0.8660280108451843, -0.7343010306358337, -0.007071793079376221, 1.0575065612792969, -0.6844190359115601, -1.100769281387329, 0.8312342166900635, -1.1566839218139648, 0.26698610186576843, 0.07038000226020813, 0.14709137380123138, 1.0532623529434204, -1.201102614402771, 0.5376321077346802, -0.30704033374786377, -0.5382947325706482, 0.08264369517564774, 1.0505794286727905, 0.06911545246839523, -0.530035674571991, -0.4636383652687073, 0.21339213848114014, 0.5574291348457336, 0.17881730198860168, 0.9502435326576233, -0.3640819191932678, 0.6542977094650269, -0.26439669728279114, -0.4955178499221802, -0.09934323281049728, -0.5915981531143188, 0.32921868562698364, -0.20484501123428345, 0.7891571521759033, -0.14406394958496094, 0.4787261486053467, 0.17446941137313843, -0.9169172048568726, 0.6199193000793457, -0.9177004098892212, 1.546337366104126, 1.6737335920333862, -0.24139158427715302, 0.42233243584632874, 1.3984363079071045, -0.27571558952331543, 1.023668885231018, 0.05662907660007477, -0.3529932498931885, 1.0469470024108887, -0.41257017850875854, -0.3611677587032318, 0.25625288486480713, -0.3978824019432068, 0.17556752264499664, 0.6346836090087891, -0.10736133903265, 0.09622062742710114, -0.08010884374380112, -0.10007598996162415, -0.09839177131652832, 0.04686439037322998, 0.5667035579681396, -0.22862887382507324, 0.10642784833908081, 0.08219566941261292, 0.24563303589820862, -1.100770115852356, 0.4165087342262268, -1.7258294820785522, 0.32492905855178833, 0.382863849401474, 0.035931363701820374, 0.10010682046413422, -0.41232189536094666, 0.7180970907211304, -0.818400502204895, -0.03386159986257553, -0.042185571044683456, 0.2944576144218445, 0.6950355768203735, -0.16299638152122498, 0.44364097714424133, -0.28997907042503357, 0.27252522110939026, 0.4645687937736511, 0.23972010612487793, -0.28653857111930847, -0.7811546921730042, -1.106646180152893, 0.2594137489795685, 0.7112587094306946, -0.13023464381694794, 0.40674811601638794, 0.14475096762180328, 0.6957713961601257, 0.4969906806945801, -1.0901908874511719, -0.08829563856124878, 0.3867344260215759, -0.03434734418988228, -1.0164072513580322, -0.39614611864089966, -0.4588584303855896, 0.8085847496986389, -0.36439794301986694, -0.2987317442893982, -0.8704310059547424, -0.29303866624832153, 0.49827006459236145, 0.7905248403549194, 0.22029733657836914, -0.680644690990448, -0.11435750126838684, 3.019629716873169, -1.105302095413208, 1.336037516593933, -0.48818376660346985, -0.08531511574983597, -0.6102768778800964, -0.6385300159454346, 1.275776743888855, -0.1508331000804901, -0.920791506767273, -0.6618843078613281, 0.49268919229507446, -0.30581167340278625, 0.21250072121620178, -1.0092710256576538, -0.5412379503250122, -0.1163950115442276, -0.044151268899440765, -1.524725079536438, -0.5935493111610413, 0.26165497303009033, 0.41119813919067383, 0.02842133305966854, 0.498111367225647, -0.4881981611251831, 0.9933245182037354, -0.1514677107334137, -0.00019185617566108704, -0.30999869108200073, 0.4424739480018616, -0.7911112904548645, -0.14778345823287964, 0.8218157887458801, -0.14601078629493713, -0.7606921195983887, 0.23858189582824707, 0.21940907835960388, -0.45227065682411194, -0.2087647020816803, 0.04667162895202637, -0.42255380749702454, 0.13595366477966309, 0.5288715362548828, 0.5293514728546143, 0.15951688587665558, -0.7197549343109131, 0.014175225049257278, -0.03736341744661331, 0.20114853978157043, 0.841849684715271, 0.03920188546180725, 0.4843760132789612, -2.5613250732421875, -0.02772185206413269, -0.1761915683746338, 1.2603180408477783, -0.08701618015766144, 0.15420843660831451, 0.07752107828855515, 0.48051270842552185, -0.16655966639518738, -0.6231683492660522, 0.6785591840744019, -1.1826432943344116, 0.4438459277153015, 0.13004690408706665, 0.19929735362529755, -0.23516133427619934, 0.289628803730011, 0.817406415939331, 0.4240780174732208, -0.6124845743179321, -1.2624032497406006, -1.6249572038650513, 0.07669541239738464, 2.2786617279052734, 0.22785532474517822, -0.26678627729415894, -0.9635787606239319, -0.5363588929176331, 0.02517688274383545, -0.16827161610126495, -0.025875840336084366, -0.5858447551727295, 0.1358080506324768, -0.8438625931739807, 0.7170241475105286, -0.6540923118591309, -0.07299023866653442, 0.796748697757721, 1.6112453937530518, -0.5977821946144104, -0.21800243854522705, -0.8723869323730469, -0.23756231367588043, 0.4457677900791168, 0.6693770289421082, 0.26716533303260803, -0.3425637483596802, 0.6381800174713135, 0.6141161322593689, 1.2047903537750244, 0.44517675042152405, 0.5339245796203613, -0.7865242958068848, 0.2371051013469696, -0.4007544219493866, 1.4630320072174072, -0.003925099968910217, -0.14832644164562225, -0.036787282675504684, -0.2538899779319763, -0.6766458749771118, -0.2045849859714508, -0.1728961318731308, -0.0734703466296196, 0.8131802082061768, 0.5655059218406677, -0.5098570585250854, 0.654682993888855, -0.4759391248226166, -0.32715362310409546, 0.10967954993247986, -0.3073573410511017, -0.7101594805717468, -0.41081297397613525, 0.797971248626709, -0.19298027455806732, 0.1403515487909317, -0.20959845185279846, 0.1284746527671814, -1.2161961793899536, -0.5347144603729248, 0.5198376774787903, -0.06283653527498245, -0.6472405195236206, -0.40596362948417664, -0.2374119609594345, -1.1686780452728271, -0.4814733862876892, 0.2306014448404312, -0.1204204261302948, -0.06374428421258926, 0.782575249671936, 1.596062183380127, -0.1992853283882141, 0.36166292428970337, 0.21830590069293976, 1.2638295888900757, -0.6978399753570557, 0.4194241762161255, -0.22705325484275818, 0.29599669575691223, -0.9273785948753357, 0.18871113657951355, -0.7167630791664124, 0.3272857367992401, 0.7713109850883484, -0.022518783807754517, 1.0795754194259644, -0.19915619492530823, -1.0479732751846313, 0.9329280853271484, -0.15558135509490967, -0.18672123551368713, -0.6489988565444946, 1.3448870182037354, 0.18429890275001526, -0.42478111386299133, 0.9397029876708984, -0.12167945504188538, -0.3695421516895294, 1.0095572471618652, -0.17551082372665405, -0.20985707640647888, 0.3555727005004883, -0.49842098355293274, 0.0008985474705696106, 0.5392174124717712, -1.828904151916504, 0.9306735992431641, 1.0464495420455933, -0.39013612270355225, -0.23879407346248627, -0.8933327198028564, 0.3550196886062622, -0.3786947429180145, 0.27940037846565247, 1.036048412322998, -0.4023314118385315, 0.539023756980896, -0.43549644947052, 0.24853397905826569, 0.4176754951477051, -0.11041592806577682, 0.5514772534370422, 0.4943654239177704, 0.5277719497680664, -0.8657762408256531, -0.7646061778068542, 1.0393658876419067, -0.33082130551338196, 0.1102549210190773, 0.1053270772099495, 0.6478859782218933, 0.7969002723693848, -0.18085479736328125, -0.22037824988365173, 0.38224631547927856, 0.4789552390575409, -0.19394353032112122, -0.3813040852546692, 0.09510993957519531, 0.4578954875469208, -0.2010856568813324, 1.2213027477264404, -0.43921568989753723, -0.5718456506729126, -0.7646986842155457, -0.2920195162296295, -0.06660290062427521, -0.06958360970020294, 1.4628307819366455, 0.3693082630634308, 1.3253594636917114, 0.49369436502456665, 0.09641566127538681, -0.34141334891319275, -0.37472543120384216, 0.6127299070358276, 0.2897179424762726, 0.2806597948074341, -0.7144235372543335, 0.028828009963035583, 1.1338675022125244, 0.41740450263023376, -0.7148900032043457, 0.36122405529022217, 0.5621483325958252, -0.09586891531944275, -1.1126947402954102, 0.886064887046814, 0.7536017894744873, 0.42986559867858887, 1.532199501991272, -0.7474462985992432, 0.03724491223692894, -0.24551360309123993, 0.10405794531106949, -0.06711240112781525, 0.47081565856933594, 0.10665276646614075, 0.5372409820556641, 0.16138365864753723, 0.48819342255592346, 0.11218525469303131, 1.2689570188522339, 1.5457316637039185, -0.4558987021446228, -1.0511101484298706, -0.06556707620620728, -0.7754442095756531, 0.21103622019290924, 0.7537088990211487, 0.3173622190952301, -0.3001571595668793, 0.5816835761070251, 0.2845691740512848, -1.0455890893936157, 0.1367827206850052, -0.5015833377838135, -1.3348387479782104, 0.9196202754974365, 1.1258275508880615, -0.846775472164154, -0.4779065251350403, -0.27554214000701904, -0.7808732390403748, -0.24577206373214722, 0.15822726488113403, -1.267996907234192, 0.7710773348808289, 0.07017608731985092, 0.8672913312911987, 0.061829838901758194, -0.08692242950201035, -1.3648275136947632, 1.2600226402282715, 0.9419918656349182, -1.3115087747573853, 0.6058739423751831, 0.1721777617931366, 0.6312111616134644, 0.23264755308628082, -1.1977802515029907, -0.6953362822532654, 1.0889663696289062, 0.010532625019550323, 0.1405424177646637, -1.0042256116867065, -0.4003264904022217, 0.7121913433074951, 0.43927961587905884, 0.6963115930557251, -0.6905896067619324, 0.11291992664337158, -1.1504054069519043, 0.08990433067083359, 0.7750259637832642, -1.0217970609664917, -0.9387061595916748, 0.5282639265060425, -0.22277629375457764, 0.7286624908447266, -0.0065979063510894775, 0.0134146548807621, 1.565970778465271, -0.23933923244476318, -0.10111735016107559, -0.31227365136146545, -12.1959228515625, 1.0174601078033447, -0.15557990968227386, 0.003209821879863739, 0.370140016078949, -0.028903327882289886, 0.4946031868457794, -0.0036423783749341965, 0.31217706203460693, -0.76414555311203, 0.18369150161743164, 0.9384403824806213, 0.36834317445755005, 0.1652483493089676, -0.9976603984832764, -1.0827412605285645, -0.5533328056335449, -0.7910391688346863, 0.5436552166938782, 0.13127045333385468, -0.14649443328380585, -0.8225887417793274, 0.03455576300621033, -0.1725814789533615, 0.5389237999916077, -0.15687376260757446, -0.8384842872619629, -0.12455164641141891, -0.4821542501449585, 0.14434044063091278, 0.5029957890510559, -0.005786895751953125, -0.6566991806030273, -0.30987879633903503, -0.14404425024986267, -0.47273173928260803, -0.8070987462997437, -0.0782761350274086, 0.7818811535835266, -0.45266059041023254, -0.08598630130290985, -0.026004407554864883, 0.6024823188781738, -0.3268321454524994, -0.30076906085014343, 0.21860267221927643, 0.1876428723335266, -0.940560519695282, -0.016283586621284485, -0.1890750527381897, -0.9452229142189026, -0.26884138584136963, -0.8341546654701233, -0.7251399159431458, 0.29706481099128723, 0.2577746510505676, -0.9043595790863037, -0.4351058602333069, -0.20695382356643677, -0.6093900203704834, 0.2667793929576874, 0.17502166330814362, -0.3647618889808655, 0.10907087475061417, -0.06852904707193375, -0.4362904727458954, 0.18037772178649902, 0.1495499461889267, -0.23037388920783997, 0.551658034324646, -0.8012144565582275, 1.4327112436294556, 0.2643345594406128, 0.8061096668243408, -0.9511547684669495, 0.1813572347164154, -1.0346142053604126, -0.31709983944892883, 0.4245278835296631, -0.054397109895944595, -1.6074937582015991, 0.7594128847122192, 0.7330241799354553, -0.41647669672966003, -0.7702364325523376, 0.5184208750724792, -0.10120873898267746, 0.33625635504722595, 1.0896294116973877, -0.6491325497627258, 1.3008772134780884, 0.19447702169418335, -0.8315682411193848, -0.5790767669677734, -0.2047262191772461, 0.8519437313079834, -0.9489845633506775, 0.30679967999458313, 0.1943618357181549, -0.6006587743759155, 0.08267923444509506, -0.30492714047431946, -0.7114218473434448, 0.11856143176555634, 0.8604325652122498, 0.08816323429346085, 0.0697404146194458, -0.06322655826807022, -0.21740581095218658, -0.8249768614768982, 0.9903776049613953, 0.1915316879749298, -0.023765064775943756, 1.566260576248169, -0.5365972518920898, 0.5344160199165344, 0.6526248455047607, -0.12002244591712952, 0.28054600954055786, 0.8202363848686218, -1.1504874229431152, 0.9154152870178223, 0.1583225131034851, 1.7405627965927124, -0.30718085169792175, 0.1449345201253891, 0.18473979830741882, 0.41022634506225586, -0.11499399691820145, -1.145074486732483, 0.61846524477005, -0.3877686560153961, 0.009478116407990456, -0.750369131565094, -0.0798230916261673, 0.3291633129119873, -0.37077757716178894, 1.8316572904586792, -0.995638370513916, -0.18264776468276978, -0.15066230297088623, 0.04728233441710472, -0.6668483018875122, -1.132216215133667, -0.8144012093544006, 0.27503812313079834, -1.390212893486023, 0.5178321003913879, -0.13372433185577393, -0.34369567036628723, -0.16074153780937195, -0.6534734964370728, 0.8249704837799072, -0.7359448671340942, -0.3310145139694214, -0.5373942852020264, 0.48768606781959534, -0.6075950860977173, -0.7808541059494019, -0.2518678903579712, 0.38142555952072144, 1.1602113246917725, -0.9724245667457581, 1.4778469800949097, 0.32724401354789734, -0.5479653477668762, -0.5421027541160583, 0.40214917063713074, -0.4696478247642517, 0.42170819640159607, 1.061118483543396, -0.766275942325592, -0.3543066382408142, -0.5260048508644104, -0.22206071019172668, -0.49341580271720886, 0.08112619817256927, 0.9000139236450195, -1.2351750135421753, -0.1921379119157791, -0.6820985674858093, 0.8957259654998779, 0.13196216523647308, -0.5019245147705078, -0.6094334125518799, 0.7483659982681274, -0.23865067958831787, 0.725465714931488, -0.010959835723042488, 0.989212691783905, -1.4780038595199585, -1.0372729301452637, -0.3507237434387207, -0.20479373633861542, 0.640261173248291, 0.5919325947761536, 0.6175678372383118, 0.3456369936466217, -0.36748141050338745, -0.2857989966869354, -0.11061699688434601, 0.5146152973175049, 0.3046365976333618, 0.4665137529373169, -0.5916874408721924, 0.5912455320358276, -0.39949023723602295, 0.18537116050720215, 0.5973839163780212, 1.3494489192962646, -0.7861507534980774, -0.5438194274902344, 0.08010344207286835, -0.08926133811473846, -0.11120602488517761, -1.4133301973342896, -0.14103588461875916, -0.5620437264442444, -0.3704182207584381, -1.3614263534545898, 0.34817489981651306, 1.4421788454055786, -0.20106543600559235, 0.6440536379814148, 0.3958989083766937, 1.0660302639007568, 0.8714918494224548, 0.14616777002811432, 0.5432751774787903, 0.18213441967964172, 0.24787506461143494, 0.38513004779815674, 0.09247167408466339, 0.2215486466884613, -0.16305752098560333, -0.6758853793144226, -0.7108333706855774, 0.2354753017425537, -0.3483522832393646, 0.8230106830596924, 0.167348712682724, 0.47077634930610657, 1.0121819972991943, 1.168563723564148, 0.07700172066688538, -1.581379771232605, -0.34402996301651, -1.4645034074783325, 0.26845842599868774, 0.794539749622345, 0.5940430164337158, 0.2506285309791565, 0.8387382626533508, -0.6987839341163635, 0.9146920442581177, -0.6235220432281494, 0.3733554482460022, -0.00258723646402359, -0.2319440096616745, 0.7923511862754822, 0.701998233795166, 0.3055737614631653, 0.22517086565494537, -0.5505282878875732, -1.0346695184707642, -0.1482011377811432, -0.4699617922306061, 1.0066604614257812, 0.6159954071044922, -0.2454148381948471, 0.08069176971912384, -0.3832820653915405, 0.7559925317764282, -0.14810040593147278, 1.1654345989227295, -0.05033194273710251, -0.418972909450531, -0.44552162289619446, -1.007737636566162, -0.06110795587301254, 0.45568975806236267, 0.11889058351516724, 0.025797128677368164, -0.023091867566108704, 0.539882481098175, 0.3336726129055023, 0.10237696766853333, -0.776552140712738, -0.338336706161499, -0.5021206140518188, 0.13428685069084167, 0.6524555683135986, -0.7352162599563599, -0.7613604664802551, -0.22882437705993652, -0.8192265629768372, 0.13883304595947266, 0.25489723682403564, -0.6130820512771606, -0.5636393427848816, 0.20545166730880737, -0.036650996655225754, 0.5043059587478638, 0.19731125235557556, -0.24351319670677185, -1.4542371034622192, 0.5137541890144348, 0.9673100709915161, -0.7170870304107666, -0.39086654782295227, 0.28890326619148254, 0.6361750364303589, 0.16117164492607117, 1.3141604661941528]} +{"paper_id": "aps/imagenet2012", "embedding": [-0.32503607869148254, 1.0646179914474487, -0.12473936378955841, -0.052501365542411804, 0.030264701694250107, -0.1490844190120697, 0.15105554461479187, 0.5590564012527466, 0.6111007332801819, 1.1485157012939453, 0.48265478014945984, 0.4782273769378662, -0.08600226044654846, -0.44982385635375977, -0.8435055017471313, -0.23223614692687988, -0.1962500810623169, -0.9732714891433716, -0.6088323593139648, 0.2608133852481842, -1.2912880182266235, -0.4667370319366455, -0.19567546248435974, -0.18294066190719604, -0.7253302335739136, -0.12624579668045044, 0.6435645222663879, -0.27778732776641846, 0.3853747546672821, 0.6491273045539856, -0.22435122728347778, 0.8396559953689575, -1.4586905241012573, 0.6933724284172058, -0.6331013441085815, -0.47265541553497314, 0.937168300151825, 0.5797109007835388, 0.026599012315273285, -0.8162616491317749, -0.07544434070587158, -0.1238221824169159, 0.9920724034309387, -0.09651876986026764, 0.8397709131240845, -0.7688450217247009, 0.1922803521156311, 0.7503411173820496, -0.6691426634788513, 0.21679852902889252, -0.3513279855251312, 1.256649374961853, 0.3384498953819275, 0.13200543820858002, -0.7230953574180603, 0.34069493412971497, 0.41134414076805115, -0.22514596581459045, 0.12157286703586578, -0.7496753931045532, 0.23568762838840485, 0.7874634265899658, -0.4225377142429352, -0.09960182011127472, 0.5280355215072632, 0.25638383626937866, 0.2797958552837372, -0.0814312994480133, 0.21545535326004028, 0.5678587555885315, -0.18403573334217072, -1.2733885049819946, 0.39995524287223816, 0.2567068934440613, 0.710677981376648, 0.4528111517429352, -0.3526291251182556, -0.40960031747817993, 0.3243102729320526, 0.5968460440635681, -0.3247104585170746, 0.01393815129995346, 0.15068933367729187, -0.295746773481369, -0.2972226142883301, -0.45584502816200256, 0.4071568548679352, -0.43921181559562683, 0.2715015709400177, -0.7954234480857849, 0.986269474029541, 0.28757572174072266, 0.12285438925027847, -0.02214965969324112, 0.21123039722442627, -0.17238327860832214, -0.39991480112075806, -0.16769230365753174, -0.4047973155975342, 0.867459237575531, 0.7410458922386169, -0.06822880357503891, 0.31311526894569397, 0.008494913578033447, -0.03921931982040405, 0.4274289608001709, -0.7904542684555054, 0.07753366231918335, -0.7266845107078552, -0.23374991118907928, 0.1624041050672531, 1.1595432758331299, 0.7398589253425598, -0.013325389474630356, -0.16476905345916748, 0.10612624138593674, 0.25347623229026794, 0.08202320337295532, -0.6197072267532349, -0.021276339888572693, 0.16288435459136963, -1.4526087045669556, -0.611247718334198, -0.5624120235443115, 0.26846009492874146, -0.3539304733276367, 1.0272718667984009, -0.10444289445877075, 0.02169916220009327, -0.42083945870399475, 0.34846481680870056, 0.26028984785079956, -0.2754398584365845, 0.23451727628707886, 2.7779014110565186, -1.026803970336914, 0.7266054749488831, -0.2822432816028595, -0.3366463780403137, -0.2232552170753479, 0.08915045112371445, 0.9367552995681763, 0.591782808303833, -0.5544078946113586, -0.36104118824005127, -0.46966031193733215, 0.017442522570490837, 0.45055538415908813, -0.9791040420532227, 0.18469874560832977, 0.18518441915512085, 1.000098705291748, -1.0919032096862793, -1.6035902500152588, 0.23438529670238495, 0.5222480893135071, 0.27705028653144836, 0.00845266878604889, -0.8376137018203735, 0.19124147295951843, -0.1300438642501831, 0.3588513135910034, -0.7744830250740051, 0.579922616481781, -0.12075994163751602, 0.4654388129711151, 0.9559383988380432, -0.22996991872787476, -0.4219300150871277, 0.2406715750694275, 0.3165089786052704, -0.5623291730880737, 0.35426974296569824, -0.16401387751102448, -0.016484536230564117, 0.37004736065864563, 0.010134046897292137, 0.5578324198722839, 0.016911176964640617, -0.7123185396194458, -0.16367456316947937, 0.495680034160614, 0.10111876577138901, -0.028269274160265923, 0.5292876362800598, -0.029869819059967995, -1.5495223999023438, 0.4293275475502014, -0.012156665325164795, 0.37491971254348755, 0.11989901959896088, 0.01943928562104702, 0.05721272900700569, 0.620856761932373, -0.5100414752960205, -0.12207500636577606, 0.48586711287498474, -1.025654673576355, -1.7519190311431885, 0.8772056102752686, 0.10936601459980011, 0.0622682087123394, -0.9385517835617065, 0.3209896683692932, 0.29583239555358887, -0.1376720666885376, -0.017755176872015, -1.3280566930770874, 0.821295440196991, 0.8663433790206909, 0.3628101944923401, -0.48761847615242004, -0.7306057810783386, -0.8178583383560181, 0.4441589117050171, -1.2016116380691528, 0.8043086528778076, -0.6773663759231567, -0.307595819234848, -1.1767345666885376, 0.059595175087451935, -0.5379337072372437, 0.2557629644870758, -0.16866514086723328, 1.454563856124878, -0.9519774913787842, -0.2672457695007324, -0.44367727637290955, -0.8728348612785339, 0.590480625629425, 0.49358218908309937, 0.448783814907074, -0.12482795119285583, 0.35412830114364624, 0.16518878936767578, -0.02779916673898697, 0.23354673385620117, 0.4818282127380371, -0.6903026103973389, 0.37622779607772827, -0.40473297238349915, 0.1449982076883316, -0.6300625205039978, 0.2956545352935791, 0.6280127167701721, 0.02187012881040573, 0.027593418955802917, -1.0064107179641724, -0.12780742347240448, 0.01109594851732254, 1.4438120126724243, 0.4203839898109436, -0.06748700141906738, 0.2314043641090393, -0.24308961629867554, -0.002903454005718231, 0.8888620138168335, -0.1627621203660965, 0.6122837066650391, -0.5708269476890564, 0.6395634412765503, -0.2180885523557663, -0.36236605048179626, -0.07474931329488754, -0.1645072102546692, -0.304303377866745, -0.46637463569641113, 0.10613813251256943, -0.8160461187362671, -0.2892118990421295, -0.42358049750328064, 0.09620212018489838, -0.27700144052505493, -0.8113216161727905, 0.27076297998428345, 0.5505201816558838, 0.17108698189258575, 0.7786340713500977, 0.4120006263256073, 0.15300649404525757, 0.5215259194374084, -0.06782665103673935, 0.3240249752998352, 0.32042786478996277, 0.25919675827026367, -0.3111637234687805, -0.06116130203008652, -1.0302834510803223, -0.946765661239624, -0.7544253468513489, 0.6190881729125977, -0.38780054450035095, 0.04200233519077301, 0.6904069781303406, 0.11235269904136658, -1.3576892614364624, 1.9678702354431152, 0.17223533987998962, -0.3570847809314728, -0.831806480884552, 0.7930517792701721, 0.7793534994125366, -0.2731369733810425, -0.3783188462257385, 0.24862420558929443, 0.04691087082028389, 1.1872541904449463, -0.4646618664264679, 0.01845269836485386, 0.5438189506530762, 0.11486434191465378, 0.20898853242397308, -0.10433021932840347, -2.073503255844116, -0.24816326797008514, -0.23812486231327057, 0.8194886445999146, -0.09690698981285095, -0.59803706407547, 0.15703780949115753, -0.3370615243911743, 0.16799217462539673, 0.3691205382347107, -0.9201509952545166, 0.08983993530273438, -0.04238911718130112, 0.5109418034553528, 0.5766593813896179, -0.9404772520065308, 0.0011903420090675354, 0.2731260359287262, 0.3422955870628357, -0.6131471991539001, 0.2476440966129303, 0.9123735427856445, -0.746608316898346, 0.29707932472229004, 0.9351962208747864, 0.5867427587509155, 0.19877135753631592, -0.43922150135040283, 0.17276406288146973, 0.21996133029460907, -0.20028752088546753, -0.24666455388069153, 1.0355851650238037, 0.12458261847496033, 0.18561972677707672, 0.39719778299331665, 0.8207052946090698, 0.05027877911925316, -0.7442355751991272, -0.026120580732822418, 0.4532654881477356, -0.6787088513374329, 0.03307695314288139, 1.605534315109253, 0.3192075788974762, 1.359544038772583, -0.1131025031208992, 0.46683233976364136, -0.3311862349510193, 0.280659943819046, 0.3473213016986847, 0.671430230140686, 0.5644291639328003, -0.3681708872318268, 0.2850230038166046, -0.09017430245876312, 0.6518635153770447, -0.3122175335884094, -0.27984416484832764, 0.8542240858078003, 0.21056798100471497, -0.26842838525772095, 0.3960016071796417, -0.00523405522108078, 0.8939468860626221, 1.3229843378067017, 0.24420763552188873, -0.8929081559181213, -0.7546150088310242, -0.21783439815044403, 0.6752737760543823, -0.2807947099208832, -0.3961418569087982, 0.1792764663696289, -0.20798896253108978, 1.3541810512542725, 0.40476661920547485, 0.6705562472343445, 0.9217761158943176, -0.17217721045017242, -1.0515003204345703, -0.07671293616294861, -0.9390786290168762, -0.46947503089904785, -0.2257293462753296, -0.03920488432049751, -0.3656668961048126, 0.402237206697464, 0.1111571416258812, -0.9910112023353577, -0.0013023987412452698, 0.131709486246109, -0.3936714828014374, 0.9648745059967041, 0.7896566390991211, -0.6233928799629211, -0.5641109943389893, 0.18452028930187225, -0.36021047830581665, -0.636699378490448, -0.054883722215890884, -0.05974549800157547, 0.4172349274158478, -0.4074239730834961, 0.586624264717102, -0.5641841888427734, -0.14569091796875, -0.476174920797348, 1.2810649871826172, 0.4773945212364197, -0.3747459650039673, 0.397548645734787, -0.557397723197937, 0.32061541080474854, -0.08292825520038605, -1.0959006547927856, -0.2248198688030243, 1.049518346786499, 0.7189193964004517, -0.4130624830722809, -0.6240065097808838, -0.31155461072921753, -0.40448248386383057, 0.45840564370155334, 0.8432726263999939, -0.9155864119529724, 0.23957252502441406, -0.6564975380897522, 0.5838221907615662, 0.4132232964038849, -0.6819562911987305, -0.5611538887023926, 1.5370726585388184, -0.10850367695093155, 0.6779593229293823, -0.16326385736465454, 0.13964340090751648, 0.6234633922576904, 0.1519390046596527, 0.13236935436725616, 0.4602977931499481, -13.71947193145752, -0.23053160309791565, -0.6918231844902039, 0.6721084117889404, 0.7040589451789856, -0.019884496927261353, 1.0884722471237183, 1.0238361358642578, -0.09989377856254578, -0.690376877784729, 0.4397152066230774, 0.8433868288993835, 0.04272988438606262, 0.06902708113193512, -0.05710069462656975, -0.8521246314048767, -0.5772895812988281, -0.2503054141998291, 0.5961944460868835, 0.6741143465042114, 0.7231801152229309, -0.6055141687393188, -0.9909190535545349, -0.17436277866363525, -0.021818380802869797, -1.1249135732650757, 0.09249471873044968, -0.2949446141719818, -0.603796660900116, -0.49635955691337585, -0.06687402725219727, -0.11072705686092377, -0.7415685057640076, -0.47570839524269104, 0.024267077445983887, -0.30927130579948425, -0.3711243271827698, -0.23146536946296692, 1.6816750764846802, -0.0669606626033783, -0.17305129766464233, 0.7696912288665771, -0.4697631001472473, -0.29463064670562744, -0.8994290232658386, 0.47017812728881836, 0.053307726979255676, -0.8158455491065979, 0.12264437973499298, -0.3425494432449341, -0.046128831803798676, -0.6996524930000305, 0.043595653027296066, -0.569514274597168, 1.4893590211868286, 0.3745582103729248, -0.4627527594566345, -0.4242743253707886, -0.37224826216697693, -0.9929566383361816, 0.4892924129962921, 0.4954410791397095, -0.018423758447170258, 0.659237802028656, 0.4925910234451294, -0.7515048384666443, 0.8287909626960754, 0.45381960272789, -0.5678136348724365, 0.049373332411050797, -0.636711061000824, 0.5819841027259827, 1.153611183166504, 0.020679935812950134, -0.5826600193977356, 0.08213645964860916, 0.08568078279495239, 0.2948581278324127, -0.43120071291923523, 0.4806385636329651, -0.8612244129180908, 0.6242787837982178, -0.5738931894302368, -0.15956401824951172, -0.3431882858276367, 0.20169830322265625, 0.18803665041923523, 0.27731767296791077, 0.11885978281497955, 0.6685547232627869, 1.008780598640442, -0.1438116431236267, -0.2519047260284424, -0.7077831625938416, -0.4859720468521118, 0.7371710538864136, -0.573634922504425, -0.1870233714580536, -0.6630688905715942, -0.7728180885314941, 0.5546984672546387, 0.17225509881973267, -0.053806133568286896, 0.32883334159851074, 0.6019046306610107, -0.16806867718696594, -0.08196462690830231, 0.24703693389892578, 0.45802071690559387, 0.6854570508003235, 0.020347174257040024, -0.8062471747398376, -0.5314769744873047, 1.186832070350647, 0.42523589730262756, -0.2318374067544937, 0.7921261787414551, -0.7276484966278076, 0.7844398021697998, 0.546055018901825, 0.3806498944759369, -0.5895316004753113, 0.4293260872364044, 1.2236690521240234, 0.5328853726387024, -0.0923188105225563, 0.1180109977722168, 0.6093574166297913, 0.3457764983177185, -1.189486026763916, 0.3179544508457184, -0.030532751232385635, -0.5405729413032532, -0.38031333684921265, -0.09442101418972015, -1.285354733467102, -0.4969090223312378, 1.496400237083435, -0.3652750253677368, -0.06107641011476517, 0.3533676862716675, -0.23041017353534698, -0.8305290937423706, -0.2829456627368927, -0.439708948135376, -0.022262439131736755, -1.2905774116516113, -0.062096524983644485, -0.7309525609016418, -1.1425141096115112, 0.41142210364341736, -0.14761130511760712, 0.8326045274734497, -0.5471614003181458, 0.1866617649793625, 0.3992490768432617, 0.5695798397064209, -0.5236064195632935, 0.15004630386829376, 0.07395540177822113, 0.9841489195823669, 0.2888752222061157, -0.5132514238357544, 0.8811888694763184, 0.6887325048446655, -0.060058970004320145, -1.0203813314437866, -0.7574208974838257, 1.0030845403671265, -0.25648045539855957, 0.5021477937698364, -0.9081353545188904, 0.10919845104217529, -0.0933501198887825, 0.26964685320854187, -1.2251181602478027, -0.4398832321166992, 0.8591098785400391, -0.8686541318893433, 0.5899028182029724, 0.28875401616096497, 0.9964805245399475, 0.49694475531578064, -1.3975112438201904, -0.32645708322525024, -0.33009713888168335, 0.24557015299797058, 0.7841187119483948, -0.30151572823524475, 0.8853795528411865, -1.3014558553695679, -0.3532727062702179, -0.5680727362632751, 0.27303484082221985, 0.48290422558784485, 0.14537422358989716, 0.47665029764175415, 0.5395621657371521, -0.21456898748874664, 0.40947026014328003, -0.11866216361522675, 0.4728246331214905, 0.41046029329299927, 0.0046875253319740295, -0.5879116654396057, -0.2899893522262573, -0.2173147201538086, -0.5014584064483643, -0.44284990429878235, 0.7445829510688782, -0.8017042279243469, 0.237509623169899, 0.20853841304779053, -0.7374679446220398, 0.002115800976753235, -0.6629003286361694, -0.07960600405931473, -0.09138849377632141, -0.23035837709903717, -0.4973515570163727, 0.010390430688858032, 0.37703773379325867, 0.11466105282306671, 0.9775555729866028, -0.2567773759365082, 0.8366196751594543, 0.20986773073673248, 0.2669777572154999, 1.7352557182312012, 0.35636603832244873, -0.011742692440748215, 0.31300294399261475, -0.20747831463813782, -0.26680296659469604, -0.2829020619392395, 0.2758607268333435, -0.9840123057365417, 0.06329496204853058, -0.5777820348739624, -0.31307530403137207, -0.9672180414199829, 0.0865631029009819, 0.6665979623794556, 0.5556067824363708, -0.03169914707541466, -0.9600749611854553, -0.4981628656387329, -0.4650239944458008, 0.08052283525466919, 0.0998128205537796, 0.02095329947769642, 0.946210503578186, 0.7260262370109558, 0.09194435924291611, 0.8946723341941833, 1.0085338354110718, -0.4820598363876343, 0.5739752650260925, 0.056748248636722565, 1.6051645278930664, 0.9656829833984375, -0.5103943347930908, 0.6389603018760681, 0.45760175585746765, -0.5769510269165039, -0.13478179275989532, -0.14999248087406158, 0.4211408495903015, 0.4992651343345642, -0.8120258450508118, -0.33896273374557495, -0.2743520140647888, -0.5895254015922546, -0.26173725724220276, -0.17559078335762024, 0.10846542567014694, -0.0066615864634513855, -0.6178734302520752, -0.030976584181189537, 0.31606847047805786, 0.15680724382400513, 0.03942950814962387, -0.8362331390380859, -0.4398454427719116, 0.6269667148590088, 0.6993310451507568, -0.301538348197937, -0.3493936061859131, -0.17719408869743347, -0.18096402287483215, 0.4484078884124756, -0.05525527894496918, -0.6740157008171082, -0.5063552260398865, 0.33948493003845215, -0.6328040957450867, -0.4848708212375641, -0.8920415043830872, -0.5337221622467041, -0.03724154829978943, 0.019584426656365395, 0.08961799740791321, -0.1581004112958908, -0.3226202726364136, -0.03703656047582626, -0.13108527660369873, 0.10983464121818542, 0.23196524381637573, -0.3615826964378357, -0.24020609259605408, 0.4634968936443329, -0.0025992393493652344, 0.1139761283993721, 0.10851169377565384]} +{"paper_id": "patrickvonplaten/librispeech_asr_self_contained", "embedding": [-0.4081680178642273, 1.1720439195632935, 0.7378977537155151, -0.3127812147140503, 0.6802675724029541, 0.3105461001396179, 0.7756661176681519, 0.701479434967041, 0.5874893069267273, 0.4911532402038574, 0.3106570541858673, 0.08313164114952087, 0.15657030045986176, -0.3211503326892853, -0.1402917206287384, -0.3159179985523224, -1.4835509061813354, -0.12549841403961182, -1.3489503860473633, -0.6592045426368713, -0.6652320623397827, 0.08595581352710724, -0.04125120863318443, 0.17933142185211182, -0.6893901228904724, -0.28898656368255615, 0.7800791263580322, -0.5739342570304871, 0.24528715014457703, 0.18275389075279236, 0.18724292516708374, 0.9411540627479553, -1.2325785160064697, 0.5800431370735168, -0.5443917512893677, -0.19085317850112915, -0.3748324513435364, -0.009490754455327988, -0.3784436583518982, -0.217227041721344, -1.1645019054412842, -0.0957573726773262, 0.34276705980300903, 0.10319926589727402, 0.7513476014137268, -0.1466541886329651, -0.34769633412361145, 1.0407991409301758, -0.2610900104045868, 0.3785400390625, -0.9280388355255127, 0.3284759819507599, 0.815117597579956, 0.1909988522529602, -0.41784098744392395, 0.45398932695388794, -0.23652291297912598, -0.5480828285217285, 0.2042374610900879, -1.774262547492981, 0.3995121121406555, 0.9510435461997986, -0.34029218554496765, 0.1864268034696579, 0.6469135284423828, -0.30096864700317383, 0.49802613258361816, 0.1536577045917511, 0.731373131275177, 0.8147852420806885, -0.4878162741661072, -0.8899247050285339, 0.36107340455055237, 0.52048659324646, 0.45023760199546814, 0.727553129196167, -0.09579741209745407, -0.018399648368358612, 0.48391658067703247, -0.32576122879981995, -0.39083555340766907, 0.6655782461166382, 0.7883318066596985, -0.8087930083274841, -0.24367797374725342, -0.18034881353378296, 0.38489630818367004, -0.07335768640041351, -0.01227148063480854, -0.9107614755630493, 0.013695433735847473, 0.04414157569408417, 0.29444578289985657, 0.035024866461753845, -0.3027847409248352, -0.1315244734287262, 0.3615773320198059, 0.3092508614063263, -0.6615616083145142, 0.0758320763707161, 0.5033997893333435, -0.3024451434612274, 0.48934710025787354, 0.22085878252983093, 0.07417743653059006, 0.3794967532157898, -0.4332619905471802, -0.5770711898803711, -0.2285079061985016, -0.42273589968681335, -0.2356315702199936, 0.45749664306640625, 0.4256044924259186, 0.8668087720870972, 0.22068575024604797, -0.5120459794998169, 0.11462528258562088, -0.052376460283994675, -0.5660212635993958, -0.5396022200584412, -0.6068128943443298, -1.0850876569747925, 0.36621734499931335, -0.31975045800209045, 0.8869936466217041, -0.8519212603569031, 0.5075356364250183, -0.05577871575951576, 0.605486273765564, -0.5565964579582214, 0.7257527112960815, 0.32782986760139465, 0.19205179810523987, 0.2929518222808838, 2.4794909954071045, -1.26364004611969, 0.9275157451629639, -0.9758071303367615, 0.38781052827835083, -0.39416930079460144, 0.22429898381233215, 1.5380698442459106, -0.5742325782775879, -0.7511313557624817, -0.7390084862709045, -0.3874446749687195, -0.2993559241294861, 0.4870549738407135, -0.5227179527282715, -0.12241262197494507, -0.05746900662779808, 0.6026386618614197, -0.9850494265556335, -1.1008012294769287, -0.30170533061027527, 0.0838482603430748, 0.11250704526901245, 0.3677726089954376, -0.6927114725112915, 0.07982411980628967, 0.7178855538368225, 0.056900765746831894, -0.11502394825220108, 0.2076619416475296, -0.8446351885795593, 0.23744745552539825, 0.412121444940567, 0.062345169484615326, -0.30702218413352966, -0.7943301200866699, 0.3915461301803589, 0.03408508747816086, 0.45990490913391113, 0.4001474976539612, 0.22893646359443665, 0.5719214677810669, 0.18932223320007324, 0.23590129613876343, 0.0777130126953125, -1.3354401588439941, 0.15757015347480774, -0.42441269755363464, -0.3966875672340393, 0.3185686767101288, 0.12498582154512405, 0.048485737293958664, -1.2713176012039185, 0.3783537745475769, 0.4295644760131836, -0.011617124080657959, -0.39616212248802185, -0.8601319193840027, 0.1311253309249878, -0.469673216342926, -0.18566100299358368, 0.30039215087890625, 0.5553515553474426, -0.6207184195518494, 0.2435343861579895, 1.2370685338974, -0.13898217678070068, -0.446491003036499, -0.22448615729808807, 0.3701615631580353, 0.8727346658706665, 0.029275819659233093, 0.08070674538612366, -0.6750143766403198, 0.4416823387145996, 1.4048975706100464, 0.39419102668762207, -1.4128609895706177, -0.2804476022720337, -0.6454002857208252, 0.3832106292247772, -0.7245170474052429, 0.051493316888809204, -0.5843784213066101, -0.4501733183860779, -1.2485543489456177, 0.16528943181037903, -0.8380230665206909, -0.3070978820323944, 0.06895304471254349, 1.4850211143493652, -0.5241218209266663, -0.2558142840862274, 0.1594255566596985, -0.7588414549827576, 0.22280339896678925, 0.96943199634552, 0.46618708968162537, -0.1363600492477417, 0.22466009855270386, -0.12357278168201447, -0.19378606975078583, 0.7334204316139221, 0.5578792095184326, -0.14665687084197998, -0.6150820255279541, 0.2728942334651947, 0.4912525415420532, -0.8780542612075806, 0.07580973207950592, 0.35585135221481323, 0.8119529485702515, -0.24685026705265045, -0.6527501940727234, -0.2965777516365051, 0.28349387645721436, 1.3604146242141724, 1.5771547555923462, -0.28577423095703125, 0.7758612632751465, -0.4727324843406677, 0.7599754929542542, 0.05440546199679375, -0.2953373193740845, -0.30635008215904236, -1.1239277124404907, 0.7337567806243896, -0.41319164633750916, 0.26747334003448486, -0.1414720118045807, -0.34670740365982056, -0.443313330411911, -1.0050570964813232, 0.16129431128501892, -0.3203102946281433, -1.1042954921722412, -1.0854047536849976, 0.45853251218795776, -0.3971813917160034, -0.4240298867225647, -0.39491257071495056, 0.6803138256072998, 0.15290531516075134, 1.0320870876312256, 1.6855804920196533, 0.37419116497039795, 0.4352777600288391, 0.23779575526714325, 0.19019223749637604, -0.015750907361507416, 0.016568094491958618, -0.81196528673172, -0.013238504528999329, -0.7758587002754211, -0.6437864303588867, -0.5090078711509705, 0.4733024835586548, 0.3588288426399231, -0.1554356962442398, 0.4485369324684143, -0.5276259183883667, -1.0541614294052124, 1.0062031745910645, -1.0223815441131592, 0.4619137644767761, -0.6793239712715149, 1.23922598361969, 0.8147186636924744, -0.07735192030668259, -0.19435085356235504, -0.9680434465408325, 0.20452167093753815, 1.0126261711120605, -0.905807375907898, 0.8283849358558655, 0.573445737361908, -0.6542888283729553, 0.30365052819252014, 0.123622827231884, -2.281914472579956, -0.07141970098018646, 1.1249334812164307, 0.03373150900006294, -0.712209939956665, -0.8244099020957947, -0.24997618794441223, -0.11854566633701324, -0.04011852666735649, -0.06531123071908951, -1.1594270467758179, 0.7004091739654541, 0.33758410811424255, 0.5025390982627869, 0.6656591296195984, -0.592879593372345, 0.10071490705013275, 0.7148006558418274, 0.9483148455619812, -0.5987720489501953, 0.06287239491939545, 0.06572183221578598, -0.9453730583190918, 0.7670742273330688, 0.6515079736709595, 0.7508119344711304, 1.392030954360962, -0.32010501623153687, -0.5016249418258667, 0.2203661948442459, 0.6568083763122559, -0.11548305302858353, 0.3233855068683624, 0.048532553017139435, 0.4862962067127228, -0.07811915874481201, 0.9478955864906311, 0.11780385673046112, -1.0003695487976074, -0.006739764474332333, 0.08733285963535309, -1.0710211992263794, -0.5348386168479919, 1.387986421585083, 0.8841756582260132, 1.2293702363967896, -0.03655374422669411, 0.7374349236488342, -0.5865691304206848, 0.24854856729507446, 0.930849552154541, 0.8939730525016785, 0.09521892666816711, 0.019292250275611877, 0.08828097581863403, 0.5691170692443848, 0.48211660981178284, -0.682100236415863, 0.5331308841705322, 0.5695721507072449, 0.18096180260181427, -0.6737201809883118, -0.08133608102798462, 0.8900061249732971, 1.030987024307251, 2.0204014778137207, -0.40769755840301514, -0.7298033833503723, 0.38099992275238037, 0.9524240493774414, 0.13441142439842224, -0.2473689615726471, -0.6586922407150269, 0.46380653977394104, 0.27232348918914795, 1.247413992881775, -0.8437865376472473, 0.5804515480995178, 0.15030261874198914, -1.2927998304367065, -0.22043153643608093, -0.09885899722576141, -0.6252710223197937, -0.5790278315544128, -0.3925432860851288, -0.34064289927482605, -1.0087720155715942, 0.46749386191368103, -0.43535545468330383, -0.8103156685829163, 0.4027431905269623, 0.5561983585357666, -0.5571639537811279, 0.919487714767456, 1.1973686218261719, -1.0604884624481201, -0.3467072546482086, -0.20760253071784973, -0.8534007668495178, -1.032622218132019, 0.35576263070106506, 0.0017392002046108246, 0.27641087770462036, -0.698632001876831, 1.3391653299331665, -0.3112896680831909, -0.08686178922653198, -0.9881848096847534, 0.3408992290496826, 1.0269455909729004, -0.5725761651992798, -0.03229507803916931, -0.28856217861175537, 0.5701786279678345, -0.07777233421802521, -1.0420207977294922, -0.11128370463848114, 0.5899673104286194, 0.2715409994125366, -0.14703264832496643, -0.5090598464012146, 0.13440002501010895, -0.66167813539505, 0.4276665449142456, 0.22065266966819763, -1.1662675142288208, -0.24493958055973053, 0.8830026984214783, 0.8167898654937744, 1.242614507675171, -0.5613173246383667, -0.8925818204879761, -7.078051567077637e-06, -0.8844524025917053, 0.25157156586647034, 0.2771718502044678, 0.08295387029647827, -0.4432455599308014, 0.3270203769207001, 0.7441614866256714, 0.07083997875452042, -12.94835376739502, 0.8547727465629578, -0.4071737825870514, 0.4129987955093384, 0.2754444181919098, -0.08220619708299637, 0.47921285033226013, 0.7610674500465393, 0.48482000827789307, -0.5542904734611511, 0.3317200839519501, 0.318861186504364, 0.045549239963293076, -0.5827102661132812, 0.4270922839641571, -0.1774803251028061, -1.0691437721252441, -0.45974475145339966, 0.7826186418533325, 0.8206983208656311, 0.15748603641986847, -0.8288121819496155, -0.45796364545822144, 0.49050360918045044, -0.23917829990386963, -0.4337290823459625, -0.24201852083206177, -0.3847021460533142, -0.6738654971122742, 0.4183928668498993, 0.4044581949710846, -0.39757847785949707, -0.596511960029602, -0.49486884474754333, 0.4319990277290344, -0.590742290019989, -0.8511492013931274, -0.9543495178222656, 0.37788084149360657, 0.0834943875670433, -0.08743178844451904, 0.5073215961456299, 0.24927116930484772, -1.084850549697876, -0.1888156533241272, 0.000822708010673523, -0.22408908605575562, -0.12120607495307922, 0.010823260992765427, -0.8643798828125, -0.41044294834136963, -0.7062949538230896, -0.43331438302993774, -0.8753249645233154, 1.043776512145996, -0.2136087715625763, -0.4857003688812256, 0.43162772059440613, -0.0005581844598054886, -0.2531278729438782, 0.7705210447311401, 0.8775059580802917, -0.5238516926765442, 0.8655588030815125, 0.7138998508453369, -0.8306757211685181, 0.5799640417098999, 0.1781870424747467, 0.15035480260849, 0.23218940198421478, -0.9784991145133972, 0.9909518361091614, 0.73545902967453, -0.006995446979999542, -0.14931270480155945, 0.10412292927503586, -0.039546262472867966, -0.8868054747581482, 0.3125231862068176, 0.8395176529884338, -0.29718396067619324, 0.13412292301654816, 0.34240052103996277, -0.2793288826942444, -0.7311972975730896, 0.19978079199790955, 0.2958254814147949, 0.24230638146400452, 1.3051693439483643, 0.7383052110671997, 1.24960196018219, 0.3629567623138428, -0.464025616645813, -0.013127818703651428, -0.695612370967865, 0.670392632484436, -0.6345816850662231, 0.8770190477371216, -0.3702230155467987, -0.2674667239189148, 0.5486938953399658, 0.16131985187530518, -0.43793103098869324, 0.32070982456207275, 0.5492787957191467, -0.6321062445640564, 0.1636180877685547, 0.8017809391021729, 0.4339004456996918, 0.3017676770687103, 0.9056234359741211, -0.1959390789270401, -0.3404741883277893, 0.20524629950523376, 0.7329365015029907, 0.5775445699691772, 0.662641167640686, 0.09004124999046326, 0.726545512676239, 0.6727864146232605, -0.5114890336990356, 0.5144563317298889, 0.2279045283794403, 1.5513910055160522, 0.6914162039756775, 0.05548066645860672, 0.27501654624938965, 0.21877804398536682, -0.5218448042869568, -0.28027665615081787, 0.21990224719047546, -0.30038926005363464, 0.4187004268169403, -0.8844914436340332, 0.3133249282836914, -0.6257705688476562, -1.1258937120437622, 0.8006916046142578, -0.3122764229774475, 0.42024990916252136, 0.2892720699310303, -1.2533550262451172, -0.39304834604263306, -0.3692462742328644, -0.255167156457901, 0.38769248127937317, -1.9002904891967773, -0.6036214828491211, -0.44843295216560364, -0.080050989985466, 0.2758992910385132, 0.3946674168109894, 0.6860398650169373, -1.1522597074508667, -0.28177061676979065, 0.6618995666503906, 0.4640391767024994, -0.3877207636833191, -0.062295813113451004, -0.9335569143295288, 0.7623968720436096, 0.7281603217124939, -0.7661736607551575, 0.8823063373565674, 0.327679842710495, 0.3171103000640869, -0.7178624868392944, -0.3042047619819641, 0.07687424123287201, 0.4460728168487549, 1.1280256509780884, -1.4522682428359985, -0.23675863444805145, -0.8932067155838013, -0.1361750215291977, 0.1647440642118454, -0.4891267418861389, 0.9374144077301025, -1.1818300485610962, 0.4658464193344116, -0.28162696957588196, 0.19925281405448914, 0.3820965588092804, -1.1090376377105713, -0.5696043968200684, 0.4813682734966278, 0.25728365778923035, 0.889046311378479, 0.17900359630584717, 0.42900368571281433, -1.5725117921829224, -0.8052442073822021, -0.3308596909046173, 0.1579199731349945, 0.24314522743225098, -0.250932514667511, 0.5551750659942627, -0.1135014146566391, -0.08668684959411621, 0.2575310170650482, -0.020398521795868874, 0.33598482608795166, -0.3390483558177948, -0.33490365743637085, 0.0073436833918094635, -0.4634956419467926, -0.2500985860824585, -0.048200368881225586, 0.24973143637180328, -0.24721425771713257, -0.9285047650337219, -0.21472938358783722, -0.49528369307518005, 0.22163920104503632, -0.050533223897218704, -0.5947364568710327, -0.4097658693790436, 0.23589850962162018, -0.061872389167547226, -0.764130175113678, -0.5349544882774353, 0.9185354709625244, -0.22602397203445435, 1.31041419506073, 0.24452517926692963, 0.15378805994987488, 0.27489322423934937, 0.6848937273025513, 1.0388576984405518, -0.1850183606147766, -0.7442007064819336, -0.4469112157821655, 0.6694827079772949, -0.09510660916566849, -0.029343433678150177, 0.11428960412740707, -1.605325698852539, -0.1829240918159485, -1.1264925003051758, 0.33601856231689453, -0.5573975443840027, -0.1738349199295044, 0.1527397483587265, 1.17428457736969, -0.6024637818336487, -1.4038465023040771, -0.04502607882022858, -0.34499597549438477, 0.08115893602371216, -0.4285113215446472, 0.33914124965667725, 0.6845978498458862, 0.6091952323913574, 0.19490572810173035, 1.4798530340194702, -0.05679696053266525, 0.278447687625885, 0.6826274394989014, 0.2009710818529129, 1.7295020818710327, 0.7060419917106628, 0.2958533763885498, 0.4869562089443207, -0.6126536726951599, -0.6144694685935974, 0.22572061419487, -0.11942378431558609, 0.7410180568695068, 1.1792515516281128, -0.14581169188022614, -0.31220152974128723, -0.3468366265296936, -0.38280540704727173, 0.014254093170166016, 0.44206690788269043, 0.40747588872909546, -0.7063237428665161, -0.5746179819107056, -0.39583516120910645, 0.4194786250591278, 0.5588856935501099, 0.10118432343006134, -0.5648657083511353, -1.1314616203308105, -0.3403727412223816, 0.38822469115257263, -0.5792948603630066, -0.6450874209403992, 0.49908438324928284, -0.7556666731834412, 0.38459455966949463, 0.6029351949691772, -0.1986171305179596, -0.4520609974861145, 0.16797557473182678, -0.3675073981285095, 0.6715149879455566, -0.6618221402168274, -1.4418760538101196, 0.12464842200279236, -0.07746390998363495, 0.10267549753189087, -0.4956170618534088, 0.40126311779022217, 0.046472303569316864, -1.1102819442749023, 1.193860650062561, 1.0331506729125977, -0.27089807391166687, -0.2871365547180176, 0.29421550035476685, -0.1121302992105484, 0.019228495657444, 1.184686303138733]} +{"paper_id": "lewtun/autoevaluate__imdb", "embedding": [-1.415819764137268, 1.2988702058792114, 0.15544380247592926, 0.018407881259918213, 0.42375701665878296, -0.430728018283844, 0.6524050831794739, 0.44196999073028564, 0.11816894263029099, 0.40905535221099854, 0.9016857743263245, -0.4824531674385071, -0.4293872117996216, -0.0875239446759224, -0.11802847683429718, -0.005328238010406494, -0.3521583080291748, 0.024769850075244904, -0.331329882144928, -0.08853915333747864, -0.5946418046951294, -0.46281617879867554, 0.14659565687179565, 0.5849692821502686, -0.5223952531814575, -0.43461179733276367, 0.5965262055397034, -0.006554350256919861, 0.24609196186065674, 0.0038404464721679688, 0.18225157260894775, 0.7315636277198792, -1.3332573175430298, -0.5920248627662659, -0.32638922333717346, -0.06044897437095642, 0.1978474259376526, 0.8148520588874817, -0.7295406460762024, -0.28188544511795044, -0.525871992111206, 0.4270809590816498, 0.891334593296051, 0.6392995715141296, 1.3048797845840454, 0.5334875583648682, 0.17945843935012817, 0.21984750032424927, 0.24289019405841827, -0.1516450196504593, -0.10417146980762482, 0.027915269136428833, -0.5519489645957947, 0.25231847167015076, -1.1518198251724243, 1.1470445394515991, -0.14395612478256226, -0.11231531202793121, -0.13165105879306793, -2.049665927886963, 1.243782877922058, 1.1832200288772583, 0.49779409170150757, -0.050392668694257736, 0.9272249341011047, 0.7592185735702515, 0.9793257713317871, -0.5464469790458679, 0.5676038265228271, 0.4211982786655426, -0.5154185891151428, -0.9625783562660217, 0.22841638326644897, -0.5927073955535889, -0.2717950642108917, 0.08077254891395569, 0.4945261776447296, 0.767551064491272, 0.24519792199134827, 0.8785817623138428, 0.02138524502515793, 0.8397464156150818, -0.561882495880127, -0.39053869247436523, 0.13377535343170166, 0.10150224715471268, -0.17732840776443481, 0.12616753578186035, 0.8851591944694519, -1.0639322996139526, -0.019449785351753235, -0.26269879937171936, -0.3738382160663605, 0.36514192819595337, -0.5755844116210938, 0.143718421459198, 0.0048511698842048645, 0.12913164496421814, -0.19317856431007385, 0.6917294263839722, 0.533638060092926, -0.5003601312637329, 0.22523227334022522, -0.2288983166217804, -0.35638824105262756, 1.2569196224212646, 0.40713000297546387, -0.05107937008142471, -0.09993122518062592, 0.06608740240335464, -0.4141691327095032, 1.202358365058899, 0.10289548337459564, 0.9927728772163391, 0.43354877829551697, -0.24728751182556152, 0.04249793291091919, -0.2829861640930176, -0.7341620326042175, 0.5544109344482422, -0.33994805812835693, -1.6969258785247803, -0.12437344342470169, 0.9428841471672058, 1.1454001665115356, -0.19710315763950348, 0.8338634967803955, -0.39004001021385193, -0.3705160915851593, -0.2921672463417053, 1.0497386455535889, 0.12916524708271027, -0.4728938639163971, -0.32899802923202515, 1.6896374225616455, -0.8142346143722534, 1.2084596157073975, -0.3888779878616333, -0.4484722912311554, -0.2557576298713684, -0.353240430355072, 0.7202933430671692, -0.01809282787144184, -0.5487407445907593, -0.8501672148704529, -0.11602521687746048, -0.1443883180618286, -0.057473182678222656, -0.4544631540775299, -0.8524752259254456, -0.5566104650497437, 0.47295767068862915, -0.9676317572593689, -0.8245593905448914, 0.3401985168457031, 0.47080788016319275, 0.4386959373950958, 0.4749996066093445, -0.38601356744766235, 1.3339987993240356, 0.5161883234977722, 0.4344332218170166, -0.5491971969604492, 0.4269591271877289, -0.7380296587944031, -0.6944475769996643, 0.14451982080936432, 0.8326821327209473, -0.15066009759902954, -0.9211032390594482, 0.7457889914512634, -0.5466744899749756, 0.3425461947917938, -0.001377590000629425, -0.7715235948562622, -0.5223234295845032, 0.5723978281021118, 0.5148179531097412, 0.5865876078605652, -0.5906040072441101, -0.31992676854133606, -0.14932069182395935, -0.4171943664550781, 0.2008059173822403, 0.6739096641540527, 0.2205408215522766, -1.441817045211792, 0.08961795270442963, -0.09935738146305084, 0.44511792063713074, 0.7361903786659241, -0.638729989528656, -0.18419036269187927, 0.23583142459392548, -0.4447237253189087, 0.3623984754085541, 0.4343690872192383, -1.417023777961731, -0.13474738597869873, 0.8526438474655151, 0.45761382579803467, -0.028285356238484383, 0.1604609340429306, 0.8770696520805359, 0.8344436883926392, 0.22529849410057068, -0.27174609899520874, -1.487026333808899, 0.5598389506340027, 2.06173038482666, -0.29625385999679565, -0.7799393534660339, -1.0839868783950806, 0.527397096157074, 0.453960120677948, 0.06420883536338806, 0.6668887138366699, -0.5075697898864746, -0.01001787930727005, -1.0974011421203613, 0.48618248105049133, -0.473489910364151, 0.4552687704563141, -0.44161921739578247, 0.891228973865509, -0.7233810424804688, -0.7273815870285034, 0.010159032419323921, -1.305699110031128, 0.11591105908155441, 0.6824933886528015, 0.4014741778373718, 0.2599566876888275, 0.6779924631118774, 0.819719672203064, 0.44237786531448364, -0.5511752963066101, -0.014500919729471207, 0.2529160976409912, 0.017133738845586777, 0.2508659362792969, -0.407415509223938, 0.30220383405685425, -0.6337775588035583, 0.777199387550354, 0.2463994324207306, 0.24039575457572937, -0.49886125326156616, -0.6010637283325195, 0.013243637979030609, 0.8542128801345825, 1.136025309562683, -0.07150895893573761, 0.9494572877883911, -0.35394999384880066, 0.07934349775314331, 0.3939334750175476, -0.26095202565193176, 0.10380901396274567, -0.4189269542694092, 0.3608331084251404, -0.06638814508914948, 0.10553644597530365, -0.05750713124871254, -0.0006669461727142334, 0.1723976880311966, -0.03375891223549843, 0.40073689818382263, -1.0123264789581299, -0.020706452429294586, -0.1378639042377472, 0.5088289976119995, -0.9902576804161072, -0.73006272315979, -0.38196253776550293, 0.4775053560733795, -0.5484819412231445, 0.6432162523269653, 0.6224499940872192, 0.10701198875904083, 0.14858579635620117, -1.0340238809585571, 0.7817527651786804, -0.3955690860748291, 0.9626401662826538, -0.8169641494750977, 0.8793148994445801, -0.5685053467750549, -0.3700900673866272, 0.32113343477249146, 0.3999917805194855, -0.21995803713798523, -0.09160397946834564, 0.8644021153450012, -0.332435667514801, -1.6250650882720947, 1.424420714378357, -0.07133281230926514, -0.5539461970329285, -0.39404386281967163, 1.3541733026504517, 0.15901292860507965, -0.14128482341766357, 0.4482225775718689, -0.28799161314964294, 0.3664545714855194, 1.1596088409423828, -1.0733736753463745, 0.7481779456138611, 0.5003989338874817, -0.38345256447792053, -0.11107800900936127, -0.4518536329269409, -2.0097577571868896, -0.4347350597381592, 1.185142159461975, -0.6502753496170044, -0.046122629195451736, -0.43459025025367737, 0.6647007465362549, -0.24065513908863068, 0.4569537043571472, 0.15956085920333862, -1.1114788055419922, 0.34370484948158264, -0.9011892080307007, 0.3865405321121216, 0.7435025572776794, -0.5780338048934937, -0.39115047454833984, 0.3956151008605957, 0.20795205235481262, -0.5766463875770569, -0.3663891553878784, 0.580289900302887, -0.5621465444564819, 0.1433488130569458, 0.4298803508281708, 0.5609191656112671, 0.6050808429718018, -0.9799937009811401, -0.3122619390487671, -0.020022355020046234, 0.16843271255493164, 0.08776972442865372, -0.4102991819381714, 0.5135302543640137, 1.236948847770691, -0.6391702890396118, 1.2542321681976318, 0.1264384686946869, 0.10450808703899384, -0.8083544373512268, -0.45446091890335083, -0.5948881506919861, -0.042213983833789825, 1.3366823196411133, 0.6965547800064087, 1.128374457359314, -0.09504187852144241, 0.11914931982755661, -0.4652113616466522, 0.4161652624607086, 0.5319362878799438, 1.030194640159607, -0.1630358248949051, -0.37690627574920654, 0.4657523036003113, 0.3908211290836334, 0.5164211392402649, -0.5609330534934998, 0.3977178931236267, 0.4518493115901947, -0.8908503651618958, -0.30517154932022095, -0.19570292532444, 1.267411708831787, 0.85390704870224, 1.703930377960205, 0.3635830581188202, -0.7384541630744934, -0.37447696924209595, -0.13307282328605652, 1.0244230031967163, -0.0012939274311065674, -0.6852220296859741, 0.3132982552051544, -0.2549079656600952, 0.5111545920372009, -0.43609684705734253, 0.5490341782569885, 0.13839741051197052, -0.3616742193698883, -0.9953730702400208, -0.2872907221317291, -0.903976321220398, -0.5384145975112915, -0.5971346497535706, 0.20484519004821777, -0.8216108083724976, -0.15298014879226685, -0.121708944439888, -1.2595298290252686, 0.24375084042549133, -0.09302687644958496, -0.8676234483718872, 1.2848460674285889, 1.0191887617111206, -0.9009138345718384, -0.60212242603302, -0.2592022120952606, -0.6515246033668518, -0.5621041059494019, -0.0399332232773304, -0.6398539543151855, 0.6411617994308472, 0.3280322849750519, 0.33590009808540344, 0.06767800450325012, 0.04363396763801575, -0.3237723112106323, 0.46498626470565796, 0.5788548588752747, -1.193816900253296, 0.5489939451217651, 0.127352774143219, -0.8797909021377563, 0.06429801136255264, -1.17592453956604, -0.714431643486023, 0.534792959690094, 0.23279094696044922, -0.33173802495002747, -0.5191857814788818, -0.25361379981040955, -0.024282418191432953, -0.12652631103992462, 0.6424127817153931, -0.8275530338287354, 0.49645787477493286, -0.35079658031463623, -0.5576034188270569, 0.26745325326919556, -0.32844245433807373, -0.40329089760780334, 0.6261382699012756, -0.706894040107727, 0.6086838245391846, 0.006204396486282349, 0.3206966817378998, 0.5140988826751709, -0.14131566882133484, 0.36083585023880005, 0.4568236172199249, -13.331929206848145, 0.46512657403945923, -0.5427125096321106, 0.8054652810096741, 0.781498372554779, 0.21974486112594604, 0.32708919048309326, 0.04701801389455795, 1.1072319746017456, -0.7103425860404968, 0.28568899631500244, 1.117488980293274, -0.6430666446685791, -0.49727892875671387, -0.40372616052627563, -0.3848198652267456, -0.4797414541244507, -0.5549855828285217, 0.17149673402309418, -0.08491399139165878, 0.6334983706474304, -0.5098556876182556, -0.5119048953056335, -0.5421581864356995, -0.06816418468952179, -0.34318554401397705, -0.09116145223379135, -0.6366731524467468, -0.871768057346344, 0.8671436309814453, 0.4748568832874298, -0.36939361691474915, -0.23267018795013428, -0.24422165751457214, -0.16086068749427795, 0.5795629024505615, -0.4610975384712219, -0.15994922816753387, 0.5472613573074341, -0.3867824971675873, 0.21674838662147522, 0.25641077756881714, 0.525635838508606, -0.3589434325695038, -0.12091760337352753, 0.20950506627559662, -0.3520568013191223, -0.4100720286369324, -0.218284010887146, 0.1967882513999939, -0.6724032163619995, -0.30254843831062317, -1.2077497243881226, 0.11184310913085938, 0.6832841038703918, 0.42029058933258057, -1.0929330587387085, 0.7047563195228577, -0.7238560318946838, -0.04460851475596428, 1.0659033060073853, -0.30604761838912964, -0.3569035530090332, 0.388367623090744, 0.3543376326560974, -0.3033711910247803, 0.6011465191841125, 0.8153198957443237, -0.6457931995391846, 0.42412206530570984, -0.4140315353870392, 1.0384650230407715, 0.47693687677383423, 0.12588819861412048, -0.2925335466861725, 0.3461255133152008, -0.802356481552124, 0.1593610793352127, 0.8578376770019531, -0.10442551970481873, -1.2661534547805786, 0.3100133240222931, -0.1661895215511322, -1.0118340253829956, -0.6324130296707153, 0.7840267419815063, -0.042946331202983856, -0.5219048857688904, -0.1095445305109024, 0.21505683660507202, 0.3811393082141876, 0.19583401083946228, -0.8302549719810486, -0.2533382773399353, 0.1936737298965454, 0.36960750818252563, -0.376895934343338, 0.717109739780426, 0.0674675703048706, 0.2883606553077698, 0.37224438786506653, -0.11639659851789474, -0.2975158393383026, 0.45874521136283875, 0.32242053747177124, -0.5113387703895569, 0.2534791827201843, 0.4246969521045685, 0.07775313407182693, 0.1583925038576126, 0.32625555992126465, -0.13560797274112701, 0.2741422653198242, 0.8336828351020813, 0.1221332848072052, 0.44546589255332947, 0.23782974481582642, -0.4454566240310669, 0.7687373757362366, 0.3694959282875061, -0.16784115135669708, -0.006180169992148876, 0.4676578938961029, 0.9902434945106506, 0.5865077972412109, 0.26926231384277344, 0.20364564657211304, 0.3955317437648773, 0.19982147216796875, -0.9116095304489136, 0.9902482628822327, -0.5996197462081909, -0.009023906663060188, -0.7442349791526794, -0.6926935911178589, -0.22421160340309143, 0.009487908333539963, 1.3465195894241333, -0.7823076844215393, 0.2984026372432709, -0.7461211681365967, -0.4736073911190033, -0.45671364665031433, 0.07443712651729584, -0.5391914248466492, -0.3672504425048828, -0.7520876526832581, 0.16266421973705292, -0.3812367022037506, -0.2884448766708374, 0.5875157117843628, -0.13848960399627686, 0.6369650363922119, -0.9028981924057007, -0.3837653696537018, -0.0833934098482132, 0.04511134698987007, -0.3534061908721924, -0.9164554476737976, -0.21041473746299744, 0.8399041891098022, 0.05280635133385658, -0.6908004283905029, 0.6989461183547974, 0.6953108310699463, -0.023892942816019058, -0.2656882703304291, 0.5455468893051147, -0.7696419358253479, 0.5850782990455627, 0.8135069012641907, -0.8140026926994324, -0.6473118662834167, -0.335970014333725, -0.3318183720111847, -0.7033534049987793, 0.9060868620872498, 0.935134768486023, -0.7132486701011658, 0.15430058538913727, -0.4993817210197449, 0.4493519067764282, 0.2152022123336792, -0.5999270677566528, -0.10642240196466446, 0.40154317021369934, 0.015268438495695591, 1.2618310451507568, -0.040625929832458496, -0.3248983323574066, -1.292311668395996, -1.2758691310882568, -0.5122959017753601, -0.2456531822681427, 0.7768428921699524, 0.15902851521968842, 0.4178091287612915, 0.4776668846607208, -0.676119327545166, -0.23043948411941528, 0.2811030447483063, 0.6858222484588623, 0.14958946406841278, 0.22324149310588837, 0.20827756822109222, -0.19448384642601013, -0.921438992023468, -0.4621776044368744, 0.442954957485199, 0.6041907072067261, -1.046290397644043, -0.16518628597259521, 0.6195036172866821, 0.45414862036705017, 0.721757173538208, -0.8911870718002319, 0.46853402256965637, 0.1658816933631897, -0.7225900888442993, -1.0222342014312744, -0.5635288953781128, 0.3757449686527252, -0.9295051693916321, 1.1956403255462646, 0.45780685544013977, 0.8528883457183838, 0.41021138429641724, 0.17520691454410553, 1.2079901695251465, -0.1793133169412613, -0.6657894253730774, 0.06647394597530365, -0.5948864221572876, -0.1736234575510025, -0.3451694846153259, -0.21309971809387207, -1.255113124847412, 0.636419951915741, -0.7847224473953247, 0.29955223202705383, -0.2621062397956848, -0.005561234429478645, -0.1100630909204483, 1.2584099769592285, 0.01213933527469635, -0.8895039558410645, -1.2439988851547241, -0.8498842120170593, 0.09173810482025146, 0.3149802088737488, 0.010318275541067123, 1.590600848197937, 0.5909701585769653, -0.1404070407152176, 0.8747049570083618, 0.16850486397743225, -0.06376539170742035, 0.43368563055992126, -0.3523305058479309, 1.1184425354003906, 0.2755032777786255, -0.32292401790618896, 0.5238620042800903, 0.22051909565925598, -1.266497254371643, 0.246946781873703, 0.00633950624614954, 0.3889683485031128, 0.2759253978729248, -0.6456446051597595, -0.3500440716743469, -0.07467260956764221, -0.10637997090816498, 0.1601216048002243, 0.4542229175567627, 0.7519338726997375, -0.522933840751648, -0.5869316458702087, -0.5886207222938538, -0.024146748706698418, 0.33516862988471985, -0.16352586448192596, -0.6030352115631104, -0.28760629892349243, 0.275446355342865, 0.1280095875263214, -0.9316383004188538, -0.40557432174682617, 0.4606405198574066, -0.6471285820007324, 0.8951442837715149, 0.3597000241279602, -0.8241867423057556, -0.6831297278404236, -0.3005903661251068, -0.8249480724334717, 0.9034091830253601, 0.00264141708612442, -0.8157492280006409, 0.18263782560825348, 0.35695329308509827, -0.18752247095108032, 0.15929165482521057, -0.0777914822101593, -0.34003356099128723, -1.2295912504196167, 0.6376383900642395, 0.9023694396018982, 0.8917492628097534, -0.336419016122818, 0.37313130497932434, 0.6647420525550842, 0.10295257717370987, 0.8616952896118164]} +{"paper_id": "lewtun/autoevaluate__squad", "embedding": [-0.47368407249450684, 0.6329537034034729, -0.23602841794490814, -0.2707708775997162, 0.5152086615562439, -0.048609744757413864, 0.36470818519592285, 0.7046562433242798, 0.777431845664978, 0.466417521238327, 0.5733106136322021, -0.02488112449645996, 0.5893622040748596, 0.6365947127342224, -0.1698841154575348, -0.6612904071807861, -0.6726495027542114, -0.3913060426712036, -1.4018296003341675, -0.21776023507118225, -0.8660280108451843, -0.7343010306358337, -0.007071793079376221, 1.0575065612792969, -0.6844190359115601, -1.100769281387329, 0.8312342166900635, -1.1566839218139648, 0.26698610186576843, 0.07038000226020813, 0.14709137380123138, 1.0532623529434204, -1.201102614402771, 0.5376321077346802, -0.30704033374786377, -0.5382947325706482, 0.08264369517564774, 1.0505794286727905, 0.06911545246839523, -0.530035674571991, -0.4636383652687073, 0.21339213848114014, 0.5574291348457336, 0.17881730198860168, 0.9502435326576233, -0.3640819191932678, 0.6542977094650269, -0.26439669728279114, -0.4955178499221802, -0.09934323281049728, -0.5915981531143188, 0.32921868562698364, -0.20484501123428345, 0.7891571521759033, -0.14406394958496094, 0.4787261486053467, 0.17446941137313843, -0.9169172048568726, 0.6199193000793457, -0.9177004098892212, 1.546337366104126, 1.6737335920333862, -0.24139158427715302, 0.42233243584632874, 1.3984363079071045, -0.27571558952331543, 1.023668885231018, 0.05662907660007477, -0.3529932498931885, 1.0469470024108887, -0.41257017850875854, -0.3611677587032318, 0.25625288486480713, -0.3978824019432068, 0.17556752264499664, 0.6346836090087891, -0.10736133903265, 0.09622062742710114, -0.08010884374380112, -0.10007598996162415, -0.09839177131652832, 0.04686439037322998, 0.5667035579681396, -0.22862887382507324, 0.10642784833908081, 0.08219566941261292, 0.24563303589820862, -1.100770115852356, 0.4165087342262268, -1.7258294820785522, 0.32492905855178833, 0.382863849401474, 0.035931363701820374, 0.10010682046413422, -0.41232189536094666, 0.7180970907211304, -0.818400502204895, -0.03386159986257553, -0.042185571044683456, 0.2944576144218445, 0.6950355768203735, -0.16299638152122498, 0.44364097714424133, -0.28997907042503357, 0.27252522110939026, 0.4645687937736511, 0.23972010612487793, -0.28653857111930847, -0.7811546921730042, -1.106646180152893, 0.2594137489795685, 0.7112587094306946, -0.13023464381694794, 0.40674811601638794, 0.14475096762180328, 0.6957713961601257, 0.4969906806945801, -1.0901908874511719, -0.08829563856124878, 0.3867344260215759, -0.03434734418988228, -1.0164072513580322, -0.39614611864089966, -0.4588584303855896, 0.8085847496986389, -0.36439794301986694, -0.2987317442893982, -0.8704310059547424, -0.29303866624832153, 0.49827006459236145, 0.7905248403549194, 0.22029733657836914, -0.680644690990448, -0.11435750126838684, 3.019629716873169, -1.105302095413208, 1.336037516593933, -0.48818376660346985, -0.08531511574983597, -0.6102768778800964, -0.6385300159454346, 1.275776743888855, -0.1508331000804901, -0.920791506767273, -0.6618843078613281, 0.49268919229507446, -0.30581167340278625, 0.21250072121620178, -1.0092710256576538, -0.5412379503250122, -0.1163950115442276, -0.044151268899440765, -1.524725079536438, -0.5935493111610413, 0.26165497303009033, 0.41119813919067383, 0.02842133305966854, 0.498111367225647, -0.4881981611251831, 0.9933245182037354, -0.1514677107334137, -0.00019185617566108704, -0.30999869108200073, 0.4424739480018616, -0.7911112904548645, -0.14778345823287964, 0.8218157887458801, -0.14601078629493713, -0.7606921195983887, 0.23858189582824707, 0.21940907835960388, -0.45227065682411194, -0.2087647020816803, 0.04667162895202637, -0.42255380749702454, 0.13595366477966309, 0.5288715362548828, 0.5293514728546143, 0.15951688587665558, -0.7197549343109131, 0.014175225049257278, -0.03736341744661331, 0.20114853978157043, 0.841849684715271, 0.03920188546180725, 0.4843760132789612, -2.5613250732421875, -0.02772185206413269, -0.1761915683746338, 1.2603180408477783, -0.08701618015766144, 0.15420843660831451, 0.07752107828855515, 0.48051270842552185, -0.16655966639518738, -0.6231683492660522, 0.6785591840744019, -1.1826432943344116, 0.4438459277153015, 0.13004690408706665, 0.19929735362529755, -0.23516133427619934, 0.289628803730011, 0.817406415939331, 0.4240780174732208, -0.6124845743179321, -1.2624032497406006, -1.6249572038650513, 0.07669541239738464, 2.2786617279052734, 0.22785532474517822, -0.26678627729415894, -0.9635787606239319, -0.5363588929176331, 0.02517688274383545, -0.16827161610126495, -0.025875840336084366, -0.5858447551727295, 0.1358080506324768, -0.8438625931739807, 0.7170241475105286, -0.6540923118591309, -0.07299023866653442, 0.796748697757721, 1.6112453937530518, -0.5977821946144104, -0.21800243854522705, -0.8723869323730469, -0.23756231367588043, 0.4457677900791168, 0.6693770289421082, 0.26716533303260803, -0.3425637483596802, 0.6381800174713135, 0.6141161322593689, 1.2047903537750244, 0.44517675042152405, 0.5339245796203613, -0.7865242958068848, 0.2371051013469696, -0.4007544219493866, 1.4630320072174072, -0.003925099968910217, -0.14832644164562225, -0.036787282675504684, -0.2538899779319763, -0.6766458749771118, -0.2045849859714508, -0.1728961318731308, -0.0734703466296196, 0.8131802082061768, 0.5655059218406677, -0.5098570585250854, 0.654682993888855, -0.4759391248226166, -0.32715362310409546, 0.10967954993247986, -0.3073573410511017, -0.7101594805717468, -0.41081297397613525, 0.797971248626709, -0.19298027455806732, 0.1403515487909317, -0.20959845185279846, 0.1284746527671814, -1.2161961793899536, -0.5347144603729248, 0.5198376774787903, -0.06283653527498245, -0.6472405195236206, -0.40596362948417664, -0.2374119609594345, -1.1686780452728271, -0.4814733862876892, 0.2306014448404312, -0.1204204261302948, -0.06374428421258926, 0.782575249671936, 1.596062183380127, -0.1992853283882141, 0.36166292428970337, 0.21830590069293976, 1.2638295888900757, -0.6978399753570557, 0.4194241762161255, -0.22705325484275818, 0.29599669575691223, -0.9273785948753357, 0.18871113657951355, -0.7167630791664124, 0.3272857367992401, 0.7713109850883484, -0.022518783807754517, 1.0795754194259644, -0.19915619492530823, -1.0479732751846313, 0.9329280853271484, -0.15558135509490967, -0.18672123551368713, -0.6489988565444946, 1.3448870182037354, 0.18429890275001526, -0.42478111386299133, 0.9397029876708984, -0.12167945504188538, -0.3695421516895294, 1.0095572471618652, -0.17551082372665405, -0.20985707640647888, 0.3555727005004883, -0.49842098355293274, 0.0008985474705696106, 0.5392174124717712, -1.828904151916504, 0.9306735992431641, 1.0464495420455933, -0.39013612270355225, -0.23879407346248627, -0.8933327198028564, 0.3550196886062622, -0.3786947429180145, 0.27940037846565247, 1.036048412322998, -0.4023314118385315, 0.539023756980896, -0.43549644947052, 0.24853397905826569, 0.4176754951477051, -0.11041592806577682, 0.5514772534370422, 0.4943654239177704, 0.5277719497680664, -0.8657762408256531, -0.7646061778068542, 1.0393658876419067, -0.33082130551338196, 0.1102549210190773, 0.1053270772099495, 0.6478859782218933, 0.7969002723693848, -0.18085479736328125, -0.22037824988365173, 0.38224631547927856, 0.4789552390575409, -0.19394353032112122, -0.3813040852546692, 0.09510993957519531, 0.4578954875469208, -0.2010856568813324, 1.2213027477264404, -0.43921568989753723, -0.5718456506729126, -0.7646986842155457, -0.2920195162296295, -0.06660290062427521, -0.06958360970020294, 1.4628307819366455, 0.3693082630634308, 1.3253594636917114, 0.49369436502456665, 0.09641566127538681, -0.34141334891319275, -0.37472543120384216, 0.6127299070358276, 0.2897179424762726, 0.2806597948074341, -0.7144235372543335, 0.028828009963035583, 1.1338675022125244, 0.41740450263023376, -0.7148900032043457, 0.36122405529022217, 0.5621483325958252, -0.09586891531944275, -1.1126947402954102, 0.886064887046814, 0.7536017894744873, 0.42986559867858887, 1.532199501991272, -0.7474462985992432, 0.03724491223692894, -0.24551360309123993, 0.10405794531106949, -0.06711240112781525, 0.47081565856933594, 0.10665276646614075, 0.5372409820556641, 0.16138365864753723, 0.48819342255592346, 0.11218525469303131, 1.2689570188522339, 1.5457316637039185, -0.4558987021446228, -1.0511101484298706, -0.06556707620620728, -0.7754442095756531, 0.21103622019290924, 0.7537088990211487, 0.3173622190952301, -0.3001571595668793, 0.5816835761070251, 0.2845691740512848, -1.0455890893936157, 0.1367827206850052, -0.5015833377838135, -1.3348387479782104, 0.9196202754974365, 1.1258275508880615, -0.846775472164154, -0.4779065251350403, -0.27554214000701904, -0.7808732390403748, -0.24577206373214722, 0.15822726488113403, -1.267996907234192, 0.7710773348808289, 0.07017608731985092, 0.8672913312911987, 0.061829838901758194, -0.08692242950201035, -1.3648275136947632, 1.2600226402282715, 0.9419918656349182, -1.3115087747573853, 0.6058739423751831, 0.1721777617931366, 0.6312111616134644, 0.23264755308628082, -1.1977802515029907, -0.6953362822532654, 1.0889663696289062, 0.010532625019550323, 0.1405424177646637, -1.0042256116867065, -0.4003264904022217, 0.7121913433074951, 0.43927961587905884, 0.6963115930557251, -0.6905896067619324, 0.11291992664337158, -1.1504054069519043, 0.08990433067083359, 0.7750259637832642, -1.0217970609664917, -0.9387061595916748, 0.5282639265060425, -0.22277629375457764, 0.7286624908447266, -0.0065979063510894775, 0.0134146548807621, 1.565970778465271, -0.23933923244476318, -0.10111735016107559, -0.31227365136146545, -12.1959228515625, 1.0174601078033447, -0.15557990968227386, 0.003209821879863739, 0.370140016078949, -0.028903327882289886, 0.4946031868457794, -0.0036423783749341965, 0.31217706203460693, -0.76414555311203, 0.18369150161743164, 0.9384403824806213, 0.36834317445755005, 0.1652483493089676, -0.9976603984832764, -1.0827412605285645, -0.5533328056335449, -0.7910391688346863, 0.5436552166938782, 0.13127045333385468, -0.14649443328380585, -0.8225887417793274, 0.03455576300621033, -0.1725814789533615, 0.5389237999916077, -0.15687376260757446, -0.8384842872619629, -0.12455164641141891, -0.4821542501449585, 0.14434044063091278, 0.5029957890510559, -0.005786895751953125, -0.6566991806030273, -0.30987879633903503, -0.14404425024986267, -0.47273173928260803, -0.8070987462997437, -0.0782761350274086, 0.7818811535835266, -0.45266059041023254, -0.08598630130290985, -0.026004407554864883, 0.6024823188781738, -0.3268321454524994, -0.30076906085014343, 0.21860267221927643, 0.1876428723335266, -0.940560519695282, -0.016283586621284485, -0.1890750527381897, -0.9452229142189026, -0.26884138584136963, -0.8341546654701233, -0.7251399159431458, 0.29706481099128723, 0.2577746510505676, -0.9043595790863037, -0.4351058602333069, -0.20695382356643677, -0.6093900203704834, 0.2667793929576874, 0.17502166330814362, -0.3647618889808655, 0.10907087475061417, -0.06852904707193375, -0.4362904727458954, 0.18037772178649902, 0.1495499461889267, -0.23037388920783997, 0.551658034324646, -0.8012144565582275, 1.4327112436294556, 0.2643345594406128, 0.8061096668243408, -0.9511547684669495, 0.1813572347164154, -1.0346142053604126, -0.31709983944892883, 0.4245278835296631, -0.054397109895944595, -1.6074937582015991, 0.7594128847122192, 0.7330241799354553, -0.41647669672966003, -0.7702364325523376, 0.5184208750724792, -0.10120873898267746, 0.33625635504722595, 1.0896294116973877, -0.6491325497627258, 1.3008772134780884, 0.19447702169418335, -0.8315682411193848, -0.5790767669677734, -0.2047262191772461, 0.8519437313079834, -0.9489845633506775, 0.30679967999458313, 0.1943618357181549, -0.6006587743759155, 0.08267923444509506, -0.30492714047431946, -0.7114218473434448, 0.11856143176555634, 0.8604325652122498, 0.08816323429346085, 0.0697404146194458, -0.06322655826807022, -0.21740581095218658, -0.8249768614768982, 0.9903776049613953, 0.1915316879749298, -0.023765064775943756, 1.566260576248169, -0.5365972518920898, 0.5344160199165344, 0.6526248455047607, -0.12002244591712952, 0.28054600954055786, 0.8202363848686218, -1.1504874229431152, 0.9154152870178223, 0.1583225131034851, 1.7405627965927124, -0.30718085169792175, 0.1449345201253891, 0.18473979830741882, 0.41022634506225586, -0.11499399691820145, -1.145074486732483, 0.61846524477005, -0.3877686560153961, 0.009478116407990456, -0.750369131565094, -0.0798230916261673, 0.3291633129119873, -0.37077757716178894, 1.8316572904586792, -0.995638370513916, -0.18264776468276978, -0.15066230297088623, 0.04728233441710472, -0.6668483018875122, -1.132216215133667, -0.8144012093544006, 0.27503812313079834, -1.390212893486023, 0.5178321003913879, -0.13372433185577393, -0.34369567036628723, -0.16074153780937195, -0.6534734964370728, 0.8249704837799072, -0.7359448671340942, -0.3310145139694214, -0.5373942852020264, 0.48768606781959534, -0.6075950860977173, -0.7808541059494019, -0.2518678903579712, 0.38142555952072144, 1.1602113246917725, -0.9724245667457581, 1.4778469800949097, 0.32724401354789734, -0.5479653477668762, -0.5421027541160583, 0.40214917063713074, -0.4696478247642517, 0.42170819640159607, 1.061118483543396, -0.766275942325592, -0.3543066382408142, -0.5260048508644104, -0.22206071019172668, -0.49341580271720886, 0.08112619817256927, 0.9000139236450195, -1.2351750135421753, -0.1921379119157791, -0.6820985674858093, 0.8957259654998779, 0.13196216523647308, -0.5019245147705078, -0.6094334125518799, 0.7483659982681274, -0.23865067958831787, 0.725465714931488, -0.010959835723042488, 0.989212691783905, -1.4780038595199585, -1.0372729301452637, -0.3507237434387207, -0.20479373633861542, 0.640261173248291, 0.5919325947761536, 0.6175678372383118, 0.3456369936466217, -0.36748141050338745, -0.2857989966869354, -0.11061699688434601, 0.5146152973175049, 0.3046365976333618, 0.4665137529373169, -0.5916874408721924, 0.5912455320358276, -0.39949023723602295, 0.18537116050720215, 0.5973839163780212, 1.3494489192962646, -0.7861507534980774, -0.5438194274902344, 0.08010344207286835, -0.08926133811473846, -0.11120602488517761, -1.4133301973342896, -0.14103588461875916, -0.5620437264442444, -0.3704182207584381, -1.3614263534545898, 0.34817489981651306, 1.4421788454055786, -0.20106543600559235, 0.6440536379814148, 0.3958989083766937, 1.0660302639007568, 0.8714918494224548, 0.14616777002811432, 0.5432751774787903, 0.18213441967964172, 0.24787506461143494, 0.38513004779815674, 0.09247167408466339, 0.2215486466884613, -0.16305752098560333, -0.6758853793144226, -0.7108333706855774, 0.2354753017425537, -0.3483522832393646, 0.8230106830596924, 0.167348712682724, 0.47077634930610657, 1.0121819972991943, 1.168563723564148, 0.07700172066688538, -1.581379771232605, -0.34402996301651, -1.4645034074783325, 0.26845842599868774, 0.794539749622345, 0.5940430164337158, 0.2506285309791565, 0.8387382626533508, -0.6987839341163635, 0.9146920442581177, -0.6235220432281494, 0.3733554482460022, -0.00258723646402359, -0.2319440096616745, 0.7923511862754822, 0.701998233795166, 0.3055737614631653, 0.22517086565494537, -0.5505282878875732, -1.0346695184707642, -0.1482011377811432, -0.4699617922306061, 1.0066604614257812, 0.6159954071044922, -0.2454148381948471, 0.08069176971912384, -0.3832820653915405, 0.7559925317764282, -0.14810040593147278, 1.1654345989227295, -0.05033194273710251, -0.418972909450531, -0.44552162289619446, -1.007737636566162, -0.06110795587301254, 0.45568975806236267, 0.11889058351516724, 0.025797128677368164, -0.023091867566108704, 0.539882481098175, 0.3336726129055023, 0.10237696766853333, -0.776552140712738, -0.338336706161499, -0.5021206140518188, 0.13428685069084167, 0.6524555683135986, -0.7352162599563599, -0.7613604664802551, -0.22882437705993652, -0.8192265629768372, 0.13883304595947266, 0.25489723682403564, -0.6130820512771606, -0.5636393427848816, 0.20545166730880737, -0.036650996655225754, 0.5043059587478638, 0.19731125235557556, -0.24351319670677185, -1.4542371034622192, 0.5137541890144348, 0.9673100709915161, -0.7170870304107666, -0.39086654782295227, 0.28890326619148254, 0.6361750364303589, 0.16117164492607117, 1.3141604661941528]} +{"paper_id": "lewtun/autoevaluate__xsum", "embedding": [-0.27677881717681885, 1.5053890943527222, 0.22086897492408752, 0.6517572402954102, 0.44157230854034424, -0.16894228756427765, 0.9091944694519043, 0.9685283303260803, 0.621556282043457, 0.4746650457382202, 1.2838995456695557, 0.2822250425815582, 0.19375187158584595, 0.532414972782135, -0.054457757622003555, -0.17794063687324524, -0.8949021100997925, 0.02894354984164238, -0.5745958685874939, -0.4545063376426697, -1.0048556327819824, -0.06770841032266617, -0.11379575729370117, 0.08274643868207932, -0.8577635884284973, -0.3110227584838867, 0.9540917873382568, -1.371679425239563, 0.053776469081640244, 0.4252697825431824, -0.2529623508453369, 0.7780613899230957, -1.1651426553726196, 0.08037597686052322, -0.9405313730239868, -0.7997870445251465, 0.08592959493398666, 1.0841803550720215, 0.318766325712204, -0.2879507839679718, -1.0039700269699097, 0.28218570351600647, 1.3429396152496338, -0.02154386043548584, 0.35401451587677, -0.3930296301841736, 0.15523993968963623, -0.005104679614305496, -0.2757808566093445, -0.19579139351844788, 0.292778342962265, 0.6088176965713501, -0.776137113571167, 1.1350325345993042, -0.17602363228797913, 1.8782238960266113, 0.24056366086006165, -0.9874252080917358, -0.04825010150671005, -0.8048257827758789, 1.4811443090438843, 1.5940282344818115, -0.6460000276565552, -0.15742996335029602, 0.9985595941543579, -0.13196943700313568, 2.211430788040161, 0.42431098222732544, 0.2910720109939575, 1.2950111627578735, -0.6633631587028503, -0.9171711206436157, 0.1651524305343628, -0.8626239895820618, -0.19700154662132263, 0.4530889689922333, 0.24327115714550018, -0.48163124918937683, -0.11215018481016159, 0.20017358660697937, -0.4705050587654114, 0.4587363600730896, 0.41690775752067566, -1.22365140914917, -0.41236621141433716, 0.014430370181798935, -0.036383599042892456, 0.22292707860469818, 0.15709805488586426, -1.3480749130249023, -0.4042373299598694, -0.2892974317073822, -0.47627943754196167, -0.17431162297725677, -0.5283674597740173, 0.32845181226730347, 0.45860427618026733, -0.5137917995452881, -0.9271049499511719, 0.5209294557571411, 0.6096992492675781, -0.47470489144325256, -0.1920817345380783, 0.21087543666362762, 1.0611711740493774, 0.8646218776702881, -0.2968282699584961, -0.7796474695205688, -0.5506932139396667, -0.9998750686645508, 0.11036762595176697, 0.2922133505344391, 0.019505228847265244, 0.7835761308670044, -0.3243994116783142, -0.5308216214179993, 0.10909783840179443, -0.022714488208293915, -0.8645133376121521, -0.22776423394680023, -0.9388716816902161, -1.8333194255828857, -0.21080806851387024, 0.3535082936286926, 0.7420924305915833, -0.6480754017829895, -0.4514122009277344, -0.928613543510437, -0.6058291792869568, -0.18953931331634521, 0.6824988126754761, 0.04876909404993057, -0.7275873422622681, -0.14775657653808594, 2.9169633388519287, -0.855477511882782, 1.326872706413269, 0.28405627608299255, -0.34899768233299255, -0.6325260400772095, 0.04278668016195297, 1.9536961317062378, -0.5528302192687988, -0.8767427206039429, -0.5870916247367859, 0.4432085156440735, -1.3624520301818848, 0.5620414018630981, -0.3691960871219635, -0.6634134650230408, -0.06327424943447113, 0.2510168254375458, -1.1142657995224, -1.0898209810256958, 0.025414790958166122, 0.8355333805084229, 0.5900691151618958, 0.3252052664756775, -0.44326886534690857, 1.5093926191329956, 1.2240649461746216, 0.5445078015327454, -0.3506932556629181, 0.6332493424415588, -1.026618480682373, 0.07977317273616791, 0.5089330077171326, -0.02670261822640896, -0.0997064858675003, -0.2982333302497864, 0.9533266425132751, -0.7181132435798645, -0.29323676228523254, -0.3004155457019806, -0.33771494030952454, 0.28366225957870483, 0.29261744022369385, 0.16869278252124786, 0.3514678180217743, -0.2978511452674866, -0.5791289210319519, -0.2504315674304962, 0.8299298286437988, 0.3751862645149231, 0.3530888259410858, 0.6559906005859375, -1.7714265584945679, -0.9660093784332275, -0.37532949447631836, 1.373460054397583, -0.3002915680408478, -0.01516090240329504, -0.27782225608825684, 0.4156409800052643, -0.48266321420669556, -0.5759934782981873, -0.0073431674391031265, -0.32895734906196594, 0.42718857526779175, 0.7531832456588745, 0.379780113697052, -0.07245086133480072, -0.005004341248422861, 0.6050974726676941, 1.6899850368499756, -0.3859119713306427, -0.4250527620315552, -1.6830015182495117, 0.9150663614273071, 1.6922200918197632, -0.5237776041030884, -0.733325719833374, -2.00596022605896, -0.5721198320388794, 0.9561150074005127, 0.061642855405807495, -0.21734194457530975, -0.3028678596019745, -0.3236984610557556, -1.4721029996871948, 0.509884774684906, -0.6623674631118774, 0.22154194116592407, 0.1930810660123825, 0.6886244416236877, -0.48193350434303284, -0.3044434189796448, -0.5579257011413574, -0.7006083130836487, 0.497079074382782, 0.9663249254226685, -0.10596299171447754, -0.4799368381500244, 0.7578781843185425, 0.3280653655529022, 0.7611411809921265, 0.16125035285949707, 0.5807931423187256, 0.21522074937820435, -0.6403275728225708, 0.31244105100631714, 0.8147333264350891, 0.018363147974014282, -0.038520246744155884, -0.26185882091522217, 0.0024028047919273376, 0.12352319061756134, -0.17407900094985962, 0.21594034135341644, -0.5879440307617188, 1.1105834245681763, 1.002058506011963, -0.4074172079563141, 1.6945722103118896, -0.7698739767074585, -0.09274349361658096, 0.10707812011241913, -0.7058744430541992, 0.41104280948638916, -0.1832369565963745, 0.37696391344070435, 0.19873172044754028, 0.6580859422683716, -0.06785088032484055, 0.02396158128976822, -0.8717032670974731, -0.8548293113708496, -0.21849140524864197, -0.596039891242981, -1.3685383796691895, -0.10723504424095154, -0.24567516148090363, -0.3025352656841278, -0.3402239978313446, 0.1534801423549652, 0.4029490053653717, -0.05814167857170105, 0.5654151439666748, 1.4892370700836182, -0.17125311493873596, 0.5757696628570557, -0.7383622527122498, 0.8145262598991394, -0.15321390330791473, 1.4965815544128418, -1.292016863822937, -0.11839892715215683, -1.2218763828277588, 0.10551637411117554, -0.5633601546287537, -0.17927351593971252, 0.2697143256664276, -0.7178217172622681, 0.7654004693031311, 0.34098613262176514, -0.9596517086029053, 0.8403797745704651, -0.8754202127456665, -0.1089877113699913, -0.8564540147781372, 1.020689845085144, 0.37386879324913025, -1.096289038658142, 0.8689175248146057, 0.22876717150211334, 0.21280311048030853, 1.4306811094284058, -0.9286196231842041, 1.5136840343475342, 0.2943195104598999, 0.16169340908527374, 0.3482292592525482, -0.6659451723098755, -1.9208766222000122, -0.39475831389427185, 1.6799368858337402, -0.8877636790275574, -0.5371760129928589, -1.1337759494781494, 0.3568030595779419, 0.18536268174648285, -0.3662203550338745, 0.014370650984346867, -0.8999238610267639, 0.4072509706020355, -0.43249210715293884, 0.27530646324157715, 1.1934953927993774, -0.034994885325431824, 1.1803480386734009, 0.7135016918182373, 0.11286038160324097, -1.0812612771987915, -1.1129182577133179, 1.405037522315979, -0.11201109737157822, 0.1766735315322876, -0.07517346739768982, 1.2054667472839355, 1.4019482135772705, -0.4321146607398987, -0.1412893384695053, 0.9618813395500183, 1.05166494846344, 0.5633624792098999, 0.11129043996334076, -0.5011389255523682, 0.6667793989181519, 0.3711375594139099, 1.1914904117584229, 0.13014443218708038, -0.10063210129737854, -1.0038197040557861, 0.1758926808834076, -0.3913915157318115, -1.0875849723815918, 1.1483972072601318, 0.26832306385040283, 2.448415756225586, 0.19982074201107025, 0.6667882204055786, -0.020995337516069412, -0.13237299025058746, 0.2614385485649109, 0.433445543050766, 0.530523955821991, -0.6909128427505493, -0.0017585009336471558, 1.321286678314209, -0.11009013652801514, -0.4251488149166107, -0.26031339168548584, 0.4141126275062561, -0.6729571223258972, -0.42870762944221497, 0.6350032687187195, 0.9298422336578369, 0.47643837332725525, 2.0173113346099854, -0.48169201612472534, -0.5366503000259399, -0.2519945800304413, 0.41696858406066895, 0.5309956669807434, 0.41921284794807434, -1.494117021560669, -0.20517081022262573, 0.04169073328375816, 0.6144441366195679, -0.3481200337409973, 0.8297761678695679, 0.7431614995002747, 0.14675529301166534, -0.2968077063560486, -0.5696982741355896, -0.35377275943756104, -0.396606981754303, 0.3781222701072693, 0.6524171829223633, -0.6574081182479858, 0.667949378490448, -0.326506644487381, -1.3094145059585571, 0.524956226348877, -0.05017340928316116, -1.1371990442276, 0.5630670189857483, 1.1173784732818604, -1.3620377779006958, -0.5457813739776611, 0.016282953321933746, -1.1294443607330322, -0.7137096524238586, 0.01270685251802206, -0.3085985779762268, 0.22570233047008514, 0.3157772421836853, 0.32379135489463806, -0.19183188676834106, 0.09579567611217499, -1.1253230571746826, 0.5527187585830688, 0.7936108112335205, -0.9312847852706909, 1.4039578437805176, 0.016861306503415108, -0.248214989900589, 0.3232884705066681, -1.4231479167938232, -0.7321204543113708, 0.4461236298084259, 0.33403998613357544, -0.07145850360393524, -0.7065403461456299, -0.06571948528289795, -0.2946959435939789, 0.24810756742954254, 0.8091146349906921, -1.2808361053466797, -0.04968838021159172, -0.868783175945282, 0.675923764705658, 0.3369458317756653, -0.8662177920341492, 0.022430729120969772, 0.7499668002128601, -0.35733315348625183, 0.49849358201026917, 0.09232550859451294, -0.13197311758995056, 0.8775783777236938, 0.5356906056404114, 0.09306198358535767, -0.49085816740989685, -10.762097358703613, 0.10297100991010666, 0.003376939333975315, -0.19693395495414734, 0.350251168012619, 0.14602386951446533, 0.6974422335624695, -0.03320387750864029, 0.3172914385795593, -0.6010522842407227, 0.4249405562877655, 1.2312642335891724, -0.16136273741722107, -0.6896637082099915, -0.6970427632331848, -1.411029577255249, -0.789850115776062, -0.4869253635406494, 1.3853532075881958, -0.6786771416664124, 1.1045769453048706, -1.0958726406097412, 0.6738658547401428, 0.20628416538238525, -0.003295821137726307, -0.6331170797348022, 0.04986166954040527, 0.44114452600479126, -1.1541558504104614, 0.46338799595832825, 0.770667552947998, -0.3611171543598175, -0.9852138757705688, -0.8832156658172607, 1.0243465900421143, -0.3899502754211426, -1.4364427328109741, 0.29280179738998413, 0.7265795469284058, -0.20328274369239807, 0.24019663035869598, 0.0021768296137452126, -0.33094969391822815, -0.5012093186378479, -0.5285780429840088, -0.15535765886306763, 0.6977934837341309, -0.4440758526325226, 0.7844733595848083, -0.0461762398481369, -1.3218979835510254, -0.20308730006217957, -0.7921788096427917, -0.7134600281715393, 0.7527341246604919, 0.8457459807395935, -0.7071251273155212, 0.5358126759529114, -0.15505003929138184, -0.6834104061126709, 0.3394768536090851, 0.35612189769744873, -0.00552782416343689, -0.3392748236656189, 0.25168246030807495, -0.4373838007450104, 0.8563249111175537, -0.031123925000429153, 0.3382352292537689, 0.41944605112075806, -0.9028297066688538, 0.9197711944580078, 0.7002738118171692, -0.15244296193122864, -0.30962905287742615, 0.2995404899120331, -0.08306948840618134, -0.9232742190361023, 0.6114844083786011, 0.6197110414505005, -1.2137070894241333, 0.30044621229171753, 0.18896833062171936, -0.6173219084739685, -0.6810227632522583, 0.11646580696105957, 0.5175814032554626, -0.6325171589851379, 0.7061102390289307, -0.41526299715042114, 0.8529541492462158, -0.3709568381309509, -0.3852006196975708, 0.2798130214214325, 0.11282119899988174, 1.2346566915512085, -1.3013007640838623, 0.6925795674324036, 0.2945910096168518, -0.8372514247894287, 0.490644246339798, -0.1921248733997345, -0.6128512620925903, -0.374163955450058, 0.5796217322349548, -0.4228658676147461, -0.4126630425453186, 0.18817201256752014, -0.6169594526290894, -0.22916583716869354, 0.780881941318512, 0.2850925624370575, -0.3337326645851135, 0.4750795364379883, -0.06779208779335022, 1.3608832359313965, 1.087343454360962, -0.4984426200389862, 0.29486334323883057, 1.295531988143921, -0.8302794098854065, 0.7322978973388672, 0.1772814691066742, 0.7574905753135681, 0.129243403673172, 0.4955434799194336, -0.3858727812767029, 0.32587483525276184, -0.21969503164291382, -1.1458474397659302, 0.13867215812206268, 0.05811654403805733, -0.06453549861907959, -0.7582858800888062, -0.5532289147377014, 0.2706693708896637, -0.5005251169204712, 1.8538891077041626, -0.5001245141029358, -0.20556366443634033, -0.01834731549024582, -0.27949872612953186, 0.270140677690506, -0.3312903344631195, -0.33680716156959534, -0.29631778597831726, -1.7988585233688354, 0.2621579170227051, -0.3811665177345276, -0.16278019547462463, 0.5032342076301575, -0.4435400366783142, 0.3218706250190735, -1.0317238569259644, -1.1259593963623047, -0.48208481073379517, 0.8439035415649414, -0.3674243688583374, -0.5119417905807495, -0.20060580968856812, 0.3106958568096161, 1.1235826015472412, -1.1658697128295898, 0.6730535626411438, -0.24663691222667694, 0.07723915576934814, -0.554622232913971, 0.30155205726623535, -0.6330026984214783, 0.47491514682769775, 1.3823176622390747, -1.2364033460617065, -0.23501724004745483, -0.9355679154396057, -0.28357994556427, -0.3457111716270447, 0.34059062600135803, 1.4903340339660645, -1.3238916397094727, 0.04134291410446167, -0.41394585371017456, 0.47777894139289856, 0.6952764391899109, 0.1647489070892334, 0.018345609307289124, 0.6187415719032288, -0.26931941509246826, 0.6069633960723877, -0.3377668261528015, 0.1979527771472931, -1.660722017288208, -1.26530122756958, -1.2048999071121216, -1.4620561599731445, 1.540432095527649, -0.06778241693973541, 0.6767879128456116, 0.863172173500061, -0.16003775596618652, -0.41748443245887756, -0.12553751468658447, 1.3233106136322021, 0.9621734023094177, 0.7211224436759949, 0.24254700541496277, -0.4855756461620331, -0.26029419898986816, -0.18318992853164673, 0.015236014500260353, 0.2523426115512848, -0.6477905511856079, 0.47687608003616333, 0.19146676361560822, 0.020272057503461838, 0.0030240118503570557, -1.1692522764205933, 0.5153729915618896, 0.048270899802446365, -0.1488587111234665, -1.423292636871338, 0.350960910320282, 0.49237409234046936, -0.6544511318206787, 1.1719800233840942, 0.17181481420993805, 0.2978889048099518, 0.8205579519271851, 0.20119377970695496, 1.3291484117507935, -0.367831289768219, -0.7115035653114319, 0.28237923979759216, -0.1488134264945984, 0.2810753881931305, 0.49937719106674194, -0.03548086807131767, -1.2835394144058228, 0.05672287940979004, -0.9114033579826355, -0.15326285362243652, -0.03736039251089096, -0.07940097153186798, 0.44964510202407837, 1.2260663509368896, 0.6703691482543945, -1.290894865989685, -0.35801902413368225, -1.4473190307617188, 0.0013190433382987976, 1.288278341293335, 0.03664126247167587, 0.09975887835025787, 0.5998845100402832, -0.7262412905693054, 0.7064785361289978, -0.9844984412193298, -0.4065074324607849, 0.12804344296455383, -0.35652607679367065, 0.5680264830589294, 0.6723499894142151, 0.43656983971595764, 0.350306898355484, -0.3335590660572052, -0.4216597378253937, -0.5955790877342224, -0.2605759799480438, 0.3025721311569214, 1.1925115585327148, -0.5846004486083984, -0.5656772255897522, -1.0709596872329712, -0.28319060802459717, -0.15993556380271912, 0.7478362321853638, 0.35675162076950073, -0.709557831287384, -1.6004880666732788, -1.3164833784103394, -0.3332124650478363, 0.4160520136356354, -0.06478703022003174, -0.22786657512187958, 0.3872215151786804, 0.6489098072052002, 0.7117730379104614, 0.10868649184703827, -0.27535223960876465, 0.05388956889510155, -0.6309752464294434, -0.2097652554512024, 0.8186171054840088, -0.8305950164794922, -0.1486356258392334, -0.32558146119117737, -0.5255846381187439, 0.6464280486106873, 0.49640458822250366, -1.027940273284912, -0.23628416657447815, 0.26038047671318054, 0.569024920463562, -0.24433088302612305, 0.9192098379135132, 0.3715797960758209, -0.8636201024055481, 1.407379388809204, 0.7794587016105652, -0.06173074245452881, 0.03264182060956955, 0.7032060027122498, 0.9060036540031433, -0.11529474705457687, 1.365651249885559]} +{"paper_id": "lewtun/autoevaluate__ncbi_disease", "embedding": [-0.36182713508605957, 1.0842669010162354, -0.03679640218615532, -0.4546324610710144, 0.13995429873466492, -0.2353016436100006, 0.41921329498291016, 1.223645806312561, 0.2871800661087036, 0.8650010228157043, -0.0231420136988163, 0.19285355508327484, -0.723215639591217, -0.08069567382335663, 0.07722090184688568, -0.1289372444152832, -0.8501118421554565, -1.3305487632751465, -0.2251541167497635, -0.9144558310508728, -1.0628666877746582, -0.07783220708370209, 0.396244615316391, 0.6402698755264282, -0.5169118046760559, -1.0764271020889282, 0.41405025124549866, -0.41918227076530457, 0.06859031319618225, 0.18323993682861328, -0.24632641673088074, 0.24015668034553528, -1.245772123336792, 0.26529571413993835, -0.3532695174217224, 0.45019641518592834, 0.5205279588699341, 0.4444113075733185, -0.3864912688732147, 0.2742907702922821, -0.38042256236076355, 0.07970599830150604, 0.5748355984687805, 0.4224493205547333, 1.1598901748657227, -0.5524345636367798, 0.1496141403913498, 0.04393710941076279, 0.3989802598953247, 0.2631918489933014, -0.013258066028356552, 0.5345388650894165, -0.22704991698265076, 0.056691594421863556, -0.9177534580230713, 1.1341835260391235, 0.7972466349601746, 0.012021353468298912, 0.5869637131690979, -1.6524453163146973, 0.9171422719955444, 1.1977092027664185, -0.47398439049720764, -0.28013908863067627, 0.29391661286354065, 0.6014679074287415, 1.2038177251815796, -0.1178857758641243, 0.6146678924560547, 0.6717415452003479, -0.28146830201148987, -1.0677961111068726, 0.49392956495285034, -0.40298110246658325, 0.8383090496063232, 0.39751872420310974, 0.21448494493961334, -0.39233720302581787, 0.3932173252105713, -0.04155685007572174, -0.2830931544303894, 0.7185596227645874, 0.18638187646865845, -0.7114234566688538, -0.2264081835746765, -0.2756624221801758, 0.020862668752670288, -0.3285716772079468, 0.8978060483932495, -1.2605353593826294, 0.5791134834289551, 0.48685193061828613, -0.3229176104068756, -0.07018119096755981, 0.30005383491516113, -0.26734209060668945, -0.8040204644203186, -0.13087137043476105, -0.2649325728416443, 0.18493235111236572, 0.43865540623664856, -1.1062004566192627, 1.3002597093582153, -0.4246073067188263, -0.46536195278167725, 1.2462865114212036, -1.1539312601089478, -0.277349054813385, -0.4701496362686157, 0.25723856687545776, 0.8943859338760376, 0.9901719093322754, 0.47828420996665955, -0.09953427314758301, -0.05140610784292221, -0.16630840301513672, 0.518864631652832, -0.08654249459505081, -0.9783799052238464, -0.4694138765335083, -0.06304538995027542, -1.1263349056243896, -0.09769383817911148, 0.5935491323471069, 0.924995481967926, -0.7704859972000122, 1.3635854721069336, 0.6517462730407715, -0.2734769284725189, 0.6651245951652527, 0.2175145447254181, 0.08986006677150726, -0.8406388163566589, 0.4422469139099121, 2.3862600326538086, -0.4784037470817566, 0.9869565963745117, 0.3281201720237732, 0.39972057938575745, -0.5555421113967896, 0.28335338830947876, 0.34469446539878845, 1.1446218490600586, -0.38436901569366455, -0.6873065829277039, 0.6643050909042358, -0.029828935861587524, 0.9093552231788635, -0.8599771857261658, 0.12826576828956604, -0.25310662388801575, 0.9280370473861694, -0.9212867617607117, -0.4397844672203064, -0.16548524796962738, 0.6905584335327148, 0.06491360068321228, 0.26492106914520264, -1.0899624824523926, 1.0709078311920166, 0.7991761565208435, -0.31651729345321655, -0.7540790438652039, -0.268056184053421, -0.8224150538444519, -0.3994194269180298, 0.8505489230155945, 0.5717537999153137, -1.1973634958267212, -0.38399821519851685, 0.34317082166671753, -0.24334201216697693, 0.1303446739912033, 0.12765467166900635, 0.07022835314273834, -0.17795199155807495, 1.099718451499939, 0.02827616035938263, 0.1710996925830841, -0.3327258825302124, -0.24318429827690125, 0.07092681527137756, -1.0404131412506104, -0.20353186130523682, 0.642586350440979, 0.5563202500343323, -1.2022625207901, -0.24232910573482513, -0.7633934020996094, 0.6105273962020874, -0.03994022309780121, -0.444228857755661, 0.2337413728237152, 0.09399200975894928, 0.42953968048095703, -0.21269164979457855, -0.172519713640213, -1.9185549020767212, -0.3131370544433594, 0.501926064491272, 0.05563000217080116, 0.1867799162864685, -0.21111449599266052, 1.0435822010040283, 0.4736359119415283, -0.7881882190704346, 0.12737487256526947, -1.5429961681365967, 0.5498270392417908, 1.9186832904815674, -0.31652727723121643, -0.3874187767505646, -1.0376139879226685, -0.22950096428394318, 1.0182348489761353, -0.7696977257728577, -0.47434282302856445, -0.7237213253974915, -0.09120472520589828, -0.8906720876693726, 0.6802923083305359, -0.536741316318512, 0.10295882076025009, 0.23487700521945953, 0.9221218228340149, -0.8333495259284973, -0.3200553059577942, 0.3793499171733856, -1.1376192569732666, 0.5377973318099976, 0.9724871516227722, 0.08037696778774261, -0.52944415807724, 0.5237625241279602, -0.004195764660835266, 0.09733135253190994, 0.10394416004419327, -0.02609187737107277, -0.4037846326828003, 0.8283499479293823, -0.26459476351737976, 0.6140702366828918, -0.7554826736450195, 0.30826136469841003, 0.7028821706771851, 0.4245035946369171, -0.49651557207107544, -0.7185958623886108, 0.11182339489459991, 0.022697314620018005, 0.5136519074440002, 0.7168712019920349, 0.12552817165851593, 1.1588943004608154, -0.8956314325332642, -0.1464085876941681, -0.11998030543327332, -0.3908974230289459, -0.5070363879203796, -0.4463525414466858, 0.3405410051345825, -0.04815535247325897, 0.2495281994342804, -0.12298479676246643, 0.291061133146286, -1.3598576784133911, 0.39039039611816406, 0.10556069761514664, -1.0701165199279785, -0.9159668684005737, -0.41881266236305237, 0.3690149784088135, -0.9517201781272888, -0.6075335741043091, 0.09221802651882172, 0.2583608031272888, 0.11566856503486633, 0.9974111318588257, 0.9874269962310791, -0.02195618860423565, 0.38573235273361206, -0.44159388542175293, 0.9960096478462219, -0.8035421967506409, 0.5311370491981506, -0.4728946387767792, 0.44377440214157104, -1.2747092247009277, 0.0331558883190155, -0.5169522166252136, 0.19858098030090332, -0.005158133804798126, 0.1042737290263176, 0.05904925987124443, -0.11818423867225647, -1.0899235010147095, 1.1609560251235962, 0.35029536485671997, 0.17722705006599426, -1.1880258321762085, 1.8646193742752075, 0.03958084434270859, 0.014386031776666641, 0.42837709188461304, 1.1831966638565063, 0.273541122674942, 0.726470410823822, 0.12066410481929779, 1.3716344833374023, 0.4933689832687378, -0.31360310316085815, 0.6672117114067078, 0.33041298389434814, -2.1254804134368896, -0.16060268878936768, 0.8430363535881042, -0.16282297670841217, -0.4297013580799103, -0.2640726566314697, -0.7468919157981873, -0.22185707092285156, -0.20756272971630096, 0.7576438188552856, -0.4970149099826813, 0.45172908902168274, 0.23022466897964478, -0.27300071716308594, 0.8510589003562927, -0.9878911972045898, 0.2414488047361374, 1.0058132410049438, 0.06291630864143372, -0.37909844517707825, -0.4937002956867218, 0.5316733717918396, -0.5682653188705444, 0.7322593927383423, -0.04651833325624466, 0.9244928956031799, 0.9241234064102173, -0.5721278786659241, -0.35329675674438477, 0.16246451437473297, -0.2949735224246979, 0.4161145091056824, 0.5299450159072876, -0.08220255374908447, 0.7979092001914978, 0.7827479839324951, 1.219990849494934, 0.5866158604621887, -1.1323696374893188, -0.6244778633117676, -1.0034010410308838, -0.580287754535675, -0.4304037094116211, 2.2888967990875244, 0.6168888211250305, 0.9353266358375549, -0.42821016907691956, 0.3825298249721527, -0.49194082617759705, 0.12623639404773712, 0.8377074003219604, 1.0020993947982788, -0.46048980951309204, -0.3631162643432617, -0.19524091482162476, 0.11950214207172394, -0.4960171580314636, -0.07712750136852264, 0.16905567049980164, -0.32767364382743835, -0.014349009841680527, -0.663672924041748, -0.059431955218315125, 0.22503462433815002, 0.5837827920913696, 0.8347120881080627, -0.6463764905929565, -0.8389424681663513, -0.2539116144180298, -0.5656867027282715, 0.5821813941001892, -0.1749255657196045, -0.8463267087936401, -0.11456537246704102, -0.22289705276489258, 0.002647707238793373, -0.7793875932693481, 0.5890713930130005, 0.07949432730674744, -0.09757639467716217, -1.755849838256836, -0.7014325857162476, -1.1728675365447998, -0.5543147325515747, -0.512529194355011, 0.018062185496091843, -1.092828631401062, 0.010754682123661041, -0.010012904182076454, -1.3332743644714355, -0.1465568095445633, -0.30108165740966797, -1.3452932834625244, 1.6161540746688843, 1.2164684534072876, -1.4571810960769653, 0.04845650494098663, -0.32144907116889954, -0.47436150908470154, -0.5522776246070862, -0.11914058029651642, -0.6114938259124756, -0.4248035252094269, 0.04131064563989639, 0.8845398426055908, -0.025743719190359116, 0.18955962359905243, -0.6072013974189758, 1.0663371086120605, 1.0855315923690796, -0.35231518745422363, 0.19176582992076874, -0.6709124445915222, 0.042542606592178345, -0.863508939743042, -1.0384149551391602, -0.9435700178146362, 0.09085693210363388, -0.5569103360176086, -0.4036545157432556, -0.5321091413497925, -1.0203348398208618, 0.26577359437942505, -0.11698688566684723, 1.2130262851715088, 0.22160525619983673, 0.32432204484939575, -0.9514053463935852, -0.16122552752494812, 0.31709617376327515, -0.214351624250412, -0.47437021136283875, 1.1406772136688232, -0.22928595542907715, 0.4890059530735016, 0.15865981578826904, 0.39411064982414246, 0.903354287147522, -0.34499895572662354, -0.24772877991199493, -0.16832271218299866, -12.66190242767334, -0.0591704323887825, -0.08794396370649338, 0.7619358897209167, 0.8744944930076599, -0.25833454728126526, 1.0314459800720215, -0.3255554437637329, 0.37929171323776245, -0.43512311577796936, 0.432474821805954, 1.5419814586639404, 0.24724939465522766, -0.5390307307243347, 0.30614173412323, -0.9476691484451294, -0.5057438611984253, -0.3802001476287842, 0.481278657913208, -0.3117433488368988, 0.6479087471961975, -0.6763731837272644, -0.6002808213233948, -0.36772269010543823, 0.4135890603065491, -0.029356807470321655, 0.19900953769683838, -0.34027135372161865, -0.13473451137542725, 0.6369246244430542, 0.6173559427261353, 0.5875615477561951, -0.21043892204761505, 0.350642591714859, -0.45807701349258423, 0.035762183368206024, -0.44062870740890503, 0.10575298219919205, 1.135257363319397, -0.6194105744361877, -0.47010338306427, 0.2571456730365753, 0.4828915297985077, -0.07422870397567749, -0.8652547001838684, 0.07214678823947906, 0.49264124035835266, -0.8969804048538208, 0.12434671819210052, -0.6844176054000854, 0.0016238093376159668, -0.36803779006004333, -0.7431047558784485, -0.43421533703804016, 0.774310827255249, -0.05106431990861893, -0.0762660801410675, 0.4659515917301178, -0.9734595417976379, -1.0514920949935913, 1.6034142971038818, -0.2237825095653534, -0.19192522764205933, 0.6198193430900574, 0.3603360652923584, -0.4581059217453003, 0.10738735646009445, 0.7662069201469421, -0.7681779861450195, -0.2158697545528412, -0.046763040125370026, 1.1735899448394775, 0.792997419834137, -0.5608630776405334, 0.21068274974822998, 0.4491707682609558, 0.11999868601560593, -0.26360273361206055, 0.09984588623046875, 0.549518883228302, -1.091842770576477, 0.22060252726078033, -0.5287826657295227, -0.7982649207115173, -0.8677530288696289, -0.4018993079662323, -0.7795554399490356, 0.3218455910682678, 0.23264363408088684, 0.0274990051984787, 0.6257541179656982, 0.4062528610229492, -0.1768491566181183, -0.6418050527572632, 0.03245142102241516, 0.3880404233932495, -0.43194279074668884, 0.6905395984649658, 0.0841686874628067, -0.3740021288394928, 0.8113471269607544, -0.8627206683158875, -0.46092861890792847, -0.5065327882766724, 0.7958212494850159, -0.14754939079284668, -0.4638303816318512, 0.5324991941452026, 0.0492003969848156, 0.4165423512458801, 0.45763328671455383, -0.6101924180984497, -0.2510771155357361, 1.3703484535217285, -0.72813880443573, 0.798342764377594, 1.0815882682800293, -0.04825691133737564, 0.7134331464767456, 0.6387069821357727, -0.19974221289157867, 0.0859946683049202, 0.8206983804702759, 0.9512583613395691, 0.1918005645275116, -0.22781157493591309, 0.17252323031425476, 0.4126511216163635, -0.3607600927352905, -1.0740197896957397, 0.7264532446861267, -0.23403936624526978, -0.48196759819984436, -0.49717116355895996, -0.5768792629241943, -0.4209197461605072, 0.21293626725673676, 1.3258076906204224, 0.31139862537384033, 1.0794357061386108, 0.05268745869398117, -0.843169093132019, 0.54837965965271, -0.192027285695076, -0.9243864417076111, 0.31047365069389343, -0.7040759325027466, -0.11109526455402374, -0.23303520679473877, -0.5443826913833618, 0.32123133540153503, -0.11203745007514954, 1.3248499631881714, -0.49926304817199707, 0.038501136004924774, -0.44853925704956055, 1.0788673162460327, 0.5433415770530701, -1.2014822959899902, 0.2302279770374298, 0.24559199810028076, 0.32571515440940857, -0.4773425757884979, 1.323352336883545, 0.7351137399673462, 0.1323578953742981, -0.45730170607566833, 0.31538841128349304, -0.6839969754219055, -0.16617527604103088, 0.6037378907203674, -1.616457223892212, 0.2671259343624115, -0.2040330320596695, 0.10743869841098785, -0.4836651384830475, 0.649752140045166, 1.0945990085601807, -0.6996157765388489, 0.5517961382865906, -0.2360856831073761, 0.8881385326385498, 0.7492783665657043, -0.642439603805542, -0.9851019382476807, -0.3642531931400299, 0.17004579305648804, 0.4840444326400757, -0.3346177935600281, 0.25079894065856934, -1.2646617889404297, -0.8784343004226685, -0.07931515574455261, 0.5813391208648682, 0.36047130823135376, -0.37319692969322205, 0.9015470743179321, 0.09496498852968216, 0.5417234897613525, 0.437982976436615, 0.2427949756383896, 0.9411946535110474, -0.014438178390264511, 0.08613595366477966, 0.07059842348098755, 0.49637219309806824, -1.1299619674682617, 0.42253047227859497, 0.3973497450351715, 1.0855416059494019, -0.8256433010101318, 0.2269124835729599, 1.3227695226669312, -0.038608189672231674, 0.14005813002586365, -0.8200716972351074, 0.4417814612388611, 0.07797719538211823, -0.6192817091941833, -0.20598500967025757, 0.35351893305778503, -0.04977447912096977, -0.09645441174507141, 0.707790732383728, 0.016928695142269135, 0.5457122921943665, 0.08268488943576813, -0.5674300789833069, 1.0782517194747925, -1.1179115772247314, -0.35463958978652954, 0.541124701499939, 0.14580611884593964, -0.0499671995639801, -0.22182422876358032, 0.05611219257116318, -0.4282186031341553, 0.5854941010475159, -0.6921442151069641, 0.8586806058883667, -0.7168829441070557, -0.7583693265914917, 0.5852712392807007, 1.4209773540496826, -0.5427217483520508, -1.2897504568099976, -0.4215236306190491, -0.1933140754699707, -0.7747556567192078, 0.18957439064979553, -0.26036137342453003, 0.4178844690322876, 0.7080014944076538, 0.19621816277503967, 0.9764757752418518, 0.4782484769821167, -0.23313473165035248, 0.046570174396038055, -0.3933345675468445, 1.1891738176345825, 0.7516258955001831, 0.07502367347478867, -0.2341073602437973, -0.7505767345428467, -0.16300120949745178, -0.2050028145313263, -0.6421160697937012, 0.32971012592315674, 0.9416931867599487, -0.36871054768562317, 0.0810655802488327, -0.5972880721092224, 0.1284503936767578, -1.0970054864883423, -0.10587623715400696, 0.04766645282506943, -0.7062034010887146, -0.5173875093460083, -0.8272067904472351, -0.037547651678323746, 0.6774433851242065, -0.25950828194618225, -0.5110308527946472, 0.5486951470375061, 0.5996770262718201, -0.546328067779541, -0.19683288037776947, -0.7312871217727661, 0.22843803465366364, -0.2094312459230423, 0.630433976650238, 0.2550058364868164, -0.27414029836654663, -0.5164094567298889, 0.04164331406354904, -0.7617514133453369, 1.2471657991409302, 0.06742359697818756, -0.23212599754333496, 0.2676577568054199, 0.5237632393836975, -0.8898036479949951, -0.16310328245162964, 0.18976369500160217, -0.07158782333135605, -1.0759286880493164, 0.6812130808830261, 0.5215461850166321, 0.4844585359096527, -0.1652817726135254, 0.0686180591583252, 0.1404922604560852, 0.4306860566139221, 0.5845015645027161]} +{"paper_id": "cfilt/HiNER-original", "embedding": [-0.7186000347137451, 1.131723165512085, -0.259812593460083, -0.4523603618144989, -0.07103504240512848, -0.3224134147167206, -0.2835506200790405, 0.6003304719924927, 1.1363813877105713, 0.8065194487571716, 0.37580814957618713, -0.7351316809654236, -0.4346388578414917, -0.6207031011581421, -0.5148531794548035, 0.01782514713704586, -0.07193950563669205, -1.0446267127990723, -0.6311183571815491, -0.3895382583141327, -1.5904406309127808, -0.6131066679954529, 0.016234252601861954, 0.7175064086914062, -0.9557268619537354, -0.6968729496002197, 0.28372615575790405, -0.9717727303504944, -0.029005199670791626, -0.13135123252868652, -0.5207979083061218, 0.9996826648712158, -1.4684144258499146, 0.42585060000419617, -0.17620113492012024, -0.20652510225772858, 0.8920617699623108, 0.8235559463500977, -0.28586018085479736, -0.1658421754837036, -0.6910462379455566, -0.6096888184547424, 0.7882742285728455, 0.4227730631828308, 1.467907190322876, -0.25156208872795105, 0.32034483551979065, 0.23683598637580872, 0.04079526662826538, -0.0622292086482048, -0.28869056701660156, 0.2973345220088959, 0.355638325214386, 0.34556084871292114, -0.5552622079849243, 1.1419367790222168, 0.3309134244918823, -1.0440402030944824, 0.483863890171051, -0.23363207280635834, 0.26242566108703613, 1.1134949922561646, -0.3126283288002014, -0.08468107879161835, 0.9582589268684387, 0.31939512491226196, 1.6256235837936401, -0.37492501735687256, 0.9687644839286804, 0.6209431886672974, 0.17989079654216766, -1.7678807973861694, 0.14246706664562225, -0.4406221807003021, 0.664576530456543, 0.7788876295089722, 0.7155305743217468, 0.12304121255874634, 0.5447680354118347, 0.09593268483877182, -0.10033974051475525, 0.9141526818275452, 0.6828563809394836, -0.027472838759422302, -0.2126772105693817, 0.14764821529388428, 0.6001781225204468, -0.6871582269668579, 0.656819224357605, -1.6696094274520874, 0.7098326683044434, 0.03303779661655426, -0.8218913078308105, -0.27301377058029175, -0.1278056651353836, 0.5831911563873291, -0.54998379945755, -0.640470027923584, -0.7200496196746826, 0.751053512096405, 0.7698794603347778, -0.3960678279399872, -0.15783752501010895, -0.3880791962146759, -0.026614122092723846, 1.810861349105835, -1.0303797721862793, 0.15387582778930664, -1.4510565996170044, 0.32372263073921204, 0.35946667194366455, 1.3158725500106812, -0.003648621030151844, 0.5402210354804993, -0.2122979313135147, 0.08074982464313507, 0.05308639630675316, -0.6163867712020874, -0.6745157241821289, 0.526195228099823, -0.47473376989364624, -0.8031307458877563, -0.1405303180217743, 0.46698713302612305, 1.38530433177948, -0.9809916615486145, 0.8628054857254028, 0.06549552828073502, -0.017894739285111427, -0.2419780194759369, 0.6289825439453125, 0.013827608898282051, -0.7721498608589172, -0.202945277094841, 3.3467936515808105, -1.30769944190979, 0.8688197135925293, -0.2666683793067932, -0.16503554582595825, 0.006788894534111023, 0.49113258719444275, 1.2930781841278076, 0.5218573212623596, -0.6857898235321045, -0.40829038619995117, 0.6005277633666992, -1.0282130241394043, 0.5258030295372009, -0.6778638362884521, -0.41308632493019104, -0.23438787460327148, 0.5103940367698669, -1.3870744705200195, -0.362522691488266, -0.010906251147389412, 0.4984305799007416, 0.2777257561683655, 0.5627709627151489, -0.22447603940963745, 1.3995946645736694, 0.5565139651298523, -0.16187308728694916, -0.46406057476997375, 1.054139494895935, -0.8470699191093445, 0.03451596945524216, 1.621976375579834, -0.04904844984412193, -1.3213932514190674, -0.43391430377960205, 1.2144838571548462, -0.28768840432167053, -0.04948984086513519, -0.29277685284614563, -0.4872298836708069, -0.14150850474834442, 0.7735573053359985, 0.7623996138572693, -0.2219003289937973, -0.2739209830760956, 0.28202563524246216, 0.4576587677001953, -0.6265958547592163, 0.49524009227752686, -0.16658492386341095, 0.4929059147834778, -2.0750529766082764, -0.5772563815116882, -0.13568203151226044, 0.8451517820358276, -0.31589704751968384, -0.2840202748775482, -0.20954042673110962, 0.8825421333312988, 0.18434545397758484, -0.38135650753974915, 0.830417275428772, -1.8146746158599854, -0.6211220026016235, 0.08941510319709778, 0.1716284602880478, -0.5778865218162537, -0.4585793614387512, 1.3522204160690308, 0.535942554473877, -0.6375826597213745, -0.6533881425857544, -1.8137562274932861, 0.18342947959899902, 1.9833734035491943, 0.25879114866256714, -1.0158777236938477, -1.7622798681259155, -0.6581115126609802, 0.016023531556129456, -0.9947776198387146, 0.8024265766143799, -0.5514760613441467, 0.3189218044281006, -1.2638964653015137, 0.48784539103507996, -0.7359237670898438, 0.14826712012290955, 0.7355082035064697, 0.6329447627067566, -0.42227134108543396, -0.3270827531814575, -0.3139713704586029, -0.5745346546173096, 0.7250429391860962, 0.32001763582229614, 0.051117878407239914, -0.16991902887821198, 1.2050604820251465, 0.6593053340911865, 0.5905755162239075, -0.2952500879764557, 0.23577538132667542, -0.4242267906665802, 0.5451362133026123, -0.34193646907806396, 0.13332590460777283, -0.2198585420846939, -0.7157636284828186, 0.980150043964386, -0.25217878818511963, -0.7222751379013062, -0.3361515700817108, 0.1510029435157776, 0.006908193230628967, 1.3605728149414062, 1.0372929573059082, -0.7560659646987915, 0.5532338619232178, -1.3684512376785278, 0.40813538432121277, -0.41385817527770996, -0.6051546931266785, -0.27598661184310913, 0.04945770651102066, 0.9089192152023315, -0.40940529108047485, -0.07773025333881378, -0.4384005665779114, 0.15169388055801392, -1.4812289476394653, -0.2793392539024353, 0.19167351722717285, -1.0758976936340332, -1.0077364444732666, 0.347410649061203, 0.05109291896224022, -0.8173795938491821, -0.710367739200592, 0.1636579930782318, 0.8165045380592346, 0.45759260654449463, 0.8056871891021729, 1.4399665594100952, -0.3567359149456024, -0.05638314411044121, 0.37908363342285156, 0.6757999658584595, -0.6816622614860535, 0.8265141844749451, 0.409074068069458, 0.4770873486995697, -0.7856950163841248, -0.07460739463567734, -0.0510529950261116, 0.5867120027542114, 0.15421819686889648, 0.39741137623786926, 0.5510459542274475, -0.4693681597709656, -1.046163558959961, 1.3372926712036133, -0.034856077283620834, 0.048586130142211914, -1.2184937000274658, 1.0721935033798218, 0.40147098898887634, -0.24972417950630188, 0.40860241651535034, 0.12610603868961334, 0.06343182921409607, 1.3425092697143555, -0.5196622610092163, 0.6233192086219788, 0.3483201265335083, -0.29106470942497253, -0.2625989317893982, 0.9311814308166504, -1.8379626274108887, -0.09242704510688782, 0.289744108915329, 0.16110020875930786, 0.4102899432182312, -0.24234643578529358, 0.33495378494262695, -1.0434337854385376, -0.3298128545284271, -0.18112346529960632, -0.4421919882297516, 0.2029017060995102, -0.5418741703033447, -0.33330827951431274, 0.594153106212616, -1.1935343742370605, 0.6510159969329834, 0.6641559600830078, 0.09684663265943527, -1.2982505559921265, -0.0038725659251213074, 1.7765055894851685, -0.07943674921989441, 0.4006378948688507, 0.1837802529335022, 1.0625333786010742, 1.0742676258087158, -0.8682572245597839, 0.2233656644821167, 0.431247353553772, 0.7237778902053833, 0.20902156829833984, 0.2215367704629898, -0.17473770678043365, 0.8289655447006226, -0.049293402582407, 0.8088315725326538, 0.15803076326847076, -0.5159333944320679, -1.427812933921814, 0.22320842742919922, -0.5170134902000427, -0.06247759237885475, 2.3730201721191406, 0.7118105292320251, 1.7387388944625854, -0.1487295925617218, 0.3752637505531311, -0.8715648651123047, 0.30873027443885803, 0.6989007592201233, 0.49103403091430664, 0.04569673165678978, -0.5383618474006653, 0.5135807991027832, -0.06325250118970871, -0.445865660905838, -0.6171078681945801, -0.09790786355733871, 1.053932785987854, 0.14387838542461395, -1.0609571933746338, -0.2737773656845093, 0.056777000427246094, 0.5341193079948425, 1.4790421724319458, -0.6979768872261047, -0.9293476343154907, -0.27501386404037476, 0.4910604655742645, 0.707210123538971, 0.5238157510757446, -0.88657546043396, 0.3294195830821991, 0.44193360209465027, -0.21558888256549835, 0.0579615980386734, 1.2898463010787964, 1.2592146396636963, -0.3409450948238373, -1.3747427463531494, -0.0656738206744194, -1.23416006565094, -0.32264816761016846, 0.2208402454853058, 0.025162039324641228, -0.8599815964698792, 0.5210587382316589, -0.09388493746519089, -1.0273141860961914, 0.9908890724182129, -0.8613086938858032, -1.9435614347457886, 1.7140785455703735, 1.4896843433380127, -0.8883901238441467, -0.6653954386711121, 0.4059795141220093, -0.62595134973526, -0.9001532793045044, 0.14651954174041748, -1.3113888502120972, 0.49094754457473755, 0.11959628760814667, 0.8668432831764221, 0.12700410187244415, -0.3267754912376404, -0.5320243835449219, 0.49143993854522705, 1.21880042552948, -0.5135956406593323, 0.5009326934814453, 0.3553667664527893, -0.11621139198541641, -0.215284526348114, -1.9661811590194702, -1.697493314743042, 0.17654678225517273, 0.1398230940103531, 0.476621150970459, -0.9702157974243164, -0.9005261659622192, 0.28970974683761597, -0.6601516008377075, 0.5123828649520874, -0.6196399331092834, 0.7514672875404358, -0.8346934914588928, -0.07025191187858582, 0.13442319631576538, -0.8102942705154419, -1.372262954711914, 1.526475429534912, 0.009045138955116272, 0.6183390617370605, -0.016712795943021774, 0.9426493644714355, 1.8102083206176758, 0.3335359990596771, 0.24421991407871246, -0.407308965921402, -10.696049690246582, 0.32121148705482483, 0.09083167463541031, 0.2804945111274719, 0.33085110783576965, -0.48550763726234436, 0.83705073595047, -0.3651522397994995, 1.063841700553894, -0.7297239303588867, 0.9151253700256348, 1.6057692766189575, 0.14424893260002136, -0.11479464173316956, -0.8061901330947876, -1.1207581758499146, -0.18970167636871338, -0.3105168044567108, 0.5029206871986389, 0.3130863308906555, -0.9529619812965393, -1.2404022216796875, -0.07744020223617554, 0.2620362937450409, 0.48665812611579895, 0.4003782868385315, 0.25871580839157104, 0.08665135502815247, -0.5046802759170532, 0.29911381006240845, 0.6571753025054932, -0.3407127559185028, -1.411400318145752, -0.11013484001159668, 0.20362089574337006, 0.06211967021226883, -1.4251184463500977, 0.010596741922199726, 1.4406095743179321, 0.4471275508403778, -0.33435606956481934, 0.4881519079208374, 0.38773584365844727, -0.23971116542816162, -0.8280143737792969, 0.4613650441169739, 0.6534916758537292, -1.220687985420227, -0.28388160467147827, -0.23916202783584595, -0.22863836586475372, -0.3808707594871521, -1.129324197769165, -0.12455050647258759, 1.051879644393921, -0.4944789409637451, -0.5468528270721436, 0.24322514235973358, -0.6308097243309021, -1.3663641214370728, 1.5235391855239868, -0.06813156604766846, -0.2954648733139038, 0.3560773730278015, 0.6627084612846375, -0.6556807160377502, 0.4030633866786957, 0.04912567511200905, 0.009769827127456665, 0.2633797824382782, -0.48258984088897705, 0.3114365041255951, 0.6943691968917847, 0.13507817685604095, -0.46246573328971863, -0.3781927227973938, -0.2666880488395691, 0.23961666226387024, 0.2065664380788803, 0.3646620810031891, -1.0124956369400024, 1.199857473373413, -0.14046229422092438, 0.05881579592823982, -0.7141802906990051, -0.444884330034256, -0.5475804209709167, -0.6887910962104797, 0.549606204032898, -0.16915832459926605, 0.73210608959198, -0.2145543396472931, -0.8074953556060791, 0.06504112482070923, -0.9252964854240417, 0.8866416215896606, -0.3471789062023163, 1.1033873558044434, 0.20031997561454773, -0.9043166637420654, 0.4394116699695587, -0.7199337482452393, -0.1837364137172699, -0.13817094266414642, 0.6069357991218567, 0.44959843158721924, -0.04768100380897522, 0.18869012594223022, 0.4963086247444153, -0.00039180926978588104, 1.2182271480560303, -0.6658932566642761, -0.22874225676059723, 1.050401210784912, 0.34108003973960876, 0.7277959585189819, 0.344796359539032, 0.07900121808052063, 0.8421350121498108, 0.6704663038253784, 0.4415437579154968, 0.9919144511222839, -0.030957477167248726, 1.1072453260421753, 0.3444966971874237, -0.6862541437149048, 0.9789702892303467, 0.5330556035041809, 0.1253121942281723, -2.0090346336364746, 0.5231887102127075, 0.3015102744102478, -0.5310946106910706, -0.7270122766494751, -0.4602983891963959, -0.516964852809906, -0.9457236528396606, 1.5971291065216064, -0.12153974175453186, 0.1133989617228508, 0.368325412273407, -0.9060574769973755, 0.12344704568386078, 0.162618026137352, -0.8258060812950134, -0.14555025100708008, -0.8183916807174683, -0.22336435317993164, -0.6966519355773926, -0.6934084892272949, 0.23651324212551117, -0.0671062022447586, 1.0170968770980835, -0.6951023936271667, -0.01700781099498272, 0.09912198036909103, 0.2535521686077118, -0.5893847346305847, -0.3878284990787506, 0.5297988653182983, 0.2954583168029785, 0.6897969841957092, -0.5204571485519409, 0.8564862608909607, 0.6716111898422241, -0.059604499489068985, -0.8358132839202881, -0.38422754406929016, -0.2490735799074173, -0.05055585876107216, 1.71265709400177, -1.040049433708191, 0.17533783614635468, -0.1604805439710617, -0.11685273051261902, -1.2909190654754639, 0.6261693239212036, 1.5300031900405884, -1.2153668403625488, 0.1734519600868225, 0.32100650668144226, 0.7902369499206543, 0.686860978603363, -0.10771136730909348, -0.20208172500133514, -0.3664700984954834, -0.22943061590194702, 0.47352105379104614, 0.20372730493545532, 0.24057462811470032, -1.4531069993972778, -0.5478042364120483, -0.24857962131500244, -0.23092292249202728, 0.759762704372406, 0.04265250265598297, 1.1144907474517822, 0.22650833427906036, 0.4050855338573456, 0.5296533107757568, 0.396030992269516, 0.9670417308807373, 0.690845251083374, 0.4291931390762329, -0.7910506725311279, -0.6293731927871704, -0.5814224481582642, 0.5481389164924622, 0.45277807116508484, 0.4443330764770508, -1.1140574216842651, 0.11757352948188782, 0.49627307057380676, -0.6301992535591125, 0.7537922859191895, -0.7519925832748413, 0.30432429909706116, -0.10633400082588196, -0.6730334162712097, -1.7401190996170044, 0.10136660188436508, 1.1599645614624023, -1.1492966413497925, 0.6688563227653503, -0.4717481732368469, 0.032661788165569305, 0.9053136110305786, 0.056466393172740936, 1.8627153635025024, -0.08659990131855011, 0.22286736965179443, 0.7483156323432922, -0.38250139355659485, -0.5013283491134644, -0.4701065421104431, 0.15307293832302094, -0.31283295154571533, 0.27520930767059326, -1.0536829233169556, 0.32637348771095276, -0.5247286558151245, -0.0846261978149414, 0.14416417479515076, 0.6006691455841064, -0.501836895942688, -0.8467883467674255, -0.7048593759536743, -0.3279494643211365, -0.4451136589050293, 0.3719281852245331, 0.06688696891069412, 0.822568416595459, 0.9772489666938782, 0.5182203054428101, 0.8597087860107422, 0.14812876284122467, -0.638952910900116, -0.16810357570648193, 0.40127813816070557, 1.357572078704834, 1.1178641319274902, -0.1141633689403534, -0.09126637130975723, -0.03326428681612015, -0.670602560043335, -0.7807266116142273, -0.828517735004425, 0.05977317690849304, 1.06729257106781, -0.6070826053619385, -0.08592314273118973, -1.0630738735198975, 0.630797803401947, -0.6423859000205994, 0.12064304947853088, 0.29941171407699585, -0.40056973695755005, -0.36240559816360474, -0.6314951777458191, 0.0021931787487119436, 1.0809670686721802, -0.27150237560272217, 0.021153796464204788, -0.5010412335395813, 0.6648543477058411, -0.7151784896850586, -0.43446415662765503, -0.8940695524215698, 0.32610055804252625, -0.43085795640945435, 0.7130662202835083, -0.3926340341567993, -0.6336507201194763, -0.9278857707977295, -0.21802154183387756, -0.9971709847450256, -0.07916250079870224, 0.14232154190540314, -0.7317821979522705, -0.5517086386680603, 0.194606751203537, -0.6800550222396851, 0.1401223987340927, 0.8072003722190857, -0.9853201508522034, -1.2006322145462036, 0.026852868497371674, 0.7888532280921936, -0.10422579199075699, -0.7314812541007996, 0.4262934625148773, 0.6272209286689758, -0.11643891036510468, 0.8431960940361023]} +{"paper_id": "janck/bigscience-lama", "embedding": [-0.6525511145591736, 1.4668797254562378, -0.43886011838912964, -0.3352203667163849, 0.5051107406616211, -0.6331398487091064, 0.6384698748588562, 0.5598862171173096, 0.7842669486999512, 1.244154691696167, 0.3259502649307251, 0.23781107366085052, -0.06636438518762589, -0.42852282524108887, -0.3776388466358185, -0.6546865701675415, -0.8742084503173828, -1.09322988986969, -1.7797309160232544, -0.6024006605148315, -0.7021945118904114, -0.8975096940994263, -0.008446663618087769, 1.3958923816680908, -0.8091098070144653, -1.5018242597579956, 1.2874830961227417, -0.8797401785850525, 0.7760909199714661, 0.22152695059776306, -0.42225611209869385, 1.1206399202346802, -1.860318899154663, 0.4508894383907318, -0.38014623522758484, -0.1241571307182312, 0.09262292832136154, 1.0760356187820435, -0.014690428972244263, 0.2916450798511505, -0.2593381702899933, -0.26454025506973267, 0.10933155566453934, 0.640315592288971, 0.953515350818634, -0.8868832588195801, 0.2929843068122864, 0.051966726779937744, 0.12776364386081696, -0.7256202697753906, -0.9753707051277161, 0.04967326670885086, -0.16599661111831665, 0.7471214532852173, -0.31234753131866455, 1.6045386791229248, 0.2742809057235718, -1.0346218347549438, 1.3044190406799316, -1.0253039598464966, 1.2754932641983032, 2.343482494354248, -0.363324910402298, 0.08464902639389038, 0.7365466356277466, -0.01777045428752899, 1.497122883796692, 0.11086852848529816, 0.6157245635986328, 0.5685811042785645, 0.236484095454216, -0.0921228900551796, 0.6166053414344788, -0.04709407687187195, 0.8794441223144531, 1.1677836179733276, 0.5685537457466125, 0.03616880252957344, -0.22564953565597534, -0.46534547209739685, -0.21678252518177032, 0.3980945944786072, 0.5279359817504883, -0.4138393700122833, -0.23270106315612793, 0.5152010917663574, -0.057403117418289185, -0.8240349888801575, 0.5627615451812744, -1.720062017440796, 1.3337314128875732, 0.22091974318027496, -0.0496525801718235, -0.44042450189590454, -0.28696900606155396, -0.059472132474184036, -1.1137446165084839, -0.4396442770957947, 0.061613619327545166, 0.9278669953346252, 0.39534398913383484, -0.12510347366333008, 0.7436836957931519, 0.2837516963481903, -0.2300671637058258, 1.0364917516708374, 0.168964684009552, 0.14288410544395447, -0.9574756622314453, -0.3631862998008728, 0.5438210964202881, 1.1470533609390259, 0.18613791465759277, 0.3857775926589966, 0.16476918756961823, 0.5521323680877686, 0.49220070242881775, -0.840427041053772, 0.02904575876891613, 0.6326392292976379, 0.4664384722709656, -1.1679672002792358, -0.6161074638366699, 0.21759526431560516, 0.6706340909004211, -0.32314756512641907, -0.11208957433700562, -0.2956487834453583, 0.1901843249797821, 0.09806561470031738, 0.4545305073261261, -0.0005996469408273697, -0.9206626415252686, -0.3901437222957611, 3.0630600452423096, -1.2415322065353394, 1.8050724267959595, -0.8377048969268799, 0.1469041109085083, -0.21909362077713013, -0.8396724462509155, 0.5819041132926941, 0.3529272675514221, -1.2077082395553589, -0.20485460758209229, 0.7030388712882996, -0.2548321485519409, 0.5607022643089294, -1.484142780303955, -0.028275445103645325, 0.010692011564970016, -0.34363844990730286, -1.3850374221801758, -0.3680773377418518, 0.5326659679412842, -0.026719005778431892, -0.40796053409576416, 0.43263888359069824, -0.3984368145465851, 1.2650388479232788, -0.19121968746185303, -0.25916796922683716, -0.03195466101169586, 0.407784640789032, -0.9345847964286804, -0.652118980884552, 0.8860061764717102, -0.32430243492126465, -1.0498080253601074, -0.21822020411491394, 0.7703806161880493, 0.013861138373613358, -0.39449042081832886, -0.19463030993938446, -0.03595644608139992, 0.11248848587274551, 0.8047690987586975, 0.7251119613647461, 0.17995353043079376, -0.5139795541763306, -0.358882337808609, -0.880845308303833, -0.05239851400256157, 0.8321356773376465, -0.5471744537353516, 0.9162351489067078, -2.2899858951568604, 0.30039364099502563, -0.5539416074752808, 0.3955793082714081, 0.15668261051177979, 0.02471190132200718, 0.34937068819999695, 0.41280680894851685, 0.6139211058616638, -1.1069798469543457, 0.6546257138252258, -1.1540607213974, -0.7324309349060059, 0.00717509537935257, -0.7340219616889954, -0.121574267745018, 0.27712956070899963, 0.8278602957725525, 0.23853303492069244, -0.539932131767273, -0.7806731462478638, -2.460918426513672, 0.5432485342025757, 2.3906137943267822, 0.2437976449728012, -0.7121952176094055, -0.5461969971656799, -0.5182372331619263, -0.12821370363235474, -0.357403427362442, 0.028079912066459656, -0.21274754405021667, 0.42954322695732117, -0.8884264826774597, 0.4643636643886566, -0.31133079528808594, 0.3051711618900299, 0.47417643666267395, 1.2707831859588623, -0.33937081694602966, -0.07159070670604706, -0.36245352029800415, -1.452146291732788, 0.7276462912559509, 0.7062452435493469, 0.21454447507858276, -0.27325716614723206, 0.9782015085220337, 0.09705038368701935, 0.9771687984466553, 0.9191556572914124, 0.5336325168609619, -1.148062825202942, 0.5219398736953735, -0.3018704056739807, 1.1566835641860962, 0.12814173102378845, 0.005144964903593063, 0.39858323335647583, 0.13965895771980286, -0.6194726824760437, -0.46067410707473755, 0.2476138025522232, -0.6665352582931519, 1.3180897235870361, 0.6353805661201477, -0.607089102268219, 0.9805254340171814, -0.6430331468582153, -0.05773642659187317, -0.5898213386535645, -0.7217528223991394, -0.1060766875743866, 0.16558168828487396, 1.0237876176834106, -0.26301610469818115, 0.33416110277175903, -0.1422049105167389, -0.2404150813817978, -1.7401559352874756, -0.009441681206226349, 0.3403743505477905, -0.4726194739341736, -1.233625888824463, 0.40231767296791077, -0.3036007881164551, -1.1512763500213623, -0.6327048540115356, 0.6698254346847534, 0.05060902237892151, 0.1824057549238205, 1.3375941514968872, 1.4734723567962646, -0.32754528522491455, 0.7297708988189697, 0.3601987361907959, 1.6128517389297485, -0.9183052182197571, 0.37114834785461426, 0.1718301624059677, 0.22135283052921295, -1.0335057973861694, 0.9475936889648438, -0.5980687141418457, 0.4350340962409973, 1.045433521270752, -0.41591352224349976, 0.41612958908081055, -0.2694695293903351, -1.6013004779815674, 1.239106297492981, 0.060807354748249054, -0.33484914898872375, -0.605695903301239, 1.873253583908081, -0.16304105520248413, -0.3303822875022888, 0.5962381362915039, 0.18844786286354065, -0.351628839969635, 1.2157683372497559, -0.16168302297592163, 0.529807448387146, -0.08990085124969482, 0.19355091452598572, 0.13181599974632263, 0.4857955276966095, -2.0666840076446533, 1.0156863927841187, 0.7988663911819458, -0.15963879227638245, -0.48637357354164124, -0.911012589931488, 0.2519248127937317, -0.835663914680481, 0.30334264039993286, 0.5246378183364868, -0.4407455027103424, 0.15260401368141174, -0.12959995865821838, 0.05222903937101364, 1.5327386856079102, -1.031501293182373, 0.0699896365404129, 1.0714222192764282, 0.07032410055398941, -1.0323069095611572, -0.37017226219177246, 0.563626229763031, -0.216984361410141, 0.21146713197231293, 0.25116756558418274, 1.0778142213821411, 1.115515112876892, -0.12924644351005554, -0.037274330854415894, 0.5774499773979187, 0.46096929907798767, 0.3717177212238312, 0.48187556862831116, -1.0237928628921509, 0.14507314562797546, -0.4754999279975891, 1.3387254476547241, -0.40968871116638184, -0.8153592944145203, -1.1487520933151245, -0.38217198848724365, -0.5294193029403687, -0.9938523173332214, 2.1349411010742188, 0.3083999454975128, 1.3952596187591553, -0.2485351413488388, 0.16841118037700653, -0.9092022776603699, 0.09924499690532684, 1.0493357181549072, 0.5119502544403076, -0.09481945633888245, -1.0672111511230469, 0.12474997341632843, 0.44830384850502014, -0.06869150698184967, -0.0973827987909317, 0.046566784381866455, 0.9275413751602173, 0.2784741222858429, -1.0246952772140503, 0.282904714345932, 0.838897705078125, 0.034836240112781525, 1.0146543979644775, -0.6768476366996765, -0.10895242542028427, 0.5714023113250732, -0.0006551947444677353, 0.3101483881473541, 0.29111334681510925, -0.7699123620986938, 1.0837887525558472, 0.44010597467422485, 0.2465701401233673, 0.2179446667432785, 0.9373151659965515, 1.795194387435913, -0.6022063493728638, -1.2918349504470825, -0.3341805636882782, -0.7470946907997131, -0.23873263597488403, 0.13630247116088867, -0.006263408809900284, -0.676984965801239, 1.1092216968536377, -0.5389266014099121, -0.6950538158416748, 0.9596861600875854, -0.6895343661308289, -1.5328983068466187, 0.9519072771072388, 0.7249032258987427, -1.1547387838363647, -0.37837332487106323, 0.08472459018230438, -1.0697786808013916, -1.0418050289154053, -0.23358240723609924, -0.7110735774040222, 0.5567554235458374, 0.2627522051334381, 1.1297879219055176, -0.38672924041748047, -0.33857351541519165, -0.9731153249740601, 0.5205897688865662, 1.1155036687850952, -0.7215113639831543, 0.37228381633758545, 0.17194969952106476, 0.057803675532341, -0.1435425579547882, -0.7853022813796997, -0.5600437521934509, 1.2797815799713135, 0.061050981283187866, 0.681258499622345, -1.1310657262802124, -0.7687856554985046, 0.5888628363609314, -0.22678279876708984, 1.0888093709945679, -0.8840206265449524, -0.051885221153497696, -0.008576810359954834, 0.23691460490226746, 0.5703216791152954, -0.46782153844833374, -1.209077000617981, 0.7304632067680359, -0.04733246937394142, 0.4875427782535553, -0.44728726148605347, 0.7050972580909729, 1.513569951057434, -0.5145407915115356, -0.2752959728240967, -0.45943334698677063, -10.34424114227295, 0.36071258783340454, 0.14100979268550873, 0.3239051103591919, 0.5798576474189758, -0.5466026663780212, 0.9609016180038452, -0.606430172920227, 0.4581288993358612, -0.8963760137557983, 0.19461075961589813, 1.3419456481933594, 0.7889425754547119, -0.002628367394208908, -0.6735073924064636, -1.4931869506835938, -0.23277167975902557, -0.43566423654556274, 0.15021948516368866, 0.15042997896671295, -0.5342344045639038, -0.6160649657249451, -0.1368938684463501, 0.40562307834625244, 0.5621771812438965, 0.08477658778429031, -0.7519515752792358, -0.2356264591217041, -0.2976365089416504, -0.2494061142206192, 0.41678836941719055, -0.009182978421449661, -1.0759186744689941, -0.18682003021240234, -0.2938896417617798, -0.7093294262886047, -0.4204370379447937, -0.28330740332603455, 1.1024240255355835, -0.531013548374176, -1.038594126701355, 0.5716156959533691, 0.9507631659507751, -0.02253095433115959, -0.6723570823669434, 0.6554977297782898, 1.0906541347503662, -1.3771129846572876, 0.10736267268657684, -0.16567915678024292, -0.7572216391563416, -0.7202950716018677, -0.7377741932868958, -0.31667715311050415, 0.14666728675365448, 0.4422784149646759, 0.022083178162574768, -0.28472694754600525, -0.9802860021591187, -1.4728233814239502, 0.4679117500782013, -0.07666761428117752, -0.5948709845542908, 0.022501124069094658, 0.037854425609111786, -0.10288667678833008, 0.06813091039657593, -0.04142642021179199, -0.5044479370117188, 0.08257178217172623, -0.8843539357185364, 0.7500044107437134, -0.13857248425483704, -0.1244717687368393, -0.7416942715644836, 0.28317490220069885, -0.4998156428337097, -0.44673871994018555, -0.18248382210731506, 0.022737298160791397, -1.4882887601852417, 0.9538107514381409, 0.47654902935028076, -0.8131386637687683, -0.6417756080627441, 0.07096202671527863, -0.3613165616989136, 0.6164084076881409, 0.9353082180023193, -0.5694304704666138, 1.142236590385437, 0.05882877856492996, -0.13566751778125763, 0.3193981945514679, -0.7316997647285461, 0.9881598353385925, -0.2407088726758957, 0.962444007396698, 0.20085886120796204, -0.8323087096214294, 0.30949726700782776, -0.6535084843635559, -0.4070817828178406, -0.2866571545600891, 0.3133838474750519, 0.8916997313499451, 0.3891500234603882, 0.013532444834709167, 0.0898868590593338, -0.326404869556427, 1.3657153844833374, 0.5926762819290161, -0.6130958199501038, 1.277280330657959, -0.6658825874328613, 0.19475847482681274, 0.007236579433083534, 0.5374091267585754, 0.030777381733059883, 1.0503429174423218, -0.27139225602149963, 1.510652780532837, -0.18793344497680664, 1.0115928649902344, 0.03835659846663475, -0.33336302638053894, 0.8038655519485474, 0.5543864369392395, 0.10567042231559753, -1.7586246728897095, 0.12165680527687073, -0.3170638084411621, -0.1689862310886383, -0.8208171129226685, -0.2635895609855652, -0.505882740020752, -0.7562390565872192, 1.4853256940841675, -0.1671370267868042, -0.16703566908836365, 0.17377029359340668, -0.6396815180778503, 0.32196566462516785, -1.2434687614440918, -1.0420347452163696, 0.29772868752479553, -1.4015789031982422, -0.2173677384853363, -0.701830267906189, -1.3076705932617188, -0.4123249650001526, -0.26451027393341064, 0.7757965326309204, -0.9026970267295837, -0.42109766602516174, -0.2949524223804474, 0.49932894110679626, -0.13280220329761505, -0.5072273015975952, 0.01675860583782196, -0.26295289397239685, 0.8281663060188293, -0.8929142951965332, 0.9288124442100525, 0.24732792377471924, -0.6931835412979126, -0.1144503504037857, 0.21416357159614563, -0.5491567254066467, -0.04242805764079094, 0.7631423473358154, -1.0115456581115723, 0.2649083733558655, -0.9208181500434875, -0.4407726526260376, -1.1555118560791016, 0.4476222097873688, 1.2122033834457397, -0.19749869406223297, -0.24336747825145721, 0.544471800327301, 1.050724983215332, -0.028727572411298752, 0.05023987591266632, -0.0952138677239418, -0.45588356256484985, -0.10520727932453156, 0.47232139110565186, 0.004557321779429913, 1.0031977891921997, -1.8906068801879883, -0.9014784693717957, -0.2388765811920166, 0.1852230429649353, 0.6438544988632202, -0.14804580807685852, 1.4541999101638794, 0.5984230637550354, -0.12013191729784012, 0.6948899030685425, 0.5477201342582703, 0.844488799571991, 0.618026852607727, 0.5183677673339844, 0.18297642469406128, 0.1085602343082428, -0.6147138476371765, 0.18985223770141602, 0.14962470531463623, 0.3686406910419464, -1.230517029762268, -0.38836032152175903, -0.027226511389017105, -0.5426077842712402, 0.2257322520017624, -0.7378969192504883, 0.9551685452461243, -0.5705813765525818, -0.33771970868110657, -1.6162729263305664, 0.22388765215873718, 1.0277959108352661, -0.1947920322418213, 0.3266967833042145, 0.8959425091743469, 0.5963296890258789, 0.8020782470703125, 0.5403414964675903, 1.2378697395324707, -0.19501075148582458, -0.8118054866790771, 0.6074050068855286, 0.849556565284729, 0.011833392083644867, -0.47666555643081665, -1.0441880226135254, -0.6380690336227417, 0.7078751921653748, -0.17184391617774963, 1.0273411273956299, -0.41025310754776, 0.6338006854057312, 0.8415395617485046, 0.8985116481781006, -1.1197565793991089, -1.419743299484253, -0.5032861232757568, -1.8233848810195923, 0.0930645763874054, 0.5289045572280884, 1.2351720333099365, 0.5585615038871765, 0.8394280672073364, 0.33589380979537964, 1.5233222246170044, -0.6978313326835632, -0.43206787109375, -0.1995745599269867, -0.14115050435066223, 1.21580970287323, 0.46357735991477966, 0.9171637892723083, 0.19199396669864655, -0.2153727114200592, -0.6196607351303101, -0.3771454691886902, -0.607840359210968, 0.944509744644165, 0.34451115131378174, 0.09880298376083374, 0.001200661063194275, -0.5313255786895752, 1.0482591390609741, -0.6603213548660278, 0.32875198125839233, 0.2853030562400818, -0.16840097308158875, -0.21702808141708374, -0.7192877531051636, -0.09813757985830307, 0.9697447419166565, -0.3812774121761322, -0.17666050791740417, 0.026708059012889862, 0.8094418048858643, 0.06535417586565018, -0.4421497881412506, -0.8194703459739685, -0.12451109290122986, -0.45415982604026794, 0.2007766216993332, 0.04929080978035927, -1.1471542119979858, -0.30523011088371277, -0.2900531589984894, -0.857257068157196, 0.7057676911354065, -0.04069271683692932, -0.7496615052223206, -0.8187386989593506, 0.3321893811225891, -0.7179343700408936, 0.6131916046142578, 0.3080868124961853, -0.5168063044548035, -1.587966799736023, 0.7025811672210693, 1.3777451515197754, -0.6859321594238281, -0.6676902174949646, 0.08916871249675751, 0.10917282104492188, 0.3767339587211609, 0.6490782499313354]} +{"paper_id": "AmazonScience/massive", "embedding": [-0.44857218861579895, 1.1771414279937744, 0.38710716366767883, -0.3172406256198883, 0.6924319267272949, 0.25391408801078796, 0.07175670564174652, 0.6996179819107056, 1.491426706314087, -0.07167583703994751, 0.9291972517967224, -0.2649143934249878, 0.3437424302101135, -0.5526478886604309, -0.05416213348507881, 0.2037334144115448, -1.2278480529785156, -0.7218210101127625, -1.3900307416915894, -0.5998179316520691, -0.6089866161346436, -0.14839565753936768, 0.4438505172729492, 0.5377495288848877, -0.5014216899871826, -0.5660701394081116, 0.9607066512107849, -1.182586431503296, 0.25308558344841003, 0.13805080950260162, -0.1373881995677948, 0.9418767690658569, -1.310702919960022, 0.35429027676582336, -0.4315478503704071, -0.6275588870048523, -0.24800291657447815, 0.42338505387306213, -0.00428251177072525, -0.3144892156124115, -0.6173808574676514, 0.22641944885253906, 0.48896196484565735, -0.22395141422748566, 0.4296705722808838, -0.11374011635780334, -0.6443173289299011, 1.053206443786621, -0.6175635457038879, -0.016279101371765137, -0.4820641875267029, -0.4992431402206421, 0.6481090188026428, 0.1517871916294098, -0.6235304474830627, 0.8154157996177673, -0.059679701924324036, -1.1983215808868408, 0.5927909016609192, -1.5816928148269653, 0.5402111411094666, 1.4187735319137573, -0.2108885645866394, 0.511885404586792, 1.6234104633331299, 0.2970820665359497, 0.9197663068771362, 0.3869836926460266, 0.41750821471214294, 0.48574817180633545, -0.570357620716095, -1.6067593097686768, 0.5080187916755676, 0.6905077695846558, -0.1438891440629959, 0.8428745269775391, 0.21392233669757843, 0.5039590001106262, -0.31296175718307495, -0.025762155652046204, -0.46757280826568604, 0.24441148340702057, 0.6499224305152893, -0.6066895723342896, 0.3501710593700409, 0.4622088670730591, 0.13946975767612457, -0.7686976194381714, 0.620699942111969, -1.6630979776382446, 0.09414960443973541, 0.05501718074083328, 0.6226363778114319, -0.5745542049407959, -0.46159595251083374, 0.39534124732017517, 0.5377299189567566, 0.006258457899093628, -0.35723814368247986, 0.25824475288391113, 0.7234106659889221, -0.1992338001728058, 0.8167683482170105, 0.025694340467453003, 0.4295845627784729, 0.2727210223674774, 0.40050995349884033, -0.7676840424537659, -0.707167387008667, -0.26997339725494385, -0.24710971117019653, 0.8791141510009766, 0.15465089678764343, 0.5169010758399963, 0.30998605489730835, -0.06446323543787003, 0.7100933790206909, -0.5436117649078369, 0.019312359392642975, -0.354472279548645, -0.49670925736427307, -0.8654975295066833, 0.05083198845386505, -0.7349017858505249, 0.6613292098045349, -0.786369264125824, 0.19850820302963257, -0.4502411186695099, -0.184575617313385, -0.2593251168727875, 0.4073447585105896, 0.38713374733924866, -0.05067576840519905, 0.22716766595840454, 2.9685351848602295, -1.1956813335418701, 1.3474197387695312, -0.7282831072807312, -0.20699769258499146, -0.41638028621673584, 0.1418675184249878, 1.158393144607544, 0.012623343616724014, -0.5389803051948547, -0.64693284034729, -0.3264220654964447, -0.6486122608184814, 0.42131510376930237, -0.7667396068572998, -0.1048232764005661, -0.27737805247306824, 0.4081494212150574, -1.1057188510894775, -0.7232834696769714, -0.07322801649570465, 0.025388456881046295, 0.029338013380765915, 0.7106808423995972, 0.21794436872005463, 0.7518517374992371, 0.3049912452697754, 0.4879864454269409, -0.6013116240501404, 0.3938072621822357, -0.6507852673530579, 0.15973295271396637, 0.30224066972732544, -0.7203505039215088, -0.35111790895462036, -1.156383752822876, 0.8160454630851746, -0.16704541444778442, 0.3290165066719055, 0.3018171489238739, -0.2676098942756653, 0.8565527200698853, 0.2974815368652344, 0.5709810853004456, -0.018988633528351784, -0.6951425671577454, 0.032711319625377655, -0.34883731603622437, 0.03114696592092514, 0.2661730647087097, -0.118167445063591, 0.15615670382976532, -2.090561866760254, -0.2822040915489197, 0.16128768026828766, 0.7553501129150391, 0.131391242146492, -0.2840515673160553, 0.033398449420928955, -0.25783392786979675, 0.1752127856016159, -0.050358451902866364, 0.6010100245475769, -0.9450691938400269, -0.23060068488121033, 0.47136008739471436, -0.04487099125981331, 0.04223259910941124, 0.2750242054462433, 0.9620057940483093, 1.0203120708465576, 0.004854906350374222, -0.10844084620475769, -0.9249827265739441, -0.2000611126422882, 1.6491252183914185, 0.7528847455978394, -0.9711517691612244, -0.8472962975502014, -0.32887619733810425, 0.05060663819313049, -0.5391387939453125, 0.2003454566001892, -0.4386941194534302, -0.0732993558049202, -1.0704219341278076, 0.23755167424678802, -0.562306821346283, 0.1646670401096344, 0.7117480635643005, 1.498911738395691, -0.9938956499099731, 0.39288315176963806, -0.30564069747924805, -0.5493884086608887, 0.00015236437320709229, 1.0828481912612915, 0.11182467639446259, -0.27990803122520447, 0.519268810749054, 0.028164565563201904, 0.02357770875096321, 0.6153643727302551, 0.7977800965309143, -0.4211851954460144, -0.025683201849460602, 0.1537950038909912, 0.9989070892333984, 0.005168840289115906, 0.020042886957526207, 0.1071559339761734, 0.5390147566795349, -0.18681985139846802, -1.004845142364502, 0.1759588122367859, 0.6376401782035828, 1.3858641386032104, 1.3096810579299927, -0.5837709307670593, 0.6769483089447021, -0.8242632746696472, 0.4723818004131317, -0.5198753476142883, -0.22023409605026245, -0.42000019550323486, -1.10866117477417, 0.42729446291923523, -0.41415202617645264, 0.07604964822530746, -0.23877738416194916, -0.038079697638750076, -1.817536473274231, -0.751374363899231, -0.22738459706306458, -0.5456662178039551, -0.9178842306137085, -0.9568475484848022, -0.17480532824993134, -0.28675493597984314, -0.5949918627738953, -0.4198482930660248, 0.6509883403778076, 0.48779740929603577, 1.5150870084762573, 1.8514931201934814, 0.06196373701095581, -0.011442147195339203, -0.07632598280906677, 0.8108581900596619, -0.1745132952928543, 0.22697444260120392, 0.1319187879562378, 0.33784955739974976, -0.5310937166213989, -0.1573185920715332, -0.6744465231895447, 0.3328167498111725, 0.19133877754211426, -0.37795335054397583, 0.33870139718055725, -0.4695475697517395, -0.5793497562408447, 0.052965324372053146, -0.839591383934021, 0.4008200466632843, -0.49872446060180664, 1.5776718854904175, 0.6743506789207458, -1.0758686065673828, 0.47915053367614746, -0.7088615298271179, 0.08866041898727417, 0.7985838651657104, -0.49002379179000854, 0.3152437210083008, 0.6378201246261597, -0.30286407470703125, 0.33674055337905884, 0.2605743408203125, -2.1614484786987305, 0.03829999640583992, 1.1636275053024292, 0.4927719533443451, -0.2289159744977951, -1.0738639831542969, 0.3675968050956726, -0.5191171169281006, -0.5185316205024719, 0.0527016818523407, -0.5095167756080627, 0.4791277348995209, -0.1584501713514328, 0.4060482978820801, 1.21883225440979, -0.5104874968528748, 0.17854279279708862, 0.7531288862228394, 0.4605002701282501, -1.0562456846237183, -0.25249284505844116, 0.6697244048118591, -0.6348952651023865, 0.822127103805542, 0.5801427364349365, 1.0315486192703247, 0.9120473861694336, -0.4342672824859619, -0.5728135108947754, 0.6221451759338379, 0.6628844738006592, -0.0478469617664814, 0.12565888464450836, -0.43213891983032227, 0.39067307114601135, -0.07275399565696716, 1.1550062894821167, 0.5228175520896912, -0.5116286873817444, -0.8898983001708984, 0.48558279871940613, -0.3151623010635376, -0.9186698794364929, 1.4124925136566162, 0.8945556282997131, 0.9576963782310486, 0.4216690957546234, 0.14070190489292145, -0.5545603632926941, 0.20965513586997986, 0.3915626108646393, -0.06630121171474457, -0.16913585364818573, -0.4146893620491028, -0.06143927574157715, 0.28034982085227966, 0.15803708136081696, -0.2561388313770294, 0.4059341251850128, 1.1121795177459717, 0.18031495809555054, -0.7372331619262695, -0.006981268525123596, 1.0826878547668457, 0.276492178440094, 1.0908911228179932, -0.1967839151620865, -0.5192325711250305, 0.31558144092559814, 1.0802571773529053, 0.2941228151321411, -0.21459034085273743, -0.47533294558525085, 0.43307825922966003, 0.22638003528118134, 1.0072362422943115, -0.192718505859375, 0.9994023442268372, 0.727942705154419, -0.854974627494812, -1.5440176725387573, -0.3285362124443054, -0.9862030744552612, -0.3851950168609619, 0.20147579908370972, -0.8079765439033508, -0.6467850208282471, 0.6738817691802979, -0.7885543704032898, -0.7294794321060181, 0.8417887687683105, -0.8694528937339783, -1.152147650718689, 0.7268776297569275, 1.0915014743804932, -1.4150145053863525, -0.651343584060669, -0.14044572412967682, -1.1268876791000366, -0.5466142296791077, 0.49585768580436707, -0.4208502173423767, 0.17521512508392334, -0.4807799160480499, 0.8305123448371887, -0.13574233651161194, 0.18051914870738983, -0.8327596783638, 0.8368852734565735, 1.2060813903808594, -0.5269678831100464, 0.706222414970398, -0.049290575087070465, 0.6487435698509216, -0.3986375033855438, -0.8791282773017883, -0.38961324095726013, -0.002611365169286728, 0.4046558737754822, -0.43577420711517334, -0.5568649768829346, -0.301662802696228, 0.5936688780784607, -0.4084358513355255, 0.1684712916612625, -1.0186690092086792, -0.14500880241394043, 0.059690844267606735, 0.32163646817207336, 0.7501766681671143, -0.4689571261405945, -0.3897758424282074, 0.43531328439712524, -0.8649424314498901, 0.29037022590637207, -0.06337927281856537, -0.15399739146232605, 0.652676522731781, 0.1735554039478302, 0.5783947706222534, 0.1844554841518402, -12.20034408569336, 1.2142958641052246, -0.9773807525634766, 0.08729977905750275, 0.17186762392520905, -0.3156459927558899, 0.6880829930305481, 0.37110036611557007, 0.9614801406860352, -0.8885838389396667, 0.1398659199476242, 0.8301104307174683, 0.4568215310573578, -0.2493322193622589, -0.7547319531440735, -0.9088371992111206, -1.0280957221984863, -0.9232805967330933, 0.5619359612464905, 0.30184078216552734, -0.204804465174675, -0.770973265171051, -0.4641082286834717, 0.6919251680374146, -0.07560451328754425, 0.019266724586486816, 0.05053284019231796, -0.6427561044692993, 0.28638821840286255, 0.3201311230659485, 0.4807729423046112, -0.2882600724697113, -0.38221776485443115, -0.2648037075996399, 1.0363882780075073, 0.41631728410720825, -1.063130497932434, -0.0583561435341835, 0.2919546365737915, 0.36185139417648315, 0.09178418666124344, 0.0620574988424778, 0.20058567821979523, -0.39299362897872925, -0.5833961367607117, 0.8506596684455872, 0.5739459991455078, -0.2790558636188507, -0.06453332304954529, -1.1354976892471313, -0.8673008680343628, -0.868220865726471, -1.2891650199890137, -0.7708256244659424, 1.0997146368026733, -0.31687238812446594, -0.31465235352516174, 0.023958906531333923, -0.44671258330345154, -1.2489274740219116, 0.6641228795051575, 0.729121208190918, -0.6758385300636292, 0.8658110499382019, 0.7533202767372131, -0.7889297604560852, 0.2259015440940857, -0.06538864225149155, 0.11569204181432724, 0.3357444107532501, -0.38921332359313965, 0.19156599044799805, -0.05013832822442055, 0.6991134285926819, -0.42590439319610596, -0.7039393186569214, -0.336870014667511, 0.21298909187316895, 0.22968152165412903, 0.39319366216659546, -0.6093972325325012, 0.3817388117313385, -0.17182029783725739, -0.40530282258987427, -1.154402494430542, 0.05460583046078682, -0.3929452896118164, 0.5021803379058838, 0.9915169477462769, 0.04827047139406204, 1.0063468217849731, 0.28649449348449707, -0.14190752804279327, 0.44273585081100464, -0.18754693865776062, 1.4131304025650024, -0.26479846239089966, 0.8312806487083435, -0.6011738777160645, 0.2519443929195404, 0.2787259817123413, 0.43920907378196716, -0.7211894989013672, 0.238991841673851, 0.3657184839248657, 0.14926385879516602, -0.06307221949100494, 0.20254215598106384, 0.43792667984962463, -0.39156967401504517, 0.7047386169433594, -0.3363759517669678, -0.3018883466720581, 1.0486465692520142, 0.5464744567871094, 0.9031936526298523, 1.1165058612823486, 0.4409467577934265, 0.5426232218742371, 0.467855840921402, -0.7163894772529602, 1.3480571508407593, 0.3568589389324188, 1.2502188682556152, 0.4548702538013458, -0.2151300311088562, 0.6616607904434204, 0.22556965053081512, -0.45396649837493896, -0.6639299392700195, -0.1823890209197998, -0.48729386925697327, -0.0006533153355121613, -0.32270169258117676, 0.4026475250720978, -0.18590331077575684, -1.6816624402999878, 1.369027853012085, -0.6927274465560913, 0.04698102921247482, -0.08076563477516174, -1.384084939956665, -0.5605134963989258, -1.4641845226287842, -0.4306776821613312, 0.18464776873588562, -1.6534533500671387, -0.1035054475069046, -0.5380954146385193, 0.6477910876274109, 0.35718563199043274, 0.09778419882059097, 1.6257522106170654, -0.567369818687439, -0.17865650355815887, -0.1564914584159851, 0.6200377941131592, -0.4599335491657257, -1.0610798597335815, -0.8955745100975037, 0.5488471388816833, 1.0198596715927124, -0.6225776672363281, 1.3921549320220947, 0.5099437236785889, 0.08334512263536453, -0.5793572068214417, 0.22034665942192078, -0.5934695601463318, 0.8269509673118591, 1.0531747341156006, -0.8346519470214844, 0.08805085718631744, -0.7736794352531433, -0.2286781370639801, -0.9534004926681519, 0.13372303545475006, 1.366263508796692, -1.1522338390350342, -0.21949492394924164, 0.2950001358985901, 0.6209976673126221, 0.8511444926261902, -0.4630018174648285, -0.7641727924346924, 0.37426242232322693, 0.050857365131378174, 0.7261154651641846, 0.4373396933078766, 0.548909604549408, -1.7682989835739136, -1.2061164379119873, -0.7762843370437622, 0.07250268757343292, 0.23721367120742798, 0.07748840749263763, 1.117454171180725, 0.45375949144363403, 0.333522766828537, -0.19396832585334778, -0.3163885176181793, 0.6294161081314087, -0.29247474670410156, -0.0978366881608963, 0.08663500845432281, -0.42609354853630066, -0.4885050058364868, 0.4047277271747589, 0.5723973512649536, 0.05801042914390564, -0.7937045097351074, -0.36224448680877686, -0.007073838263750076, -0.12815696001052856, -0.14697641134262085, -1.1129848957061768, -0.5360440015792847, -0.14295491576194763, -0.34686949849128723, -0.961426317691803, 0.16969524323940277, 1.5578476190567017, -0.279565691947937, 0.9754261374473572, 0.5206206440925598, -0.09193497151136398, 0.4061037302017212, 0.13251519203186035, 0.654057502746582, -0.2529037892818451, -0.1356007307767868, -0.38202720880508423, 0.5327780246734619, -0.2774108648300171, -0.0077777281403541565, -0.029665686190128326, -0.9838960766792297, -0.18103066086769104, -1.083864450454712, 0.7276304364204407, -0.15853412449359894, 0.4231666624546051, 1.1063302755355835, 0.8707085251808167, -0.40310347080230713, -1.29111647605896, 0.03197876736521721, -0.7927742600440979, 0.09602145850658417, -0.06351716071367264, -0.3068383038043976, 0.6412597298622131, 0.6197668313980103, -0.2716113328933716, 0.734311044216156, 0.2509160041809082, -0.1281963437795639, 0.07077386230230331, 0.5573281645774841, 1.2143101692199707, 0.6772012114524841, 0.09955619275569916, -0.017344797030091286, -0.8019922971725464, -0.5893307328224182, 0.06094532832503319, -0.5277538299560547, 0.6789364814758301, 0.9471143484115601, 0.15265792608261108, -0.388913094997406, -0.7366122603416443, -0.06695879995822906, -0.7886075973510742, 0.9467282295227051, 0.3462027311325073, -0.5920552611351013, -0.6372849941253662, -1.0554394721984863, 0.1367911398410797, 0.6508020758628845, -0.05834660306572914, -0.1525052785873413, -0.4313560724258423, 0.8501972556114197, 0.2922477424144745, -0.27921438217163086, -1.0378600358963013, 0.4338134229183197, -0.7053026556968689, 0.4524844288825989, 0.051235221326351166, -0.1791466325521469, -0.5924628973007202, 0.3436293601989746, -0.7743076086044312, 0.6477558612823486, -0.01716931164264679, -0.6726855039596558, -1.1940865516662598, 0.46852633357048035, 0.4964708387851715, -0.31848567724227905, 0.866967499256134, 0.20042967796325684, -1.5231411457061768, 1.1821321249008179, 1.1524114608764648, -0.15442126989364624, -0.8278405666351318, 0.6706647276878357, 0.24410028755664825, -0.2503514587879181, 1.0102686882019043]} +{"paper_id": "strombergnlp/danfever", "embedding": [-0.69237220287323, 0.971506655216217, -0.8230999112129211, -0.04908513277769089, -0.3227420151233673, -0.22278577089309692, 0.0883481502532959, 0.11079101264476776, 1.1695382595062256, 1.3335492610931396, 0.5171090960502625, -0.6132897138595581, -0.5596513748168945, 0.2759154736995697, 0.08378706872463226, -0.4365346431732178, -0.6435871124267578, -0.593388020992279, 0.13313329219818115, -0.13336625695228577, -1.045952558517456, -0.8016590476036072, -0.3722216784954071, 0.10596154630184174, -1.069947361946106, -0.32797279953956604, 0.6227913498878479, -0.7797136902809143, 0.3036406338214874, 0.055288344621658325, -0.3835863471031189, 1.0725812911987305, -2.5299925804138184, 0.36263424158096313, -0.29578888416290283, -0.07965140789747238, -0.18134070932865143, 0.6325841546058655, 0.20722657442092896, -0.4412703514099121, -1.0646635293960571, -0.12945975363254547, 0.6065056324005127, 0.3217166066169739, -0.26091888546943665, -0.3090628683567047, 0.8493269085884094, -0.9422792196273804, -0.12297794222831726, -0.30945590138435364, 0.045600175857543945, 0.7067462205886841, 0.061595767736434937, 0.6049684286117554, -0.3443070948123932, 1.221100091934204, 0.32544437050819397, -0.36520835757255554, 1.0517222881317139, -0.6920517683029175, 1.1498405933380127, 1.0984606742858887, -1.0225361585617065, 0.3505212068557739, 0.773647129535675, 0.08969561755657196, 1.3250484466552734, -0.36582517623901367, -0.16925089061260223, 0.7404821515083313, 0.43306052684783936, -1.441803216934204, 0.2718867361545563, -0.6328880786895752, -0.05971556901931763, 1.225402593612671, -0.22040612995624542, 0.33242544531822205, 0.00614936463534832, 0.002496376633644104, 0.5136779546737671, 0.19786526262760162, 0.052689600735902786, -0.14921905100345612, 0.1599779725074768, 0.36359766125679016, 0.10687200725078583, -0.7428532838821411, 0.7374746203422546, -1.889646053314209, 1.222147822380066, -0.27481257915496826, -0.4934832751750946, -0.12335644662380219, -0.12179581820964813, 0.6443069577217102, -0.8613254427909851, -0.2777922451496124, -0.5181339979171753, 0.3608550429344177, 0.34000325202941895, -0.8248066902160645, 0.49701082706451416, 0.08069007098674774, 0.013798769563436508, 1.1236393451690674, -0.5792301893234253, 0.3977793753147125, -0.9372811317443848, -0.21190835535526276, -0.6411921977996826, 1.5248626470565796, -0.35550618171691895, 0.5242881774902344, 0.1154603511095047, -0.14304637908935547, 0.35091280937194824, -0.8849614858627319, -0.8920856714248657, 0.0028590112924575806, -0.786881148815155, -0.6500999927520752, -0.1983254849910736, 0.8059921264648438, 1.083328366279602, -0.21434429287910461, 0.4629189968109131, -0.05041429400444031, -1.06221604347229, 0.0893203392624855, 0.8649554252624512, -0.6021159291267395, -0.9915342330932617, 0.5056644678115845, 2.2615010738372803, -1.6494264602661133, 1.7281732559204102, -0.03163285553455353, -0.012950117699801922, -0.3561074435710907, -0.7334482669830322, 1.2311943769454956, 0.6824079751968384, -1.5880566835403442, -0.4218659996986389, 0.7514691352844238, -0.6953967809677124, 0.26164186000823975, -0.37655162811279297, -0.3994506895542145, 0.2740332782268524, 1.006403923034668, -0.5615776777267456, 0.057401545345783234, 0.19644908607006073, -0.12897703051567078, -0.1833670735359192, 0.19906240701675415, -0.40755367279052734, 0.8518547415733337, 0.13115179538726807, 0.3026568293571472, -0.35360023379325867, 0.8119551539421082, -0.5704643726348877, -0.4229143261909485, 1.3647319078445435, -0.22751617431640625, -0.6444166898727417, 0.29033535718917847, 0.9173940420150757, -0.6417697668075562, -0.059554606676101685, -0.5917046070098877, -0.6752411127090454, -0.13784156739711761, 0.7580797672271729, 0.5544717311859131, 0.6855978965759277, -0.7313408851623535, -0.3531738817691803, 0.11888474225997925, 0.3205272853374481, 0.5547095537185669, -0.655580461025238, -0.3784221112728119, -1.7818797826766968, 0.42576920986175537, -0.6059994101524353, 1.1228107213974, 0.3818652033805847, 0.011894835159182549, 0.4541986286640167, 0.6060870885848999, 0.5406113266944885, -0.23695752024650574, 0.23621799051761627, -1.1427909135818481, 0.01078478991985321, -0.667346715927124, -0.23238401114940643, -0.6853294372558594, -0.09143650531768799, -0.6280322074890137, 1.0213409662246704, -0.9316778779029846, -0.28418615460395813, -2.0955586433410645, 0.3208204209804535, 1.4249502420425415, -0.0942789614200592, -0.4592982530593872, -1.1709072589874268, 0.43374568223953247, -0.07210009545087814, -0.4551319479942322, 0.34198805689811707, -0.9423487782478333, -0.4386245012283325, -1.4553539752960205, 0.27623075246810913, -0.02386477217078209, 0.5086026191711426, 0.3847593069076538, 0.2155921459197998, -1.173551082611084, -0.3681654930114746, -0.4664401710033417, -1.270787239074707, 0.4192190170288086, 1.1539630889892578, -0.24135008454322815, 0.3591347634792328, 1.081086277961731, 0.27401238679885864, 1.4077953100204468, -0.18952031433582306, 0.08313606679439545, -1.0109848976135254, 0.37972408533096313, 0.10334853827953339, 0.38117197155952454, 0.6098432540893555, -0.751266598701477, 1.432165503501892, 0.4684796929359436, -0.1614837348461151, -0.04298665001988411, -0.8829717636108398, -0.5180680155754089, 0.5402380228042603, 1.1469842195510864, -0.9873737692832947, 0.7619577050209045, -0.4837751090526581, 0.6232353448867798, 0.16827808320522308, -0.3772367238998413, -0.34489119052886963, 0.6566601395606995, 0.6999863386154175, 0.4960564374923706, 0.2966475784778595, 0.038881443440914154, -0.3099415600299835, -0.8863049745559692, -0.5445671081542969, 0.48121747374534607, -0.2892875373363495, -0.7841473817825317, -0.08751355111598969, -1.1477047204971313, -1.3024567365646362, -0.47339504957199097, -0.1761704683303833, 0.32426968216896057, -0.5393977165222168, 0.23163080215454102, 0.7368305921554565, 0.7930671572685242, -0.3362249433994293, -0.7880573272705078, 1.0368382930755615, -0.4263429045677185, 0.7893345355987549, 0.3114539682865143, 0.21244388818740845, -0.9775447249412537, -0.28782057762145996, 0.03694505617022514, -0.3315286934375763, -0.16437497735023499, -0.6790934205055237, 1.3774828910827637, -0.11719369888305664, -0.9129132032394409, 1.2687675952911377, 0.5260671377182007, -0.6661452651023865, -1.0366740226745605, 1.1706849336624146, 0.09482460469007492, 0.18814438581466675, 0.45993518829345703, -0.1419978141784668, -0.5508629679679871, 1.2396397590637207, -0.8822389841079712, -0.3706728219985962, 0.46357452869415283, -0.09053885191679001, -0.34388867020606995, 0.31004098057746887, -1.00228750705719, 0.2712233364582062, 1.0653222799301147, -0.8210029602050781, -0.40272071957588196, -0.4880247414112091, 0.5722137093544006, -0.5125911235809326, -0.6142578721046448, 0.03239937499165535, -0.20827925205230713, -0.2971062958240509, -0.5000720620155334, -0.6471129655838013, 0.7959206700325012, -0.9595840573310852, 0.06906461715698242, 0.2292640507221222, 0.6557010412216187, -0.24354548752307892, -0.05507839471101761, 1.2251163721084595, -0.21507224440574646, 1.2089334726333618, -0.652026355266571, 0.9891358017921448, 0.8742647171020508, -0.6982412338256836, -0.19504326581954956, 1.0116099119186401, 0.24871593713760376, 0.048352885991334915, 0.5162418484687805, -0.4591776132583618, 1.3992794752120972, -0.5448540449142456, 1.6471117734909058, 0.9171203970909119, -0.4692077338695526, -1.7528940439224243, -0.6961818933486938, -0.3261808156967163, -0.45757192373275757, 1.4397027492523193, 0.6226842999458313, 1.409027099609375, -0.036139898002147675, 0.3545883893966675, -0.6343238949775696, 0.7534993886947632, 0.8908818960189819, 0.22515057027339935, 0.5269457697868347, -0.38785499334335327, 0.40648406744003296, 1.0481054782867432, 0.06320995837450027, -0.5318534970283508, -0.841058611869812, 0.5872793793678284, -0.3211449086666107, 0.4904797375202179, 0.279135525226593, 0.12738819420337677, -0.22891753911972046, 0.9085065722465515, -0.5797293186187744, -0.43090879917144775, -0.5902889966964722, 0.1523405909538269, 0.31123968958854675, 0.5422821640968323, -1.2893246412277222, 0.6594905257225037, -0.14390383660793304, 0.7910166382789612, -0.3345310688018799, 0.453562468290329, 1.043990135192871, 0.8226158022880554, -1.2720392942428589, 0.05895132198929787, -0.8195858001708984, -0.0017085056751966476, 0.5209622979164124, -0.2370551973581314, -0.040118515491485596, 0.7871196866035461, -0.47001558542251587, -1.7844467163085938, 0.9247982501983643, -0.30112820863723755, -0.8711943626403809, 0.3945245146751404, 1.2513073682785034, -1.2744859457015991, -1.0379750728607178, 0.2568061947822571, -0.7041752934455872, -0.38163015246391296, 0.36128315329551697, -0.9618988633155823, 1.759979009628296, 0.7023259401321411, 0.5447989702224731, 0.07245461642742157, -0.24678876996040344, 0.24546930193901062, 1.5020347833633423, 0.8467946648597717, -0.92140132188797, 0.2964000105857849, 0.32231405377388, 0.9436456561088562, 0.8841699361801147, -0.9841920733451843, -0.6394240260124207, 1.232879877090454, 0.3654523491859436, 1.0546648502349854, -0.7483546137809753, -1.1940687894821167, 0.7863573431968689, 0.7983824014663696, 0.7847228646278381, -0.9275151491165161, 0.76819908618927, -0.8389468193054199, -0.049345940351486206, 0.28276100754737854, -0.49380606412887573, -1.1194450855255127, 1.275526523590088, -0.35779085755348206, 0.41944196820259094, 0.17497867345809937, -0.5632869005203247, 1.5215091705322266, -0.03199763596057892, 0.6240224242210388, -0.19690242409706116, -11.106178283691406, 0.4424653649330139, -0.043321870267391205, 1.6409484148025513, 0.7354547381401062, -0.07370618730783463, 0.16425620019435883, 0.3194147050380707, 1.6469281911849976, -0.588587760925293, 0.3038392961025238, 1.830666184425354, -0.3405989110469818, -1.2304880619049072, -0.9876667261123657, -0.19027003645896912, -0.4799439013004303, -0.8472674489021301, -0.06611108779907227, -0.4677106440067291, 0.6258041262626648, -1.4215126037597656, 0.4830523729324341, 0.1657652109861374, 1.0335164070129395, -0.15664148330688477, 0.09906969964504242, -0.2506268620491028, 0.11778266727924347, 0.16931238770484924, 1.1554198265075684, -0.09270691871643066, -0.6166930198669434, -0.353092759847641, 0.5563926100730896, -0.04114643484354019, -0.9672466516494751, -0.5017679333686829, 0.735093355178833, -1.138702630996704, 0.48274296522140503, 0.33472883701324463, 0.294404000043869, -0.006700204685330391, -0.4579339921474457, -0.11417979747056961, -0.200561985373497, -0.21641556918621063, -0.5919361114501953, -0.6049423217773438, -0.213941752910614, -0.2968904674053192, -0.7146180272102356, -0.5054778456687927, 0.8005486130714417, -1.3048436641693115, -0.666100025177002, 0.3418586552143097, -0.837313175201416, -1.816212773323059, 1.0256145000457764, -0.6948016285896301, -0.31148678064346313, 0.2768665552139282, -0.19069117307662964, -0.5129410028457642, 0.9137335419654846, -0.3162921667098999, 0.11127311736345291, -0.3141005337238312, -0.6561987996101379, 1.1890960931777954, 0.4802643060684204, 0.08855879306793213, -0.4233112633228302, -0.2682383358478546, -0.6452429294586182, -0.3242425322532654, 0.16437706351280212, -0.1016709953546524, -0.9109352827072144, 0.46641093492507935, 0.665025532245636, 0.14760413765907288, -0.5117096304893494, -0.44584333896636963, 0.5065918564796448, -0.8681626915931702, -0.37881240248680115, -0.03368478640913963, 0.4204690158367157, -0.32828372716903687, 0.2905966341495514, -0.17218360304832458, -0.5275017619132996, 0.450441837310791, -0.7487366795539856, 0.9464603066444397, -0.23737263679504395, -0.3659333288669586, -0.06789978593587875, -0.33791595697402954, -0.2980313301086426, -0.03976358100771904, 0.8123571276664734, 0.2106863260269165, 0.5117763876914978, -0.32645899057388306, -0.30486419796943665, 0.12995176017284393, 0.43438661098480225, 0.795853853225708, -0.19933977723121643, 1.450087070465088, -0.5346283912658691, 0.5045243501663208, 0.6240620017051697, -0.3442949652671814, -0.131744384765625, 1.4437395334243774, -0.1759832799434662, -0.17764240503311157, 0.4792243242263794, 0.8538614511489868, -0.6331478953361511, -0.19594205915927887, 0.2572828531265259, 0.4004644751548767, -0.33204588294029236, -1.87650465965271, 0.7656506299972534, -0.15465988218784332, 0.26579466462135315, -0.9423317909240723, 0.36622658371925354, -0.7682920098304749, -0.8917734026908875, 0.8819695711135864, -0.032097674906253815, 0.4112308621406555, -0.35488998889923096, -0.17608307301998138, 0.3181454539299011, -0.7922463417053223, -0.3759562075138092, -0.023291729390621185, -1.5114388465881348, 0.39598366618156433, -0.5969734191894531, -0.504431426525116, 0.7775012850761414, -0.9120082855224609, 0.9801633954048157, 0.1831311136484146, -0.019551703706383705, -0.15574336051940918, -0.17500253021717072, -0.5010681748390198, -0.6948403716087341, 0.19931423664093018, -0.025124914944171906, 1.1063334941864014, -0.9230106472969055, 0.6973447203636169, 0.5359021425247192, -0.09050334990024567, -0.6479601860046387, -0.188394695520401, -0.3561031222343445, 0.24163520336151123, 1.1062901020050049, -1.0397324562072754, 0.06671907752752304, 0.15414214134216309, -0.05048640817403793, -1.1632590293884277, 1.292969822883606, 0.6300325393676758, -1.2502894401550293, -0.19787846505641937, -0.0995652973651886, 0.11256029456853867, 0.45688867568969727, -0.6693496704101562, -0.27038881182670593, 0.13047084212303162, -0.8851925134658813, 0.7015443444252014, 0.33506137132644653, 1.0171750783920288, -1.2294385433197021, -1.1940855979919434, -0.6214280724525452, -0.615660548210144, 0.9815502166748047, -0.0553935207426548, 1.4456963539123535, 0.770432710647583, 0.7427164316177368, -0.46410489082336426, 0.018445800989866257, 0.5538500547409058, -0.003083486109972, -0.24340331554412842, -1.0348734855651855, 0.09641261398792267, -0.4161110520362854, 0.3506058156490326, 0.48612070083618164, 0.894729495048523, -0.1384129375219345, -0.1590568721294403, 0.2926481068134308, -0.5149421691894531, 0.37477660179138184, -1.0674285888671875, 0.6588424444198608, -0.8797372579574585, -0.16748198866844177, -0.8940855264663696, 0.6260846853256226, 1.0851006507873535, -0.03382166475057602, 1.1277880668640137, -0.09443136304616928, 0.3089006245136261, 1.3526962995529175, 0.26694703102111816, 1.6557567119598389, 0.45063015818595886, 0.31932005286216736, -0.009169891476631165, -0.03901297599077225, -0.05308322608470917, 0.7571331858634949, 0.35972094535827637, -0.22638164460659027, 0.43379446864128113, -0.7194097638130188, 0.3424484133720398, -0.4983578324317932, -0.3205821216106415, 0.27389681339263916, 0.2656698226928711, -0.27873915433883667, -0.33473730087280273, -0.5767934322357178, -1.2486034631729126, -1.1658422946929932, 0.7520610094070435, 0.8473663330078125, 0.892030656337738, 0.6848628520965576, 0.13280771672725677, 1.3127458095550537, -0.5523707866668701, 0.0025619715452194214, 0.7387745380401611, -0.042088575661182404, 1.222071886062622, 0.4527488648891449, 0.9347037076950073, 0.2473137080669403, -0.08196096867322922, -0.7010529637336731, -0.4945579767227173, -0.39438948035240173, 0.9008654356002808, 0.4310603737831116, -0.02172478660941124, 0.8944332599639893, -0.5717145800590515, 0.42104363441467285, -0.3397350311279297, 0.5069096684455872, 0.023886455222964287, -0.611873984336853, -0.1737811267375946, -1.2842826843261719, -0.13454675674438477, 0.33823543787002563, -0.5603829026222229, -0.8336291313171387, -0.4421224594116211, 0.9919611215591431, 0.025823362171649933, -0.6752349734306335, -0.6766442060470581, 0.542091965675354, -0.4212767779827118, 0.013258762657642365, -0.009979158639907837, -0.6936550140380859, -1.3339442014694214, -0.1448555588722229, -1.1354342699050903, 0.07443790882825851, 0.26500391960144043, -0.7683456540107727, -0.43583452701568604, 0.8157045841217041, 0.6381728649139404, 0.3643246293067932, -0.08432123064994812, 0.1279531866312027, -1.3519423007965088, 0.557472288608551, 0.9090989232063293, 0.05551934987306595, -0.3894383907318115, 1.3597661256790161, -0.04344378039240837, 0.14670944213867188, 1.6751631498336792]} +{"paper_id": "strombergnlp/broad_twitter_corpus", "embedding": [-0.9030115008354187, 0.8174826502799988, -0.1391315907239914, -0.4616098999977112, 0.12316906452178955, 0.20349009335041046, -0.031223811209201813, 0.1933463215827942, 0.30787336826324463, 0.9837927222251892, 0.6119951009750366, -0.12158673256635666, 0.24846509099006653, 0.08717014640569687, -0.3782256841659546, -0.4681386351585388, -0.763984203338623, -0.4155852198600769, -0.17404115200042725, -0.1974164843559265, -0.8756219148635864, -0.545078694820404, -0.1376236230134964, -0.08556560426950455, -1.0953311920166016, -0.6451782584190369, 0.24595560133457184, -0.3127219080924988, 0.20474830269813538, 0.13529786467552185, -0.18221178650856018, 1.0938252210617065, -0.8254837393760681, -0.21556615829467773, -0.5065860748291016, 0.043970778584480286, 0.19225138425827026, 0.6715826988220215, -0.418902724981308, -0.25347039103507996, -1.1499388217926025, 0.06541936844587326, 1.018523931503296, 0.35256898403167725, 1.2043994665145874, -0.01781068742275238, 0.1408124715089798, 0.40885820984840393, 0.2414245754480362, 0.22306175529956818, -0.13301528990268707, 0.4849274158477783, -0.3801948130130768, -0.14816701412200928, -0.49741145968437195, 0.6766135692596436, 0.11640357226133347, -0.811293363571167, 0.21567441523075104, -1.0986121892929077, 0.29709798097610474, 0.9807145595550537, 0.09495487064123154, 0.07360783219337463, 0.5973674058914185, 0.1212635338306427, 1.0698145627975464, -0.15603965520858765, 0.8126060962677002, 0.9523195624351501, -0.1458854079246521, -1.458613395690918, 0.07154938578605652, -0.24869179725646973, 0.5795716047286987, 0.5405594706535339, 0.22525489330291748, 0.164955735206604, 0.14153188467025757, 0.06560981273651123, -0.17825019359588623, 0.7587032318115234, 0.17702223360538483, -0.8485888838768005, -0.45950254797935486, -0.23356717824935913, 0.5976964235305786, -0.46356552839279175, 0.6904519200325012, -1.3479965925216675, 0.711666464805603, -0.6035928726196289, -0.014536482281982899, 0.33967697620391846, -0.48669564723968506, 0.7110623121261597, 0.09186933934688568, -0.1307145357131958, -0.951076865196228, 0.8376203775405884, 0.9277761578559875, -0.24335303902626038, 0.3848746716976166, -0.08162682503461838, 0.23361468315124512, 1.3077155351638794, -0.9661345481872559, -0.5776939988136292, -0.4264986515045166, 0.04335068166255951, -0.5816218256950378, 1.5220425128936768, 0.037866298109292984, 0.2724218964576721, -0.1843138337135315, 0.02190348505973816, 0.23019275069236755, -1.1394885778427124, -0.6730229258537292, 0.10384510457515717, -0.4444633722305298, -0.9912126660346985, 0.012640532106161118, 0.5332393050193787, 1.369564414024353, -0.4685506522655487, 0.6666731834411621, 0.3444651961326599, -0.3362278640270233, -0.4615248441696167, 0.7563674449920654, -0.03818383067846298, -0.5003941655158997, 0.4920467138290405, 2.6675307750701904, -0.9920541644096375, 1.2878048419952393, -0.09435626119375229, -0.11444356292486191, -0.06955230981111526, 0.6552311778068542, 0.9042275547981262, 0.4800921380519867, -0.26460832357406616, -0.9611881375312805, 0.03299702703952789, -0.6520503759384155, 0.0269174724817276, 0.009602520614862442, -0.574730634689331, -0.02128397300839424, 0.5143431425094604, -1.2181708812713623, -0.1742701530456543, 0.3581428825855255, 0.866592288017273, -0.11581887304782867, 0.31399160623550415, -0.11926276981830597, 0.9474137425422668, 0.8560512065887451, 0.39660072326660156, -0.8738676309585571, 0.9778866767883301, -0.2723809778690338, 0.16692852973937988, 1.2172908782958984, 0.3280983865261078, -1.320559024810791, 0.17657828330993652, 0.5854938626289368, -1.1781381368637085, 0.029343653470277786, 0.15030471980571747, -0.7521876096725464, -0.32958054542541504, 0.62745201587677, 0.31557419896125793, -0.2824459969997406, 0.23851042985916138, 0.02566147968173027, 0.12822751700878143, -0.35519924759864807, 0.4117278754711151, -0.3775390088558197, -0.22387316823005676, -1.6536320447921753, -0.47548288106918335, -0.0667509213089943, 0.5497522354125977, -0.08661004900932312, -0.5102227330207825, 0.10015980899333954, 0.46497294306755066, 0.0551699623465538, -0.13584616780281067, 0.7518559694290161, -1.443593144416809, -0.9282890558242798, -0.2269689291715622, 0.5592559576034546, -0.11164310574531555, 0.17002326250076294, 1.010567545890808, 0.5116007328033447, -0.6641356945037842, -0.4098072648048401, -1.6368173360824585, 0.20472335815429688, 2.6654043197631836, -0.6637208461761475, -0.6716642379760742, -1.5405447483062744, -0.016618281602859497, 0.16786810755729675, -0.8969436883926392, 0.753248929977417, -0.27841615676879883, 0.06296680867671967, -1.2028918266296387, 0.4270683825016022, -0.2659895718097687, -0.07158654928207397, 0.3064157962799072, 0.9997826814651489, -0.4530084729194641, -0.6507630348205566, -0.48021095991134644, -0.5252840518951416, 0.8148850202560425, 0.6314449906349182, 0.2682170867919922, -0.2028864473104477, 0.8368868231773376, 0.7633885145187378, 0.5720309615135193, -0.40958550572395325, 0.4183724820613861, -0.5874748229980469, -0.009318814612925053, -0.22042594850063324, 0.22431322932243347, -0.07539105415344238, -0.37959718704223633, 1.038751244544983, 0.706710696220398, 0.1175585687160492, -0.5936455726623535, 0.07226946949958801, 0.5535303354263306, 0.6854983568191528, 1.3286552429199219, -0.876977264881134, 1.2594622373580933, -1.2573318481445312, 0.6582090258598328, -0.1205749660730362, -0.8010241985321045, -0.37801432609558105, -0.2037280797958374, 0.5997523069381714, -0.4640483558177948, -0.5332474112510681, 0.05331429839134216, -0.21522735059261322, -1.2787247896194458, 0.42595091462135315, -0.018397852778434753, -0.5817705988883972, -0.7159239053726196, -0.08406665176153183, -0.31345564126968384, -0.9044596552848816, -0.7861431241035461, 0.29001301527023315, 0.6572339534759521, 0.10781580209732056, 0.35906821489334106, 0.6629019379615784, -0.6749632358551025, -0.07924874126911163, -0.4555433988571167, 0.7433287501335144, -0.7449522614479065, 0.7722582221031189, 0.11858473718166351, 0.4609030783176422, -0.6211237907409668, -0.19037455320358276, 0.1806936413049698, 0.40673887729644775, 0.055136971175670624, 0.25599613785743713, 0.2378942370414734, -0.3956723213195801, -0.575471043586731, 0.8693740367889404, -0.37725821137428284, 0.02716214209794998, -0.8351072669029236, 1.0134520530700684, 0.7588373422622681, -0.018185313791036606, 0.7561306953430176, 0.40346065163612366, 0.5424327254295349, 1.158648133277893, -0.7721869945526123, 0.4778394401073456, 0.023066677153110504, 0.1059817224740982, 0.07554900646209717, 0.6138838529586792, -1.8058834075927734, -0.3652186393737793, 0.8528454303741455, 0.017925787717103958, 0.41587555408477783, 0.009093644097447395, 0.5018286108970642, -0.6207307577133179, -0.5026019215583801, -0.4728526175022125, -0.4846581518650055, 0.5077115297317505, -0.44387513399124146, 0.14372500777244568, 0.616145133972168, -0.5316172242164612, 0.37818443775177, 0.4401269853115082, 0.415355384349823, -1.0141527652740479, -0.15826553106307983, 0.8152642250061035, 0.10897649079561234, 0.9252288341522217, 0.1018921434879303, 0.2888636887073517, 0.7334837913513184, -0.9953092336654663, -0.7321622371673584, 0.43499356508255005, 0.4277355670928955, -0.20461642742156982, 0.6739513278007507, 0.4069865345954895, 0.9719207882881165, -0.3335520625114441, 1.12493896484375, 0.5275620818138123, -0.5754619836807251, -1.0784592628479004, -0.057035211473703384, -0.7403966188430786, -0.37973514199256897, 1.7575223445892334, 1.1126575469970703, 1.4616951942443848, 0.13668307662010193, 0.23756352066993713, -0.4246560335159302, 0.09602177143096924, 0.9776861071586609, 0.7442771196365356, 0.28769561648368835, 0.2027968168258667, 0.35751456022262573, 0.4585970342159271, -0.030268318951129913, -0.4244323968887329, 0.1725514680147171, 0.6736817359924316, -0.14585010707378387, -0.6458353996276855, 0.1554141342639923, 0.15158867835998535, 0.2690028250217438, 0.9410164952278137, 0.04250238835811615, -0.5261580944061279, -0.7379398941993713, 0.526539146900177, 0.393428236246109, 0.8647016286849976, -0.8185147047042847, -0.46623894572257996, -0.23330512642860413, -0.25275474786758423, -0.1884971559047699, 0.5432506799697876, 0.8353264331817627, -0.09894709289073944, -0.955083966255188, -0.08862052857875824, -1.3606135845184326, -0.11545675247907639, 0.23934417963027954, -0.03064672276377678, -0.32043829560279846, 0.62259441614151, -0.3480989634990692, -1.4385488033294678, 0.274574875831604, -0.8129783868789673, -1.4923486709594727, 1.0732910633087158, 1.107530117034912, -1.3356835842132568, -0.8837792277336121, -0.16803869605064392, -0.5483971238136292, -0.6991483569145203, -0.0436534583568573, -0.7315084338188171, 0.3266166150569916, -0.2307165563106537, 0.40650808811187744, -0.4475551247596741, 0.1645432859659195, -0.23196136951446533, 0.6442441940307617, 0.8854572176933289, 0.08782755583524704, 0.25949805974960327, 0.2631125748157501, -0.6391775012016296, -0.07289911806583405, -1.2224360704421997, -1.3034838438034058, -0.01729530282318592, 0.5703933238983154, 0.025649279356002808, -0.6389015316963196, -0.8485180139541626, 0.11631063371896744, -0.43803834915161133, 0.8672674298286438, -1.1036146879196167, 1.014644742012024, -1.253242015838623, -0.3318622410297394, 0.11340908706188202, -0.8013372421264648, -1.4075840711593628, 0.9307984709739685, -0.2456640601158142, 0.29598626494407654, -0.20379716157913208, 0.6374684572219849, 0.9596346020698547, 0.4821861982345581, 0.43594545125961304, -0.3637050688266754, -12.787430763244629, 0.12648844718933105, -0.5457749366760254, 0.36799919605255127, 0.7539562582969666, -0.06588826328516006, 0.3839263916015625, -0.10741542279720306, 1.0098086595535278, -0.7243325114250183, 0.350980281829834, 1.3738094568252563, -0.429999440908432, 0.11645819991827011, -0.7840086817741394, -0.7649101614952087, -0.39952439069747925, -0.17177003622055054, 0.39683276414871216, -0.021147117018699646, -0.9642963409423828, -1.0423129796981812, -0.2635064125061035, -0.2875296473503113, 0.6399369239807129, 0.26308709383010864, 0.36431685090065, -0.3882898986339569, -0.38837647438049316, 0.06671924889087677, 0.8491754531860352, 0.23367400467395782, -0.8373037576675415, -0.3899313509464264, 0.2395743876695633, 0.6976144313812256, -1.1833720207214355, -0.03328445926308632, 1.0862280130386353, 0.3830901086330414, 0.23789404332637787, 0.2147110253572464, -0.24912072718143463, -0.22293062508106232, -0.5651183724403381, 0.23563237488269806, 0.39133399724960327, -0.6185348033905029, 0.41870659589767456, -0.2809126377105713, -0.49573928117752075, 0.06859089434146881, -1.3797355890274048, -0.25307369232177734, 1.4328404664993286, -0.02383231557905674, -0.6879337430000305, -0.05060121789574623, -1.0558202266693115, -0.9485336542129517, 1.4283140897750854, -0.08892551064491272, -0.31355181336402893, 0.07076752930879593, 0.4207881689071655, -0.329180508852005, 0.3859131634235382, 0.753291666507721, -0.05767257139086723, -0.14851298928260803, -0.18269270658493042, 0.7112663984298706, 0.7510958909988403, 0.4524487555027008, 0.009243465960025787, -0.6682306528091431, -0.15929147601127625, 0.2135128676891327, 0.1388980895280838, -0.003777896985411644, -0.8541824817657471, 0.8836761116981506, -0.8374577760696411, 0.05185835063457489, -0.5854709148406982, -0.17001469433307648, -0.7921382784843445, -0.9134929776191711, 0.35770100355148315, 0.5605083107948303, 0.18236097693443298, -0.03194364532828331, -0.547683596611023, 0.20121461153030396, -0.08533011376857758, 0.6534721851348877, -0.39762642979621887, 1.0488550662994385, 0.2132558524608612, -0.0984359160065651, 0.3990371823310852, -0.49096646904945374, -0.33875054121017456, -0.21668291091918945, 0.7761310338973999, -0.14035940170288086, -0.3072388172149658, -0.255565881729126, -0.013675987720489502, -0.18955324590206146, 0.8265976309776306, -0.8057114481925964, 0.2336263209581375, 1.1206210851669312, 0.5299687385559082, 0.8261811137199402, 0.6191343665122986, -0.3570176362991333, 1.1498916149139404, 0.7751420140266418, 0.3779008686542511, 0.5031232833862305, 0.09852979332208633, 0.5452622771263123, 0.2679729163646698, -0.1371082216501236, 0.29319846630096436, 0.7353763580322266, 0.12938305735588074, -1.4691656827926636, 0.34083348512649536, 0.11306151747703552, 0.16310349106788635, -0.9654792547225952, -0.743724524974823, -0.41139131784439087, -0.48641419410705566, 1.185947060585022, -0.8642376065254211, 0.2830255627632141, -0.4376288056373596, -0.4934130012989044, 0.25099292397499084, -0.1275002807378769, -0.5780771374702454, -0.25925368070602417, -0.44547343254089355, 0.278457909822464, -0.5362751483917236, 0.009664952754974365, 0.10287974774837494, -0.4428512454032898, 0.8954967260360718, -0.6947180032730103, 0.44989973306655884, 0.43897050619125366, 0.3993653357028961, 0.03951636701822281, -0.4316633939743042, 0.03366376459598541, 0.015218552201986313, 0.5616071820259094, -0.604396641254425, 1.1515743732452393, 0.4921068251132965, 0.5441529154777527, -0.5452876091003418, -0.3686908185482025, -0.45586392283439636, 0.25358104705810547, 1.338347315788269, -0.7237074375152588, -0.22726789116859436, -0.4118625223636627, -0.1740647554397583, -1.3003556728363037, 0.727703869342804, 0.578429102897644, -0.6338273286819458, 0.5425130128860474, 0.4705342650413513, 0.5287885665893555, -0.1800060272216797, -0.15384894609451294, -0.11679191887378693, 0.04678652435541153, 0.2958903908729553, 1.3182694911956787, 0.032341040670871735, 0.1893622875213623, -1.4103220701217651, -0.9483689665794373, -0.9499509930610657, -0.21296104788780212, 0.4146817922592163, 0.09195373952388763, 0.6604382395744324, 0.44493651390075684, 0.08647368848323822, -0.16553257405757904, 0.0060427491553127766, 1.2380386590957642, 0.23934979736804962, 0.4678160548210144, -0.7530088424682617, -0.33197930455207825, -0.9463997483253479, 0.4687330722808838, 0.26893603801727295, 0.4754790663719177, -1.3204030990600586, -0.4649035334587097, 0.5445730686187744, -0.7500990629196167, 0.6129202246665955, -0.6657750606536865, 0.29406702518463135, 0.13804689049720764, -0.5232784152030945, -0.6792494058609009, 0.4140355885028839, 1.1105340719223022, -0.6489798426628113, 0.9004642367362976, -0.473690927028656, 0.26753851771354675, 0.5123777389526367, 0.7788483500480652, 1.4125587940216064, -0.4776780605316162, -0.4683287441730499, 0.5359508991241455, -1.4081037044525146, 0.046026527881622314, -0.06420403718948364, 0.6316879391670227, -0.7842644453048706, 0.16065296530723572, -1.0010929107666016, -0.11314184218645096, 0.049665071070194244, 0.5031833648681641, 0.3658393621444702, 0.4559277594089508, -0.5312109589576721, -0.6651909947395325, -0.7609938979148865, -0.41216814517974854, -0.07218977808952332, 0.4212891161441803, 0.5199705958366394, 0.8532995581626892, 0.8884273767471313, 0.1483321338891983, 0.5198389291763306, 0.1970653235912323, 0.2634827494621277, -0.17839938402175903, 0.6646133065223694, 1.2165501117706299, 0.8085147142410278, -0.43510258197784424, -0.14648941159248352, 0.30056601762771606, -1.11112642288208, -0.5198824405670166, -0.4186571538448334, 0.4941127896308899, 1.0113710165023804, -0.4159405529499054, 0.18283207714557648, -0.8843495845794678, 0.3358713686466217, 0.05745966359972954, 0.1288936585187912, 0.6340351700782776, -0.5021848082542419, -0.6651728749275208, -0.6879469752311707, 0.45782768726348877, 1.0440483093261719, -0.3807046115398407, 0.041558049619197845, -0.954118549823761, 0.35058513283729553, -0.6146664023399353, -0.8588761687278748, -0.8924778699874878, 0.914360523223877, -0.034756895154714584, 0.25104397535324097, 0.08115825057029724, -0.7923489809036255, -0.8578164577484131, 0.4176374673843384, -0.3501233458518982, 0.27491050958633423, 0.3727542757987976, -1.0482654571533203, -0.12852463126182556, 0.04102208465337753, -0.4506969749927521, 0.4035646617412567, 0.3909149169921875, -0.7144674062728882, -1.2217127084732056, 0.23080900311470032, 0.3046724200248718, 0.4516414403915405, -0.47059497237205505, 0.4480893313884735, 0.9719998836517334, 0.16849875450134277, 0.9474923610687256]} +{"paper_id": "strombergnlp/ipm_nel", "embedding": [-0.8125451803207397, 0.9823606014251709, 0.27916088700294495, -0.21661047637462616, 0.3444271981716156, -0.48554378747940063, -0.5602120757102966, 0.6239716410636902, -0.04132440686225891, 1.5837478637695312, 0.5692828297615051, -0.38467293977737427, -0.0991566926240921, -0.020354876294732094, -0.3609967827796936, -0.4377938210964203, -0.7662672400474548, -0.17561857402324677, -0.7026811242103577, -0.20285357534885406, -0.9995285868644714, -0.8917128443717957, -0.2395705282688141, 0.3304192125797272, -1.3052617311477661, -0.8018142580986023, 0.11391868442296982, -0.5418912768363953, -0.27872875332832336, -0.3227910101413727, -0.3724859654903412, 1.2934540510177612, -0.3582245409488678, -0.784720778465271, -0.018929485231637955, 0.4626418948173523, 0.503645122051239, 1.2811576128005981, -0.5884109139442444, -0.31889256834983826, -1.4961185455322266, 0.157139390707016, 0.42065855860710144, 0.05137725546956062, 0.6871541142463684, 0.22323352098464966, -0.38328903913497925, 0.8450369238853455, 0.0733087807893753, -0.1430470049381256, 0.06762541085481644, 0.6584048867225647, -0.2493523359298706, 0.4760885536670685, -0.8479111790657043, 0.9597755074501038, -0.5045436024665833, -1.8349153995513916, -0.07088111340999603, -0.8430569171905518, 0.3463054895401001, 1.5427857637405396, -0.31766369938850403, 0.3345918357372284, 0.5754836797714233, -0.02896425873041153, 1.4090386629104614, -0.43882936239242554, 1.5454556941986084, 0.7708187103271484, 0.0013316720724105835, -0.9164587259292603, 0.9579105973243713, -0.7315519452095032, 0.4629829227924347, 1.020232915878296, 0.6600099802017212, 0.053323786705732346, -0.42931225895881653, 0.7353459596633911, 0.016875512897968292, 0.8472009897232056, 0.29533860087394714, -1.3292521238327026, -0.6953216195106506, -0.009749464690685272, 0.2634944021701813, -0.05057516694068909, 0.5228836536407471, -1.532464861869812, 0.35300731658935547, -1.2354605197906494, -1.2205885648727417, 0.20584622025489807, -0.12089234590530396, 0.7160893678665161, -0.33731281757354736, 0.04476122558116913, -0.4878084361553192, 0.9655176997184753, 0.3721012771129608, -0.9154481887817383, -0.26685601472854614, -0.26939132809638977, 0.0950772687792778, 1.6259937286376953, -1.2988307476043701, 0.24944394826889038, -0.23169702291488647, 0.5671908259391785, -0.3075423538684845, 0.9984696507453918, -0.22176791727542877, 0.1945471167564392, -0.6979770064353943, -0.6076570153236389, -0.2711482048034668, -1.2751299142837524, -0.48992475867271423, 0.37657850980758667, -0.8164916634559631, -0.5771685242652893, -0.3746013343334198, 1.147214651107788, 1.4878969192504883, -0.680151641368866, 0.8349424600601196, 0.29327642917633057, -0.1660280078649521, -0.4118528664112091, 0.8790140151977539, -0.15190312266349792, -0.34168705344200134, 0.3170720934867859, 2.4984700679779053, -1.3106862306594849, 1.431283950805664, 0.2072567194700241, 0.17006860673427582, -0.3776312470436096, 0.7048126459121704, 0.5607308745384216, -0.44323763251304626, -0.2812519371509552, -0.9513948559761047, -0.017267653718590736, -0.1251186728477478, 0.03397327661514282, 0.14473262429237366, -0.7407240271568298, 0.10879938304424286, -0.1164749339222908, -1.0497852563858032, -0.5724468231201172, -0.07962650060653687, 0.5489503741264343, -0.09883247315883636, 0.3705098032951355, 0.681873083114624, 1.2342931032180786, 1.33060622215271, -0.20615945756435394, -0.3156861960887909, 0.9821685552597046, -1.2205442190170288, -0.09376463294029236, 1.2404052019119263, 0.0756269320845604, -1.3568894863128662, 0.17467886209487915, 0.7090073823928833, -0.3088010847568512, -0.07344554364681244, -0.0951196700334549, -0.9922857880592346, -0.15184007585048676, 1.0884450674057007, 0.8677389621734619, -0.1788817048072815, 0.16748198866844177, -0.0641602873802185, -0.6641758680343628, -0.49787482619285583, 0.6599395871162415, -0.10833609104156494, 0.7119484543800354, -1.734188437461853, -1.3059329986572266, -0.2983885407447815, 1.4499313831329346, 0.21401160955429077, -0.3120605945587158, -0.1827079951763153, 0.6910744905471802, 0.09026677906513214, -0.17423036694526672, 0.06408406794071198, -0.8444745540618896, -0.9998862743377686, -0.003850068897008896, 0.6552855372428894, -0.17472702264785767, 0.07070782780647278, 1.2342872619628906, 0.9613915085792542, -1.1490139961242676, 0.4903564453125, -1.2273658514022827, 0.5947155952453613, 3.0753939151763916, -0.5654187202453613, -0.7867043614387512, -1.9912161827087402, 0.43818575143814087, -0.11790385842323303, -0.662186324596405, 0.7595278024673462, -0.473209023475647, 0.5041967630386353, -0.9119889140129089, 0.7202767729759216, -0.7452409863471985, 0.08827503770589828, 0.005544263869524002, 0.022557251155376434, -0.3025447428226471, -0.6710516214370728, -1.037573218345642, -0.1807887852191925, 1.1596660614013672, 0.6750745177268982, 0.08092238008975983, -0.5793779492378235, 0.6994115114212036, 0.477220356464386, 0.2396426498889923, -0.759411633014679, 0.21626684069633484, -0.440049946308136, 0.14808836579322815, 0.3155891001224518, 0.7470537424087524, 0.5485421419143677, -0.857200026512146, 0.6686825752258301, 0.5586066842079163, 0.531201958656311, 0.15110976994037628, 0.2479175478219986, 0.4265192151069641, 0.3556917905807495, 1.3718916177749634, -0.7464355826377869, 1.312982439994812, -1.8207322359085083, 0.7546928524971008, -0.44416359066963196, -1.3466991186141968, -0.188510924577713, 0.29629337787628174, 0.8287176489830017, -0.4363252520561218, -0.1710687130689621, 0.1418614536523819, -0.5202051401138306, -1.1989864110946655, -0.45907363295555115, -0.06617008149623871, -0.19896264374256134, -1.121034026145935, 0.6843140125274658, -0.802353024482727, -0.8430193662643433, -0.42428407073020935, 0.5223988890647888, 0.6612904667854309, -0.028054283931851387, 0.2651045024394989, 0.28831058740615845, -0.7501258254051208, 0.026266343891620636, -0.5805884003639221, 0.5647918581962585, -1.0352671146392822, 1.0124988555908203, -0.08551807701587677, -0.20713365077972412, 0.031307533383369446, -0.4252622425556183, 0.7576807737350464, 0.16674333810806274, 0.24025201797485352, 0.13818243145942688, 0.1692899614572525, -0.6219949722290039, -0.4732586741447449, 0.8506107330322266, -0.2638372778892517, -0.7654475569725037, -1.5557219982147217, 2.1962897777557373, 0.540851891040802, 0.5801960229873657, 0.5970467329025269, 0.7382041811943054, 0.880908727645874, 1.0015251636505127, -0.07308453321456909, 0.6467944383621216, 0.08628912270069122, 0.13363154232501984, -0.012366849929094315, 0.8176073431968689, -1.8821264505386353, -0.19833338260650635, 0.9848173260688782, -0.5176870822906494, 0.08556251227855682, -0.1556934118270874, 0.5794344544410706, -0.3166733980178833, -0.9037805199623108, -0.11465608328580856, -0.5585780739784241, 0.6040400862693787, -1.0801526308059692, -0.5015950202941895, 0.9738219380378723, -0.7214274406433105, 0.44627833366394043, 0.8916564583778381, 0.5384717583656311, -1.7432243824005127, 0.11411275714635849, 0.8091850876808167, 0.3969036340713501, 1.1537123918533325, -0.2683679759502411, 0.4763641357421875, 0.9465358257293701, -0.9958150386810303, -0.10397893190383911, 1.1203339099884033, 1.0040476322174072, 1.0607473850250244, 0.9206578135490417, -0.29052793979644775, 1.2468183040618896, -0.3435998857021332, 0.930551290512085, 0.8198978900909424, -0.1316208690404892, -1.2751307487487793, -0.5022544860839844, -0.0328434556722641, -0.84563148021698, 1.5455760955810547, 0.7164590358734131, 2.173726797103882, -0.009715628810226917, 0.000924358144402504, -0.8356456756591797, 0.009569752961397171, 1.3446191549301147, 1.0091334581375122, 0.7028133273124695, -0.16576816141605377, -0.05592776834964752, 0.1783417910337448, -0.4693543612957001, -0.5865864753723145, 0.01679004728794098, 0.8934134244918823, 0.14497636258602142, 0.09626731276512146, -0.29671967029571533, -0.028594937175512314, -0.26756367087364197, 0.20989185571670532, -0.9578242301940918, -0.7048958539962769, -0.6727708578109741, 0.4525117576122284, -0.06397432088851929, 1.124228835105896, -1.878442645072937, 0.01297999918460846, -0.36354130506515503, -0.5365731716156006, -0.4595772624015808, 0.3772779703140259, 1.3236355781555176, -0.2142919898033142, -0.31939905881881714, -0.021099578589200974, -0.39276251196861267, -0.4124618470668793, 1.095362663269043, -0.03896928206086159, -1.2312779426574707, 1.071330189704895, -0.4967363178730011, -1.3330087661743164, 0.9186282157897949, -0.809140145778656, -1.7859914302825928, 0.7397280931472778, 0.6878877878189087, -1.4335591793060303, -0.4632924497127533, 0.07221230864524841, -1.001025915145874, -1.3485240936279297, 0.1281309425830841, -0.8090549111366272, 0.8343679308891296, 0.35159456729888916, 0.604875385761261, -0.9448511600494385, -0.16331636905670166, -1.0889421701431274, 0.11752820014953613, 0.9677573442459106, 0.3160961866378784, -0.33934250473976135, 0.16667340695858002, -0.9428998231887817, 0.11870671808719635, -2.13478684425354, -1.148789405822754, 0.059988074004650116, 0.419537752866745, 0.5044342875480652, -0.8280631899833679, -0.9375883340835571, 0.055373769253492355, -0.526544988155365, 1.2351934909820557, -1.2619514465332031, 0.6616156697273254, -0.997643768787384, 0.5560899376869202, 0.14936548471450806, 0.19229795038700104, -1.693707823753357, 0.8774321675300598, -1.0634574890136719, 0.7375838756561279, 0.5391193628311157, 1.1698029041290283, 0.6865184307098389, 0.5888919830322266, 0.7860981225967407, -0.5019583106040955, -9.391190528869629, 0.11130382120609283, -0.25448641180992126, 0.5402970910072327, 0.36394450068473816, -0.43714186549186707, 0.5317614674568176, -1.12556791305542, 1.9347106218338013, -0.5415560007095337, 0.617357075214386, 2.415173292160034, -0.285013347864151, 0.06951770186424255, -0.7611333131790161, -1.246781826019287, -0.14457213878631592, 0.09014485776424408, -0.1528230458498001, 0.3773127794265747, -1.5812492370605469, -1.2641347646713257, 0.42492425441741943, -0.16727972030639648, 0.9488370418548584, 0.21473851799964905, 0.8530992269515991, 0.4438183307647705, -1.2012019157409668, -0.3065420687198639, 0.7772178053855896, -0.430477499961853, -1.2833797931671143, 0.2732774615287781, 0.5898608565330505, 0.17869387567043304, -1.1877418756484985, -0.7001833915710449, 1.1709738969802856, 0.3625543713569641, -0.21599619090557098, 0.23213855922222137, 0.6027759313583374, -1.3543694019317627, -0.8776895403862, 0.19630958139896393, 0.5792998671531677, -0.5363450646400452, 0.2858881950378418, 0.31999337673187256, -0.431053102016449, -0.22375518083572388, -2.111891746520996, -0.4508657157421112, 1.7076003551483154, 0.4379431903362274, -0.4994291663169861, 0.4102981388568878, -0.673414409160614, -0.17860037088394165, 1.3066723346710205, 0.23539109528064728, 0.4012090265750885, 0.14881658554077148, -0.00967312604188919, 0.05961816385388374, 0.3575171232223511, 0.1246926337480545, 1.1274874210357666, -1.0502525568008423, -0.5476906895637512, 0.5574486255645752, 0.4040415585041046, -0.057718127965927124, -0.28616654872894287, -0.9723625183105469, -0.2859477996826172, -0.49977728724479675, 0.10341215133666992, -0.44506895542144775, -0.3412657082080841, 0.8303781747817993, -0.8238911628723145, -0.04514013230800629, -0.015475794672966003, -0.10005980730056763, -0.2518228590488434, -1.2347160577774048, 0.04565390199422836, 0.5738803744316101, 0.5830676555633545, 0.3681545853614807, -0.4139673709869385, 1.377314567565918, -0.5916803479194641, 1.0114620923995972, -0.7449833750724792, 1.3930058479309082, 0.9016242027282715, 0.08048614859580994, 0.2870749235153198, -0.4521619379520416, -0.19619983434677124, -0.5050843954086304, 0.6006436944007874, 0.34979575872421265, -0.29714757204055786, 0.02671089768409729, 0.02989795431494713, -0.1035785898566246, 0.7846649289131165, -0.018780864775180817, -0.11270771920681, 0.34967896342277527, 1.20622980594635, 0.7569782733917236, 0.6674349308013916, -0.10329324752092361, 0.7246577739715576, 1.2108557224273682, 0.2105957418680191, 0.7020741105079651, -0.4010709822177887, 0.07590582966804504, 0.24932861328125, -0.05329560860991478, 0.47024139761924744, 1.3377169370651245, 0.5706211924552917, -1.705992341041565, 0.07740717381238937, 0.32693392038345337, 0.031550075858831406, -1.525126338005066, -0.7605425715446472, -0.5180627107620239, -0.8471670746803284, 1.0528006553649902, -0.6583506464958191, 0.18170326948165894, 0.10119341313838959, -1.3826826810836792, 0.4228575825691223, 0.5300885438919067, -0.33044904470443726, -0.30678725242614746, -0.5464307069778442, -0.07316845655441284, -0.557869017124176, -0.10522137582302094, -0.0863616019487381, 0.022938109934329987, 0.35125887393951416, -0.9125178456306458, 0.17965218424797058, 0.30853545665740967, 0.2394651621580124, 0.0315219908952713, -0.9882497787475586, 0.7786749005317688, -0.3724747598171234, 1.044782280921936, -1.0720112323760986, 0.9433346390724182, 0.8047041893005371, 0.049968548119068146, -0.9604540467262268, -0.10584196448326111, -1.0300320386886597, 0.4379897117614746, 1.4974746704101562, -0.7075901627540588, -0.5150556564331055, -0.32290083169937134, -0.4011344313621521, -1.1800971031188965, 1.278456687927246, 0.6119188070297241, -0.6278689503669739, -0.09473320841789246, 0.18115191161632538, 0.11486898362636566, 0.02813432365655899, 0.18137535452842712, -0.5632448196411133, 0.1856047511100769, 0.11696164309978485, 1.5414738655090332, 0.04969719052314758, -0.15698951482772827, -1.6275882720947266, -1.206526517868042, -0.6228563785552979, -0.2311249077320099, 0.7190303206443787, -0.31332457065582275, 1.6227748394012451, 0.8310464024543762, 0.1809259057044983, -0.5647333264350891, -0.2740541100502014, 1.048954963684082, 0.858139157295227, 0.808950662612915, -1.0158908367156982, -0.0005054958164691925, -1.1109460592269897, -0.05187586694955826, -0.5057762861251831, -0.05673670023679733, -1.5375573635101318, -0.13494887948036194, 0.26973244547843933, -0.6759748458862305, 0.8477396965026855, -1.1210051774978638, 0.7028332352638245, -0.051602140069007874, -0.8828904628753662, -0.38617900013923645, 0.07118062674999237, 1.054702639579773, -0.9281049370765686, 0.9039647579193115, -0.25352931022644043, -0.25255078077316284, 0.3594666123390198, 0.7135049104690552, 2.6484527587890625, -0.7526237964630127, 0.04807613790035248, 0.5451610684394836, -0.5190169811248779, -0.05660130828619003, -0.5099365711212158, -0.12611116468906403, -0.5425094962120056, 0.3930029571056366, -0.9108668565750122, 0.1554107666015625, 0.37053507566452026, 0.10074259340763092, 0.6526049971580505, 0.7744596004486084, -0.35066258907318115, -0.284572571516037, -0.5364566445350647, -0.2844584882259369, 0.26493045687675476, 0.6110576391220093, 1.1978241205215454, 0.4323582649230957, 0.449169397354126, 1.033794641494751, 0.4574074447154999, -0.08742603659629822, 0.08185667544603348, -0.26051950454711914, 0.7023197412490845, 1.4664967060089111, 0.7565618753433228, -0.22847384214401245, -0.7808695435523987, 0.4314107596874237, -0.7648892998695374, -0.9852195382118225, -0.4336830675601959, 0.03143659234046936, 0.979742169380188, 0.45017144083976746, 0.22854788601398468, -1.0023623704910278, 0.3941201865673065, -0.1120404303073883, 0.5705158114433289, -0.04570557922124863, 0.11605843901634216, -0.6465426683425903, -0.7339887619018555, -0.20409247279167175, 1.4344465732574463, -1.2151777744293213, -0.052804991602897644, 0.17592614889144897, 0.41912218928337097, -1.1261128187179565, -0.8108646869659424, -0.6376891732215881, 0.932068407535553, -0.5867094397544861, 0.12682229280471802, 0.049334924668073654, -0.7445055842399597, -1.1991961002349854, -0.014152802526950836, -1.0540900230407715, -0.06774023175239563, 0.6007760167121887, -1.153341293334961, 0.2138439118862152, 0.7169526219367981, -0.29811251163482666, 0.17881470918655396, 0.8193117380142212, -0.7522856593132019, -1.589255928993225, 0.3613576889038086, 0.8631850481033325, 0.5788663625717163, -1.4021612405776978, 0.6519458293914795, 0.6065699458122253, -0.05759024992585182, 0.7744406461715698]} +{"paper_id": "strombergnlp/shaj", "embedding": [-0.6405337452888489, 1.2817997932434082, -0.040620356798172, 0.3627437949180603, 1.4796066284179688, 0.812998354434967, -0.007681660354137421, -0.35847240686416626, 0.7682971358299255, 1.005476713180542, 0.24050480127334595, -0.344411164522171, -0.30271294713020325, 0.006091168150305748, 0.04455729201436043, 0.4197101294994354, -0.9498310685157776, -0.2696514427661896, 0.12705901265144348, -0.44733381271362305, -0.5329332947731018, -0.30372703075408936, -0.2972802221775055, 0.05614786595106125, -0.6876782178878784, 0.11870941519737244, 0.031187914311885834, -0.958936870098114, -0.5904925465583801, 0.031191764399409294, 0.21322616934776306, 0.7245118618011475, -1.8485013246536255, 0.21352502703666687, -1.0007004737854004, -0.24392910301685333, -0.20334695279598236, -0.2745504677295685, -0.3625791370868683, -0.7316285967826843, -0.8510897159576416, 0.6676623225212097, 0.38904663920402527, 0.05664828047156334, 0.32411468029022217, 0.025016196072101593, 0.29250118136405945, 0.09723582863807678, 0.2556420564651489, -0.5830623507499695, -0.5404077768325806, 0.6169624328613281, 0.3628440797328949, 0.11929638683795929, -0.6471351981163025, 0.6044766902923584, -0.4946068823337555, -0.9312472939491272, 0.6674783825874329, -1.06145179271698, 1.3538569211959839, 1.2049788236618042, -0.41373753547668457, 0.7580839395523071, 0.31867045164108276, -0.7215028405189514, 0.7032449245452881, -0.3095555901527405, 0.5037084817886353, 0.5264315605163574, -0.216943621635437, -0.7501071095466614, 0.29692044854164124, 0.14408522844314575, -1.0857648849487305, 0.30586886405944824, 0.15687303245067596, 0.2615005373954773, -0.6463068723678589, 0.40695440769195557, -0.20093587040901184, 0.9537372589111328, -0.07386160641908646, -0.9844343662261963, 0.6440907716751099, 0.3542492389678955, 0.2623552680015564, -0.5760406851768494, 0.8064931035041809, -1.0731141567230225, 0.7605717182159424, 0.4244740903377533, 0.2924003601074219, 0.6947621703147888, -1.500347375869751, 0.8081223964691162, -0.2931813597679138, 0.45906051993370056, -1.0922284126281738, 0.983527660369873, 0.3664553463459015, -0.777664303779602, 0.6475095748901367, -0.23797178268432617, 0.10789492726325989, 0.5300529599189758, -0.26188310980796814, -0.2765236496925354, 0.06237298995256424, -0.073247991502285, -0.18976734578609467, 1.4839577674865723, -0.5511394143104553, 0.6371636390686035, 0.4541856348514557, -0.20962950587272644, 0.013873368501663208, -1.076271414756775, -0.6753774285316467, -0.05709971487522125, -1.1889615058898926, -0.9659184813499451, 0.15056276321411133, 0.9223811030387878, 1.2253669500350952, 0.09408941864967346, 1.0286357402801514, -0.7374624609947205, -0.19138972461223602, 0.15899959206581116, 0.4537737965583801, -0.6749290227890015, -0.708362877368927, 0.17750966548919678, 2.642951726913452, -1.9626625776290894, 1.2921346426010132, -0.5517716407775879, 0.9797767400741577, -0.3113941550254822, -0.7297396063804626, 1.436732530593872, -0.10842036455869675, -1.7993361949920654, -1.0905269384384155, 0.19978004693984985, -0.9545832276344299, 0.6779767870903015, -0.0014699548482894897, -0.09921480715274811, -0.07708311080932617, 0.9254946112632751, -0.22159793972969055, 0.446476548910141, 0.2517845630645752, 5.038455128669739e-05, -0.64901202917099, 0.3673674166202545, -0.4580271244049072, -0.050866760313510895, 1.0238409042358398, 0.4714060425758362, -0.0840538740158081, 0.29627692699432373, -0.7425196766853333, -0.040860142558813095, 0.7332180738449097, -0.16633698344230652, -1.024317979812622, 0.00794045627117157, 0.7107008695602417, -0.07868864387273788, -0.30138736963272095, 0.1913849115371704, -0.5380755662918091, -0.4380037486553192, 0.6688599586486816, 0.9283087253570557, 0.06316499412059784, -0.5893718600273132, -0.49119237065315247, -0.9188976287841797, 0.020691268146038055, 0.8617699146270752, -0.8662632703781128, -0.5975689888000488, -1.040750503540039, 0.8567987680435181, -0.22294756770133972, 1.0646440982818604, 0.26304060220718384, -0.5228399038314819, -0.03881853073835373, 0.7237304449081421, 0.03589928150177002, 0.2948819398880005, 0.21731504797935486, -1.1807092428207397, 0.03924247622489929, -0.29583632946014404, 0.5117586255073547, -1.0577086210250854, -0.4127204716205597, 0.1920517534017563, 1.1186350584030151, -0.43048912286758423, 0.20513002574443817, -1.2166073322296143, 1.3060564994812012, 1.8503540754318237, 0.640887975692749, -1.1234205961227417, 0.3312718868255615, 0.3274291753768921, -0.08370276540517807, -0.3034709095954895, 0.4352233409881592, -1.113148808479309, 0.14818167686462402, -1.1566598415374756, 0.29702162742614746, -0.23095491528511047, 0.0003744065761566162, 0.20950809121131897, 0.5254316926002502, -0.9617751836776733, -0.3320009708404541, -0.4637635052204132, -0.5997380614280701, 0.37988385558128357, 1.0600448846817017, 0.11103959381580353, 0.3529748320579529, 1.1530333757400513, 0.48767995834350586, 0.6640135049819946, 0.5221173167228699, 0.23647905886173248, -0.7080875635147095, 0.3871069848537445, 0.12882612645626068, 0.063468798995018, -0.4489634037017822, -0.8996738195419312, 0.5440157651901245, 1.183592438697815, -0.39793336391448975, -0.6672868728637695, -0.7540156245231628, 0.18896231055259705, 0.8214014172554016, 1.3776520490646362, -1.0950554609298706, 0.6171262860298157, -0.2688310742378235, 0.5138484835624695, -0.5277770161628723, 0.17049868404865265, 0.12077310681343079, -0.6770954132080078, 0.6433663368225098, 0.118860624730587, -0.13521669805049896, 0.08333775401115417, -0.8545207381248474, -0.6306043863296509, -1.037903070449829, 0.08530623465776443, -0.6427130103111267, -0.9955878257751465, -0.16091328859329224, -1.3868780136108398, -0.9693536162376404, -0.8584797382354736, 0.03166557848453522, 0.2360197752714157, -0.8310348987579346, -0.08490917831659317, 0.8878648281097412, 0.11090120673179626, 0.5302454829216003, -0.5286248326301575, 0.9878665804862976, -0.06690181791782379, 0.07166651636362076, -0.02521250583231449, -0.12736265361309052, 0.40159374475479126, -0.7548891305923462, -0.2648531198501587, 0.20228761434555054, 0.5825095772743225, -0.7017288208007812, 1.0579220056533813, -0.07501272857189178, -0.5707197189331055, 1.2025574445724487, -0.5063877701759338, 0.4541933238506317, -0.4853811264038086, 0.9188709259033203, 0.057409703731536865, -0.9400690197944641, 0.5943899750709534, -0.9874616861343384, -0.03408026695251465, 0.2143964171409607, -1.6122558116912842, 0.3369903266429901, 0.5175122022628784, -0.21159499883651733, -0.7282326221466064, 0.5448309779167175, -2.011728525161743, -0.36905333399772644, 1.1216615438461304, -0.2702443301677704, 0.24226854741573334, 0.3162785470485687, 1.1272943019866943, -0.40372273325920105, -0.49225980043411255, -1.0207346677780151, -0.2753843367099762, 0.3203902244567871, -0.12434367835521698, -0.14414434134960175, 0.09249505400657654, -1.195176362991333, -0.5434969067573547, 0.4390271306037903, 1.165583848953247, -0.7870422005653381, 0.3161073327064514, -0.10869939625263214, -0.7238848209381104, 1.2780689001083374, 0.028503401204943657, 0.8032398223876953, 0.8685553073883057, -0.4689617156982422, -0.3106071650981903, 0.7885302901268005, 0.5549954175949097, 0.04161503165960312, 0.3239244818687439, 0.6411350965499878, 1.1083624362945557, -1.1963566541671753, 1.1319257020950317, 0.21066540479660034, -0.3503117561340332, -1.178023099899292, -0.26796355843544006, 0.20973511040210724, -0.720707356929779, 0.4998827576637268, 0.9670746326446533, 1.142948031425476, -0.10187861323356628, 0.2389400601387024, -0.5099539160728455, 0.9237232804298401, 1.5619070529937744, 0.49614742398262024, 0.8600289225578308, 0.08935804665088654, 0.023338887840509415, 1.052679181098938, -0.10060055553913116, -0.16629914939403534, -0.11866209656000137, 1.2214229106903076, -0.3648732006549835, -0.005005430430173874, -0.2699679136276245, -0.16088023781776428, -0.17796635627746582, 0.40219631791114807, -0.889215350151062, -1.070500135421753, -0.23745442926883698, 0.36916643381118774, 1.2849442958831787, 0.44233185052871704, -0.8943701982498169, 0.07529351860284805, 0.1301460862159729, 1.3210225105285645, -1.2049051523208618, 0.3863537907600403, 0.42422232031822205, -0.049359701573848724, -0.2391677051782608, -0.15635138750076294, -0.5319097638130188, -0.0024762549437582493, -0.33218249678611755, -0.07071694731712341, -0.7981497049331665, 1.0179924964904785, -0.6356844305992126, -1.6841038465499878, 0.200544536113739, 0.04639168828725815, -0.4403518736362457, 0.8834174275398254, 0.8401360511779785, -1.293331503868103, -1.4601444005966187, -0.06323879957199097, -0.9295497536659241, -1.3541314601898193, 0.5893232226371765, -0.870065450668335, 1.2808555364608765, 0.14844763278961182, 0.7161133289337158, 0.25800496339797974, -0.05560122802853584, -0.49916961789131165, 0.7933835387229919, 1.4618381261825562, -0.36957305669784546, -0.10364114493131638, 0.26299041509628296, 0.008870691061019897, 0.29664528369903564, -1.115229606628418, -0.5428993105888367, 0.2365686446428299, 0.576606273651123, 0.761776864528656, -0.9981522560119629, -0.38238367438316345, 0.03252875432372093, -0.013167209923267365, 0.346518337726593, -1.1804882287979126, 0.9697570204734802, -0.20508605241775513, 0.9063283801078796, 0.906467080116272, 0.20010508596897125, -0.6009126305580139, 0.7905852794647217, -0.7140214443206787, 0.46635913848876953, -0.044780433177948, 0.22313004732131958, 0.9311167597770691, 1.1082185506820679, 0.894882082939148, -0.36639875173568726, -10.55922794342041, 0.8044599294662476, -0.1833726465702057, 1.0527795553207397, 0.3961479067802429, -0.42323872447013855, 0.22091057896614075, 0.5568735003471375, 2.3042423725128174, -0.6603325605392456, -0.08669969439506531, 1.4714782238006592, 0.18738910555839539, -0.9366689324378967, -0.6630951166152954, -0.31809401512145996, -1.1428231000900269, -0.604522168636322, 0.05159689486026764, 0.3227625787258148, 0.20870797336101532, -1.065572738647461, -0.23258498311042786, -0.8106381297111511, 0.7355895042419434, -0.5719195008277893, 0.36177316308021545, -0.936159074306488, -1.1466360092163086, 0.5461363792419434, 1.100597858428955, 0.019042713567614555, -0.48676007986068726, -0.15664108097553253, 0.35428696870803833, 0.4229927659034729, -1.0247448682785034, -0.9627217054367065, 0.4245796203613281, 0.457902193069458, 0.016959097236394882, -0.13521993160247803, 0.5013724565505981, -1.0223654508590698, 0.2777373492717743, 0.13372205197811127, -0.7629848122596741, 0.2424679696559906, 0.32669883966445923, -0.2261885106563568, -0.0071986764669418335, -0.8544549345970154, -1.7161859273910522, -0.3435324728488922, 1.7101984024047852, -0.17316031455993652, -0.30725449323654175, -0.14577527344226837, -0.7919415235519409, -1.6398699283599854, 1.5869919061660767, 0.5791764855384827, -0.13898912072181702, 0.9969961643218994, 0.40935200452804565, -0.9811576008796692, 1.063300609588623, -0.2276105284690857, 0.158487468957901, 0.6910330653190613, -0.26689115166664124, 1.7653206586837769, 0.04146344214677811, 0.3745228946208954, -0.08851117640733719, -0.3701038360595703, -0.4903879463672638, 0.10664232820272446, 0.9516484141349792, -0.20928654074668884, -0.9706600308418274, 0.28652000427246094, -0.056441307067871094, -0.6162369847297668, -0.5647498965263367, 0.07169517874717712, -0.22393712401390076, -1.1420923471450806, 0.7060422897338867, 0.23155856132507324, 0.48671093583106995, 0.652992844581604, 0.2637467682361603, 0.4492242932319641, -0.7856122851371765, 0.15494614839553833, -1.5109584331512451, 1.71195387840271, -0.7606714963912964, 0.6701084971427917, 0.29911649227142334, -0.05241769924759865, -0.6399457454681396, -0.19265979528427124, 0.6629874110221863, -0.2511751353740692, 0.3207017779350281, 0.42245855927467346, -0.04731996729969978, 0.42292144894599915, 0.38844695687294006, 0.5722101330757141, -0.18393363058567047, 0.6251413822174072, 0.743937611579895, 0.3363244831562042, 0.49522316455841064, -0.25131142139434814, -0.009235086850821972, 1.1623420715332031, -0.5267606377601624, 0.6247780919075012, -0.47192949056625366, 0.6746917366981506, -0.4802054166793823, 1.0900421142578125, 0.243699848651886, -0.08698897063732147, 0.1183527335524559, -2.036118745803833, 0.4698036313056946, -0.6993061304092407, 0.6523181796073914, -1.0828887224197388, 0.7415891885757446, -0.20025330781936646, -1.5254801511764526, 0.7231643199920654, -0.6078265309333801, 0.3145860731601715, -0.6845822930335999, -0.06933912634849548, -0.06420468538999557, -0.6010976433753967, 0.012221992947161198, 0.1327914297580719, -2.152693271636963, -0.15891043841838837, -0.4731144309043884, 0.16968412697315216, 0.6205145120620728, -0.5193426012992859, 0.6806506514549255, -1.2271205186843872, -0.3188343048095703, 0.45996978878974915, 0.23495997488498688, -0.22130393981933594, -1.2696970701217651, -0.3227351903915405, 0.8698930144309998, 1.3905574083328247, -0.9208090305328369, 1.003082036972046, 0.09213808178901672, -0.32887640595436096, -0.4340496361255646, 0.03733772039413452, -0.11630121618509293, 0.14848372340202332, 1.2700252532958984, -0.6029355525970459, 0.1184367910027504, 0.29014113545417786, 0.1605510711669922, -1.1401135921478271, 0.48130154609680176, 1.2013225555419922, -1.413131594657898, 0.40482133626937866, 0.2834791839122772, 0.037491172552108765, 0.06137790530920029, -0.729630172252655, -0.16065675020217896, 0.5841528177261353, -0.40304070711135864, 1.2935197353363037, -0.2200668454170227, -0.06619983911514282, -2.208228826522827, -1.2439370155334473, -0.7785131335258484, -0.4116538166999817, 0.2283332347869873, 0.08948791027069092, 0.3966079354286194, 0.12015543133020401, 0.3755568563938141, -0.6686187982559204, -0.06906728446483612, 0.4050825238227844, 0.05580411106348038, -0.24143514037132263, -1.3634357452392578, -1.1350005865097046, -0.06956113874912262, 0.2453552484512329, 0.4916578233242035, -0.16213086247444153, -1.3317526578903198, -0.12886938452720642, 0.317056268453598, -0.2776867747306824, 0.359981507062912, -0.3713061809539795, -0.48428794741630554, -0.15745730698108673, -0.6604036092758179, -0.22775228321552277, 0.07749423384666443, 0.7573011517524719, 0.1163916140794754, 1.825189471244812, 0.8481330275535583, 0.5625051856040955, 0.2517755329608917, 0.8517321348190308, 1.4215515851974487, -0.2933214008808136, -0.28747785091400146, -0.6807678937911987, -0.38217946887016296, 0.2754327356815338, 0.19370236992835999, 0.9436455965042114, -1.1085946559906006, 0.5525020360946655, -1.2067973613739014, -0.24823039770126343, 0.01514122448861599, 0.21981750428676605, 0.3197134733200073, 0.6369720101356506, -1.164605975151062, -0.2834755778312683, -1.0103394985198975, -0.2214915156364441, -1.0295525789260864, -0.38562843203544617, 0.31459566950798035, 1.5674309730529785, 0.6901304721832275, -0.030215442180633545, 1.681452989578247, 0.394677072763443, 0.47385793924331665, 0.8343605995178223, 0.46554064750671387, 1.2346808910369873, 0.4810159504413605, 0.4521193504333496, -0.27899861335754395, -0.08259996026754379, -0.6457469463348389, -0.09337212145328522, -0.6394101977348328, 0.5816973447799683, 0.29176872968673706, 0.04066186025738716, 0.008514195680618286, 0.18333660066127777, -0.7586512565612793, 0.11703266203403473, 0.22496972978115082, 0.41703569889068604, 0.3299720287322998, 0.3027363717556, -0.5636165738105774, -0.344328373670578, 0.3235071897506714, -0.4885217547416687, -0.061233002692461014, -1.5109889507293701, -0.30358660221099854, -0.2829147279262543, -0.9826586246490479, -1.0755236148834229, 1.020046591758728, -0.04011332243680954, 0.4881799817085266, 0.5837750434875488, -1.2577824592590332, -1.137311339378357, -0.10783107578754425, -0.3795866370201111, 0.611867368221283, 0.0898795872926712, -2.036073684692383, -0.2289511263370514, 0.7026626467704773, 0.7128322124481201, -0.28487905859947205, -0.3695520758628845, 0.23612594604492188, -1.0863877534866333, 2.079554319381714, 1.7238376140594482, 0.5698319673538208, 0.1756676882505417, 1.5478541851043701, -0.3725433945655823, 0.1802082061767578, 1.630261778831482]} +{"paper_id": "strombergnlp/polstance", "embedding": [-0.6727030873298645, 0.5433802008628845, 0.2433319091796875, -0.12179803848266602, 0.010997340083122253, -0.3092493414878845, 0.23426011204719543, -0.06315422803163528, 0.2933197021484375, 0.6095845699310303, -0.20454475283622742, -1.0205117464065552, 0.039316657930612564, 0.5323687791824341, -0.16787153482437134, -0.4891324043273926, -1.1020734310150146, 0.21028871834278107, -0.22330236434936523, -0.13985490798950195, -0.3556976914405823, -0.8253437876701355, -0.08870790898799896, 0.5556032657623291, -0.23748061060905457, -1.169695496559143, 0.4869726896286011, -0.9737353920936584, 0.7604930400848389, -0.1929875910282135, -0.2426672875881195, 0.9661038517951965, -0.9076953530311584, -0.04388633370399475, -0.2555277347564697, -0.325886070728302, -0.10208376497030258, 1.192124843597412, -0.4149661064147949, -0.04802035167813301, -0.4345720410346985, 0.05488044023513794, 0.990328311920166, 0.7651253342628479, -0.1771984100341797, -0.2044694423675537, -0.578301191329956, -0.1686001420021057, -0.32074734568595886, -0.8710374236106873, 0.06041129678487778, 0.7376753687858582, -1.587380290031433, 0.33638128638267517, -0.5742918252944946, 0.5177615880966187, 0.587000846862793, -2.1194396018981934, 0.0036369524896144867, -0.3972867727279663, 1.465320348739624, 2.047354221343994, -0.30160537362098694, 0.5574694275856018, 1.6675951480865479, 0.2523829936981201, 2.4257547855377197, -0.22964422404766083, 0.23164860904216766, 1.132939100265503, -0.11360127478837967, 0.2096351981163025, 0.5835966467857361, -0.09207972884178162, -0.41256973147392273, 0.8086848258972168, 0.48725831508636475, -0.05550762638449669, -0.5975441932678223, 0.8479911088943481, -0.020939622074365616, 0.3729470372200012, -0.35496455430984497, -0.3950120210647583, -0.08655953407287598, 0.5375308990478516, 0.6011807918548584, -1.1980899572372437, 0.5255573391914368, -1.570632815361023, 0.6555365324020386, 0.27003103494644165, -0.23526984453201294, -0.19942235946655273, -0.8843340873718262, 0.4690592288970947, -0.0925934761762619, 0.23061655461788177, -0.6225119829177856, -0.1495804488658905, 0.7681564092636108, -0.7943906784057617, -0.23430894315242767, 0.4644277095794678, 0.172378271818161, 0.8528158068656921, 0.7128944396972656, 0.2906835079193115, -0.3593904674053192, -0.23279736936092377, 0.23037788271903992, 1.5560126304626465, -0.6277830004692078, 1.0104024410247803, -0.31054845452308655, -0.06783588230609894, 0.12920807301998138, -0.6739948987960815, -0.5122635960578918, 0.10955735296010971, -0.7425620555877686, -1.0709868669509888, 0.1875912845134735, 1.038616418838501, 0.8884860873222351, -0.6479385495185852, 0.5234852433204651, -0.18998798727989197, -0.5863920450210571, -0.29245078563690186, 0.6797051429748535, -0.4781416952610016, -0.2692365348339081, 0.3480830192565918, 2.883404016494751, -0.8950878977775574, 0.7635186314582825, -1.0018157958984375, -0.5888857245445251, -0.3126377761363983, -0.31681427359580994, 1.1632360219955444, 0.06658393889665604, -1.3526371717453003, -0.5942291021347046, 0.20825998485088348, -0.5843667387962341, 0.08409197628498077, 0.5203174352645874, -0.8328945636749268, 0.1565234661102295, 0.17606797814369202, -0.9625505208969116, -0.026074253022670746, -0.1570931375026703, 0.39849892258644104, -0.11263108253479004, 0.7447031140327454, 0.05201411619782448, 0.753527045249939, 0.7387493252754211, -0.117316335439682, -0.4478822946548462, 0.9587723612785339, -0.7592365741729736, -1.1555662155151367, 0.7729578614234924, 0.2022424340248108, -0.8524872064590454, -0.27195024490356445, 0.7046363353729248, 0.030102496966719627, -0.14769390225410461, 0.0963563323020935, -0.5883280038833618, -0.41900834441185, 0.5455629229545593, 0.6208221316337585, 0.22340689599514008, -0.3827994167804718, -0.9456037282943726, -0.5325567126274109, 0.631581723690033, 0.694908618927002, 0.026528142392635345, 0.7162203192710876, -1.6663206815719604, -0.2987480163574219, -0.8130160570144653, 0.8640277981758118, 0.42418861389160156, -0.7071742415428162, -0.4087451100349426, 0.6333069801330566, -0.24308599531650543, 0.5136697888374329, 0.87794429063797, -0.497644305229187, -0.4217575788497925, 0.7885410785675049, 0.05638447031378746, -0.6662402153015137, -0.3746926188468933, 0.6813712120056152, 0.3208327889442444, -0.2981123924255371, 0.33410120010375977, -1.9028033018112183, 0.6826453804969788, 2.2260704040527344, -0.21920225024223328, -0.3512698709964752, -1.3992457389831543, 0.520304262638092, 0.45613807439804077, 0.18132837116718292, 0.47575876116752625, -1.0516365766525269, 0.07330575585365295, -1.2204395532608032, 0.7921500205993652, 0.15935051441192627, -0.03768707811832428, 0.1900981217622757, 0.21021586656570435, -0.9457455277442932, -0.17086055874824524, -0.9428183436393738, -0.15625444054603577, 0.41170060634613037, 0.45072269439697266, 0.053091224282979965, 0.052323319017887115, 0.692238450050354, 0.22133931517601013, 1.0478190183639526, -0.26557818055152893, 0.6144024133682251, -0.29512494802474976, 0.14682409167289734, 1.2074170112609863, 0.059506453573703766, -0.44010430574417114, -0.4600297510623932, 0.572624146938324, 0.49169182777404785, 0.6690434217453003, -0.19399988651275635, -0.22891421616077423, -0.4001094102859497, 1.2986077070236206, 1.0550519227981567, -0.6379556655883789, 1.1097228527069092, -0.5252225995063782, 0.6872313022613525, -0.6902610063552856, -0.9059194326400757, 0.2660730481147766, -0.828536331653595, 0.9263768196105957, 0.42559391260147095, 0.2152244746685028, -0.2570430040359497, -0.542666494846344, -0.41672879457473755, -1.8822953701019287, -0.22720706462860107, -0.27834612131118774, -1.2424473762512207, 0.16196899116039276, -0.592807412147522, -0.757823646068573, 0.1852855235338211, -0.8256129026412964, 0.8713863492012024, -0.9251023530960083, 1.0800538063049316, 1.0832492113113403, 0.2626064717769623, -0.14841312170028687, -0.6543726921081543, 0.9431526064872742, -0.3742780089378357, 0.937757670879364, -0.6880311965942383, -0.10839619487524033, -0.38975757360458374, -0.057196419686079025, -0.6301908493041992, 0.5156220197677612, 0.5939204692840576, 0.2858288884162903, 0.8556220531463623, -0.007105320692062378, -1.6622354984283447, 0.7124539613723755, -0.4714612066745758, 0.14981365203857422, -0.5889915227890015, 1.3719515800476074, 0.2740468978881836, 0.3415932059288025, 0.6297622323036194, -0.708698034286499, 0.5039887428283691, 0.9818405508995056, -0.17760545015335083, 0.4728161692619324, 0.1833338588476181, 0.08186089247465134, -0.12506338953971863, -0.13984332978725433, -1.8925228118896484, -0.04121295362710953, 1.1074674129486084, -0.3426631689071655, 0.12626338005065918, -0.872380256652832, 1.2846921682357788, -0.5827059149742126, -0.269571989774704, 0.2931194305419922, -0.5698848962783813, 0.28670504689216614, -1.0476475954055786, -0.8450528383255005, 0.7179839015007019, -1.2190253734588623, 0.03268060460686684, 0.7743869423866272, 0.4097839593887329, -1.1755481958389282, 0.3071326017379761, 1.2119629383087158, 0.198220893740654, 1.144940972328186, 0.050608374178409576, 0.6884901523590088, 0.3434363305568695, -0.1508510708808899, -0.14830906689167023, 0.07834769785404205, 0.5589213371276855, 0.6340190172195435, 0.33554232120513916, 0.18951772153377533, 1.2276667356491089, -0.7107534408569336, 2.087733030319214, 0.050741273909807205, 0.014011494815349579, -0.848040759563446, -0.23062531650066376, -0.3289312720298767, -0.638588547706604, 0.8033736348152161, 0.82127845287323, 2.0581626892089844, -1.062557339668274, -0.4228747487068176, -0.43483635783195496, 1.0126184225082397, 1.1499042510986328, -0.3752298355102539, -0.03569117188453674, 0.32595813274383545, -0.03918532282114029, 0.8061649203300476, -0.14850272238254547, -0.5566607117652893, -0.9035390615463257, 1.1565736532211304, -0.10647471249103546, -0.2566981315612793, -0.28995582461357117, 0.5222347974777222, 0.31382545828819275, 0.9660089015960693, -0.1701517254114151, -0.33555078506469727, -0.6167641282081604, 0.25979939103126526, 1.1004509925842285, 0.042352013289928436, -1.7014062404632568, 0.10269676893949509, -0.3899609446525574, 0.5809515118598938, -0.44203776121139526, 0.3499409854412079, -0.16491155326366425, 0.36574169993400574, -1.601953148841858, -0.21303173899650574, -0.420869380235672, -0.6671082973480225, 0.9892003536224365, -0.056289348751306534, -0.9469925165176392, 1.3097617626190186, 0.43168169260025024, -1.1634756326675415, 0.9879484176635742, -0.8084703683853149, -0.8130084276199341, -0.19948087632656097, 1.0354076623916626, -1.0103007555007935, -0.7547889947891235, -0.08890759944915771, -1.0149005651474, -0.800457775592804, 0.5774303078651428, -1.115045428276062, 1.5466527938842773, 0.5971497297286987, 0.8151188492774963, -0.25260937213897705, -0.40678465366363525, -0.6754485368728638, 1.0115571022033691, 0.3688764274120331, -0.19233101606369019, 0.7997584342956543, 0.10635889321565628, -0.2461031675338745, 0.8849890232086182, -1.20839524269104, -0.9435246586799622, 0.508047878742218, -0.4678798019886017, 0.10097116976976395, -0.5708336234092712, -0.6070804595947266, -0.19728243350982666, 0.7391645312309265, 0.6251205205917358, -2.0423223972320557, -0.11705851554870605, -0.6753779649734497, 0.6966942548751831, 0.5197226405143738, -0.5822659134864807, -0.7712213397026062, 1.4215285778045654, -1.3562496900558472, 0.09246086329221725, 1.0305430889129639, 0.41204625368118286, 0.506815493106842, 0.7776514291763306, 0.1989985853433609, -0.04492773488163948, -10.365192413330078, 0.5090169906616211, 0.19086982309818268, 0.4260546565055847, 1.2802886962890625, -0.4377429783344269, -0.5054535865783691, -0.16864098608493805, 1.1503331661224365, -0.3246646225452423, 0.5708311796188354, 1.145867943763733, 0.5541735887527466, -1.204077124595642, -0.5852296948432922, -0.6525123119354248, -1.0169297456741333, -1.1533364057540894, 0.36991435289382935, 0.6371287703514099, -0.20756827294826508, -0.726298987865448, 0.8327361345291138, -0.1863117814064026, 0.396185964345932, -0.880493700504303, 0.0255049429833889, -0.27428722381591797, -0.7806210517883301, 0.4057375192642212, 1.1200191974639893, 0.2011423408985138, -1.0166507959365845, -0.2823120653629303, 0.26768410205841064, 0.8511016964912415, -1.0505956411361694, -0.09304793924093246, -0.2646486461162567, -0.6519797444343567, 0.10108761489391327, 0.06217285618185997, 0.5738013386726379, -0.7945032715797424, -0.39738747477531433, -0.501567542552948, 0.029687562957406044, -0.09752415120601654, 0.2143765389919281, 0.058993540704250336, -0.20032855868339539, -0.10394801199436188, -1.4657886028289795, -0.5936313271522522, 0.07080737501382828, -0.15130384266376495, -0.7364001870155334, 1.2696219682693481, -0.5712724328041077, -0.9341204166412354, 0.3164651095867157, -0.03318317234516144, -0.47761544585227966, 0.3788120746612549, 0.31679555773735046, -0.7551881670951843, 0.3801244795322418, 0.522477388381958, -0.17688041925430298, 0.3727925419807434, -1.0173741579055786, 1.3119535446166992, -0.6738015413284302, 0.3581894040107727, 0.09954893589019775, 0.32678791880607605, -0.3336065411567688, -0.8718259930610657, 0.884584903717041, 0.10226808488368988, -0.9142726063728333, 0.9176584482192993, 0.3229539692401886, -0.144304096698761, -0.8596581220626831, 0.11832794547080994, 0.36946383118629456, -1.124729037284851, 0.01642722636461258, -0.6796102523803711, 0.06198165938258171, 0.3239857256412506, 0.03326817601919174, 0.24222934246063232, -0.1324860155582428, 1.0978753566741943, -1.2694209814071655, 1.5738320350646973, 0.45472636818885803, 0.775872528553009, -0.165551096200943, -0.18071100115776062, -0.26296329498291016, -0.9753117561340332, 0.3654670715332031, -0.3664872646331787, 0.03653818368911743, -0.2179194688796997, -0.8636135458946228, -0.5052971243858337, 0.7289292216300964, 0.5634583234786987, -0.24718628823757172, -0.13552804291248322, 0.24995353817939758, 0.8171031475067139, 0.4581359326839447, -0.036553412675857544, 0.09743476659059525, 1.0741298198699951, -0.27217069268226624, 0.609369158744812, 0.4319054186344147, 0.23805071413516998, -0.6255550980567932, 0.5889307260513306, 0.6627122759819031, -0.023178840056061745, 0.3966354429721832, -2.553382158279419, 0.7253562808036804, 0.24984145164489746, 0.05423985421657562, -0.03036704659461975, -0.4208514392375946, -0.544524610042572, -1.2316731214523315, 1.4605257511138916, 0.17755667865276337, 0.17213982343673706, -0.40605366230010986, -1.240166425704956, -0.0604608952999115, -0.2931133508682251, -0.7051430940628052, -0.28139528632164, -2.3927042484283447, -0.25715193152427673, -0.13205589354038239, -0.77395099401474, 0.9615407586097717, -0.5976576805114746, 0.624554455280304, -0.5994465947151184, -0.5622991323471069, 0.4827527403831482, -0.03141603618860245, -0.04855305701494217, -0.5099261999130249, 0.8206327557563782, 0.9713603854179382, 1.0835280418395996, -1.515698790550232, 0.9350539445877075, 0.16634385287761688, -0.08078742027282715, -0.7116304636001587, 0.1059316098690033, -0.9322081804275513, 0.14042726159095764, 1.3122764825820923, -0.675102174282074, -0.5602807998657227, 0.12880860269069672, -0.8372620940208435, -1.7087244987487793, 0.8522129058837891, 0.7820532321929932, -1.2816534042358398, 0.653293251991272, -0.7333234548568726, 0.27963200211524963, -0.07488937675952911, -0.07339008152484894, -0.19312423467636108, -0.4912368953227997, -0.3012107014656067, 1.3234541416168213, -0.4713754951953888, 0.4787023067474365, -1.4792163372039795, -2.067685127258301, -0.5871812105178833, 0.14937323331832886, 0.8335410356521606, -0.0071380771696567535, 0.9013065099716187, 0.941979706287384, -0.1454162895679474, -0.5003147721290588, -0.031789813190698624, -0.01052030548453331, 0.17649435997009277, 0.2572444975376129, -1.16581130027771, 0.034433864057064056, -0.1463804543018341, -0.2995186150074005, 0.4201012849807739, 0.7838274836540222, -1.4106464385986328, -0.3630996346473694, 0.441044420003891, 0.24240271747112274, 0.6433379650115967, -0.2787618935108185, 0.3983985483646393, -0.0007042326033115387, -0.22752226889133453, -0.5193950533866882, 0.1255079209804535, 0.6578336358070374, 0.37139827013015747, 1.2220606803894043, 1.2847250699996948, 0.3375334143638611, 0.5418076515197754, 0.3409048616886139, 1.7328109741210938, 0.8265466094017029, 0.03613843023777008, 0.07265908271074295, 0.31247949600219727, 0.5899022221565247, -0.19031298160552979, -0.11174476891756058, -1.1062090396881104, 0.1568484902381897, -1.2122352123260498, -0.4037010967731476, -0.5323153138160706, -0.366407573223114, 0.6456896662712097, 1.2631890773773193, 0.34679239988327026, -0.4850984513759613, -0.3436422348022461, -0.781424343585968, -0.15569636225700378, -0.15879391133785248, 0.660231351852417, 1.2986817359924316, 0.6945391893386841, 0.22301945090293884, 0.8347212076187134, -0.39715155959129333, 0.01924564689397812, 0.18803614377975464, 0.37385690212249756, 0.8575779795646667, 0.7144377827644348, 0.9552147388458252, -0.6689010262489319, -0.4218336045742035, -1.1631038188934326, -0.14102540910243988, -0.5449169278144836, 0.7819080352783203, -0.07257901132106781, 0.17355260252952576, 0.35157400369644165, -0.41923487186431885, 1.0696649551391602, -0.19464971125125885, 0.4858546257019043, -0.21523405611515045, -0.33470916748046875, -0.7131375074386597, -0.717620313167572, -0.38100969791412354, 0.7674385905265808, -0.9246864318847656, -0.6355683207511902, 0.2970961332321167, 0.3001690208911896, 0.2661108076572418, -0.9733298420906067, -0.31294864416122437, 0.7149380445480347, -0.7666595578193665, 0.07453514635562897, -0.06070487201213837, -0.8918931484222412, -1.6729658842086792, 0.3157495856285095, -1.2139065265655518, 0.6300216913223267, 0.18674249947071075, -0.8650152087211609, -0.28380799293518066, 1.2305643558502197, 0.21016091108322144, -0.12154911458492279, 0.7536249756813049, 0.4556965231895447, -1.0297622680664062, 1.912479281425476, 1.5163036584854126, -0.4993304908275604, -0.8264115452766418, 0.9836496710777283, 0.19981147348880768, 0.43435508012771606, 1.5245325565338135]} +{"paper_id": "strombergnlp/twitter_pos_vcb", "embedding": [-0.1303640604019165, 1.2408838272094727, 0.46096906065940857, -0.03302519768476486, 0.5429552793502808, -0.15008153021335602, 0.2817140221595764, 0.14439921081066132, 0.051078759133815765, 0.8497102856636047, 0.5915600657463074, -0.36603543162345886, -0.2674258351325989, -0.007816974073648453, 0.6358340382575989, -0.6188768148422241, -1.387223243713379, -0.6825775504112244, -0.5811582803726196, -0.5487409830093384, -0.5999107956886292, -0.44551408290863037, -0.09164312481880188, 0.41185733675956726, -0.9444945454597473, -0.6233896017074585, 0.4683683514595032, 0.0975600928068161, 0.30185848474502563, 0.16737130284309387, -0.7626787424087524, 0.6410309076309204, -1.4709537029266357, -0.21112850308418274, -0.1624182164669037, -0.5238451957702637, 0.18723882734775543, 0.5461459159851074, -0.5484527945518494, -0.2152552604675293, -0.30978620052337646, -0.10662470757961273, 0.9840160012245178, 0.34644126892089844, 1.1977566480636597, 0.37424346804618835, -0.13979259133338928, 0.41137319803237915, 0.0815434604883194, 0.38983672857284546, -0.1261734813451767, 0.8576098084449768, 0.034889183938503265, -0.08594734966754913, -0.7583817839622498, 0.948213517665863, 0.10468681901693344, -1.1041101217269897, -0.2635757029056549, -1.6340141296386719, 0.24719849228858948, 1.782155156135559, -0.3106219470500946, 0.029468663036823273, 0.6685775518417358, -0.05145464092493057, 0.8279320597648621, -0.25742435455322266, 0.60926753282547, 0.9440413117408752, -0.17158064246177673, -0.4619313180446625, 0.22248384356498718, -0.5384471416473389, 0.6396207809448242, 0.30006492137908936, 0.2294836789369583, 0.9914084672927856, -0.16230273246765137, 0.5881500840187073, -0.13590595126152039, 1.2900598049163818, -0.23081257939338684, -1.0624606609344482, 0.051350243389606476, 0.530720055103302, -0.21631212532520294, -0.5788263082504272, 0.6097152829170227, -0.945964515209198, 0.6912719011306763, -0.2629672586917877, -0.24109826982021332, 0.7303505539894104, 0.047115083783864975, 0.7129819989204407, -0.33277344703674316, 0.6525629162788391, -0.03312615677714348, 0.48083576560020447, 0.4095940887928009, -1.208324909210205, 0.7374314069747925, -0.18778777122497559, -0.25435206294059753, 1.0664052963256836, -1.0703651905059814, -0.8668569326400757, -0.7501484155654907, -0.07217259705066681, -0.4287317097187042, 1.5618733167648315, -0.34007003903388977, 0.1606859266757965, 0.08909337967634201, -0.9206405282020569, -0.21111217141151428, -0.6860637664794922, -0.5357140302658081, -0.3142213821411133, -0.6625413298606873, -0.7655054330825806, -0.5848981738090515, 0.03896795213222504, 1.5148783922195435, -0.06419298052787781, 0.7291849255561829, -0.18236143887043, 0.19436419010162354, -0.273274302482605, 0.7104421854019165, 0.27952390909194946, -0.10212910175323486, 0.5700512528419495, 2.8183696269989014, -0.8997743129730225, 1.7777618169784546, -0.678680956363678, 0.5645094513893127, -0.08973243832588196, 0.26420721411705017, 0.8505915999412537, -0.1780419945716858, -0.37604713439941406, -0.8914378881454468, 0.47020894289016724, -0.3874319791793823, 0.29076704382896423, -0.09461214393377304, -0.7465810775756836, -0.05389901623129845, 0.36594587564468384, -0.8025864362716675, -0.7660034894943237, 0.45271191000938416, 0.4230448603630066, 0.03430914878845215, 0.9203298091888428, -0.5038982033729553, 1.1469049453735352, 0.6985250115394592, 0.6652581691741943, -0.8201721906661987, 0.6937338709831238, -1.29519522190094, 0.06570301949977875, 0.6075311899185181, 0.4795819818973541, -0.5202916860580444, -0.335348516702652, 0.9823324680328369, -0.14143607020378113, -0.05194474756717682, -0.1495802253484726, -0.5589459538459778, -0.13812874257564545, 0.6016181111335754, 0.685421347618103, 0.2946999967098236, -0.09246252477169037, 0.4994370937347412, -0.17405933141708374, -0.26589909195899963, -0.10388557612895966, 0.34939491748809814, 0.42431125044822693, -1.3415565490722656, -0.7738980054855347, -0.12216766923666, 1.022317886352539, -0.12348959594964981, -0.8358603119850159, -0.14146196842193604, 0.34798288345336914, 0.2113833874464035, -0.2319485992193222, 0.3578028082847595, -1.0399935245513916, -0.9350024461746216, 0.38955867290496826, 0.9985722303390503, -0.34115588665008545, 0.32187071442604065, 0.8225370049476624, 0.9485496282577515, -0.5821414589881897, -0.28672096133232117, -1.4414058923721313, 0.4157719314098358, 2.6691551208496094, 0.5306112766265869, -0.787486732006073, -1.256794810295105, -0.22730544209480286, 0.3659195601940155, -0.876038670539856, 0.5610635280609131, -0.8334470987319946, 0.07844437658786774, -1.2040964365005493, 0.48727181553840637, -0.26575443148612976, -0.22329330444335938, -0.26816612482070923, 0.6440401673316956, -0.355327308177948, -0.5904148817062378, -0.22372998297214508, -0.077694833278656, 0.6381546854972839, 0.5382281541824341, 0.15460388362407684, -1.225412368774414, 0.23942391574382782, 0.782934844493866, 0.28344976902008057, -0.5535195469856262, -0.06567087769508362, -0.3960523009300232, 0.0734667256474495, -0.2709300220012665, 0.13087895512580872, -0.14668963849544525, -0.38561421632766724, 1.2386921644210815, 0.5333660840988159, -0.2289884239435196, -0.3228917121887207, -0.5334076881408691, 0.11661117523908615, 1.0695441961288452, 0.9485166668891907, -0.7556408047676086, 1.946946620941162, -1.2034674882888794, 0.796637773513794, 0.23134708404541016, -0.6487665772438049, 0.1731158345937729, -0.017522752285003662, 0.8188984394073486, -0.10760708898305893, -0.21237730979919434, -0.377952516078949, -0.20598095655441284, -0.9840631484985352, -0.5556692481040955, -0.03951031714677811, -0.8440867066383362, -1.061233401298523, -0.09890149533748627, -0.5933847427368164, -0.6334998607635498, -0.6718435883522034, 0.48043274879455566, 1.1002572774887085, 0.3477668762207031, 0.23459431529045105, 0.7633485794067383, -0.14243429899215698, 0.17936363816261292, -0.9151949882507324, 0.258711040019989, -0.2946714162826538, 0.5270003080368042, -0.39793965220451355, 0.7804720401763916, -0.09275193512439728, -1.2237142324447632, -0.020485833287239075, 0.635538637638092, -0.03671616315841675, -0.1781814992427826, 0.6020707488059998, -0.6064725518226624, -0.8137052655220032, 1.322877287864685, -1.0567448139190674, 0.18749374151229858, -1.5493888854980469, 1.4510160684585571, 0.9637530446052551, 0.39930757880210876, 0.5291365385055542, 0.137593612074852, 0.6175020337104797, 0.6146260499954224, -0.9409328699111938, 0.6961684226989746, 0.4136732220649719, -0.21573612093925476, 0.2466903030872345, 0.5328742861747742, -2.195430278778076, 0.14037998020648956, 1.189998984336853, -0.11845903098583221, -0.26412564516067505, -0.5209071040153503, 0.5037104487419128, -0.31858330965042114, -0.5856567621231079, 0.022044839337468147, -0.19433291256427765, 0.09021161496639252, -0.7543734312057495, 0.09577800333499908, 0.7184351086616516, -0.6834145188331604, 0.1201835423707962, 0.7987516522407532, 0.6176069974899292, -1.177272081375122, -0.45628947019577026, 1.100218653678894, -0.5185352563858032, 1.3254972696304321, 0.6000509262084961, 0.2656368911266327, 1.2724250555038452, -0.41940638422966003, -0.15413916110992432, 0.4403393864631653, 0.45223745703697205, 0.0981573686003685, 0.47378048300743103, -0.43175017833709717, 0.5868303775787354, -0.5033614039421082, 1.1331689357757568, 0.3096226751804352, -0.5982289910316467, -0.642069399356842, -0.0627145767211914, 0.006968967616558075, -0.7524025440216064, 1.2878659963607788, 0.37101584672927856, 1.0574082136154175, -0.10979053378105164, 0.38094407320022583, -0.301439493894577, 0.37695154547691345, 0.8671040534973145, 0.41159549355506897, 0.6292755007743835, 0.05760522186756134, 0.0034295320510864258, 0.37298983335494995, -0.22753721475601196, -0.8447133302688599, 0.5309356451034546, 0.4354093372821808, -0.26011285185813904, 0.2896064519882202, -0.6009335517883301, 0.49919041991233826, -0.3225961923599243, 0.9760420918464661, -0.4358634650707245, -1.1007863283157349, -0.8284845948219299, 0.10549355298280716, 0.21897989511489868, 0.3445296287536621, -1.2487584352493286, 0.0007555466145277023, -0.3519665002822876, 0.30418863892555237, -0.5001762509346008, 0.4177190959453583, 0.9863895177841187, -0.5094919800758362, -0.23894760012626648, -0.23628786206245422, -0.9749850034713745, 0.1705026924610138, 0.24846330285072327, -0.572460949420929, -0.9667437076568604, 1.0384081602096558, -0.39219093322753906, -1.3010536432266235, 0.4066290259361267, 0.34900012612342834, -0.9831075668334961, 1.2150851488113403, 1.2737408876419067, -1.4161479473114014, -0.9760160446166992, 0.0056864917278289795, -0.5284185409545898, -1.092965006828308, 0.79598069190979, -0.3040216863155365, 0.47467178106307983, 0.24893364310264587, 0.33308476209640503, -0.4424329996109009, -0.31968167424201965, -0.9856783747673035, 0.9121837019920349, 1.0634820461273193, -0.46318039298057556, -0.7144908905029297, 0.0657709389925003, -0.876558780670166, -0.09026084840297699, -1.3904271125793457, -0.5029104948043823, -0.044230349361896515, 0.7303903102874756, -0.403628408908844, 0.1062874048948288, -0.4075199365615845, 0.1793903410434723, -0.2579059600830078, 0.8444203734397888, -1.0692648887634277, 0.8291210532188416, -0.9235884547233582, 0.29978954792022705, 0.15730515122413635, -0.13019955158233643, -0.34931236505508423, 0.34273970127105713, -0.9264646768569946, 0.5930837392807007, 0.8493729829788208, 1.0884581804275513, 0.10141874849796295, 0.2394791543483734, 0.8128196001052856, -0.16665980219841003, -11.952096939086914, 0.08332310616970062, -0.46218231320381165, 0.7206312417984009, 0.11112549901008606, -0.5181276202201843, 0.5420149564743042, 0.5228691101074219, 1.2195364236831665, -0.654137372970581, 0.4583824872970581, 1.0899603366851807, -0.11632440239191055, -0.37434273958206177, -0.22234125435352325, 0.12295013666152954, -0.5358487963676453, -0.3398056924343109, 0.36526966094970703, -0.006356500089168549, -1.071424126625061, -0.7127640247344971, -0.19314435124397278, 0.026762736961245537, 0.33105865120887756, -0.04566669464111328, 0.5646186470985413, -0.12979301810264587, -0.639855682849884, -0.1304444670677185, 0.2589034140110016, -0.5280064344406128, -1.0938177108764648, -0.023762138560414314, 0.6384535431861877, 0.06569112092256546, -0.9575647115707397, -0.4717683494091034, 0.876935601234436, -0.31626954674720764, 0.2816162705421448, -0.2591436207294464, 0.16263552010059357, -0.6822642683982849, -0.7220816612243652, 0.6312633752822876, 0.3888179063796997, -0.01984378881752491, 0.38886791467666626, -0.4589507281780243, -0.5814136862754822, -0.8026309609413147, -1.576488971710205, -0.9850153923034668, 1.0331310033798218, -0.19619779288768768, -0.5435746312141418, 0.48915165662765503, -0.4775110185146332, -0.5080344676971436, 1.2120163440704346, 1.0241848230361938, 0.5211025476455688, 0.23012465238571167, 0.5227020978927612, -0.41822367906570435, 0.33379077911376953, 0.48789656162261963, -0.1953413486480713, -0.11364147067070007, -0.32174962759017944, 1.2269158363342285, 0.18287843465805054, 0.5542433261871338, -0.1699136197566986, -0.2840760052204132, -0.41009342670440674, 0.3083225190639496, 0.6530613899230957, -0.31113141775131226, -0.9971277117729187, 0.13931556046009064, -0.608445405960083, -0.11827919632196426, -0.3730715215206146, 0.4181213974952698, 0.014101095497608185, 0.12838640809059143, 0.7609983682632446, 1.2143892049789429, 0.4714484214782715, 0.4175162613391876, -0.06605596840381622, 0.37831273674964905, 0.03358244150876999, 1.3985003232955933, -0.7401655316352844, 1.386265516281128, 0.07267040014266968, 0.17758701741695404, 0.32964104413986206, -0.3873169720172882, -0.03231636807322502, 0.040292683988809586, 0.7068929076194763, 0.09994202107191086, -0.22742018103599548, 0.40873202681541443, -0.011834502220153809, 0.1549462229013443, 0.5709654092788696, -0.26415324211120605, -0.1905956119298935, 1.2034354209899902, 0.8081376552581787, 1.0468043088912964, 0.6055154800415039, -0.37091636657714844, 0.923288881778717, 0.8199175596237183, -0.11011449247598648, 0.2778763473033905, -0.2925836443901062, 0.8145445585250854, 0.9709597229957581, 0.0955999344587326, 0.13324744999408722, 0.24674096703529358, 0.18370239436626434, -1.1293036937713623, 0.2678378224372864, 0.2532569169998169, 0.25624167919158936, -1.092902660369873, -0.20334802567958832, -0.5462918877601624, -0.5587245225906372, 1.2340399026870728, -0.8560939431190491, 0.495999276638031, -0.016945544630289078, -0.9600863456726074, 0.5329212546348572, -0.03591540828347206, -0.3725704252719879, -0.14246290922164917, -1.280211091041565, -0.41912922263145447, -0.5748148560523987, -0.06715846061706543, 0.5172681212425232, -0.2108280062675476, 0.16847431659698486, -0.9764435887336731, -0.017833007499575615, 0.22368496656417847, 0.5336145758628845, -0.03152190521359444, -1.058935284614563, 0.046649590134620667, 0.025403570383787155, 0.7301990985870361, -1.0958083868026733, 0.8287844657897949, 0.913297176361084, 0.08144477009773254, -0.937097430229187, -0.09417080134153366, -0.7911058664321899, 0.4228275418281555, 1.356835961341858, -0.5941177010536194, -0.548644483089447, -0.5396760106086731, -0.219260573387146, -1.1698715686798096, 0.6515449285507202, 0.7323745489120483, -0.7403107285499573, 0.45945674180984497, -0.48151102662086487, 0.6733035445213318, -0.04170699790120125, -0.49558958411216736, -1.066138505935669, 0.435228556394577, -0.5255802273750305, 0.9666623473167419, 0.18762345612049103, 0.47691231966018677, -1.8641353845596313, -1.2280001640319824, -0.35502877831459045, -0.13566581904888153, 0.6862369179725647, -0.40721043944358826, 1.0347787141799927, 0.03760732710361481, -0.09029317647218704, -0.6034501791000366, -0.19571273028850555, 0.46801742911338806, 0.17825482785701752, 0.2487703412771225, -0.706988513469696, 0.6825367212295532, -0.7711990475654602, 0.02436775341629982, 0.3212343454360962, -0.06000671535730362, -1.9817553758621216, -0.7260760068893433, -0.12440000474452972, 0.00969601422548294, 0.7030768394470215, -1.0609856843948364, 0.12061251699924469, 0.44999492168426514, -0.4987024962902069, -0.8918578028678894, -0.42579346895217896, 1.538055658340454, 0.10007965564727783, 0.7947742938995361, 0.3087809979915619, 0.3563707768917084, 0.46019238233566284, 0.4128873944282532, 2.080482244491577, -0.5028139352798462, -0.2654624581336975, -0.22807562351226807, -0.15210291743278503, -0.014954879879951477, -0.3109634518623352, 0.19350917637348175, -1.2444796562194824, -0.023664206266403198, -1.2830963134765625, 0.4803079068660736, 0.008050225675106049, 0.40709978342056274, 0.4328089952468872, 1.150402307510376, -0.708459734916687, -0.6743088364601135, -0.7533950209617615, 0.4869951009750366, 0.05273330584168434, 0.40694746375083923, 0.2305222600698471, 1.2892416715621948, 0.6415074467658997, 0.4757952094078064, 0.5237735509872437, 0.5736407041549683, 0.02105558291077614, 0.08643334358930588, 0.8513895273208618, 0.913756251335144, 0.7951054573059082, -0.2341715693473816, -0.22597067058086395, -0.6365777850151062, -1.5022748708724976, -0.48807406425476074, -0.8764373064041138, 0.5947455763816833, 0.7650551795959473, -0.10892367362976074, 0.2705926299095154, -0.5349514484405518, -0.8049038052558899, 0.3671915531158447, 0.6902117729187012, 0.5739921927452087, -0.08848830312490463, -0.3681407570838928, -1.0923161506652832, 0.10544968396425247, 0.45595285296440125, -1.0285223722457886, -0.41606760025024414, -1.079369306564331, 0.2867490351200104, -0.29304856061935425, -0.890242874622345, -1.3675813674926758, 0.37842223048210144, -0.7065040469169617, 0.24348990619182587, 0.2987504005432129, -0.44833552837371826, -0.9929456114768982, -0.24960964918136597, -0.8793205618858337, 0.16677401959896088, -0.12077465653419495, -0.939570426940918, 0.08497391641139984, 0.025993935763835907, -0.6134337186813354, -0.13534267246723175, 0.4738999009132385, -0.3808547258377075, -1.5378764867782593, 0.8775417804718018, 0.9299480319023132, -0.5552610158920288, -0.1852388083934784, 0.8154027462005615, 0.6619097590446472, 0.6055391430854797, 1.211272954940796]} +{"paper_id": "strombergnlp/zulu_stance", "embedding": [-0.7168781757354736, 1.0603159666061401, -0.6228417754173279, -0.23143857717514038, 0.18340027332305908, 0.11168855428695679, 0.6699881553649902, 0.39128029346466064, 1.2627249956130981, 1.4386522769927979, -0.30189260840415955, -0.33871206641197205, -0.37962719798088074, -0.4524346888065338, -0.2721405625343323, -0.5528405904769897, -0.6898843050003052, -0.3956347703933716, -0.7400667071342468, -0.44233521819114685, -0.26362770795822144, -0.6607598066329956, -0.725899875164032, 1.205163598060608, -1.0787231922149658, -0.22198323905467987, 0.9403946995735168, -1.0980373620986938, 0.3733014166355133, 0.447726845741272, -0.3505508005619049, 1.0532100200653076, -1.906259536743164, 0.36201149225234985, -0.517629861831665, -0.1837659627199173, 0.35692232847213745, 0.37846627831459045, -0.3321462869644165, -0.011600133031606674, -1.536311149597168, 0.08787255734205246, 0.21113477647304535, 1.027825951576233, 0.05895964056253433, -0.306535929441452, 0.143263578414917, -0.40843087434768677, -0.33960527181625366, -0.695271372795105, -0.4755760133266449, 0.3454838693141937, -0.08219122141599655, 0.5942645072937012, -0.41667377948760986, 0.776437520980835, 0.2519102990627289, -1.04841947555542, 0.8679248094558716, -1.2093778848648071, 1.4461884498596191, 1.7282307147979736, -0.424052894115448, 0.2612123191356659, 1.1159173250198364, -0.46634531021118164, 1.574617862701416, -0.04119523987174034, 0.016790635883808136, 0.567413330078125, 0.42153048515319824, -0.8561269044876099, 0.4402977228164673, -0.8928946256637573, -0.27091965079307556, 1.3842283487319946, 0.5540576577186584, -0.16542942821979523, -0.08967503905296326, -0.43556562066078186, 0.15121641755104065, 0.5671043395996094, 0.3633386790752411, -0.3863696753978729, -0.25193464756011963, 0.8148871064186096, -0.0194099061191082, -1.0719739198684692, 0.694909393787384, -2.475165367126465, 0.7557306885719299, 0.45205211639404297, 0.05143845081329346, -0.09735023230314255, -0.538402259349823, 0.7911462187767029, -1.2055628299713135, -0.1485036164522171, -0.07250667363405228, -0.19080418348312378, 0.6275941729545593, -0.5554665327072144, 0.15780019760131836, 0.19766566157341003, 0.30772268772125244, 0.9653967618942261, 0.09296877682209015, 0.48047807812690735, -0.876110315322876, -0.5055155158042908, 0.029349248856306076, 1.6188055276870728, -0.5680273771286011, 1.2145990133285522, -0.15208932757377625, 0.5087190866470337, 0.773064911365509, -0.9421695470809937, -0.41396254301071167, -0.2730743885040283, -0.08069983869791031, -0.8340930938720703, -1.3198118209838867, 0.10018196702003479, 1.079278588294983, -0.060347747057676315, 0.3470277786254883, -0.6368298530578613, -0.06357131898403168, -0.1871405392885208, 0.5831765532493591, -0.38949596881866455, -1.2742775678634644, 0.2770770490169525, 3.360705852508545, -1.0480436086654663, 1.6940239667892456, -1.0385618209838867, -0.06968054920434952, -0.13108640909194946, -0.33504369854927063, 0.8527414798736572, 0.7433682680130005, -1.339046835899353, -0.6594889163970947, 0.2778472602367401, -1.1171233654022217, 0.2612421214580536, -0.24748407304286957, -0.6057488918304443, -0.4057484567165375, -0.018245883285999298, -1.3677880764007568, -0.10256162285804749, -0.3720591366291046, -0.14141926169395447, -0.5134550333023071, 0.9733638167381287, -0.19577856361865997, 0.4925217926502228, 0.5820009112358093, -0.07026279717683792, 0.02302686870098114, 0.9359861016273499, -0.9855849742889404, -0.7509120106697083, 1.3942595720291138, -0.33595630526542664, -0.7941828370094299, 0.5192654132843018, 0.8888035416603088, -0.4851251542568207, -0.4340742826461792, -0.16985905170440674, -0.1695389300584793, 0.034856364130973816, 0.4895212650299072, 0.6948724985122681, 0.1190594956278801, -0.32442471385002136, -1.3596910238265991, -0.21574321389198303, 0.30666935443878174, 0.6224265098571777, -0.23471187055110931, 0.6421975493431091, -1.9558771848678589, 0.6212159991264343, -0.7868494987487793, 1.4743716716766357, 0.3457890748977661, -0.3937317132949829, -0.020635373890399933, 0.5736855864524841, 0.8854051828384399, -0.4965721368789673, 0.8135859966278076, -0.759061336517334, 0.02155880630016327, 0.041314154863357544, 0.3725077509880066, -1.456913709640503, -0.1527472287416458, -0.03743128478527069, 0.312805712223053, -0.9622098803520203, -0.7886264324188232, -1.9946444034576416, 0.29950615763664246, 2.8738415241241455, 0.23169919848442078, -0.16993427276611328, -1.0438824892044067, 0.0977652370929718, -0.11030898988246918, 0.2553441524505615, 0.6386183500289917, -1.5660818815231323, -0.778668224811554, -0.6429102420806885, -0.09557980298995972, -0.42493098974227905, 1.1977487802505493, 0.9068001508712769, 0.11767984181642532, -0.9103389978408813, 0.02697250247001648, -0.4794660806655884, -0.36998799443244934, 0.5343273282051086, 0.7450870871543884, -0.35194048285484314, -0.16892960667610168, 0.7113867998123169, 0.4340704083442688, 1.1904929876327515, 0.6813831329345703, 0.14466653764247894, -0.7923886775970459, -0.5609068274497986, 0.861818253993988, 0.777354896068573, -0.16605819761753082, -0.313730388879776, 0.9421797394752502, 0.4925604462623596, -0.18954119086265564, 0.028086110949516296, -0.42220038175582886, -0.3099198341369629, 0.8541695475578308, 0.6658778786659241, -0.8449326157569885, 1.008825421333313, -0.44662943482398987, 0.45626354217529297, -0.27595993876457214, -1.1622881889343262, 0.030633971095085144, 0.013575263321399689, 0.5158339738845825, 0.3549710810184479, 0.32495006918907166, -0.19957169890403748, 0.1534140706062317, -0.7624068260192871, -0.9615359902381897, -0.2950863838195801, -0.7802941799163818, -1.4810935258865356, 0.11331579089164734, -0.7479191422462463, -1.0610281229019165, -0.19249171018600464, 0.17389464378356934, 0.2359265834093094, -0.03468254581093788, 0.3520646393299103, 0.9395557641983032, 0.6931861639022827, 0.45646750926971436, -0.014741599559783936, 0.8371793627738953, -0.47961053252220154, 1.0306987762451172, 0.16140231490135193, -0.14217449724674225, -0.26044583320617676, -0.03755658119916916, -0.30903851985931396, 0.7166839241981506, 1.133965253829956, -0.20058292150497437, 0.6733302474021912, -0.03314327448606491, -1.5719400644302368, 0.6556941866874695, 0.5210403800010681, 0.30791592597961426, -1.0071951150894165, 1.559178352355957, 0.07097885012626648, 0.01335795596241951, 0.811382532119751, -0.44569161534309387, 0.3881416320800781, 1.092490553855896, -0.018977224826812744, -0.1398734599351883, 0.34998542070388794, -0.6613987684249878, -0.6335195899009705, 0.53062903881073, -1.457603931427002, 0.4786190092563629, 0.46374037861824036, -0.7128101587295532, -0.5182911157608032, -1.2511688470840454, 1.4969713687896729, -1.0816282033920288, -0.37528058886528015, 0.11891334503889084, -0.596948504447937, -0.24315659701824188, -0.45674994587898254, -0.6484071612358093, 0.2676171660423279, -1.3490241765975952, -0.07614101469516754, 0.8321136832237244, 0.7782885432243347, -0.8565050959587097, 0.4401743412017822, 1.1405160427093506, -0.23905470967292786, 0.954033374786377, 0.34046390652656555, 0.6205508708953857, 1.399597406387329, -0.2502594590187073, -0.12693703174591064, 0.822672426700592, 0.8622176051139832, 0.2914593815803528, 0.39577516913414, -0.5064178705215454, 0.7482452988624573, -0.41233697533607483, 1.3297066688537598, 0.2641242444515228, -0.4365513026714325, -1.5860072374343872, 0.14168725907802582, 0.2713603377342224, -1.0111291408538818, 1.5157009363174438, 1.505966067314148, 1.537238359451294, -0.41115570068359375, 0.25481975078582764, -0.4026290774345398, 0.7261943817138672, 1.1546655893325806, -0.42973557114601135, -0.14607366919517517, 0.08115871250629425, -0.12833990156650543, 1.2888094186782837, -0.32973358035087585, -0.3927319347858429, -0.31331831216812134, 0.9407989978790283, -0.2779647409915924, -0.5729919075965881, -0.7995412945747375, 0.2099153846502304, 0.27452054619789124, 0.5862526893615723, -0.8759265542030334, -0.4754639267921448, -0.5025153756141663, 0.2809816002845764, 0.603261411190033, 0.6415700912475586, -0.8691080808639526, 0.13087329268455505, -0.5099369287490845, 0.011428643949329853, -0.07782785594463348, 0.05762572959065437, 0.6398885250091553, 0.12380243837833405, -1.5272789001464844, -0.5891208648681641, -0.9874224066734314, -0.2377876192331314, 0.11119811981916428, -0.6195553541183472, -0.6891975998878479, 1.3980400562286377, -0.39132457971572876, -0.9132395386695862, 1.0783885717391968, -0.6464787721633911, -1.172785758972168, 0.49415338039398193, 0.6469755172729492, -1.8112285137176514, -0.1635846197605133, -0.05563263222575188, -0.7462758421897888, -0.7025377154350281, -0.022163737565279007, -1.0320625305175781, 1.684412956237793, 0.05561809986829758, 0.9277464151382446, 0.5731444954872131, -0.0971670001745224, -0.4450681507587433, 1.1436518430709839, 1.2877352237701416, -1.1311891078948975, 0.2920553684234619, 0.07630956918001175, 0.155354842543602, 0.5220810770988464, -1.153399109840393, -0.5330411195755005, 0.9533935785293579, -0.15136510133743286, 0.5474688410758972, -1.1145930290222168, -0.9946460723876953, 0.49459734559059143, 0.23144803941249847, 0.3855268657207489, -1.5573660135269165, 0.2610226273536682, -0.7084373831748962, 0.3899911046028137, 0.4941352605819702, -0.19832190871238708, -1.3720098733901978, 1.644399881362915, -0.9929020404815674, 0.5359138250350952, 0.5245952606201172, 0.08015336096286774, 0.9376463294029236, 0.6242375373840332, 0.6428778767585754, -0.8774576187133789, -9.255409240722656, 0.12250635027885437, -0.2928331196308136, 0.8464264273643494, 0.46011078357696533, -0.01589561253786087, 0.05384017527103424, -0.10816769301891327, 0.9946245551109314, -0.5521875619888306, 0.3733184337615967, 2.190639019012451, 0.37934446334838867, -1.5840433835983276, -1.1558756828308105, -0.4887625575065613, -1.3323873281478882, 0.2077474445104599, -0.2466118484735489, 0.03346383199095726, -1.5215508937835693, -0.8667031526565552, 0.4909936785697937, 0.13921624422073364, 0.6011129021644592, 0.5225011110305786, 0.08462493121623993, -0.5465200543403625, -0.8279181122779846, -0.06999305635690689, 0.9669578671455383, 0.2674526572227478, -1.1135523319244385, -0.8521130681037903, 0.1441771388053894, 0.14951886236667633, -0.9595661163330078, -0.10544376075267792, 0.7456911206245422, -0.5585805773735046, -0.06579697132110596, 0.05502892658114433, 0.5867433547973633, -0.30110153555870056, -0.7449582815170288, 0.11537054181098938, -0.417569100856781, -0.6385336518287659, 0.18351894617080688, -0.4668445587158203, 0.10300223529338837, -0.42917630076408386, -1.579053521156311, -0.1617351919412613, 0.49023887515068054, -0.5233027338981628, -0.7411560416221619, 0.04395667836070061, -0.9533376693725586, -1.32151460647583, 1.0603550672531128, -0.9071915149688721, -0.5670976638793945, 0.24380293488502502, 0.11642619967460632, -0.5103718638420105, 0.3962710499763489, 0.4334316849708557, -0.15738871693611145, -0.1352742463350296, -0.0671682134270668, 1.2121318578720093, -0.2888709008693695, 0.04113943874835968, -0.3269241750240326, -0.3657044470310211, -0.6538907885551453, -0.5954914689064026, 0.6098518371582031, 0.10899971425533295, -0.7308868765830994, 1.2047241926193237, -0.041729457676410675, 0.16956952214241028, -0.7037338018417358, -0.284657746553421, -0.15321165323257446, -0.6140439510345459, 0.14151304960250854, -0.04135192930698395, 1.1454458236694336, -0.0044809915125370026, -0.507342517375946, 0.23014718294143677, -0.9309177994728088, 0.9947296380996704, -1.4186972379684448, 1.7374067306518555, -0.04099569097161293, -0.23566555976867676, 0.5025571584701538, 0.4716232120990753, 0.034208282828330994, -0.07636253535747528, 0.4169970452785492, 0.16454768180847168, 0.562294065952301, -0.28337639570236206, -0.8262373208999634, -0.22057539224624634, 1.2362840175628662, 0.9019079208374023, -0.2601587176322937, 0.0918922945857048, 0.137867271900177, 0.8442686200141907, 0.3793642520904541, 0.5911946892738342, 0.24602918326854706, 1.5405590534210205, 0.05295717716217041, 0.9854738712310791, 0.24089454114437103, 0.5742068886756897, -0.49935296177864075, 0.9096245169639587, 0.5248757004737854, 0.0355190709233284, -0.5730161070823669, -1.7091431617736816, 0.5633034706115723, -0.6454418301582336, 1.0324547290802002, -0.9368526339530945, 0.07696220278739929, -0.6127763986587524, -1.0842534303665161, 1.1536682844161987, -0.12874868512153625, 0.4953984022140503, -1.0090686082839966, -0.6369211077690125, 0.12243545055389404, -0.7315897345542908, -0.5082133412361145, 0.5108241438865662, -1.6447304487228394, -0.0026548244059085846, -0.318782240152359, -0.5997328758239746, 0.4952870011329651, -0.5761495232582092, 1.0431984663009644, -0.7982333302497864, -0.4378132224082947, -0.17038357257843018, 0.0782516598701477, -0.0022413134574890137, -0.7644714713096619, -0.1506408303976059, -0.021922707557678223, 1.223681926727295, -1.3294134140014648, 1.0975500345230103, 0.5991753339767456, -0.08455440402030945, -0.33298259973526, -0.044587068259716034, -0.9768475294113159, 0.23902589082717896, 0.9461864233016968, -0.5770213007926941, 0.2928353548049927, 0.2274141162633896, -0.7732020020484924, -0.6163899302482605, 1.7609440088272095, 1.0721665620803833, -0.8541836142539978, 0.7213351130485535, -0.19230791926383972, 0.6069384813308716, -0.7089634537696838, -0.21840716898441315, -0.007755279541015625, 0.4135207235813141, -0.62760329246521, 1.7777173519134521, 0.21364066004753113, 0.4768713712692261, -1.6872018575668335, -1.195929765701294, 0.16870522499084473, -0.1957014799118042, 0.5754144191741943, -0.19432178139686584, 1.2835842370986938, 0.5601063966751099, 0.6158639192581177, -0.3280872404575348, 0.4803931415081024, 0.46791377663612366, 0.07129761576652527, 0.49610453844070435, -1.740870714187622, -0.24273520708084106, -1.040802001953125, 0.2565453052520752, 0.04406484588980675, 0.3745480179786682, -1.1838990449905396, 0.24788852035999298, 0.6839821338653564, -0.4981895089149475, 0.351391464471817, -0.49337971210479736, 1.0916019678115845, -0.9604207873344421, -0.5622073411941528, -1.1425907611846924, 1.0338166952133179, 1.4178701639175415, 0.4411725401878357, 1.1906365156173706, 0.47662270069122314, 0.6784753799438477, 0.8594152927398682, 0.7578111886978149, 1.9864355325698853, 0.5696224570274353, -0.15798592567443848, -0.32028836011886597, 0.3497937321662903, -0.046262312680482864, 0.13856561481952667, 0.05613492801785469, -0.7830043435096741, 0.959643542766571, -1.2021844387054443, 0.4128059446811676, -0.8764414191246033, 0.5836911797523499, 0.7101364731788635, 1.2238399982452393, -1.5096876621246338, -0.8316740989685059, 0.17973457276821136, -1.0796235799789429, -0.02323998138308525, 0.5599334239959717, 1.6604686975479126, 0.7018631100654602, 0.5330047607421875, -0.026309236884117126, 1.3965299129486084, -0.841302216053009, -0.03043229877948761, 0.47325608134269714, 0.07989948242902756, 0.7529258131980896, 0.7061176896095276, 0.9121443033218384, -0.7003179788589478, 0.2934172749519348, -0.5493736267089844, -0.7732584476470947, -0.5375474691390991, 0.7500654458999634, 0.3037371039390564, 0.4239043891429901, 0.6778872013092041, -0.2818959355354309, 1.1463888883590698, -0.35588622093200684, 0.6576952934265137, 0.7565125226974487, -0.5098240971565247, -0.7128129601478577, -0.5298020243644714, -0.268088698387146, 0.676131010055542, -0.5351939797401428, -0.4802778363227844, -1.0823837518692017, 0.8788391351699829, 0.20273174345493317, -0.8075363039970398, -1.105926752090454, 0.5141168832778931, -0.5789292454719543, -0.1425182819366455, 0.017499277368187904, -0.9851638674736023, -1.3873251676559448, 0.1363796442747116, -0.8233766555786133, 0.34739992022514343, -0.21097500622272491, -0.5030888915061951, -0.3474968373775482, 0.7634879946708679, -0.022694837301969528, 0.3107799291610718, 0.02507811412215233, -0.5661382079124451, -1.6655774116516113, 1.8081295490264893, 1.4530621767044067, -0.4978002905845642, -0.8483625650405884, 1.3080435991287231, -0.9986939430236816, 0.6079506874084473, 1.610769271850586]} +{"paper_id": "mozilla-foundation/common_voice_9_0", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "google/wit", "embedding": [-0.8590005040168762, 1.8540629148483276, -0.20807290077209473, -0.36131057143211365, 0.032263338565826416, -0.6714025735855103, -0.7950593829154968, 0.3700042963027954, 1.2231749296188354, 0.5589232444763184, 1.7663719654083252, 0.09695442765951157, 0.4327525198459625, -0.5802850127220154, -0.5075879096984863, 0.2869186997413635, -0.5330910682678223, -1.216091513633728, -0.7270321846008301, 0.2646724581718445, -1.2943629026412964, -0.1898604929447174, -0.14910613000392914, 0.755553662776947, -0.4078294634819031, -1.4106248617172241, 0.7137444615364075, -0.17425096035003662, 0.2401709258556366, 0.621500551700592, -0.08844209462404251, 0.8711909651756287, -2.0451512336730957, 1.361291766166687, -0.30802658200263977, -0.7889469861984253, 0.9153264164924622, 0.9272734522819519, -0.052617959678173065, -1.3070112466812134, -0.5515127778053284, 0.3749840259552002, 0.46047911047935486, 0.08262156695127487, 1.4140092134475708, -0.9262635707855225, 0.3347529470920563, 0.0446438267827034, 0.016973644495010376, -0.1950477957725525, 0.09154215455055237, 0.5255512595176697, -0.5145837664604187, 0.2592655122280121, -1.1916930675506592, 1.4625399112701416, 0.0486704483628273, -0.0034450783859938383, 0.2878510355949402, -1.215505838394165, 0.18104469776153564, 1.7230339050292969, -0.7014970779418945, -0.42100784182548523, 1.2224258184432983, 0.5327572226524353, 0.9300650358200073, -0.06641409546136856, 0.2550748586654663, 0.09149589389562607, -0.339299738407135, -2.076493263244629, 0.23570790886878967, 0.3563825488090515, 0.4099258780479431, 0.7640665769577026, -0.023053070530295372, -0.21023209393024445, -0.09847656637430191, 0.3872665762901306, -0.6501275897026062, 0.056729912757873535, 0.06433357298374176, -0.530227780342102, 0.17829790711402893, 0.3392229378223419, 0.16086560487747192, -0.2142830640077591, 0.4493721127510071, -1.9651789665222168, 1.3017048835754395, -0.4291471242904663, 0.3176293969154358, 0.08733786642551422, 0.3765203654766083, -0.4681271016597748, 0.10642240941524506, -0.4651068449020386, -0.5304255485534668, 0.6636467576026917, 0.3073062002658844, -0.15764547884464264, 0.6955376863479614, 0.018166087567806244, 0.16831353306770325, 0.2830953896045685, -0.11810798943042755, -0.4292498528957367, -1.15324068069458, -0.6069549918174744, 0.1449514925479889, 0.6240471601486206, 0.6533142924308777, -0.5684857368469238, 0.20609773695468903, -0.5826439261436462, 0.54219651222229, 0.1289902776479721, -0.5908187031745911, -0.1251952201128006, 0.016989843919873238, -1.7572519779205322, -0.9292113184928894, -0.6919613480567932, 0.6729082465171814, -0.8467205762863159, 0.29313525557518005, -0.7294822931289673, -0.3680397570133209, -0.9223712086677551, 0.04603566974401474, 0.28081801533699036, -1.0935699939727783, 0.07502594590187073, 3.53602933883667, -0.1937955766916275, 1.178010106086731, -0.24109263718128204, -0.11307278275489807, -0.05583452433347702, -0.21913382411003113, 0.7278681397438049, 1.007278323173523, -0.7529335618019104, 0.03681547939777374, 0.12846793234348297, -0.5253009796142578, 0.6858049035072327, -1.240769863128662, -0.5665635466575623, 0.05902315676212311, 0.46612948179244995, -0.6537085771560669, -1.4280034303665161, 0.00618332251906395, -0.13502506911754608, 0.15707440674304962, 0.22849401831626892, -0.18573059141635895, 1.0333806276321411, -0.41567355394363403, 0.6950439810752869, -0.9403886198997498, 0.49654173851013184, -0.514204204082489, 0.10542682558298111, 0.7538338303565979, -0.3980135917663574, 0.11578106880187988, -0.6467788815498352, 0.19198711216449738, -0.8012697100639343, 0.40081730484962463, -0.29222825169563293, -0.2970242500305176, 0.2785009741783142, 0.2999439537525177, 1.1723437309265137, 0.0048424359411001205, -0.14739863574504852, -0.07020572572946548, -0.08276444673538208, 0.5112965106964111, 0.0339941531419754, 0.7265490293502808, -0.20864446461200714, -1.9762065410614014, -0.5499861240386963, -0.9494473338127136, -0.3673299551010132, 0.18037649989128113, -0.19264794886112213, 0.35220110416412354, -0.4289810359477997, -0.11171644181013107, -0.1131555587053299, 0.5028321146965027, -0.8173911571502686, -1.1956303119659424, 0.8891530632972717, -0.0585651658475399, 0.5285582542419434, -0.0035578052047640085, 0.5104921460151672, 0.04604038596153259, 0.25530651211738586, -0.20396541059017181, -0.8910189867019653, 0.5997727513313293, 1.3678852319717407, 0.16466695070266724, -0.6609618067741394, -1.1806344985961914, -0.5483587384223938, 0.2871222198009491, -1.1134169101715088, 0.7082237005233765, -0.7066237926483154, -0.16622403264045715, -1.0474392175674438, -0.22423924505710602, -0.15908846259117126, 0.25074130296707153, -0.22730512917041779, 0.9128308296203613, -0.3181430697441101, -0.6805205345153809, -0.6863505840301514, -1.3107130527496338, 0.8570657968521118, 0.05161898583173752, 0.18670202791690826, -0.48023831844329834, 0.7144085764884949, 0.31570857763290405, 0.10454117506742477, 1.2880566120147705, 0.29416319727897644, -0.34741801023483276, 0.46010535955429077, -0.47935035824775696, 0.42184561491012573, -0.32653915882110596, -0.13294048607349396, 0.3527607321739197, 0.6027253270149231, 0.10159498453140259, -0.9103691577911377, 0.11524756252765656, 0.02823404222726822, 2.0243446826934814, 1.1561411619186401, -0.6301285028457642, 1.1640112400054932, -0.8542287349700928, 0.038773298263549805, 0.5943701863288879, -0.28168952465057373, 1.367467999458313, -0.7752416729927063, -0.07917013764381409, -0.7726244926452637, 0.5624082684516907, 0.580608606338501, -0.31970682740211487, -0.9914999008178711, -0.44372835755348206, -0.25128352642059326, -1.0390795469284058, -0.49470052123069763, -0.7348771691322327, 0.031511902809143066, -0.12772992253303528, -0.7675259709358215, 0.153169184923172, 0.7144970297813416, 0.21415360271930695, 0.8164281845092773, 0.7225241661071777, -0.1729186326265335, 0.8081963658332825, -0.22942303121089935, 0.5678680539131165, 0.030895542353391647, 1.0534608364105225, 0.10017389059066772, 0.052331309765577316, -1.6085762977600098, -0.15315556526184082, -0.892059326171875, -0.11790347844362259, 0.43387991189956665, 0.2334742248058319, 0.7921161651611328, -0.38127124309539795, -1.4046297073364258, 1.5919208526611328, 0.12240852415561676, -0.03334914892911911, -0.5081862807273865, 1.5811148881912231, 0.6427239179611206, -0.5626510977745056, 0.11103252321481705, 0.3590943515300751, -0.15118728578090668, 1.5880035161972046, -0.056754570454359055, -0.02561740018427372, 0.9215060472488403, 0.2725614011287689, -0.3580038845539093, -0.2643291652202606, -1.6852009296417236, -0.22735430300235748, 0.40059542655944824, 0.431494802236557, -0.06446315348148346, -1.1231859922409058, 0.3455311059951782, -0.4462709426879883, -0.2589876055717468, 0.10015325248241425, -0.48528194427490234, 0.3594605028629303, 0.4378344714641571, 0.7191925048828125, 1.423593521118164, -0.5334543585777283, 0.26793256402015686, 1.0667494535446167, -0.2729945480823517, -0.963310718536377, -0.1085314229130745, 1.2353099584579468, -0.1714315414428711, 0.19153815507888794, 0.47659164667129517, 0.21020245552062988, 0.7247604131698608, -0.5762555599212646, -0.35647016763687134, -0.41928941011428833, 0.20565637946128845, 0.4175187349319458, 0.7152718305587769, -0.2255244106054306, 0.2719658315181732, 0.9130056500434875, 1.4688113927841187, 0.3960650563240051, -0.6645097732543945, -1.1915463209152222, 0.7153276801109314, -0.22634099423885345, 0.09693529456853867, 2.1348793506622314, 0.36869075894355774, 1.5451934337615967, 0.04370100051164627, 0.0006882203742861748, -0.21245349943637848, -0.01952132023870945, 0.6491634845733643, 0.5948714017868042, 0.1449713408946991, -0.5003108978271484, 0.29251641035079956, 0.19099484384059906, 0.21131902933120728, -0.30214723944664, 0.12429852783679962, 1.2705615758895874, 0.00037357956171035767, -0.36839553713798523, 0.6087904572486877, 0.8093261122703552, 0.3701821565628052, 0.8474651575088501, 0.36804285645484924, -0.7060118317604065, -0.8289381861686707, 0.7847034931182861, 0.34777018427848816, -0.3205985128879547, 0.13557103276252747, 0.6483449935913086, 0.09349587559700012, 1.4675825834274292, 0.5668991804122925, 0.42863497138023376, 1.5167232751846313, 0.29100966453552246, -0.8014716506004333, 0.1040581464767456, -0.8751317262649536, -0.756324052810669, 0.0413333997130394, -0.02422713115811348, -0.34232980012893677, 0.7741967439651489, -0.6586471199989319, -1.0027782917022705, 0.8061172962188721, -0.6865553855895996, -1.1489427089691162, 0.8707431554794312, 0.9812496900558472, -1.1227675676345825, -0.5011650323867798, 0.4073706269264221, -0.6225459575653076, -0.6214888095855713, -0.10112542659044266, 0.26397040486335754, 0.013453934341669083, -0.3392999470233917, 0.44764506816864014, -0.38339632749557495, -0.2740193009376526, -0.5469231009483337, 0.8292675018310547, 1.036586046218872, -0.9623754620552063, 0.08216637372970581, -0.42345839738845825, 0.7217640280723572, 0.2881616950035095, -1.1249582767486572, -0.5017579793930054, 1.2995765209197998, 0.8282707929611206, -0.046816080808639526, -0.5304103493690491, -0.25414353609085083, 0.46508896350860596, 0.6569216251373291, 1.2204166650772095, -0.8681647181510925, -0.18614289164543152, -0.4221632182598114, 1.6112254858016968, 0.21531057357788086, -0.4451833963394165, 0.06586278975009918, 1.7213332653045654, 0.1626642942428589, 0.7617676258087158, -0.7964271306991577, 0.549750030040741, 1.148639440536499, -0.13488204777240753, 0.5159746408462524, 0.19588682055473328, -10.798120498657227, -0.21941302716732025, -0.6856414675712585, 0.4888852834701538, 1.1546117067337036, -0.19032526016235352, 1.5287516117095947, 0.29791259765625, 0.029034243896603584, -1.0002481937408447, 1.024993658065796, 0.8180107474327087, 0.35178491473197937, -0.42278122901916504, -0.54087895154953, -1.2370612621307373, -1.1664760112762451, -0.2686808109283447, 0.5570411086082458, -0.21291887760162354, 0.2801092267036438, -0.06611829996109009, -1.1546218395233154, 0.4767468273639679, -0.028515078127384186, -0.7312168478965759, 0.2748340964317322, 0.05975329875946045, -0.4560491442680359, -0.2869965434074402, 0.5973058342933655, -0.49209967255592346, -1.561352014541626, -0.7388982176780701, 0.5987906455993652, -0.06496493518352509, -0.7829859852790833, 0.30987274646759033, 1.7729936838150024, 0.2966727912425995, -0.30925166606903076, 0.78507000207901, -0.6280032396316528, 0.7404159903526306, -1.1817315816879272, 0.49402672052383423, 0.5505064725875854, -0.5819438099861145, 0.48479264974594116, -0.8516334891319275, -0.4207369089126587, -1.1532211303710938, -0.22466027736663818, -0.12050540745258331, 1.2371782064437866, 1.1571863889694214, -0.24194437265396118, -0.05658303573727608, -0.295576274394989, -1.4321420192718506, 0.6955223679542542, 0.09008819609880447, -0.5053739547729492, 0.43019309639930725, -0.3696024715900421, -1.261310338973999, 0.8108809590339661, 0.6644519567489624, -0.522023618221283, -0.1750219315290451, -0.1752031445503235, 0.2364213466644287, 0.7535186409950256, 0.037934012711048126, -0.2699446976184845, -0.06334736198186874, -0.21089547872543335, 0.4734278917312622, -0.5521387457847595, 0.15958271920681, -0.7787346243858337, 0.8187299966812134, -0.6250961422920227, -0.6257613897323608, 0.5248387455940247, 0.2251257300376892, -0.0634685531258583, 0.8029645681381226, -0.3929896056652069, 0.21061846613883972, 0.7957770228385925, -0.4273736774921417, 0.4627256393432617, -0.2944721281528473, -0.053397249430418015, 0.9548530578613281, -1.236449956893921, 0.10705640912055969, -0.0897483378648758, -1.1680556535720825, 0.2821202278137207, 0.24953970313072205, -0.19576652348041534, -0.016790218651294708, 0.41497185826301575, 0.2974093556404114, 0.42657071352005005, 0.4235115349292755, 0.4226507842540741, 0.13595186173915863, 0.41858452558517456, -0.8130913972854614, -1.1908875703811646, 1.3393707275390625, -0.45071902871131897, 0.7210972309112549, 0.6979023814201355, -0.6696228384971619, 0.3575422465801239, 1.199110507965088, 0.013226431794464588, 0.580733597278595, 0.652998149394989, 0.8168650269508362, 0.08861635625362396, -0.3791917562484741, -0.16075214743614197, -0.005395689979195595, -0.03637085109949112, -1.3516837358474731, 0.7092973589897156, -0.05168040469288826, -1.0662448406219482, -0.4911302626132965, -0.48124057054519653, -0.8033191561698914, -1.429019808769226, 1.84821355342865, -0.08604021370410919, -0.13457709550857544, -0.16740602254867554, -0.8980168104171753, -0.06476610898971558, -0.8222519755363464, -0.356018990278244, -1.0888950824737549, -0.816016435623169, -0.6133215427398682, -0.6273566484451294, -1.2172530889511108, 0.44656893610954285, -0.23679175972938538, 1.0380815267562866, -1.1785742044448853, -0.33479076623916626, 0.09216474741697311, 0.31197255849838257, -1.239783525466919, -0.9165863990783691, 0.006157547235488892, 0.48019328713417053, 1.0227515697479248, -0.9212079048156738, 0.8785077333450317, 0.6708042621612549, -0.17486409842967987, -0.8486669063568115, -0.45722007751464844, -0.1984494924545288, 0.429688423871994, 1.1504042148590088, -0.7397297620773315, -0.09614083915948868, -0.928973376750946, -0.19625592231750488, -0.8987511992454529, -0.36845284700393677, 1.3566714525222778, -0.6719802021980286, 0.6301771998405457, 0.2111835479736328, 1.3731874227523804, 0.3449249863624573, -0.6738029718399048, -0.31603550910949707, -0.19174882769584656, -0.08754733204841614, 0.6554734706878662, 0.16492794454097748, 0.8171812891960144, -1.7509799003601074, -0.6487731337547302, -0.5197533965110779, -0.13608324527740479, 0.7240666747093201, -0.19704821705818176, 0.3772437572479248, 0.2715248167514801, 0.18660515546798706, 0.5346658229827881, -0.38601547479629517, 0.11553794890642166, 0.16718457639217377, 0.47727012634277344, 0.5574508905410767, 0.19366532564163208, -0.4881117343902588, -0.43451017141342163, -0.5146987438201904, 0.79685378074646, -1.000293493270874, -0.45712459087371826, 0.04657086730003357, -1.4197026491165161, 0.20788054168224335, -1.2714186906814575, 0.785845935344696, -0.3257378339767456, 0.07980833947658539, -1.0819993019104004, -0.6493158936500549, 1.614256739616394, -0.32511621713638306, 1.405381202697754, -0.15694551169872284, 0.7474105954170227, 0.29106029868125916, 0.11522836238145828, 1.6878992319107056, -0.40490958094596863, -0.5034032464027405, 0.37548118829727173, 0.24677425622940063, -0.8161523938179016, -0.27678805589675903, 0.34727323055267334, -0.7350364923477173, 0.34222325682640076, -1.154658317565918, 0.7593438625335693, -1.1139109134674072, -0.2601773738861084, 0.9991631507873535, 0.4156721830368042, -0.23534177243709564, -1.605343222618103, -0.16512362658977509, -0.94744473695755, 0.12481915950775146, -0.17709358036518097, 0.022230377420783043, 0.8392184376716614, 0.8576271533966064, 0.2667672038078308, 1.3484997749328613, 0.31439459323883057, -1.1022398471832275, 0.554663896560669, -0.5226389169692993, 1.1549540758132935, 0.4987426996231079, 0.24705801904201508, 0.5052973031997681, 0.27038952708244324, -0.27442875504493713, -1.0442355871200562, 0.07854987680912018, 0.7326979637145996, 1.1611727476119995, -0.45714297890663147, -0.4590109586715698, -1.2732510566711426, -0.3391416370868683, -0.46140241622924805, 0.349940687417984, 0.3942340016365051, -0.14289110898971558, -1.4885884523391724, -0.514609158039093, 0.4431191086769104, 0.34880203008651733, -0.06684967875480652, -0.06693260371685028, -0.47610145807266235, 0.9745177030563354, 1.2082992792129517, -0.1868971288204193, -1.0492373704910278, 0.23921677470207214, -0.06532464176416397, 0.5627610683441162, 0.4598190486431122, -0.4436686038970947, -0.6159544587135315, -0.044860657304525375, -1.318957805633545, -0.49418625235557556, -0.23013725876808167, -0.27448728680610657, -0.4461461901664734, 0.7753083109855652, -0.5261225700378418, -0.007677149027585983, 0.3433418273925781, 0.08957963436841965, -0.956589937210083, 0.42116880416870117, 0.8766940832138062, -0.06767734885215759, -0.29552793502807617, 0.3407769203186035, -0.45767292380332947, 0.2945723533630371, 0.7170147895812988]} +{"paper_id": "shanya/crd3", "embedding": [-0.12080787867307663, 1.0495675802230835, 0.20828711986541748, 0.5415562391281128, 0.5327388048171997, 0.6264248490333557, 0.5719047784805298, 0.6625591516494751, 0.9172876477241516, 0.63421630859375, 0.3180117607116699, -0.16890141367912292, 0.023428503423929214, 0.12204427272081375, 0.027442296966910362, -0.07054527848958969, -1.2663630247116089, -0.4895983636379242, -1.2614836692810059, -0.07424245774745941, -1.1535300016403198, 0.14213672280311584, 0.12450450658798218, 0.6983754634857178, -0.8179938793182373, -0.30816522240638733, 1.2114275693893433, -1.5285905599594116, -0.23642680048942566, 0.06254029273986816, -0.15179839730262756, 1.3944120407104492, -0.877496063709259, 0.24507978558540344, -0.1940051019191742, -0.38518819212913513, -0.004475525580346584, 0.4942484200000763, 0.2858903706073761, 0.000673338770866394, -0.6718723773956299, 0.4252147972583771, 0.3679575026035309, 0.3434426188468933, -0.007685042917728424, 0.11357245594263077, -0.3574957549571991, 0.05341479927301407, -1.1206281185150146, 0.19847546517848969, -0.036427706480026245, 0.3529559373855591, -0.11023728549480438, 0.6056113243103027, -0.13307636976242065, 0.8780198693275452, -0.2219814658164978, -0.8752017617225647, -0.15932461619377136, -0.4860120713710785, 1.6250345706939697, 1.4012600183486938, -1.0953104496002197, 0.6103998422622681, 1.5315840244293213, -0.2274799644947052, 1.8267505168914795, 0.32667315006256104, -0.020472882315516472, 1.2788796424865723, -0.6959562301635742, -0.7582480311393738, 0.29893729090690613, -0.7539612054824829, -0.8852640390396118, 0.7106629610061646, 0.35339513421058655, 0.4201364815235138, -0.07872028648853302, 0.05655764788389206, 0.12792228162288666, 0.4752979874610901, 0.6327386498451233, -0.7885183691978455, 0.19616401195526123, 0.8004973530769348, 0.29130229353904724, -0.44458863139152527, 0.001964068040251732, -2.0587892532348633, 0.12941808998584747, -0.3323742151260376, 0.010617252439260483, -0.2153497338294983, -0.5033053755760193, 0.41920918226242065, 0.3614290952682495, -0.4481944143772125, -0.4784741997718811, 0.5806910991668701, 0.26068058609962463, -0.8436081409454346, -0.12655919790267944, -0.12923744320869446, 0.8419320583343506, 0.035458676517009735, 0.1968483030796051, -0.011608242988586426, -0.44041022658348083, -0.676820695400238, -0.26830774545669556, 1.1450622081756592, 0.1920994520187378, 1.1269296407699585, -0.5571563839912415, -0.23624011874198914, 0.04715507850050926, -0.5764538049697876, -0.21385826170444489, 0.011411890387535095, -0.578027069568634, -0.7960594296455383, 0.16461443901062012, 0.0372702032327652, 0.6790822148323059, -1.1120526790618896, -0.37539270520210266, -1.0166000127792358, 0.20197880268096924, -0.13435028493404388, 0.42319637537002563, -0.02718343213200569, -0.8134310841560364, -0.2869008183479309, 2.2955949306488037, -0.42944273352622986, 1.592496395111084, -0.5838468670845032, -0.4881511926651001, -0.8087541460990906, 0.09561405330896378, 2.0183231830596924, -0.1963641345500946, -0.4945968687534332, -0.7790282964706421, 0.30443859100341797, -0.5436684489250183, -0.041839100420475006, -0.4242773652076721, -0.7317694425582886, 0.10391923785209656, 0.7034164071083069, -1.3551148176193237, -0.7564972639083862, -0.31738877296447754, 0.34965360164642334, -0.35144659876823425, 0.7300980091094971, -0.3683129549026489, 0.6552203297615051, 0.7946066856384277, -0.05806484818458557, 0.020455732941627502, 0.3626011312007904, -0.937038779258728, 0.18120521306991577, 0.1368306577205658, -0.4929713010787964, -0.4381375312805176, -1.1128559112548828, 0.579986035823822, -0.5762958526611328, 0.10359648615121841, -0.5922626256942749, -0.5851562023162842, 0.07043101638555527, 0.5976401567459106, 0.5412580966949463, 0.5214363932609558, -0.7347601056098938, -0.7174429893493652, -0.6246949434280396, 0.37613794207572937, 0.54109787940979, -0.032795608043670654, 0.2501395046710968, -2.4459776878356934, -0.6535431742668152, -0.725422203540802, 1.8363194465637207, 0.6465091705322266, -0.15978173911571503, -0.07127303630113602, 0.37996840476989746, -0.29497864842414856, -0.18498487770557404, 0.8114091753959656, -0.8588776588439941, -0.19619232416152954, 0.03853541612625122, 0.532558798789978, -0.46853795647621155, -0.1439628154039383, 1.176574468612671, 1.654049038887024, -0.9627069234848022, -0.016879823058843613, -1.2709386348724365, 0.3049077093601227, 2.013659954071045, 0.37443962693214417, -1.1045761108398438, -1.511246919631958, 0.14644105732440948, 0.5127174258232117, 0.39614370465278625, -0.15126796066761017, -0.3255685865879059, 0.09105439484119415, -1.3499075174331665, 0.458197683095932, -0.193791925907135, 0.5219547748565674, 0.47729840874671936, 1.2128738164901733, -0.46767985820770264, -0.5696088075637817, -0.9725951552391052, -0.3590744137763977, 0.23970478773117065, 0.8525967597961426, 0.1246008574962616, 0.038328155875205994, 0.7440432906150818, 0.15652769804000854, 0.3863316774368286, 0.372037798166275, 0.4862958788871765, 0.13688158988952637, -0.2427034229040146, 0.25733682513237, 0.8366897702217102, 0.6063823699951172, -0.11773695796728134, -0.2324148267507553, -0.2302449643611908, -0.05168101191520691, -0.6301248669624329, -0.519925057888031, -0.2669679820537567, 1.8456779718399048, 0.9926260113716125, -0.308115154504776, 0.3339838981628418, -0.8457853198051453, 0.45960792899131775, -0.2525358200073242, -0.2716273367404938, -0.5490158796310425, -0.08599503338336945, 0.6129200458526611, -0.15232615172863007, 0.2798459529876709, -0.35629409551620483, -0.1650577187538147, -0.7248250842094421, -0.8085390329360962, -0.08739563822746277, -0.16336575150489807, -1.3300042152404785, 0.02667950838804245, -0.3203098773956299, -0.4704190790653229, -0.5891928672790527, -0.5680691003799438, -0.09131120145320892, -0.26918596029281616, 0.3830653727054596, 1.4631046056747437, -0.060384348034858704, -0.46471738815307617, -0.2177228331565857, 1.029666543006897, -0.29675737023353577, 1.4742084741592407, -1.1638214588165283, 0.2046663463115692, -1.0168606042861938, 0.44579246640205383, -0.7444734573364258, -0.06804775446653366, -0.010875843465328217, -0.23523548245429993, 0.6708101034164429, -0.23222306370735168, -0.5020917654037476, 1.058129072189331, -0.7147191762924194, 0.3011740446090698, -0.35136163234710693, 0.9262230396270752, 0.12312737852334976, -1.0785462856292725, 0.9862839579582214, -0.5394190549850464, -0.06906552612781525, 0.7490608096122742, -0.11557195335626602, 0.9383276700973511, 0.16194845736026764, 0.0015902919694781303, 0.3445168733596802, -0.34814542531967163, -2.0802814960479736, -0.01375598181039095, 1.8642057180404663, -0.4387565553188324, -0.13987413048744202, -0.8279845118522644, 0.36615902185440063, 0.055714014917612076, -0.38052716851234436, 0.3341481685638428, -0.6272051930427551, 0.21040771901607513, -0.0789378359913826, 0.3858940601348877, 1.0287880897521973, 0.4466446042060852, 0.6541231274604797, 1.1389766931533813, 0.09597861021757126, -1.0050792694091797, -0.33624953031539917, 0.9918375611305237, -0.33881813287734985, 0.315226674079895, 0.07493070513010025, 0.4779549241065979, 0.813390851020813, -0.5196463465690613, -0.21738971769809723, 1.5027663707733154, 0.8209072351455688, 0.46528980135917664, 0.4520772099494934, -0.5806801319122314, 0.2858636677265167, -0.5616955161094666, 1.1168326139450073, -0.22047792375087738, -0.002481425181031227, -1.0474374294281006, -0.1269395500421524, -0.6369356513023376, -1.3403843641281128, 1.3331904411315918, 0.20564091205596924, 1.7383599281311035, 0.05506793409585953, 0.24869364500045776, -0.677824854850769, 0.09090565145015717, 0.5140611529350281, 0.1287534236907959, 0.5576680302619934, -0.4385952949523926, 0.18723280727863312, 0.9768179655075073, 0.009333519265055656, -0.1719971001148224, -1.0377815961837769, 0.8326320648193359, 0.11930885910987854, -0.4936240017414093, 0.10267012566328049, 0.8560687303543091, 0.605510950088501, 1.429019570350647, -1.0792511701583862, -0.4504115581512451, -0.1655094474554062, 0.573014497756958, 0.8047067523002625, 0.5843518972396851, -1.4892116785049438, 0.6644349098205566, 0.32317474484443665, 0.8287881016731262, 0.02811272442340851, 1.3683139085769653, 0.7358610033988953, -0.14809344708919525, -0.5495758056640625, -0.16538085043430328, -0.4562000036239624, -0.34882214665412903, 0.8092827200889587, 0.24490100145339966, -0.21120098233222961, 0.7611870169639587, -0.31887704133987427, -1.10506010055542, 0.593919038772583, -0.4049016833305359, -0.4211553633213043, -0.02360433340072632, 0.6403003931045532, -0.5923138856887817, -0.6933138370513916, -0.17425036430358887, -0.793519914150238, -0.37763646245002747, 0.22156648337841034, -0.5793794989585876, 1.3155003786087036, 0.33138346672058105, 0.7643425464630127, 0.568086564540863, 0.2214232236146927, -0.8573925495147705, 0.8503283262252808, 0.7992979884147644, -0.9956411719322205, 0.9199671745300293, 0.24081727862358093, 0.24346105754375458, 0.34295621514320374, -1.1265711784362793, -0.6073662638664246, 1.0774656534194946, 0.00385216623544693, -0.4342784583568573, -0.5841261148452759, -0.20808802545070648, 0.1493803858757019, -0.1727760136127472, 0.23979994654655457, -1.3694441318511963, -0.4520456790924072, -0.2409038245677948, 0.6029099225997925, 0.4432348608970642, -0.8201665878295898, -0.5966851711273193, 0.5278878808021545, -0.6865355372428894, 0.5958267450332642, 0.18104594945907593, 0.08077044785022736, 1.4567936658859253, 0.8252744078636169, 0.15846678614616394, 0.06353741139173508, -11.365076065063477, 0.9681711196899414, -0.0521722212433815, -0.3514827489852905, -0.07578766345977783, -0.6799424290657043, 0.34416431188583374, -0.01652376726269722, 0.8526214361190796, -0.8335340023040771, 0.4229458272457123, 1.083666205406189, 0.19477468729019165, -0.8095582127571106, -0.7094074487686157, -0.9430119395256042, -0.9870087504386902, -1.0086637735366821, 0.504538893699646, -0.3401321768760681, -0.010103840380907059, -0.7189000844955444, -0.0007618144154548645, 0.2903047204017639, 0.3603655993938446, -0.022484108805656433, 0.02253403142094612, 0.05286954715847969, -0.8284916877746582, 0.5330603122711182, 1.5524113178253174, -0.26592743396759033, -0.35548603534698486, -0.9533557891845703, 1.165967583656311, -0.00574223417788744, -1.7968674898147583, 0.10696491599082947, 0.3642418682575226, -0.6183155179023743, -0.05628013610839844, 0.05834142491221428, 0.13971279561519623, -0.6823739409446716, -0.4675091505050659, -0.08226114511489868, 0.4675782024860382, -0.5386670827865601, 0.46099191904067993, -0.31588974595069885, -0.8351840376853943, -0.5237311124801636, -1.3350476026535034, -1.0419098138809204, 0.26185381412506104, -0.4778668284416199, -1.073898196220398, 0.5887277722358704, -0.01422024890780449, -0.21129019558429718, 0.32588011026382446, 0.2872160077095032, 0.013391248881816864, 0.36632031202316284, 0.8038098216056824, -1.0695855617523193, 0.909313976764679, 0.7856109738349915, 0.8217677474021912, 0.44248324632644653, -1.0589197874069214, 1.083056926727295, -0.06464757770299911, 0.15489283204078674, -0.5849320888519287, 0.11990950256586075, 0.0442805290222168, -0.39070290327072144, 1.0131347179412842, 0.1697315126657486, -0.463795006275177, 0.4042677581310272, 0.25206637382507324, -0.7897956371307373, -1.192392349243164, 0.45396021008491516, 0.28887510299682617, -0.5935050249099731, 0.8931716680526733, -0.6858552694320679, 0.7594943642616272, 0.10895004123449326, -0.42337197065353394, 0.6827583312988281, -0.08736896514892578, 0.7946867942810059, -0.10162947326898575, 0.8861762881278992, 0.6049197912216187, -0.522026538848877, -0.1785396933555603, -0.2170083224773407, -0.6661086082458496, -0.21298132836818695, 0.3740399181842804, -0.396916925907135, -0.4678341746330261, 0.15992605686187744, -0.03759944811463356, -0.5224742293357849, 0.4672606885433197, 0.032348498702049255, -0.6520097255706787, 0.7228979468345642, -0.1297225058078766, 1.098824381828308, 1.3034534454345703, 0.11274614930152893, 0.6324425339698792, 0.7526381611824036, -0.21448032557964325, 1.1840238571166992, 0.2592264711856842, 1.2060554027557373, 0.12582358717918396, 0.030586984008550644, 0.2829442620277405, 0.13378125429153442, 0.19536298513412476, -1.5217361450195312, 0.34821340441703796, -0.3983630836009979, 0.07452774792909622, -0.16614869236946106, -0.6110228300094604, 0.34512120485305786, -1.1467735767364502, 1.0175609588623047, -1.3566726446151733, 0.2122623324394226, 0.16780436038970947, -0.6543954610824585, -0.30567461252212524, -0.7611953616142273, -0.8108469843864441, -0.3244578540325165, -2.3147871494293213, 0.22755520045757294, -0.4794068932533264, 0.11301274597644806, 0.6845370531082153, -0.3108719289302826, 0.4591372013092041, -0.8284706473350525, -0.6016836166381836, -0.278840035200119, 0.6268879771232605, -0.13218003511428833, -0.6734516620635986, 0.24683666229248047, 0.317095011472702, 1.023600697517395, -1.0964558124542236, 0.578345775604248, 0.1947188377380371, 0.30089378356933594, -0.5030525922775269, 0.1256214678287506, -0.8091050386428833, 0.22183147072792053, 1.4323627948760986, -1.407812476158142, -0.822748601436615, -1.1585500240325928, 0.17482618987560272, -0.6098364591598511, 0.6235605478286743, 1.2947983741760254, -1.2994136810302734, -0.8043817281723022, -0.8744010925292969, 0.3846961557865143, 0.4236558973789215, -0.4713890850543976, -0.5950191020965576, -0.07351851463317871, -0.36393439769744873, 0.6280013918876648, 0.4498341977596283, 0.5383702516555786, -1.1710155010223389, -1.1662814617156982, -1.0872094631195068, -0.5064200758934021, 0.7842196226119995, -0.005910664796829224, 1.1245660781860352, 1.1174275875091553, -0.08239508420228958, -0.1295243501663208, -0.35035204887390137, 0.9933823943138123, 0.4897569417953491, 0.31997641921043396, -0.26701146364212036, 0.09492030739784241, -0.4060370922088623, 0.02793825790286064, 0.34852468967437744, -0.1738663762807846, -0.6141386032104492, 0.26556164026260376, 0.5111304521560669, 0.4277242422103882, 0.5122734308242798, -1.210331678390503, -0.30526524782180786, -0.24610717594623566, -0.4355162978172302, -0.4860229194164276, 0.25332149863243103, 0.986727774143219, -0.36337119340896606, 1.264157772064209, 0.5479333996772766, 0.17187777161598206, 0.7241196632385254, -0.030601561069488525, 0.9311385750770569, 0.04038169980049133, 0.0801084116101265, -0.30724313855171204, -0.30553996562957764, 0.5332669019699097, 0.09263782203197479, -0.7551659941673279, -1.048535704612732, 0.38188621401786804, -0.9086878299713135, -0.11327352374792099, -0.13414263725280762, -0.1848815381526947, 1.140487790107727, 2.052461624145508, -0.2650987505912781, -1.2100435495376587, -0.5183730721473694, -1.2066603899002075, -0.04791157320141792, 1.2005794048309326, 0.480569064617157, 0.7810800075531006, 0.7367509007453918, 0.0667465478181839, 1.1484719514846802, -0.32235604524612427, -0.11434231698513031, -0.017388485372066498, 0.17107683420181274, 1.0437923669815063, 1.0893930196762085, 0.6365250945091248, 0.6136080026626587, -0.27083855867385864, -0.6248109340667725, 0.0642172247171402, -0.31021150946617126, 0.2974669337272644, 0.5698413252830505, -0.49112194776535034, -0.4967196583747864, -1.1633914709091187, -0.12907686829566956, 0.08326153457164764, 0.9368475079536438, 0.20745305716991425, -1.047250509262085, -1.615992784500122, -1.4448481798171997, -1.0588704347610474, 0.8705834150314331, -0.21400859951972961, -0.7785829305648804, -0.4527398943901062, 0.7022368311882019, 0.023599158972501755, 0.5093021392822266, -0.6721407175064087, 0.5893455743789673, -0.7798465490341187, -0.0686025470495224, 0.05666758865118027, -0.3833436667919159, -1.00582754611969, -0.15871772170066833, -0.34047913551330566, 0.559948205947876, -0.06649453938007355, -0.8849454522132874, -0.5059973001480103, 0.519214391708374, 0.362881600856781, -0.12314634025096893, 0.8779414296150208, 0.7074608206748962, -1.4240167140960693, 0.8488361835479736, 0.906257688999176, 0.1077616959810257, -0.22980181872844696, 0.6734465956687927, 0.8301745057106018, 0.0980248674750328, 1.2493339776992798]} +{"paper_id": "wikimedia/wit_base", "embedding": [-0.8590005040168762, 1.8540629148483276, -0.20807290077209473, -0.36131057143211365, 0.032263338565826416, -0.6714025735855103, -0.7950593829154968, 0.3700042963027954, 1.2231749296188354, 0.5589232444763184, 1.7663719654083252, 0.09695442765951157, 0.4327525198459625, -0.5802850127220154, -0.5075879096984863, 0.2869186997413635, -0.5330910682678223, -1.216091513633728, -0.7270321846008301, 0.2646724581718445, -1.2943629026412964, -0.1898604929447174, -0.14910613000392914, 0.755553662776947, -0.4078294634819031, -1.4106248617172241, 0.7137444615364075, -0.17425096035003662, 0.2401709258556366, 0.621500551700592, -0.08844209462404251, 0.8711909651756287, -2.0451512336730957, 1.361291766166687, -0.30802658200263977, -0.7889469861984253, 0.9153264164924622, 0.9272734522819519, -0.052617959678173065, -1.3070112466812134, -0.5515127778053284, 0.3749840259552002, 0.46047911047935486, 0.08262156695127487, 1.4140092134475708, -0.9262635707855225, 0.3347529470920563, 0.0446438267827034, 0.016973644495010376, -0.1950477957725525, 0.09154215455055237, 0.5255512595176697, -0.5145837664604187, 0.2592655122280121, -1.1916930675506592, 1.4625399112701416, 0.0486704483628273, -0.0034450783859938383, 0.2878510355949402, -1.215505838394165, 0.18104469776153564, 1.7230339050292969, -0.7014970779418945, -0.42100784182548523, 1.2224258184432983, 0.5327572226524353, 0.9300650358200073, -0.06641409546136856, 0.2550748586654663, 0.09149589389562607, -0.339299738407135, -2.076493263244629, 0.23570790886878967, 0.3563825488090515, 0.4099258780479431, 0.7640665769577026, -0.023053070530295372, -0.21023209393024445, -0.09847656637430191, 0.3872665762901306, -0.6501275897026062, 0.056729912757873535, 0.06433357298374176, -0.530227780342102, 0.17829790711402893, 0.3392229378223419, 0.16086560487747192, -0.2142830640077591, 0.4493721127510071, -1.9651789665222168, 1.3017048835754395, -0.4291471242904663, 0.3176293969154358, 0.08733786642551422, 0.3765203654766083, -0.4681271016597748, 0.10642240941524506, -0.4651068449020386, -0.5304255485534668, 0.6636467576026917, 0.3073062002658844, -0.15764547884464264, 0.6955376863479614, 0.018166087567806244, 0.16831353306770325, 0.2830953896045685, -0.11810798943042755, -0.4292498528957367, -1.15324068069458, -0.6069549918174744, 0.1449514925479889, 0.6240471601486206, 0.6533142924308777, -0.5684857368469238, 0.20609773695468903, -0.5826439261436462, 0.54219651222229, 0.1289902776479721, -0.5908187031745911, -0.1251952201128006, 0.016989843919873238, -1.7572519779205322, -0.9292113184928894, -0.6919613480567932, 0.6729082465171814, -0.8467205762863159, 0.29313525557518005, -0.7294822931289673, -0.3680397570133209, -0.9223712086677551, 0.04603566974401474, 0.28081801533699036, -1.0935699939727783, 0.07502594590187073, 3.53602933883667, -0.1937955766916275, 1.178010106086731, -0.24109263718128204, -0.11307278275489807, -0.05583452433347702, -0.21913382411003113, 0.7278681397438049, 1.007278323173523, -0.7529335618019104, 0.03681547939777374, 0.12846793234348297, -0.5253009796142578, 0.6858049035072327, -1.240769863128662, -0.5665635466575623, 0.05902315676212311, 0.46612948179244995, -0.6537085771560669, -1.4280034303665161, 0.00618332251906395, -0.13502506911754608, 0.15707440674304962, 0.22849401831626892, -0.18573059141635895, 1.0333806276321411, -0.41567355394363403, 0.6950439810752869, -0.9403886198997498, 0.49654173851013184, -0.514204204082489, 0.10542682558298111, 0.7538338303565979, -0.3980135917663574, 0.11578106880187988, -0.6467788815498352, 0.19198711216449738, -0.8012697100639343, 0.40081730484962463, -0.29222825169563293, -0.2970242500305176, 0.2785009741783142, 0.2999439537525177, 1.1723437309265137, 0.0048424359411001205, -0.14739863574504852, -0.07020572572946548, -0.08276444673538208, 0.5112965106964111, 0.0339941531419754, 0.7265490293502808, -0.20864446461200714, -1.9762065410614014, -0.5499861240386963, -0.9494473338127136, -0.3673299551010132, 0.18037649989128113, -0.19264794886112213, 0.35220110416412354, -0.4289810359477997, -0.11171644181013107, -0.1131555587053299, 0.5028321146965027, -0.8173911571502686, -1.1956303119659424, 0.8891530632972717, -0.0585651658475399, 0.5285582542419434, -0.0035578052047640085, 0.5104921460151672, 0.04604038596153259, 0.25530651211738586, -0.20396541059017181, -0.8910189867019653, 0.5997727513313293, 1.3678852319717407, 0.16466695070266724, -0.6609618067741394, -1.1806344985961914, -0.5483587384223938, 0.2871222198009491, -1.1134169101715088, 0.7082237005233765, -0.7066237926483154, -0.16622403264045715, -1.0474392175674438, -0.22423924505710602, -0.15908846259117126, 0.25074130296707153, -0.22730512917041779, 0.9128308296203613, -0.3181430697441101, -0.6805205345153809, -0.6863505840301514, -1.3107130527496338, 0.8570657968521118, 0.05161898583173752, 0.18670202791690826, -0.48023831844329834, 0.7144085764884949, 0.31570857763290405, 0.10454117506742477, 1.2880566120147705, 0.29416319727897644, -0.34741801023483276, 0.46010535955429077, -0.47935035824775696, 0.42184561491012573, -0.32653915882110596, -0.13294048607349396, 0.3527607321739197, 0.6027253270149231, 0.10159498453140259, -0.9103691577911377, 0.11524756252765656, 0.02823404222726822, 2.0243446826934814, 1.1561411619186401, -0.6301285028457642, 1.1640112400054932, -0.8542287349700928, 0.038773298263549805, 0.5943701863288879, -0.28168952465057373, 1.367467999458313, -0.7752416729927063, -0.07917013764381409, -0.7726244926452637, 0.5624082684516907, 0.580608606338501, -0.31970682740211487, -0.9914999008178711, -0.44372835755348206, -0.25128352642059326, -1.0390795469284058, -0.49470052123069763, -0.7348771691322327, 0.031511902809143066, -0.12772992253303528, -0.7675259709358215, 0.153169184923172, 0.7144970297813416, 0.21415360271930695, 0.8164281845092773, 0.7225241661071777, -0.1729186326265335, 0.8081963658332825, -0.22942303121089935, 0.5678680539131165, 0.030895542353391647, 1.0534608364105225, 0.10017389059066772, 0.052331309765577316, -1.6085762977600098, -0.15315556526184082, -0.892059326171875, -0.11790347844362259, 0.43387991189956665, 0.2334742248058319, 0.7921161651611328, -0.38127124309539795, -1.4046297073364258, 1.5919208526611328, 0.12240852415561676, -0.03334914892911911, -0.5081862807273865, 1.5811148881912231, 0.6427239179611206, -0.5626510977745056, 0.11103252321481705, 0.3590943515300751, -0.15118728578090668, 1.5880035161972046, -0.056754570454359055, -0.02561740018427372, 0.9215060472488403, 0.2725614011287689, -0.3580038845539093, -0.2643291652202606, -1.6852009296417236, -0.22735430300235748, 0.40059542655944824, 0.431494802236557, -0.06446315348148346, -1.1231859922409058, 0.3455311059951782, -0.4462709426879883, -0.2589876055717468, 0.10015325248241425, -0.48528194427490234, 0.3594605028629303, 0.4378344714641571, 0.7191925048828125, 1.423593521118164, -0.5334543585777283, 0.26793256402015686, 1.0667494535446167, -0.2729945480823517, -0.963310718536377, -0.1085314229130745, 1.2353099584579468, -0.1714315414428711, 0.19153815507888794, 0.47659164667129517, 0.21020245552062988, 0.7247604131698608, -0.5762555599212646, -0.35647016763687134, -0.41928941011428833, 0.20565637946128845, 0.4175187349319458, 0.7152718305587769, -0.2255244106054306, 0.2719658315181732, 0.9130056500434875, 1.4688113927841187, 0.3960650563240051, -0.6645097732543945, -1.1915463209152222, 0.7153276801109314, -0.22634099423885345, 0.09693529456853867, 2.1348793506622314, 0.36869075894355774, 1.5451934337615967, 0.04370100051164627, 0.0006882203742861748, -0.21245349943637848, -0.01952132023870945, 0.6491634845733643, 0.5948714017868042, 0.1449713408946991, -0.5003108978271484, 0.29251641035079956, 0.19099484384059906, 0.21131902933120728, -0.30214723944664, 0.12429852783679962, 1.2705615758895874, 0.00037357956171035767, -0.36839553713798523, 0.6087904572486877, 0.8093261122703552, 0.3701821565628052, 0.8474651575088501, 0.36804285645484924, -0.7060118317604065, -0.8289381861686707, 0.7847034931182861, 0.34777018427848816, -0.3205985128879547, 0.13557103276252747, 0.6483449935913086, 0.09349587559700012, 1.4675825834274292, 0.5668991804122925, 0.42863497138023376, 1.5167232751846313, 0.29100966453552246, -0.8014716506004333, 0.1040581464767456, -0.8751317262649536, -0.756324052810669, 0.0413333997130394, -0.02422713115811348, -0.34232980012893677, 0.7741967439651489, -0.6586471199989319, -1.0027782917022705, 0.8061172962188721, -0.6865553855895996, -1.1489427089691162, 0.8707431554794312, 0.9812496900558472, -1.1227675676345825, -0.5011650323867798, 0.4073706269264221, -0.6225459575653076, -0.6214888095855713, -0.10112542659044266, 0.26397040486335754, 0.013453934341669083, -0.3392999470233917, 0.44764506816864014, -0.38339632749557495, -0.2740193009376526, -0.5469231009483337, 0.8292675018310547, 1.036586046218872, -0.9623754620552063, 0.08216637372970581, -0.42345839738845825, 0.7217640280723572, 0.2881616950035095, -1.1249582767486572, -0.5017579793930054, 1.2995765209197998, 0.8282707929611206, -0.046816080808639526, -0.5304103493690491, -0.25414353609085083, 0.46508896350860596, 0.6569216251373291, 1.2204166650772095, -0.8681647181510925, -0.18614289164543152, -0.4221632182598114, 1.6112254858016968, 0.21531057357788086, -0.4451833963394165, 0.06586278975009918, 1.7213332653045654, 0.1626642942428589, 0.7617676258087158, -0.7964271306991577, 0.549750030040741, 1.148639440536499, -0.13488204777240753, 0.5159746408462524, 0.19588682055473328, -10.798120498657227, -0.21941302716732025, -0.6856414675712585, 0.4888852834701538, 1.1546117067337036, -0.19032526016235352, 1.5287516117095947, 0.29791259765625, 0.029034243896603584, -1.0002481937408447, 1.024993658065796, 0.8180107474327087, 0.35178491473197937, -0.42278122901916504, -0.54087895154953, -1.2370612621307373, -1.1664760112762451, -0.2686808109283447, 0.5570411086082458, -0.21291887760162354, 0.2801092267036438, -0.06611829996109009, -1.1546218395233154, 0.4767468273639679, -0.028515078127384186, -0.7312168478965759, 0.2748340964317322, 0.05975329875946045, -0.4560491442680359, -0.2869965434074402, 0.5973058342933655, -0.49209967255592346, -1.561352014541626, -0.7388982176780701, 0.5987906455993652, -0.06496493518352509, -0.7829859852790833, 0.30987274646759033, 1.7729936838150024, 0.2966727912425995, -0.30925166606903076, 0.78507000207901, -0.6280032396316528, 0.7404159903526306, -1.1817315816879272, 0.49402672052383423, 0.5505064725875854, -0.5819438099861145, 0.48479264974594116, -0.8516334891319275, -0.4207369089126587, -1.1532211303710938, -0.22466027736663818, -0.12050540745258331, 1.2371782064437866, 1.1571863889694214, -0.24194437265396118, -0.05658303573727608, -0.295576274394989, -1.4321420192718506, 0.6955223679542542, 0.09008819609880447, -0.5053739547729492, 0.43019309639930725, -0.3696024715900421, -1.261310338973999, 0.8108809590339661, 0.6644519567489624, -0.522023618221283, -0.1750219315290451, -0.1752031445503235, 0.2364213466644287, 0.7535186409950256, 0.037934012711048126, -0.2699446976184845, -0.06334736198186874, -0.21089547872543335, 0.4734278917312622, -0.5521387457847595, 0.15958271920681, -0.7787346243858337, 0.8187299966812134, -0.6250961422920227, -0.6257613897323608, 0.5248387455940247, 0.2251257300376892, -0.0634685531258583, 0.8029645681381226, -0.3929896056652069, 0.21061846613883972, 0.7957770228385925, -0.4273736774921417, 0.4627256393432617, -0.2944721281528473, -0.053397249430418015, 0.9548530578613281, -1.236449956893921, 0.10705640912055969, -0.0897483378648758, -1.1680556535720825, 0.2821202278137207, 0.24953970313072205, -0.19576652348041534, -0.016790218651294708, 0.41497185826301575, 0.2974093556404114, 0.42657071352005005, 0.4235115349292755, 0.4226507842540741, 0.13595186173915863, 0.41858452558517456, -0.8130913972854614, -1.1908875703811646, 1.3393707275390625, -0.45071902871131897, 0.7210972309112549, 0.6979023814201355, -0.6696228384971619, 0.3575422465801239, 1.199110507965088, 0.013226431794464588, 0.580733597278595, 0.652998149394989, 0.8168650269508362, 0.08861635625362396, -0.3791917562484741, -0.16075214743614197, -0.005395689979195595, -0.03637085109949112, -1.3516837358474731, 0.7092973589897156, -0.05168040469288826, -1.0662448406219482, -0.4911302626132965, -0.48124057054519653, -0.8033191561698914, -1.429019808769226, 1.84821355342865, -0.08604021370410919, -0.13457709550857544, -0.16740602254867554, -0.8980168104171753, -0.06476610898971558, -0.8222519755363464, -0.356018990278244, -1.0888950824737549, -0.816016435623169, -0.6133215427398682, -0.6273566484451294, -1.2172530889511108, 0.44656893610954285, -0.23679175972938538, 1.0380815267562866, -1.1785742044448853, -0.33479076623916626, 0.09216474741697311, 0.31197255849838257, -1.239783525466919, -0.9165863990783691, 0.006157547235488892, 0.48019328713417053, 1.0227515697479248, -0.9212079048156738, 0.8785077333450317, 0.6708042621612549, -0.17486409842967987, -0.8486669063568115, -0.45722007751464844, -0.1984494924545288, 0.429688423871994, 1.1504042148590088, -0.7397297620773315, -0.09614083915948868, -0.928973376750946, -0.19625592231750488, -0.8987511992454529, -0.36845284700393677, 1.3566714525222778, -0.6719802021980286, 0.6301771998405457, 0.2111835479736328, 1.3731874227523804, 0.3449249863624573, -0.6738029718399048, -0.31603550910949707, -0.19174882769584656, -0.08754733204841614, 0.6554734706878662, 0.16492794454097748, 0.8171812891960144, -1.7509799003601074, -0.6487731337547302, -0.5197533965110779, -0.13608324527740479, 0.7240666747093201, -0.19704821705818176, 0.3772437572479248, 0.2715248167514801, 0.18660515546798706, 0.5346658229827881, -0.38601547479629517, 0.11553794890642166, 0.16718457639217377, 0.47727012634277344, 0.5574508905410767, 0.19366532564163208, -0.4881117343902588, -0.43451017141342163, -0.5146987438201904, 0.79685378074646, -1.000293493270874, -0.45712459087371826, 0.04657086730003357, -1.4197026491165161, 0.20788054168224335, -1.2714186906814575, 0.785845935344696, -0.3257378339767456, 0.07980833947658539, -1.0819993019104004, -0.6493158936500549, 1.614256739616394, -0.32511621713638306, 1.405381202697754, -0.15694551169872284, 0.7474105954170227, 0.29106029868125916, 0.11522836238145828, 1.6878992319107056, -0.40490958094596863, -0.5034032464027405, 0.37548118829727173, 0.24677425622940063, -0.8161523938179016, -0.27678805589675903, 0.34727323055267334, -0.7350364923477173, 0.34222325682640076, -1.154658317565918, 0.7593438625335693, -1.1139109134674072, -0.2601773738861084, 0.9991631507873535, 0.4156721830368042, -0.23534177243709564, -1.605343222618103, -0.16512362658977509, -0.94744473695755, 0.12481915950775146, -0.17709358036518097, 0.022230377420783043, 0.8392184376716614, 0.8576271533966064, 0.2667672038078308, 1.3484997749328613, 0.31439459323883057, -1.1022398471832275, 0.554663896560669, -0.5226389169692993, 1.1549540758132935, 0.4987426996231079, 0.24705801904201508, 0.5052973031997681, 0.27038952708244324, -0.27442875504493713, -1.0442355871200562, 0.07854987680912018, 0.7326979637145996, 1.1611727476119995, -0.45714297890663147, -0.4590109586715698, -1.2732510566711426, -0.3391416370868683, -0.46140241622924805, 0.349940687417984, 0.3942340016365051, -0.14289110898971558, -1.4885884523391724, -0.514609158039093, 0.4431191086769104, 0.34880203008651733, -0.06684967875480652, -0.06693260371685028, -0.47610145807266235, 0.9745177030563354, 1.2082992792129517, -0.1868971288204193, -1.0492373704910278, 0.23921677470207214, -0.06532464176416397, 0.5627610683441162, 0.4598190486431122, -0.4436686038970947, -0.6159544587135315, -0.044860657304525375, -1.318957805633545, -0.49418625235557556, -0.23013725876808167, -0.27448728680610657, -0.4461461901664734, 0.7753083109855652, -0.5261225700378418, -0.007677149027585983, 0.3433418273925781, 0.08957963436841965, -0.956589937210083, 0.42116880416870117, 0.8766940832138062, -0.06767734885215759, -0.29552793502807617, 0.3407769203186035, -0.45767292380332947, 0.2945723533630371, 0.7170147895812988]} +{"paper_id": "orieg/elsevier-oa-cc-by", "embedding": [-0.9631767272949219, 1.3769128322601318, -0.2740621566772461, -0.12458524107933044, 0.3924151062965393, -0.35912588238716125, 0.7471585273742676, 0.44234994053840637, 0.4315018653869629, 0.6401563882827759, 0.7347412705421448, -0.2041211873292923, -0.17731502652168274, 0.11532984673976898, -0.33717161417007446, -0.4916110038757324, -1.1964434385299683, -0.4536305367946625, -0.3929717540740967, -0.961898922920227, -1.3954230546951294, -0.7443196773529053, -0.12357409298419952, 0.007941645570099354, -0.29549792408943176, -0.5273676514625549, -0.18592438101768494, -0.16062107682228088, 0.41309407353401184, -0.29791373014450073, 0.2809141278266907, 0.9004887342453003, -1.445408582687378, 0.5701379179954529, -0.7190449833869934, 0.07639393210411072, 0.1231193095445633, 0.9317165613174438, -0.4552677571773529, -0.11782312393188477, -0.6889827251434326, -0.2594159245491028, 0.7125205397605896, -0.10501214116811752, 1.4054734706878662, -0.3224117159843445, 0.5027534365653992, 0.26173192262649536, 0.381101131439209, 0.17052574455738068, -0.06689111888408661, 0.4382750391960144, -0.23515987396240234, -0.584601879119873, -0.2282218635082245, 0.9728009104728699, 0.2726820409297943, -0.15171587467193604, 0.8411535024642944, -0.6111271381378174, 0.7317158579826355, 1.412187933921814, -0.28094610571861267, -0.31056949496269226, 0.7337974905967712, 0.030722200870513916, 0.8521906733512878, 0.29484128952026367, 0.47278934717178345, 0.45501139760017395, -0.3922575116157532, -0.7065378427505493, -0.613433301448822, -0.25963833928108215, 0.4872422516345978, 0.5548253059387207, 0.20915313065052032, -0.3949635624885559, 0.9420105814933777, 0.326814204454422, -0.34527111053466797, 0.8517563939094543, 0.3069242537021637, -0.1468271017074585, -0.25727859139442444, 0.08776049315929413, 0.5871342420578003, -0.5542967319488525, 0.47961196303367615, -1.888492226600647, 0.6021088361740112, 0.9008609056472778, -0.25724366307258606, 0.13527953624725342, 0.025576163083314896, 0.17943620681762695, -0.36600667238235474, -0.4166310131549835, -0.7314811944961548, 0.5335336923599243, 0.2226528823375702, -0.48634836077690125, 0.4453255832195282, -0.09964693337678909, 0.35797223448753357, 0.7233875393867493, -0.6632441878318787, -0.19952058792114258, -0.8895022869110107, -0.37908419966697693, 0.009959328919649124, 0.851746678352356, 0.2564404010772705, 0.4887498617172241, -0.011583412997424603, -1.0538264513015747, -0.5245168209075928, -0.06855089962482452, -1.0638494491577148, -0.16990499198436737, -0.4350225329399109, -1.5825079679489136, 0.09374335408210754, 0.12050333619117737, 1.3731149435043335, -0.7279782891273499, 0.6343169808387756, -0.3170444369316101, 0.32183700799942017, 0.22697167098522186, 0.23909986019134521, 0.35564738512039185, -0.7034421563148499, -0.12307716906070709, 2.3894295692443848, -0.08917644619941711, 0.6331738829612732, 0.5589101910591125, 0.28956088423728943, -0.1056000143289566, 0.25081878900527954, 1.209396243095398, 1.0439248085021973, -0.8500607013702393, -0.562232255935669, -0.0908714011311531, -0.5034395456314087, 0.3725012242794037, -0.9806004166603088, 0.071351557970047, -0.2535261809825897, 0.39897817373275757, -1.0915727615356445, -0.21529754996299744, 0.6274212002754211, 0.3058934807777405, 0.041707590222358704, 0.25769829750061035, -0.8696488738059998, 0.8131734728813171, 0.786845326423645, 0.37491971254348755, -0.6333284378051758, 0.5039168000221252, -0.6169747710227966, -0.04174331575632095, 1.0057569742202759, 0.00532357394695282, -1.4752155542373657, -0.39232492446899414, 0.33375802636146545, -0.6219521164894104, 0.0672001987695694, -0.2774812877178192, 0.194777250289917, -0.01808420941233635, 0.12569646537303925, 0.31293758749961853, 0.33214056491851807, -0.4097696840763092, 0.05976472795009613, -0.3994591236114502, -0.186163991689682, -0.18703427910804749, 0.25846996903419495, 0.06038689240813255, -1.9980616569519043, -0.03932942450046539, -1.0176172256469727, -0.043163999915122986, -0.06771348416805267, 0.05823799967765808, 0.4914381802082062, 0.3841109573841095, -0.43403196334838867, 0.20168448984622955, 0.5280664563179016, -1.6482782363891602, -0.4022464156150818, 0.8332840204238892, 0.12163642048835754, 0.9588583707809448, 0.5385385751724243, 0.45892584323883057, 0.8058422803878784, -0.7264714241027832, -0.5677474141120911, -1.5546923875808716, 0.3861461579799652, 1.5373849868774414, -0.7124535441398621, -0.3437075912952423, -0.571385383605957, -0.0787699893116951, 0.3831448554992676, -0.919800341129303, -0.40591907501220703, -0.36246177554130554, -0.14669030904769897, -0.3926240801811218, 0.9448332190513611, -0.4373255670070648, -0.2935178577899933, -0.3436712622642517, 1.3905893564224243, -0.43390828371047974, -1.200047492980957, 0.5142732262611389, -1.3661754131317139, 0.3495602607727051, 0.6726434230804443, 0.07282386720180511, -0.14956197142601013, 0.8649434447288513, 0.2134074568748474, 0.5824058055877686, 0.3426450490951538, 0.2967210114002228, -0.2767117917537689, 0.14691899716854095, 0.1698361039161682, 0.898461639881134, -0.8281639814376831, -0.4554547369480133, 0.6873960494995117, 0.4060480296611786, 0.10994547605514526, -0.7881344556808472, -0.5340205430984497, 0.032031185925006866, 0.8778872489929199, 1.1556129455566406, -0.25555503368377686, 1.533407211303711, -0.7081769108772278, 0.30558672547340393, 0.4960821568965912, -0.831952691078186, -0.17316490411758423, -0.48247838020324707, 0.2510506510734558, -0.24192823469638824, 0.5140759348869324, -0.30323100090026855, -0.14135748147964478, -0.7154891490936279, -0.2221836894750595, -0.3280891478061676, -0.8064715266227722, -0.4275197982788086, 0.03823212534189224, 0.6865902543067932, -1.7022854089736938, -0.35755017399787903, -0.3126554489135742, 0.10384786874055862, -0.20467180013656616, 0.296965092420578, 1.056968331336975, -0.10382714867591858, -0.15732936561107635, 0.10932938754558563, 0.6243563890457153, -0.31542477011680603, 0.3623114824295044, -0.13390366733074188, 0.23023240268230438, -1.333915114402771, -0.1808227002620697, -0.34500980377197266, 0.6445755362510681, -0.37598228454589844, 0.42966407537460327, 0.7460200786590576, -0.6340060234069824, -0.8910318613052368, 0.947515606880188, -0.3530171811580658, -0.18543750047683716, -0.9782842993736267, 1.2088584899902344, 0.6854456067085266, -0.030190084129571915, 0.48154568672180176, 0.09120330214500427, -0.41255196928977966, 1.6007194519042969, -0.13348177075386047, 0.7859073281288147, 0.0636916309595108, 0.08801982551813126, 0.4151707589626312, 0.4786408245563507, -1.600890874862671, 0.237291619181633, 0.8540396690368652, 0.017911996692419052, 0.24490971863269806, -0.07093970477581024, -0.7857740521430969, -0.8720003366470337, -0.062286995351314545, 0.22988179326057434, -1.0155704021453857, 0.7789303660392761, -0.13219806551933289, 0.41796863079071045, 0.946855902671814, -0.5442166924476624, 0.9431650638580322, 0.5737888813018799, 0.1612274944782257, -0.4828338027000427, -0.25300437211990356, 0.4351731836795807, -0.13889330625534058, 1.076818585395813, -0.14606046676635742, 0.28673359751701355, 0.9956378936767578, -0.3029288649559021, -0.17448164522647858, -0.14816896617412567, 0.38060644268989563, 0.02531210519373417, 0.028510112315416336, 0.7084168195724487, 0.7795215249061584, 0.07872042059898376, 1.0857905149459839, 0.0452609620988369, -0.8002814054489136, -0.5195704698562622, -0.14699572324752808, -1.1221582889556885, -0.22239017486572266, 1.909204125404358, 0.5491876602172852, 1.094335675239563, -0.05144047737121582, 0.39766985177993774, 0.35782769322395325, -0.18249085545539856, 0.6285160183906555, 0.8200638890266418, -0.04966907203197479, 0.2473970651626587, 0.33051952719688416, 0.055846091359853745, 0.3072052299976349, -0.5135130882263184, 0.13775430619716644, -0.4734632670879364, -0.31200578808784485, -0.8280262351036072, 0.2909170389175415, 1.096669316291809, 1.2995696067810059, 1.437620759010315, -0.07425470650196075, -0.9177428483963013, -0.5770806670188904, 0.015358349308371544, 0.30188748240470886, 0.5743069648742676, -0.7371326684951782, 0.32948553562164307, 0.43823182582855225, 0.13112422823905945, -0.3229686915874481, 1.3535592555999756, 0.7476789355278015, -0.18228094279766083, -1.3232338428497314, -0.1543440818786621, -0.909290075302124, 0.07214938849210739, -0.5506264567375183, 0.5383793115615845, -0.4246950149536133, 0.03255339711904526, -0.21217113733291626, -1.563927173614502, -0.1435169279575348, -0.09175173193216324, -1.1072911024093628, 1.3681628704071045, 1.3216313123703003, -1.0993465185165405, 0.012939045205712318, -0.1600341796875, -0.4686771631240845, -0.37033188343048096, 0.39428767561912537, -0.5541120171546936, -0.054167382419109344, 0.1680888533592224, 0.9505940675735474, 0.3371654748916626, -0.17651572823524475, -0.24002304673194885, 0.9995042681694031, 1.2710314989089966, -0.3837621808052063, -0.03197788819670677, -0.6949416399002075, 0.06483788788318634, -0.32035961747169495, -1.3511946201324463, -0.6221333742141724, 0.42735978960990906, -0.2942824959754944, -0.4982451796531677, -1.0518862009048462, -0.29522469639778137, 0.06394034624099731, 0.03775589540600777, 0.5030016899108887, -0.06373579055070877, 0.2561318278312683, -0.5644506812095642, -0.12168063223361969, 0.5074402093887329, -1.1418852806091309, -0.28231340646743774, 1.0147004127502441, 0.33320721983909607, 0.6448789834976196, 0.7852009534835815, -0.05595945939421654, 0.5678045749664307, -0.5947975516319275, -0.34098780155181885, -0.5874629020690918, -13.109209060668945, 0.7098912000656128, -0.29650622606277466, 0.23063243925571442, 0.710074782371521, 0.1868855357170105, 0.41481372714042664, 0.44373035430908203, 0.5628789067268372, -0.609328031539917, 0.47522950172424316, 0.7585995197296143, 0.007465966045856476, -0.023836953565478325, -0.09493930637836456, -0.6183883547782898, -0.5658217072486877, -0.530575692653656, 0.7386624217033386, 0.024187564849853516, 0.07021185755729675, -0.16583164036273956, -0.6320957541465759, -0.8077659010887146, 0.04314009100198746, -0.1094524934887886, 0.12289448827505112, 0.010400514118373394, -0.39078617095947266, 0.28910061717033386, 0.8421611189842224, 0.3331216871738434, -0.8657097220420837, -0.7998715043067932, -0.26312971115112305, 0.2445431798696518, -1.0837944746017456, -0.11136750876903534, 0.8215330839157104, -0.3395147919654846, 0.08228515833616257, 0.4396936893463135, 0.24644644558429718, -0.05721832811832428, -0.5870329737663269, -0.04004064202308655, -0.11232003569602966, -0.91134113073349, 0.1531265377998352, -0.38200220465660095, -0.32029879093170166, -0.6008686423301697, -0.6950984001159668, -0.20901089906692505, 0.7927863597869873, 0.06961090862751007, -0.9488856792449951, 0.4087451994419098, -1.0451606512069702, -0.08133421838283539, 1.2100712060928345, -0.33281099796295166, -0.34465569257736206, 0.287905216217041, 0.142838254570961, -0.256011039018631, 1.532105565071106, 0.9838955402374268, -0.08875170350074768, 0.020626097917556763, -0.32714635133743286, 1.330729603767395, 0.6806617975234985, -0.016370102763175964, 0.23070219159126282, 0.3516199290752411, 0.3927409052848816, 0.02087504416704178, -0.022822905331850052, 0.5895178914070129, -1.0848388671875, 0.5278289914131165, -0.26944467425346375, -0.5867798328399658, -1.0462528467178345, 0.22754761576652527, -0.4119982421398163, 0.024375107139348984, 0.31672513484954834, -0.34217122197151184, 1.0541267395019531, 0.4671243131160736, -0.47178131341934204, -0.7748572826385498, -0.41665545105934143, 0.36089026927948, -0.5411885976791382, 0.1630120724439621, -0.3133953809738159, -0.7672604322433472, 0.9606668949127197, -0.43234020471572876, -0.26080718636512756, -0.3909481167793274, 0.5254476070404053, -0.34971654415130615, 0.2354937493801117, 0.14240923523902893, -0.35802149772644043, -0.21525198221206665, 0.26492950320243835, -0.9053661227226257, -0.16280117630958557, 1.1552306413650513, -0.5906882286071777, 1.1756162643432617, 0.45458078384399414, -1.0728890895843506, 0.33200353384017944, 0.5636484026908875, 0.08983701467514038, 0.60696941614151, 0.8848682641983032, 1.2573601007461548, -0.027505457401275635, 0.0896034687757492, 0.1651209592819214, 0.07853669673204422, -0.8128820657730103, -0.7479352355003357, 0.8334858417510986, -0.27007460594177246, -0.10954023897647858, -0.5460280776023865, -0.6780877709388733, -0.38373565673828125, -0.11919748783111572, 1.5714876651763916, -0.38404786586761475, 0.1148219108581543, -0.5608183741569519, 0.04082562401890755, 0.24868085980415344, -0.46996986865997314, -0.9164736866950989, -0.21061992645263672, -1.398175597190857, -0.6260285973548889, -0.677608847618103, -1.1596152782440186, 0.4031989872455597, -0.25631049275398254, 0.34597110748291016, -0.9082054495811462, 0.08311621844768524, 0.12229030579328537, 0.3145914673805237, 0.09367101639509201, -0.4510056674480438, -0.10401792079210281, 0.9143264889717102, 0.16121020913124084, -0.3232564628124237, 0.32456448674201965, 0.3709371089935303, 0.08207902312278748, -0.3805762529373169, -0.01737184450030327, -0.655556321144104, 0.048426926136016846, 0.9436830282211304, -0.7413343787193298, 0.06455104053020477, -0.40693023800849915, -0.3961239457130432, 0.07596012949943542, 0.4463737905025482, 0.726301908493042, -0.09946928173303604, 0.8666278123855591, 0.12579502165317535, 0.6192014813423157, 0.38881561160087585, -0.967566967010498, -0.4010540544986725, 0.03117203712463379, 0.07757344096899033, -0.06290597468614578, 0.22794899344444275, -0.06586574018001556, -1.0045318603515625, -1.0819118022918701, -0.05252654477953911, 0.13562406599521637, 0.7312673926353455, 0.1516563594341278, 0.9301631450653076, 0.02895459346473217, 0.11204233765602112, 0.7053788900375366, -0.0028436901047825813, 0.587541401386261, 0.1326022893190384, 0.33487531542778015, -0.5628321170806885, 0.3292662501335144, -0.627295970916748, 0.5878568291664124, 0.9025676846504211, 0.5005362033843994, -0.3758465051651001, 0.13922451436519623, 0.7855105400085449, 0.1199641227722168, 0.1769893318414688, -1.2344433069229126, 0.3251066505908966, -0.21067428588867188, -0.9294142127037048, -0.5974249839782715, -0.10528432577848434, 0.8119627237319946, -0.04790688678622246, 0.7030161619186401, 0.029856227338314056, 0.007563469931483269, 0.6883887648582458, 0.6808538436889648, 0.6904059052467346, -0.3527168333530426, -0.20982316136360168, 0.556204080581665, -0.3503342270851135, -0.22402426600456238, -0.03069370612502098, 0.09868514537811279, -1.1739964485168457, 0.3687814474105835, -0.8376240134239197, 0.9614119529724121, -0.7946058511734009, -0.07238513231277466, -0.713134765625, 0.8665343523025513, 0.10731080174446106, -1.433286190032959, 0.09632427990436554, -0.46682387590408325, -0.37985849380493164, 0.330588698387146, -0.23361651599407196, 0.475961834192276, 0.8358327746391296, -0.005378782749176025, 0.6997958421707153, 0.2040913701057434, 0.22411689162254333, -0.1707531213760376, -0.882276177406311, 1.076500654220581, 0.9739317893981934, 0.02783222310245037, -0.23632429540157318, -0.33512958884239197, -0.9240700602531433, -0.5151561498641968, -0.40170130133628845, 0.7684528231620789, 1.0371206998825073, -0.9060389995574951, 0.21666927635669708, -0.26812225580215454, 0.3341948390007019, -0.3008784055709839, 0.40495169162750244, 0.14855465292930603, -0.6536664962768555, -0.09800861030817032, -0.6060014963150024, -0.17424315214157104, 1.2773555517196655, -0.21859902143478394, 0.0976000428199768, 0.41349154710769653, 1.0017188787460327, -0.6501864194869995, -0.89323890209198, -0.3792862594127655, 0.42437851428985596, -0.16102416813373566, 0.39374905824661255, 0.8331530094146729, -0.25810328125953674, -1.1037826538085938, -0.25531986355781555, -0.1573258936405182, 0.4495708644390106, -0.15250049531459808, -0.8518385887145996, 0.6374635696411133, 0.639895498752594, -0.711540937423706, 0.21477003395557404, 0.394809365272522, 0.6219809055328369, -1.184069275856018, 0.955028235912323, -0.11773423105478287, 0.24489811062812805, 0.038008853793144226, -0.3259825110435486, 0.7239788770675659, 0.16109958291053772, 0.5534342527389526]} +{"paper_id": "JoesSattle/common_voice_specific_version", "embedding": [-0.7102605700492859, 0.9053035974502563, 0.7560933232307434, -0.5826935768127441, 0.5844953060150146, 0.2370261698961258, 0.31556883454322815, 0.800544023513794, 0.8123027086257935, 0.15654703974723816, 0.7896812558174133, 0.07477646321058273, 0.6635749340057373, 0.2632153630256653, -0.2321208119392395, -0.641202449798584, -1.3901933431625366, -0.6285041570663452, -1.1293936967849731, -0.2876550853252411, -1.0122196674346924, 0.07559609413146973, 0.4080277383327484, -0.021978463977575302, -0.3410766124725342, -0.5953152179718018, -0.06172025576233864, -0.8739426732063293, 0.286089688539505, 0.13701240718364716, 0.04484394192695618, 0.6968615651130676, -0.9253173470497131, 0.5000059604644775, -0.5073280930519104, -0.44214561581611633, -0.6114662289619446, 0.07574697583913803, -0.20768146216869354, -0.5758542418479919, -0.7951305508613586, -0.22830680012702942, 0.882211446762085, 0.05392613634467125, 0.6790012717247009, 0.17846983671188354, -0.21026666462421417, 0.4183139503002167, -0.04868070408701897, -0.00720398873090744, -0.3096105456352234, 0.40905871987342834, 0.8287757635116577, 0.5078320503234863, -0.5404160022735596, 0.6518073678016663, -0.10116669535636902, -0.1602734923362732, 0.4097346365451813, -1.9066050052642822, 0.35025501251220703, 0.7864344120025635, 0.1046714037656784, 0.4284875690937042, 0.8560901880264282, 0.012588389217853546, 0.9232401251792908, 0.2178746908903122, 0.9369680881500244, 0.5698685646057129, 0.12429793179035187, -1.4644386768341064, 0.9790512919425964, 0.7276706099510193, 0.5867406129837036, 0.7722587585449219, -0.16847725212574005, 0.3700079917907715, 0.029201168566942215, 0.2888701260089874, -0.5451357364654541, 0.7342346906661987, 0.8887236714363098, -0.27158865332603455, 0.21830880641937256, 0.4896129071712494, 0.15411408245563507, -0.5424589514732361, 0.3298024833202362, -1.2736859321594238, -0.05055689811706543, -0.08978184312582016, 0.7130249738693237, 0.5023692846298218, -0.26556020975112915, -0.04502204433083534, 0.2135889232158661, 0.1965787261724472, -0.8395363092422485, 0.6864287257194519, 0.8954755067825317, -0.15589408576488495, 0.5788524150848389, -0.3452087342739105, 0.23915506899356842, 0.7009445428848267, -0.4714471697807312, -1.1004934310913086, -0.9041428565979004, -0.33975711464881897, -0.13482223451137543, 0.6436488628387451, 0.3218461871147156, 0.5115256905555725, 0.15792261064052582, -0.44295912981033325, 0.42668581008911133, -0.42031943798065186, -0.6843235492706299, -0.33250677585601807, -0.6573348641395569, -1.1467857360839844, 0.377176970243454, -0.22626984119415283, 1.3841303586959839, -0.675292432308197, 0.17387546598911285, -0.09188126772642136, 0.3916168212890625, -0.6385295391082764, 0.38509663939476013, 0.1006125956773758, 0.1188945472240448, 0.3421296775341034, 3.117788076400757, -0.8124178051948547, 1.1379226446151733, -1.2967760562896729, 0.05609507858753204, -0.19800949096679688, 0.3506770730018616, 1.6141334772109985, -0.3668033182621002, -0.31688499450683594, -1.171255111694336, -0.21174262464046478, -1.1709339618682861, 0.42127200961112976, -0.3695226311683655, -0.20425395667552948, 0.10993282496929169, 0.44590988755226135, -0.8479808568954468, -0.0487857423722744, -0.33339905738830566, 0.22526293992996216, 0.038666535168886185, 0.6977050304412842, -0.881290078163147, -0.31229379773139954, 0.47519755363464355, 0.07392453402280807, -0.12826672196388245, 0.5039272308349609, -0.9602223038673401, 0.24886281788349152, 0.6327990889549255, -0.4158685505390167, -0.6213616728782654, -1.0091651678085327, 0.7006067633628845, 0.02966739609837532, 0.46297895908355713, 0.856454074382782, -0.33509236574172974, 0.5777555704116821, 0.2804936468601227, 0.3025495111942291, 0.06402374804019928, -0.75491863489151, -0.055308349430561066, -0.5490543842315674, -0.32665443420410156, 0.3849736154079437, -0.01846705563366413, -0.06459489464759827, -1.8599787950515747, -0.3039271831512451, 0.6004608273506165, 0.2134443074464798, -0.276153028011322, -0.577582061290741, 0.21602597832679749, -0.3668467700481415, 0.5928859114646912, 0.34876319766044617, 0.4760633111000061, -0.6406465768814087, -0.22723889350891113, 0.493830144405365, 0.19049927592277527, -0.3132304847240448, 0.01554798148572445, 0.5739113688468933, 0.575472891330719, 0.27358534932136536, -0.14421534538269043, -0.5816092491149902, -0.07927460223436356, 1.8635205030441284, 0.13575999438762665, -1.0976098775863647, -0.23739808797836304, -0.6249344944953918, 0.11072652786970139, -0.8749032616615295, 0.008482255041599274, -0.8658191561698914, -0.23590603470802307, -1.3646248579025269, -0.008952712640166283, -0.2777746915817261, -0.17034253478050232, 0.45348799228668213, 1.1808825731277466, -0.5207598209381104, -0.15329928696155548, -0.1457182914018631, -0.356217622756958, 0.16801665723323822, 0.7045634984970093, 0.19769684970378876, -0.34845101833343506, 0.44745761156082153, 0.3631465435028076, 0.5572957992553711, 0.4991961419582367, 0.5478401184082031, -0.4159053564071655, -0.40204736590385437, -0.06218903511762619, 0.6940256953239441, -0.21997861564159393, -0.3510078489780426, 0.5941687822341919, 0.8200708627700806, 0.03885065019130707, -0.930192768573761, 0.06244131922721863, 0.6272006034851074, 1.5398470163345337, 1.4727424383163452, -0.3767232894897461, 0.6646385192871094, -0.765633225440979, 0.7962213158607483, -0.22383707761764526, -0.655642569065094, 0.06112675368785858, -0.869226336479187, 0.7450735569000244, -1.000133991241455, 0.07806096971035004, -0.01996947079896927, -0.5406572818756104, -1.2736427783966064, -0.6729502081871033, -0.2066139578819275, -0.32575130462646484, -0.9373923540115356, -0.9046624898910522, -0.28564906120300293, -0.2880212664604187, -0.7426468133926392, -0.18021444976329803, 0.7765418291091919, 0.17431119084358215, 0.7279226779937744, 1.7990391254425049, -0.37131354212760925, 0.4364100396633148, -0.2902771830558777, 0.13099394738674164, -0.14603373408317566, 0.46901631355285645, 0.20353859663009644, 0.2532058358192444, -0.8196373581886292, -0.6440712213516235, -0.5859279036521912, 0.030734598636627197, 0.24110230803489685, -0.09592689573764801, 0.19952887296676636, -0.5965479612350464, -0.3082541227340698, 0.5820595026016235, -0.4955747425556183, 0.526784360408783, -0.7115862965583801, 1.333013653755188, 0.5555495023727417, -0.4420890808105469, 0.2692220211029053, -0.7633716464042664, 0.4467158019542694, 0.7426967620849609, -0.6838570833206177, 0.415645033121109, 0.44617342948913574, -0.8053635954856873, 0.17518290877342224, 0.7497405409812927, -2.3084869384765625, 0.15269747376441956, 1.023536205291748, 0.36714446544647217, -0.3097703754901886, -0.576885998249054, 0.07008478045463562, -0.43196165561676025, -0.3698592185974121, -0.1517549753189087, -0.5801914930343628, 0.866595983505249, 0.2645934820175171, 0.5242592096328735, 0.3610512912273407, -0.7717183232307434, 0.10961814224720001, 0.9082964658737183, 0.6487793326377869, -0.5688813924789429, 0.11008983105421066, 0.5960650444030762, -0.93378746509552, 0.5139420032501221, 0.7487372159957886, 0.34414729475975037, 1.5678236484527588, -0.3177611231803894, -0.571806788444519, 0.3432607650756836, 0.9442942142486572, -0.5322267413139343, 0.5205636620521545, 0.36476874351501465, 0.871966540813446, 0.23050473630428314, 0.7177608013153076, 0.30018413066864014, -0.787552535533905, -0.5853055715560913, 0.19583873450756073, -0.3787826895713806, -0.7584742307662964, 1.3199597597122192, 0.6898995637893677, 0.8079504370689392, 0.12685011327266693, 0.3394632041454315, -0.6967993378639221, -0.04278738424181938, 1.207094669342041, 0.44550544023513794, 0.3094865679740906, -0.07399565726518631, 0.3148350119590759, 0.30373913049697876, 0.3794037699699402, -0.706695556640625, 0.27215737104415894, 0.9275152683258057, 0.06755655258893967, -0.697629451751709, -0.376003623008728, 0.9408204555511475, 0.5692301392555237, 1.5075232982635498, -0.06739223003387451, -0.361397385597229, -0.17859382927417755, 1.2433178424835205, -0.05469053238630295, 0.4617520570755005, -0.6123634576797485, 0.2042272686958313, 0.6665092706680298, 0.8273379802703857, -0.12077692151069641, 1.00519597530365, 0.4765898883342743, -1.3363738059997559, -0.3547402024269104, 0.07642622292041779, -1.0784181356430054, -0.7555253505706787, 0.0988611951470375, -0.7162814736366272, -0.7449155449867249, 0.5049313902854919, -0.5834628939628601, -0.9440038800239563, 0.7090688943862915, -0.04141226410865784, -0.5745441913604736, 0.9650309085845947, 1.2517346143722534, -1.5051459074020386, -0.3463049829006195, -0.4694875478744507, -0.6676979064941406, -0.9308358430862427, 1.0259395837783813, -0.3844321072101593, 0.03352072834968567, -0.5590629577636719, 1.010745882987976, -0.2977865934371948, -0.07244988530874252, -1.247063398361206, 0.515789806842804, 1.346998929977417, -0.17058363556861877, 0.03841615468263626, -0.34274858236312866, 0.5875003933906555, -0.33189359307289124, -0.9275397658348083, -0.02678591199219227, 0.11964074522256851, 0.35839587450027466, -0.5364621877670288, -0.6273979544639587, 0.324381947517395, -0.17939883470535278, 0.04211612418293953, 0.1534551978111267, -0.8140665888786316, 0.1685657799243927, -0.21540731191635132, 0.5173429250717163, 1.3230993747711182, -0.3692586421966553, -0.6900557279586792, 0.4459574520587921, -0.699549674987793, 0.4065089523792267, -0.20129376649856567, 0.13449713587760925, 0.32975032925605774, 0.6763261556625366, 0.8432528376579285, 0.18833407759666443, -12.562520980834961, 0.6937423944473267, -0.7955866456031799, 0.11358065903186798, 0.5360682606697083, -0.016728423535823822, 0.7448724508285522, 0.5388228297233582, 0.2965896725654602, -1.027785301208496, 0.24486935138702393, 0.5941224694252014, -0.13798320293426514, -0.3039110600948334, -0.22130055725574493, -0.5808362364768982, -1.0814110040664673, -0.31537073850631714, 0.76094651222229, 0.36760854721069336, -0.6544904112815857, -1.2434520721435547, -0.5839172601699829, 0.49021536111831665, -0.04791827127337456, -0.23526009917259216, -0.10109162330627441, -0.2131514847278595, -0.5032861828804016, 0.10391083359718323, 0.33021512627601624, -0.12715007364749908, -0.6955484747886658, 0.006692016497254372, 0.36389023065567017, 0.04541228339076042, -1.3090600967407227, -0.2639976441860199, 0.6735767126083374, 0.6671991348266602, 0.1112271249294281, 0.591806173324585, -0.039394866675138474, -0.5888532400131226, -0.38449719548225403, 0.32423126697540283, 0.2749801278114319, -0.010221516713500023, 0.14388428628444672, -0.9528007507324219, -0.3679453730583191, -0.8032383918762207, -0.7816905975341797, -0.8150615692138672, 1.0448635816574097, 0.3320418894290924, -1.0705485343933105, 0.3223622441291809, -0.24065499007701874, -0.9468640089035034, 1.119957447052002, 0.6272484660148621, -0.30509477853775024, 0.8876577019691467, 0.6530689597129822, -0.7824798226356506, 0.27610597014427185, 0.07503518462181091, 0.22255846858024597, 0.08288779109716415, -0.7598420977592468, 0.55122309923172, 0.6065460443496704, 0.5442700386047363, -0.44352203607559204, -0.4421233534812927, -0.2501801550388336, -0.1826896220445633, 0.4907054603099823, 0.31420356035232544, -0.37064316868782043, 0.2601320445537567, -0.28506627678871155, -0.3911978304386139, -0.5382021069526672, 0.5342819690704346, -0.18173697590827942, 0.07286036014556885, 1.2461885213851929, 0.6219775080680847, 1.0937906503677368, 0.3256208300590515, -0.3453670144081116, 0.14131063222885132, -0.3880302906036377, 1.029935359954834, -0.5116575956344604, 0.9385676980018616, -0.2909344434738159, -0.478822261095047, 0.6730509400367737, -0.003299728035926819, -0.6248714923858643, 0.22358636558055878, 0.528434693813324, -0.10297773778438568, -0.0219794362783432, 0.2450808584690094, 0.7497680187225342, 0.12254925817251205, 0.977408766746521, -0.7699169516563416, -0.025653228163719177, 0.4914812743663788, 0.7430018186569214, 0.766354501247406, 0.8693172931671143, 0.5223069787025452, 1.1613774299621582, -0.3198239505290985, -0.5074399709701538, 0.7613703608512878, 0.2990627884864807, 1.4004895687103271, 0.4953247904777527, -0.01344580203294754, 0.2082497477531433, 0.2276562750339508, -0.39732253551483154, -0.6127487421035767, 0.3573768436908722, -0.0072750188410282135, 0.27156195044517517, -0.610078752040863, 0.5719502568244934, -0.6756577491760254, -1.1298646926879883, 1.098763108253479, -0.6113533973693848, 0.34565430879592896, -0.07185289263725281, -1.33245849609375, -0.7183813452720642, -0.48809200525283813, -0.418679803609848, 0.4356064796447754, -1.1472077369689941, -0.4221069812774658, -0.5389177799224854, 0.05441306531429291, 0.6843554973602295, 0.18784606456756592, 1.0104801654815674, -1.5458173751831055, 0.14377343654632568, 0.4551166892051697, 0.7967390418052673, -0.4803183078765869, -0.3150668144226074, -0.7681808471679688, 0.8120431303977966, 1.1497738361358643, -1.0525765419006348, 0.9823988080024719, 0.2846052050590515, 0.4051073491573334, -0.633215606212616, -0.34982532262802124, -0.11630845069885254, 0.678280234336853, 1.194226861000061, -1.3501352071762085, -0.656029224395752, -0.8423113226890564, 0.23819421231746674, -0.42265793681144714, -0.26209285855293274, 1.2640454769134521, -0.8773064017295837, 0.5196382403373718, -0.18101616203784943, 0.6933788061141968, 0.5051695704460144, -1.3278889656066895, -0.8125596046447754, 0.4096526503562927, -0.016847755759954453, 0.517645537853241, 0.038664303719997406, 0.11517199873924255, -1.4855633974075317, -1.1552186012268066, -0.6223884224891663, 0.0014177635312080383, 0.40319380164146423, -0.28518185019493103, 0.7122082710266113, -0.15468671917915344, 0.5205347537994385, 0.09380204230546951, 0.04428693279623985, 0.6604321002960205, -0.5085944533348083, -0.5140383243560791, -0.23142109811306, -0.4891808331012726, -0.626067042350769, 0.26771894097328186, 0.35922008752822876, -0.415632426738739, -1.5541412830352783, -0.4647555351257324, -0.3173292577266693, -0.1586541086435318, -0.1816493272781372, -0.31659311056137085, -0.34180399775505066, 0.25291159749031067, -0.2847341001033783, -1.1127955913543701, -0.41076648235321045, 1.372939109802246, -0.16340462863445282, 1.1095324754714966, -0.12214354425668716, 0.33588504791259766, 0.12912558019161224, 0.10997242480516434, 1.1168224811553955, -0.7302074432373047, -0.5798723697662354, -0.6409834623336792, 0.2503465712070465, -0.11878494173288345, 0.21156570315361023, 0.47449323534965515, -1.0955421924591064, -0.28655970096588135, -1.5673304796218872, 0.33484238386154175, -0.7892845869064331, 0.2730426490306854, 0.26793721318244934, 0.6599224805831909, -0.6211482882499695, -1.1403112411499023, -0.01853838562965393, -0.19467893242835999, -0.21883146464824677, 0.10998882353305817, 0.2506893277168274, 0.5256327390670776, 0.7967286705970764, 0.21565306186676025, 0.8127056360244751, 0.03355041891336441, 0.3505263924598694, 0.3388024866580963, 0.48867881298065186, 1.4236515760421753, 0.9575768709182739, -0.244144007563591, 0.5553438067436218, -0.3535443842411041, -0.10687267780303955, 0.16103118658065796, -0.1691213846206665, 1.0082223415374756, 1.377310037612915, -0.008420854806900024, -0.4088900089263916, -0.9143692255020142, -0.4304361641407013, -0.4093514382839203, 0.661270797252655, 0.5802622437477112, -0.6371616721153259, -1.1108829975128174, -0.39916884899139404, 0.199905663728714, 0.7170287370681763, -0.013743482530117035, -0.33326542377471924, -1.4896106719970703, 0.06661684811115265, 0.2910488545894623, -0.59027099609375, -1.2468328475952148, 0.6159366965293884, -0.7161837816238403, 0.4126121401786804, 0.13907819986343384, -0.48165661096572876, -0.3764931559562683, 0.6054973602294922, -0.5326231718063354, 0.61263507604599, -0.4556211829185486, -1.2655576467514038, -0.5063178539276123, 0.31143224239349365, -0.01699494943022728, -0.3676457703113556, 0.693834662437439, -0.2874656617641449, -1.2300173044204712, 0.984144389629364, 0.520039975643158, -0.4267435073852539, -0.4098096191883087, 0.7382166981697083, -0.015541359782218933, 0.022292494773864746, 0.8187090754508972]} +{"paper_id": "filwsyl/video_tags", "embedding": [-0.32347556948661804, 0.7916189432144165, -0.4199252426624298, -0.48308464884757996, -0.2921087145805359, -0.33695289492607117, -0.14451920986175537, 0.8362230658531189, 0.7145318388938904, 0.47952204942703247, 0.28897348046302795, -0.14616276323795319, 0.4075740873813629, -0.28259438276290894, -0.12180158495903015, -0.09186974912881851, 0.09606944769620895, -0.5800719261169434, -0.7488151788711548, -0.019224226474761963, -0.8034944534301758, -0.32286596298217773, -0.037695616483688354, 0.01707417704164982, -0.2898516356945038, -0.438312828540802, 0.40794137120246887, -0.46730804443359375, 0.6342869400978088, 0.5932867527008057, 0.5647852420806885, 0.39231812953948975, -1.073923110961914, 0.6308014988899231, -0.6304961442947388, -0.15350647270679474, 0.6684733629226685, 0.23251205682754517, -0.20264704525470734, -0.22688338160514832, 0.005729323253035545, -0.20003268122673035, 0.5309346318244934, 0.18740998208522797, 0.3616393506526947, -0.040489502251148224, 0.3406471014022827, 0.38666796684265137, 0.032441675662994385, 0.3797805607318878, -0.24277910590171814, 0.6380242705345154, 0.0028832685202360153, 0.6071153879165649, -0.7636293172836304, 0.43274593353271484, 0.09651414304971695, -0.003071772400289774, 0.21045313775539398, -1.5667206048965454, 0.594139039516449, 0.5499966740608215, -0.07855522632598877, 0.15153668820858002, 0.7478561997413635, 0.20696599781513214, 0.49677199125289917, -0.07092393189668655, 0.5371183156967163, 0.6241894960403442, -0.19394969940185547, -0.5906419157981873, 0.35510173439979553, -0.3650197982788086, 0.2730451822280884, 0.9387820959091187, -0.24556775391101837, -0.47680366039276123, 0.49392586946487427, 0.35673415660858154, -0.38977813720703125, 0.04586276412010193, 0.3596600294113159, 0.07719054073095322, -0.16309522092342377, -0.26950979232788086, 0.12873364984989166, -0.015590996481478214, 0.15515433251857758, -0.8889633417129517, 0.5564310550689697, 0.09767267853021622, 0.6945859789848328, 0.07370196282863617, 0.30799663066864014, -0.41637325286865234, 0.017376013100147247, -0.07697074115276337, -0.8194484710693359, 0.6152474284172058, 0.46055248379707336, -0.15347351133823395, 0.4826635420322418, 0.25437548756599426, 0.2761194109916687, 0.5027068257331848, -0.4339970648288727, -0.21420830488204956, -0.05162114277482033, -0.21959209442138672, -0.2991541922092438, 0.9609943628311157, 0.05088642239570618, 0.1240859106183052, -0.2660254240036011, -0.09736630320549011, 0.2567213475704193, 0.4329693615436554, -0.6322539448738098, -0.4139930009841919, 0.12263001501560211, -1.5279209613800049, -0.39904093742370605, -0.27180320024490356, 0.2463546097278595, -0.5309589505195618, 0.7337874174118042, 0.19137966632843018, 0.05624108761548996, -0.240195170044899, 1.0269123315811157, 0.413993239402771, 0.04503064230084419, -0.21040791273117065, 2.8433287143707275, -0.7211127281188965, 0.3392352759838104, -0.2021627128124237, -0.04450474679470062, -0.21156160533428192, -0.05117065832018852, 1.1103030443191528, 0.06014518439769745, -0.688105583190918, -1.1956902742385864, -0.16984334588050842, 0.030950793996453285, 0.38362470269203186, -0.5441730618476868, 0.29247990250587463, 0.1786232888698578, 0.9473087191581726, -1.05026376247406, -1.556075930595398, -0.13051389157772064, 0.27209237217903137, 0.24520930647850037, 0.2045106291770935, -0.8882375955581665, -0.4106859862804413, 0.764606237411499, -0.12864139676094055, -0.5164385437965393, 0.5002796649932861, -0.012583732604980469, 0.03154785558581352, 1.0649818181991577, 0.44367456436157227, -0.18758592009544373, -0.1662829965353012, -0.1471891850233078, 0.3654370605945587, 0.7807783484458923, 0.23462769389152527, -0.07815678417682648, 0.3710177540779114, -0.10620515048503876, 0.39911696314811707, 0.19627895951271057, -0.678986668586731, 0.28648319840431213, -0.20235483348369598, -0.00021630525588989258, -0.07652045786380768, 0.7576369643211365, 0.07753801345825195, -1.7853879928588867, 0.08164646476507187, 0.14039473235607147, -0.03155048191547394, 0.0951240062713623, -0.7528667449951172, 0.19351187348365784, 0.07246029376983643, -0.0838100016117096, 0.07875390350818634, 0.09007655084133148, -0.9367438554763794, -0.6273243427276611, 1.2332125902175903, 0.33125391602516174, 0.17375750839710236, -0.5083774924278259, 0.5333756804466248, 0.20332647860050201, -0.42515692114830017, 0.11752456426620483, -0.6936622262001038, 0.3172643482685089, 0.8021834492683411, 0.061037495732307434, -0.9542346596717834, -0.6178269386291504, -0.4456920623779297, 0.0416124165058136, -0.8953970074653625, 0.6846868991851807, -0.8307117819786072, -0.08582719415426254, -0.9796316623687744, 0.13721933960914612, -0.1598345935344696, 0.007306292653083801, -0.24996933341026306, 1.529153823852539, -0.9135105013847351, -0.07643184065818787, -0.26217120885849, -0.4821789562702179, 0.21297480165958405, 0.9424235224723816, 0.39521291851997375, -0.02462998405098915, 0.05415208265185356, -0.0455436110496521, 0.05224699527025223, -0.3087397515773773, 0.6104120016098022, 0.0793268233537674, 0.5448650121688843, -0.5250031352043152, 0.2685145139694214, -0.22513960301876068, -0.15116339921951294, 0.15173885226249695, -0.01496809720993042, -0.1265285611152649, -0.9389439821243286, 0.2789255380630493, 0.5159586668014526, 1.5714070796966553, 0.29334142804145813, -0.339462548494339, 0.1041547954082489, 0.10263486206531525, 0.01863836869597435, 0.24079102277755737, -0.14183075726032257, -0.08662272244691849, -0.4317038655281067, 0.1270170658826828, -0.47909098863601685, 0.05622243881225586, -0.11490422487258911, -0.2762989401817322, -0.18489286303520203, -1.128795862197876, -0.41757893562316895, -0.4469539523124695, -0.26996007561683655, -1.0958583354949951, 0.5512017011642456, -0.1844044327735901, -0.460151731967926, -0.2600575089454651, 0.12876255810260773, -0.2175358384847641, 0.7175792455673218, 0.9714961647987366, -0.15319740772247314, 0.4260869026184082, -0.5222086906433105, 0.05649329721927643, 0.5190654993057251, 0.18007585406303406, -0.21309314668178558, 0.048326700925827026, -1.097213864326477, -1.169467568397522, -0.2347532957792282, 0.9780657291412354, -0.12096195667982101, 0.3268221616744995, 0.6339412927627563, -0.45905619859695435, -1.4426881074905396, 1.284311056137085, 0.08912558853626251, -0.055301375687122345, -0.670632541179657, 1.3500581979751587, 0.4291534721851349, -0.19177204370498657, -0.48019951581954956, -0.01012264285236597, 0.2419169694185257, 0.7530315518379211, -0.4608803391456604, 0.2988433837890625, -0.06198888644576073, -0.5068303346633911, 0.3863529860973358, -0.07985951006412506, -1.9088752269744873, -0.3050992786884308, 0.16002257168293, 0.2223920375108719, -0.054906126111745834, -0.43528735637664795, -0.23590481281280518, -0.32663533091545105, 0.2829691171646118, 0.4153421223163605, -1.2555642127990723, 0.4665077328681946, -0.044636406004428864, 0.02127966284751892, 0.7701130509376526, -0.5994941592216492, 0.02514513209462166, 0.2467874437570572, 0.3284991383552551, -0.34943366050720215, -0.037322402000427246, 0.23321077227592468, -0.7871833443641663, 0.1501682996749878, 0.6299667954444885, 0.5520476698875427, 0.494149774312973, -0.36566421389579773, 0.04305126145482063, -0.019204989075660706, 0.5047221779823303, -0.5248983502388, 0.7600693106651306, 0.3876245617866516, 0.8195865154266357, 0.4891620874404907, 1.0056891441345215, -0.11610797047615051, -0.4070276916027069, -0.1204550638794899, 0.09561264514923096, -0.2867720425128937, -0.38140374422073364, 1.083999752998352, 0.055105142295360565, 1.0845118761062622, -0.040009722113609314, 0.7121587991714478, -0.40533167123794556, 0.019726339727640152, 0.6228684782981873, 0.7035462856292725, 0.38405972719192505, -0.009955018758773804, -0.1561267226934433, 0.3552824556827545, 0.7873818278312683, -0.2401534616947174, -0.20491372048854828, 0.5657212734222412, 0.5429316759109497, -0.9774330258369446, 0.0981186181306839, 0.4510502517223358, 1.2292988300323486, 1.6051772832870483, -0.08239443600177765, -0.8968222737312317, -0.4563238322734833, 0.13260604441165924, 0.5131769776344299, -0.430536150932312, -0.4636278450489044, -0.2374347448348999, -0.21494102478027344, 1.2958683967590332, 0.11032803356647491, 0.12987226247787476, 0.6133700013160706, -0.5044718384742737, -0.5051477551460266, 0.7496755719184875, -0.49588742852211, -0.609927237033844, -0.31328853964805603, -0.012854013592004776, -0.6048006415367126, 0.41871723532676697, 0.20292392373085022, -1.0840678215026855, -0.3077673614025116, 0.18792206048965454, -0.6501098871231079, 0.5149284601211548, 0.9247652292251587, -0.5900906920433044, -0.025956038385629654, -0.18265485763549805, -0.45265430212020874, -0.47261878848075867, 0.42234811186790466, -0.10990991443395615, -0.14274965226650238, -0.23125749826431274, 1.243139624595642, -0.5317265391349792, 0.13317309319972992, -0.7672112584114075, 1.2288943529129028, 0.7824835777282715, 0.030583178624510765, 0.1218201220035553, -0.9462550282478333, 0.25341683626174927, -0.1067887544631958, -1.15276038646698, -0.06178480386734009, 0.8743414878845215, 0.28008827567100525, -0.6325269341468811, -0.7136422991752625, -0.019223397597670555, -0.43027162551879883, 0.39995822310447693, 0.2613142430782318, -0.8862633109092712, -0.0369095541536808, 0.09641106426715851, 0.7278361916542053, 0.9109218120574951, -0.20725929737091064, -0.6755474209785461, 1.3049609661102295, -0.8461300730705261, 0.5543510913848877, -0.08097563683986664, 0.530357837677002, 0.38123056292533875, 0.47163325548171997, -0.13404424488544464, 0.3256445527076721, -14.402554512023926, 0.0529923178255558, -0.5190805196762085, 0.4212641716003418, 0.6869071125984192, 0.13766154646873474, 0.2929580509662628, 0.22632287442684174, 0.16622407734394073, -0.4812149703502655, 0.2351090908050537, 0.21571165323257446, 0.34674108028411865, -0.31070542335510254, -0.05350459739565849, -0.43551868200302124, -0.6140750646591187, -0.3756917715072632, 0.3651162385940552, 0.44955143332481384, 0.6305304765701294, -0.5842474699020386, -0.7541565299034119, -0.35155805945396423, -0.11979115754365921, -0.8553950786590576, -0.26883426308631897, -0.007121489383280277, -0.7066347002983093, -0.45940759778022766, 0.09560160338878632, 0.10306230932474136, -0.43268680572509766, -0.3248888850212097, 0.24767841398715973, -0.26388004422187805, -0.5633035898208618, -0.3761174976825714, 1.2215996980667114, -0.18897368013858795, -0.9393835067749023, 0.49768945574760437, -0.24630425870418549, -0.6872681379318237, -0.7922709584236145, 0.02172742784023285, -0.11283349990844727, -0.4906708300113678, 0.3444885015487671, -0.7080343961715698, 0.33066612482070923, -0.5781259536743164, -0.03136666491627693, -0.4246123135089874, 0.860657811164856, 0.7482670545578003, -0.7815545201301575, -0.027603253722190857, -0.3427451252937317, -0.6107341051101685, 0.2199089229106903, 0.5156058669090271, -0.2679084837436676, 0.9425830245018005, 0.7738260626792908, -0.7015913128852844, 0.32789021730422974, 1.0743337869644165, 0.01855962723493576, -0.09621922671794891, -0.4029478132724762, 0.5383371114730835, 0.9803791046142578, -0.5156897902488708, -0.48541757464408875, 0.41186532378196716, 0.3201858401298523, -0.07085428386926651, -0.22790274024009705, 0.44846901297569275, -0.5418112874031067, 0.011616257019340992, -0.659199595451355, -0.5312590003013611, -0.10809783637523651, 0.33585745096206665, 0.2240423858165741, -0.11573111265897751, 0.3997593820095062, 0.31649136543273926, 0.8512956500053406, -0.11458226293325424, -0.13405540585517883, -0.9321439266204834, -0.018212268128991127, 0.7567905783653259, -0.2399311661720276, 0.17011421918869019, -0.08259491622447968, -0.6530098915100098, 0.5341090559959412, 0.14031341671943665, -0.38631564378738403, -0.029632188379764557, 1.0184351205825806, 0.060339659452438354, 0.3815246820449829, 0.6687700748443604, 0.6213959455490112, 0.9581896066665649, 0.3679179251194, -0.6814243793487549, -0.12018346786499023, 1.054271936416626, 0.4641897976398468, 0.6453043222427368, 1.1695488691329956, 0.08250930905342102, 0.7331241369247437, 0.1427983045578003, -0.0375961996614933, -0.06948275119066238, 0.551176905632019, 1.1304384469985962, 0.7293425798416138, 0.10472314804792404, 0.26014190912246704, 0.622331976890564, 0.21112321317195892, -0.8541203141212463, 0.6205630302429199, -0.2160501331090927, -0.4273408353328705, -0.10535657405853271, -0.1879841536283493, -0.7049573659896851, -0.7928709983825684, 1.277262568473816, -0.19868430495262146, 0.39604586362838745, 0.2768874168395996, -0.500714898109436, -0.7446804046630859, -0.24605467915534973, -0.9168443083763123, 0.053671110421419144, -0.7479182481765747, -0.09408889710903168, -0.17581525444984436, -0.9497920274734497, 0.32935890555381775, -0.06872551888227463, 0.7653940320014954, -0.2224263995885849, -0.19874468445777893, 0.1334143579006195, 0.6665043234825134, -0.703024685382843, 0.3173777163028717, 0.38116979598999023, 1.201387882232666, 0.40735408663749695, -1.211092472076416, 1.0143506526947021, 0.5817331075668335, 0.10774679481983185, -0.421886682510376, -0.5364624261856079, 0.47444355487823486, 0.062269724905490875, 0.8124414086341858, -1.1107405424118042, -0.35939618945121765, -0.2462722212076187, 0.011859755963087082, -0.9167032837867737, -0.34654760360717773, 0.8290740251541138, -1.0603145360946655, 0.7927652597427368, 0.06468898057937622, 0.7288865447044373, 0.6016404032707214, -1.560713291168213, -0.4331185519695282, -0.3067655861377716, 0.0470723882317543, 1.0426149368286133, -0.43421778082847595, 0.34402772784233093, -1.2622963190078735, -0.7523952722549438, -0.8801794052124023, 0.2669801712036133, 0.7552827596664429, 0.30977582931518555, 0.5962197780609131, 0.8414382934570312, -0.4049130976200104, -0.12135906517505646, -0.30795612931251526, 0.28975361585617065, 0.17988331615924835, -0.2994246482849121, -0.15691214799880981, -0.13710936903953552, -0.21578475832939148, -0.5517069697380066, 0.057540860027074814, 0.3747386634349823, -1.2343381643295288, 0.17691625654697418, 0.02178848534822464, 0.23346775770187378, -0.37788575887680054, -0.17020294070243835, -0.6196324825286865, -0.3362078070640564, 0.12438604235649109, -0.2438519448041916, -0.22495093941688538, 0.0018682964146137238, -0.858198881149292, 1.209547996520996, 0.08593995124101639, 0.5307066440582275, -0.07231813669204712, 0.36644434928894043, 1.637223720550537, 0.3658997714519501, -0.420965313911438, 0.11380286514759064, -0.13127514719963074, -0.11871512979269028, 0.0600401908159256, 0.36969444155693054, -0.9993920922279358, 0.17411164939403534, -1.2322043180465698, 0.24674534797668457, -0.643932044506073, -0.11425891518592834, -0.34160423278808594, 0.8513067960739136, 0.4275972843170166, -1.306647539138794, -0.4241172969341278, -0.05510856956243515, -0.09402529150247574, -0.3352228105068207, -0.21531784534454346, 0.9244347810745239, 0.763990044593811, -0.08367164433002472, 0.7458474040031433, 0.600893497467041, -0.10140159726142883, 0.2501082420349121, 0.12528763711452484, 1.1494014263153076, 0.47757017612457275, 0.09520907700061798, 0.5759419798851013, 0.32918381690979004, -0.22067475318908691, -0.3488822281360626, -0.2734321355819702, 0.032791852951049805, 0.4536363482475281, -0.3234507143497467, -0.49891024827957153, -0.026081565767526627, -0.559745728969574, -0.21340395510196686, 0.20901569724082947, 0.15104512870311737, -0.01880328357219696, -1.0141102075576782, 0.05004175007343292, 0.5228211283683777, 0.42222175002098083, -0.07981079816818237, -0.6781539916992188, -0.545386552810669, -0.050711531192064285, 0.3147054612636566, -0.07473250478506088, -0.3124578595161438, 0.08030904829502106, -0.24283525347709656, 0.019313812255859375, -0.09210282564163208, -0.33413568139076233, -0.5303666591644287, 0.3017791509628296, -0.9419193863868713, 0.021870506927371025, -0.7066577672958374, -0.7815617918968201, 0.5203734040260315, 0.5500812530517578, 0.13009120523929596, -0.37755703926086426, -0.058270037174224854, 0.22070392966270447, -0.47664496302604675, 0.22462138533592224, 0.21067160367965698, -0.6193082928657532, 0.046365320682525635, 0.7508666515350342, 0.013479042798280716, 0.15321138501167297, 0.30531859397888184]} +{"paper_id": "strombergnlp/twitter_pos", "embedding": [-0.8029495477676392, 1.1581430435180664, 0.04855832830071449, -0.32334622740745544, 0.5229446887969971, -0.2863772213459015, 0.10617884993553162, 0.2612362802028656, 0.627447783946991, 1.1116032600402832, 0.8324349522590637, -0.3252532482147217, 0.11926862597465515, -0.1303403526544571, -0.0689881443977356, -0.6055870056152344, -1.0736007690429688, -0.6639735102653503, -0.6446296572685242, -0.36329108476638794, -1.2604011297225952, -0.42380571365356445, 0.16851727664470673, 0.47290733456611633, -0.8150349259376526, -1.0650811195373535, 0.40229174494743347, -0.3096831738948822, -0.19558501243591309, -0.11340426653623581, -0.34620678424835205, 1.0958911180496216, -0.8666861653327942, -0.26771461963653564, -0.16451644897460938, -0.10111966729164124, 0.40462666749954224, 0.5499578714370728, -0.4248231053352356, -0.04427539184689522, -0.6874406337738037, -0.2174091935157776, 0.807593584060669, 0.5191903114318848, 0.8213943839073181, 0.36147233843803406, 0.004561906680464745, 0.5305027365684509, 0.12699060142040253, 0.14857779443264008, -0.14709408581256866, 0.519375741481781, -0.3651064932346344, 0.41964414715766907, -0.6054587960243225, 1.3005359172821045, 0.2240169644355774, -1.6371318101882935, -0.023991834372282028, -0.8440344333648682, 0.5560733079910278, 1.6688995361328125, -0.6171469688415527, -0.3180497884750366, 0.6255977749824524, -0.025511614978313446, 1.6691445112228394, -0.5177409052848816, 1.2892472743988037, 0.7340142726898193, -0.5186331272125244, -1.0699204206466675, 0.42925429344177246, -0.5869835615158081, 0.6176491975784302, 0.5014828443527222, 0.4037386476993561, 0.06791460514068604, -0.325207382440567, 0.21225303411483765, -0.3273080587387085, 0.8711459040641785, 0.24814029037952423, -0.6026636958122253, -0.49453839659690857, 0.19248095154762268, 0.043764084577560425, -0.3705197870731354, 0.17008405923843384, -1.271200180053711, 0.8069889545440674, -0.45077723264694214, -0.6960240602493286, 0.3005160987377167, -0.23417988419532776, 0.893255352973938, 0.044229645282030106, -0.17497073113918304, -0.5954556465148926, 0.6698441505432129, 0.6019859313964844, -0.5890833139419556, 0.33367863297462463, -0.1886361837387085, 0.12148277461528778, 1.9785130023956299, -0.9724118709564209, -0.4888395071029663, -0.8363621234893799, 0.10149087011814117, -0.2638872265815735, 1.3029383420944214, -0.08125194162130356, 0.3943367004394531, -0.14252835512161255, -0.42223453521728516, 0.2635584771633148, -0.8286474943161011, -0.3024923801422119, 0.2806384563446045, -0.784574031829834, -0.9828504920005798, -0.4842821955680847, 0.39963436126708984, 1.5770975351333618, -0.6113039255142212, 0.7609865665435791, 0.24211794137954712, 0.0643024742603302, -0.16000588238239288, 0.6410784721374512, 0.025458430871367455, -0.40529024600982666, 0.6367108821868896, 2.3929052352905273, -1.0492273569107056, 1.197665810585022, -0.2898252308368683, -0.03510838747024536, -0.06108959764242172, 0.6239442229270935, 1.1541725397109985, 0.15033575892448425, -0.5934358835220337, -1.1868715286254883, 0.5554454326629639, -0.8344358801841736, 0.06330753862857819, -0.21991971135139465, -0.9473845362663269, -0.07981038093566895, 0.34326696395874023, -1.05152428150177, -0.5913220643997192, 0.4354270398616791, 0.6101644039154053, 0.15037906169891357, 0.44029396772384644, 0.19400301575660706, 1.0868743658065796, 0.7924492359161377, 0.18239307403564453, -0.694402813911438, 0.8587232828140259, -1.2402515411376953, -0.18972547352313995, 0.9855444431304932, -0.08620698750019073, -0.9819077849388123, -0.4733319580554962, 1.1168136596679688, -0.4529009759426117, 0.05921269953250885, -0.19366107881069183, -0.6343769431114197, -0.07127230614423752, 0.7959150075912476, 0.738984227180481, 0.10705776512622833, 0.2117898315191269, 0.20415881276130676, -0.3220616281032562, -0.09858919680118561, 0.42875543236732483, -0.049951180815696716, 0.5435962080955505, -1.546754002571106, -1.0378655195236206, -0.5263292193412781, 1.1184040307998657, -0.3003394305706024, -0.6998227834701538, -0.2546786069869995, 0.6603544354438782, 0.23111720383167267, -0.12177123129367828, 0.5934224724769592, -1.078076720237732, -0.9149905443191528, 0.033684395253658295, 0.650698721408844, -0.3712523579597473, 0.18264785408973694, 1.3340659141540527, 0.8370875120162964, -0.9213559031486511, 0.10182829201221466, -1.0985438823699951, -0.01009725034236908, 2.8179593086242676, -0.14114800095558167, -0.9339759945869446, -2.0220210552215576, -0.19886808097362518, 0.513046145439148, -0.6893340945243835, 0.5933233499526978, -0.514798104763031, 0.08332352340221405, -1.5842913389205933, 0.6645241379737854, -0.4973110556602478, -0.3059212267398834, -0.1400115042924881, 0.7600879669189453, -0.009592339396476746, -0.9396088123321533, -0.38854435086250305, -0.27145957946777344, 0.9418892860412598, 0.39433926343917847, 0.29282569885253906, -0.6805539131164551, 0.599629282951355, 0.7352369427680969, 0.47728198766708374, -0.442111611366272, 0.2741544842720032, -0.7382577657699585, 0.08154896646738052, 0.005262456834316254, 0.0312013179063797, -0.20521806180477142, -0.49134811758995056, 0.8887054324150085, 0.5881787538528442, 0.35294413566589355, -0.5183515548706055, 0.3914775252342224, 0.1251538097858429, 0.5841617584228516, 1.406027913093567, -0.3445153832435608, 1.5478075742721558, -1.4960229396820068, 0.7636554837226868, -0.028424296528100967, -0.8530368804931641, 0.20232297480106354, -0.1425805687904358, 0.8013424873352051, -0.5167389512062073, -0.19854258000850677, 0.08820104598999023, -0.10000237822532654, -1.428992509841919, -0.5508308410644531, 0.20194396376609802, -0.645074188709259, -0.7961529493331909, 0.2838139533996582, -0.4733826518058777, -0.6498256921768188, -0.4822677969932556, 0.5477392673492432, 1.145271897315979, 0.06112116575241089, 0.48426517844200134, 0.8370088338851929, -0.8485613465309143, 0.1317063271999359, -0.40605735778808594, 0.7390544414520264, -0.7545111179351807, 0.9786019325256348, -0.2700231373310089, 0.7286961078643799, -0.48397985100746155, -0.3221893310546875, 0.07930096983909607, -0.3384694755077362, 0.4334939122200012, 0.13037648797035217, 0.28003159165382385, -0.45827481150627136, -0.9434154629707336, 0.9128313064575195, -0.9212765097618103, 0.09492139518260956, -1.0692839622497559, 1.5121705532073975, 0.7028048038482666, 0.006233882158994675, 0.514336347579956, 0.6904184222221375, 0.7052155137062073, 0.9092493653297424, -0.4266565442085266, 1.05742347240448, 0.2679745554924011, 0.04934075474739075, 0.22033971548080444, 0.7418237328529358, -1.783988356590271, -0.6060148477554321, 1.0113897323608398, -0.6172947883605957, 0.39363786578178406, -0.30822181701660156, 0.5868914127349854, -0.407211571931839, -0.4708615839481354, -0.3087148070335388, -0.4495027959346771, 0.1905212104320526, -0.859269380569458, -0.057837508618831635, 0.7944303750991821, -0.22606992721557617, 0.45175763964653015, 0.785230278968811, 0.27274587750434875, -1.4629542827606201, -0.31480661034584045, 1.1015658378601074, 0.21962527930736542, 0.7874763011932373, 0.32673001289367676, 0.34806984663009644, 1.1402082443237305, -0.6414270997047424, -0.20339879393577576, 0.5457783937454224, 0.6734500527381897, 0.3343329131603241, 0.3804652988910675, -0.466261088848114, 0.6034770011901855, -0.44259706139564514, 0.8483802676200867, 0.7907909154891968, -0.40784212946891785, -1.007868766784668, 0.011568548157811165, -0.23329797387123108, -0.7923607230186462, 1.4370074272155762, 0.30039626359939575, 1.5417689085006714, -0.02949945442378521, 0.14820125699043274, -0.4449055790901184, 0.2693197429180145, 0.6962465047836304, 0.5947133302688599, 0.5553151965141296, 0.08947049081325531, 0.5025614500045776, 0.35614657402038574, -0.18549640476703644, -0.5946143269538879, -0.04412660002708435, 1.1455916166305542, -0.38387203216552734, -0.6184034943580627, -0.4639166593551636, 0.36425018310546875, 0.30936145782470703, 0.6472120881080627, -0.7247675061225891, -1.0774047374725342, -0.7000901699066162, 0.6574654579162598, 0.34229937195777893, 0.29204270243644714, -1.4466463327407837, -0.31850045919418335, -0.10813756287097931, -0.4075588583946228, -0.00626557320356369, 0.7205561399459839, 0.9359457492828369, -0.7509296536445618, -0.5617979764938354, -0.2328120917081833, -1.1948237419128418, -0.06880287826061249, 0.5575444102287292, -0.20242471992969513, -1.0819377899169922, 1.0571308135986328, -0.5423880219459534, -1.2051784992218018, 0.4964001476764679, -0.6912126541137695, -1.4021244049072266, 0.7041423320770264, 1.2664220333099365, -1.0549660921096802, -0.8475179076194763, 0.02791086584329605, -0.6378757357597351, -0.6384982466697693, 0.20887045562267303, -0.901340663433075, 0.056145984679460526, 0.1356077641248703, 0.05584824085235596, -0.28591030836105347, 0.023759104311466217, -0.6015185117721558, 0.4732171893119812, 1.0455429553985596, -0.12750372290611267, 0.10249320417642593, 0.1147536039352417, -0.6934216022491455, 0.12876762449741364, -1.7645542621612549, -0.8980051279067993, -0.08578169345855713, -0.02680075168609619, 0.3265118896961212, -0.5770789980888367, -0.5733140110969543, 0.5654147863388062, -0.6405962109565735, 1.12815260887146, -1.105452299118042, 0.5749924182891846, -1.143608808517456, 0.2430078089237213, -0.07418562471866608, 0.049485817551612854, -1.1309994459152222, 1.120816707611084, -0.38852742314338684, 0.2999984920024872, 0.5200496912002563, 1.0191916227340698, 0.42696401476860046, 0.5521690249443054, 0.3804306387901306, -0.15983547270298004, -11.664331436157227, 0.08925457298755646, -0.14957144856452942, 0.309142529964447, 0.2639021873474121, -0.18556168675422668, 0.6200147867202759, -0.6463041305541992, 1.2297234535217285, -0.479054719209671, 0.6225120425224304, 1.6627165079116821, 0.027845274657011032, 0.061487168073654175, -0.6912670731544495, -0.25934839248657227, -0.13528305292129517, -0.4099729657173157, 0.605316698551178, 0.06865130364894867, -1.274617075920105, -0.8011677265167236, 0.061296358704566956, -0.45748084783554077, 0.9840510487556458, 0.350315660238266, 0.3878178000450134, -0.03940712660551071, -0.8168215155601501, 0.10200664401054382, 0.9340528845787048, -0.2612108588218689, -1.2942264080047607, -0.20316258072853088, 0.48411625623703003, 0.19135409593582153, -1.285439133644104, 0.060661427676677704, 1.0247279405593872, 0.06582700461149216, 0.23706398904323578, -0.15582275390625, 0.1723211705684662, -0.5956459045410156, -0.9001410603523254, 0.33285456895828247, 0.8620249032974243, -0.3222726285457611, 0.5915926098823547, -0.10818338394165039, -0.4999748468399048, -0.4031568169593811, -1.266961693763733, -0.43300724029541016, 1.3170058727264404, 0.17099756002426147, -0.4963931441307068, 0.5895577073097229, -0.4224858283996582, -0.8627222776412964, 1.5858676433563232, 0.3025333285331726, 0.07674125581979752, 0.08174245059490204, 0.5209500193595886, -0.29951685667037964, 0.27603065967559814, 0.27537623047828674, 0.3433305025100708, -0.4152654707431793, -0.8256211280822754, 0.6912182569503784, 0.4130838215351105, -0.07054018974304199, 0.04032853618264198, -0.2967330813407898, -0.33067041635513306, -0.22735629975795746, 0.26203081011772156, -0.2705676555633545, -0.7198225259780884, 0.7300073504447937, -0.5658082365989685, 0.2627822160720825, -0.5818372368812561, -0.029794741421937943, -0.4995878040790558, -1.0252095460891724, 0.055256426334381104, 0.7190080881118774, -0.04809815064072609, -0.2562231421470642, -0.5502803325653076, 0.8848292231559753, -0.49442344903945923, 1.5438876152038574, -1.0648027658462524, 1.2998692989349365, 0.25021663308143616, -0.09694694727659225, 0.24973714351654053, -0.6671425700187683, 0.0559520348906517, 0.0951903760433197, 0.5762442350387573, 0.10877833515405655, -0.6540420651435852, 0.1802482008934021, 0.09419863671064377, -0.22725987434387207, 0.684028685092926, -0.5489353537559509, -0.06651096791028976, 1.1445060968399048, 0.5113433599472046, 0.8816443085670471, 0.6382869482040405, 0.18415415287017822, 1.0029711723327637, 0.4409167468547821, 0.29860714077949524, 0.8746164441108704, -0.3140033483505249, 0.1950259655714035, 0.5450158715248108, -0.29559826850891113, 0.6107419729232788, 0.40115711092948914, 0.6375067234039307, -1.805677890777588, 0.3166486322879791, 0.4731178283691406, -0.2661339044570923, -0.9139997959136963, -0.4081246256828308, -0.01283762976527214, -1.0310102701187134, 1.4962917566299438, -0.6528730392456055, 0.39375749230384827, -0.08032591640949249, -0.879914402961731, 0.9169751405715942, 0.14259643852710724, -0.8419037461280823, -0.504991352558136, -0.6465768814086914, 0.04313337057828903, -0.797251284122467, -0.32265767455101013, 0.12949109077453613, -0.30393847823143005, 0.458467960357666, -1.1071206331253052, 0.3347280025482178, 0.038655102252960205, 0.6092510223388672, 0.23264068365097046, -0.6208241581916809, 0.408815860748291, 0.22140485048294067, 0.8987572193145752, -0.7260228395462036, 1.369400978088379, 0.27762797474861145, -0.7030379176139832, -0.19880333542823792, -0.42117103934288025, -1.0275131464004517, -0.20322898030281067, 1.49416184425354, -0.5678902268409729, -0.06106597185134888, -0.41208046674728394, -0.26353177428245544, -1.3529667854309082, 0.46967723965644836, 0.9662405252456665, -0.5930701494216919, 0.17637911438941956, -0.38212886452674866, 0.8558832406997681, 0.24197597801685333, 0.3523136377334595, -0.76774001121521, -0.0977001041173935, -0.16984626650810242, 1.1044929027557373, -0.07046496868133545, -0.13782460987567902, -1.50640869140625, -1.0682756900787354, -0.589702308177948, -0.23128007352352142, 0.7098212838172913, -0.07609370350837708, 1.0596709251403809, 1.1078574657440186, 0.18478161096572876, -0.30964478850364685, -0.13275714218616486, 0.7919048070907593, 0.32045403122901917, 0.27088800072669983, -0.5669055581092834, -0.13265591859817505, -0.9728490710258484, 0.29544880986213684, 0.11043208837509155, -0.04706253483891487, -1.9234446287155151, -0.4728156328201294, 0.21978309750556946, -0.39224177598953247, 0.7143332958221436, -0.9638482332229614, 0.014291774481534958, 0.40875983238220215, -0.6026389002799988, -0.5834823846817017, 0.20760825276374817, 1.2537046670913696, -0.7808670401573181, 1.0120753049850464, -0.3142455518245697, -0.24260935187339783, 0.3895115256309509, 0.4809945821762085, 1.9196677207946777, -0.8851547837257385, 0.1282893270254135, 0.27309462428092957, -0.8043746948242188, -0.0995296835899353, -0.22208888828754425, 0.3718942403793335, -1.126523494720459, 0.37578538060188293, -1.1962367296218872, 0.07611510902643204, 0.2509486973285675, 0.46647003293037415, 0.6376082301139832, 0.7490939497947693, 0.15874561667442322, -0.3225295841693878, -0.6959025859832764, -0.11652346700429916, 0.17339704930782318, 0.36726659536361694, 0.23807302117347717, 1.151671051979065, 0.7341256141662598, 0.03850506991147995, 0.6863478422164917, -0.0007627271115779877, -0.17621363699436188, -0.09171395748853683, 0.9348139762878418, 1.2643320560455322, 0.5745816826820374, -0.14862535893917084, -0.19732141494750977, -0.2807893753051758, -0.6334518194198608, -0.9524893760681152, -0.23449566960334778, 0.23742489516735077, 1.038270354270935, 0.02655353769659996, 0.31540393829345703, -0.8083373308181763, -0.11416217684745789, 0.6161965727806091, 0.3128316104412079, 0.5397779941558838, -0.14031840860843658, -0.9571413397789001, -0.761102557182312, -0.014711225405335426, 1.7670059204101562, -0.8155170679092407, -0.043249037116765976, -0.42470240592956543, 0.20069366693496704, -0.523668110370636, -1.0055774450302124, -0.8726164102554321, 0.8626331090927124, -0.42162850499153137, -0.010432835668325424, 0.34809958934783936, -0.6778889298439026, -1.0254789590835571, -0.18779334425926208, -0.6856294274330139, 0.43521884083747864, 0.5306915044784546, -0.8455391526222229, -0.23279131948947906, 0.001557590439915657, -0.2859632670879364, 0.3383447229862213, 0.8854390978813171, -0.8797813653945923, -1.4669338464736938, 0.46717777848243713, 0.5446295142173767, -0.07700343430042267, -0.7333794832229614, 0.6252509951591492, 1.0245909690856934, -0.049868885427713394, 0.8952988982200623]} +{"paper_id": "strombergnlp/rustance", "embedding": [-0.49943017959594727, 1.1335850954055786, -0.8506827354431152, 0.12662744522094727, 0.36858218908309937, 0.3126448094844818, 0.42439961433410645, -0.07257815450429916, 1.0490989685058594, 1.2758994102478027, 0.006331086158752441, -0.606822669506073, 0.09962098300457001, 0.06296369433403015, 0.4254216253757477, -0.4055585563182831, -0.6785284876823425, 0.7155728340148926, 0.5938487648963928, -0.049022600054740906, -0.46285170316696167, -0.8163992762565613, -0.4721502661705017, 1.002037525177002, -0.8026048541069031, -0.15758773684501648, 0.6684237718582153, -0.6616873741149902, 0.2431032657623291, -0.013258296996355057, -0.04545322805643082, 1.2447504997253418, -1.041129231452942, -0.3860235810279846, -1.388378620147705, -0.8824760913848877, -0.3058067262172699, 0.6091405749320984, -0.31312674283981323, -0.03753211721777916, -1.5609827041625977, 0.30936920642852783, 0.6989739537239075, 1.1398380994796753, 0.16066433489322662, 0.21826857328414917, 0.588857114315033, -0.3731551170349121, -0.041877683252096176, -0.44956550002098083, -0.2871783673763275, 0.8530914783477783, -0.7442469596862793, 0.08510228991508484, -0.5516496300697327, 0.4650768041610718, -0.1710096150636673, -0.9961181879043579, 0.072353295981884, -0.7990065813064575, 1.1693764925003052, 1.6739087104797363, -0.6836828589439392, -0.3790172040462494, 0.6683320999145508, -0.5520316362380981, 1.4499261379241943, -0.603632390499115, -0.025708412751555443, 0.9743098616600037, -0.29868289828300476, 0.06489928811788559, -0.4004809260368347, -0.8027517199516296, -0.7398154735565186, 0.7162079811096191, 0.25594907999038696, 0.1357550323009491, -0.34563905000686646, 0.44310110807418823, 0.03418199345469475, 0.9376602172851562, -0.9949955940246582, -0.4277038276195526, 0.6697394251823425, 0.16606807708740234, 0.638856053352356, -0.9175304770469666, 0.6048934459686279, -1.5342426300048828, 1.004777193069458, 0.036207810044288635, -0.13631129264831543, 0.299367755651474, -1.0694103240966797, 1.3009617328643799, -0.3430621027946472, 0.19651253521442413, -0.15990108251571655, 0.035637106746435165, 1.2390990257263184, -1.3269709348678589, 0.47541874647140503, 0.26880550384521484, 0.1839182823896408, 1.973099708557129, 0.19136586785316467, -0.18515270948410034, -0.29111844301223755, -0.4369935393333435, -0.5162440538406372, 2.120800256729126, -0.8674421906471252, 0.9350409507751465, -0.10243039578199387, -0.06821808964014053, 0.3496905565261841, -0.7140947580337524, -0.9451349973678589, 0.21718257665634155, -1.0459320545196533, -0.9880488514900208, -0.4036409854888916, 0.9047141075134277, 1.5953495502471924, 0.2642602026462555, 1.3748881816864014, -0.31997203826904297, -0.2450311928987503, -0.1481299102306366, 0.32622694969177246, -0.3889317512512207, -1.2169712781906128, 0.2577182650566101, 2.1054253578186035, -0.7530038952827454, 1.526879072189331, -0.8604807257652283, 0.31560420989990234, -0.422336220741272, -0.2941649854183197, 0.5922628045082092, 0.1426103711128235, -0.8541100025177002, -0.985221266746521, 0.7093860507011414, -1.3028228282928467, 0.09107720106840134, 0.13688652217388153, -0.9794273972511292, 0.08630159497261047, 0.7735558152198792, -0.769148051738739, -0.17783287167549133, 0.2884605824947357, 0.45804569125175476, -0.6865910291671753, 0.5710480213165283, 0.2135525494813919, 0.5691516399383545, 1.0668210983276367, 0.22817812860012054, -0.270932674407959, 0.7794492840766907, -0.2734489142894745, -1.0723849534988403, 1.0554536581039429, 0.15389719605445862, -1.051780104637146, 0.20140230655670166, 1.0276336669921875, -0.7963699698448181, -0.36404937505722046, -0.4966299831867218, -0.7285379767417908, -0.6301807165145874, 0.15075351297855377, 0.41577407717704773, 0.3467748761177063, -0.3032399117946625, -0.7266781330108643, 0.08736471831798553, -0.048805151134729385, 0.5373826622962952, -0.23917622864246368, -0.10974535346031189, -1.220683217048645, 0.29467326402664185, -0.6338859796524048, 1.6572210788726807, 0.20575383305549622, -0.8661858439445496, -0.518749475479126, 1.2428971529006958, 0.26725220680236816, 0.022086795419454575, 1.1889415979385376, -0.5795316696166992, -0.6188486814498901, -0.5382773876190186, 0.8555430769920349, -1.1353644132614136, 0.020862385630607605, -0.3692861795425415, 0.5203533172607422, -0.6978154182434082, -0.11921572685241699, -1.8632291555404663, 0.9516412615776062, 2.2693917751312256, -0.09502361714839935, -0.38679689168930054, -0.9131558537483215, 0.048014551401138306, 0.577394425868988, -0.2692870795726776, 0.9905076026916504, -1.0419390201568604, -0.10434866696596146, -0.9829456210136414, 0.2895887792110443, 0.029530204832553864, -0.13109713792800903, 0.0449586845934391, 0.11303438991308212, -0.4667607247829437, -0.9444245100021362, -0.625725507736206, -0.6785703897476196, 0.68336021900177, 0.635943591594696, -0.5680291056632996, -0.09385199844837189, 0.1721051037311554, 1.232109546661377, 1.120396614074707, -0.7908779382705688, 0.4670978784561157, -0.7954578399658203, -0.10085152089595795, 0.796869695186615, 0.1294671893119812, -0.09413737058639526, -1.4396705627441406, 1.3715969324111938, 1.1460212469100952, 0.18123342096805573, 0.03633883595466614, -0.4830790162086487, 0.03764408826828003, 0.45433369278907776, 1.2274665832519531, -0.8234163522720337, 1.2744585275650024, -0.9600842595100403, 0.3994877338409424, 0.18181172013282776, -0.7154091000556946, 0.10420398414134979, 0.18225711584091187, 0.2792193591594696, 0.3265373408794403, -0.4709613025188446, -0.09016010165214539, -0.43474552035331726, -0.4810293912887573, -0.9155595898628235, -0.05824489891529083, -1.1766773462295532, -0.9194414615631104, 0.13994774222373962, -0.9652504920959473, -0.8456479907035828, -0.2574474513530731, -0.1348096877336502, 0.09128805994987488, -0.8751013278961182, -0.13616684079170227, 0.5692591071128845, 0.4888755679130554, -0.40627768635749817, -0.259400337934494, 1.3681827783584595, -0.04660947248339653, 0.4831746816635132, -0.63480544090271, 0.4196138381958008, -0.11987914144992828, -0.6316971778869629, -0.029959026724100113, 0.6674320101737976, 0.24864104390144348, -0.02392840012907982, 1.157548427581787, 0.010100960731506348, -1.2803521156311035, 1.3415570259094238, -0.125990092754364, 0.6846364140510559, -1.147369384765625, 0.9074651598930359, 0.549883246421814, -0.20633867383003235, 0.6619378328323364, -0.23644466698169708, 0.36121606826782227, 0.9473950862884521, -0.9101234674453735, 0.04144756495952606, -0.3706861138343811, -0.11455702036619186, -0.284087210893631, 0.679244875907898, -1.2777137756347656, -0.025464361533522606, 1.067697525024414, -0.341815322637558, 0.2934337556362152, -0.11193147301673889, 1.6132935285568237, -0.3271335959434509, -0.20904697477817535, -0.39798951148986816, -0.6656102538108826, 0.22650405764579773, -0.877642810344696, -0.16343769431114197, 0.5760865211486816, -0.7366905808448792, -0.5451997518539429, 0.30576232075691223, 0.8759304285049438, -1.7894850969314575, -0.07528455555438995, 0.8223854899406433, -0.018784217536449432, 1.3333404064178467, -0.022225484251976013, 0.26483389735221863, 0.9798856973648071, -0.5886213183403015, -0.4036998152732849, 0.8531588912010193, 0.23594757914543152, 0.13460464775562286, 0.024805793538689613, 0.08883876353502274, 0.7913832664489746, -0.991699755191803, 1.5605436563491821, 0.5836166143417358, 0.04819745942950249, -1.3351339101791382, -0.0033048372715711594, 0.06627778708934784, -0.7265973687171936, 0.6350218653678894, 0.72038733959198, 1.359141230583191, -0.045416586101055145, 0.0791604146361351, 0.15181013941764832, 1.194952368736267, 1.1039371490478516, -0.1588958352804184, 0.2691999673843384, 0.31786152720451355, 0.49960821866989136, 0.7147069573402405, 0.023065710440278053, -0.707284688949585, -0.21793976426124573, 1.0758384466171265, -0.2657523453235626, -0.10945835709571838, -0.6959535479545593, -0.07248488068580627, 0.18093925714492798, 0.9822202920913696, -0.1676451563835144, -0.8138166069984436, -0.8313323259353638, -0.07167703658342361, 1.385438084602356, 0.8301457166671753, -1.3687924146652222, -0.5089092254638672, -1.0495202541351318, 0.18215705454349518, -0.7984862923622131, 0.1803712546825409, 0.21867063641548157, 0.26777133345603943, -0.8179154396057129, -0.5485008358955383, -0.7480919361114502, 0.15541043877601624, 0.42891672253608704, -0.2507987320423126, -0.3301801085472107, 1.5816985368728638, -0.26952359080314636, -2.0267562866210938, 0.4111725986003876, -0.5000528693199158, -0.8530404567718506, 0.34426188468933105, 0.9621905088424683, -1.1737642288208008, -1.1637017726898193, -0.1445733904838562, -0.5778194069862366, -0.6946486830711365, 0.6526904106140137, -1.0869240760803223, 1.8791340589523315, 0.22166000306606293, 0.7010899782180786, 0.09672483801841736, 0.0676535964012146, 0.06026161462068558, 1.068273901939392, 0.7548124194145203, -0.8584794998168945, 0.21961969137191772, 0.15877938270568848, -0.8974859118461609, 0.7505291700363159, -1.4822555780410767, -0.4152299761772156, 0.4718984067440033, -0.25418001413345337, 0.43955761194229126, -0.30779212713241577, -0.43012621998786926, 0.0655614584684372, 0.14683640003204346, 0.41326189041137695, -1.3291395902633667, 0.7051684856414795, -1.047140121459961, 0.32228386402130127, 0.462557852268219, -0.2530500888824463, -0.9296846985816956, 0.8248172402381897, -1.1770488023757935, 0.05859304964542389, 0.6512749195098877, 0.4043223559856415, 0.44519099593162537, 1.0404775142669678, 1.0160436630249023, -0.5044784545898438, -10.047174453735352, 0.5829722285270691, -0.019248412922024727, 0.6781293153762817, 0.3761070966720581, -0.03211209923028946, -0.7843204736709595, 0.1785024106502533, 1.5619900226593018, -0.742884635925293, 0.12356400489807129, 2.131803512573242, -0.19605249166488647, -0.9523854851722717, -0.9118795394897461, 0.13415491580963135, -0.6672213673591614, -1.0434894561767578, 0.07928809523582458, 0.12199445068836212, -0.625174880027771, -0.526282012462616, 0.5955657362937927, -0.9801252484321594, 0.6434910893440247, -0.18339532613754272, 0.9515962600708008, -0.4262220859527588, -0.9238829612731934, 0.62278151512146, 1.0880459547042847, -0.01855453848838806, -0.9192683100700378, -0.6043773889541626, 0.4277966618537903, 0.6149352788925171, -1.2371467351913452, 0.11284755170345306, 0.22327370941638947, -0.6033740639686584, 0.7466058135032654, -0.06013910844922066, -0.1822938323020935, -0.8217087984085083, -0.3645065128803253, -0.3897654414176941, -0.5270459055900574, -0.5178117156028748, -0.5306858420372009, 0.12824967503547668, -0.19486314058303833, -0.19168351590633392, -1.9273931980133057, -0.5157478451728821, 0.9367497563362122, -0.45574188232421875, -0.9559164047241211, 0.5924835205078125, -1.038002610206604, -1.1312320232391357, 1.0023025274276733, -0.22402165830135345, -0.5515298247337341, 0.37340307235717773, 0.4850189983844757, -0.7169622778892517, 0.884261965751648, 0.6052149534225464, 0.10551253706216812, -0.1550692766904831, -0.48157721757888794, 1.8708680868148804, -0.023481175303459167, 0.5565997362136841, 0.10298715531826019, -0.3329397141933441, -0.3955421447753906, -0.20271754264831543, 0.8153080940246582, -0.07083146274089813, -1.5189688205718994, 0.6049644947052002, -0.2537303566932678, 0.21212947368621826, -0.8186438083648682, 0.1111544668674469, -0.1630263328552246, -1.8150348663330078, 0.3519136607646942, 0.33232730627059937, 0.09813067317008972, 0.06372718513011932, -0.2400149255990982, 0.796352744102478, -0.43444645404815674, 0.8619384169578552, -1.785974383354187, 1.7951040267944336, 0.4698358476161957, 0.7249146699905396, 0.2664933204650879, 0.03518145531415939, 0.15604090690612793, 0.005319081246852875, 0.3828866481781006, -0.3417868912220001, -0.10884998738765717, -0.18903008103370667, -0.7799867391586304, -0.42181596159935, 0.7450351715087891, 0.5032497048377991, 0.32679420709609985, 0.7211716771125793, 0.16734713315963745, 0.876454770565033, 0.3240428864955902, -0.40125975012779236, 0.36203357577323914, 1.3608795404434204, -0.43446218967437744, 0.3769042491912842, 0.02332567237317562, 0.06613560020923615, -0.22599714994430542, 0.8007882833480835, 0.13764165341854095, -0.22306112945079803, 0.1788005828857422, -1.9423049688339233, 0.8124585151672363, -0.22568279504776, 0.9001750349998474, -0.6276758909225464, -0.2592222988605499, -0.570848822593689, -1.3776397705078125, 1.171257734298706, -0.11655979603528976, 0.014350054785609245, -0.9965203404426575, -0.3374454081058502, 0.4622807502746582, -0.4444811940193176, -0.7364063858985901, 0.04117612913250923, -1.9678535461425781, 0.39809173345565796, -0.7766487002372742, -0.4093366265296936, 0.6249306797981262, -1.0396218299865723, 0.5531609058380127, -0.6518524289131165, -0.40814927220344543, 0.21883836388587952, 0.48725494742393494, 0.47237637639045715, -0.7939317226409912, 0.30509406328201294, 0.7816115617752075, 0.7550739049911499, -0.6287179589271545, 1.1701735258102417, 0.8396036624908447, -0.3937681317329407, -0.23464500904083252, -0.02024773880839348, -0.519304633140564, 0.21237629652023315, 1.1973748207092285, -0.5779612064361572, -0.12694904208183289, 0.29111573100090027, -0.5265106558799744, -1.6754567623138428, 0.8234092593193054, 0.7731379270553589, -0.9016597867012024, 0.10125517845153809, -0.3138732612133026, 0.6030997633934021, -0.11737942695617676, -0.10446318984031677, 0.06166847050189972, 0.46064493060112, -0.7077277302742004, 1.4678199291229248, 0.06832287460565567, -0.48109593987464905, -1.6718188524246216, -1.3422272205352783, -0.396486759185791, -0.8290626406669617, 1.1685395240783691, 0.11790530383586884, 0.7731305360794067, 0.7208124995231628, -0.11792998015880585, -1.3443576097488403, -0.07234203815460205, 0.7619259357452393, 0.3839845061302185, 0.022391900420188904, -1.624037504196167, -0.43446069955825806, -0.5231547951698303, 0.553032636642456, 0.7220146059989929, 0.4054942727088928, -1.3490194082260132, -0.41546112298965454, 0.5026494860649109, -0.437740296125412, 0.6770030856132507, -0.8168203830718994, 0.2707371413707733, -0.05517929792404175, -0.48787590861320496, -0.6052929759025574, 0.04227476939558983, 1.0311610698699951, 0.3793051838874817, 1.2485090494155884, 0.6318049430847168, -0.025237202644348145, 1.0405173301696777, 0.6998754143714905, 1.790269136428833, 0.45293036103248596, 0.6083097457885742, 0.4331587851047516, -0.25707486271858215, 0.6111889481544495, -0.35355639457702637, 0.658824622631073, -1.0961847305297852, 0.6843680143356323, -1.108832597732544, -0.5439713597297668, 0.14704981446266174, 0.1461355835199356, 0.4088771343231201, 0.7623076438903809, -0.6885466575622559, -0.013031922280788422, -0.9265166521072388, -0.4405333995819092, -0.2868439853191376, 0.5805186033248901, 0.46983638405799866, 1.714479923248291, 0.7115678191184998, -0.06303858757019043, 0.9290053844451904, -0.112388014793396, -0.06282936036586761, 0.3688596785068512, 0.5453882217407227, 1.1304620504379272, 0.7316687703132629, 0.3768390715122223, -0.805800199508667, -0.5303930640220642, -1.1748398542404175, -0.46819692850112915, -0.8927952647209167, 0.4601616859436035, 0.34048134088516235, 0.049418214708566666, 0.4831479787826538, 0.32512229681015015, 0.23980925977230072, 0.8028034567832947, 0.3654610514640808, 0.23417477309703827, -0.277235209941864, 0.10895644128322601, -0.5568929314613342, -0.3769209384918213, 0.968239963054657, -0.7986739277839661, -0.3670423626899719, -0.9225785136222839, 0.29304635524749756, -0.0882108137011528, -1.4110862016677856, -0.8842251896858215, 0.4826715588569641, 0.07251176983118057, -0.32813453674316406, 0.3392649292945862, -1.3096610307693481, -1.5588124990463257, -0.0901372879743576, -1.1243960857391357, 0.4234340786933899, 0.406619668006897, -1.1516259908676147, 0.15130947530269623, 0.9008564949035645, 0.7981194257736206, 0.15564985573291779, 0.43750566244125366, -0.40492916107177734, -0.7977776527404785, 1.5049381256103516, 0.929036021232605, -0.0838836207985878, -0.5087223052978516, 1.431290864944458, 0.5208718776702881, 0.48150360584259033, 1.6665784120559692]} +{"paper_id": "rpeeters/wdc-computers", "embedding": [-0.4372478723526001, 0.8108834624290466, 0.20701631903648376, -0.09787119925022125, -0.24330642819404602, -0.5873933434486389, 0.17792701721191406, 0.32420456409454346, -0.11974320560693741, 0.4759022891521454, 0.8895595073699951, 0.20109407603740692, 0.48703622817993164, 0.45350977778434753, -0.577223002910614, 0.4623297452926636, 0.5794858336448669, -0.8959527015686035, -0.17412914335727692, 0.18754687905311584, -0.8028627038002014, -0.9480435848236084, 0.31692808866500854, -0.0777948796749115, -1.3117212057113647, -0.2873247265815735, 0.9655839800834656, -0.1353338360786438, 0.2616308927536011, 0.2901792824268341, 0.29592326283454895, 1.143592357635498, -1.6013799905776978, 0.6473711729049683, 0.13506263494491577, 0.4012626111507416, 0.12760290503501892, 1.0752912759780884, -1.0140299797058105, -0.16393744945526123, -0.051594771444797516, -0.22037634253501892, 1.8598766326904297, -0.17967242002487183, 0.7569847702980042, -0.31048816442489624, -0.19288752973079681, -0.05324598774313927, 0.11871814727783203, 0.32481780648231506, -0.8069663047790527, 0.08323688805103302, 0.841214120388031, 0.4416096806526184, -1.167331576347351, 1.072817087173462, -0.6438710689544678, -0.24582751095294952, 0.6582916378974915, -0.6050018072128296, -0.014411297626793385, 0.7042489051818848, 0.7512927651405334, 0.32405808568000793, 0.5275520086288452, -0.10655489563941956, 0.17079846560955048, -0.33483293652534485, -0.036742739379405975, 0.7012748122215271, -0.6280927658081055, -1.7658109664916992, 0.7427726984024048, 0.32020533084869385, 0.1114836260676384, 0.768791675567627, 0.2761349678039551, -0.4715800881385803, 0.33246228098869324, -0.14168968796730042, 0.12225611507892609, -0.1553928554058075, 0.02225908637046814, 0.20355644822120667, 0.1481623351573944, -0.5481753945350647, -0.7248239517211914, -0.8698723912239075, 0.3512020409107208, -0.4468912184238434, 0.38327455520629883, -0.03741704672574997, 0.10162149369716644, -0.14458759129047394, 0.30695483088493347, -0.5749210119247437, -0.6581268906593323, 0.5085066556930542, -0.3038524091243744, 0.9441063404083252, 0.2814651131629944, -0.798521876335144, 0.9334286451339722, -1.163224697113037, -0.13144680857658386, 0.8714597225189209, -0.817797839641571, -0.1159152016043663, -0.20146870613098145, 0.2707403600215912, -0.24492864310741425, 1.2649860382080078, 0.33935630321502686, 0.43814459443092346, -0.12469368427991867, -0.20760118961334229, -0.4361225664615631, -0.21491415798664093, -0.8025423884391785, 0.6824702620506287, 0.685370147228241, -1.8674031496047974, -0.23613420128822327, 0.20731867849826813, 0.2442273646593094, -0.04933708533644676, 0.15855249762535095, 0.11467588692903519, -1.045052409172058, -0.22196219861507416, 0.9532520771026611, 0.318342000246048, -0.3245083689689636, 0.07795226573944092, 2.919201135635376, -0.9412647485733032, 0.3583814203739166, 0.23970384895801544, -0.7372669577598572, 0.007356807589530945, -0.3423709571361542, 0.20872850716114044, 0.6552538871765137, -0.4342818856239319, 0.21966508030891418, -0.1523141860961914, 0.5150227546691895, -0.3163929879665375, -0.2017805278301239, 0.12449084222316742, 0.08076702058315277, 0.606577455997467, -0.9466632008552551, -1.216635823249817, 0.3417937755584717, 0.018116429448127747, 0.42000657320022583, -0.28269919753074646, -1.437968373298645, 0.6190916299819946, -0.14350324869155884, 0.948562502861023, -0.36026108264923096, 1.0358405113220215, 0.274474173784256, 0.5330626964569092, 1.6360188722610474, 0.21627265214920044, -0.6907602548599243, -0.18155443668365479, 0.5786629319190979, 0.2849227488040924, 0.7202122211456299, -0.501230001449585, -0.10017712414264679, 0.29197630286216736, 0.33858877420425415, 0.28674110770225525, 0.2873634397983551, -0.40251192450523376, 0.0021244436502456665, 0.8009060621261597, -0.975999116897583, 0.35814574360847473, 0.526423990726471, -0.024956775829195976, -1.344312071800232, 0.34375298023223877, -0.7715410590171814, -0.38961005210876465, 0.7630016803741455, -0.3971506953239441, -0.09656644612550735, 0.08724738657474518, 0.5130199193954468, -0.2494126558303833, 0.060298528522253036, -1.1930288076400757, -0.527793288230896, 0.8255006670951843, -0.7654432654380798, 0.13864794373512268, -0.6454375982284546, 0.07998810708522797, 0.19802561402320862, 1.1776764392852783, 0.09046810865402222, -1.8546905517578125, 0.9300433397293091, 1.072303295135498, 0.26755788922309875, -1.2672852277755737, -1.7107070684432983, -0.383084237575531, 0.4139004051685333, -1.352386713027954, 1.1126078367233276, -0.14832442998886108, 0.19539591670036316, -1.0674878358840942, -0.18710947036743164, -0.39794063568115234, 0.5141626000404358, 0.30280935764312744, 0.1420438289642334, -0.8502670526504517, -0.5087337493896484, -0.004555635154247284, -1.562185525894165, 0.8124828934669495, 0.21714100241661072, 0.48407843708992004, -0.28787827491760254, 0.899124801158905, 0.2448158860206604, 0.28141915798187256, 0.2838883101940155, 0.368131548166275, -0.8297935724258423, 0.47618967294692993, -0.10321713984012604, 0.7367119789123535, -0.33080369234085083, -0.801803469657898, -0.49439334869384766, -0.5664547681808472, -0.5335752964019775, -1.0223889350891113, 0.14119486510753632, 0.3520389199256897, 0.5699315667152405, 0.8371694684028625, -0.7555994987487793, -0.16861817240715027, 0.1571739912033081, -0.41606277227401733, 0.4954741299152374, 0.022554058581590652, -0.15707451105117798, -0.48465991020202637, 0.8812146186828613, 0.15158841013908386, 0.03253991901874542, -0.3041590452194214, -0.09775568544864655, -0.23112551867961884, -0.3781360387802124, 0.10742058604955673, -0.6010921001434326, 0.6033483743667603, 0.095157191157341, -0.11814069747924805, -0.9044869542121887, -0.7923670411109924, 0.27304285764694214, 0.8737456202507019, 0.056426987051963806, 0.9169243574142456, 0.11286461353302002, 0.21330669522285461, 0.8074678778648376, -0.16552138328552246, -0.06779323518276215, -0.17236082255840302, 0.4862304925918579, 0.7572404146194458, -0.07417324930429459, -0.7170060276985168, -0.7168047428131104, -0.17472787201404572, -0.17173084616661072, 0.04233873635530472, -0.6148706078529358, 0.05551006644964218, -0.5754899978637695, -1.2682294845581055, 1.7910940647125244, -0.2680114805698395, -0.18722239136695862, -0.2712581157684326, 0.9942264556884766, 0.2788192927837372, 0.5249185562133789, 0.561031699180603, -0.14855344593524933, -0.21930217742919922, 1.646188735961914, -0.2747899293899536, 0.15031951665878296, 0.7649723887443542, -0.15287519991397858, 0.21789439022541046, 0.6637479662895203, -1.6755015850067139, 0.3933812081813812, -0.9877852201461792, -0.13064882159233093, -0.3501461148262024, -0.5419127941131592, -0.12211906909942627, -0.3623943626880646, -0.0179035235196352, 0.7041860818862915, -0.6686887741088867, 0.29345613718032837, -0.018227562308311462, 0.9005370140075684, 0.7630624175071716, -1.6966371536254883, -0.1902306079864502, 0.17680929601192474, 0.08969885855913162, -0.2840418219566345, -0.36400288343429565, 0.851019561290741, -0.9125649929046631, -0.5047411918640137, 0.740752100944519, 0.90120929479599, -0.06868237257003784, -1.3651039600372314, 0.05560985952615738, -0.0768955871462822, -0.19771042466163635, -0.5509917736053467, 0.22966136038303375, 0.5345877408981323, 1.5005754232406616, 0.7939150929450989, 1.1225450038909912, 0.14665941894054413, -0.8747652769088745, -1.196792721748352, 0.14415445923805237, -0.09092509001493454, -0.07972308993339539, 1.0357933044433594, 0.2744540572166443, 0.9147053956985474, -0.3742132782936096, 0.16947956383228302, -0.3452950417995453, -0.4139505624771118, 0.8725724816322327, 1.346166968345642, -0.0314481258392334, -0.4131826162338257, 0.6834254264831543, 0.02681216597557068, 0.7767704129219055, -0.41028860211372375, 0.16966460645198822, 0.3570513129234314, -0.022255267947912216, 0.16330166161060333, 0.23048608005046844, 0.28688064217567444, 0.6661422252655029, 1.3552850484848022, 0.07486610859632492, 0.2099006623029709, -0.4730397164821625, -0.45062071084976196, 0.13900943100452423, -1.4893888235092163, -0.47741079330444336, 1.0646425485610962, 0.6773932576179504, 0.8233758211135864, 0.12417320907115936, 0.33445078134536743, 0.8758299350738525, -0.09741712361574173, -0.9997345209121704, 0.16952666640281677, -0.9663633108139038, -0.16074921190738678, 0.03900514543056488, -0.12839771807193756, -0.6725553274154663, 0.17558616399765015, 0.08907486498355865, -0.7271388173103333, 1.0004130601882935, -0.3420492112636566, -0.5305978059768677, 0.14124003052711487, 1.6267058849334717, -0.4391997456550598, -0.3267434239387512, -0.3444135785102844, -0.35693421959877014, -0.25172165036201477, 0.1577189564704895, -0.3400990068912506, 0.3174167275428772, 0.21561360359191895, 0.4231729805469513, -0.6151846051216125, -1.011237382888794, -0.4444386065006256, 0.9923933148384094, 0.31590086221694946, -0.2905316650867462, -0.04475090652704239, -1.0237693786621094, 0.5445395708084106, -0.05834243446588516, -1.1168806552886963, -0.6838715672492981, 1.4991778135299683, 0.9719744920730591, 0.22474361956119537, -1.0184186697006226, -0.5616714954376221, 0.062034979462623596, 0.44589105248451233, 1.5792869329452515, 0.054429296404123306, -0.11187977343797684, -0.3651515543460846, 0.3513127267360687, 0.6599982976913452, -0.17659258842468262, -0.9263772964477539, 1.9358441829681396, -0.716465950012207, 0.5995165109634399, -1.665445327758789, -0.42640745639801025, 1.129828929901123, -0.19665518403053284, 0.2783677577972412, -0.011140987277030945, -12.204629898071289, 0.5424537658691406, -0.4751816689968109, 0.9984599947929382, 0.607632040977478, 0.10465532541275024, 0.8313756585121155, 0.13196490705013275, 0.8877966403961182, -0.5563738942146301, 0.11946448683738708, 1.5463621616363525, -0.1715518832206726, 0.07829515635967255, -0.5997853875160217, -1.8734694719314575, 0.27906563878059387, -0.15450315177440643, -0.07103143632411957, 0.06771141290664673, 0.33515846729278564, -1.1146620512008667, -1.1292895078659058, 0.5382626056671143, 0.4350302219390869, -0.7591742873191833, -0.12065359205007553, 0.012461640872061253, 0.06360192596912384, -0.407525897026062, -0.21111494302749634, -0.35830244421958923, -0.5932756662368774, 0.2099313884973526, -0.6002351641654968, 0.20982733368873596, -0.038896121084690094, -0.39472734928131104, 1.1678466796875, 0.2667869031429291, -0.8416062593460083, 1.0566418170928955, 0.4001266658306122, 0.9326993227005005, -0.6806322932243347, 0.48879534006118774, 0.0013271309435367584, -0.508778989315033, -0.4567144513130188, -0.1460597962141037, -0.15097439289093018, -0.4982808828353882, -0.2482631504535675, -0.02136218547821045, 0.982075572013855, -0.1930549442768097, -1.2213646173477173, -0.8140543699264526, -0.666143536567688, -1.0517487525939941, 0.6132820844650269, -0.1862979233264923, -0.18372313678264618, 0.3194114863872528, 0.5718275904655457, -0.43492603302001953, 0.731722891330719, 0.2754463851451874, -0.4179934561252594, 0.5540842413902283, -0.4511335492134094, 0.7821193337440491, 1.0508487224578857, 0.17076775431632996, -0.6287024021148682, -0.011105135083198547, -0.4214535057544708, 0.6418300271034241, 0.013862045481801033, -0.6702176332473755, -1.4783169031143188, 1.0181483030319214, -0.01951342634856701, -0.35796844959259033, 0.6675106287002563, 0.23089557886123657, -0.5255680084228516, -0.07286165654659271, -0.03278487175703049, 0.6886122822761536, 1.370829463005066, -0.3508048355579376, -0.6369463801383972, -0.8542462587356567, -0.9308255910873413, 0.30170324444770813, -0.5963077545166016, -0.012143012136220932, -0.6961662769317627, -0.14889851212501526, 0.03002309799194336, 0.058458782732486725, -0.608029842376709, 0.1907925307750702, 0.8215404748916626, 0.21055123209953308, 0.6300822496414185, 0.5283212661743164, 0.09368947148323059, 0.7609930038452148, 0.19480150938034058, -0.5734177827835083, -0.16142404079437256, 2.0306336879730225, 0.3031083941459656, -0.10772278159856796, 0.5418869256973267, -1.0692052841186523, 0.6303247213363647, 0.4544960558414459, 0.14050769805908203, -0.2696971297264099, 1.0072174072265625, 0.48138272762298584, -0.2869274616241455, 0.013277638703584671, 0.2899996042251587, 0.7425881028175354, -0.27128762006759644, -0.5049092173576355, 0.832676112651825, 0.01268213614821434, -0.7240759134292603, -1.28966224193573, -0.5044376254081726, -0.5051267147064209, 0.46472615003585815, 0.820257306098938, -0.6342697143554688, 0.3346727192401886, 0.06522459536790848, -0.781703770160675, -0.5493910312652588, 0.00800134614109993, -0.7175890803337097, 0.042957454919815063, 0.5770575404167175, 0.2753579318523407, -0.6785791516304016, -1.0887993574142456, 0.08472748100757599, -0.5339770317077637, 0.40168297290802, -0.4412685036659241, -0.3504350781440735, -0.269483357667923, -0.6473627090454102, -0.20790624618530273, -0.5317985415458679, -1.0977811813354492, 0.5307784676551819, 0.7500530481338501, -0.4375447630882263, 1.6334450244903564, 1.4556994438171387, 0.2155131995677948, -1.2787530422210693, 0.009682439267635345, -0.35515955090522766, -0.32055872678756714, 0.47717809677124023, -0.3893873691558838, -0.10166039317846298, -0.3492186665534973, 0.09993189573287964, -0.7886205315589905, 1.1276437044143677, 1.2239075899124146, -2.26611590385437, 0.6976114511489868, 0.8183901906013489, 0.9183917045593262, 0.3232683539390564, -1.1077423095703125, -0.2341083288192749, -0.13143956661224365, 0.18208974599838257, 0.6985529661178589, -0.9223915338516235, 1.3539267778396606, -1.4691035747528076, -0.9658844470977783, -0.2420838624238968, 0.4900914430618286, 0.7878637313842773, -0.15616688132286072, 0.946479320526123, -0.1646631807088852, -0.0050634294748306274, 0.028121724724769592, 0.07320471107959747, 0.006607223302125931, 0.1005852073431015, -0.19671890139579773, 0.41959425806999207, 0.40803053975105286, -1.3970543146133423, -0.6108536720275879, -0.39422979950904846, 0.5790953636169434, -0.7808452248573303, -0.3470940589904785, 0.7816186547279358, 0.060830309987068176, 0.32029274106025696, -0.5906420946121216, 0.25537222623825073, -0.3609897196292877, -0.25243327021598816, -0.9660221934318542, 0.13134394586086273, 0.4477255344390869, -0.49090802669525146, 0.9994975924491882, -0.7699905633926392, 0.6937522292137146, 0.48408329486846924, 1.01323401927948, 0.8011293411254883, 0.05723946541547775, -1.1970628499984741, 0.22180645167827606, -0.21421565115451813, -0.5412240624427795, -0.7883974313735962, -0.5862274169921875, -0.5076562166213989, 0.3284013569355011, -0.6898897290229797, 0.3317357003688812, -0.6383811831474304, 0.4432491958141327, 0.03012838214635849, 0.25564834475517273, -1.053429126739502, -0.5836730003356934, -0.4779975414276123, -1.3411110639572144, 0.16799235343933105, 0.516332745552063, 0.004690941423177719, 0.8012886047363281, 0.633419394493103, -0.10442706942558289, 0.43016743659973145, 0.645777702331543, -0.29074257612228394, 0.19832569360733032, 0.38425910472869873, 1.5216965675354004, 1.0357626676559448, -0.4069988429546356, 0.5594877004623413, 0.2655686140060425, -0.2784949243068695, -0.166326642036438, -0.3636608123779297, 0.5651974081993103, 1.1694499254226685, -0.5361754894256592, -0.35851937532424927, -0.6816508769989014, 0.024903181940317154, -1.9401259422302246, 0.6312246322631836, 0.9876423478126526, -0.3600718379020691, 0.06576978415250778, 0.09097064286470413, 0.9519346952438354, 0.07010234147310257, -0.2879961133003235, -0.1854792833328247, -0.0729188323020935, 1.3565597534179688, -0.01874791644513607, 0.22113919258117676, 0.06352189183235168, 1.0356961488723755, -0.7354246377944946, 0.5788852572441101, -0.6055213212966919, -0.8694279193878174, -0.1054917499423027, 0.5883979201316833, -0.8717089295387268, 0.006777668371796608, -0.22496429085731506, -0.015147458761930466, -0.4242630898952484, 0.7708404660224915, -0.07208430022001266, 0.9126318693161011, -0.18316026031970978, 0.2409026175737381, -1.0431959629058838, -0.35974010825157166, 0.8260195851325989, 0.11417423188686371, -0.2574051022529602, -0.08041924238204956, -0.07719912379980087, 0.42075666785240173, 0.3636305332183838]} +{"paper_id": "rpeeters/wdc-watches", "embedding": [-0.4372478723526001, 0.8108834624290466, 0.20701631903648376, -0.09787119925022125, -0.24330642819404602, -0.5873933434486389, 0.17792701721191406, 0.32420456409454346, -0.11974320560693741, 0.4759022891521454, 0.8895595073699951, 0.20109407603740692, 0.48703622817993164, 0.45350977778434753, -0.577223002910614, 0.4623297452926636, 0.5794858336448669, -0.8959527015686035, -0.17412914335727692, 0.18754687905311584, -0.8028627038002014, -0.9480435848236084, 0.31692808866500854, -0.0777948796749115, -1.3117212057113647, -0.2873247265815735, 0.9655839800834656, -0.1353338360786438, 0.2616308927536011, 0.2901792824268341, 0.29592326283454895, 1.143592357635498, -1.6013799905776978, 0.6473711729049683, 0.13506263494491577, 0.4012626111507416, 0.12760290503501892, 1.0752912759780884, -1.0140299797058105, -0.16393744945526123, -0.051594771444797516, -0.22037634253501892, 1.8598766326904297, -0.17967242002487183, 0.7569847702980042, -0.31048816442489624, -0.19288752973079681, -0.05324598774313927, 0.11871814727783203, 0.32481780648231506, -0.8069663047790527, 0.08323688805103302, 0.841214120388031, 0.4416096806526184, -1.167331576347351, 1.072817087173462, -0.6438710689544678, -0.24582751095294952, 0.6582916378974915, -0.6050018072128296, -0.014411297626793385, 0.7042489051818848, 0.7512927651405334, 0.32405808568000793, 0.5275520086288452, -0.10655489563941956, 0.17079846560955048, -0.33483293652534485, -0.036742739379405975, 0.7012748122215271, -0.6280927658081055, -1.7658109664916992, 0.7427726984024048, 0.32020533084869385, 0.1114836260676384, 0.768791675567627, 0.2761349678039551, -0.4715800881385803, 0.33246228098869324, -0.14168968796730042, 0.12225611507892609, -0.1553928554058075, 0.02225908637046814, 0.20355644822120667, 0.1481623351573944, -0.5481753945350647, -0.7248239517211914, -0.8698723912239075, 0.3512020409107208, -0.4468912184238434, 0.38327455520629883, -0.03741704672574997, 0.10162149369716644, -0.14458759129047394, 0.30695483088493347, -0.5749210119247437, -0.6581268906593323, 0.5085066556930542, -0.3038524091243744, 0.9441063404083252, 0.2814651131629944, -0.798521876335144, 0.9334286451339722, -1.163224697113037, -0.13144680857658386, 0.8714597225189209, -0.817797839641571, -0.1159152016043663, -0.20146870613098145, 0.2707403600215912, -0.24492864310741425, 1.2649860382080078, 0.33935630321502686, 0.43814459443092346, -0.12469368427991867, -0.20760118961334229, -0.4361225664615631, -0.21491415798664093, -0.8025423884391785, 0.6824702620506287, 0.685370147228241, -1.8674031496047974, -0.23613420128822327, 0.20731867849826813, 0.2442273646593094, -0.04933708533644676, 0.15855249762535095, 0.11467588692903519, -1.045052409172058, -0.22196219861507416, 0.9532520771026611, 0.318342000246048, -0.3245083689689636, 0.07795226573944092, 2.919201135635376, -0.9412647485733032, 0.3583814203739166, 0.23970384895801544, -0.7372669577598572, 0.007356807589530945, -0.3423709571361542, 0.20872850716114044, 0.6552538871765137, -0.4342818856239319, 0.21966508030891418, -0.1523141860961914, 0.5150227546691895, -0.3163929879665375, -0.2017805278301239, 0.12449084222316742, 0.08076702058315277, 0.606577455997467, -0.9466632008552551, -1.216635823249817, 0.3417937755584717, 0.018116429448127747, 0.42000657320022583, -0.28269919753074646, -1.437968373298645, 0.6190916299819946, -0.14350324869155884, 0.948562502861023, -0.36026108264923096, 1.0358405113220215, 0.274474173784256, 0.5330626964569092, 1.6360188722610474, 0.21627265214920044, -0.6907602548599243, -0.18155443668365479, 0.5786629319190979, 0.2849227488040924, 0.7202122211456299, -0.501230001449585, -0.10017712414264679, 0.29197630286216736, 0.33858877420425415, 0.28674110770225525, 0.2873634397983551, -0.40251192450523376, 0.0021244436502456665, 0.8009060621261597, -0.975999116897583, 0.35814574360847473, 0.526423990726471, -0.024956775829195976, -1.344312071800232, 0.34375298023223877, -0.7715410590171814, -0.38961005210876465, 0.7630016803741455, -0.3971506953239441, -0.09656644612550735, 0.08724738657474518, 0.5130199193954468, -0.2494126558303833, 0.060298528522253036, -1.1930288076400757, -0.527793288230896, 0.8255006670951843, -0.7654432654380798, 0.13864794373512268, -0.6454375982284546, 0.07998810708522797, 0.19802561402320862, 1.1776764392852783, 0.09046810865402222, -1.8546905517578125, 0.9300433397293091, 1.072303295135498, 0.26755788922309875, -1.2672852277755737, -1.7107070684432983, -0.383084237575531, 0.4139004051685333, -1.352386713027954, 1.1126078367233276, -0.14832442998886108, 0.19539591670036316, -1.0674878358840942, -0.18710947036743164, -0.39794063568115234, 0.5141626000404358, 0.30280935764312744, 0.1420438289642334, -0.8502670526504517, -0.5087337493896484, -0.004555635154247284, -1.562185525894165, 0.8124828934669495, 0.21714100241661072, 0.48407843708992004, -0.28787827491760254, 0.899124801158905, 0.2448158860206604, 0.28141915798187256, 0.2838883101940155, 0.368131548166275, -0.8297935724258423, 0.47618967294692993, -0.10321713984012604, 0.7367119789123535, -0.33080369234085083, -0.801803469657898, -0.49439334869384766, -0.5664547681808472, -0.5335752964019775, -1.0223889350891113, 0.14119486510753632, 0.3520389199256897, 0.5699315667152405, 0.8371694684028625, -0.7555994987487793, -0.16861817240715027, 0.1571739912033081, -0.41606277227401733, 0.4954741299152374, 0.022554058581590652, -0.15707451105117798, -0.48465991020202637, 0.8812146186828613, 0.15158841013908386, 0.03253991901874542, -0.3041590452194214, -0.09775568544864655, -0.23112551867961884, -0.3781360387802124, 0.10742058604955673, -0.6010921001434326, 0.6033483743667603, 0.095157191157341, -0.11814069747924805, -0.9044869542121887, -0.7923670411109924, 0.27304285764694214, 0.8737456202507019, 0.056426987051963806, 0.9169243574142456, 0.11286461353302002, 0.21330669522285461, 0.8074678778648376, -0.16552138328552246, -0.06779323518276215, -0.17236082255840302, 0.4862304925918579, 0.7572404146194458, -0.07417324930429459, -0.7170060276985168, -0.7168047428131104, -0.17472787201404572, -0.17173084616661072, 0.04233873635530472, -0.6148706078529358, 0.05551006644964218, -0.5754899978637695, -1.2682294845581055, 1.7910940647125244, -0.2680114805698395, -0.18722239136695862, -0.2712581157684326, 0.9942264556884766, 0.2788192927837372, 0.5249185562133789, 0.561031699180603, -0.14855344593524933, -0.21930217742919922, 1.646188735961914, -0.2747899293899536, 0.15031951665878296, 0.7649723887443542, -0.15287519991397858, 0.21789439022541046, 0.6637479662895203, -1.6755015850067139, 0.3933812081813812, -0.9877852201461792, -0.13064882159233093, -0.3501461148262024, -0.5419127941131592, -0.12211906909942627, -0.3623943626880646, -0.0179035235196352, 0.7041860818862915, -0.6686887741088867, 0.29345613718032837, -0.018227562308311462, 0.9005370140075684, 0.7630624175071716, -1.6966371536254883, -0.1902306079864502, 0.17680929601192474, 0.08969885855913162, -0.2840418219566345, -0.36400288343429565, 0.851019561290741, -0.9125649929046631, -0.5047411918640137, 0.740752100944519, 0.90120929479599, -0.06868237257003784, -1.3651039600372314, 0.05560985952615738, -0.0768955871462822, -0.19771042466163635, -0.5509917736053467, 0.22966136038303375, 0.5345877408981323, 1.5005754232406616, 0.7939150929450989, 1.1225450038909912, 0.14665941894054413, -0.8747652769088745, -1.196792721748352, 0.14415445923805237, -0.09092509001493454, -0.07972308993339539, 1.0357933044433594, 0.2744540572166443, 0.9147053956985474, -0.3742132782936096, 0.16947956383228302, -0.3452950417995453, -0.4139505624771118, 0.8725724816322327, 1.346166968345642, -0.0314481258392334, -0.4131826162338257, 0.6834254264831543, 0.02681216597557068, 0.7767704129219055, -0.41028860211372375, 0.16966460645198822, 0.3570513129234314, -0.022255267947912216, 0.16330166161060333, 0.23048608005046844, 0.28688064217567444, 0.6661422252655029, 1.3552850484848022, 0.07486610859632492, 0.2099006623029709, -0.4730397164821625, -0.45062071084976196, 0.13900943100452423, -1.4893888235092163, -0.47741079330444336, 1.0646425485610962, 0.6773932576179504, 0.8233758211135864, 0.12417320907115936, 0.33445078134536743, 0.8758299350738525, -0.09741712361574173, -0.9997345209121704, 0.16952666640281677, -0.9663633108139038, -0.16074921190738678, 0.03900514543056488, -0.12839771807193756, -0.6725553274154663, 0.17558616399765015, 0.08907486498355865, -0.7271388173103333, 1.0004130601882935, -0.3420492112636566, -0.5305978059768677, 0.14124003052711487, 1.6267058849334717, -0.4391997456550598, -0.3267434239387512, -0.3444135785102844, -0.35693421959877014, -0.25172165036201477, 0.1577189564704895, -0.3400990068912506, 0.3174167275428772, 0.21561360359191895, 0.4231729805469513, -0.6151846051216125, -1.011237382888794, -0.4444386065006256, 0.9923933148384094, 0.31590086221694946, -0.2905316650867462, -0.04475090652704239, -1.0237693786621094, 0.5445395708084106, -0.05834243446588516, -1.1168806552886963, -0.6838715672492981, 1.4991778135299683, 0.9719744920730591, 0.22474361956119537, -1.0184186697006226, -0.5616714954376221, 0.062034979462623596, 0.44589105248451233, 1.5792869329452515, 0.054429296404123306, -0.11187977343797684, -0.3651515543460846, 0.3513127267360687, 0.6599982976913452, -0.17659258842468262, -0.9263772964477539, 1.9358441829681396, -0.716465950012207, 0.5995165109634399, -1.665445327758789, -0.42640745639801025, 1.129828929901123, -0.19665518403053284, 0.2783677577972412, -0.011140987277030945, -12.204629898071289, 0.5424537658691406, -0.4751816689968109, 0.9984599947929382, 0.607632040977478, 0.10465532541275024, 0.8313756585121155, 0.13196490705013275, 0.8877966403961182, -0.5563738942146301, 0.11946448683738708, 1.5463621616363525, -0.1715518832206726, 0.07829515635967255, -0.5997853875160217, -1.8734694719314575, 0.27906563878059387, -0.15450315177440643, -0.07103143632411957, 0.06771141290664673, 0.33515846729278564, -1.1146620512008667, -1.1292895078659058, 0.5382626056671143, 0.4350302219390869, -0.7591742873191833, -0.12065359205007553, 0.012461640872061253, 0.06360192596912384, -0.407525897026062, -0.21111494302749634, -0.35830244421958923, -0.5932756662368774, 0.2099313884973526, -0.6002351641654968, 0.20982733368873596, -0.038896121084690094, -0.39472734928131104, 1.1678466796875, 0.2667869031429291, -0.8416062593460083, 1.0566418170928955, 0.4001266658306122, 0.9326993227005005, -0.6806322932243347, 0.48879534006118774, 0.0013271309435367584, -0.508778989315033, -0.4567144513130188, -0.1460597962141037, -0.15097439289093018, -0.4982808828353882, -0.2482631504535675, -0.02136218547821045, 0.982075572013855, -0.1930549442768097, -1.2213646173477173, -0.8140543699264526, -0.666143536567688, -1.0517487525939941, 0.6132820844650269, -0.1862979233264923, -0.18372313678264618, 0.3194114863872528, 0.5718275904655457, -0.43492603302001953, 0.731722891330719, 0.2754463851451874, -0.4179934561252594, 0.5540842413902283, -0.4511335492134094, 0.7821193337440491, 1.0508487224578857, 0.17076775431632996, -0.6287024021148682, -0.011105135083198547, -0.4214535057544708, 0.6418300271034241, 0.013862045481801033, -0.6702176332473755, -1.4783169031143188, 1.0181483030319214, -0.01951342634856701, -0.35796844959259033, 0.6675106287002563, 0.23089557886123657, -0.5255680084228516, -0.07286165654659271, -0.03278487175703049, 0.6886122822761536, 1.370829463005066, -0.3508048355579376, -0.6369463801383972, -0.8542462587356567, -0.9308255910873413, 0.30170324444770813, -0.5963077545166016, -0.012143012136220932, -0.6961662769317627, -0.14889851212501526, 0.03002309799194336, 0.058458782732486725, -0.608029842376709, 0.1907925307750702, 0.8215404748916626, 0.21055123209953308, 0.6300822496414185, 0.5283212661743164, 0.09368947148323059, 0.7609930038452148, 0.19480150938034058, -0.5734177827835083, -0.16142404079437256, 2.0306336879730225, 0.3031083941459656, -0.10772278159856796, 0.5418869256973267, -1.0692052841186523, 0.6303247213363647, 0.4544960558414459, 0.14050769805908203, -0.2696971297264099, 1.0072174072265625, 0.48138272762298584, -0.2869274616241455, 0.013277638703584671, 0.2899996042251587, 0.7425881028175354, -0.27128762006759644, -0.5049092173576355, 0.832676112651825, 0.01268213614821434, -0.7240759134292603, -1.28966224193573, -0.5044376254081726, -0.5051267147064209, 0.46472615003585815, 0.820257306098938, -0.6342697143554688, 0.3346727192401886, 0.06522459536790848, -0.781703770160675, -0.5493910312652588, 0.00800134614109993, -0.7175890803337097, 0.042957454919815063, 0.5770575404167175, 0.2753579318523407, -0.6785791516304016, -1.0887993574142456, 0.08472748100757599, -0.5339770317077637, 0.40168297290802, -0.4412685036659241, -0.3504350781440735, -0.269483357667923, -0.6473627090454102, -0.20790624618530273, -0.5317985415458679, -1.0977811813354492, 0.5307784676551819, 0.7500530481338501, -0.4375447630882263, 1.6334450244903564, 1.4556994438171387, 0.2155131995677948, -1.2787530422210693, 0.009682439267635345, -0.35515955090522766, -0.32055872678756714, 0.47717809677124023, -0.3893873691558838, -0.10166039317846298, -0.3492186665534973, 0.09993189573287964, -0.7886205315589905, 1.1276437044143677, 1.2239075899124146, -2.26611590385437, 0.6976114511489868, 0.8183901906013489, 0.9183917045593262, 0.3232683539390564, -1.1077423095703125, -0.2341083288192749, -0.13143956661224365, 0.18208974599838257, 0.6985529661178589, -0.9223915338516235, 1.3539267778396606, -1.4691035747528076, -0.9658844470977783, -0.2420838624238968, 0.4900914430618286, 0.7878637313842773, -0.15616688132286072, 0.946479320526123, -0.1646631807088852, -0.0050634294748306274, 0.028121724724769592, 0.07320471107959747, 0.006607223302125931, 0.1005852073431015, -0.19671890139579773, 0.41959425806999207, 0.40803053975105286, -1.3970543146133423, -0.6108536720275879, -0.39422979950904846, 0.5790953636169434, -0.7808452248573303, -0.3470940589904785, 0.7816186547279358, 0.060830309987068176, 0.32029274106025696, -0.5906420946121216, 0.25537222623825073, -0.3609897196292877, -0.25243327021598816, -0.9660221934318542, 0.13134394586086273, 0.4477255344390869, -0.49090802669525146, 0.9994975924491882, -0.7699905633926392, 0.6937522292137146, 0.48408329486846924, 1.01323401927948, 0.8011293411254883, 0.05723946541547775, -1.1970628499984741, 0.22180645167827606, -0.21421565115451813, -0.5412240624427795, -0.7883974313735962, -0.5862274169921875, -0.5076562166213989, 0.3284013569355011, -0.6898897290229797, 0.3317357003688812, -0.6383811831474304, 0.4432491958141327, 0.03012838214635849, 0.25564834475517273, -1.053429126739502, -0.5836730003356934, -0.4779975414276123, -1.3411110639572144, 0.16799235343933105, 0.516332745552063, 0.004690941423177719, 0.8012886047363281, 0.633419394493103, -0.10442706942558289, 0.43016743659973145, 0.645777702331543, -0.29074257612228394, 0.19832569360733032, 0.38425910472869873, 1.5216965675354004, 1.0357626676559448, -0.4069988429546356, 0.5594877004623413, 0.2655686140060425, -0.2784949243068695, -0.166326642036438, -0.3636608123779297, 0.5651974081993103, 1.1694499254226685, -0.5361754894256592, -0.35851937532424927, -0.6816508769989014, 0.024903181940317154, -1.9401259422302246, 0.6312246322631836, 0.9876423478126526, -0.3600718379020691, 0.06576978415250778, 0.09097064286470413, 0.9519346952438354, 0.07010234147310257, -0.2879961133003235, -0.1854792833328247, -0.0729188323020935, 1.3565597534179688, -0.01874791644513607, 0.22113919258117676, 0.06352189183235168, 1.0356961488723755, -0.7354246377944946, 0.5788852572441101, -0.6055213212966919, -0.8694279193878174, -0.1054917499423027, 0.5883979201316833, -0.8717089295387268, 0.006777668371796608, -0.22496429085731506, -0.015147458761930466, -0.4242630898952484, 0.7708404660224915, -0.07208430022001266, 0.9126318693161011, -0.18316026031970978, 0.2409026175737381, -1.0431959629058838, -0.35974010825157166, 0.8260195851325989, 0.11417423188686371, -0.2574051022529602, -0.08041924238204956, -0.07719912379980087, 0.42075666785240173, 0.3636305332183838]} +{"paper_id": "MilaNLProc/honest", "embedding": [-0.23100394010543823, 1.2456730604171753, -0.21571984887123108, 0.09693783521652222, 0.8855845332145691, -0.5399895310401917, 0.5559969544410706, -0.3089028000831604, 0.8605429530143738, 0.9503151774406433, 0.6348434686660767, -0.29186683893203735, -0.1791793555021286, 0.358603835105896, 0.1164197325706482, -0.6419153213500977, -1.1959736347198486, -0.28348520398139954, -1.2607357501983643, -0.641977071762085, -0.7321023941040039, -0.7240296006202698, -0.01444903016090393, 1.3431061506271362, -0.9169604778289795, -0.7239946126937866, 0.6005024313926697, -1.035801887512207, -0.008464597165584564, -0.2112061083316803, -0.4715917706489563, 0.5813646912574768, -1.530240535736084, 0.9208096861839294, 0.04203450679779053, 0.18263839185237885, -0.6643283367156982, 0.9429816603660583, -0.5980334877967834, 0.21597807109355927, -0.6595073342323303, 0.14557680487632751, 0.7021161913871765, 0.35570040345191956, -0.02070588991045952, 0.2985178828239441, -0.49779194593429565, 0.27565982937812805, -0.009777985513210297, -0.2400851547718048, -0.474669486284256, -0.500855565071106, 0.32900744676589966, -0.4655383825302124, -0.6993385553359985, 1.0066560506820679, 0.39643827080726624, -1.120740532875061, 0.7236907482147217, -0.8667120933532715, 0.7970085740089417, 1.8098862171173096, -0.5333300828933716, 0.8903589844703674, 0.6298673152923584, 0.03719724714756012, 0.5881195068359375, -0.40423357486724854, -0.27616795897483826, 0.5130187273025513, 0.5456908941268921, -0.6671119332313538, 0.9710640907287598, 0.2754332721233368, 0.3354373872280121, 0.3179498314857483, 0.17302054166793823, 0.791012167930603, -0.583513617515564, 0.719809353351593, -0.135855570435524, 0.30504387617111206, 0.43090054392814636, -1.1092774868011475, 0.22000601887702942, 1.0043619871139526, 0.16671989858150482, -0.5690465569496155, 0.02563083916902542, -1.4129451513290405, 0.5305749177932739, 0.23214973509311676, 0.9215511083602905, -0.1464414745569229, -0.14219331741333008, 0.4338037371635437, 0.3301302194595337, 0.8219760656356812, -0.36394283175468445, 0.7784203290939331, 0.22107723355293274, -0.36423444747924805, 0.6489160656929016, 0.5009952187538147, -0.22412392497062683, 0.651435911655426, 0.09277763962745667, -0.47572487592697144, -0.5199459195137024, -0.2206074297428131, -0.43575748801231384, 1.5248464345932007, -0.015081947669386864, 1.1504868268966675, 0.5375899076461792, 0.21245217323303223, -0.3959936201572418, -0.9619990587234497, 0.4284164309501648, 0.5519668459892273, -0.5414680242538452, -0.9535952210426331, 0.07468315958976746, 0.3006698489189148, 1.138265609741211, 0.11171965301036835, 0.07525016367435455, -0.17368215322494507, -0.004218709655106068, -0.5431644320487976, 0.40420395135879517, 0.21283987164497375, -0.9734853506088257, 0.47900116443634033, 3.336076498031616, -0.9516811370849609, 0.7673171758651733, -0.9995090961456299, -0.2683924734592438, -0.21264296770095825, -0.4638848304748535, 0.33868643641471863, 0.11209564656019211, -1.1560490131378174, -0.3847526013851166, 0.2881961464881897, -0.5274946689605713, 0.3636541962623596, -0.32245874404907227, 0.04843911901116371, 0.6482071280479431, -0.43625155091285706, -0.8006972670555115, -0.12614023685455322, 0.5590062737464905, -0.10360840708017349, -0.26718032360076904, 0.7313488721847534, 0.06740102916955948, 0.9801486730575562, 0.2241477370262146, 0.5400662422180176, -0.5533966422080994, 0.3630121350288391, -1.0100018978118896, -0.2698453366756439, 1.0033059120178223, -0.5852109789848328, -0.36133915185928345, -0.4942381978034973, 0.972449541091919, -0.03679961711168289, -0.16055907309055328, 0.04826519638299942, -0.17585648596286774, 0.37047797441482544, 0.7836925983428955, 0.6979700922966003, 0.32618018984794617, 0.1372169852256775, -0.26356419920921326, -0.13709233701229095, -0.5572840571403503, 0.6424484252929688, -1.0677111148834229, 0.539533793926239, -1.8417332172393799, -0.20696420967578888, -0.8863401412963867, 0.7732154726982117, -0.4050927758216858, 0.6525560021400452, 0.2680278420448303, 0.5768245458602905, -0.16411373019218445, 0.16115452349185944, 0.8924487829208374, -1.559139609336853, -0.36906951665878296, -0.3914583921432495, -0.35039258003234863, -0.4897517263889313, -0.2913917899131775, 0.4119755029678345, 0.1307460218667984, -0.620158314704895, -0.4375760555267334, -2.2349841594696045, 0.025783874094486237, 2.5402450561523438, 0.5177245736122131, -0.644867479801178, -0.6194348335266113, -0.4015355706214905, -0.20032814145088196, 0.4241844713687897, 0.32627034187316895, -0.5295266509056091, -0.2589656114578247, -0.8001211285591125, 0.35432344675064087, -0.3936638832092285, 0.7129626274108887, 0.6793269515037537, 1.0088742971420288, -0.9448502063751221, -0.24875494837760925, -0.6844227910041809, -1.0593712329864502, 0.14213666319847107, 0.7468343377113342, 0.3851708471775055, -0.15903455018997192, 1.2512786388397217, 0.2895040512084961, 0.9927211999893188, 0.7255136966705322, 0.4350908696651459, -0.5868677496910095, -0.20562030375003815, 0.1765042394399643, 0.241716668009758, -0.23490117490291595, -0.44567689299583435, 0.39703625440597534, 0.5317755937576294, -0.8467092514038086, 0.1703130155801773, -0.6719812750816345, -0.03826475888490677, 0.8810939788818359, 0.7842662334442139, -1.0018306970596313, 1.0746976137161255, -0.8695348501205444, 0.7037830948829651, -0.4997956156730652, -0.6715153455734253, -0.6124771237373352, 0.3891935348510742, 0.2237008512020111, 0.5662969350814819, 0.37920230627059937, -0.406920850276947, -0.24815048277378082, -1.43159818649292, 0.2069385051727295, -0.2872579097747803, -0.21729816496372223, -1.2135748863220215, -0.28033190965652466, 0.3506149649620056, -1.4454162120819092, -0.30845993757247925, -0.2233501821756363, 0.022112442180514336, -0.26428020000457764, 0.9956390857696533, 1.9146537780761719, -0.6486477851867676, -0.14228257536888123, 0.29106563329696655, 0.8941628336906433, -1.5469833612442017, 0.8525269031524658, -0.12111054360866547, -0.23236878216266632, -0.26567333936691284, 0.07181201875209808, -0.793128252029419, 0.7485513091087341, 0.7299726605415344, -0.8214799165725708, 0.7059632539749146, -0.1956033557653427, -0.3710745573043823, 0.6610766649246216, 0.20911836624145508, 0.24822738766670227, -0.8751950860023499, 0.8396915793418884, 0.6484885811805725, -0.0037517398595809937, 0.23412427306175232, -1.0407130718231201, 0.13098163902759552, 0.7331681251525879, -0.7924743890762329, 0.33590805530548096, 0.27236437797546387, -0.44167399406433105, -0.2955065965652466, 0.43187829852104187, -1.9902607202529907, 0.5503143072128296, 1.128116250038147, -0.4821411967277527, 0.056363705545663834, -0.9622111320495605, 0.5723830461502075, -0.4610394239425659, -0.488363653421402, 0.347041517496109, -0.3803274631500244, -0.1605890840291977, -0.903331995010376, 0.08399643003940582, -0.2301606386899948, -1.2136197090148926, -0.2905258238315582, 1.6315586566925049, 1.0354551076889038, -0.44122546911239624, 0.4411510229110718, 0.09533882886171341, -1.0528419017791748, 0.9536130428314209, 0.2153383493423462, 1.2176401615142822, 0.9286931753158569, -0.352234423160553, -0.4403688907623291, 0.39882493019104004, 0.2761569917201996, 0.7709358334541321, 0.5260950326919556, -0.13718698918819427, 0.14200705289840698, -0.66850745677948, 2.185311794281006, -0.4397800862789154, -0.8198838233947754, -1.1215612888336182, -0.6326315999031067, -0.42005932331085205, -0.7162618637084961, 1.1257405281066895, 1.4772953987121582, 1.6322429180145264, -0.36846548318862915, 0.2401978075504303, -0.3340948522090912, 0.3217105269432068, 0.8334957361221313, -0.12391653656959534, 0.3412021994590759, -0.41977912187576294, 0.04402100294828415, 0.7495483160018921, 0.10396330058574677, -0.937529981136322, 0.25482308864593506, 0.798953652381897, 0.3391430079936981, -0.48345449566841125, 0.6304773688316345, -0.20273452997207642, 0.02240687981247902, 0.9691240191459656, -0.5090166926383972, -0.6311357021331787, 0.48660576343536377, 0.16702929139137268, 0.08836617320775986, 0.34101566672325134, -1.1455886363983154, 0.13986250758171082, -0.05882308632135391, 0.6151893734931946, 0.48150116205215454, 0.04693198204040527, 1.350695013999939, -0.5287816524505615, -1.4471670389175415, -0.2811788320541382, -1.1746058464050293, 0.06592227518558502, -0.12887783348560333, -0.10009539127349854, 0.003974344581365585, 0.6153537631034851, -0.08351926505565643, -1.1116445064544678, 0.6803159713745117, -0.3490501940250397, -1.0661770105361938, 0.4795446991920471, 0.6036815643310547, -1.4499492645263672, -1.007559895515442, -0.22307170927524567, -1.0402005910873413, -1.1035248041152954, 0.0267631895840168, -1.0024478435516357, 1.1851513385772705, -0.12434865534305573, 0.35219356417655945, -0.13569459319114685, -0.40571004152297974, -0.9043664336204529, 0.8577273488044739, 2.0739381313323975, -0.4036526381969452, 0.9927723407745361, 0.7006758451461792, 0.11923147737979889, 0.5523790121078491, -0.32824063301086426, -0.342729389667511, 0.6276929378509521, 0.5813777446746826, 0.6679539680480957, -0.8804206252098083, -0.96413654088974, 1.3721901178359985, 0.26298341155052185, 0.6471679210662842, -0.8967517614364624, 0.37703657150268555, -0.3161613643169403, 0.8280263543128967, 0.9170236587524414, -0.664099395275116, -1.2711915969848633, 1.4736289978027344, -0.7444950342178345, -0.3849441111087799, -0.14728015661239624, 0.21900328993797302, 1.8049308061599731, -0.15921206772327423, 0.3160732388496399, -0.910609245300293, -10.75924015045166, 0.5815086960792542, -0.5535158514976501, 0.4850813150405884, 0.4175071716308594, -0.6758052110671997, -0.1446552276611328, -0.25286078453063965, 1.5891139507293701, -0.20216409862041473, -0.5139507055282593, 1.97709059715271, 0.6608197689056396, -0.01736454851925373, -0.9289751052856445, -1.7589843273162842, -0.8189159035682678, -0.4555373191833496, -0.13171565532684326, 0.48526835441589355, -0.8635191917419434, -1.847560167312622, 0.846153736114502, 0.2973424792289734, 1.0409046411514282, -0.24480783939361572, -0.3225657343864441, -0.7158503532409668, 0.24507920444011688, 0.8433961868286133, 0.6447036266326904, 0.1653648018836975, -0.9553056955337524, 0.32348254323005676, -0.016448646783828735, -0.18508577346801758, -0.8538252711296082, -0.37577003240585327, 1.0099495649337769, 0.19398050010204315, -0.502513587474823, 0.37076419591903687, 0.8458075523376465, -0.4935266971588135, -0.9187481999397278, -0.4239823818206787, 0.3630419671535492, -0.5521334409713745, -0.6343593001365662, -0.7299048900604248, 0.09012170135974884, -0.20837390422821045, -1.1684277057647705, -0.8239617943763733, 0.23301801085472107, -0.34188058972358704, 0.11135376244783401, -0.10269807279109955, -0.9149454832077026, -1.7335875034332275, 0.796082615852356, 0.7222121357917786, -1.2517454624176025, 0.30474406480789185, 0.04487293213605881, -0.3208089768886566, -0.4754781126976013, -0.3661534786224365, -0.03968916833400726, 0.1605941206216812, -0.5138006806373596, 1.1535284519195557, -0.2239866554737091, 1.2380685806274414, 0.06145308166742325, 0.07939115911722183, -0.2585674524307251, -0.6891031265258789, 0.5104205012321472, -0.33269113302230835, -0.8827111124992371, 0.9034168124198914, -0.5677399635314941, 0.08896317332983017, -0.5344372987747192, 0.3259134888648987, -0.26967036724090576, -0.14748349785804749, 1.0172480344772339, -0.44423505663871765, 0.9930360317230225, -0.2536837160587311, 0.1572457253932953, 0.8262220621109009, -1.1099878549575806, 0.8743095397949219, -0.5517557263374329, 0.7982082962989807, 0.0009175911545753479, -0.2875657081604004, 0.4210050702095032, -0.2799510657787323, -0.9229518175125122, -1.1920104026794434, 0.12225084751844406, 0.22580909729003906, 0.2610379457473755, -0.41714298725128174, -0.15983684360980988, -0.38379234075546265, 0.5175876021385193, 0.40871548652648926, 0.13075652718544006, 1.0945143699645996, 0.07782919704914093, 0.20916418731212616, 0.6489763259887695, 0.3874189853668213, 0.36194518208503723, 1.1801766157150269, -0.7603759169578552, 0.5104643702507019, 0.07803628593683243, 0.6839134097099304, 0.2705004811286926, 0.8560671210289001, 0.9505422115325928, 0.131300687789917, -0.4960611164569855, -1.515302062034607, 0.2961675822734833, -0.9181188344955444, -0.015875862911343575, -0.6287503242492676, 0.4993303716182709, -0.6542304158210754, -0.8168030381202698, 1.150142788887024, -0.4609304666519165, 0.6831011176109314, 0.39677393436431885, -0.9514859318733215, -0.29639288783073425, -0.4608769118785858, -0.5742918252944946, -0.2505715787410736, -2.0437240600585938, -0.2250106930732727, -0.3135705292224884, -0.5311092138290405, -0.3070535659790039, -0.07813333719968796, 1.145950436592102, -1.0363166332244873, -0.12971188127994537, 0.33232927322387695, 0.7580596208572388, -1.1003681421279907, -0.518010675907135, -0.603840172290802, 0.38299405574798584, 1.3603371381759644, -0.29999902844429016, 1.2906014919281006, 0.22968703508377075, 0.12872155010700226, -0.4817637503147125, 0.0724051296710968, -1.0878363847732544, 0.3900105059146881, 0.9244799017906189, -0.37476593255996704, -0.5122512578964233, -0.48080405592918396, -0.03581714630126953, -1.4667844772338867, 1.31818425655365, 0.8961989879608154, -0.7574537396430969, 0.25251805782318115, 0.33058980107307434, 0.10020714998245239, 0.14100603759288788, -0.03275281935930252, -0.4058283567428589, -0.2012040615081787, 0.055313292890787125, 0.8350387215614319, -0.4449842572212219, 1.2542518377304077, -2.3258986473083496, -1.2145309448242188, -0.27646979689598083, 0.5521277189254761, 0.8957047462463379, -0.5206183195114136, 1.1574677228927612, 0.570177435874939, 0.4935777485370636, -0.29993849992752075, -0.13328881561756134, 0.26362887024879456, -0.5077422857284546, 0.06564134359359741, -0.8285413980484009, 0.09492774307727814, -0.7750229239463806, 0.6340370178222656, 0.4025324285030365, 0.9081253409385681, -0.8654384016990662, -0.9785165190696716, -0.3697284460067749, -0.09083585441112518, -0.12818802893161774, -0.24350547790527344, 0.3253878057003021, -0.09072335809469223, -0.4591260850429535, -0.9983821511268616, 0.4263555109500885, 1.1197025775909424, 0.5780360102653503, 0.5000550150871277, 1.3848577737808228, -0.23915129899978638, 0.46341487765312195, 0.8596934676170349, 1.8518002033233643, 0.6124066114425659, -1.2011388540267944, -0.46499204635620117, 0.1379234492778778, 0.03450218588113785, -0.5023328065872192, -0.1763811856508255, -0.135025754570961, 0.009970474988222122, -0.9220395088195801, 0.8953983783721924, -0.035431765019893646, -0.2882204055786133, 0.8300180435180664, 0.23045304417610168, -0.21492914855480194, -1.1429232358932495, -0.12916293740272522, -0.9860716462135315, 0.33068397641181946, 0.19682355225086212, 0.6161371469497681, 0.6114744544029236, 0.5519278049468994, 1.0903245210647583, 1.2142812013626099, 0.3912580907344818, -0.2115757018327713, 0.3660181760787964, 0.7880001068115234, 1.3462235927581787, 0.9596258997917175, 0.32678109407424927, -0.3055381178855896, 0.10876214504241943, -0.9580425024032593, -0.16041068732738495, -1.181970477104187, 0.9089087247848511, -0.42824095487594604, 1.056376576423645, -0.16270971298217773, -0.8785619735717773, 1.0155466794967651, -0.9275891184806824, 0.21680432558059692, 0.4759492874145508, -0.297974556684494, -0.19686728715896606, -1.1305912733078003, 0.4186333417892456, 0.5888194441795349, -0.7312637567520142, 0.2611970901489258, -0.9441128373146057, 0.2810150682926178, 0.1929885447025299, -0.15150025486946106, -0.9751327633857727, 0.2282346934080124, -0.3539363741874695, 0.6283464431762695, -0.012269709259271622, -0.6042601466178894, -0.3668670058250427, -0.021924573928117752, -0.6695762872695923, 0.5974390506744385, 0.5508314967155457, -1.2302411794662476, -0.5320760607719421, 0.5197638273239136, -0.4250465929508209, 0.1074053943157196, 0.6803616285324097, -0.4230678081512451, -1.6330534219741821, 1.409040927886963, 0.8416020274162292, -0.2660515010356903, -0.39927202463150024, 0.008972481824457645, 0.047179851680994034, 0.3728998899459839, 1.6638729572296143]} +{"paper_id": "strombergnlp/nordic_langid", "embedding": [-1.0600532293319702, 1.2823749780654907, 0.22804546356201172, 0.09950146079063416, 0.6979466080665588, 0.2682949900627136, -0.9874066710472107, 0.061949264258146286, 1.1170217990875244, 0.7066901922225952, -0.49296101927757263, -1.4380359649658203, -0.07893231511116028, -0.8117209672927856, -0.18841633200645447, -0.9406235218048096, -1.1558148860931396, -1.5665667057037354, -1.1405378580093384, -0.311556339263916, -0.5384978652000427, -0.8696496486663818, -0.3500388562679291, 0.6747031211853027, 0.21348702907562256, 0.33001136779785156, 0.18133464455604553, -1.1572597026824951, 0.5608116388320923, 0.18008774518966675, -0.9598214626312256, 0.20032382011413574, -1.8168928623199463, -0.6538478136062622, -0.6261168718338013, -0.37350746989250183, 0.5217176675796509, 1.0080722570419312, -0.8002319931983948, -0.7155701518058777, -0.6191596388816833, -0.770365834236145, 0.5451141595840454, -0.23785093426704407, 0.34470701217651367, -0.2799743115901947, 0.5005411505699158, 0.8235900402069092, 0.017144232988357544, -0.027936123311519623, -0.47468894720077515, -0.9186715483665466, 0.6485835909843445, 0.31297537684440613, -0.5639771223068237, 0.2843553125858307, 0.11531517654657364, -0.573587954044342, 0.6273636221885681, 0.007201455533504486, 0.5300601124763489, 1.7148994207382202, -0.8472322821617126, 0.6461300253868103, 0.025616124272346497, -0.34688234329223633, 1.0430055856704712, 0.05798347294330597, 0.8914099931716919, 0.7214536070823669, 0.5860344767570496, -0.11764919757843018, 1.325892448425293, 0.3322804868221283, 0.9783533811569214, 0.6200804710388184, 0.5486079454421997, 0.754147469997406, 0.33202090859413147, 0.286217600107193, -0.6765226125717163, 0.8491917252540588, 0.2894142270088196, -0.28730741143226624, -0.2616389989852905, 0.5622811317443848, 0.04866892099380493, -1.0747933387756348, 1.273621678352356, -1.7530744075775146, 0.12081613391637802, 0.7279655933380127, -0.20876827836036682, 0.318266898393631, -0.4526368975639343, 0.7878393530845642, 0.4948984980583191, -0.4470164179801941, -0.2540246248245239, 0.5390212535858154, 0.9666708111763, -0.8473119735717773, 0.5918075442314148, 0.7529696226119995, 0.22969797253608704, 1.508662223815918, -0.6819667816162109, 1.0684301853179932, -0.969614565372467, 0.1852918565273285, 0.3821895718574524, 1.9698755741119385, -0.41721081733703613, 0.34360745549201965, 0.12941911816596985, -0.06875161081552505, 0.5562881827354431, -0.9113534688949585, -0.7493410706520081, -0.4109942317008972, -0.8688616752624512, -0.5175980925559998, -0.15352517366409302, 0.5732146501541138, 0.8027549982070923, -0.5985220670700073, 1.2179895639419556, -0.1600770652294159, 0.44005879759788513, -0.41054460406303406, 0.044577691704034805, -0.03535022586584091, -0.5064918994903564, -0.2289760261774063, 1.883048176765442, -0.8839859366416931, 0.34130969643592834, -0.617280125617981, 0.7497920393943787, -0.5087554454803467, -0.8587022423744202, 0.8452110290527344, 0.14847016334533691, -1.442537784576416, -0.7685361504554749, 0.2922211289405823, -0.675827145576477, 0.36699309945106506, -0.663431704044342, 0.5117833018302917, 0.38048818707466125, 0.2557981312274933, -0.6087215542793274, 0.004793919622898102, 1.6360410451889038, 0.8275873064994812, -0.5463319420814514, 0.10823874175548553, 0.005145970731973648, 0.7521599531173706, 0.851784884929657, 0.165076345205307, -0.5374115705490112, 0.18740878999233246, -1.0702450275421143, 0.6283562183380127, 1.3132177591323853, -1.06397545337677, -1.0025956630706787, -0.8770387768745422, 1.3292328119277954, -0.0035432428121566772, 0.2154838740825653, 0.37284767627716064, 0.609052300453186, -0.03642750531435013, -0.0259505994617939, 0.2960089445114136, -0.08251368254423141, -0.738462507724762, -0.015367412939667702, -0.5788511037826538, 0.39322972297668457, 1.0359337329864502, 0.19876742362976074, 0.09928387403488159, -1.8173785209655762, 0.12928999960422516, 0.09763620793819427, 0.8904597759246826, 0.1508139669895172, -0.9366531372070312, -0.1311044692993164, 1.1196584701538086, 0.740224301815033, -0.22456786036491394, 0.6368997097015381, -1.6241375207901, -1.311981439590454, 0.6479402780532837, -0.4906326234340668, -0.7211124300956726, 0.03251288831233978, 0.3573734760284424, -0.2154845893383026, -0.8575178980827332, 0.06525789946317673, -1.0770927667617798, 0.3694956600666046, 1.6524571180343628, 0.5922269225120544, -1.1475391387939453, -0.45938462018966675, -0.1734422743320465, -0.5913271903991699, -0.7421647310256958, 0.3296862840652466, -0.8042438626289368, -0.21810069680213928, -0.7416231632232666, 0.880784809589386, -0.7696753740310669, 0.6177991032600403, -0.8324013352394104, 0.8808726072311401, -0.7202191352844238, -0.33479881286621094, -0.44554102420806885, -0.7269984483718872, 0.9062626361846924, 1.0950396060943604, 0.05088590458035469, -0.004851788282394409, 0.18317708373069763, -0.2318655401468277, 1.1532325744628906, 0.28263962268829346, 0.6931639313697815, -0.4671221971511841, 0.3761935532093048, 0.46813011169433594, 0.3717891275882721, -0.770439624786377, -0.3374243676662445, 0.21677647531032562, 0.934759259223938, 0.4297620356082916, -1.0974501371383667, -0.8014116883277893, 0.2556813955307007, 1.641588568687439, 1.4221559762954712, -0.570567786693573, 0.5417391657829285, -1.4719611406326294, 0.26258736848831177, -0.2154221534729004, -0.23317623138427734, 0.16219095885753632, -0.03956041485071182, 0.28163081407546997, 0.18609681725502014, 0.4232911169528961, -0.3515499234199524, -0.7524393200874329, -1.3584370613098145, -1.0982019901275635, -0.3909744322299957, -1.5871208906173706, -1.8277802467346191, 0.5794695019721985, -0.46955257654190063, -1.5966203212738037, -0.5992512702941895, -0.6152383685112, 0.46172577142715454, 0.14433328807353973, 0.4875777065753937, 1.6261553764343262, 0.18960987031459808, 0.7782945036888123, 0.6617020964622498, 0.639397382736206, -0.8200578093528748, -0.011976733803749084, 0.8058858513832092, 0.26965606212615967, -0.6516507863998413, -0.6943442821502686, 0.19827941060066223, 0.5390933156013489, -0.061125725507736206, -0.7679369449615479, 0.7278374433517456, -0.6930806636810303, -1.597409963607788, 1.2253199815750122, 0.21357251703739166, -0.4136471152305603, -1.4321863651275635, 1.8411810398101807, 0.3174627423286438, 0.5187802910804749, -0.2911863327026367, -0.8307076692581177, 0.35253679752349854, 1.0451545715332031, -0.44040974974632263, -0.10739488154649734, 0.5466744899749756, -0.44797003269195557, -0.07837420701980591, 0.35663309693336487, -1.9986039400100708, -0.08375059068202972, 1.4216194152832031, 0.7179869413375854, 0.920647919178009, -0.2702130973339081, -0.22313052415847778, -0.7314872741699219, -1.2237945795059204, 0.5364092588424683, -0.8323488831520081, 0.9287339448928833, 0.09180881828069687, -0.7859475612640381, 0.8857831954956055, -0.3485803008079529, 0.6836647391319275, 1.1238336563110352, 0.6216942667961121, -0.7001819014549255, 0.9474789500236511, 0.6972855925559998, -0.6892018914222717, 1.0246373414993286, 0.4389389455318451, 0.5156174898147583, 1.529516577720642, -0.5537646412849426, 0.14930316805839539, 0.5987564325332642, -0.04309551417827606, 0.34027284383773804, 0.32697629928588867, -0.24071432650089264, 1.3482993841171265, 0.30776602029800415, 0.5090383887290955, 0.8997973203659058, -0.978060245513916, -0.9261289238929749, 0.04255176708102226, -0.16156679391860962, -0.8066121339797974, 1.2630599737167358, 1.7982110977172852, 0.8880115151405334, 0.2663421332836151, 0.5048864483833313, -0.5202014446258545, 0.4159679710865021, 1.9527461528778076, 0.657957911491394, -0.10776062309741974, 0.0056756287813186646, 0.4713846445083618, 0.036576997488737106, -0.7802042365074158, -0.619338870048523, -0.1846858412027359, 0.8859431147575378, -0.3511037528514862, -1.4919513463974, -0.493973046541214, -0.12870104610919952, 0.4329589605331421, 1.004593014717102, -1.2272640466690063, 0.10324375331401825, 0.907110869884491, 0.40797045826911926, 0.27506712079048157, 0.27551355957984924, -0.5823403596878052, 0.6970515251159668, 0.4312770962715149, 1.9779791831970215, -0.708235502243042, 0.8442153930664062, 0.3393006920814514, -0.6609503030776978, 0.04247225821018219, -0.7695347666740417, -0.7216973900794983, -0.37936481833457947, -0.08134350180625916, -0.29877448081970215, -1.4455996751785278, 0.4991495609283447, -0.09845226258039474, -0.10878302156925201, 0.7272061109542847, -0.6290711164474487, -1.0520119667053223, 0.8480687141418457, 0.2910343110561371, -1.0486928224563599, -1.2351351976394653, -0.2740877568721771, -0.28148940205574036, -1.0183308124542236, 1.0646835565567017, -0.33050283789634705, -0.014402972534298897, -0.21447017788887024, 1.3238595724105835, 0.3551284074783325, -1.1221650838851929, -0.3930959701538086, -0.3416520953178406, 1.4275240898132324, 0.3987821340560913, -1.1050230264663696, -0.18965865671634674, -0.22783948481082916, -0.47512879967689514, -1.5884227752685547, -0.05151569843292236, 1.6756852865219116, 0.11883214116096497, 0.8799511194229126, -1.180738925933838, -0.9538812637329102, -0.4236831068992615, -0.011523723602294922, -0.1026575118303299, -1.090274691581726, 0.5028840899467468, -0.566818356513977, 1.37824547290802, 0.9967197179794312, -0.9059310555458069, -0.40941426157951355, 1.176598072052002, -0.7486807107925415, 0.4240981638431549, 1.08203125, 1.2576102018356323, 0.548747181892395, 0.6034679412841797, 0.60097736120224, -1.037974238395691, -9.207858085632324, 0.852692723274231, 0.08614417910575867, 0.48015373945236206, 0.01250588521361351, -0.42786720395088196, 0.6275520324707031, -0.25649574398994446, 1.6351511478424072, -0.028321098536252975, -0.56536465883255, 1.7285557985305786, 1.1803464889526367, -0.003952157683670521, -0.18344223499298096, -0.376761257648468, -1.1263052225112915, -0.5208709836006165, 0.14440099895000458, 1.7724814414978027, -0.404327392578125, -1.5310264825820923, 0.7170083522796631, -0.29448646306991577, 0.4013325870037079, -0.7090349197387695, 0.5640996098518372, -0.08185506612062454, -0.6511897444725037, -0.8564751148223877, -0.001195405377075076, -0.22846297919750214, -1.3550783395767212, -0.2804822027683258, 1.1193183660507202, -0.011717008426785469, -0.529029369354248, -0.7487199306488037, 1.0856378078460693, 0.26584702730178833, -0.3900102972984314, -0.16667699813842773, 0.405561625957489, -0.2957058846950531, -0.048897258937358856, -1.1646976470947266, -0.33223211765289307, -0.31032559275627136, 0.12986236810684204, -0.7624075412750244, 0.1515190452337265, -1.2834444046020508, -1.0022951364517212, -1.0875375270843506, 1.985068440437317, -0.011546039022505283, -0.12184763699769974, 0.21092922985553741, -0.7579600214958191, -0.9772368669509888, 0.7874139547348022, 0.01399577409029007, -1.0813184976577759, 0.7674897313117981, -0.7346416115760803, -1.2170212268829346, 1.0006754398345947, 0.48450198769569397, 1.2609283924102783, -0.38989198207855225, -1.372965931892395, -0.004207654390484095, 0.6889293193817139, 0.49988237023353577, 0.25955283641815186, -0.7221614718437195, 0.5256043076515198, -0.8792800307273865, 0.04636494070291519, 0.0024325046688318253, -0.8645790219306946, 0.18862612545490265, -0.2913454473018646, -0.05041646212339401, -1.1061688661575317, 0.030318956822156906, -0.4983110725879669, -0.1465483158826828, 0.2872712314128876, -0.044567786157131195, 1.0448133945465088, 0.38764074444770813, 0.08012400567531586, -0.033776748925447464, -0.7765524387359619, 0.5624517202377319, -0.5585949420928955, 1.0273044109344482, -0.5072122812271118, 0.0077390000224113464, 0.8196905255317688, -0.12316185235977173, -0.24439823627471924, 0.06589668989181519, 0.8283410668373108, -0.32815566658973694, 0.8165072798728943, 0.126068115234375, 1.429366111755371, 0.5815882086753845, 0.7084323167800903, -0.36793071031570435, -0.883411705493927, 0.46260759234428406, 0.6240814924240112, 1.0082141160964966, -0.02319120615720749, 0.13742214441299438, 0.34167051315307617, 0.2539637088775635, 0.5675973892211914, 0.5596973299980164, 0.06488730013370514, 1.2877174615859985, -0.08246634155511856, 0.38703399896621704, 0.08880789577960968, 0.725730299949646, -0.4881488084793091, -2.2348413467407227, 0.48777011036872864, -0.7371355295181274, 0.23844590783119202, -0.9887969493865967, 0.46927425265312195, -1.2906014919281006, -1.5102267265319824, 1.2098634243011475, -0.9743958711624146, 0.1404697597026825, -0.5867881774902344, -0.43602240085601807, -0.18010109663009644, -0.43557989597320557, -0.10224123299121857, 0.2196100950241089, -1.8421885967254639, -0.521129310131073, -0.6205029487609863, -1.2510347366333008, 1.0420461893081665, -0.09287910163402557, 0.3126157820224762, -0.6275964975357056, 0.3553800880908966, 0.17573201656341553, -0.0938059389591217, -0.1650693118572235, -0.6889430284500122, 0.2818219065666199, 0.5238593816757202, 1.2994911670684814, -0.8150249123573303, 0.9013271927833557, 1.5665191411972046, -0.3280564248561859, -0.9755280613899231, -0.498725950717926, -0.118309386074543, 0.12711596488952637, 1.044752597808838, -0.5733629465103149, -0.00270004291087389, 0.10401199758052826, -0.7469305992126465, -1.4832940101623535, -0.11739090830087662, 1.24074125289917, 0.42668837308883667, 1.4478724002838135, 0.06373908370733261, 0.692388117313385, 0.16926637291908264, -1.052189588546753, -0.5277056694030762, -0.015138961374759674, -0.3583569824695587, 0.45052284002304077, 0.42018094658851624, 0.3969899117946625, -1.141350269317627, -1.431541919708252, -0.04455927386879921, -0.1131102442741394, 0.7338569164276123, 0.24295078217983246, 0.975027322769165, 0.3495558500289917, 0.16595298051834106, 0.34761807322502136, -0.2956927418708801, -0.11038012057542801, 0.6925968527793884, -0.7429546117782593, -1.5139245986938477, -0.5461914539337158, -0.041081108152866364, 0.5380616784095764, 0.7038639187812805, -0.205369234085083, -0.8181150555610657, -0.28102195262908936, 0.6670451760292053, -0.6646316647529602, 0.6041745543479919, -0.35373562574386597, 0.22427505254745483, -0.5128735899925232, -0.8267416954040527, -0.6821252703666687, -0.17233997583389282, 1.0898511409759521, -0.4574708342552185, 0.3474670946598053, 0.3334313929080963, -0.8316694498062134, 0.06662214547395706, 0.6871117353439331, 1.8599286079406738, -0.7669216394424438, -0.20180213451385498, 0.35335901379585266, 0.7354176044464111, -0.37349024415016174, -1.4788594245910645, 0.16737249493598938, -0.7425569891929626, -0.8727515935897827, -1.2234511375427246, 0.9942913055419922, -0.695246160030365, -0.5205612182617188, -0.36705899238586426, 0.4683498442173004, -0.7806498408317566, -0.9473223686218262, 0.10528585314750671, -0.24133285880088806, -0.12905441224575043, -0.3526156544685364, 0.646892786026001, 0.9313039779663086, 0.9351388216018677, 0.6963749527931213, 1.6101340055465698, 0.7121195793151855, 0.40664803981781006, 0.10397620499134064, -0.13436391949653625, 2.135310649871826, 0.49522119760513306, 0.5216753482818604, -0.7384453415870667, 0.3705776333808899, -1.302268385887146, -1.213173508644104, -0.32587799429893494, 0.4603661894798279, 0.925682783126831, -0.09679991006851196, 0.9859328866004944, -0.148604154586792, -0.3862611651420593, 0.06433524191379547, -0.007439028471708298, 0.20078696310520172, 0.4498708248138428, 0.3298017680644989, -0.7603226900100708, -0.1391245424747467, 1.3330907821655273, -1.1272258758544922, -0.2435668706893921, -0.29955679178237915, -0.052006375044584274, -0.6634593605995178, -1.0607576370239258, -0.5991084575653076, -0.22688159346580505, -0.29918134212493896, 0.42420971393585205, 0.539788007736206, -0.2541769742965698, -1.0587644577026367, 0.692548930644989, -0.8952773213386536, -0.45212167501449585, -0.6179785132408142, -0.9310719966888428, 0.5177392363548279, 1.1783522367477417, -0.09611889719963074, -0.8220763802528381, 1.593470573425293, 0.022975221276283264, -0.7241960167884827, 0.8922097682952881, 1.687840223312378, -0.3615415096282959, -0.6071288585662842, 0.7881840467453003, -0.26621773838996887, -0.3686056137084961, 1.1738263368606567]} +{"paper_id": "aps/charades", "embedding": [-0.6941543221473694, 0.6619322896003723, 0.00848749652504921, 0.08132810890674591, 0.3801521956920624, 0.5906946659088135, 0.5271086096763611, 0.06928066909313202, 1.0833017826080322, 0.38529202342033386, 0.405559241771698, -0.017075296491384506, -0.1346057951450348, -0.16104502975940704, -0.5239687561988831, -0.3853149712085724, -0.599346935749054, -0.0067477235570549965, -0.8131926655769348, 0.28128448128700256, -1.005556344985962, -0.7021859288215637, -0.18244841694831848, -0.018410440534353256, -1.088796615600586, 0.637088418006897, 0.8942686319351196, -0.9241540431976318, -0.20945921540260315, 0.24458089470863342, 0.14435525238513947, 0.9754824638366699, -0.9743307828903198, 0.8043602705001831, -0.4366375207901001, -0.7318634390830994, 0.35367104411125183, 0.6321450471878052, -0.015243209898471832, -0.7377433776855469, -0.09532460570335388, 0.6387949585914612, 1.2309457063674927, 0.2041819840669632, 0.02780122682452202, -0.19065789878368378, -0.04509587585926056, 0.5045430064201355, -1.1112265586853027, 0.19462120532989502, -0.2322435826063156, 0.382095605134964, 0.5065955519676208, -0.3799531161785126, -0.03650559484958649, 0.6889446973800659, -0.22658690810203552, -0.26230376958847046, -0.239116832613945, -0.2411593198776245, 0.4019627273082733, 0.479596883058548, 0.11442422866821289, 0.4963207542896271, 0.732694149017334, -0.015001073479652405, 0.7965435981750488, 0.30514228343963623, -0.04392296075820923, 0.40413644909858704, -0.4119004011154175, -1.9110243320465088, 0.09359817206859589, 0.22018325328826904, 0.26238250732421875, 0.22910287976264954, -0.32354965806007385, 0.0016891490668058395, 0.5826196074485779, 0.8430495858192444, 0.2293022722005844, -0.26708537340164185, 0.15552861988544464, -0.545292317867279, -0.3170653283596039, -0.024294231086969376, 0.7539799213409424, -0.6814299821853638, 0.03871425241231918, -1.5812617540359497, 0.3702636957168579, -0.563401997089386, 1.2080565690994263, -0.052297525107860565, -0.5973443984985352, 0.7209412455558777, 0.45844894647598267, -0.8915168642997742, -0.40236353874206543, 1.162055492401123, 0.5877275466918945, 0.07143115997314453, 0.3483063578605652, -0.14823338389396667, 0.6690837740898132, 0.11448857188224792, -0.4423817992210388, 0.17720097303390503, -0.16816285252571106, -0.67433100938797, -0.6817211508750916, 0.9749234914779663, 0.705386221408844, 0.842417299747467, -0.5892828106880188, 0.18784400820732117, 0.2228858470916748, -0.4953324496746063, -0.43531861901283264, 0.3175916075706482, 0.016157938167452812, -1.160134196281433, 0.3668634295463562, -0.7684757709503174, 0.8477799892425537, -0.11353418231010437, 0.5792893171310425, -0.23542359471321106, -0.6790831089019775, -0.838424563407898, 0.04847613349556923, 0.026620542630553246, -0.4319343864917755, 0.6933742761611938, 3.0578434467315674, -0.754574179649353, 0.9268840551376343, -0.3345612585544586, -1.1760417222976685, -0.483625590801239, -0.2244654893875122, 1.3802512884140015, -0.0012949146330356598, -0.1088377833366394, -0.9237167239189148, -0.6573083400726318, -0.1144755482673645, -0.4245656132698059, -0.3514454662799835, -0.07886794209480286, 0.4300113320350647, 0.8337013721466064, -1.1959513425827026, -1.0263326168060303, -0.026965005323290825, 0.9609584808349609, -0.3494574725627899, -0.00903475284576416, -0.38768577575683594, -0.25143373012542725, -0.2617741823196411, 0.4189179539680481, -0.403076171875, 0.8753008842468262, -0.11522310972213745, 0.8496775031089783, 1.0544657707214355, -0.4580955505371094, -0.6285403966903687, -0.45448383688926697, 0.6270031929016113, -0.6689525246620178, 0.6449451446533203, -0.33193618059158325, -0.18349087238311768, 1.0400642156600952, 0.004189124330878258, 0.7536424994468689, -0.1218644455075264, -0.5763803124427795, -0.7463425397872925, 0.15666145086288452, -0.1340346336364746, -0.15452121198177338, 0.6342126131057739, -1.0236140489578247, -2.2963480949401855, -0.01699671894311905, -0.37908437848091125, 0.5319526791572571, 0.6696547865867615, 0.18714620172977448, 0.08145248144865036, 0.880483090877533, -1.1441588401794434, 0.15086504817008972, 0.7125329375267029, -1.0061627626419067, -0.8725215792655945, 0.4567113518714905, -0.14490008354187012, 0.36904680728912354, -1.3322359323501587, 0.4973186254501343, 1.1437982320785522, 0.24117082357406616, -0.3445299565792084, -1.5381958484649658, 0.4089541435241699, 1.2972756624221802, 1.1251195669174194, -0.39077043533325195, -0.6656437516212463, 0.08629117906093597, 0.5259896516799927, -0.2159121036529541, 1.159134030342102, 0.010990463197231293, -0.23445910215377808, -1.049986720085144, 0.2629129886627197, -0.08993574976921082, 1.0841138362884521, -0.15365707874298096, 1.1279677152633667, -0.9448163509368896, -0.6198065280914307, -0.5808786749839783, -0.6569584012031555, 0.5994316339492798, 0.42865243554115295, 0.053426146507263184, 0.44191208481788635, 0.7767682075500488, 0.6617153286933899, 0.06976254284381866, 0.5389283299446106, 0.4033764898777008, -0.19914314150810242, 0.1835348755121231, 0.009592277929186821, -0.07330954074859619, 0.18206939101219177, -0.3885048031806946, 0.33462339639663696, -0.3047763705253601, 0.14633746445178986, -1.4313734769821167, -1.0140212774276733, 0.3659161627292633, 1.2958743572235107, 0.5642117857933044, 0.053421128541231155, -0.4994767904281616, -0.24968302249908447, 0.20124247670173645, 0.45185112953186035, -0.21415682137012482, -0.04731861129403114, -0.44081544876098633, 0.052848104387521744, -0.3551667332649231, -0.395490825176239, -0.05281924456357956, 0.14154015481472015, 0.007460378110408783, -0.9890002608299255, 0.2984234392642975, -0.0030213743448257446, -0.22746938467025757, -0.3902604579925537, -0.2097502201795578, -0.10833748430013657, -0.8038671016693115, -0.20873810350894928, 0.0032854024320840836, 0.3266236186027527, 0.12242086231708527, 0.842960774898529, -0.059018053114414215, 0.03503118455410004, -0.7050600647926331, 0.19913147389888763, 0.14701411128044128, 0.4269583225250244, -0.9720084071159363, 0.19780409336090088, -0.42712104320526123, 0.13037064671516418, -0.8973103761672974, 0.5540478229522705, -1.024930477142334, -0.41794896125793457, 0.19193914532661438, -0.4206997752189636, -0.04770833998918533, 1.3130735158920288, 0.2193954735994339, 0.04082483425736427, -0.052723631262779236, 0.09323715418577194, 0.9921925067901611, -1.262209177017212, 0.3266061544418335, -0.6558763384819031, 0.09365038573741913, 1.6116969585418701, -0.46080848574638367, 0.08667218685150146, 1.4375081062316895, 0.18225803971290588, 0.39507901668548584, -0.21603381633758545, -1.7874680757522583, 0.04833424091339111, 0.46748727560043335, 0.8522118330001831, 0.25129595398902893, -1.2309075593948364, 0.1787080615758896, -0.7102817296981812, -0.18676665425300598, -0.11026547104120255, -1.0254520177841187, 0.23133093118667603, -0.06002788245677948, 1.4199787378311157, 0.10772698372602463, -0.484616219997406, 0.41036200523376465, 0.35860082507133484, -0.047733157873153687, -0.3803359568119049, 0.3721311688423157, 1.1833630800247192, -0.3150250017642975, 0.14499369263648987, 0.5200045704841614, 1.2403950691223145, -0.07174278795719147, -0.08275241404771805, -0.5269390344619751, 1.1344083547592163, -0.014593221247196198, -0.28818246722221375, 0.7350404262542725, -0.11827611923217773, 0.7425888180732727, -0.04538204148411751, 0.5490526556968689, -0.42575326561927795, 0.20819050073623657, -0.49018174409866333, 0.5410923957824707, -0.5372692346572876, -0.08244368433952332, 1.0977803468704224, 0.7235983610153198, 1.5631810426712036, -0.09819965809583664, 0.32894542813301086, -0.600399911403656, 0.03637939319014549, -0.13166935741901398, 0.6963580250740051, 0.6569597125053406, -0.5433844327926636, -0.15752236545085907, 0.028873398900032043, 0.9149634838104248, 0.10508604347705841, -0.25373369455337524, 0.6096868515014648, -0.11796756088733673, -0.1482904702425003, 0.7005720734596252, -0.18775084614753723, 0.8430432677268982, 1.6411428451538086, 0.1811818927526474, -0.5772092342376709, -0.3171241581439972, -0.244319885969162, 0.5099726319313049, -0.2795037627220154, -0.1432284414768219, 0.29212966561317444, 0.2203977257013321, 1.2338389158248901, 0.7124330401420593, 1.364148497581482, 0.9649046659469604, -0.07197651267051697, -1.221079707145691, -0.2394649237394333, -1.0579010248184204, -0.666641116142273, 0.3837381601333618, -0.6183974146842957, 0.2843396067619324, 0.4613485336303711, -0.37021684646606445, -1.5687265396118164, 0.24617022275924683, 0.1275104582309723, -0.43796485662460327, -0.07232165336608887, 1.3426523208618164, -0.7626972198486328, -1.0373163223266602, 0.08367626368999481, -0.9371069669723511, -0.045156966894865036, 0.05928714945912361, 0.060609884560108185, 1.317360520362854, -0.604195773601532, 0.2217833399772644, -0.8537843227386475, 0.3496866226196289, -0.07647344470024109, 1.2785438299179077, 0.5098004341125488, -0.4786827564239502, 0.6320488452911377, -0.1022389605641365, 0.3914065957069397, 0.9128866195678711, -1.2992019653320312, -0.4345138967037201, 0.8728242516517639, 1.0063859224319458, -0.7190151810646057, -0.8224528431892395, 0.033896226435899734, -0.3698095679283142, -0.046317946165800095, 0.061902448534965515, -0.819949209690094, 0.0656903013586998, -0.6647438406944275, 0.6786523461341858, 0.8988034725189209, -0.6985601782798767, -0.6051352024078369, 0.8863181471824646, -0.921208381652832, 1.0497183799743652, -0.30429893732070923, -0.7774825096130371, 1.8701955080032349, 0.14172419905662537, 0.1735057532787323, 0.45964500308036804, -12.59643268585205, 0.6704224944114685, -0.5871418118476868, 0.4418680667877197, 0.1988745480775833, -0.16895481944084167, 0.2555842697620392, 0.8363136649131775, 0.87604820728302, -1.4026603698730469, 0.6002423167228699, 0.8112079501152039, -0.07011310756206512, 0.017647143453359604, -0.9299161434173584, -1.2674763202667236, -0.6809284090995789, -0.690061092376709, 0.6130738854408264, 0.8219028115272522, 0.5764909982681274, -0.9198958277702332, -0.42621558904647827, -0.36072060465812683, 0.24956423044204712, -0.3151780366897583, 0.3287777304649353, -0.4824722409248352, -0.501343309879303, 0.06152623891830444, 1.10365629196167, 0.010123367421329021, 0.06368136405944824, -0.36786705255508423, 0.82265704870224, 0.1867818683385849, -1.0898195505142212, -0.7406095266342163, 0.9168426394462585, 0.14639708399772644, -0.2861117720603943, 0.5869457125663757, -0.4774075150489807, -0.01616828888654709, -0.6698524951934814, 0.5926476716995239, -0.13655947148799896, -0.4286055862903595, -0.005871295928955078, -0.45634278655052185, -0.9732296466827393, -0.41027721762657166, -0.45855849981307983, -1.2302182912826538, 1.2847318649291992, 0.04663144052028656, -0.8788818120956421, -0.9698107242584229, -0.21578246355056763, -0.744674801826477, 0.6766511797904968, 0.3498302102088928, -0.1982666552066803, 1.169513463973999, 0.6092220544815063, -0.7380344867706299, 0.9288748502731323, 0.7603594064712524, -0.039134249091148376, 0.6961007118225098, -0.6925984621047974, 0.30257439613342285, 0.09642210602760315, 0.9009108543395996, -0.24812093377113342, -0.13611388206481934, -0.3322608470916748, 0.2774966359138489, 0.04190181568264961, 0.23089192807674408, -0.4283117353916168, 1.1276532411575317, -0.6739935874938965, -0.30211037397384644, -0.439733624458313, 0.30568522214889526, 0.6274888515472412, -0.03228650987148285, 0.9886399507522583, 0.44618839025497437, 0.44569098949432373, -0.12655596435070038, -0.7991733551025391, -0.23788976669311523, -1.0677783489227295, 0.7615692019462585, 0.593004584312439, 0.10498204827308655, -0.36236611008644104, -1.1270335912704468, 0.5616850256919861, 0.46725478768348694, -0.6842519044876099, 0.015739809721708298, 0.7775496244430542, -0.38527607917785645, -0.004049539566040039, 0.16541153192520142, 0.44154393672943115, 0.7686946988105774, -0.09781859815120697, -1.1443004608154297, -0.7495185732841492, 1.2372764348983765, 0.08271576464176178, -0.30590948462486267, 1.0831176042556763, -0.7048816680908203, 0.5490610003471375, -0.06453558057546616, 0.5263465642929077, 0.07632632553577423, 0.19622106850147247, 0.6088007688522339, 0.5016554594039917, -0.33471983671188354, 0.12385958433151245, 0.519694447517395, -0.7244836091995239, -1.0201131105422974, 0.3716394603252411, 0.009312257170677185, -0.38368868827819824, -0.23570534586906433, -0.2961987555027008, -0.40343183279037476, -0.23747976124286652, 1.207983136177063, -1.220369577407837, -0.33208727836608887, 0.333046555519104, -0.19717738032341003, -1.0885308980941772, -1.1155810356140137, -1.0496623516082764, -0.17020323872566223, -1.3476881980895996, 0.3346870541572571, -1.0058914422988892, -0.3063525855541229, 0.48853006958961487, -0.36238086223602295, 1.0962772369384766, -0.676889181137085, -0.04468667134642601, -0.06732331961393356, 0.07646191120147705, -0.6163496971130371, 0.18773570656776428, -0.5495213270187378, 0.823265790939331, 0.15527203679084778, -0.8844723105430603, 0.28595682978630066, 0.5889111757278442, 0.9234029054641724, -0.4945162236690521, -0.609417200088501, 0.21259571611881256, -0.14930623769760132, 0.874811589717865, -1.0459182262420654, -0.41484156250953674, -0.3431815505027771, 0.7367905974388123, -0.6908623576164246, 0.36268123984336853, 0.6767808198928833, -1.630751371383667, 0.16468067467212677, 0.17468342185020447, 0.7044944167137146, 0.2540012001991272, -0.9025376439094543, 0.042993173003196716, -0.025967389345169067, 0.31183353066444397, 0.9759641289710999, 0.08047217130661011, 0.9265002012252808, -1.4072191715240479, -0.7857392430305481, -0.9645140767097473, -0.3792010545730591, 0.40064311027526855, 0.030732102692127228, 0.9414748549461365, -0.02330644056200981, -0.09706485271453857, 0.17825675010681152, 0.01345408521592617, 0.5383651852607727, 0.10421979427337646, 0.23076824843883514, -0.13033923506736755, -0.7302969694137573, -0.44342440366744995, -0.5524225234985352, -0.07056595385074615, 0.27244243025779724, -0.8374900817871094, 0.5963379740715027, 0.14541587233543396, -1.01487135887146, 0.43533873558044434, -1.1197056770324707, 0.040010154247283936, -0.5946510434150696, -0.4311044216156006, -0.9268633127212524, 0.2197597324848175, 1.0702273845672607, 0.31874752044677734, 0.9996030926704407, -0.10944566875696182, 0.3582778871059418, 0.5834963917732239, 0.21721398830413818, 1.110714077949524, 0.540244996547699, -0.2596994638442993, -0.014621157199144363, -0.42942652106285095, -0.024836592376232147, -0.20770788192749023, 0.3195360600948334, -0.5753284096717834, -0.046250104904174805, -0.8180330991744995, 0.12807774543762207, -0.7030478119850159, 0.06634806841611862, 0.6019341349601746, 0.4592893421649933, -1.1491055488586426, -1.0679795742034912, -0.9299203753471375, -0.907360851764679, 0.28089621663093567, 0.4358065724372864, 0.12013674527406693, 0.8616308569908142, 0.5053417682647705, 0.0819476991891861, 0.2102128118276596, 0.3463737964630127, 0.08070932328701019, 0.35808253288269043, 0.4825217127799988, 1.9510804414749146, 1.0537678003311157, -0.5238972902297974, 0.9144193530082703, 0.942929744720459, -0.337112158536911, 0.6753480434417725, -0.401276171207428, -0.12826432287693024, 0.2344115525484085, -0.7819022536277771, -0.3310146927833557, -0.5669112801551819, -0.35678935050964355, -0.4471167027950287, 0.1408931314945221, 0.6436187028884888, -0.36198073625564575, -0.2825867235660553, -0.28645220398902893, -0.4467918872833252, -0.17616796493530273, 0.1456902027130127, -0.7603073120117188, -0.352255642414093, 0.8527552485466003, 0.3688505291938782, 0.6790713667869568, -0.3357638418674469, 0.3212266266345978, -0.27678701281547546, 0.875095546245575, -0.8585424423217773, -0.4683782756328583, -0.44027841091156006, 0.8145988583564758, -0.23325246572494507, -0.47814854979515076, -0.44265037775039673, -0.2892804741859436, -0.5443368554115295, 0.06259997189044952, 0.29951509833335876, 0.05391092225909233, -0.01747685670852661, 0.7469288110733032, -0.5205370187759399, 0.6127142906188965, 0.1914290338754654, 0.2678970992565155, -0.8603523969650269, 0.6138949394226074, 0.10641640424728394, -0.3888847231864929, 0.7591784596443176]} +{"paper_id": "strombergnlp/bornholmsk_parallel", "embedding": [-0.08129628747701645, 1.2732419967651367, -0.25124064087867737, -0.32538551092147827, 0.49506545066833496, -0.12485411763191223, -0.045183174312114716, 0.496371328830719, 0.5369656682014465, 0.7426111102104187, -0.05355004221200943, -0.6900681853294373, 0.2187449187040329, 0.5656904578208923, -0.3635014295578003, -0.44597816467285156, -1.3461171388626099, -1.5895057916641235, -0.9189772009849548, -0.43106648325920105, -1.0751643180847168, -0.27391791343688965, -0.0019175782799720764, 0.3279985189437866, -0.40053096413612366, -0.4756859242916107, 0.2042873650789261, -1.1632848978042603, 0.19154676795005798, 0.5968039035797119, -0.19691038131713867, 0.7585392594337463, -1.1286782026290894, -0.0399344265460968, -0.10422611236572266, -0.7137747406959534, -0.31362593173980713, 0.5414174199104309, -0.6715932488441467, 0.0020842328667640686, -0.9208962321281433, -0.346763014793396, 0.4543042778968811, 0.3021281659603119, 0.539965808391571, -0.22941535711288452, -0.008364839479327202, 0.3227233290672302, 0.26151102781295776, 0.3043157160282135, -0.2904142141342163, -0.10791387408971786, 0.49579352140426636, 0.34899118542671204, -0.7971160411834717, 0.7040913105010986, 0.4102638363838196, -1.4485362768173218, 0.43554720282554626, -0.9014828205108643, 0.2605067789554596, 1.7997523546218872, -0.48201021552085876, 0.6969683170318604, 0.8302919864654541, -0.8511450886726379, 1.6235556602478027, -0.17935404181480408, 1.1520683765411377, 0.7603423595428467, 0.03752435743808746, -0.8551733493804932, 1.0447577238082886, -0.17796412110328674, 0.625487208366394, 0.9698425531387329, 0.36505237221717834, 0.13159866631031036, -0.26745644211769104, 0.118550144135952, -0.6169566512107849, 0.753674328327179, 0.8430677652359009, -0.7195645570755005, -0.338520884513855, 0.5130484104156494, 0.13671478629112244, -0.5240845084190369, 0.6337379813194275, -1.873443603515625, 0.08637967705726624, -0.010888232849538326, -0.1459949016571045, 0.2835644483566284, -0.24263641238212585, 0.0862259566783905, 0.3891294598579407, -0.14873366057872772, -0.2155207246541977, 0.3581550121307373, 0.5573188662528992, -0.5750370025634766, 0.16442780196666718, 0.10151457786560059, 0.6569476127624512, 1.3208271265029907, -0.4323172867298126, -0.23413324356079102, -0.5863577127456665, 0.008061934262514114, -0.13107216358184814, 1.7312067747116089, -0.09216542541980743, 0.1837947964668274, -0.061159417033195496, -0.35426726937294006, -0.3447365164756775, -0.7355184555053711, -0.7361728549003601, -0.2212994545698166, -0.512832522392273, -1.2257040739059448, -0.4330402910709381, -0.08413141220808029, 0.40434712171554565, -0.7676423192024231, 0.6344272494316101, -0.24130746722221375, 0.913600504398346, -0.448444664478302, 0.13030780851840973, -0.18271319568157196, -0.036705244332551956, 0.06462118029594421, 2.488990068435669, -0.5576909780502319, 1.2357077598571777, -0.3641759157180786, 0.35771194100379944, -0.281299352645874, 0.35383903980255127, 1.0888978242874146, -0.33396416902542114, -1.1960159540176392, -0.6805527806282043, 0.553307056427002, -0.8934123516082764, 0.7962100505828857, -0.7198512554168701, -0.2702016234397888, 0.39389893412590027, -0.16601750254631042, -1.1684530973434448, -0.528542160987854, 0.1913451850414276, 0.17193633317947388, 0.1875232309103012, 0.8938973546028137, -0.319301575422287, 1.2036875486373901, 1.4039978981018066, -0.11874024569988251, -0.5106360912322998, 0.1575881987810135, -1.2923935651779175, -0.1276276707649231, 0.848429799079895, -0.3242020308971405, -0.6619449853897095, -0.5797301530838013, 0.6324748396873474, -0.2696424722671509, 0.0587596520781517, -0.2236107885837555, 0.3414476215839386, 0.48259225487709045, 0.7282017469406128, 0.745150089263916, 0.04304882511496544, -0.5611300468444824, 0.10358408838510513, -0.8003333806991577, -0.07049097120761871, 0.35804280638694763, 0.23818443715572357, 0.9064486622810364, -1.8007549047470093, -0.0898759514093399, -0.5565013289451599, 0.23003679513931274, -0.5187896490097046, -0.5863704681396484, -0.23177078366279602, 0.1541549116373062, 0.6423275470733643, 0.24540217220783234, 0.47851911187171936, -1.017937421798706, -1.2799198627471924, 0.8136679530143738, -0.003751605749130249, -0.03304513171315193, 0.026597460731863976, 1.336847186088562, 0.27161285281181335, -0.9119021892547607, -0.458317369222641, -1.1734651327133179, -0.10577421635389328, 2.4814741611480713, -0.02061917632818222, -1.06977117061615, -1.1693806648254395, -0.26964277029037476, 0.020802177488803864, -0.6034141778945923, 0.21382644772529602, -0.5941842794418335, -0.015345849096775055, -1.0436460971832275, 0.6021587252616882, -0.14363913238048553, 0.3153074383735657, 0.37183666229248047, 0.9145622849464417, -0.5537918210029602, -0.8411093950271606, -0.5841020941734314, -0.5255141854286194, 0.6208077073097229, 1.1342253684997559, 0.5853687524795532, -0.7569993734359741, 0.3663678765296936, -0.1945725679397583, 0.20229749381542206, 0.46312299370765686, 0.6108201146125793, 0.14394348859786987, -0.01055120024830103, 0.016271283850073814, 1.6608601808547974, -0.35249239206314087, -0.12207691371440887, 0.24179132282733917, 0.15940773487091064, 0.38289013504981995, 0.1453545093536377, 0.06858405470848083, -0.07506144791841507, 1.809266209602356, 1.1765228509902954, -0.11021438241004944, 1.4681925773620605, -1.622260332107544, 0.4552158713340759, -0.6440920233726501, -0.571299135684967, -0.1392711102962494, 0.3504282832145691, 0.22657936811447144, -0.5745466947555542, -0.45997703075408936, 0.22190748155117035, -0.48675537109375, -1.4213117361068726, -0.7276476621627808, -0.3747473657131195, -0.8883807063102722, -1.2845103740692139, 0.011006087064743042, 0.0443321168422699, -0.7104947566986084, -0.39761587977409363, 0.1074112206697464, 0.8809759616851807, -0.20399193465709686, 0.7858849763870239, 1.39109468460083, -0.10850201547145844, 0.5882509350776672, 0.0632074624300003, 0.6611613035202026, -0.45227643847465515, 0.9505297541618347, 0.029752101749181747, -0.22495882213115692, -0.3244669437408447, -0.36557990312576294, -0.2700759768486023, 0.9616856575012207, 0.5277985334396362, 0.09285629540681839, 0.384174108505249, -0.5921275615692139, -1.8326832056045532, 0.6772645711898804, -0.45352664589881897, 0.3276825547218323, -0.9497875571250916, 1.3591694831848145, 0.4855315089225769, 0.3754109740257263, 0.41181737184524536, -0.2381037026643753, 0.4412429928779602, 1.1156246662139893, 0.0948220044374466, 0.838570773601532, -0.1306486427783966, 0.02809474617242813, -0.05267203226685524, 0.6204206347465515, -2.1953275203704834, -0.3434276878833771, 1.1844205856323242, -0.17783834040164948, -0.22887898981571198, -0.7026482224464417, 0.35459011793136597, -0.7912507057189941, -0.7500463128089905, 0.4877667725086212, -1.1772003173828125, 0.3252319097518921, -0.5655021667480469, -0.36205554008483887, 0.6393989324569702, -0.7130496501922607, 0.5065687298774719, 0.7531299591064453, 1.0270849466323853, -1.4603365659713745, 0.09480016678571701, 0.8630598187446594, -0.8678811192512512, 0.9662693738937378, 0.7795449495315552, 0.801726758480072, 1.0948197841644287, -0.7904438972473145, -0.04056258127093315, 0.5350220203399658, 0.38790255784988403, 0.6244553923606873, 1.0268759727478027, -0.325708270072937, 0.9523363709449768, -0.28581172227859497, 0.9658722281455994, 0.9864417910575867, -1.0270074605941772, -1.225327491760254, -0.1665012091398239, -0.17762768268585205, -1.226601481437683, 1.670525074005127, 1.1169896125793457, 1.2683192491531372, 0.18862071633338928, 0.265839159488678, -0.25863951444625854, 0.16160982847213745, 1.8706656694412231, 0.48666951060295105, -0.14233267307281494, 0.18717703223228455, 0.08194732666015625, 0.6215173602104187, -0.10249399393796921, -0.5982140302658081, -0.5506193041801453, 0.8179889917373657, 0.1348940134048462, -1.2735555171966553, -0.42297741770744324, 0.489438533782959, -0.011884024366736412, 1.5639452934265137, -1.1667261123657227, -0.27894365787506104, 0.5241569876670837, 0.6911421418190002, 0.019812412559986115, -0.1291871964931488, -1.2496182918548584, 0.4217556118965149, 0.8696325421333313, 1.0081541538238525, -0.6100264191627502, 0.8588675260543823, 0.6919370889663696, -0.10896443575620651, -0.3181796669960022, -0.32201775908470154, -1.1518844366073608, -0.05825700983405113, 0.11628211289644241, -0.8098697066307068, -0.44217440485954285, 0.8645200729370117, -0.37574365735054016, -0.24665005505084991, 0.41103705763816833, -0.31220102310180664, -1.066598892211914, 0.5861137509346008, 0.7232733964920044, -0.8711891174316406, -0.1682344228029251, -0.2410901039838791, -0.3931739330291748, -1.372230887413025, 0.3154163658618927, -1.2055765390396118, 0.5039411187171936, -0.21540427207946777, 1.2547527551651, 0.019761772826313972, -0.5529820322990417, -1.0488181114196777, 0.2573432922363281, 1.3223239183425903, 0.029120709747076035, -0.36484044790267944, -0.42430174350738525, 0.4703214168548584, -0.2538703382015228, -1.714508056640625, 0.03443513810634613, 0.6250489950180054, 0.23842057585716248, -0.25601840019226074, -0.7691843509674072, -0.6780940890312195, 0.026258541271090508, 0.46727779507637024, 0.39956873655319214, -1.312302827835083, 0.8988038897514343, 0.14945507049560547, 0.8944422006607056, 0.16228419542312622, -0.20067967474460602, -0.9313441514968872, 1.119255781173706, -0.5699524283409119, 0.8464486598968506, 0.3417818248271942, 0.9259294271469116, 0.5324439406394958, 0.5100953578948975, 0.07759460061788559, -0.3151952922344208, -11.385255813598633, 0.2872191071510315, -0.4605720639228821, 0.06676371395587921, 0.373056024312973, -0.058167465031147, 0.6563583016395569, -0.35162827372550964, 1.0002628564834595, -0.3082312345504761, 0.41627487540245056, 1.2548595666885376, 0.45601341128349304, -0.1545705497264862, -0.2694317400455475, -0.7208263278007507, -0.7688882350921631, -0.6855819225311279, 0.07282754778862, 0.5416858792304993, -0.7756199240684509, -1.1510225534439087, 0.2474740892648697, 0.2951013743877411, 0.24860301613807678, -0.06473793834447861, -0.08215862512588501, 0.20032072067260742, -1.1503980159759521, -0.6060796976089478, 0.27013054490089417, -0.15075185894966125, -1.235018014907837, 0.14778223633766174, 1.2001430988311768, 0.0027236193418502808, -1.1001970767974854, -0.5425723195075989, 1.2785046100616455, 0.17540206015110016, -0.3735666275024414, -0.2195539027452469, 0.1445985585451126, -0.6377606987953186, -0.6084722280502319, 0.22971390187740326, -0.3258574306964874, -0.9989578723907471, 0.339656263589859, -0.7554000020027161, -0.3257465958595276, -0.5781911015510559, -0.777203381061554, -0.8027189373970032, 0.19297662377357483, 0.2614220976829529, -0.44161996245384216, 0.39827027916908264, -0.45897993445396423, -0.9024465084075928, 0.5958660244941711, 0.39094078540802, -0.1706910878419876, 0.38378629088401794, 0.2438434362411499, -0.47285085916519165, 0.37515297532081604, 0.17868053913116455, 0.742139995098114, 0.043350618332624435, -1.2688915729522705, 0.6027500033378601, 0.13495981693267822, 0.0012369155883789062, 0.16368326544761658, -0.6050719022750854, -0.09745699912309647, -0.6156222224235535, 0.3160015642642975, 0.02847221866250038, -0.3996894657611847, 0.629613995552063, -0.090772844851017, 0.13646557927131653, -0.1789899468421936, -0.0093231201171875, 0.058915089815855026, -0.637694776058197, 0.78446364402771, -0.25895753502845764, 1.0401389598846436, -0.10876938700675964, 0.06137944012880325, 0.6632089018821716, -0.9871155023574829, 0.9573927521705627, -0.3840957581996918, 1.6368913650512695, 0.29159772396087646, -0.25791728496551514, -0.22685134410858154, -0.28098538517951965, 0.045431673526763916, -0.4616539776325226, 0.6063389778137207, 0.08625002950429916, 0.4109910726547241, 0.4222797453403473, 0.2968844473361969, -0.08734694868326187, 1.3287683725357056, 0.12789510190486908, 0.00706125982105732, 0.641482412815094, 0.2530425488948822, 0.9503139853477478, 0.7143222093582153, 0.2714979350566864, -0.13973362743854523, 0.9238035678863525, 0.22076213359832764, 1.0279957056045532, 0.38676658272743225, 1.2809371948242188, 0.48289328813552856, -0.0777522400021553, 0.502924919128418, 0.6281799077987671, -0.2168944925069809, -1.6967768669128418, -0.05862358585000038, -0.2571897804737091, -0.2739373445510864, -0.3826957046985626, 0.15025067329406738, -0.6926180124282837, -1.6041918992996216, 1.2535537481307983, -0.5973119735717773, -0.08397436887025833, -0.0800747200846672, -0.7251547574996948, -0.2868072986602783, -0.525009274482727, -0.30488845705986023, 0.5484365224838257, -1.9075191020965576, -0.187102809548378, -0.13183841109275818, -1.067653775215149, -0.09010821580886841, 0.19450387358665466, 0.2909815311431885, -0.4149775505065918, -0.011061746627092361, 0.44718068838119507, 0.5025104284286499, -0.30636677145957947, -0.7142624855041504, 0.28424906730651855, 0.33109182119369507, 0.4784291088581085, -0.8697708249092102, 0.3506949245929718, 1.266998052597046, -0.3808387219905853, -0.9372565746307373, -0.3400912880897522, -0.6588671803474426, 0.8824578523635864, 0.6206117868423462, -1.3932148218154907, 0.12510637938976288, -0.14430060982704163, -0.36887139081954956, -1.0585262775421143, 0.19738346338272095, 1.3868622779846191, -0.7495267987251282, 0.3873807489871979, 0.10593785345554352, 0.7311121225357056, 0.4727291464805603, -0.4244592785835266, -1.016226053237915, 0.0030041933059692383, -0.561214029788971, 0.8425149321556091, 0.1372610479593277, 0.6649454832077026, -1.5348315238952637, -1.1026862859725952, -0.13263541460037231, 0.5786964893341064, 0.7558532953262329, -0.078287273645401, 1.3029283285140991, 0.7341133952140808, -0.0175168514251709, 0.10976385325193405, -0.5676172375679016, 0.13333460688591003, 0.7778940200805664, 0.015324197709560394, -0.47155994176864624, -0.14294081926345825, -0.15331998467445374, -0.11014844477176666, 0.5160645842552185, 0.3821004331111908, -1.8532823324203491, -0.47447508573532104, 0.13731218874454498, 0.2968241274356842, 0.1042456179857254, -0.6929407119750977, -0.1405145227909088, 0.2873776853084564, -0.5116828680038452, -0.8150394558906555, -0.32191863656044006, 1.3453609943389893, -0.35858064889907837, 0.638410210609436, 0.4436063766479492, 0.07189127802848816, -0.021556343883275986, 0.5117362141609192, 1.9652156829833984, -0.29125508666038513, -0.4576307237148285, -0.003744743764400482, 0.8694708347320557, -0.4045715928077698, -0.7653025984764099, 0.07171058654785156, -0.641557514667511, -0.00432906299829483, -0.9106995463371277, 0.3999859690666199, -0.27505171298980713, -0.2868700623512268, 0.13010375201702118, 0.9567195177078247, 0.37162327766418457, -1.3941113948822021, -0.3916909098625183, -0.6935532093048096, 0.09238874912261963, 0.10320274531841278, -0.06561457365751266, 0.8574168682098389, 0.6498243808746338, 0.3245631754398346, 1.4309459924697876, 0.3155927062034607, -0.1300230324268341, -0.31335076689720154, -0.011376157402992249, 1.3735271692276, 0.7767897844314575, 0.5049533843994141, 0.1959811896085739, -0.3761879503726959, -0.6505342125892639, -0.7631351947784424, -0.6876554489135742, 1.1277374029159546, 1.217358946800232, 0.18230317533016205, -0.10117907077074051, -0.4669979214668274, 0.4981381893157959, 0.18156160414218903, 0.34498152136802673, 0.13391393423080444, -0.06219925358891487, -0.8473852276802063, -0.5333239436149597, -0.029034016653895378, 1.9968260526657104, -1.136118769645691, -0.3133598566055298, -0.33813196420669556, -0.31661897897720337, -0.14252956211566925, -0.35419267416000366, -0.9949607849121094, 0.1795409768819809, -0.7722581624984741, 0.08225135505199432, 0.722369909286499, -0.36550408601760864, -0.6646376848220825, -0.47152745723724365, -0.8894982933998108, 0.19404223561286926, -0.17939484119415283, -0.7625353932380676, -0.1478053480386734, 0.7549563050270081, 0.09264789521694183, -0.507965087890625, 1.4806437492370605, -0.48700904846191406, -1.2774784564971924, 0.8439045548439026, 0.9502303004264832, -0.7816253304481506, -0.8512906432151794, 0.49913299083709717, 0.2914072573184967, 0.4133239984512329, 0.6060642600059509]} +{"paper_id": "strombergnlp/bajer_danish_misogyny", "embedding": [-0.864510715007782, 1.687566876411438, -0.2405533343553543, -0.20731887221336365, 0.6232597827911377, 0.4751386344432831, 0.31565824151039124, -0.03542345017194748, 0.9780883193016052, 0.9356399178504944, 0.4561673104763031, -0.5745382308959961, -0.20925365388393402, -0.02622571773827076, -0.6961029767990112, -0.14726898074150085, -0.40021419525146484, -0.3697203993797302, -0.5045042037963867, -0.0254843607544899, -0.7172483205795288, -0.918664813041687, -0.20199307799339294, 0.5084277391433716, -1.1909449100494385, -0.4895815849304199, -0.08659908920526505, -0.5640259385108948, -0.47885367274284363, -0.4038277268409729, -0.378749817609787, 0.4625683128833771, -1.6140320301055908, 0.02554336190223694, 0.059613488614559174, -0.06625722348690033, -0.3810758888721466, 0.44033709168434143, -0.2819972634315491, -0.4797831177711487, -0.7824898958206177, 0.281122088432312, 0.7435684204101562, -0.045912694185972214, 0.0241575688123703, 0.11423128098249435, 0.5372410416603088, 0.2306509166955948, 0.6022008657455444, -0.2715122401714325, -0.398710161447525, -0.14420288801193237, -0.2803362011909485, -0.29291605949401855, -0.4658982455730438, 0.6412027478218079, -0.3021213412284851, -0.8828220367431641, 0.6524147987365723, -0.6895933151245117, 1.196040153503418, 1.3559486865997314, -0.36455419659614563, 0.28040796518325806, 0.5260146260261536, -0.27532947063446045, 0.9054993391036987, -0.4384145736694336, 0.32131075859069824, 0.45633602142333984, 0.08642531931400299, -1.0070860385894775, 0.5794479846954346, -0.12266771495342255, -0.1912703514099121, 0.5823845863342285, 0.14848189055919647, 0.4256930947303772, -0.3020625114440918, 0.3469581604003906, -0.0451466329395771, 0.8192071318626404, -0.05117355287075043, -0.6499927043914795, -0.1398700773715973, 0.036279357969760895, -0.2662985920906067, -0.518173336982727, 0.5406507849693298, -1.4207745790481567, 1.1921871900558472, -0.3949083983898163, -0.09567009657621384, 0.4077029228210449, -0.8570477962493896, 0.5719398856163025, -0.5372452139854431, 0.5939770936965942, -0.13137055933475494, 0.5113281607627869, 0.7514320611953735, -0.9107620716094971, 0.4650178551673889, -0.3952590227127075, -0.46567869186401367, 0.6389857530593872, -0.10834350436925888, -0.15544533729553223, -0.448764830827713, -0.42513054609298706, -0.011601695790886879, 1.93722665309906, -0.7025546431541443, 0.6695101857185364, 0.5314886569976807, -0.07082657516002655, -0.21179834008216858, -1.3800338506698608, -0.018770933151245117, 0.2270333468914032, -0.7484005093574524, -0.6058747172355652, -0.17103323340415955, 0.6655688285827637, 0.9380907416343689, -0.22353136539459229, 0.7846431732177734, -0.7680531144142151, -0.29877594113349915, 0.3083217740058899, 0.441383421421051, -0.40364691615104675, -0.792323648929596, 0.12234531342983246, 2.4570159912109375, -1.8708970546722412, 0.9897840023040771, -0.48234885931015015, 0.25212839245796204, -0.5241812467575073, -0.5727546215057373, 1.2978421449661255, 0.38543546199798584, -1.1063522100448608, -0.7534953355789185, 0.10555605590343475, -0.1541694700717926, 0.07927319407463074, -0.7391474843025208, -0.007547367364168167, 0.17754590511322021, 0.4721260666847229, -0.9102267622947693, 0.08106470853090286, -0.047197550535202026, -0.11618634313344955, -0.09308205544948578, 0.5355091691017151, -0.565366804599762, 1.277525782585144, 0.6481334567070007, 0.3890209197998047, -0.6207197904586792, 0.7590523958206177, -0.903749942779541, -0.4851272404193878, 1.535949468612671, -0.09507238864898682, -1.5404002666473389, -0.14171482622623444, 1.0494074821472168, -0.3044734597206116, -0.10946056246757507, 0.01589219458401203, -0.6208223700523376, -0.19600734114646912, 0.5795263648033142, 0.9399452209472656, 0.6149737238883972, -0.44976264238357544, -0.18007630109786987, -0.457791805267334, 0.4128318428993225, 1.0520166158676147, -0.40566834807395935, 0.20949074625968933, -2.215020179748535, -0.09005531668663025, -0.5660910606384277, 1.482414722442627, 0.402593731880188, -0.03329228237271309, 0.3315431773662567, 0.9046666622161865, 0.3206259608268738, -0.5287035703659058, 0.3455824553966522, -1.3407045602798462, -0.46365126967430115, -0.1792874038219452, 0.213083416223526, -0.9482329487800598, -0.31643882393836975, 0.2642209231853485, 0.8693984746932983, -1.0954159498214722, 0.033302031457424164, -1.7777607440948486, 0.30935677886009216, 2.988072633743286, 0.042924363166093826, -0.5522570610046387, -0.9620787501335144, 0.37465888261795044, -0.32461392879486084, 0.14083324372768402, 1.1993694305419922, -0.7127751111984253, -0.5876651406288147, -0.6706613302230835, 0.48877036571502686, -0.13597336411476135, 0.4181632697582245, 0.1284356415271759, 0.6324474215507507, -1.161671757698059, -0.685138463973999, -0.6153988838195801, -0.6010190844535828, 0.7273159027099609, 0.5738768577575684, 0.2101050168275833, 0.6747368574142456, 0.6346202492713928, 0.344032347202301, 0.8795663714408875, 0.6238741874694824, 0.20089545845985413, -1.193051815032959, 0.3492678701877594, 0.4539150595664978, 0.2566867768764496, -0.17492042481899261, -0.8574384450912476, 0.8644387125968933, 0.11995171010494232, -0.13809677958488464, -0.6951334476470947, -0.6820335984230042, -0.03361775726079941, 0.44951754808425903, 1.2026067972183228, -0.5567107200622559, 0.14551451802253723, -0.40813764929771423, 0.40064185857772827, -0.3615475296974182, -0.7154673933982849, -0.20111575722694397, -0.14292603731155396, 0.31116971373558044, 0.3667841851711273, 0.24763983488082886, -0.264062762260437, 0.21836403012275696, -0.8699339628219604, -0.33212006092071533, 0.22900864481925964, -0.37340545654296875, -0.9676704406738281, 0.5299551486968994, -0.7222676873207092, -1.7408015727996826, -0.31710800528526306, 0.39952313899993896, 0.20736734569072723, -0.34369033575057983, 0.3943462669849396, 0.876309335231781, -0.2545027732849121, 0.006552688777446747, -0.24524644017219543, 1.0399004220962524, -0.7114259600639343, -0.11121033132076263, 0.11286714673042297, -0.3405825197696686, 0.23113909363746643, -0.41924694180488586, -0.1685219258069992, 0.5584232211112976, 0.8747331500053406, -0.764744758605957, 0.971638560295105, -0.02081233263015747, -1.5135619640350342, 0.8711195588111877, 0.3711325526237488, -0.3293295204639435, -1.2924948930740356, 0.9178497195243835, 0.12670037150382996, 0.1900593638420105, 0.31950128078460693, -0.7682883143424988, 0.0449155755341053, 0.9497955441474915, -0.9816930294036865, 0.20711830258369446, 0.513846755027771, -0.17832624912261963, -0.7941557168960571, 0.5624656081199646, -1.9136011600494385, 0.34587231278419495, 0.7616056203842163, -0.22056792676448822, 0.089875727891922, -0.460126668214798, 1.1090350151062012, -0.7364487648010254, -0.15993742644786835, 0.2659294009208679, -0.8773537278175354, 0.19056393206119537, -0.0669577345252037, -0.1443248689174652, -0.6129445433616638, -1.2730122804641724, -0.07215367257595062, 0.9896613955497742, 0.8689000010490417, -1.0366418361663818, 0.26767417788505554, 0.4558379054069519, -1.1338859796524048, 1.1287249326705933, -0.0971003845334053, 0.8125998973846436, 0.5421750545501709, -0.5443099141120911, -0.5497603416442871, 0.5387721657752991, 0.27205079793930054, 0.02576116845011711, 0.5299031734466553, -0.1018902063369751, 1.2624081373214722, -0.8017045259475708, 1.5618056058883667, 0.09528777003288269, -0.5134660005569458, -1.5274217128753662, -0.4825865626335144, 0.19495372474193573, -0.6098676323890686, 1.65291428565979, 1.1577140092849731, 1.186720609664917, 0.037522830069065094, 0.034594256430864334, -0.7816494107246399, 0.5253344178199768, 0.9175174832344055, 0.5624087452888489, 0.4186655879020691, -0.45221245288848877, 0.14282898604869843, 0.8180826902389526, 0.3843246400356293, -1.0114017724990845, 0.12154147028923035, 0.8662506937980652, -0.2557825744152069, -0.3275948464870453, 0.09893861413002014, -0.3233605623245239, 0.2868303656578064, 0.8937363624572754, -0.45986849069595337, -0.22445015609264374, -0.05799339711666107, -0.19471554458141327, 0.4576142430305481, 0.1893472969532013, -0.7834014892578125, 0.7544761300086975, 0.3523915708065033, 0.47430744767189026, 0.20401908457279205, 0.7168413400650024, 1.597915768623352, 0.16268911957740784, -0.8890725374221802, -0.569782018661499, -1.1013659238815308, 0.1135060042142868, -0.059233516454696655, 0.3485172688961029, -1.0151746273040771, 0.5376722812652588, -0.34547722339630127, -1.3995051383972168, 0.5661959648132324, -0.09377320855855942, -1.0405856370925903, 0.8744471669197083, 0.45121055841445923, -1.4287277460098267, -0.6200919151306152, 0.2341524213552475, -0.8899489641189575, -0.932317316532135, 0.16018205881118774, -0.9192076325416565, 1.8077844381332397, 0.5057269930839539, 0.21669407188892365, -0.03068617358803749, 0.08994223177433014, -0.5671334862709045, 0.6556041836738586, 1.549486517906189, -0.1759824901819229, 0.13105471432209015, 0.5561487674713135, 0.03447926044464111, 0.4815620481967926, -1.2596083879470825, -0.6477899551391602, 0.6708697080612183, 0.6457760334014893, 0.506801426410675, -0.8049939274787903, -1.362793207168579, 0.7399102449417114, 0.5464501976966858, 1.2849808931350708, -0.38570740818977356, 0.5417546033859253, -0.988257110118866, 0.11140713095664978, 0.6460448503494263, -0.31639713048934937, -1.297279953956604, 0.9652048349380493, -0.7272143959999084, 0.460549533367157, 0.7731140851974487, 0.013634685426950455, 1.2739683389663696, -0.06482318788766861, 0.5352734327316284, -0.8287073373794556, -10.898350715637207, 0.6284634470939636, 0.03966723755002022, 1.117591142654419, 0.48874980211257935, 0.4629095792770386, 0.4484935402870178, -0.23824003338813782, 1.8123053312301636, -0.4558747410774231, -0.06634649634361267, 2.8587779998779297, 0.07428064942359924, -0.3705907166004181, -1.0584594011306763, -0.9000687599182129, -0.7558920979499817, -0.6837279200553894, -0.14247962832450867, 0.9681931138038635, -0.5630764961242676, -1.0714373588562012, -0.6083716154098511, -0.671623706817627, 0.8883770108222961, -0.4816954433917999, -0.013314474374055862, -1.0576621294021606, -0.0033754855394363403, 0.37179914116859436, 0.39207515120506287, 0.30878889560699463, -0.5952980518341064, 0.5667881965637207, -0.18116691708564758, 0.14356498420238495, -0.9011631011962891, -1.1661261320114136, 0.8956912159919739, -0.44092708826065063, 0.2307845652103424, 0.025987934321165085, 0.8216531872749329, -0.8422056436538696, -0.8789370656013489, 0.06744727492332458, -0.6943023800849915, -0.37781041860580444, -0.3958762586116791, -0.7294012308120728, -0.6358957886695862, -0.6347460150718689, -2.0544941425323486, -0.5716305375099182, 1.5850361585617065, -0.3437116742134094, -0.5342592597007751, -0.7056093215942383, -0.8715216517448425, -1.0968996286392212, 0.9504762291908264, -0.2842676043510437, -0.11306346207857132, 0.7160000801086426, 0.40435299277305603, -0.3400573134422302, 0.5407466888427734, -0.40490400791168213, 0.5999695658683777, -0.0425664521753788, -0.47702986001968384, 1.1783393621444702, 0.16947287321090698, 0.49422523379325867, -0.11046390980482101, -0.5137335658073425, -1.0610706806182861, -0.19661261141300201, 0.6930206418037415, -0.3956076204776764, -0.9125232696533203, 0.5400716066360474, -0.26895514130592346, -0.1981261968612671, -0.31978896260261536, 0.14076462388038635, -0.33618801832199097, 0.023788373917341232, 0.2107662558555603, 0.105877585709095, 0.6225494742393494, -0.2734431028366089, -0.17879065871238708, 0.36063456535339355, -1.361464262008667, 0.3623279333114624, -0.9310281872749329, 1.1431355476379395, 0.23043078184127808, 0.12215530127286911, 0.8513098359107971, 0.324378103017807, -1.0532760620117188, -0.2503890097141266, 0.49746444821357727, 0.19163170456886292, -0.04483087360858917, -0.0626482367515564, -0.4135459065437317, -0.28451356291770935, 0.31151828169822693, 0.8529952168464661, 0.25227880477905273, 0.9353460669517517, 0.24347153306007385, 0.2669762372970581, 0.3421395719051361, 0.0765189528465271, 0.4474552869796753, 0.8709697723388672, -0.24137786030769348, 0.3555971682071686, -0.15334837138652802, 0.6962656378746033, 0.14464867115020752, 0.7562389969825745, 0.904168426990509, 0.16984955966472626, 0.2435450255870819, -1.948106288909912, 0.8221913576126099, -0.6946383118629456, 0.017757978290319443, -1.3780725002288818, -0.08297297358512878, -0.46717965602874756, -1.005583643913269, 0.6364949941635132, -0.8185452818870544, 0.11777165532112122, -0.6597609519958496, 0.09083965420722961, -0.17737847566604614, -0.48472946882247925, -0.5236396789550781, 0.839645504951477, -1.3710331916809082, 0.1969873160123825, -0.6734904050827026, -0.19197207689285278, -0.2636758089065552, -0.8176224231719971, 0.7238130569458008, -0.8756314516067505, -0.10269103199243546, 0.24404498934745789, 0.2997351586818695, -0.8267974853515625, -0.7672286033630371, -0.3160267472267151, 0.4421400725841522, 1.176145315170288, -0.7442345023155212, 0.8725913763046265, 1.059883952140808, -0.10963480174541473, -0.6119171977043152, 0.1449601799249649, -0.22397132217884064, 0.28423216938972473, 0.5550877451896667, -0.20556491613388062, -0.18630972504615784, 0.61569744348526, 0.3128710985183716, -1.0894415378570557, 1.4920140504837036, 1.0786590576171875, -1.1587127447128296, 0.12557438015937805, 0.3977786898612976, 0.49922680854797363, 0.2402382344007492, -0.1373663693666458, 0.097812220454216, 0.3302299380302429, -0.26821401715278625, 1.1396989822387695, 0.20450592041015625, 0.9490383863449097, -1.726589322090149, -1.212402582168579, -0.3565860688686371, 0.1460220366716385, 0.697964072227478, -0.4245801270008087, 1.412064790725708, 0.3896346986293793, 0.5759271383285522, -0.278475821018219, -0.30233436822891235, 1.0457640886306763, 0.22430093586444855, 0.8113083839416504, -1.0347546339035034, 0.0015282407402992249, -1.0133843421936035, 0.6984319090843201, 0.6172736883163452, 0.4119536578655243, -1.4094058275222778, 0.03935718536376953, 0.20954474806785583, -0.28654369711875916, 0.3280484974384308, -0.5365705490112305, 0.4892512261867523, -0.36083295941352844, -1.221604347229004, -0.5807859301567078, 0.8638901710510254, 1.0374882221221924, 0.3896021246910095, 0.7008666396141052, 0.8218768835067749, 0.07987077534198761, 0.5765761137008667, 0.7804629802703857, 1.5620299577713013, -0.047816891223192215, -0.563902735710144, 0.17145013809204102, 0.19880890846252441, -0.18714943528175354, -0.11488954722881317, -0.16944730281829834, -0.7364410161972046, 0.30757614970207214, -1.039310336112976, 0.48083439469337463, -0.6140711903572083, 0.21773739159107208, 0.7895925045013428, 0.6648076772689819, -1.2374576330184937, -0.6999953985214233, -0.38660046458244324, -1.2587502002716064, 0.0010730177164077759, 0.07320281863212585, 1.0890127420425415, 1.2782257795333862, 0.5709419250488281, 0.8972182273864746, 1.135898232460022, 0.8530107140541077, 0.7659895420074463, 0.5046753883361816, 0.049713343381881714, 1.4581965208053589, 0.8930489420890808, 0.46371906995773315, -0.39839914441108704, 0.0853613018989563, -1.540398120880127, -0.9305716753005981, -0.4534958302974701, 0.9261548519134521, 0.10279044508934021, 0.391059935092926, 0.9752683043479919, -0.5680325627326965, 0.3241729140281677, -0.1187877357006073, 0.6800798177719116, 0.6027712821960449, 0.339056134223938, -0.16537520289421082, -0.9830664396286011, 0.2284141629934311, 0.5798251628875732, -1.1480299234390259, 0.6780359148979187, -0.7022672891616821, 0.855863630771637, -0.3975858986377716, -0.7743220925331116, -0.8061375021934509, 0.7594255208969116, -0.5216971039772034, 0.3969839811325073, 0.4115014672279358, -1.0621329545974731, -1.228570580482483, -0.25872519612312317, -0.8136146068572998, -0.01457948237657547, 0.12676511704921722, -1.0748738050460815, 0.1334909349679947, 0.5417563915252686, 0.7466323375701904, 0.2608689069747925, 0.019432730972766876, -0.06036621332168579, -1.256095290184021, 0.9124136567115784, 1.1935408115386963, 0.16883644461631775, -0.6421504020690918, 0.5232192873954773, -0.4117068350315094, 0.33271080255508423, 1.2879092693328857]} diff --git a/data/paper_emb.json b/data/paper_emb.json new file mode 100644 index 0000000000000000000000000000000000000000..0031f95a566deb4ebfbcb585cd7ba1056bc715bb --- /dev/null +++ b/data/paper_emb.json @@ -0,0 +1,500 @@ +{"paper_id": "glue", "embedding": [0.14633482694625854, 1.0619616508483887, -0.3892841339111328, -0.2749994397163391, 0.4946109652519226, 0.06746148318052292, 0.5298890471458435, 0.8864205479621887, 1.186259388923645, 1.0195116996765137, 0.6211516261100769, 0.13088540732860565, 0.2544495165348053, -0.5309809446334839, -0.32224592566490173, -0.2867291569709778, -1.2964304685592651, -1.3247846364974976, -1.7139495611190796, -0.18858017027378082, -1.2357321977615356, -0.08735774457454681, 0.17259478569030762, 0.4779548943042755, 0.008907631039619446, -0.7633808851242065, 1.0999276638031006, -1.3394520282745361, 0.27938783168792725, 0.5636724233627319, -0.46806490421295166, 1.4013643264770508, -0.9685978293418884, 0.4141787588596344, -0.37369245290756226, -0.40507566928863525, 0.07374967634677887, 0.29722854495048523, -0.26395928859710693, -0.17565061151981354, -0.9629225730895996, -0.2564622461795807, 0.15809376537799835, 0.519199013710022, 0.7573227286338806, -0.6332471370697021, -0.33307135105133057, 0.5775794386863708, -0.3388475179672241, 0.3529893755912781, -0.4836634695529938, -0.036797359585762024, 0.29871463775634766, 0.41092348098754883, -0.31375446915626526, 1.1706606149673462, 0.7672934532165527, -1.0017822980880737, 0.8802384734153748, -1.1425389051437378, 1.054596185684204, 1.775483250617981, -0.8328933119773865, 0.24714569747447968, 0.9487473964691162, 0.02665363997220993, 1.1336395740509033, 0.47869861125946045, 0.466503381729126, 0.6872949004173279, -0.3435249626636505, -0.8332975506782532, 0.3740086257457733, 0.48973435163497925, 0.3384127616882324, 0.9688067436218262, -0.05402791500091553, -0.086578369140625, 0.10177408158779144, -0.6397905349731445, -0.4527833163738251, 0.45878511667251587, 0.863828182220459, -0.6835165619850159, 0.08885704725980759, 0.671764612197876, 0.23037388920783997, -1.1744686365127563, 0.6861366629600525, -1.904166340827942, 0.22654035687446594, 0.050610534846782684, -0.020677950233221054, -0.2110602706670761, -0.3311563730239868, -0.011781137436628342, 0.13608834147453308, -0.5874471068382263, -0.5413527488708496, 0.4681949317455292, 0.4763455390930176, -0.42151570320129395, 0.40246009826660156, -0.08836591988801956, 0.7225497961044312, 0.950398325920105, -0.5766093730926514, -0.3144477903842926, -0.986595630645752, -0.43344247341156006, 0.5750666856765747, 1.0450466871261597, -0.023885969072580338, 0.5289467573165894, 0.11099205166101456, 0.09481009095907211, 0.5855010747909546, -0.6135545969009399, -0.5163032412528992, 0.17476031184196472, 0.06358255445957184, -0.8516140580177307, -0.4997100830078125, -0.783564567565918, 0.4574927091598511, -0.9508054852485657, 0.11088201403617859, -0.4678504765033722, 0.950436532497406, -0.13625399768352509, 0.49462512135505676, 0.2774437665939331, -0.5889845490455627, -0.12383392453193665, 2.7132246494293213, -0.6274020671844482, 1.579200029373169, -0.8200609087944031, -0.05886024236679077, -0.30626147985458374, 0.5163017511367798, 1.2622963190078735, 0.2717929780483246, -0.8014116287231445, -0.6075156927108765, 0.09240122884511948, -0.8493640422821045, 0.6919324994087219, -1.1115281581878662, -0.043562036007642746, 0.058200154453516006, 0.26701873540878296, -1.210108757019043, -0.599749743938446, 0.3108198642730713, 0.20581430196762085, 0.032100506126880646, 0.8421957492828369, -0.4273262917995453, 1.0043026208877563, 0.603693425655365, -0.28658759593963623, -0.043270111083984375, 0.07072387635707855, -0.975989580154419, -0.14468468725681305, 0.6802251935005188, -0.6069344878196716, -0.5294399857521057, -0.9341466426849365, 0.7532622814178467, -0.12682300806045532, -0.13798685371875763, -0.43730276823043823, -0.11685936152935028, 0.6505041718482971, 0.8239244818687439, 0.32619887590408325, 0.20622262358665466, -0.5341636538505554, -0.09800323098897934, -0.6025430560112, -0.12773558497428894, 0.7671195864677429, -0.6838933825492859, 0.8160301446914673, -2.1411726474761963, 0.038804590702056885, 0.2926318645477295, 0.3374006450176239, -0.2712112069129944, -0.5981860160827637, 0.26703375577926636, 0.03887561336159706, 0.4636998176574707, -0.12101903557777405, 0.847167432308197, -1.185863971710205, -0.27112895250320435, 0.30078446865081787, -0.13012872636318207, -0.08359052240848541, 0.03817059472203255, 1.6099344491958618, 0.4318072199821472, -0.6547262072563171, -0.7793035507202148, -1.522641658782959, -0.13371947407722473, 2.2697176933288574, 0.23785024881362915, -0.8137726187705994, -0.6387282609939575, -0.584031343460083, 0.25999319553375244, -0.711053192615509, 0.07037383317947388, -0.6615657210350037, 0.07797116786241531, -1.4019757509231567, 0.19109922647476196, -0.8049802780151367, 0.036572761833667755, 0.7337544560432434, 1.4360657930374146, -0.1319555640220642, -0.47758206725120544, -0.09664249420166016, -0.4157615303993225, 0.38641130924224854, 1.045911192893982, 0.23657691478729248, -0.2869699001312256, 0.48802828788757324, -0.4219405949115753, 0.51604825258255, 0.7246860861778259, 0.6968520283699036, -0.40958645939826965, 0.3401533365249634, -0.13597796857357025, 1.1894549131393433, -0.12148584425449371, -0.12749111652374268, -0.37083643674850464, 0.2868172228336334, -0.24297556281089783, -0.9022492170333862, 0.17805224657058716, -0.034528814256191254, 1.4492321014404297, 1.2741159200668335, -0.5324217677116394, 0.898333728313446, -1.3114608526229858, 0.4206432104110718, -0.3901762366294861, -0.3723719120025635, -0.51077800989151, -0.19357673823833466, 0.36878302693367004, -0.8100765943527222, 0.10910201072692871, -0.3129705786705017, 0.10058808326721191, -1.7475192546844482, -0.43663787841796875, -0.2799495756626129, -0.44053298234939575, -1.2462087869644165, -0.46399790048599243, -0.1771831065416336, -0.7763504385948181, -0.30119743943214417, -0.06625509262084961, 0.5476517081260681, 0.750360369682312, 0.9715629816055298, 1.80156672000885, 0.222001314163208, 0.4169524013996124, 0.06941327452659607, 1.2187080383300781, -0.7168866395950317, 0.36003613471984863, 0.15071630477905273, 0.5131939053535461, -0.8742789626121521, 0.21981942653656006, -0.5915136337280273, 0.3926255702972412, 0.9137255549430847, -0.0035718828439712524, 0.09684151411056519, -0.3563273251056671, -1.0522271394729614, 0.9386711120605469, -0.7602903246879578, 0.8295344710350037, -0.5247103571891785, 1.8106789588928223, 0.2730279862880707, -0.8481823801994324, 1.0601930618286133, 0.048184722661972046, -0.2929147183895111, 0.8926616311073303, -0.5358421802520752, 0.6850699782371521, 0.07346339523792267, -0.1131170243024826, 0.43647927045822144, 0.35044264793395996, -2.1003847122192383, 0.13425220549106598, 0.9404003620147705, -0.14746902883052826, -0.6635473370552063, -0.6073567867279053, -0.009496256709098816, -0.829079806804657, -0.09889878332614899, 0.3350583612918854, -1.0012409687042236, 0.5461401343345642, 0.28939682245254517, 0.41465169191360474, 0.6537806987762451, 0.06251126527786255, 0.5509347915649414, 0.8812443017959595, 0.687761127948761, -0.982265055179596, -0.08724722266197205, 0.7657780647277832, -0.6382381916046143, 0.2985992431640625, 0.5135639905929565, 1.0101771354675293, 1.380531668663025, -0.5569589734077454, -0.08346712589263916, 1.018850564956665, 0.6141633987426758, 0.20002481341362, 0.21049392223358154, -0.32782435417175293, 0.050949711352586746, 0.2523873746395111, 0.633937656879425, 6.0074031352996826e-05, -0.9771780371665955, -0.9562588334083557, -0.32048410177230835, -0.39881640672683716, -0.7526910305023193, 1.6220183372497559, 0.453065425157547, 1.1147006750106812, 0.11691826581954956, 0.31612926721572876, -0.6306273937225342, 0.1598227471113205, 0.8076837062835693, 0.2647475600242615, -0.4035399556159973, -0.4786762297153473, 0.2627080976963043, 0.7739149332046509, -0.2975955307483673, -0.40550515055656433, -0.0996764749288559, 0.795174241065979, 0.1787385791540146, -1.0644179582595825, 0.0866151675581932, 1.163077712059021, 0.5181897878646851, 1.6553243398666382, -0.9398992657661438, -0.06515707075595856, 0.6334647536277771, 0.9406287670135498, -0.09523364901542664, 0.14805036783218384, -0.5279039740562439, 0.1977195143699646, 0.5944027900695801, 1.3813408613204956, -0.14217200875282288, 1.3099664449691772, 0.6994423866271973, -0.8185530304908752, -0.6739858388900757, -0.3608994781970978, -1.2908960580825806, -0.6282013654708862, -0.23605844378471375, -0.4540526270866394, -0.34927383065223694, 0.8108388781547546, -0.60001140832901, -0.44143912196159363, 0.8150608539581299, -0.8276959657669067, -1.2638839483261108, 0.5863748788833618, 1.1839368343353271, -1.0613906383514404, -0.3073611259460449, -0.4048818349838257, -0.673163890838623, -0.9415833950042725, 0.09399843961000443, -0.9288526177406311, -0.1007443442940712, -0.1381986439228058, 1.309824824333191, 0.3968508839607239, -0.23059189319610596, -0.9131415486335754, 0.6443645358085632, 1.535615086555481, -0.7113335728645325, 0.22767028212547302, -0.0009001963771879673, 0.7732269763946533, -0.5180457830429077, -1.0600208044052124, -0.35185155272483826, 1.0333240032196045, -0.12728869915008545, 0.11268378049135208, -0.7027214169502258, -0.6383487582206726, 0.25934574007987976, -0.04179198667407036, 0.35847437381744385, -0.845432698726654, 0.04490235820412636, -0.1468314826488495, 0.3648337125778198, 0.5500268936157227, -0.6360660791397095, -0.8040568232536316, 0.7523279190063477, -0.14856968820095062, 0.5913244485855103, -0.09487894922494888, 0.7376055717468262, 1.045475959777832, 0.37515988945961, -0.011621234938502312, -0.3197847902774811, -11.609755516052246, 0.1681848019361496, -0.15569648146629333, -0.3748740553855896, 0.38452377915382385, -0.6964173913002014, 0.723442554473877, -0.07839983701705933, 0.11607195436954498, -0.8431364893913269, 0.5446165204048157, 0.7803249359130859, 0.41017672419548035, -0.3717377781867981, -0.24782288074493408, -0.9389320611953735, -0.3460438549518585, -0.5196249485015869, 0.316614031791687, 0.15127572417259216, -0.9420759081840515, -1.1632020473480225, -0.047440722584724426, 0.45849478244781494, 0.4004802405834198, 0.17806309461593628, -0.4350658059120178, 0.009424124844372272, -0.4112684726715088, 0.021817900240421295, 0.6078829765319824, -0.019494641572237015, -0.7933409214019775, -0.6909824013710022, 0.8408387303352356, -0.04667007550597191, -1.0586042404174805, 0.25480836629867554, 0.861778736114502, 0.1997675746679306, -0.6525281667709351, 0.16632132232189178, 0.13269297778606415, -0.26083680987358093, -0.5495319962501526, 0.4937828779220581, 0.5212476849555969, -0.8895313143730164, 0.22239750623703003, -1.157368540763855, -0.5532798171043396, -0.6574312448501587, -1.0713520050048828, -0.844770073890686, 0.4808235168457031, -0.23072735965251923, -0.6622634530067444, 0.25375834107398987, -0.23905935883522034, -1.0259326696395874, 0.3521409332752228, 0.4131554365158081, -0.36929893493652344, 0.06715621054172516, 0.6596375107765198, -0.7282825112342834, 0.8525640964508057, 0.31570395827293396, 0.058608464896678925, 0.604023277759552, -1.1327377557754517, 0.5534958243370056, 0.07734078168869019, 0.04100403934717178, -0.5455681085586548, -0.31602412462234497, -0.39941084384918213, -0.23614096641540527, 0.5077340006828308, 0.010850523598492146, -0.6035312414169312, 0.27547016739845276, 0.019819745793938637, -0.15959987044334412, -1.034805178642273, 0.2330245077610016, -0.3557684123516083, 0.18601813912391663, 1.1030583381652832, -0.39204105734825134, 0.9324384927749634, -0.1497994065284729, -0.056447483599185944, 0.19107875227928162, -0.6299892663955688, 0.6613442897796631, -0.5143401026725769, 0.6613951325416565, 0.6603355407714844, -0.7673369646072388, 0.11049182713031769, -0.290691614151001, -0.3564106523990631, 0.0433642752468586, 0.1806778460741043, 0.31702765822410583, 0.06601622700691223, 0.1910649836063385, 0.5842841267585754, -0.2793266773223877, 1.0146130323410034, -0.13313046097755432, -0.6172218322753906, 0.6584302186965942, -0.3395002484321594, 0.8270658850669861, 0.7749412059783936, 0.622199535369873, 0.8040289878845215, 0.5848044753074646, -0.3470321297645569, 1.3018828630447388, 0.4599941372871399, 1.3080106973648071, 0.14412815868854523, -0.21787254512310028, 0.8133232593536377, 0.7724862098693848, 0.15050585567951202, -1.5386220216751099, -0.17976301908493042, -0.2793310582637787, 0.028151417151093483, -0.2741232216358185, -0.065154530107975, -0.1800035983324051, -1.3797764778137207, 1.359767198562622, -0.7275630831718445, 0.15912573039531708, -0.0291853416711092, -0.8753642439842224, -0.234573632478714, -0.7838514447212219, -0.8594072461128235, 0.11490035802125931, -2.1516051292419434, -0.11436827480792999, -0.3913332223892212, -0.37657833099365234, 0.059023600071668625, 0.07456117123365402, 1.015783667564392, -1.1026430130004883, 0.03518185019493103, -0.10307789593935013, 0.724530816078186, -0.4527945816516876, -0.7717695236206055, -0.429486483335495, -0.021427810192108154, 1.1851409673690796, -0.5020966529846191, 0.8935320377349854, 0.28523707389831543, 0.17515787482261658, -0.24818536639213562, 0.02283398061990738, -0.2816355228424072, 0.20258021354675293, 1.2148957252502441, -1.1935372352600098, 0.08752594888210297, -0.8556460738182068, -0.283724308013916, -1.067199945449829, -0.3195194900035858, 1.5228245258331299, -0.498433381319046, 0.14113359153270721, -0.25487232208251953, 0.7790284156799316, 0.3835821747779846, -0.7431172728538513, -0.5904438495635986, -0.4282624423503876, 0.2758059501647949, 0.5654950737953186, 0.20442305505275726, 0.36857208609580994, -1.2065448760986328, -1.1941249370574951, -0.7311509251594543, -0.14928968250751495, 0.04469543695449829, -0.09670889377593994, 0.9086000323295593, 0.4033854305744171, 0.2872006297111511, 0.3511991798877716, -0.12127034366130829, 1.146657109260559, 0.2380230724811554, 0.11502818763256073, 0.3059076964855194, -0.0792948454618454, -0.47345754504203796, 0.4549633264541626, 0.17218074202537537, 0.6007498502731323, -1.443682312965393, -0.45530515909194946, 0.06660196930170059, -0.3524988889694214, -0.056694723665714264, -1.0367069244384766, -0.0711769089102745, 0.08499102294445038, 0.008109856396913528, -1.1154699325561523, -0.00879928469657898, 1.2373000383377075, -0.22594447433948517, 0.5821034908294678, 0.4733563959598541, 0.36345717310905457, 0.6075810790061951, 0.5227845907211304, 1.4260406494140625, -0.33181723952293396, -0.10062684118747711, -0.3620188236236572, 0.491664856672287, -0.31057223677635193, 0.05420650541782379, 0.13976183533668518, -1.26056706905365, 0.4540978968143463, -0.7666809558868408, 0.5758857727050781, -0.1964724212884903, 0.3584331274032593, 0.564078152179718, 1.0844415426254272, -0.5266891121864319, -1.675325870513916, -0.3008793294429779, -1.0060358047485352, 0.1211039274930954, 0.11932653188705444, 0.45301830768585205, 0.7917302846908569, 0.8899390697479248, 0.060299456119537354, 1.2892117500305176, -0.1845265030860901, -0.1716562658548355, -0.5787755846977234, 0.08962950855493546, 1.4638890027999878, 0.7050588130950928, 0.30370980501174927, -0.10694358497858047, -0.6902411580085754, -0.7132766246795654, -0.2599928379058838, -0.3785373270511627, 1.1741173267364502, 1.3120108842849731, -0.15688170492649078, -0.013839483261108398, -0.9755607843399048, 0.3423461616039276, -0.5034995675086975, 0.5557507872581482, 0.33347082138061523, -0.19432489573955536, -1.520332932472229, -0.7827641367912292, -0.21733920276165009, 1.3425549268722534, -0.23096492886543274, -0.19268710911273956, -0.9388260245323181, 0.38203132152557373, -0.11076118052005768, -0.037024036049842834, -0.7883079051971436, -0.03888346627354622, -0.17309129238128662, 0.1791093349456787, 0.9890527725219727, -0.7564446926116943, -0.17962759733200073, 0.1971900910139084, -0.6637979745864868, 0.936376690864563, 0.11795805394649506, -0.6744446754455566, -1.096539855003357, 0.5591153502464294, -0.1618630290031433, -0.3508024215698242, 1.196103572845459, -0.09525298327207565, -1.8408880233764648, 1.1528524160385132, 1.3109842538833618, -0.6743800640106201, -0.006558574736118317, 0.1300836205482483, 0.4126257598400116, 0.1497458815574646, 1.219988226890564]} +{"paper_id": "super_glue", "embedding": [0.15837939083576202, 0.7877629399299622, 0.033024225383996964, -0.05403731018304825, 0.3889522850513458, -0.14417323470115662, 1.1589208841323853, 0.5508944988250732, 1.3506174087524414, 0.5052121877670288, 0.4094817638397217, 0.2918393611907959, 0.35991722345352173, -0.24367232620716095, -0.21785292029380798, -0.13382521271705627, -0.6754666566848755, -1.1388685703277588, -1.6597630977630615, -0.017581582069396973, -0.9619424939155579, -0.2359398901462555, 0.0625898540019989, 0.38330206274986267, -0.14643901586532593, -0.5329463481903076, 0.6493899822235107, -0.8500639796257019, 0.1038755252957344, 0.7277994155883789, -0.5502347350120544, 1.3133044242858887, -0.9091916084289551, 0.16019096970558167, -0.6262247562408447, -0.8971276879310608, -0.13453060388565063, 0.6044754981994629, -0.4393106698989868, -0.12310808897018433, -0.3494594991207123, -0.24087026715278625, 0.3874301612377167, 0.0406305193901062, 0.6495499610900879, -0.2630188763141632, -0.06340963393449783, 0.35045671463012695, -0.2962028980255127, 0.3914835751056671, -0.6798319220542908, 0.15253472328186035, 0.48814019560813904, 0.2644460201263428, -0.31909048557281494, 0.739230751991272, 0.6144140362739563, -0.8313280344009399, 0.6409248113632202, -1.0632083415985107, 0.9732016921043396, 1.1570712327957153, -0.2954675555229187, 0.32852408289909363, 0.9341956973075867, 0.04695611447095871, 1.141504168510437, 0.642074465751648, 0.44568875432014465, 0.812873363494873, -0.48119479417800903, -0.6228318810462952, 0.5228452086448669, 0.770959734916687, 0.3937087655067444, 1.034525752067566, -0.3155387043952942, -0.1047743707895279, 0.05612638592720032, -0.4461522400379181, -0.5488356947898865, 0.38014572858810425, 0.4200010895729065, -0.11938579380512238, 0.0876876711845398, -0.006311822682619095, 0.5447123050689697, -0.7644129991531372, 0.5092529654502869, -1.0415236949920654, 0.37654179334640503, 0.14814110100269318, 0.38390210270881653, 0.021506711840629578, -0.4809058904647827, -0.1320243626832962, 0.08844421058893204, -0.21908403933048248, -0.6722301244735718, 0.23432683944702148, 0.7199643850326538, -0.13827021420001984, 0.4402102828025818, -0.11303938180208206, 0.19999754428863525, 0.4299139380455017, -0.44788938760757446, -0.6169317960739136, -0.5016083717346191, -0.5406997203826904, 0.4048127233982086, 1.3756420612335205, 0.16693027317523956, 0.22406300902366638, 0.0723208412528038, 0.48235419392585754, 0.647956371307373, -0.542626142501831, -0.28081899881362915, -0.3176962733268738, -0.1961355358362198, -0.9549113512039185, -0.3844633996486664, -0.8358715176582336, 0.3224130868911743, -0.6413499116897583, 0.1862446814775467, -0.5287604331970215, 0.3753449618816376, 0.11555052548646927, 0.9826146364212036, 0.8094419836997986, -0.21043981611728668, -0.06680628657341003, 2.4874789714813232, -1.0489015579223633, 1.1160918474197388, -0.7156122922897339, 0.2985479533672333, -0.5120411515235901, 0.1809718906879425, 1.194507360458374, -0.10623037815093994, -0.5875514149665833, -0.449487566947937, -0.04181911051273346, -0.42752575874328613, 0.2654537558555603, -0.9992266297340393, 0.042317427694797516, 0.08814337849617004, 0.726600706577301, -0.9999465942382812, -0.927604079246521, 0.15771323442459106, 0.18296301364898682, 0.4757474660873413, 0.6175969839096069, -0.44609010219573975, 0.8491010069847107, 0.31451287865638733, 0.16234681010246277, -0.4269973039627075, -0.07839031517505646, -0.6036562919616699, 0.3153325021266937, 1.1097792387008667, -0.3385634124279022, -0.6194881200790405, -0.4053351581096649, 0.4081365466117859, -0.016110718250274658, 0.0639481320977211, -0.14288604259490967, 0.04754405468702316, 0.35511744022369385, 0.7924396395683289, 0.2544320225715637, 0.424547404050827, -0.6360695362091064, 0.05737624317407608, -0.05072592571377754, -0.10221615433692932, 0.5596680641174316, -0.16022740304470062, 0.22583630681037903, -1.8986705541610718, 0.22703416645526886, 0.1587364226579666, 0.09095229208469391, -0.13303518295288086, -0.5387887358665466, 0.33120083808898926, 0.024240072816610336, 0.3229495882987976, -0.2128189504146576, 0.7298222780227661, -0.774813711643219, -0.4842308461666107, 0.5665063858032227, 0.033108677715063095, -0.13543914258480072, -0.08075940608978271, 1.1074752807617188, 0.2919706106185913, 0.0962744727730751, -0.5927892327308655, -1.1077502965927124, 0.20305714011192322, 1.5093876123428345, 0.005592502653598785, -0.8313694000244141, -0.17936095595359802, -0.9618170857429504, 0.3116919696331024, -1.1795549392700195, 0.33605289459228516, -0.5177608728408813, 0.09204255789518356, -1.5127606391906738, 0.2930445075035095, -0.3586304485797882, -0.4432457387447357, 0.6332316398620605, 1.8093866109848022, -0.3890387713909149, -0.30577072501182556, -0.09256279468536377, -0.7835187315940857, 0.12691190838813782, 0.8645384311676025, 0.3262253999710083, -0.02525150775909424, 0.432659387588501, -0.2982468008995056, 0.13980978727340698, 0.5875065922737122, 1.1408244371414185, -0.6421545743942261, 0.46776723861694336, -0.2892438769340515, 0.7170836329460144, -0.27890193462371826, -0.11491040885448456, -0.5301235318183899, 0.1964118778705597, -0.3995506167411804, -1.0371087789535522, -0.20705437660217285, 0.33941444754600525, 1.5019973516464233, 0.8948420882225037, -0.44878941774368286, 0.25929465889930725, -0.23456339538097382, -0.16586530208587646, -0.34841209650039673, -0.09826682507991791, -0.5368139147758484, -0.5151506662368774, 0.38760167360305786, -0.4720612168312073, 0.12140627205371857, -0.3224327266216278, 0.02465527504682541, -1.1168292760849, -0.5944923758506775, -0.11802179366350174, -0.3238303065299988, -1.0390006303787231, -0.4597451984882355, 0.0561511255800724, -0.9090666174888611, -0.6315599679946899, 0.21254275739192963, 0.36936697363853455, -0.032255712896585464, 1.0493378639221191, 1.4612618684768677, 0.4423827826976776, 0.5694846510887146, -0.24950605630874634, 1.1284918785095215, -0.44780054688453674, -0.08333072066307068, 0.5144494771957397, 0.3081161379814148, -0.8488743305206299, -0.0034897103905677795, -0.8515527844429016, 0.21670973300933838, 0.6530977487564087, 0.08588486164808273, 0.3239412009716034, -0.4540177583694458, -1.008175253868103, 1.1710786819458008, -0.4804351031780243, 0.891262948513031, -0.49398690462112427, 1.6306817531585693, 0.20389728248119354, -0.5067400336265564, 0.7981410622596741, 0.0036540497094392776, -0.40597715973854065, 1.1356863975524902, -0.7457777261734009, 0.5799285173416138, -0.014112435281276703, -0.2591446042060852, 0.5994067192077637, 0.18221107125282288, -2.238816499710083, 0.19167597591876984, 0.2917349338531494, 0.31781554222106934, -0.34865739941596985, 0.0159594863653183, 0.25400298833847046, -0.21224719285964966, 0.033685557544231415, 0.8383776545524597, -1.0269014835357666, 0.8448579907417297, 0.09971483796834946, 0.40489697456359863, 0.6319944262504578, 0.16413114964962006, 0.15750180184841156, 0.683549165725708, 0.6475524306297302, -0.5707236528396606, -0.5261378884315491, 0.8717898726463318, -0.8692015409469604, 0.1901669204235077, 1.0116982460021973, 0.8555856943130493, 0.8079718351364136, -0.36949074268341064, -0.10200034826993942, 0.7318024039268494, 0.5127121806144714, -0.1806769073009491, 0.2626221179962158, -0.056238919496536255, -0.03628315031528473, 0.041042547672986984, 0.8720930814743042, -0.25119853019714355, -0.6857736706733704, -0.6001947522163391, -0.16609643399715424, -0.5621376633644104, -0.05668696016073227, 1.4476218223571777, -0.0734492614865303, 0.6151874661445618, 0.30837270617485046, 0.27152204513549805, -0.206039696931839, -0.149947389960289, 0.33714181184768677, 0.15832099318504333, -0.35315078496932983, -0.20837606489658356, 0.27516627311706543, 0.6761655807495117, 0.057658419013023376, -0.5426725745201111, -0.09252151846885681, 0.755291223526001, -0.3014647364616394, -0.9945545196533203, 0.24597550928592682, 0.9567119479179382, 0.6871406435966492, 1.6715232133865356, -1.0204790830612183, 0.14215458929538727, 0.21722868084907532, 0.4200558662414551, 0.06682000309228897, -0.29936233162879944, -0.12357768416404724, 0.1663225293159485, 0.2330748587846756, 1.560589075088501, -0.1495439112186432, 1.2804417610168457, 0.6990526914596558, -0.7805602550506592, -0.6077979207038879, -0.04460402950644493, -1.1209791898727417, -0.3064257502555847, -0.10163038969039917, -0.3433334529399872, -0.3354097604751587, 0.5645723342895508, -0.42381513118743896, -0.528514564037323, 0.3626348078250885, -0.40977489948272705, -0.8235424757003784, -0.10368326306343079, 1.2843811511993408, -0.25888627767562866, -0.18524953722953796, -0.35092538595199585, -0.6529083847999573, -0.7150726914405823, 0.0915551483631134, -0.7795254588127136, -0.13943704962730408, -0.27677595615386963, 0.7337102890014648, 0.1451491415500641, -0.23765967786312103, -0.7779011130332947, 0.9060552716255188, 0.9935764074325562, -0.5353552103042603, 0.28007975220680237, -0.2874501049518585, 0.7780077457427979, -0.34495794773101807, -0.7143566608428955, -0.01647287607192993, 0.894189715385437, -0.42166051268577576, -0.08208248019218445, -0.6130476593971252, -0.4588589668273926, 0.5676106810569763, 0.373656690120697, 0.4712098240852356, -0.8428577184677124, 0.013474171981215477, -0.12795034050941467, 0.4429398477077484, 0.8220101594924927, -0.5618955492973328, -0.5491374731063843, 0.6301436424255371, -0.5162159204483032, 0.014687974005937576, -0.07599569857120514, 0.38155093789100647, 0.7996177673339844, 0.4267303943634033, 0.035510607063770294, -0.1145147830247879, -13.535895347595215, 0.5402213931083679, -0.32134339213371277, -0.3417423963546753, 0.5495330095291138, -0.2884100675582886, 0.6068324446678162, 0.5858302712440491, 0.04479183256626129, -0.4256724715232849, 0.11755166947841644, 0.39128705859184265, 0.16957929730415344, -0.30060720443725586, -0.12196802347898483, -0.8255494832992554, -0.18887805938720703, -1.0630381107330322, 0.1136961430311203, 0.45519548654556274, -0.20934417843818665, -1.0004264116287231, -0.28946012258529663, 0.030120881274342537, 0.18995948135852814, -0.7076807022094727, -0.3950350880622864, -0.04289434105157852, -0.09021108597517014, 0.0708589255809784, 0.18921442329883575, -0.19332721829414368, -0.36820459365844727, -0.6502072811126709, 0.7688282132148743, -0.004019220359623432, -1.0567340850830078, 0.20451052486896515, 0.5138165950775146, 0.02905537560582161, -0.8256336450576782, 0.43937772512435913, -0.10022766143083572, -0.31915879249572754, -0.3321853578090668, 0.39863836765289307, 0.15781272947788239, -0.7309757471084595, 0.07589994370937347, -0.9478241801261902, -0.1635504961013794, -0.6781640648841858, -0.8114596009254456, -0.9729778170585632, 0.6864164471626282, -0.5577449202537537, -0.2949477434158325, -0.06570485979318619, 0.13109147548675537, -0.9371418952941895, 0.29629525542259216, 0.5194287300109863, -0.1942707896232605, 0.3556230962276459, 0.6649220585823059, -0.6792095303535461, 0.6024265885353088, 0.6970105767250061, -0.07083644717931747, 0.7382405400276184, -0.827642023563385, 0.7232689261436462, 0.20789209008216858, 0.3248796761035919, -0.7357038259506226, -0.14596876502037048, -0.10628984868526459, 0.009691210463643074, 0.09249582886695862, -0.11449646949768066, -0.886850118637085, 0.15880559384822845, 0.04741433635354042, 0.015014734119176865, -0.5951740145683289, 0.280313104391098, -0.11385323852300644, 0.33872199058532715, 1.1027634143829346, -0.06108292564749718, 0.7007405161857605, -0.27541589736938477, -0.3234885334968567, -0.4365989565849304, -0.5430475473403931, 0.7397097945213318, -0.5298461318016052, 0.39909276366233826, 0.5952357053756714, -0.7598991394042969, 0.14877629280090332, 0.015150725841522217, -0.34984907507896423, 0.05865054205060005, 0.8239083290100098, -0.11146882176399231, -0.06507229804992676, -0.030577220022678375, 0.6242117881774902, -0.12393215298652649, 0.7988699078559875, -0.1746091991662979, -0.5251860022544861, 1.025506854057312, -0.29535168409347534, 0.8747900724411011, 0.7944695949554443, 0.23974308371543884, 1.12210214138031, 0.4492645859718323, -0.36402004957199097, 0.9156062602996826, 0.34053686261177063, 1.3492767810821533, -0.020477931946516037, -0.009608768858015537, 0.48295727372169495, 0.6137297749519348, 0.3950846791267395, -0.99176025390625, 0.008251570165157318, -0.378466933965683, 0.02853197231888771, -0.1916033923625946, 0.05298798158764839, -0.093304842710495, -1.4038376808166504, 1.1976990699768066, -0.6450788378715515, 0.49024835228919983, 0.46020960807800293, -0.7304497957229614, -0.99465411901474, -0.7715293169021606, -0.906342089176178, 0.4089752733707428, -1.5587964057922363, -0.1062065064907074, -0.26213130354881287, -0.3575417995452881, 0.11070244014263153, -0.1532140076160431, 1.0049713850021362, -0.7705695629119873, -0.02113231271505356, 0.00589323416352272, 0.6886049509048462, -0.6615121364593506, -0.42118316888809204, -0.7186484336853027, 0.6785087585449219, 0.932102620601654, -0.6655848026275635, 0.7397235035896301, 0.448027640581131, 0.11629076302051544, -0.7805198431015015, -0.264257550239563, 0.22060127556324005, 0.5412652492523193, 0.7927025556564331, -1.073347568511963, -0.06772900372743607, -0.9159978032112122, 0.30091947317123413, -1.1731092929840088, -0.47207754850387573, 1.047243595123291, -0.635444700717926, 0.10311442613601685, -0.1923467516899109, 0.7787888646125793, 0.5045403242111206, -0.8287581205368042, -0.9905025959014893, -0.5739590525627136, 0.12842783331871033, 0.6874770522117615, 0.00642688013613224, 0.2071167379617691, -1.0744260549545288, -1.0279935598373413, -0.6118534207344055, -0.21542008221149445, 0.09681607037782669, 0.2935140132904053, 0.48191481828689575, 0.32882094383239746, -0.17217496037483215, 0.27383652329444885, -0.5572555661201477, 0.7229114174842834, -0.20902137458324432, 0.0992022156715393, 0.04432673379778862, -0.09728673100471497, -0.2764856219291687, 0.2439020574092865, 0.2251337319612503, 0.9917068481445312, -1.0416319370269775, -0.8268840312957764, 0.056371577084064484, -0.21897639334201813, -0.2110266238451004, -0.7482789754867554, -0.625289797782898, 0.005078203976154327, 0.4966735541820526, -0.7919670939445496, 0.02251453697681427, 0.96961909532547, 0.2879241108894348, 0.5708582401275635, 0.5319327116012573, 0.5621832013130188, 0.39839935302734375, 0.33202239871025085, 0.8718242645263672, -0.01962735876441002, 0.013436556793749332, -0.22649377584457397, 0.1283593773841858, -0.298370361328125, -0.016378551721572876, 0.16968993842601776, -1.331005334854126, 0.22051185369491577, -0.794815719127655, 0.4219914674758911, -0.1064004898071289, 0.621891975402832, 0.47785043716430664, 1.0308626890182495, -0.2747129797935486, -1.4568768739700317, -0.48741206526756287, -1.0072476863861084, 0.014599710702896118, -0.0031203478574752808, -0.017663251608610153, 0.8817725777626038, 0.8107247948646545, -0.11093606054782867, 1.1095813512802124, 0.09106896817684174, 0.03458525985479355, -0.16216829419136047, 0.07168892025947571, 1.212039589881897, 0.368551105260849, 0.06411472707986832, 0.3045351207256317, -0.6866143941879272, -0.6944581866264343, -0.38014525175094604, -0.427900105714798, 0.7266905307769775, 0.7961170077323914, -0.2810259461402893, -0.09902913123369217, -0.4985928535461426, -0.06651239097118378, -0.5966536998748779, 0.6634963154792786, 0.3421664834022522, -0.006012186408042908, -1.2350236177444458, -0.518437385559082, 0.05472037196159363, 0.763379693031311, 0.10755230486392975, -0.2626156806945801, -1.0776278972625732, -0.3447081446647644, -0.11226971447467804, 0.13022027909755707, -0.41777321696281433, 0.050856951624155045, 0.013810909353196621, 0.09095905721187592, 0.7435822486877441, -0.5898951292037964, -0.35746175050735474, 0.4110470116138458, -0.8698655962944031, 0.25524890422821045, -0.3358713388442993, -0.711280345916748, -0.6768137812614441, 0.3805508315563202, 0.19170662760734558, -0.5088297128677368, 0.9684878587722778, 0.13455064594745636, -1.3924919366836548, 0.7909668684005737, 0.751787006855011, -0.8876823782920837, 0.5999659895896912, 0.372911274433136, 0.2899845838546753, 0.3373216688632965, 1.087894320487976]} +{"paper_id": "wikitext", "embedding": [-0.5824304223060608, 1.1079912185668945, 0.4495999813079834, 0.0816323533654213, 0.14790937304496765, -0.1479804664850235, 0.28450441360473633, 0.960024356842041, 0.8633832931518555, 0.31574803590774536, 0.8148989081382751, 0.030750038102269173, 0.23379021883010864, 0.10745987296104431, 0.10169054567813873, -0.5329595804214478, -0.9169187545776367, -0.5895504355430603, -0.6051902174949646, -0.48561766743659973, -0.8374857902526855, 0.04191835969686508, 0.007297120988368988, 0.4966887831687927, -0.30941489338874817, -0.7007371783256531, 0.3572125732898712, -0.8832420110702515, 0.4768933355808258, 0.5047106146812439, -0.28303566575050354, 0.8537739515304565, -1.3349980115890503, 0.2765909433364868, -0.7650974988937378, -0.803921639919281, -0.7541792392730713, 0.04560556262731552, 0.14825645089149475, 0.27947333455085754, -0.17790138721466064, -0.7528841495513916, 0.7426314353942871, 0.5220065712928772, 0.5665175914764404, 0.07168617099523544, -0.02432166039943695, 0.8190340399742126, 0.04585076868534088, 0.26268666982650757, -0.5743483304977417, 0.5249606370925903, 0.7376846075057983, 0.2944321930408478, -0.3572625517845154, 0.5624091029167175, 0.22150272130966187, -0.8322954177856445, 0.00614515133202076, -1.3727247714996338, 0.07269534468650818, 1.4205986261367798, -0.43518421053886414, 0.39973244071006775, 0.6936458945274353, 0.21754904091358185, 0.6929360628128052, 0.1777007132768631, 0.0625336542725563, 0.9362711310386658, -0.07948625087738037, -0.6069526672363281, 0.8082922697067261, 0.25436586141586304, 0.685283899307251, 0.7652097940444946, 0.33961936831474304, 0.45361465215682983, 0.22069767117500305, 0.06397458165884018, 0.05333241820335388, 0.7206827998161316, 0.6004181504249573, -0.23199138045310974, -0.5455402731895447, 0.03740633279085159, 0.6049811840057373, -0.5145546197891235, 0.11042317748069763, -1.025865912437439, 0.19282276928424835, -0.4100368618965149, 0.02320360392332077, -0.12002134323120117, -0.40024620294570923, -0.3168583810329437, 0.06849245727062225, -0.33533957600593567, -0.3926985561847687, 0.764363169670105, 0.6103559136390686, -0.3475302457809448, -0.08884293586015701, -0.2493429183959961, 0.5074301958084106, 0.04333970695734024, -0.4718198776245117, -0.7866551280021667, -0.3149908185005188, -0.15732744336128235, 0.1350189447402954, 1.1655880212783813, 0.26907530426979065, 0.6844974756240845, 0.13287104666233063, -0.0923854187130928, 0.8636171221733093, -0.30021417140960693, -0.25875943899154663, -0.3853932023048401, -0.04417133703827858, -1.0461430549621582, 0.028245240449905396, -0.4550052285194397, 0.4409385919570923, -0.6037100553512573, 0.5229462385177612, -0.39228445291519165, -0.26431798934936523, -0.8173062205314636, 0.5233994722366333, 0.8001847267150879, -0.049039386212825775, -0.37124794721603394, 2.787292957305908, -1.21061372756958, 0.7945656776428223, -1.002259373664856, 0.3430381119251251, -0.8590261936187744, -0.3705306351184845, 1.16392183303833, -0.5227681994438171, -0.21985232830047607, -0.6929230690002441, -0.0065862927585840225, -0.5186149477958679, 0.29637840390205383, -0.3454422056674957, 0.14839746057987213, -0.19215987622737885, 0.6319172382354736, -0.9346911907196045, -1.370240330696106, 0.2801534831523895, 0.6690187454223633, 0.5339205861091614, 0.6240130066871643, -0.5285528898239136, 0.8778384923934937, 0.6768277883529663, 0.34884947538375854, -0.5348735451698303, 0.5069042444229126, -0.8072003722190857, 0.32739338278770447, 1.2412906885147095, -0.25672632455825806, -0.3198740780353546, -0.7334311604499817, 0.32865288853645325, 0.10026492923498154, 0.2432447075843811, 0.26793739199638367, -0.11400651186704636, 0.20189020037651062, 0.23410268127918243, 0.07221812009811401, 0.5576745271682739, -0.5915338397026062, 0.13234785199165344, 0.07688018679618835, 0.23215141892433167, 0.5747929215431213, -0.04693577438592911, 0.5841132402420044, -1.5567177534103394, -0.055655330419540405, 0.3206325173377991, 0.49467554688453674, -0.4103485643863678, -0.44456231594085693, 0.08083943277597427, 0.2727683484554291, 0.030164696276187897, 0.0006180740892887115, 0.6582025289535522, -0.626236617565155, -0.9500829577445984, 1.1421984434127808, -0.33833739161491394, -0.4806714355945587, -0.22582624852657318, 0.9656969904899597, 0.6783139705657959, 0.01377815380692482, -0.4448375403881073, -1.1741982698440552, 0.4742431938648224, 1.793929100036621, 0.49201080203056335, -0.976047158241272, -0.7802694439888, -1.4250773191452026, 0.3093837797641754, -1.0938823223114014, -0.19189582765102386, -0.6144136190414429, 0.29565852880477905, -1.6686432361602783, 0.40258631110191345, -0.16510652005672455, -0.07580995559692383, -0.05554894357919693, 1.1774967908859253, -0.028778819367289543, -0.30297034978866577, -0.4828758239746094, -0.5397418737411499, 0.15118268132209778, 1.1006207466125488, -0.29664644598960876, -0.11086314916610718, -0.12559466063976288, -0.11621782183647156, -0.05299682915210724, -0.009975768625736237, 0.8287114500999451, 0.22901326417922974, -0.01993640325963497, 0.2900163233280182, 0.5028262138366699, -0.23487664759159088, -0.0298162754625082, 0.008253924548625946, 0.09809119999408722, -0.4775317311286926, -0.2512137293815613, -0.15187470614910126, 0.04299665987491608, 1.6686640977859497, 1.02544367313385, -0.04485302045941353, 0.3937523663043976, -0.9722402095794678, 0.4685499370098114, -0.014390025287866592, -0.39665019512176514, -0.8175356388092041, -0.20578373968601227, 0.7104421257972717, -0.4011438190937042, -0.033990614116191864, -0.3872367739677429, -0.0018334686756134033, -0.6896893978118896, -1.0353370904922485, -0.6187698841094971, -0.7057381272315979, -1.365991234779358, -0.3656087815761566, 0.3222460448741913, 0.0521225705742836, -0.0028531700372695923, -0.2042040079832077, 0.4105609655380249, 0.18522778153419495, 0.38477426767349243, 1.6418461799621582, -0.055690258741378784, 0.6816812753677368, -0.34518516063690186, 0.35842281579971313, -0.6281688213348389, 0.07856214046478271, -0.3357202708721161, -0.3762780427932739, -1.020043134689331, -0.521593451499939, 0.12239468842744827, 0.35014426708221436, -0.01421615481376648, -0.18078789114952087, 0.17476311326026917, -0.28209125995635986, -1.1690425872802734, 1.001071572303772, -0.6666809916496277, 0.6424773931503296, -1.13923978805542, 1.4703186750411987, 0.5045914649963379, -0.22331009805202484, 0.24162423610687256, -0.37587830424308777, 0.9183295965194702, 0.9556108117103577, -0.6741359233856201, 1.0253846645355225, 0.27357983589172363, -0.4240455627441406, 0.07518548518419266, -0.0034059882164001465, -2.390758991241455, -0.08347143977880478, 0.4733274579048157, 0.7226340770721436, -0.026163678616285324, -0.6088320016860962, 0.3186471462249756, -0.2110806107521057, -0.28407469391822815, 0.0651353970170021, -0.6027915477752686, 0.6940233707427979, -0.14594247937202454, 0.47588443756103516, 0.6617787480354309, -0.17722353339195251, -0.3178459703922272, 1.2108138799667358, 0.6815317273139954, -0.9306999444961548, 0.10543685406446457, 0.8176872134208679, -0.5248609781265259, 0.07256428897380829, 1.125983715057373, 0.5928272604942322, 0.9918712377548218, -0.8325622081756592, 0.13581730425357819, 0.9804989695549011, 0.7048934698104858, -0.26661571860313416, 0.1400313377380371, -0.2556517720222473, 0.13450855016708374, 0.5912925004959106, 1.003623604774475, 0.4109325408935547, -0.5739917159080505, -0.14587663114070892, 0.05414339154958725, -0.6159509420394897, -0.7507137656211853, 1.1542103290557861, 0.9074904322624207, 1.578190803527832, 0.05262991040945053, 0.6942110061645508, -0.40191349387168884, 0.24795475602149963, 0.2810693681240082, -0.06820505857467651, 0.24114593863487244, -0.5172573328018188, 0.3739563822746277, 0.3671688139438629, 0.2809516489505768, -0.42516112327575684, -0.7245325446128845, 0.46913942694664, 0.7028547525405884, -0.7249386310577393, -0.24726749956607819, 0.2672896385192871, 0.6600698828697205, 1.6350491046905518, -0.3754076361656189, -0.40915948152542114, 0.4905593693256378, 0.2529754042625427, 0.8303030133247375, 0.10873281210660934, -0.6908664703369141, -0.0657651275396347, 0.16197139024734497, 0.937580406665802, -0.2227049171924591, 0.8331506252288818, 0.6404551267623901, -0.8361350297927856, -0.02723328024148941, 0.09487755596637726, -0.8871529698371887, 0.17385341227054596, 0.03132578730583191, -0.14055491983890533, -0.21042367815971375, 0.7148380875587463, -0.37686407566070557, -0.4849478304386139, 0.9978587627410889, 0.004593200981616974, -0.7508950233459473, 0.44788384437561035, 1.1356781721115112, -1.2121773958206177, -0.40968623757362366, -0.15786008536815643, -0.894668698310852, -1.0064765214920044, 0.8775344491004944, -0.12974058091640472, 0.04779592156410217, -0.521844744682312, 0.378240704536438, -0.6416527032852173, 0.25253188610076904, -1.2925076484680176, 0.899203360080719, 0.7712812423706055, 0.3307209610939026, 0.5438346862792969, -0.6986202597618103, 0.5707530379295349, -0.16980527341365814, -1.0144898891448975, 0.05970258638262749, 0.4294513165950775, -0.28883469104766846, -0.382427453994751, -0.4231606721878052, -0.022061370313167572, -0.5527791976928711, 0.5038028955459595, 0.0960795059800148, -0.7392393350601196, -0.028931155800819397, -0.005373269319534302, 0.758554220199585, 1.0149879455566406, -0.5627371072769165, -0.8211762309074402, 0.31451359391212463, -1.0492849349975586, -0.2606711983680725, 0.019162505865097046, 0.5019992589950562, 0.9041471481323242, 0.5748252272605896, 0.6640751361846924, 0.39793017506599426, -13.273994445800781, 0.6464385986328125, -0.3828776776790619, 0.11775539815425873, 0.3011377453804016, 0.12574952840805054, 0.4550207555294037, 0.5175482034683228, 0.036483243107795715, -0.46774226427078247, 0.14111584424972534, 0.9414008259773254, 0.1333167850971222, -0.5692395567893982, -0.07314088940620422, -1.2594146728515625, -0.1447877138853073, -0.45401889085769653, 0.76675945520401, 0.8794792890548706, 0.040172722190618515, -1.121380090713501, 0.03435506671667099, 0.3692644536495209, -0.7544699907302856, -0.7075985074043274, 0.18631818890571594, 0.2042311728000641, -0.16732019186019897, -0.22750446200370789, 0.10253995656967163, 0.18984867632389069, -0.590976357460022, 0.2038257122039795, 0.9253309369087219, 0.005144796799868345, -1.6484344005584717, -0.03627518564462662, 0.7131656408309937, 0.016548775136470795, -0.3919914960861206, -0.12397757917642593, 0.08976537734270096, -1.105974793434143, -0.8884575963020325, 0.37208741903305054, 0.5966748595237732, -0.6437457799911499, -0.037180326879024506, -1.0775651931762695, -0.5373988151550293, -1.0287387371063232, -0.47823965549468994, -0.967961311340332, 0.7556758522987366, 0.17233948409557343, -0.5475623607635498, 0.02234261855483055, -0.1327018141746521, -0.8810362815856934, 0.46698296070098877, 0.748946487903595, -0.2884969413280487, 0.08236368000507355, 0.7011188864707947, -1.0123131275177002, 0.05086066573858261, 0.3056935667991638, 0.5398076176643372, 0.3676639199256897, -0.8361818790435791, 0.3445526957511902, 0.7593239545822144, 0.20292727649211884, -0.5819668769836426, -0.10823176056146622, 0.314008504152298, -0.7972961664199829, 0.36208635568618774, 0.7326174974441528, -0.38117310404777527, 0.12195920944213867, 0.0020416821353137493, -0.4865793287754059, -0.7100093364715576, -0.15511280298233032, -0.15966659784317017, -0.15868215262889862, 1.4927194118499756, 0.7675881385803223, 1.0431129932403564, 0.16428685188293457, -0.8292627930641174, 0.20025023818016052, -0.586177408695221, 1.0200614929199219, -0.37908557057380676, 0.46212339401245117, 0.34648099541664124, -0.10899881273508072, 0.6182606816291809, -0.1884412169456482, -0.39569273591041565, -0.1926552802324295, 0.8305398225784302, -0.1315934658050537, -0.0027786940336227417, 0.6116243600845337, 0.9919517040252686, 0.47718146443367004, 0.9028288722038269, 0.12815748155117035, -0.2782648205757141, 0.9726110100746155, -0.06771325320005417, 0.5988568067550659, 0.8003483414649963, 0.22543996572494507, 1.0863813161849976, 0.2255391776561737, -0.4433368444442749, 0.7639434933662415, 0.29159313440322876, 0.9309694170951843, 0.7162283658981323, 0.1742674857378006, 0.3770805597305298, 0.8188340067863464, -0.30294492840766907, -1.000009536743164, -0.48710325360298157, -0.14669248461723328, 0.1015608012676239, -0.36509716510772705, 0.04427523538470268, -0.3107006549835205, -0.9203216433525085, 1.5519530773162842, -0.4548552632331848, -0.0004451759159564972, 0.41371268033981323, -0.8354303240776062, -0.555255651473999, -0.33746397495269775, -0.34804168343544006, 0.6761888861656189, -1.1499981880187988, -0.1583547741174698, -0.2718190550804138, -0.4826096296310425, -0.0362975038588047, 0.15424516797065735, 0.88364177942276, -1.360750675201416, -0.32496777176856995, -0.03867888078093529, 1.0294334888458252, -0.3478749096393585, -0.2532036006450653, -0.1401529461145401, 0.22299876809120178, 1.2040683031082153, -1.265060544013977, 0.6232658624649048, 0.5107525587081909, 0.7541263699531555, -1.3110167980194092, -0.5750418901443481, 0.3008672595024109, 0.44852569699287415, 0.6258431077003479, -0.9715521335601807, -0.4217912256717682, -0.9825831651687622, -0.03357929736375809, -0.5631217956542969, 0.07801946997642517, 0.9450643062591553, -1.1308895349502563, 0.33029264211654663, 0.4209809899330139, 0.6163593530654907, 0.428981751203537, -0.43532413244247437, -0.4855513274669647, -0.0005592890083789825, -0.18771854043006897, 0.9280330538749695, -0.3878824710845947, 0.362844854593277, -1.6135294437408447, -1.0268163681030273, -0.6802763342857361, -0.05811706930398941, 0.4013429582118988, -0.20975720882415771, 0.7958360314369202, 0.45469987392425537, -0.24075362086296082, 0.00833585113286972, -0.13105590641498566, 0.4956894516944885, 0.8487674593925476, -0.2135346233844757, 0.19737491011619568, 0.21699419617652893, -0.8876069784164429, -0.10697394609451294, 0.2452058345079422, 0.005257985554635525, -1.116660714149475, -0.4333574175834656, -0.05826709046959877, 0.05563846975564957, -0.20408505201339722, -0.7633956670761108, -0.07637094706296921, -0.1650720238685608, -0.18739373981952667, -0.7486695647239685, -0.22650861740112305, 0.40474703907966614, -0.5341044068336487, 0.580126166343689, 0.14419464766979218, -0.09251980483531952, 0.20642253756523132, -0.12295573949813843, 1.2977534532546997, 0.18997496366500854, -0.29761672019958496, 0.34615057706832886, 0.12589988112449646, -0.3670101463794708, -0.4014795124530792, 0.31473666429519653, -1.1148687601089478, -0.4450151324272156, -0.9957995414733887, 0.19842113554477692, -0.7978824973106384, 0.05652911216020584, 0.3357928395271301, 0.9626543521881104, -0.3286699950695038, -1.3560079336166382, -0.6211363077163696, -0.5200918912887573, -0.004410833120346069, 0.6139949560165405, -0.25881773233413696, 0.6673708558082581, 0.5844653844833374, 0.03824027627706528, -0.05946929380297661, 0.09470301866531372, -0.29067766666412354, 0.23467886447906494, 0.4336732029914856, 0.8118877410888672, 0.6279747486114502, -0.45209068059921265, 0.3451920747756958, -0.23400110006332397, -0.6045969724655151, 0.2009391188621521, -0.084452323615551, -0.12449121475219727, 1.101744532585144, -0.2452167123556137, -0.6791529655456543, -0.8274585604667664, -0.2714320421218872, -0.11754250526428223, 0.4642234146595001, 0.8829062581062317, -0.3682895302772522, -0.7137737274169922, -0.8052762746810913, 0.35639363527297974, 0.6235895752906799, -0.32033705711364746, -0.5670820474624634, -0.5308799743652344, 0.10972045361995697, 0.5602653622627258, -0.3629228472709656, -0.5868921279907227, 0.404683381319046, -0.20227371156215668, 0.11844013631343842, 0.09075839072465897, -0.02172820270061493, -0.2569654881954193, 0.3791579008102417, -1.0539363622665405, 0.24884532392024994, -0.05196200683712959, -1.3615121841430664, -0.3657941222190857, 0.3547821044921875, 0.18140512704849243, -0.6695824265480042, 1.2086224555969238, -0.35457706451416016, -0.9174883961677551, 0.7885676026344299, 0.9055370688438416, -0.37254589796066284, -0.052710846066474915, 0.329079806804657, 0.28779086470603943, 0.5428252220153809, 0.6392147541046143]} +{"paper_id": "squad", "embedding": [-0.19785882532596588, 0.6166578531265259, -0.2506154775619507, -0.16806888580322266, 0.45263057947158813, -0.046781811863183975, 0.37914717197418213, 0.753461480140686, 0.8280300498008728, 0.36149337887763977, 0.4808104932308197, -0.20878790318965912, 0.5921030640602112, 0.6209372878074646, -0.0283975787460804, -0.679100513458252, -0.8263266086578369, -0.5590283870697021, -1.5926761627197266, -0.28315281867980957, -0.9125106334686279, -0.7431918382644653, 0.0047208406031131744, 1.2621307373046875, -0.4742048382759094, -1.1960370540618896, 0.8966341614723206, -1.0885555744171143, 0.3258785307407379, -0.015428561717271805, -0.018182553350925446, 0.9354940056800842, -1.1663706302642822, 0.5075035095214844, -0.33019378781318665, -0.5923635363578796, 0.2750646770000458, 1.0254154205322266, 0.15193390846252441, -0.5391542911529541, -0.45931294560432434, 0.3538582921028137, 0.5149988532066345, -0.00024508871138095856, 0.8366062641143799, -0.4337354898452759, 0.7517040967941284, -0.22515393793582916, -0.4078023433685303, -0.040400560945272446, -0.7250832319259644, 0.23479411005973816, -0.26363271474838257, 0.6514542102813721, -0.04718156158924103, 0.542494535446167, 0.20695644617080688, -0.8503074645996094, 0.5862979888916016, -0.7589865922927856, 1.4998537302017212, 1.717538833618164, -0.2291223555803299, 0.4834516942501068, 1.5584988594055176, -0.18467581272125244, 1.0979048013687134, 0.010135382413864136, -0.22911719977855682, 1.1427940130233765, -0.4400409460067749, -0.01067863404750824, 0.43762582540512085, -0.4196506142616272, 0.3095666170120239, 0.6674767732620239, -0.18424317240715027, 0.03906036913394928, -0.1253286898136139, -0.2521287798881531, -0.19996698200702667, -0.03007490560412407, 0.7478119730949402, -0.20198720693588257, 0.2393040508031845, 0.054201990365982056, 0.2484426498413086, -0.9312126040458679, 0.3224083483219147, -1.859838843345642, 0.43093931674957275, 0.44515570998191833, -0.14766308665275574, 0.09307058155536652, -0.3275783658027649, 0.6606854200363159, -0.7015313506126404, 0.054372794926166534, 0.007945284247398376, -0.019528541713953018, 0.5922113060951233, -0.13909921050071716, 0.6200978755950928, -0.30516597628593445, 0.184966579079628, 0.2254447191953659, 0.29756394028663635, -0.29105252027511597, -0.674557089805603, -1.054391860961914, 0.3199635148048401, 0.7989656329154968, -0.1874566227197647, 0.37901490926742554, -0.06655747443437576, 0.7162345051765442, 0.4285498857498169, -1.0926481485366821, -0.11526482552289963, 0.20961454510688782, -0.050353437662124634, -0.7717533707618713, -0.48593997955322266, -0.6033877730369568, 0.6170153021812439, -0.34831127524375916, -0.3102254867553711, -0.9732236266136169, -0.28539979457855225, 0.30250704288482666, 0.7566431760787964, 0.21628187596797943, -0.6097298860549927, -0.11832217872142792, 2.8581199645996094, -1.1830291748046875, 1.3501909971237183, -0.6782148480415344, 0.08616265654563904, -0.7227901220321655, -0.682823657989502, 1.4535753726959229, -0.23423239588737488, -0.8483077883720398, -0.7330948710441589, 0.4890928864479065, -0.3941943943500519, 0.37915197014808655, -1.1503686904907227, -0.43916118144989014, 0.0350964330136776, 0.047599393874406815, -1.4781816005706787, -0.6181870102882385, 0.1377222090959549, 0.39610743522644043, 0.1054760217666626, 0.5986841917037964, -0.32521167397499084, 0.9951884150505066, -0.08626628667116165, 0.03417355194687843, -0.3906364440917969, 0.36179620027542114, -0.7674365639686584, -0.12100731581449509, 0.7086780071258545, -0.05377037078142166, -0.6726242303848267, 0.1516248881816864, -0.06921765953302383, -0.32614666223526, -0.24242445826530457, 0.048897646367549896, -0.31476524472236633, 0.15237000584602356, 0.5389356017112732, 0.5150907039642334, 0.4374884068965912, -0.8229223489761353, 0.10107913613319397, -0.20505593717098236, 0.27989718317985535, 0.9024224877357483, -0.026866475120186806, 0.5928502678871155, -2.607482433319092, 0.10876815021038055, -0.43450629711151123, 1.226421594619751, -0.24756892025470734, 0.1681891232728958, 0.2601465880870819, 0.28628993034362793, -0.1023753434419632, -0.7386458516120911, 0.5821460485458374, -1.000532627105713, 0.513994574546814, 0.1545296460390091, 0.12930329144001007, -0.06869152933359146, 0.565679669380188, 0.9231423139572144, 0.5027362108230591, -0.4241192936897278, -1.2618303298950195, -1.736238956451416, 0.10041458904743195, 2.145268678665161, 0.2480643093585968, -0.20515763759613037, -0.7515274286270142, -0.6094445586204529, 0.06693897396326065, -0.2309487909078598, -0.007627677172422409, -0.5603509545326233, 0.04714225232601166, -0.8180088400840759, 0.914273738861084, -0.7898070812225342, -0.33106282353401184, 0.7029926180839539, 1.5859860181808472, -0.5453813076019287, -0.3491409420967102, -0.8187581896781921, -0.15949487686157227, 0.3097977042198181, 0.8207641243934631, 0.14016172289848328, -0.422421932220459, 0.4481933116912842, 0.5075913667678833, 1.2280938625335693, 0.5937832593917847, 0.6451189517974854, -0.7039908170700073, 0.40973570942878723, -0.5067687034606934, 1.726452350616455, -0.09969578683376312, 0.03922676295042038, -0.09320582449436188, -0.11195209622383118, -0.5455548167228699, -0.129415363073349, -0.21916818618774414, -0.08532818406820297, 0.7323170304298401, 0.5379295945167542, -0.44350168108940125, 0.7059974074363708, -0.6073157787322998, -0.30424150824546814, 0.03996024280786514, -0.31178903579711914, -0.751853883266449, -0.30646657943725586, 0.6551594138145447, -0.3370501697063446, -0.08467476069927216, -0.1576860547065735, 0.21009981632232666, -1.165261149406433, -0.7269024848937988, 0.5286206603050232, -0.017219863831996918, -0.7013914585113525, -0.42217037081718445, -0.27604401111602783, -1.2302974462509155, -0.24362149834632874, 0.23046550154685974, -0.2500884532928467, -0.06449243426322937, 0.5241509675979614, 1.6590583324432373, -0.020563839003443718, 0.34829390048980713, 0.08991535007953644, 1.3231045007705688, -0.744595468044281, 0.1331462562084198, -0.2088697999715805, 0.2814110219478607, -1.1952342987060547, 0.10785821080207825, -0.8045492768287659, 0.16156968474388123, 0.872898519039154, 0.12249734252691269, 1.2059732675552368, -0.1899825930595398, -1.1593987941741943, 0.7884160280227661, -0.1928950399160385, -0.14354625344276428, -0.6756981015205383, 1.5599243640899658, 0.02565641887485981, -0.49710074067115784, 0.9927125573158264, -0.14829765260219574, -0.4150724411010742, 0.7041165232658386, -0.09391014277935028, -0.13506823778152466, 0.48135846853256226, -0.32187318801879883, 0.006670951843261719, 0.4228496551513672, -1.8335182666778564, 1.0673573017120361, 1.1287579536437988, -0.36785149574279785, -0.27127695083618164, -0.8180732727050781, 0.2527390718460083, -0.2858983278274536, 0.32770365476608276, 1.1348521709442139, -0.4113905429840088, 0.5508420467376709, -0.4890371561050415, 0.15791064500808716, 0.5126650929450989, 0.17316636443138123, 0.47725334763526917, 0.5008260607719421, 0.6368783116340637, -1.0601050853729248, -0.6648612022399902, 1.0846422910690308, -0.4223504066467285, 0.27376115322113037, 0.28679534792900085, 0.766403317451477, 0.7961419820785522, -0.02558068186044693, -0.26000919938087463, 0.21424777805805206, 0.3976813852787018, -0.043831244111061096, -0.3030047118663788, -0.12312102317810059, 0.5036696195602417, -0.3202873468399048, 1.3031854629516602, -0.4995976388454437, -0.5184532403945923, -0.7165248394012451, -0.195072203874588, -0.15083524584770203, 0.05334398150444031, 1.5795680284500122, 0.3722410500049591, 1.3675498962402344, 0.5994389057159424, 0.05347699671983719, -0.3685104250907898, -0.27186018228530884, 0.5181405544281006, 0.1517520248889923, 0.3458439111709595, -0.6541746854782104, -0.024893641471862793, 1.101865530014038, 0.4996369183063507, -0.8224607706069946, 0.3957989811897278, 0.4739038050174713, -0.22505749762058258, -1.186461329460144, 0.9147422313690186, 0.8228077292442322, 0.5783021450042725, 1.5576231479644775, -0.8299733996391296, 0.12944680452346802, -0.15964721143245697, -0.08132121711969376, -0.20737136900424957, 0.47213053703308105, -0.02372143417596817, 0.7075409889221191, 0.11717875301837921, 0.898402750492096, 0.011578381061553955, 1.4520881175994873, 1.5564868450164795, -0.6874774694442749, -1.2200798988342285, 0.07732361555099487, -0.772925615310669, 0.15403863787651062, 0.7915314435958862, 0.2417878806591034, -0.34034043550491333, 0.47146183252334595, 0.3034607470035553, -0.9686499238014221, 0.15914508700370789, -0.3293301463127136, -1.300018310546875, 0.6786419153213501, 1.1718919277191162, -0.6592716574668884, -0.41283291578292847, -0.22510656714439392, -0.9088017344474792, -0.18450069427490234, 0.04286165535449982, -1.3265496492385864, 0.6356449127197266, 0.17657649517059326, 0.9403527975082397, 0.018226994201540947, -0.0033783242106437683, -1.418289065361023, 1.3962972164154053, 0.9022361636161804, -1.1113020181655884, 0.4863303601741791, 0.4005427658557892, 0.8825858235359192, 0.2479432225227356, -1.236612319946289, -0.5547559857368469, 0.9662249684333801, -0.16997113823890686, 0.029133114963769913, -1.0183019638061523, -0.33147111535072327, 0.856968104839325, 0.6595252156257629, 0.668150782585144, -0.6933838129043579, 0.26202917098999023, -1.1682369709014893, 0.0853966623544693, 0.706694483757019, -1.0182470083236694, -0.9167495965957642, 0.26714974641799927, -0.45917248725891113, 0.5788811445236206, -0.008681513369083405, 0.025788206607103348, 1.6597262620925903, -0.25568169355392456, -0.3202332854270935, -0.2176923155784607, -11.991348266601562, 0.8944345712661743, -0.08248566836118698, -0.03137608617544174, 0.4498698115348816, 0.13099896907806396, 0.5410159826278687, 0.07885132730007172, 0.2741135358810425, -0.7107295393943787, 0.2914091646671295, 0.8479315638542175, 0.4798751175403595, 0.16296067833900452, -0.8444751501083374, -0.8909174799919128, -0.5236909985542297, -0.9536109566688538, 0.6194695234298706, 0.28094515204429626, -0.101250559091568, -0.4361076354980469, -0.07813521474599838, -0.20076708495616913, 0.5013728141784668, -0.3779699504375458, -0.8159705996513367, -0.2464102953672409, -0.18979540467262268, 0.0003537312150001526, 0.37617436051368713, -0.041087206453084946, -0.6234817504882812, -0.18876811861991882, -0.07249805331230164, -0.621680498123169, -1.0022087097167969, -0.3044714629650116, 0.604623019695282, -0.6965811252593994, -0.40419429540634155, -0.23502910137176514, 0.5790244340896606, -0.5183306336402893, -0.23590056598186493, 0.29108160734176636, 0.2516981363296509, -0.8245254158973694, -0.018602080643177032, -0.2421347200870514, -0.89873206615448, -0.25388920307159424, -0.9471583366394043, -0.8466439247131348, 0.3620697557926178, 0.12125006318092346, -0.8543481230735779, -0.26151856780052185, -0.09376935660839081, -0.7280642986297607, 0.3491976261138916, 0.21311882138252258, -0.47688567638397217, 0.28102225065231323, 0.09860196709632874, -0.15891216695308685, 0.11764293164014816, 0.16454686224460602, -0.0992613434791565, 0.6230577230453491, -0.8264121413230896, 1.3603966236114502, 0.16489824652671814, 0.8274133801460266, -0.7741557955741882, 0.2316822111606598, -0.8924593329429626, -0.37055355310440063, 0.642085075378418, -0.011776495724916458, -1.4722379446029663, 0.5760514736175537, 0.6262986660003662, -0.40467149019241333, -0.6805800199508667, 0.4594193994998932, 0.05839896947145462, 0.41069450974464417, 1.0090882778167725, -0.6841638684272766, 1.0608896017074585, 0.1706409454345703, -0.7374706268310547, -0.48128241300582886, -0.3555644154548645, 0.7160300612449646, -0.8698227405548096, 0.33607813715934753, 0.37904927134513855, -0.36400285363197327, -0.13216525316238403, -0.2821294367313385, -0.5659452676773071, -0.08611159771680832, 1.0370641946792603, 0.05846618860960007, 0.08452112972736359, -0.0676424652338028, -0.07371358573436737, -0.8724721670150757, 0.8676764965057373, 0.5712753534317017, 0.008533172309398651, 1.61821711063385, -0.6471048593521118, 0.6398464441299438, 0.574455201625824, 0.107484370470047, 0.1110585555434227, 0.8290541768074036, -1.173633098602295, 0.8512809872627258, 0.26476985216140747, 1.7375727891921997, -0.20955853164196014, 0.11959107220172882, 0.13528376817703247, 0.33329030871391296, -0.1730530709028244, -1.1524381637573242, 0.4167323708534241, -0.4111925959587097, -0.11212928593158722, -0.6525872349739075, 0.02839573100209236, 0.5350381135940552, -0.48240911960601807, 1.817151665687561, -0.9672494530677795, -0.25265106558799744, -0.11230182647705078, 0.1176307201385498, -1.0008621215820312, -1.0761646032333374, -0.8222866654396057, 0.3668505549430847, -1.771821141242981, 0.41579556465148926, -0.045964326709508896, -0.5255284905433655, -0.19709695875644684, -0.7487828731536865, 0.6740816831588745, -0.4888225793838501, -0.2834431231021881, -0.6001715064048767, 0.5577458143234253, -0.7050513625144958, -0.6843202114105225, -0.13778012990951538, 0.4913058876991272, 1.132075309753418, -0.9313462972640991, 1.3346893787384033, 0.25485026836395264, -0.759469211101532, -0.836327075958252, 0.403609037399292, -0.5159326195716858, 0.474539577960968, 0.7532135248184204, -0.8934277296066284, -0.4221648871898651, -0.5162177681922913, -0.2221948802471161, -0.6824883222579956, -0.18660476803779602, 0.9552456140518188, -1.4729679822921753, -0.26936715841293335, -0.7274314165115356, 0.7248601317405701, 0.191467747092247, -0.37751394510269165, -0.7617760896682739, 0.4644658863544464, -0.3406651020050049, 0.6676344871520996, 0.17031435668468475, 1.000770926475525, -1.2664713859558105, -1.013282299041748, -0.3911404311656952, -0.2968512177467346, 0.625514566898346, 0.557188093662262, 0.6425443887710571, 0.37395694851875305, -0.5719728469848633, -0.3555670976638794, -0.10056933760643005, 0.285109281539917, 0.3333081603050232, 0.6223379969596863, -0.5567235946655273, 0.7051306962966919, -0.4775817394256592, 0.2622731626033783, 0.7665969133377075, 1.3792418241500854, -0.7755959630012512, -0.5398612022399902, 0.020830772817134857, -0.08202549815177917, -0.2629661560058594, -1.5095024108886719, -0.3082984387874603, -0.35399970412254333, -0.38681575655937195, -1.1751900911331177, 0.2770772874355316, 1.4498505592346191, -0.14873427152633667, 0.5671780705451965, 0.6495386362075806, 1.0734132528305054, 0.9186564087867737, 0.047151386737823486, 0.7442156076431274, 0.02152174524962902, 0.3400416076183319, 0.3874099552631378, 0.2846674621105194, 0.23572677373886108, -0.1520986407995224, -0.8892762660980225, -0.5627480745315552, 0.2763502895832062, -0.2957119345664978, 0.8652662634849548, 0.3937531113624573, 0.4746970236301422, 1.094937801361084, 1.1175583600997925, 0.29752910137176514, -1.6260569095611572, -0.41010597348213196, -1.4485703706741333, 0.33621925115585327, 0.7090526223182678, 0.5300460457801819, 0.24227726459503174, 0.7341300845146179, -0.8143278360366821, 1.0682947635650635, -0.7136983275413513, 0.4077489972114563, -0.06149730831384659, -0.2849521040916443, 0.7853912711143494, 0.5353723168373108, 0.5168425440788269, 0.21113519370555878, -0.7337387204170227, -1.1349682807922363, -0.12740427255630493, -0.5401750802993774, 1.037499189376831, 0.41315126419067383, -0.31561318039894104, -0.009892724454402924, -0.24615611135959625, 0.835997998714447, 0.08227433264255524, 1.2750784158706665, -0.06664592772722244, -0.1840398907661438, -0.23303230106830597, -1.0430488586425781, -0.22400225698947906, 0.5350773334503174, 0.0857037752866745, -0.19117864966392517, -0.1343650370836258, 0.11580385267734528, 0.32810887694358826, 0.10450741648674011, -0.5769492387771606, -0.4593411087989807, -0.4609193205833435, 0.17795400321483612, 0.5939643383026123, -0.7314895987510681, -0.8203151822090149, -0.2083835005760193, -0.9853459596633911, 0.28232118487358093, 0.4507390260696411, -0.6084349751472473, -0.4704645574092865, 0.3570246994495392, 0.005617082118988037, 0.369417667388916, 0.1737050563097, -0.09600645303726196, -1.4570386409759521, 0.5414820909500122, 0.9191516041755676, -0.889120876789093, -0.17119276523590088, 0.2049495279788971, 0.6503178477287292, 0.2634637951850891, 1.4723416566848755]} +{"paper_id": "red_caps", "embedding": [-0.6924161314964294, 0.6446240544319153, -0.12979750335216522, -0.07562416791915894, 0.37463653087615967, -0.383055716753006, 0.047667331993579865, 0.15383537113666534, 0.7095537185668945, 0.23847506940364838, 0.8608864545822144, 0.4363692104816437, 0.4042516350746155, 0.2598665654659271, -0.23530453443527222, 0.1387840062379837, -0.29831045866012573, -0.8163546919822693, -0.4911755323410034, 0.21270567178726196, -1.1081678867340088, -0.6087454557418823, 0.0653039813041687, -0.3604104816913605, -0.6149424314498901, -0.03701676055788994, 0.6790778636932373, -0.32291752099990845, 0.32757315039634705, 0.38033437728881836, -0.03432076424360275, 0.5573477745056152, -1.354677438735962, 0.9457352757453918, -0.4007863402366638, -0.7429264783859253, 0.6470124125480652, 0.9060510993003845, -0.281274676322937, -0.9995015859603882, 0.29898980259895325, 0.5933197736740112, 1.639636516571045, -0.45538389682769775, 0.1892053633928299, -0.4555225074291229, 0.21985913813114166, 0.25874802470207214, -0.07856584340333939, 0.05669822916388512, 0.02262178063392639, 0.6986627578735352, 0.3186326026916504, -0.13381695747375488, -0.5187138319015503, 0.976144015789032, -0.27861160039901733, -0.35145488381385803, -0.013318528421223164, -0.35373231768608093, 0.14410854876041412, 1.2466446161270142, -0.521485447883606, -0.12820737063884735, 0.7059517502784729, 0.338287889957428, 0.44611307978630066, 0.2213108390569687, 0.39177343249320984, 0.6555623412132263, -0.5382793545722961, -1.496969223022461, 0.47036001086235046, 0.5991528034210205, 0.33527228236198425, 0.16139134764671326, -0.027512596920132637, -0.24621281027793884, 0.427653044462204, 0.18753841519355774, -0.023223336786031723, -0.11264800280332565, 0.2267463505268097, -0.1763250082731247, -0.04264539107680321, -0.10682284832000732, 0.024961121380329132, -0.030815985053777695, -0.26916593313217163, -1.2542109489440918, 0.6675920486450195, 0.1342332363128662, 0.4402194023132324, 0.2606796324253082, 0.2969582676887512, -0.11599614471197128, -0.014879196882247925, -0.18357373774051666, -0.3235841989517212, 0.553248941898346, 0.21037447452545166, -0.42779335379600525, 0.6558212041854858, -0.1704317033290863, 0.6774399876594543, 0.036308690905570984, -0.38812822103500366, -0.3838598430156708, -0.6742643117904663, -0.6586116552352905, -0.7258502840995789, 1.069874882698059, 1.0855588912963867, -0.09678085148334503, -0.6491745114326477, -0.1008053570985794, -0.1644251048564911, 0.3246934115886688, -0.4958284795284271, 0.29650720953941345, 0.19104039669036865, -1.8332867622375488, -0.6043384075164795, -0.5734332203865051, 0.7741464972496033, -0.3066895306110382, -0.020264731720089912, -0.6694163680076599, -0.2508040964603424, -0.9783583283424377, -0.050097137689590454, 0.2865943908691406, -0.7312361598014832, 0.7211046814918518, 2.989240884780884, -0.23735035955905914, 0.9452499151229858, -0.05249036103487015, -1.0452502965927124, -0.2700209617614746, -0.48911431431770325, 0.8800890445709229, 0.6266450881958008, -0.9757697582244873, -0.6342288255691528, -0.3644026815891266, 0.0228525772690773, -0.022042198106646538, -0.6305478811264038, 0.176357239484787, 0.5042695999145508, 0.6493452787399292, -0.9407742023468018, -1.0750056505203247, 0.2713147699832916, 0.7724487781524658, 0.29164478182792664, -0.6676000952720642, -0.47197747230529785, 0.3881174921989441, -0.22653979063034058, 0.7266762852668762, -0.9405760169029236, 0.577532947063446, -0.2798289358615875, 0.9350162148475647, 1.0664900541305542, -0.23657971620559692, -0.3246280550956726, -0.2625825107097626, 0.05649299919605255, -0.3343134820461273, 0.11210311204195023, -0.19459594786167145, -0.1599489003419876, 0.11582543700933456, 0.18606218695640564, 0.29274553060531616, 0.23913629353046417, -0.7178955674171448, -0.5453168153762817, 0.26722174882888794, 0.15652891993522644, 0.029750147834420204, 0.4806733727455139, -0.6044588088989258, -2.172468423843384, -0.4680917263031006, -1.0832304954528809, -0.2613949477672577, 0.08273082971572876, -0.07814647257328033, 0.08321424573659897, 0.12347126007080078, -0.23804016411304474, -0.23192453384399414, 0.24068333208560944, -0.5530011057853699, -0.6464022397994995, 0.3976619243621826, -0.16820941865444183, 0.28520163893699646, -1.075673222541809, 0.4280170202255249, 0.6747133135795593, 0.687400758266449, -0.41710492968559265, -1.324483871459961, 0.9324473142623901, 1.0142031908035278, 0.13377083837985992, -1.2299513816833496, -1.1105759143829346, -0.14680969715118408, 0.6195498704910278, -0.8159767985343933, 0.9006103277206421, -0.33869668841362, -0.12219855934381485, -0.822319507598877, -0.07463212311267853, -0.11335618793964386, 0.40315553545951843, -0.5600563287734985, 0.8944310545921326, -0.6472640633583069, -0.7877355813980103, -0.19949251413345337, -1.3569998741149902, 0.8414012789726257, 0.06679064780473709, 0.501997709274292, 0.07023754715919495, 0.1585896909236908, 0.0929323136806488, 0.25423890352249146, 0.98007732629776, 0.42520812153816223, -0.5724591016769409, 0.48801177740097046, -0.4631538391113281, 0.34261390566825867, -0.24214445054531097, -0.1625971496105194, -0.43514740467071533, 0.15434439480304718, 0.1277136206626892, -1.4456154108047485, -0.366690456867218, 0.18363246321678162, 1.4074739217758179, 1.1291452646255493, 0.028174154460430145, 0.34426048398017883, -0.28195425868034363, -0.5742093324661255, 1.1727434396743774, 0.009374160319566727, 0.8368555903434753, -0.4774494171142578, 0.44025155901908875, -0.20857028663158417, 0.20848673582077026, 0.020320847630500793, -0.2069309651851654, -0.30435991287231445, -0.5561745166778564, 0.28959548473358154, -0.44243574142456055, -0.1444738209247589, -0.5110818147659302, -0.035924553871154785, -0.20900440216064453, -0.6743597388267517, 0.05190091207623482, 0.1735655963420868, 0.004057915881276131, 0.3491808772087097, 0.32707688212394714, 0.007862474769353867, 0.7697263956069946, -0.7140711545944214, 0.6511617302894592, 0.4754161834716797, 0.40010249614715576, -0.9115498661994934, 0.022210121154785156, -1.2593754529953003, -0.019305385649204254, -1.0657496452331543, 0.22161880135536194, -0.5407994985580444, -0.16935747861862183, 0.7804384827613831, -0.45033344626426697, -1.0905767679214478, 1.4788967370986938, 0.19665318727493286, 0.11541042476892471, -0.45371609926223755, 0.7343840003013611, 0.49834316968917847, -0.2960039973258972, 0.42015236616134644, 0.12858210504055023, -0.19217140972614288, 1.8334234952926636, 0.05053338408470154, 0.3033348023891449, 0.9781400561332703, 0.11893949657678604, 0.1933545470237732, -0.1865307092666626, -1.4959110021591187, -0.05457009747624397, 0.6281000375747681, 0.27072227001190186, 0.21867185831069946, -1.2268232107162476, 0.42217034101486206, 0.11854496598243713, 0.038951121270656586, 0.7853572964668274, -1.1775879859924316, 0.4728001356124878, 0.29399800300598145, 0.6875781416893005, 0.878832995891571, -0.408858060836792, 0.3055022358894348, 0.2819308340549469, -0.14647197723388672, -0.603056788444519, 0.31022417545318604, 0.8134024739265442, -0.3321535885334015, 0.23400108516216278, 0.8220338225364685, 0.7989344000816345, 0.22741848230361938, -0.7987352013587952, -0.4047151207923889, -0.15102945268154144, -0.2590898275375366, 0.05240488797426224, 0.7453574538230896, -0.0510830283164978, 0.49654990434646606, 0.5144965052604675, 1.1387132406234741, 0.011411350220441818, -0.6546100378036499, -0.4165221154689789, 0.25602486729621887, -0.7625101804733276, 0.5676890015602112, 1.3082469701766968, 0.3799258768558502, 1.1703394651412964, -0.01244803611189127, 0.2903832197189331, -0.21196962893009186, -0.18713849782943726, 0.5293253064155579, 0.5040944218635559, 0.17600423097610474, -0.12108465284109116, 0.47002220153808594, 0.2097121626138687, 1.1334857940673828, -0.03449515253305435, -0.2671407163143158, 0.6947057247161865, 0.20245219767093658, -0.2955470383167267, 0.7260059118270874, 0.3032934069633484, 0.7587912082672119, 1.4064834117889404, -0.06721745431423187, -0.027514465153217316, -0.6543425917625427, -0.07683642953634262, 0.8092473149299622, -0.7953315377235413, 0.150984987616539, 0.6163249611854553, 0.4536018371582031, 2.3263914585113525, 0.6388372182846069, 0.7093949913978577, 1.0906548500061035, -0.17170077562332153, -0.8086833953857422, 0.3551807999610901, -1.0335814952850342, -0.5892894864082336, -0.06641943752765656, -0.18333004415035248, -0.10271697491407394, 0.4816773235797882, -0.5666844844818115, -0.6476125717163086, 0.6778477430343628, -0.0991477444767952, -0.12830114364624023, -0.014442957937717438, 1.4691771268844604, -0.6800401210784912, -0.5227919816970825, -0.26727792620658875, -0.07788987457752228, -0.5779131650924683, -0.00971471518278122, -0.19497717916965485, 0.7101774215698242, -0.2551754117012024, 0.007894856855273247, -0.8246819376945496, -0.20227722823619843, -0.3976898193359375, 1.4404585361480713, 0.25814342498779297, -0.6686703562736511, 0.15850214660167694, -0.39860641956329346, 0.6796002388000488, 0.8397324085235596, -0.6917164921760559, 0.1630725860595703, 1.3472932577133179, 0.765243411064148, -0.7009750604629517, -0.6570587158203125, 0.08096568286418915, 0.3865340054035187, 0.5071083307266235, 0.9558451771736145, -0.44955113530158997, -0.025784295052289963, -0.6392144560813904, 1.4400569200515747, 1.1376018524169922, -0.34535664319992065, -0.14817041158676147, 1.2600984573364258, -0.4212174415588379, 0.5465507507324219, -1.3313113451004028, -0.4505080282688141, 1.1612027883529663, 0.0304410457611084, -0.10659228265285492, 0.22552046179771423, -13.088595390319824, -0.02692851424217224, -0.6452077627182007, -0.10322686284780502, 0.8636029362678528, 0.17951741814613342, 0.9213011264801025, 0.5561850666999817, 0.20484016835689545, -0.6821619868278503, 0.2544952929019928, 1.0145572423934937, -0.26865503191947937, 0.24579310417175293, -0.5946043133735657, -1.3755289316177368, -1.1923502683639526, -0.6817659139633179, 0.20625044405460358, 0.17649124562740326, 0.9486926794052124, -0.4467320442199707, -1.243091344833374, 0.13900084793567657, 0.1436755210161209, -1.1090725660324097, 0.12086551636457443, -0.11796002835035324, -0.4155358672142029, -0.7218266725540161, 0.553490400314331, -0.02229725942015648, -0.3481583595275879, -0.44975489377975464, 0.24870072305202484, 0.2014918476343155, -0.7284536361694336, -0.34877267479896545, 1.2868956327438354, 0.18696445226669312, -0.32238954305648804, 0.3291293978691101, -0.7691893577575684, 0.8037030696868896, -0.8550321459770203, 0.7095813751220703, 0.1964234858751297, -0.16186705231666565, 0.724912166595459, -0.8411619067192078, -0.41411852836608887, -0.7619633078575134, 0.27144110202789307, -0.8290479779243469, 1.0343314409255981, 0.7296654582023621, -0.7931839823722839, -0.7297433018684387, -0.5208213925361633, -1.2808958292007446, 0.6032389402389526, -0.002890888601541519, -0.27965298295021057, 0.6441460847854614, 0.2009737193584442, -0.5372309684753418, 0.8632972836494446, 1.1010546684265137, -0.3867846727371216, 0.1379936933517456, -0.14676207304000854, 0.687394380569458, 0.8470299243927002, 0.40326589345932007, -0.5972732305526733, 0.38423898816108704, -0.36883893609046936, -0.08257941156625748, 0.05106821283698082, -0.13691501319408417, -0.8060165047645569, 0.8492262959480286, -0.4087824821472168, -0.23571866750717163, 0.28121310472488403, 0.48872146010398865, 0.3896094858646393, 0.6023948192596436, 0.16620008647441864, 0.24373915791511536, 0.6809298992156982, -0.3016264736652374, 0.020550252869725227, -0.7946128249168396, -0.7251530289649963, 0.4448796510696411, -0.29860252141952515, -0.0708349198102951, 0.0695514976978302, -1.006866693496704, 0.10513030737638474, 0.6750904321670532, -0.8698439598083496, -0.18003517389297485, 0.7771552205085754, -0.1328037977218628, 0.12441238760948181, 0.22631701827049255, 0.5584357380867004, 0.5792418122291565, 0.05840921774506569, -1.1894198656082153, -0.5950515866279602, 1.894217848777771, -0.5088213682174683, 0.01568705588579178, 0.9623180627822876, -1.0990772247314453, 0.8203830718994141, 0.28266480565071106, -0.33176374435424805, -0.06623703986406326, 0.5459749698638916, 0.6582412123680115, 0.5512335896492004, -0.18816342949867249, -0.25143715739250183, 0.27028074860572815, -0.2549738883972168, -0.8884151577949524, 0.4203486442565918, -0.1894063651561737, -0.6168360114097595, -0.364044189453125, -0.3972877860069275, -0.8338932394981384, -0.44417935609817505, 1.146347999572754, -0.8923608660697937, 0.21198779344558716, -0.050541914999485016, -0.06604259461164474, -0.6793805956840515, -0.7039473652839661, -0.9230067133903503, -0.5956277251243591, -1.2226203680038452, 0.18306230008602142, -0.5372799634933472, -0.9875031113624573, 0.44734904170036316, -0.1007658913731575, 0.5680121779441833, -0.590987503528595, -0.2783813774585724, 0.46439221501350403, -0.06933518499135971, -0.6328442692756653, -0.4422653615474701, -0.41349223256111145, 0.7050081491470337, 0.37507760524749756, -1.0298207998275757, 0.8065500259399414, 1.201941967010498, -0.11333738267421722, -0.7021820545196533, -0.5245988965034485, 0.3977578282356262, -0.08367438614368439, 0.27729102969169617, -0.5444189310073853, -0.06354530155658722, -0.7766391038894653, 0.6789230108261108, -1.0387064218521118, -0.46895843744277954, 1.2533992528915405, -1.0854820013046265, 0.28049808740615845, 0.6454926133155823, 1.1222059726715088, 0.187116801738739, -0.8994107246398926, -0.5666922330856323, -0.5806933641433716, 0.21529236435890198, 0.6910161375999451, -0.02200867049396038, 1.2361150979995728, -1.4187737703323364, -0.8391658067703247, -1.0007340908050537, -0.01599791646003723, 0.8646684885025024, 0.209820955991745, 0.3684613108634949, 0.37801802158355713, -0.3399949073791504, 0.04708244651556015, -0.4007415175437927, 0.004684701561927795, 0.07181231677532196, 0.3218080401420593, -0.046229101717472076, -0.04008042812347412, -1.0363134145736694, -0.5323559641838074, -0.5887315273284912, 0.6138784289360046, -1.262817144393921, 0.07684947550296783, 0.6177988052368164, -0.64584881067276, 0.2014617919921875, -0.527151346206665, -0.05098500847816467, -0.34961724281311035, 0.10386160016059875, -0.7441010475158691, -0.12622371315956116, 0.946359395980835, 0.32006847858428955, 0.8454338908195496, -0.11691456288099289, 0.4667535424232483, 0.8129345774650574, 0.36978161334991455, 1.0285502672195435, -0.1583261489868164, -0.13063021004199982, 0.05470028519630432, -0.10511492937803268, -0.10414701700210571, -0.14776727557182312, 0.207842156291008, -1.1148372888565063, -0.20342835783958435, -0.6080371141433716, -0.35241812467575073, -0.6318813562393188, 0.2946088910102844, 0.3270009458065033, 0.603478193283081, -0.5728450417518616, -1.529491662979126, -0.6489298939704895, -1.1515322923660278, 0.17097879946231842, 0.2774392366409302, 0.10214398056268692, 0.6209691762924194, 0.6693896055221558, -0.2809275984764099, 0.8520231246948242, 0.36976200342178345, 0.07635363936424255, 0.34258994460105896, 0.056844405829906464, 1.4992249011993408, 0.6999735236167908, -0.05867231637239456, 0.7578494548797607, 0.3618214428424835, -0.3333457410335541, -0.3402363657951355, -0.1963174045085907, 0.7583268880844116, 0.8407549262046814, -0.7229644656181335, -0.2436065375804901, -0.42509686946868896, -0.3213511109352112, -0.7608652114868164, 0.2552618682384491, 0.673864483833313, -0.21509993076324463, -0.6285992860794067, 0.11406931281089783, 0.5374029874801636, 0.27170947194099426, -0.011940523982048035, -0.8419673442840576, -0.48079222440719604, 0.8214661478996277, 0.901354968547821, 0.3276294767856598, 0.0035172104835510254, 0.2970440983772278, 0.12653744220733643, 0.6481930613517761, -0.07357485592365265, -0.20777246356010437, -0.20149333775043488, 0.39793670177459717, -0.20674319565296173, -0.3196406662464142, -0.6061484813690186, -0.6954637169837952, -0.4440709948539734, 0.6636874675750732, 0.361877977848053, 0.13552376627922058, -0.03092040866613388, 0.5370743274688721, -0.7022795677185059, 0.6347471475601196, 0.3445626497268677, -0.3319166898727417, -0.3703952431678772, 0.03715891391038895, -0.577588677406311, -0.10182701051235199, 0.07287505269050598]} +{"paper_id": "imdb", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "tweet_eval", "embedding": [-0.168387308716774, 1.4125977754592896, 0.47570744156837463, -0.3252907693386078, 0.6381173133850098, -0.35583123564720154, 0.7202680706977844, 0.1842682957649231, 0.44750410318374634, 1.3209998607635498, 0.7161827683448792, -0.3680756092071533, -0.06076561659574509, 0.17367061972618103, 0.09339848160743713, -0.2852644622325897, -0.8285114765167236, -0.21630220115184784, -0.12816031277179718, -0.35476168990135193, -0.5907157063484192, -0.33968251943588257, 0.1900838017463684, 0.4974680542945862, -0.23809278011322021, -1.400304913520813, 0.4399159550666809, -0.32161280512809753, 0.17762157320976257, 0.34567853808403015, -0.22175905108451843, 0.8410382866859436, -0.9852783679962158, -0.5258357524871826, -0.934053897857666, -0.31823140382766724, 0.43520045280456543, 1.015724778175354, -0.235460102558136, -0.08319531381130219, -0.8752266764640808, 0.01821255311369896, 0.5298263430595398, 0.4583633840084076, 1.191672682762146, 0.045460037887096405, -0.10920871794223785, 0.006558321416378021, 0.11154897511005402, 0.058445218950510025, -0.05805559456348419, 0.4918985366821289, -0.6573550701141357, 0.3998968303203583, -0.7386751174926758, 1.0811612606048584, 0.26429644227027893, -0.6287556290626526, 0.3208683133125305, -1.7532203197479248, 1.0821526050567627, 1.8664982318878174, -0.21599209308624268, -0.0561591275036335, 0.8552350401878357, -0.24022933840751648, 1.3455629348754883, -0.1129126325249672, 0.8379489183425903, 0.653419554233551, -0.36602920293807983, -0.3773927390575409, -0.05467522144317627, 0.2917748689651489, 0.39003434777259827, 0.48614227771759033, 0.09148170799016953, 0.12602181732654572, -0.692075788974762, 0.13822698593139648, -1.09378981590271, 1.0749869346618652, -0.3509501516819, -1.3477081060409546, -0.1688976287841797, 0.2448054850101471, 0.2802329659461975, -0.2702021598815918, 0.9080818295478821, -1.063085675239563, 0.7865712642669678, -0.5440375804901123, -0.11877758800983429, 0.5788717269897461, -0.6706692576408386, 0.46782246232032776, -0.16139909625053406, 0.3498198390007019, -0.574073076248169, 0.4703978896141052, 0.9152211546897888, -0.4395955204963684, 0.8041773438453674, 0.16570138931274414, 0.08636204898357391, 1.6819579601287842, -0.29946982860565186, -0.8098406195640564, -0.17013773322105408, -0.037049680948257446, -0.39424216747283936, 1.682004690170288, -0.43433448672294617, -0.3038477301597595, -0.013170492835342884, -0.18790635466575623, -0.14458194375038147, -0.7290377616882324, -1.0921993255615234, -0.2894435524940491, -0.4803266227245331, -1.1272335052490234, -0.6069350242614746, 0.5720037817955017, 1.1422570943832397, -0.34922072291374207, 1.2817152738571167, 0.24333730340003967, 0.44469916820526123, -0.15293681621551514, 1.0704090595245361, -0.05366087332367897, -0.4797009229660034, 0.33170974254608154, 2.3997912406921387, -0.796970546245575, 1.8816009759902954, -0.5958322286605835, 0.8536375164985657, -0.018783077597618103, 0.1921580731868744, 0.5854617357254028, -0.38024666905403137, -0.3359059989452362, -0.8434656262397766, -0.016738256439566612, -0.9863942265510559, 0.3746773898601532, -0.6275575757026672, -0.8826515078544617, -0.046143788844347, 0.26794546842575073, -0.6235881447792053, -0.8139615654945374, 0.5238304734230042, 0.2657889127731323, -0.009229680523276329, 0.9972965121269226, -0.4357159435749054, 0.9128490686416626, 1.0350407361984253, 0.6527045965194702, -0.844588041305542, 0.6934806108474731, -0.7824831604957581, -0.5461124181747437, 0.6757888793945312, 0.5142375230789185, -0.5854587554931641, -0.3498235046863556, 1.313982367515564, -0.5434784293174744, 0.0075344666838645935, -0.09172581881284714, -0.24346959590911865, -0.0980982854962349, 0.5032057762145996, 0.5363674759864807, -0.0591483935713768, -0.021984461694955826, 0.06573720276355743, -0.0887690931558609, 0.1030166819691658, 0.5441172122955322, 0.08018405735492706, 0.17191416025161743, -1.003849744796753, -0.5311359167098999, -0.1275666207075119, 0.10009218752384186, -0.031881727278232574, -1.1808711290359497, 0.2976810932159424, 0.08578751981258392, 0.6563882827758789, 0.047731559723615646, 0.6991527080535889, -0.784876823425293, -1.0497076511383057, 0.5430705547332764, 0.4831641614437103, 0.34706389904022217, 0.6353148221969604, 0.7591136693954468, 0.3327203392982483, -0.5535094738006592, -0.1250605583190918, -1.679496169090271, 0.49084794521331787, 2.4642810821533203, -0.5360169410705566, -0.5405555963516235, -0.9136443734169006, -0.072590671479702, 0.09094733744859695, -1.1245906352996826, 0.5336617231369019, -0.9626564383506775, 0.22001081705093384, -1.4846659898757935, 0.37415051460266113, -0.711995542049408, -0.3201695382595062, 0.1684255450963974, 0.903404176235199, -0.02706564962863922, -0.6593508720397949, -0.2826552093029022, -0.8057656288146973, 0.642491340637207, 0.955719530582428, 0.01843186467885971, -0.8953976035118103, 0.5596372485160828, 0.10833454132080078, 0.7549557089805603, -0.2470914125442505, 0.2777285575866699, -0.3786492943763733, -0.27559858560562134, 0.18236686289310455, 0.2992449700832367, -0.26599347591400146, -0.2606523036956787, 0.8815891146659851, 1.173751711845398, -0.10105733573436737, -0.6513347029685974, 0.22487790882587433, 0.4947126507759094, 0.6145422458648682, 1.149747610092163, -0.8550869822502136, 1.8324464559555054, -1.135699987411499, 0.15189076960086823, -0.056934040039777756, -0.9693096280097961, 0.2450391799211502, -0.4181891679763794, 0.8316715359687805, -0.553982138633728, -0.695563018321991, -0.2556576728820801, -0.6235949993133545, -1.051314353942871, -0.24834205210208893, -0.5457269549369812, -1.145325779914856, -1.1159337759017944, -0.23934590816497803, -0.6656696200370789, -0.7107906341552734, -1.037147045135498, 0.6372334361076355, 1.2188609838485718, -0.1913987100124359, 1.069942831993103, 0.9252453446388245, -0.3238144814968109, 0.23725539445877075, -0.5713708996772766, 1.0991990566253662, -0.6980776786804199, 1.0063847303390503, -0.367863267660141, 0.48031681776046753, -0.09055809676647186, -0.5590877532958984, -0.161256805062294, -0.1400585174560547, 0.7273474335670471, -0.01712166890501976, 0.4895038306713104, -0.4893484115600586, -1.6898733377456665, 1.1110116243362427, -1.2179524898529053, 0.6351476311683655, -0.8341271281242371, 1.7275227308273315, 0.46149808168411255, 0.05491969361901283, 0.736310601234436, -0.1663195788860321, 0.49216270446777344, 0.9562559127807617, -0.9188805818557739, 1.039379596710205, 0.25929558277130127, -0.16653543710708618, 0.18037793040275574, 0.4216715395450592, -2.163699150085449, -0.1568325310945511, 1.0905016660690308, -0.3167225122451782, 0.04937640577554703, -0.04956650361418724, 0.43137454986572266, -0.33492305874824524, -0.06030312180519104, -0.6553025841712952, -0.587761640548706, 0.8378257751464844, -0.4405716061592102, 0.21530748903751373, 1.586430311203003, -1.0344489812850952, 0.056552957743406296, 0.792822539806366, 0.6038978099822998, -0.9360736012458801, -0.6458829641342163, -0.1711217761039734, -0.5703430771827698, 0.6953963041305542, 0.10624539107084274, 0.2501673996448517, 1.4392919540405273, -0.6529515385627747, -0.5810991525650024, 0.4964592456817627, 0.5989160537719727, 0.5322940945625305, 0.857002317905426, 0.2001798152923584, 0.8900104761123657, 0.20877616107463837, 1.4769574403762817, 1.047556757926941, -0.9247377514839172, -0.8931115865707397, -0.3678300082683563, -0.24040500819683075, -0.513817310333252, 1.0648155212402344, 0.5967841148376465, 0.9668067097663879, 0.007585329934954643, 0.2856765389442444, 0.3559088110923767, 0.5695809721946716, 0.9819371700286865, 0.4967023432254791, 0.3113437294960022, 0.5664756298065186, 0.10996219515800476, 0.6521527171134949, -0.4852006733417511, -0.5943825840950012, 0.28176093101501465, 1.1894928216934204, -0.1903766542673111, -0.3282696604728699, -0.1663910299539566, 1.02300226688385, 0.38689109683036804, 0.6426134705543518, -0.3012230694293976, -0.6945030689239502, -0.5089119672775269, 0.42282670736312866, 0.4870973825454712, 0.17119255661964417, -0.7671926021575928, -0.21966898441314697, -0.13576099276542664, 0.6491691470146179, -0.7338612675666809, -0.009732251986861229, 0.4226020872592926, -0.5864110589027405, -0.5586090087890625, -0.37718090415000916, -0.9734631776809692, -0.4296530783176422, -0.29078683257102966, 0.12365598976612091, -1.0674184560775757, 1.2717807292938232, -0.7185928225517273, -1.332208275794983, 0.24636271595954895, -0.25906407833099365, -0.9400162696838379, 0.6743954420089722, 0.8889782428741455, -1.3506035804748535, -0.6667578816413879, -0.6398250460624695, -1.080891728401184, -1.2244940996170044, 0.45081648230552673, -0.361263632774353, -0.31864452362060547, -0.1206846684217453, 0.6001428961753845, -0.7861128449440002, -0.39383894205093384, -0.8652856945991516, 0.1497703343629837, 1.1588351726531982, -0.29626670479774475, 0.3927643597126007, 0.33753395080566406, -1.3245660066604614, -0.4716605246067047, -0.9489452242851257, -0.7300103902816772, 0.13901884853839874, 0.6279937028884888, 0.398733526468277, 0.1800662726163864, -0.7211286425590515, 0.3005043566226959, -0.12729938328266144, 1.4629244804382324, -1.2675405740737915, 0.7218226194381714, -0.719714879989624, -0.08643681555986404, 0.15641923248767853, -0.17336787283420563, 0.004516552202403545, 0.5621029138565063, -0.4138747453689575, 1.0099332332611084, -0.14340561628341675, 0.5628042817115784, -0.048993755131959915, 0.7376796007156372, 0.5502093434333801, -0.10343338549137115, -11.489623069763184, 0.2436397671699524, -0.6173341870307922, 0.08106748759746552, 0.7306383848190308, -0.7138121128082275, 0.8439697027206421, -0.39719533920288086, 1.3518089056015015, -0.6095107197761536, 0.4960712790489197, 1.73086416721344, -0.5121528506278992, -0.5872361660003662, -0.3074028193950653, -0.3284459710121155, -0.4942432641983032, -0.334306538105011, -0.12777195870876312, -0.1542133092880249, -0.6608523726463318, -0.3975090980529785, -0.44855809211730957, -0.4249849021434784, 0.288481742143631, -0.2495313584804535, -0.11901326477527618, -0.5149056315422058, -0.6632813215255737, 0.3132898807525635, 0.00736017432063818, -0.26273655891418457, -0.7585201263427734, -0.704170286655426, 0.42898446321487427, 0.22523528337478638, -0.7897447943687439, 0.06685511767864227, 0.5930346250534058, 0.2436186671257019, 0.1324886679649353, 0.2013567090034485, -0.09678284823894501, -0.3807259202003479, -0.048516009002923965, 0.210760697722435, 0.22676703333854675, -0.14294801652431488, 0.5324274301528931, -0.10230091959238052, -0.08818326145410538, -0.4705968499183655, -1.571825623512268, -0.36972498893737793, 1.0324405431747437, 0.49660012125968933, -0.4982929229736328, 0.3624618649482727, -0.6477728486061096, -0.8618631362915039, 0.33405372500419617, 0.6312711834907532, -0.3528791069984436, 0.09734800457954407, 0.5766168832778931, -0.9926841855049133, 0.5071535706520081, 0.5757439732551575, -0.33992308378219604, 0.18078866600990295, -0.8109188079833984, 1.3239904642105103, 0.2757529616355896, 0.09438362717628479, 0.07500627636909485, -0.34960293769836426, -0.17783036828041077, 0.5503555536270142, 0.4191291928291321, -0.5502538681030273, -1.3212976455688477, 0.1651161164045334, -0.14389190077781677, -0.7877703309059143, -0.6354821920394897, 0.1371462494134903, -0.6364393830299377, -0.49875667691230774, 0.5331833362579346, 0.8375837206840515, 0.5340353846549988, 0.3994936943054199, 0.3135340213775635, 0.05261977016925812, -0.11257308721542358, 1.0387492179870605, -0.9106795787811279, 1.307142972946167, -0.12658128142356873, -0.0951315388083458, 0.4361816644668579, -0.4171043932437897, 0.32845374941825867, 0.04535380378365517, 0.21288153529167175, -0.05312599986791611, 0.3648812770843506, 0.18534159660339355, 0.13040031492710114, 0.009003644809126854, 0.36151322722435, -0.14263801276683807, -0.22075007855892181, 0.9693551659584045, 0.8182721138000488, 0.9937301278114319, 0.5544397830963135, -0.46971002221107483, 0.5330806970596313, 1.2044237852096558, -0.7007533311843872, 0.017126448452472687, -0.06191568821668625, 0.573005735874176, 0.41928449273109436, 0.5068983435630798, -0.03838053345680237, 0.5271068215370178, 0.8235899209976196, -1.5066360235214233, 0.7210200428962708, -0.36755436658859253, 0.043275751173496246, -0.8511837720870972, -0.4256800711154938, -0.34651124477386475, -1.4893916845321655, 1.250341773033142, -0.5174055099487305, 0.4735164940357208, -0.35021358728408813, -0.42779847979545593, 0.24555164575576782, -0.5115900039672852, -0.5076215267181396, -0.2317422330379486, -1.2274906635284424, -0.06869803369045258, -0.35936710238456726, -0.2519536018371582, 0.5065543055534363, 0.07015921920537949, 0.38676971197128296, -1.0504565238952637, -0.333645761013031, -0.07629497349262238, 0.5380197763442993, -0.04884316399693489, -1.323647379875183, 0.0695810467004776, 0.2641497552394867, 1.098944067955017, -0.7772189378738403, 1.2893706560134888, 0.729756236076355, -0.3241646885871887, -0.479079008102417, -0.03967125713825226, -0.7323896884918213, 0.30732619762420654, 1.8832871913909912, -0.5284454822540283, -0.5262165665626526, -0.5715821385383606, -0.6171367168426514, -1.4377081394195557, 0.3210497200489044, 1.0638269186019897, -0.6514138579368591, 0.8460596203804016, -0.06736591458320618, 0.6361473798751831, -0.36400774121284485, -0.4120154082775116, -0.5977583527565002, 0.28736868500709534, 0.0032048560678958893, 1.5626721382141113, -0.07578850537538528, 0.23206111788749695, -1.8470065593719482, -1.1041040420532227, -0.3117896616458893, -0.22874830663204193, 0.19494317471981049, -0.2008061707019806, 0.5765042304992676, 0.5994852781295776, -0.2642124891281128, -0.4934183955192566, -0.22887663543224335, 0.7117884159088135, -0.07006824016571045, -0.21690140664577484, -0.0918484628200531, -0.27067404985427856, -0.5913391709327698, 0.44543272256851196, 0.2443513125181198, 0.4488624334335327, -2.0785255432128906, -0.5689958930015564, 0.03903554379940033, -0.3826596736907959, 0.4041973352432251, -0.4626448452472687, 0.17777502536773682, 0.26890072226524353, -0.24617122113704681, -0.8445485830307007, -0.2000161111354828, 1.0928800106048584, -0.1296253800392151, 1.2618863582611084, 0.4553580582141876, 0.6805161237716675, 0.37852439284324646, 0.8773853778839111, 1.7995902299880981, -1.1006280183792114, -0.7170196771621704, -0.24148398637771606, -0.3451032042503357, -0.37344175577163696, -0.5102816224098206, 0.3728446364402771, -1.3587706089019775, 0.48683813214302063, -1.5999383926391602, 0.4270511269569397, -0.32230764627456665, 0.5645713210105896, 0.25269222259521484, 0.3242168128490448, 0.18361373245716095, -0.8230028748512268, -0.5649517178535461, -0.32322216033935547, 0.03034563735127449, -0.5554818511009216, -0.09881642460823059, 1.8352100849151611, 0.8678441643714905, 0.22258324921131134, 0.8741075992584229, -0.08066274225711823, -0.11243562400341034, 0.07377200573682785, 0.2993822395801544, 1.1818856000900269, 0.31473037600517273, -0.087502621114254, -0.017334626987576485, -0.654998779296875, -1.0397381782531738, -0.41672247648239136, -0.38179638981819153, 0.9635610580444336, 1.0666667222976685, -0.34391337633132935, 0.21492944657802582, -0.4383092522621155, -0.3564015030860901, 0.12226931750774384, 0.21374548971652985, 0.5001537203788757, 0.22943280637264252, -0.6601542830467224, -0.7184285521507263, 0.1952332705259323, 1.0606521368026733, -0.560185432434082, 0.21291960775852203, -0.8765658736228943, -0.06231991574168205, 0.08614572137594223, -1.451720118522644, -0.7400972843170166, 0.24002638459205627, -0.21070004999637604, -0.1040174812078476, 1.313043236732483, -0.9246875643730164, -1.023963212966919, -0.040699005126953125, -1.1631327867507935, 1.0126245021820068, 0.23888687789440155, -0.8931043148040771, 0.09115821123123169, 0.2784896492958069, -0.04870772734284401, -0.8583707809448242, 0.47104382514953613, -0.38696739077568054, -1.324563980102539, 0.7793349027633667, 1.2215864658355713, -0.11295653134584427, -0.1171865239739418, 0.24289235472679138, 0.9614959955215454, 0.4136039614677429, 1.911590337753296]} +{"paper_id": "wmt16", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "emotion", "embedding": [-0.350880891084671, 1.3886830806732178, 0.7785035371780396, -0.012201935052871704, 0.890025794506073, -0.5016456842422485, 0.9003176689147949, 0.20899170637130737, -0.008317741565406322, 0.4048703908920288, -0.09571108222007751, -0.5680779814720154, -0.30390745401382446, -0.13560037314891815, 0.2058410942554474, 0.0166571494191885, -0.648484468460083, 0.011872991919517517, -0.280300110578537, 0.12364319711923599, 0.1718178540468216, -0.8700503706932068, 0.4661028981208801, 0.9263944625854492, -1.1422940492630005, -0.4381294846534729, -0.2607811391353607, -0.644274115562439, 0.05972493439912796, 0.7345183491706848, 0.6000314354896545, 1.0969219207763672, -0.44866856932640076, -0.043461382389068604, -0.631354033946991, -0.6013869047164917, 0.5174862146377563, 0.5946788787841797, -0.4310283064842224, -0.29431062936782837, -0.37065377831459045, 0.770498514175415, 0.23216450214385986, 0.1470012068748474, -0.014253323897719383, 0.818627655506134, -0.5449872016906738, 0.12496192753314972, 0.48920387029647827, -0.546998918056488, -0.05368439853191376, 0.5150057077407837, -0.6323939561843872, 0.08086735010147095, -0.39599889516830444, 1.1253764629364014, 0.18308749794960022, -0.7845573425292969, -1.1578329801559448, -0.9209094047546387, 0.5724684000015259, 1.3968926668167114, -0.1062907874584198, 0.030316710472106934, 1.4183999300003052, 0.14784486591815948, 0.6219652891159058, 0.07483911514282227, 0.4085274040699005, 0.730824887752533, -0.32942911982536316, -1.1951044797897339, 0.8599233627319336, -0.10491413623094559, 0.40935519337654114, 0.7779498100280762, 0.5109538435935974, -0.16568733751773834, -0.7401996850967407, 1.0254690647125244, -0.46546974778175354, 0.19432558119297028, 0.1144496276974678, -1.134376049041748, 0.1837647408246994, 0.3291015923023224, 0.6588839292526245, 1.106866717338562, 0.16401244699954987, -0.9952812194824219, -0.36355990171432495, 0.1816565841436386, 0.5757558345794678, 0.6800745725631714, -0.8126279711723328, -0.2940479516983032, 0.27222418785095215, 0.20967411994934082, -0.9555299282073975, 0.4920639097690582, -0.10304553061723709, -0.27713093161582947, 0.5283355116844177, -0.9853728413581848, -0.10357120633125305, 0.6867168545722961, 0.041506677865982056, -0.09995142370462418, 1.0705852508544922, -0.19523561000823975, -0.1076190173625946, 1.0371595621109009, 0.08120986819267273, 0.1677212417125702, -0.31325316429138184, -0.6002781987190247, 0.7213976383209229, 0.13578487932682037, -0.3689344823360443, 0.42080938816070557, -0.4292714297771454, -0.9808955788612366, 0.23229360580444336, 0.07804957032203674, 1.5810848474502563, 0.09805962443351746, 0.9509559869766235, 0.27655503153800964, -0.13092871010303497, -1.302590250968933, -0.7760000228881836, 0.20015569031238556, 0.3163224756717682, 0.26211002469062805, 2.7022669315338135, -1.2272661924362183, 0.7678493857383728, -1.297066569328308, -0.08020773530006409, 0.35714471340179443, -0.10641546547412872, 0.6375424861907959, 0.011933363974094391, -0.1358739286661148, -0.35087350010871887, 0.35886910557746887, 0.2661370635032654, 0.4151368737220764, -0.44398340582847595, -1.2410839796066284, 0.26954156160354614, 0.06996943056583405, -0.86238032579422, -0.32658857107162476, -0.09834256768226624, 0.2354813814163208, 0.29819053411483765, 0.28311407566070557, -0.9077876806259155, 0.275477796792984, 0.5001159310340881, 0.7195624113082886, -0.7564007639884949, 0.4185226559638977, -0.6504672169685364, -0.5883217453956604, 0.7664913535118103, 0.16075363755226135, -0.9020998477935791, -0.7524471879005432, 0.40655556321144104, 0.43458184599876404, 0.8775179386138916, -0.8856288194656372, -0.16326943039894104, -0.07134126126766205, 1.3937363624572754, 0.7664872407913208, 0.048931412398815155, -0.6908695101737976, -0.6781191229820251, -0.07499504089355469, 0.05576629191637039, -0.08658375591039658, 0.12255092710256577, 0.151535302400589, -1.3471851348876953, -0.46074724197387695, -0.6096715927124023, -0.2078983187675476, 0.33528345823287964, -0.9742055535316467, 0.3748832643032074, -0.276338666677475, -0.20075100660324097, 1.0222282409667969, -0.2507752478122711, -0.7864617109298706, -0.35245949029922485, 0.8885849118232727, -0.5872382521629333, 0.7572970986366272, -0.12664541602134705, 1.1497423648834229, 0.12788783013820648, 0.13002267479896545, -0.5241358876228333, -1.4957433938980103, 0.2479913830757141, 1.6820155382156372, -0.436862051486969, 0.0762668326497078, -1.461866855621338, 0.32148200273513794, 0.8606839776039124, -0.01327349804341793, 0.4633602797985077, -0.33594709634780884, 0.6747362613677979, -0.9768543243408203, 0.5282605886459351, -0.11673763394355774, 0.10413206368684769, -0.004334110766649246, 0.6731461882591248, -0.6886056661605835, -0.605722188949585, -0.681414008140564, -1.0892012119293213, 0.6621664762496948, 0.33448612689971924, 0.19090695679187775, 0.293602854013443, 0.37233370542526245, 0.7609264254570007, 0.391773521900177, 0.6912536025047302, 0.4347255527973175, 0.1282910704612732, -0.044219180941581726, 0.4051661193370819, 0.3662165403366089, 0.08206446468830109, -0.028458766639232635, -0.20726831257343292, 0.4812127351760864, 0.25233811140060425, -0.6441879868507385, 0.053896620869636536, 0.2548246383666992, 1.4088683128356934, 0.8856430649757385, 0.22267189621925354, 0.9341307282447815, -0.7892069816589355, -0.18089559674263, -0.776922345161438, -0.6201000809669495, -0.042067673057317734, -0.5486653447151184, 0.5153112411499023, -0.5102742910385132, -0.8840653896331787, 0.606760561466217, -0.6507483124732971, -0.656941294670105, -1.148512601852417, -0.17687316238880157, -0.291883647441864, -0.523004412651062, -0.0833113044500351, 0.4886883497238159, -0.40927284955978394, -1.0843513011932373, 0.23108211159706116, 0.5286512970924377, -1.0001871585845947, 0.17343007028102875, 1.8124969005584717, -0.43868088722229004, 0.3378497064113617, -0.9025478363037109, 0.8619694113731384, -0.2835729122161865, 0.7485429644584656, -1.8074676990509033, -0.4632672965526581, -0.5888374447822571, 0.34397608041763306, -1.0258762836456299, 0.08152758330106735, 0.4056035876274109, -0.5097906589508057, 0.5732042789459229, 0.30209383368492126, -1.0216373205184937, 1.0425763130187988, -0.6329102516174316, -0.7546063661575317, -0.31352728605270386, 1.0277254581451416, 0.268940806388855, -0.7020911574363708, 0.8692959547042847, -0.7765040397644043, 0.1478089839220047, 1.250521183013916, -0.31801480054855347, 1.8058297634124756, 0.113353431224823, 0.28447145223617554, -0.0544426254928112, -0.17965400218963623, -2.0039618015289307, -0.7272602915763855, 1.1700972318649292, -0.5064346790313721, -0.10310962796211243, -0.940034806728363, -0.2816293239593506, -0.46586883068084717, 0.821716845035553, 0.34304696321487427, -0.08066482096910477, 1.1185721158981323, -0.5066199898719788, -0.02615981176495552, 0.9648162126541138, -0.6667351722717285, -0.6292010545730591, 0.5078712701797485, 0.626556396484375, -1.1634342670440674, -0.3508185148239136, 0.5067993998527527, -0.2329692840576172, 0.6067862510681152, 0.541899561882019, 0.7649542093276978, -0.09464296698570251, -0.2296108901500702, -0.2995394766330719, 1.4647401571273804, -0.01974620297551155, 1.4884637594223022, 0.5808118581771851, -0.0667480006814003, 1.1633665561676025, -1.1699587106704712, 0.794586181640625, 0.8341946005821228, -0.32720160484313965, -0.1944156289100647, -0.4458678364753723, -1.2867323160171509, -0.35098403692245483, 1.102077841758728, 1.2597317695617676, 1.9093856811523438, -0.33024659752845764, -0.34487012028694153, -0.47103404998779297, -0.24507835507392883, 0.6603764295578003, 1.2397994995117188, 0.3081153631210327, 0.7046209573745728, 0.5872256755828857, -0.016854261979460716, -0.2676713168621063, 0.04308823496103287, -0.4990312457084656, 1.1048636436462402, -0.2843203544616699, 0.20598261058330536, 0.296684592962265, 0.6469249725341797, 0.29281821846961975, 1.532080054283142, -0.4747050404548645, -0.051570288836956024, -1.3171058893203735, -0.20430871844291687, 1.1945257186889648, -1.1944327354431152, -0.6787207126617432, 0.17914211750030518, 0.36377620697021484, 0.8807414174079895, 0.12242931127548218, 0.7703282237052917, 0.05349578335881233, 0.717778742313385, -1.375596046447754, -0.6654834747314453, -0.6466495394706726, -0.21089263260364532, -0.15842419862747192, 0.26686587929725647, -0.21702203154563904, 0.3634011149406433, -0.3829418420791626, -1.3661344051361084, 0.8141521215438843, -0.21281912922859192, -0.029842734336853027, 0.4470040798187256, 0.18200863897800446, 0.18952175974845886, -1.0860588550567627, 0.15067563951015472, -0.8750106692314148, -1.4484248161315918, -0.13117623329162598, -0.47398123145103455, 0.4956934154033661, -0.02524910494685173, 0.34567680954933167, -0.3537832498550415, 0.4466792345046997, -0.7208497524261475, 1.0997694730758667, 0.15004660189151764, -0.7426221966743469, 0.675848126411438, 0.7491496801376343, -0.7382906675338745, 0.5128780603408813, -0.5688340663909912, -0.2849127948284149, 0.6202720403671265, -0.32433852553367615, -0.5351136922836304, -0.45086830854415894, 0.3045347332954407, -0.10058873146772385, 0.04694606736302376, 0.12174659222364426, -0.9869849681854248, 0.5380529761314392, -0.3137305676937103, 0.03586699068546295, 0.67591392993927, 0.05438493192195892, -0.17460297048091888, 1.375878095626831, 0.005925118923187256, 0.6361570358276367, -0.169585183262825, 0.7195611000061035, 1.6893752813339233, 0.6483972072601318, 0.32696014642715454, 0.06400664895772934, -11.447674751281738, 1.317386269569397, -0.5209986567497253, 0.42503857612609863, 1.351174235343933, 0.2786533534526825, -0.021437712013721466, -0.29951220750808716, 1.206804871559143, -1.0205435752868652, 0.049382034689188004, 0.8841758966445923, 0.3268844783306122, -0.21885676681995392, -0.6465821862220764, -1.3992087841033936, -0.9344402551651001, -0.6369024515151978, -0.49121344089508057, 0.6874685883522034, 0.6768389940261841, -1.2343740463256836, -0.31816786527633667, -0.6753047704696655, 0.39051753282546997, -0.7439796924591064, -0.3765532374382019, -0.25305381417274475, -0.6642268300056458, 0.4991709291934967, 1.3481526374816895, -0.6832770705223083, 0.026445120573043823, -0.07518023997545242, 0.5769861936569214, 0.4320332705974579, -0.9096665978431702, 0.004749092273414135, 0.5540027618408203, 0.7554796934127808, -0.11205308139324188, 0.7051111459732056, 0.3596484959125519, -0.002821214497089386, -0.08406191319227219, 0.39720863103866577, 0.17113514244556427, 0.20820337533950806, 0.25340715050697327, -0.2715055048465729, -0.15292152762413025, -0.32266315817832947, -0.9280070066452026, -0.7539218068122864, 0.8876739144325256, 0.8259692192077637, 0.25015273690223694, 0.002606082707643509, -0.6427618861198425, -1.7579830884933472, 0.5615212917327881, 0.5278753042221069, -0.7020267844200134, 1.2553037405014038, 0.8960562348365784, -1.242708444595337, 0.34237441420555115, -0.005748746916651726, 0.17075493931770325, 0.7392796277999878, -1.1173772811889648, 1.0252617597579956, -0.4593808948993683, -0.02116234600543976, 0.35969406366348267, 0.17734795808792114, -0.0971980169415474, 0.6134225726127625, 0.74771648645401, -0.849191427230835, -0.3337099254131317, 0.3481186330318451, -0.20732001960277557, -1.0941038131713867, 0.04180477187037468, 0.8607274889945984, 0.3339535593986511, -0.19564753770828247, 0.13834363222122192, -0.20145228505134583, 0.1566542536020279, -0.35420361161231995, -0.17088133096694946, -0.1362578272819519, 0.20979076623916626, 0.8070963025093079, -0.5073197484016418, 1.189897060394287, 0.21306124329566956, -0.2503388226032257, -0.42080962657928467, -0.8140255808830261, -0.5275528430938721, -0.8271359205245972, 0.5033829808235168, -0.49928680062294006, 0.3043558597564697, -0.21667397022247314, 0.13113613426685333, -0.4609869122505188, -0.4021545350551605, 0.19545742869377136, 0.1435827910900116, 0.799972414970398, -0.24895955622196198, -0.01163346879184246, 0.8726538419723511, -0.1380162090063095, 0.501504123210907, 0.8779069185256958, 0.25615394115448, -0.09976725280284882, -0.5807465314865112, 0.40853798389434814, 0.18098074197769165, 0.6818335652351379, 0.7708380222320557, 0.129119411110878, -0.030926350504159927, -2.2779393196105957, 0.3846818506717682, -0.13521340489387512, -0.17798879742622375, -0.4017505943775177, 0.04104246571660042, 0.24842634797096252, -0.5062631368637085, 1.3806705474853516, 0.23375742137432098, 0.2624761462211609, -0.013229496777057648, -0.3558892011642456, -0.9244796633720398, -0.6399915218353271, -0.9488891363143921, -0.19698452949523926, -1.9275295734405518, -0.3042902946472168, 0.1785273551940918, -0.9589464068412781, 0.15415185689926147, 0.04404275119304657, 0.47983628511428833, -0.4210857152938843, -0.020762111991643906, 0.022645968943834305, 0.04219811037182808, 0.23294660449028015, -1.3958982229232788, 0.3946051597595215, 1.0127424001693726, 0.6755392551422119, -1.8664183616638184, 0.7206578254699707, -0.4350506067276001, 0.06330890953540802, -1.0316998958587646, -0.21401773393154144, -0.14439567923545837, -0.09425593912601471, 1.6224397420883179, -0.4980239272117615, -0.48332273960113525, -0.4076603353023529, 0.6180585622787476, -1.855302333831787, 0.05211973190307617, 0.27968746423721313, -0.8391609191894531, -0.20812572538852692, -1.4739279747009277, -0.07963637262582779, 0.5267997980117798, -0.6636219620704651, -0.7142421007156372, -0.906682014465332, -0.2904805839061737, 0.6576703190803528, -0.9667531251907349, -0.2697964310646057, -0.5310348272323608, -1.2916545867919922, -1.089938998222351, 0.2297523319721222, 0.8119180202484131, 0.07058350741863251, 0.30344241857528687, 1.3249585628509521, -0.7149178981781006, -0.10369199514389038, 0.2290191948413849, 0.3980112373828888, -0.2591671943664551, 0.1679743379354477, -0.003737466409802437, -0.13735002279281616, -1.176388144493103, -0.946497917175293, 0.18170471489429474, 0.1802130788564682, -1.3267650604248047, -0.6642724275588989, -0.4382858872413635, -0.7087162137031555, 0.9764623641967773, -0.48447513580322266, 0.5815113186836243, 0.19625015556812286, 0.17126785218715668, -0.26766782999038696, -0.4021758437156677, 0.627966046333313, -0.6548407673835754, 1.2663284540176392, 0.8553792238235474, 0.5859966278076172, -0.36073434352874756, 0.22518813610076904, 2.28857684135437, -0.2027231603860855, -1.0004730224609375, -0.011912491172552109, -0.06350044906139374, 0.23873990774154663, -0.9829819798469543, 0.0011929955799132586, -0.16291506588459015, 0.4302409291267395, -1.7160533666610718, 0.1021888330578804, -0.3056078553199768, -0.03600370138883591, 1.1218953132629395, 1.2658469676971436, 0.5089712142944336, -0.9489653706550598, -1.5115782022476196, -0.11737904697656631, -0.057055823504924774, -0.0791807621717453, 0.09813172370195389, 1.1573923826217651, 0.8383048176765442, -0.22698672115802765, 0.6937952041625977, 0.14220187067985535, -0.03323628753423691, 0.7584086060523987, 0.6565590500831604, 1.516025185585022, 0.3010818362236023, 0.265480637550354, 0.047139450907707214, -0.46011361479759216, -0.5118380188941956, 0.0548882894217968, -1.1335155963897705, 0.423322856426239, -0.19995883107185364, -0.03815491497516632, -0.06728571653366089, 0.2887081503868103, -0.2811792492866516, 0.0400209054350853, -0.2989692687988281, 0.43585604429244995, 0.1941496878862381, -0.615398108959198, -0.5564678907394409, -0.3569917678833008, 0.8374800086021423, 0.29875385761260986, -1.2889326810836792, -0.9503185153007507, -0.2854870855808258, -0.22307978570461273, -0.3460468649864197, 0.1679709553718567, -0.32478997111320496, -0.008552046492695808, 0.6716971397399902, -0.1085834950208664, -0.6984502673149109, -0.866284191608429, -0.3506298065185547, -0.7444756031036377, 1.0056345462799072, -0.01772351935505867, -0.7334794402122498, -0.5246083736419678, 0.464313268661499, 0.49974390864372253, -1.869956135749817, 0.8194130063056946, 0.7796670794487, -1.5090004205703735, 1.6027512550354004, 0.7756323218345642, -0.005181442946195602, -0.6244121193885803, 0.08554643392562866, 0.8606561422348022, 1.0157324075698853, 1.119251012802124]} +{"paper_id": "wikiann", "embedding": [-1.2119214534759521, 1.3114444017410278, 0.6852960586547852, -0.47393348813056946, 0.28081607818603516, -0.8787104487419128, -0.515235424041748, 0.6479340195655823, 0.5141147375106812, 0.8810909390449524, 0.34484389424324036, -0.3776884078979492, -0.29339176416397095, -0.5141505599021912, -0.8169094920158386, -0.03158871829509735, -0.7437896132469177, -1.329138159751892, -0.6790284514427185, -0.1341170221567154, -0.9272533655166626, -0.49736088514328003, -0.10800941288471222, -0.07242900133132935, -0.6836100220680237, -0.23354674875736237, 0.2151661515235901, -0.6380358338356018, 0.055417485535144806, -0.21196898818016052, -0.4571600556373596, 0.8965578675270081, -1.4294395446777344, 0.4442211091518402, 0.024801429361104965, -0.0836549699306488, 0.13903912901878357, 1.2835159301757812, -1.0735747814178467, -0.7093944549560547, -0.5069458484649658, -0.760863721370697, 1.6421068906784058, -0.5108077526092529, 1.2398713827133179, -0.5215018391609192, -0.5189145803451538, 0.7371276617050171, 0.9097792506217957, 0.2289816290140152, -0.08776698261499405, 0.13781902194023132, 0.12950970232486725, 0.4097108840942383, 0.1804274022579193, 1.1364690065383911, -0.18236762285232544, -1.062501311302185, 1.0324535369873047, -0.5840533971786499, -0.34357017278671265, 1.1831214427947998, -0.197904571890831, -0.09425276517868042, 0.469507098197937, 0.28896665573120117, 1.166459083557129, 0.3450142741203308, 1.15677011013031, 0.5714623928070068, 0.1636953502893448, -1.5478434562683105, 1.034814715385437, -0.13453879952430725, 0.7252432107925415, 1.2095566987991333, 0.8661191463470459, -0.1417459398508072, 0.6275725364685059, 0.49496257305145264, -0.3409910798072815, 0.6298479437828064, 1.463762879371643, -0.4057604968547821, -1.0038703680038452, -0.49020299315452576, 0.37612196803092957, -0.28254008293151855, 0.7787051200866699, -0.6366956233978271, 1.0213959217071533, -0.33944594860076904, -0.8405230045318604, 0.031416669487953186, -0.2326326072216034, 0.40097981691360474, -0.52388596534729, 0.06758725643157959, -0.8588542938232422, 0.25019359588623047, 0.6467295289039612, -0.7195470333099365, -0.10337267071008682, -0.3350725471973419, -0.2133849561214447, 0.44916781783103943, -1.0051312446594238, -0.06366455554962158, -0.9737567901611328, 0.32876574993133545, 0.9991037249565125, 1.1812595129013062, 0.580353319644928, 0.1780693531036377, -0.3869456648826599, 0.2469894289970398, -0.09052709490060806, -0.6753491163253784, -0.24712535738945007, -0.0937238484621048, -0.35242384672164917, -0.6928099393844604, -0.9490258693695068, 0.5712149739265442, 1.054445505142212, -0.7760722637176514, 0.29370003938674927, -0.12143504619598389, 0.06393838673830032, -0.3596290349960327, 0.26685768365859985, 0.6275445818901062, 0.173800528049469, -0.14923587441444397, 3.068030834197998, -1.1115913391113281, 0.6905530095100403, 0.04220432788133621, 0.7433583736419678, -0.42047834396362305, 0.38088926672935486, 1.3717952966690063, 0.5196791291236877, -1.1291937828063965, -0.24389652907848358, -0.0852108970284462, -0.14926284551620483, 0.5629129409790039, -0.510866105556488, -0.12140369415283203, 0.308476060628891, 0.18999184668064117, -0.7413967847824097, -0.1768743246793747, -0.14252763986587524, 0.25001993775367737, 0.03473706543445587, 0.05103505030274391, -0.4016874432563782, 1.2673535346984863, 0.062361083924770355, 0.059258341789245605, -0.9413553476333618, -0.07645758241415024, -1.168357491493225, 0.3402164876461029, 2.0067138671875, -0.34896355867385864, -1.169812798500061, -0.0186987966299057, 0.5867614150047302, 0.04139667749404907, -0.244427889585495, -0.18041720986366272, -0.5463489890098572, -0.40113332867622375, 0.6797220706939697, 0.8809981346130371, -0.06899532675743103, -0.1810401976108551, 0.21217232942581177, 0.09415994584560394, -0.2096201777458191, 0.7580252885818481, -0.23406361043453217, 0.3458983302116394, -2.4891984462738037, -0.09916125237941742, -0.37540069222450256, 0.2844027280807495, -0.3012213110923767, 0.05259814113378525, -0.729163646697998, 0.5072101950645447, -0.5226796865463257, -0.8689702749252319, 0.5673164129257202, -1.7191039323806763, -1.0757133960723877, 0.3875693678855896, -0.09442387521266937, 0.28336602449417114, -0.4939623475074768, 0.7206680774688721, 0.0038090611342340708, -0.4354728162288666, -0.3846108913421631, -1.686139702796936, 0.4063261151313782, 1.7528860569000244, -0.07207164168357849, -1.2181270122528076, -1.7871570587158203, -0.33114880323410034, -0.5189738869667053, -1.329567551612854, 0.16435259580612183, -0.760808527469635, 0.28391551971435547, -0.8348739743232727, 0.5667946338653564, -0.10425647348165512, 0.08047155290842056, -0.1351567655801773, 0.6731066703796387, -0.23777428269386292, -0.3334861993789673, -0.4872658848762512, -0.567323625087738, 0.8584665656089783, 0.6537794470787048, 0.18784551322460175, -0.5239072442054749, 0.8938447833061218, -0.12420018762350082, 0.034890733659267426, 0.364709734916687, 0.39835330843925476, -0.6421517133712769, 0.7834867835044861, -0.15923000872135162, 1.2844043970108032, -0.7603249549865723, -0.23930710554122925, 0.29239416122436523, -0.28274717926979065, -0.22085726261138916, -0.17815420031547546, -0.09116315841674805, -0.44761979579925537, 1.1488354206085205, 0.48118600249290466, -0.635114848613739, 0.8943977952003479, -0.8938682675361633, -0.1436069905757904, -0.014226038008928299, -0.9655554890632629, 0.22774602472782135, 0.050011053681373596, 0.8802171349525452, -0.32052308320999146, -0.010886851698160172, -0.1140366941690445, -0.9980365633964539, -1.751332402229309, 0.4970845580101013, -0.25171154737472534, -0.8875579833984375, -1.1204530000686646, 0.1804182231426239, -0.17043577134609222, -1.854682207107544, -0.034111443907022476, 0.5792480707168579, 0.5259087681770325, 0.33229324221611023, 0.4418933689594269, 0.8637863993644714, -0.21821856498718262, 1.2811882495880127, -0.03311946988105774, 0.4052579998970032, -0.5465767979621887, 0.6480510234832764, 1.0990337133407593, -0.3871516287326813, -0.7837044596672058, -0.29201918840408325, 0.5222253799438477, 0.20217135548591614, 0.44410163164138794, 0.09816809743642807, 0.5813368558883667, -0.3093007802963257, -1.3024402856826782, 0.7664165496826172, 0.6325329542160034, -0.8304805755615234, -1.3713587522506714, 1.6610275506973267, -0.2197238951921463, -0.047310516238212585, 0.7709843516349792, 0.5141010880470276, -0.6018386483192444, 1.1130560636520386, 0.06261004507541656, 0.05611380189657211, 0.27955520153045654, -0.3152802288532257, -0.3016541302204132, -0.09295925498008728, -1.8926904201507568, 0.1332300454378128, 0.4167478382587433, 0.39121827483177185, 0.36598730087280273, 0.06582137197256088, 0.31585824489593506, -0.5461360812187195, -0.8908678889274597, 0.7647513747215271, 0.28804418444633484, 0.6970562934875488, -0.38209235668182373, -0.8601536154747009, 0.31824690103530884, -0.8894885182380676, 0.9115889072418213, 0.2642831802368164, 0.1942019909620285, -1.0976378917694092, 0.8028686046600342, 0.9056877493858337, -0.13562878966331482, 0.8333399295806885, 0.6452210545539856, 1.0633254051208496, 1.3113377094268799, -1.4799175262451172, 0.47510483860969543, 0.12242202460765839, 0.5957863926887512, 0.21075168251991272, 0.9219285845756531, -0.2570004463195801, 1.1370494365692139, 0.7216895818710327, 0.8853870630264282, 0.27347874641418457, -0.835091769695282, -0.8507009744644165, -0.03531341627240181, -0.08875636756420135, -0.7505733966827393, 1.7241567373275757, 1.5611817836761475, 1.3907248973846436, 0.08646971732378006, 0.10294507443904877, -1.0316673517227173, 0.006871957331895828, 1.3950884342193604, 0.33271023631095886, -0.22552140057086945, -1.0102459192276, 0.4417133331298828, 0.4740617275238037, -0.33865684270858765, -0.16940729320049286, -0.021949928253889084, 0.8566528558731079, 0.7336556911468506, -1.4085993766784668, 0.3201582431793213, -0.6655360460281372, 0.5431015491485596, 0.9943968057632446, -1.1132307052612305, 0.09709928929805756, 0.18799304962158203, 0.6143240332603455, -0.09360487014055252, 0.5941200852394104, -1.0234345197677612, 0.8645020127296448, 0.710027813911438, 0.24930603802204132, -0.6448946595191956, 0.7384781837463379, 1.9746485948562622, -0.1829085797071457, -1.1941267251968384, -0.1526399701833725, -1.1316514015197754, -0.7067306041717529, -0.11836692690849304, -0.14609946310520172, -1.104283094406128, 0.09429449588060379, -0.11914650350809097, 0.022328604012727737, 0.9034624099731445, -0.5264168381690979, -1.6992881298065186, 0.8356514573097229, 0.7903890609741211, -1.6011604070663452, -0.2736450135707855, 0.2836213707923889, -0.08829431235790253, -1.1417039632797241, 0.3251447379589081, -0.9008771181106567, -0.3107314109802246, 0.1793649047613144, 1.2341443300247192, 0.21825312077999115, 0.1487068384885788, -0.4956100285053253, 0.3194505572319031, 0.8722447752952576, 0.10510805249214172, -0.3992113471031189, 0.3014504909515381, 0.9506513476371765, -0.531635046005249, -1.549814224243164, -0.7105569839477539, 0.7293917536735535, -0.02266666665673256, -0.15628699958324432, -1.20413339138031, -0.9104061722755432, 0.5936156511306763, 0.3731561601161957, 0.862574577331543, -0.6879099607467651, 0.4626607894897461, -0.6649445295333862, 1.0761522054672241, 0.43122684955596924, -0.6510598063468933, -1.8747185468673706, 1.1362247467041016, -0.3108712136745453, -0.03590066358447075, -0.12596693634986877, 0.9006522297859192, 0.8397146463394165, 0.5362516045570374, 0.4087657332420349, -0.5888321399688721, -10.61616325378418, 0.17135252058506012, 0.046280745416879654, 1.027106761932373, 0.8408985137939453, -0.5934706926345825, 1.1715439558029175, -0.4682430922985077, 0.7275041937828064, -0.5191154479980469, -0.15932102501392365, 1.6891971826553345, 0.5936310291290283, -0.10352303087711334, -0.8011265397071838, -1.8838398456573486, -0.8012954592704773, 0.2510203719139099, 0.7833998799324036, 0.3650609850883484, -0.8814305663108826, -1.1761713027954102, 0.2660519480705261, -0.11918830871582031, 0.3200739026069641, -0.6451713442802429, 0.44582170248031616, -0.15205401182174683, 0.08573216199874878, -0.8270955085754395, -0.19738419353961945, 0.05505502596497536, -1.4743653535842896, 0.618264377117157, 0.286587655544281, -0.15553608536720276, -0.6633555889129639, -0.369810551404953, 1.8326106071472168, 0.24023328721523285, -0.3454505205154419, 0.3249437212944031, 0.27275314927101135, -0.45848551392555237, -1.0662829875946045, 0.2949638366699219, -0.2920796573162079, -0.8946777582168579, 0.3576422333717346, -0.43877044320106506, -0.19124735891819, -0.9322514533996582, -1.2524242401123047, -0.47221046686172485, 1.1307651996612549, 0.4478398561477661, -0.3751378059387207, -0.4239002466201782, -1.3036593198776245, -1.0697376728057861, 1.6695878505706787, -0.28676944971084595, 0.1481899917125702, 0.7575535178184509, -0.23031458258628845, 0.052404046058654785, 0.6011587381362915, -0.08089470118284225, 0.5586774945259094, -0.43337124586105347, -0.46534913778305054, -0.4479944109916687, 0.9372825622558594, -0.49126380681991577, -0.1993558704853058, -0.4962615966796875, 0.6424251794815063, -0.32391324639320374, 0.056974709033966064, 0.15185369551181793, -1.2849740982055664, 0.9630499482154846, -0.04686174914240837, -0.33499017357826233, -0.1978074610233307, -0.27074700593948364, -0.6814436912536621, 0.22062602639198303, 0.3030421733856201, -0.3989909887313843, 0.9652832746505737, -0.04070993512868881, -0.32330048084259033, -0.42991963028907776, -0.2422938048839569, 0.8721329569816589, -0.2955342233181, 0.5336490273475647, 0.1451960802078247, -0.0826544538140297, 0.16389712691307068, -0.07465662062168121, -0.9353710412979126, -0.016668498516082764, 0.587315022945404, 0.630747377872467, 0.15938255190849304, -0.07687845826148987, 0.049424927681684494, 0.3431874215602875, 1.0587958097457886, -0.1186726838350296, -0.3817675709724426, 1.0330160856246948, 0.01787520945072174, 1.5595122575759888, 0.3033146560192108, -0.18058165907859802, 0.7306863069534302, 1.306752324104309, 1.1926146745681763, 0.1491021066904068, 0.06807173788547516, 1.520036220550537, -0.19123636186122894, -0.019669678062200546, 0.5101750493049622, 0.3918527364730835, 0.1796393096446991, -1.4135549068450928, -0.5496139526367188, -0.17856837809085846, -0.4755007028579712, -1.0759423971176147, -0.7294473052024841, -1.108603835105896, -1.2598499059677124, 1.4123340845108032, -0.6660521626472473, 0.21900242567062378, 0.14479419589042664, -1.111804723739624, -0.4127142131328583, 0.1183798760175705, -0.37376776337623596, 0.3385295271873474, -0.7674315571784973, 0.21084605157375336, -0.5026811361312866, -1.0270639657974243, -0.09862691164016724, -0.24704572558403015, 0.2016446590423584, -0.692253053188324, 0.14927156269550323, -0.0626162588596344, -0.0211874321103096, -0.6645991206169128, -0.7743804454803467, 0.10390348732471466, -0.017516061663627625, 0.8879350423812866, -1.178623914718628, 0.3897700309753418, 1.4008961915969849, 0.1632291078567505, -1.4509732723236084, 0.16286370158195496, -0.4348084628582001, 0.7020255923271179, 0.5396810173988342, -0.8049330115318298, 0.33936983346939087, 0.03800010681152344, -0.23046380281448364, -0.5170053243637085, 0.7706637382507324, 1.5919467210769653, -0.6020369529724121, 0.6343866586685181, 0.8115972876548767, 0.7271397113800049, 0.49960950016975403, -0.24962371587753296, -0.5901168584823608, -0.0027975179255008698, -0.23363038897514343, 0.23203593492507935, 0.2748834192752838, 0.5659416913986206, -1.2963840961456299, -0.5263102054595947, -0.09746017307043076, 0.570275604724884, 0.6736173629760742, -0.07864344120025635, 1.4533368349075317, 0.5319358110427856, 0.09646351635456085, 0.7679829001426697, 0.11501973867416382, 0.49247822165489197, 1.0882679224014282, 1.3737175464630127, -0.47559553384780884, -0.2855929434299469, -0.9385002255439758, -0.01113339513540268, 0.45845016837120056, 0.5987868309020996, -1.5260988473892212, -0.3784759044647217, 1.034888744354248, -0.40326210856437683, -0.15520086884498596, 0.07135392725467682, 0.5073492527008057, -0.1716540902853012, 0.17012818157672882, -0.4660758376121521, 0.10385190695524216, 1.4413810968399048, -1.140316128730774, 0.6733325719833374, -0.4771181643009186, 0.7079673409461975, 0.6037659049034119, 0.2530837655067444, 1.6531610488891602, -0.35426196455955505, -0.3916352093219757, 0.48932695388793945, 0.29424288868904114, -0.4374642074108124, 0.12914009392261505, 0.19173619151115417, -0.2884531021118164, 0.019971173256635666, -1.3284968137741089, 0.9063090682029724, -0.3885030150413513, 0.754364550113678, 0.41689854860305786, 1.0410665273666382, -1.193076252937317, -1.054444670677185, 0.13327957689762115, -0.3551154136657715, -0.3197973072528839, -0.09611882269382477, 0.22901630401611328, 0.27676400542259216, 1.0079008340835571, 0.7363487482070923, 0.6926590800285339, -0.027347370982170105, 0.35372525453567505, -0.5036720037460327, -0.23765398561954498, 0.7061469554901123, 0.6918260455131531, 0.33631157875061035, -0.255563884973526, 0.38132837414741516, -0.6892542839050293, -1.6699661016464233, -0.6509453058242798, -0.3821430802345276, 1.6694285869598389, -0.465339332818985, -0.05180981382727623, -1.1260144710540771, 0.11732244491577148, -0.9161640405654907, 0.33744609355926514, 0.5585147738456726, 0.005562253296375275, -0.19946551322937012, -0.8239977359771729, 0.2741801142692566, 1.068454623222351, -0.21905040740966797, -0.09239018708467484, -0.5649851560592651, 0.5415494441986084, -0.2961128354072571, -0.2024175226688385, -0.5952275395393372, 1.1233536005020142, -0.06966233253479004, 0.564408540725708, -0.022849593311548233, -0.09530569612979889, -1.142537236213684, 0.5340026021003723, -1.0169365406036377, -1.082311749458313, 0.021374627947807312, -0.8939909338951111, 0.5214943885803223, 0.6450430154800415, -0.14797672629356384, 0.12741076946258545, 0.4364337921142578, -0.6665230989456177, -1.1352986097335815, -0.14823970198631287, 1.2266532182693481, 0.08528182655572891, -0.772376537322998, 0.04008035734295845, -0.06023845076560974, 0.6667525768280029, 0.7855978012084961]} +{"paper_id": "blimp", "embedding": [-0.011897425167262554, 1.160415768623352, -0.20969250798225403, 0.09105360507965088, 0.7327362895011902, 0.1278001219034195, 0.42996737360954285, 0.6202199459075928, 0.8624353408813477, 0.7936573624610901, -0.4556959867477417, -0.12039310485124588, -0.1101621761918068, -0.44694870710372925, 0.10244995355606079, -0.9432268738746643, -1.3584990501403809, -0.9425312280654907, -1.339908242225647, -0.20657575130462646, -0.5176538228988647, -0.24529169499874115, -0.38665416836738586, 0.46557921171188354, 0.0741923525929451, -0.6387776136398315, 0.9069972038269043, -1.0960110425949097, 0.1900760382413864, 0.46223145723342896, -0.461628794670105, 1.438064455986023, -1.1338443756103516, 0.05164738744497299, -0.48193836212158203, -0.25121593475341797, 0.18924739956855774, 0.7664433121681213, -1.1822731494903564, 0.4939989149570465, -0.235864520072937, -0.33236047625541687, 0.3772520422935486, -0.025386612862348557, 0.16181680560112, 0.1476190686225891, -0.503571093082428, 0.941696286201477, 0.0019602403044700623, 0.3564491868019104, -0.506991982460022, 0.006879553198814392, 0.8133256435394287, 0.20975935459136963, -0.006031516939401627, 0.6733416318893433, 0.28320157527923584, -1.4623960256576538, 0.509934663772583, -1.0459401607513428, 0.1851353496313095, 1.6139522790908813, -0.6771865487098694, 0.6731497645378113, 0.8028737902641296, -0.2316756546497345, 0.38493144512176514, -0.054416317492723465, -0.010904034599661827, 0.6275792121887207, -0.31252047419548035, -0.16193944215774536, 0.5571157932281494, 0.10558494925498962, 0.4544236660003662, 0.7165260314941406, 0.22058767080307007, 0.33628541231155396, 0.23786988854408264, -0.038643546402454376, -0.23319411277770996, 1.1303499937057495, 0.7507384419441223, -0.7090795040130615, -0.019441526383161545, -0.0499105378985405, 0.17288410663604736, -0.7482950687408447, 0.24493293464183807, -0.9580938816070557, 0.1795210987329483, 0.3917866349220276, 0.12477441877126694, 0.26983723044395447, 0.23408135771751404, 0.26178625226020813, -0.35439980030059814, 0.32146480679512024, 0.027700215578079224, -0.11026059836149216, 0.5645459294319153, -0.7631179094314575, 0.8936488032341003, 0.3421423137187958, 0.339786559343338, 0.7990977764129639, -0.023961767554283142, -0.45382535457611084, -0.48070600628852844, 0.1148187667131424, -0.12209022045135498, 1.5957627296447754, -0.565816342830658, 0.22796669602394104, 0.08706069737672806, -0.018217308446764946, 0.5243309736251831, -0.3747795522212982, -0.3892093300819397, -0.1905960887670517, 0.0015304889529943466, -0.7561550140380859, -0.47037988901138306, -0.04347868636250496, 0.45600515604019165, -1.253262996673584, 0.6546507477760315, -0.005286522209644318, 0.7803608775138855, 0.2670186161994934, 0.24848109483718872, 0.35974395275115967, -0.0909440815448761, -0.14944908022880554, 2.699777603149414, -0.6486440300941467, 1.1866837739944458, -0.4579833745956421, 0.03358985483646393, -0.29477250576019287, 0.2189352810382843, 0.663379430770874, 0.3021724820137024, -0.6625640392303467, -0.2935884892940521, 0.17339883744716644, -0.24665701389312744, 0.5201585292816162, -0.916185736656189, 0.1574878990650177, -0.4334861934185028, -0.04182770103216171, -1.006205677986145, -0.7115219831466675, 0.48791801929473877, -0.5836473703384399, -0.1671895682811737, 0.6596843004226685, -0.8430193066596985, 0.7258831858634949, 0.5535308122634888, 0.05014798045158386, -0.8585653901100159, -0.1001233235001564, -0.8262317776679993, -0.3546639084815979, 1.5649183988571167, -0.46959611773490906, -0.49791255593299866, -0.499316930770874, 0.19774428009986877, 0.08425934612751007, -0.25291213393211365, -0.19129452109336853, 0.6711633205413818, -0.0017421804368495941, 0.9618825912475586, 0.6782631874084473, -0.11594334989786148, -0.7884260416030884, -0.0221705324947834, -0.11973153054714203, -0.16683365404605865, -0.010819623246788979, -0.3090537488460541, 1.061941146850586, -2.0758941173553467, 0.051080942153930664, -0.30556127429008484, 0.44951996207237244, -0.3978446424007416, -0.6394003033638, -0.02618701010942459, 0.24577932059764862, 0.203187957406044, -0.4947099983692169, 0.44225209951400757, -0.8851335644721985, -0.8031999468803406, 0.11845143139362335, -0.6407047510147095, 0.2000216394662857, 0.3399859070777893, 1.2026798725128174, 0.4388442635536194, -0.9980976581573486, -0.3635159134864807, -1.753293514251709, 0.45334750413894653, 2.3901562690734863, -0.2378244698047638, -0.6148065328598022, -0.8643895983695984, -0.8871117830276489, 0.3086671233177185, -0.6576150059700012, 0.45503100752830505, -0.7146151065826416, -0.20155808329582214, -1.2984963655471802, 0.3996879756450653, -0.2841835618019104, 0.32233574986457825, 0.3529791831970215, 1.580919861793518, -0.842979371547699, 0.04312753677368164, -0.49133193492889404, -0.6021119952201843, 0.21026310324668884, 1.3363934755325317, 0.19139009714126587, -0.5197612643241882, 0.6741847395896912, -0.11464331299066544, 0.8757423758506775, 0.3589530885219574, 0.5083074569702148, -0.18865783512592316, 0.3158349096775055, 0.5860312581062317, 0.5055834650993347, -0.394842267036438, 0.5626547932624817, 0.10426303744316101, 0.6046362519264221, -1.1068308353424072, -0.0044853463768959045, 0.012516781687736511, -0.061629898846149445, 1.3191750049591064, 1.0064045190811157, -0.7351521849632263, 1.2215503454208374, -1.0452587604522705, 0.5771413445472717, -0.7210698127746582, -0.47387629747390747, -0.9366632699966431, 0.19176268577575684, 0.6448637247085571, 0.21178920567035675, -0.8591040372848511, -0.500510573387146, -0.6866860389709473, -1.450437068939209, -0.6991632580757141, -0.6238633990287781, -0.08158186823129654, -1.4589506387710571, -0.3679405748844147, 0.5374650955200195, -0.9773481488227844, -0.6645253896713257, -0.33991310000419617, 0.7178396582603455, 0.10503370314836502, 0.8041051626205444, 2.1794018745422363, 0.4937359690666199, 0.12757515907287598, 0.7155868411064148, 1.0829288959503174, -0.5915246605873108, -0.1578555554151535, -0.008808642625808716, -0.09051089733839035, -1.0843924283981323, -0.6956878900527954, -0.5428974628448486, 0.9752939939498901, 0.4819084405899048, -0.19289758801460266, -0.09187231212854385, -0.3028668165206909, -1.107801079750061, 0.6243767738342285, -0.5311538577079773, 0.15149785578250885, -0.928013265132904, 1.351574182510376, 0.8344561457633972, 0.29902106523513794, 0.6132321357727051, -0.6453859806060791, -0.16258719563484192, 0.6604715585708618, -0.9406604766845703, 0.7546800374984741, -0.18792064487934113, 0.11210077255964279, 0.0369299091398716, 0.2212996482849121, -1.8455810546875, 0.1936088502407074, 1.1141893863677979, 0.631619393825531, -0.4005564749240875, -0.4796619713306427, 0.3593296408653259, -0.31428849697113037, -0.26970887184143066, 0.7645373940467834, -0.5158166289329529, 0.10917340219020844, -0.45423272252082825, -0.23018507659435272, 1.0576400756835938, -1.2335186004638672, 0.23932425677776337, 1.6438251733779907, 1.0844624042510986, -1.3520135879516602, -0.004818584769964218, 0.304347962141037, -1.0753015279769897, 1.3665345907211304, 1.165265440940857, 0.4587273895740509, 1.0080338716506958, -0.8148563504219055, 0.15471503138542175, 0.5642316341400146, 0.4018689692020416, 0.5817552208900452, 0.5283071994781494, -0.37949419021606445, -0.26147571206092834, -0.24923107028007507, 1.2652909755706787, 0.19384150207042694, -1.7250527143478394, -0.4341961443424225, -0.8053762316703796, -0.639305055141449, -1.302006721496582, 1.2714343070983887, 1.2739410400390625, 0.8957563042640686, -0.30286335945129395, 0.824325680732727, -0.04821043834090233, 0.23540973663330078, 1.0146137475967407, -0.12696687877178192, 0.09392428398132324, -0.06620635837316513, 0.3688312768936157, 0.9158543348312378, 0.15986879169940948, -0.08840233832597733, -0.2640228569507599, 0.27232247591018677, 0.2929888069629669, -0.9174222350120544, -0.305631548166275, -0.2023279368877411, 0.4200942814350128, 1.7066633701324463, -1.2654104232788086, -0.8313614130020142, 0.08976291120052338, 0.3066420555114746, -0.14394766092300415, 0.12202537804841995, -1.229727029800415, 0.9649733901023865, -0.14111781120300293, 1.3031854629516602, -0.22648581862449646, 0.9808244109153748, 0.6303054094314575, -0.6143662929534912, -1.0930042266845703, -0.5319363474845886, -1.2831370830535889, -0.1014048382639885, -0.5591443181037903, -0.6859579086303711, -0.5189948081970215, 0.6361216306686401, -0.344576895236969, -0.3417617678642273, 0.6452980041503906, -0.21726182103157043, -1.0846507549285889, 0.7832797169685364, 0.24001561105251312, -1.265831708908081, -0.42386311292648315, -0.22083112597465515, -0.6225778460502625, -0.8620867133140564, 0.07581149786710739, -0.6429932713508606, 0.12799771130084991, 0.02300485409796238, 0.9766432642936707, -0.5131546258926392, 0.06551560759544373, -1.5495483875274658, 1.0717825889587402, 1.318772554397583, -0.4651157259941101, 0.053160205483436584, 0.47684308886528015, 0.661708652973175, -0.735044002532959, -0.6892409324645996, -0.2768857181072235, 0.6466368436813354, 0.0303666815161705, 0.03070119395852089, -0.5502661466598511, -1.014949917793274, 0.5221713781356812, 0.5092272162437439, 0.855932354927063, -1.2638604640960693, 0.6872024536132812, 0.3233131766319275, 0.6844099760055542, 1.0226929187774658, -0.23572993278503418, -0.6944515109062195, 1.4564316272735596, -1.0096893310546875, 0.08478134870529175, 0.1440822035074234, 0.6228380799293518, 0.8134302496910095, 0.18650051951408386, -0.1536559760570526, -0.4295527935028076, -11.853106498718262, 0.6101322770118713, -0.29964837431907654, 0.30406951904296875, 0.5067781805992126, -0.4689789116382599, 0.40431517362594604, 0.43837934732437134, 0.39234480261802673, -0.006583440117537975, 0.11223921179771423, 1.2889505624771118, 0.4726948142051697, -0.11359123140573502, -0.058795634657144547, -1.2197345495224, -0.6102737784385681, -0.4557023048400879, 0.30713891983032227, 0.609813392162323, -0.7450311183929443, -0.38440001010894775, 0.1799190193414688, -0.23543904721736908, 0.2902785539627075, -0.3073405623435974, -0.4864811599254608, -0.6245770454406738, 0.15883629024028778, 0.048545531928539276, 0.0746641606092453, -0.2275882363319397, -1.1064608097076416, 0.22193317115306854, 0.35599714517593384, -0.2678743600845337, -0.519355058670044, 0.00027153128758072853, 0.690108597278595, -0.12482640892267227, -0.6017059087753296, 0.08115700632333755, 0.2735165059566498, -1.09171724319458, -0.18616046011447906, 0.17461936175823212, -0.19269900023937225, -0.7254419326782227, 0.532516598701477, -0.8453773856163025, 0.16070108115673065, -1.0361831188201904, -1.2215780019760132, -0.9989991784095764, 0.13389889895915985, -0.5212674736976624, -0.2812458574771881, 0.4409567713737488, -0.5816771388053894, -1.068885326385498, 0.2922065258026123, 0.7757051587104797, -0.5955966114997864, 0.774802565574646, 0.5390139222145081, -1.0158730745315552, 0.5169125199317932, 0.7695540189743042, 0.18931186199188232, 0.13248860836029053, -0.7541757822036743, 0.7408576607704163, 0.1206524521112442, -0.08902524411678314, 0.18580806255340576, -0.253335177898407, 0.32574328780174255, -0.3370269536972046, 0.2312471568584442, -0.08095207810401917, -0.9210941791534424, 0.3356969654560089, -0.3360747694969177, -0.216295063495636, -0.8751708269119263, 0.29358139634132385, -0.8926823139190674, 0.24365881085395813, 0.394911527633667, 0.1664440631866455, 1.136397123336792, -0.22380182147026062, -0.02048736810684204, -0.19401651620864868, -0.5010658502578735, 1.0395945310592651, -0.7052109837532043, 1.2752907276153564, -0.25081580877304077, -0.39401769638061523, 0.46233293414115906, -0.030245864763855934, -0.4774983525276184, -0.2756917476654053, 0.2969455122947693, 0.2918519675731659, 0.1716051995754242, -0.31891578435897827, 0.28109291195869446, -0.5980081558227539, 0.4730950891971588, 0.045430853962898254, -0.33556199073791504, 0.9801901578903198, -0.2802343964576721, 0.5231322646141052, 0.7251473665237427, 0.9436253905296326, 0.6185528635978699, 0.9987220168113708, -0.21402783691883087, 0.7882294654846191, 0.17289169132709503, 1.5152981281280518, 0.043798964470624924, 0.6776215434074402, 0.680133581161499, 0.46527889370918274, -0.22044076025485992, -1.2623330354690552, 0.06773224472999573, -0.7898300886154175, -0.08879376947879791, -0.5477665662765503, 0.27215567231178284, -0.7733036875724792, -1.2886934280395508, 0.7182469367980957, -0.4130554795265198, 0.6284517645835876, 0.027081124484539032, -0.505592405796051, -0.4281057119369507, -0.447611004114151, -0.37764430046081543, 0.8547600507736206, -2.4438679218292236, 0.03509346395730972, -0.23665815591812134, -0.925499677658081, -0.19526977837085724, -0.3833381235599518, 0.6654234528541565, -0.6962751150131226, 0.3967374265193939, 0.1402553915977478, 1.2111544609069824, -0.16897615790367126, -0.8019567131996155, 0.1884363889694214, -0.10736607760190964, 1.6056305170059204, -0.582281231880188, 0.5751394033432007, 0.846627950668335, -0.22911249101161957, -0.8418324589729309, -0.6986991167068481, 0.08512741327285767, 0.27184152603149414, 0.6606556177139282, -0.8426594734191895, -0.029572565108537674, -0.41364285349845886, -0.3448123037815094, -1.075573205947876, 0.6969150900840759, 0.5976526737213135, -0.6403164863586426, 0.1324242204427719, -0.1525985449552536, 0.32342544198036194, -0.04576236382126808, -0.4173820912837982, -0.812893271446228, -0.22954919934272766, -0.05425211042165756, 0.666843593120575, -0.36961203813552856, 1.1249510049819946, -1.3326845169067383, -1.6479887962341309, -0.1543111652135849, 1.1451135873794556, 0.2933149039745331, -0.4431135952472687, 1.2784768342971802, 0.7906226515769958, 0.5659201145172119, 0.3448140323162079, 0.09383845329284668, 0.535836935043335, 0.22404363751411438, 0.3078334331512451, -0.5292196273803711, 0.24331751465797424, -0.6685534715652466, -0.16240757703781128, 0.4628375172615051, 0.5289969444274902, -0.82499098777771, -0.3520904779434204, 0.00725448876619339, 0.3495166003704071, -0.5375596880912781, -0.642202615737915, -0.05041415989398956, -0.11837311089038849, -0.053703393787145615, -0.15846993029117584, 0.33798906207084656, 1.529485821723938, -0.024669211357831955, 0.8206568360328674, 1.2082501649856567, -0.1087280809879303, 0.20047229528427124, 0.9835545420646667, 1.1145070791244507, 0.16139613091945648, -0.36400043964385986, -0.14619025588035583, 0.5190025568008423, 0.05692271143198013, -0.5100013017654419, -0.12317629903554916, -0.5691712498664856, -0.08264590054750443, -0.8694354891777039, 0.10870702564716339, 0.013613950461149216, 0.6521684527397156, 0.6986109018325806, 0.8367617130279541, -0.2416614294052124, -0.9715622663497925, 0.22223442792892456, -0.0252155140042305, 0.46220162510871887, -0.04683798551559448, 0.8231454491615295, 0.7564998865127563, 0.6959295272827148, 0.39571934938430786, 1.4053294658660889, 0.5082329511642456, 0.3822145462036133, -0.2907494306564331, 0.3242092430591583, 1.4408926963806152, 1.0382235050201416, 0.2881171405315399, -0.5613602995872498, -0.530271589756012, -1.1921107769012451, -0.32242119312286377, -0.32968711853027344, 0.42208361625671387, 0.5816305875778198, 0.3302678167819977, 0.431998074054718, -0.6979172825813293, 0.38736966252326965, -0.36540743708610535, 0.4450482726097107, -0.06568703800439835, -0.3343982696533203, -0.8602587580680847, -0.8051912188529968, 0.43080589175224304, 1.2353812456130981, -0.8187678456306458, -0.36150580644607544, -0.4128938317298889, 0.3239568769931793, -0.32440483570098877, -0.798558235168457, -0.8354135155677795, 0.6182056069374084, -0.35722237825393677, 0.28934842348098755, 0.6584081649780273, -0.05719777196645737, -0.7160560488700867, 0.13558851182460785, -0.5589385628700256, 0.21624411642551422, -0.7330091595649719, -0.9678938388824463, 0.04599479213356972, 0.3787040114402771, 0.15646836161613464, -0.734112024307251, 0.5989367365837097, -0.5626480579376221, -1.4846227169036865, 1.6696183681488037, 0.7784368991851807, -0.2592451572418213, -0.48233598470687866, -0.41747865080833435, 0.16144636273384094, 0.30125099420547485, 1.1363002061843872]} +{"paper_id": "xnli", "embedding": [0.11473478376865387, 1.2579933404922485, 0.13713298738002777, 0.008612114936113358, 0.6039488315582275, -0.5820488333702087, 0.4271097779273987, 0.8301361203193665, 0.8976700901985168, 0.4214830696582794, 0.4306911528110504, -0.6607589721679688, 0.20356865227222443, -0.11117865145206451, 0.15237754583358765, -0.4551718235015869, -1.3579045534133911, -1.3230150938034058, -1.6679273843765259, -0.2926923632621765, -0.421059787273407, -0.33556854724884033, 0.11702199280261993, 0.48993659019470215, -0.41084346175193787, -0.7743425369262695, 0.7541358470916748, -0.9889006018638611, 0.5455496311187744, 0.8413411974906921, -0.5498767495155334, 1.4078344106674194, -1.0238752365112305, 0.07561162859201431, -0.5169870257377625, -0.31983017921447754, 0.1626904308795929, 0.8132913708686829, -0.3294736444950104, -0.0818755030632019, -0.8588113784790039, -0.33904385566711426, 0.33690115809440613, 0.3448197841644287, 0.7961745858192444, -0.31195104122161865, -0.5590023994445801, 0.15940865874290466, -0.31184136867523193, -0.6610904932022095, -0.11568795144557953, 0.2648094594478607, -0.08689052611589432, 0.5844050645828247, -0.5745269060134888, 1.1407833099365234, 0.5190566778182983, -0.8495393395423889, 0.6853922009468079, -1.4236873388290405, 1.0504738092422485, 1.6119589805603027, -0.7604918479919434, 0.22985029220581055, 1.5109789371490479, 0.07437092065811157, 1.5569276809692383, 0.1281711459159851, 0.2659178078174591, 0.9005643725395203, 0.17441214621067047, -0.8600057363510132, 0.42793896794319153, 0.289480060338974, 0.7508671283721924, 0.6633939743041992, 0.25442397594451904, 0.8098589181900024, -0.5668016076087952, 0.05085735023021698, -0.7549172639846802, 0.7181192636489868, 0.9163579940795898, -0.8827942609786987, 0.023964010179042816, 0.7038348317146301, 0.5222219228744507, -0.6215280890464783, 0.9383037090301514, -1.8078253269195557, -0.11602862179279327, -0.23207156360149384, -0.0693262368440628, -0.1682560294866562, -0.14849528670310974, 0.15989691019058228, -0.018655098974704742, 0.28417593240737915, -0.30938658118247986, 0.27193355560302734, 0.4300724267959595, -0.2901306450366974, 0.36607831716537476, 0.014017194509506226, 0.0827358067035675, 1.1641895771026611, 0.18197929859161377, -0.8194841146469116, -1.2109785079956055, -0.43602535128593445, 0.07889267802238464, 1.0434545278549194, -0.2597983777523041, 0.7227417826652527, 0.28881126642227173, 0.1816258728504181, 0.6146323680877686, -0.8199613094329834, -0.6180554628372192, 0.05658528953790665, -0.20568136870861053, -0.8720098733901978, -0.4721946120262146, -0.45943260192871094, 0.8896082043647766, -0.8644659519195557, 0.15230338275432587, -0.8470816016197205, 0.4764018952846527, -0.6063234210014343, 0.6095688343048096, 0.09934927523136139, -0.5339310765266418, -0.37132027745246887, 3.0732340812683105, -0.8209452033042908, 2.0009584426879883, -1.2479312419891357, 0.3020339012145996, -0.045770563185214996, -0.06177165359258652, 1.1780797243118286, 0.02371200919151306, -0.18201826512813568, -0.10049575567245483, 0.43982189893722534, -0.8392091393470764, 0.2302873730659485, -0.9124096632003784, -0.7243778109550476, -0.21607565879821777, -0.025395415723323822, -1.257955551147461, -0.7254037261009216, 0.6743677854537964, 0.0257328599691391, 0.4149552285671234, 1.4373779296875, -0.5890176892280579, 1.110520601272583, 0.16361510753631592, -0.23931746184825897, -0.15728159248828888, 0.39908984303474426, -1.373945951461792, -0.0845160260796547, 1.0102589130401611, -0.23096516728401184, -0.010945705696940422, -0.5422811508178711, 1.1269612312316895, -0.20146366953849792, -0.5740658044815063, -0.03294118493795395, -0.2557184100151062, 0.2615015208721161, 0.7778948545455933, 0.5973922610282898, 0.013382241129875183, -0.5409026741981506, -0.19017624855041504, -0.39568057656288147, 0.04379107803106308, 0.5563570261001587, 0.1615411341190338, 0.6545490026473999, -2.2608227729797363, -0.5627084970474243, 0.11516697704792023, 0.04230152443051338, 0.08714596927165985, -0.8198040127754211, 0.04908400774002075, 0.03217848017811775, 0.6460970640182495, -0.027055252343416214, 0.521822988986969, -0.7968894243240356, -0.4577449560165405, 0.28007179498672485, -0.10287447273731232, -0.15883411467075348, 0.1513327658176422, 1.182639479637146, 0.3714432716369629, -0.3013855218887329, -0.53553307056427, -1.6254280805587769, -0.13560891151428223, 3.1201603412628174, 0.17034825682640076, -0.36156541109085083, -1.361246109008789, -0.4088791608810425, -0.024106647819280624, -0.9253255128860474, 0.056725963950157166, -0.999688982963562, 0.3039149045944214, -1.2214990854263306, 0.08819866180419922, -0.6684773564338684, 0.271606981754303, 0.629417896270752, 0.7965874671936035, -0.22679924964904785, -0.4446637034416199, -0.6239636540412903, -0.6007903814315796, 0.35716813802719116, 0.8172106742858887, 0.044036608189344406, -0.7406317591667175, 0.7112248539924622, 0.16157007217407227, 0.7567558288574219, 0.7486775517463684, 0.591787576675415, -0.11638794839382172, -0.28126123547554016, -0.3420718312263489, 0.6202049851417542, 0.06168267875909805, 0.06908649206161499, 0.2648129463195801, 0.5985966920852661, -0.6886763572692871, -0.3677946925163269, -0.12438151240348816, 0.30060815811157227, 1.4247121810913086, 1.2939575910568237, -0.49676433205604553, 1.4407448768615723, -1.6719019412994385, 0.28704240918159485, -0.6855776309967041, -0.5782812833786011, -0.20062273740768433, 0.18648970127105713, 1.1013826131820679, -0.34070220589637756, 0.40578988194465637, -0.3940097689628601, -0.02756856009364128, -1.6673085689544678, -0.36479952931404114, -0.5622602701187134, -0.750169575214386, -1.4701389074325562, -0.33296293020248413, -0.07494740188121796, -0.7519945502281189, -0.6556446552276611, -0.019082944840192795, 0.7058103680610657, 0.5530552864074707, 1.1446397304534912, 2.097860097885132, 0.04627319425344467, 0.6806609034538269, 0.24410413205623627, 0.6860111355781555, -0.8106533885002136, 1.1230589151382446, -0.293960839509964, 0.5365215539932251, -0.6975916624069214, 0.24407097697257996, -0.4199630618095398, -0.1054040789604187, 0.8621959686279297, -0.12102682888507843, 0.3149142861366272, -0.33111828565597534, -1.7692898511886597, 1.0737370252609253, -0.664896547794342, 0.49975714087486267, -0.8603330254554749, 2.129819393157959, 0.07921422272920609, -0.46765026450157166, 0.6024284362792969, -0.416357159614563, 0.24137185513973236, 1.125417709350586, -0.6110906600952148, 0.6617110967636108, 0.06012025475502014, -0.21546979248523712, 0.151468887925148, 0.03438187390565872, -2.2492620944976807, 0.3248979449272156, 1.3040090799331665, -0.22688719630241394, -0.8895994424819946, -1.2693883180618286, 0.9023997187614441, -0.3563772141933441, -0.27909860014915466, 0.6332376003265381, -0.7847533822059631, 0.39656224846839905, 0.07183868438005447, 0.43392419815063477, 1.2545733451843262, -0.4887973666191101, 0.5535553693771362, 1.2229562997817993, 0.365456223487854, -0.5135964155197144, -0.3745627701282501, 0.8637999892234802, -0.7964673042297363, 0.22256503999233246, 0.4675503075122833, 0.8321596384048462, 1.6623824834823608, -0.4273832440376282, -0.27532458305358887, 1.1633814573287964, 1.5351932048797607, 0.7537062168121338, 0.13438549637794495, -0.5806911587715149, 0.4380570352077484, 0.26046934723854065, 1.297863483428955, 0.06381288170814514, -1.157799243927002, -0.8888107538223267, -0.5008555054664612, 0.029959626495838165, -0.7489750981330872, 1.6547448635101318, 0.9167709946632385, 1.4356814622879028, -0.05609217286109924, 0.25397253036499023, -0.393217533826828, 0.16795864701271057, 1.3116564750671387, 0.21345119178295135, -0.4568503499031067, -0.37874603271484375, -0.08086377382278442, 1.2931230068206787, -0.5244283080101013, -0.7056236267089844, 0.025623027235269547, 1.3032653331756592, -0.7361088991165161, -0.6032382845878601, 0.1791987121105194, 0.9665025472640991, 0.39030206203460693, 1.4608495235443115, -0.6662176847457886, -0.29830053448677063, 0.3084352910518646, 0.5437120199203491, -0.27849388122558594, 0.009929664433002472, -0.8466199636459351, 0.3979613780975342, 0.6469118595123291, 1.3996598720550537, 0.16181324422359467, 0.5683788061141968, 0.7591204047203064, -0.7819823622703552, -0.8350278735160828, -0.45811980962753296, -0.8977817893028259, -0.6293448209762573, -0.2316676378250122, -0.6393164396286011, -0.6935219168663025, 0.9847880005836487, -0.22754135727882385, -0.052715640515089035, 0.7979280948638916, -0.8116188645362854, -1.7303578853607178, 1.0253028869628906, 0.8079978227615356, -1.2053884267807007, -0.6184048056602478, -0.4828629493713379, -0.6144596338272095, -0.8884732127189636, 0.13854528963565826, -0.7608224153518677, -0.34304067492485046, 0.3022230565547943, 0.605551540851593, -0.05343694984912872, -0.3118923604488373, -1.363987684249878, 0.2716125249862671, 1.4556097984313965, -1.2206206321716309, 0.153843492269516, 0.30215775966644287, 0.5087786912918091, -0.30451831221580505, -0.7264492511749268, -0.48338258266448975, 0.8038517236709595, 0.6549711227416992, 0.26539891958236694, -0.5632467269897461, -0.4288172423839569, 0.41195815801620483, 0.0644361823797226, 0.8217490911483765, -1.239605188369751, 0.3849223256111145, -0.4940168857574463, 0.8785121440887451, 0.36596810817718506, -0.7484790682792664, -0.4583374559879303, 0.8987901210784912, -0.5928133726119995, 0.5089523792266846, 0.32589781284332275, 0.8830066323280334, 1.224534511566162, 0.27021902799606323, 0.6163403391838074, -0.34088945388793945, -10.385318756103516, -0.004734347574412823, -0.43352794647216797, -0.12092001736164093, 0.16469593346118927, -0.7100052833557129, 1.1448959112167358, -0.05998702719807625, -0.022458212450146675, -0.8657518625259399, 0.43272334337234497, 1.2902165651321411, 0.6029235124588013, -0.8418928980827332, -0.6456336379051208, -0.8460003733634949, -0.6026597619056702, -0.3419656753540039, 0.3492295742034912, 0.40124472975730896, -1.338789939880371, -1.0551003217697144, -0.0017395466566085815, 0.6249441504478455, 0.22635230422019958, 0.11104973405599594, -0.4276137053966522, 0.004946283996105194, -0.41044753789901733, -0.04951104894280434, 0.5956315994262695, -0.5347343683242798, -0.6793624758720398, -0.2296263873577118, 0.9652052521705627, -0.2748588025569916, -0.5518771409988403, 0.2551361918449402, 0.30904391407966614, 0.08338193595409393, -0.3845248818397522, 0.6321403384208679, 0.2174096554517746, -0.2849409878253937, -0.20624472200870514, 0.25889265537261963, 0.5802017450332642, -0.7830994129180908, 0.626102864742279, -0.9079486131668091, -0.6466934084892273, -0.9019312262535095, -1.413739800453186, -0.7705205678939819, 0.2911987602710724, 0.07717513293027878, -0.2844792306423187, 0.05105024203658104, -0.0941772609949112, -1.3908312320709229, 0.6012675762176514, -0.1031288355588913, -0.1712990403175354, 0.08819136023521423, 0.34851861000061035, -0.4538477063179016, 0.3287963271141052, 0.06471644341945648, -0.14570167660713196, 0.5551456809043884, -0.9496161341667175, 0.4400053322315216, -0.03083202987909317, 0.2835770845413208, -0.6298639178276062, -0.28478190302848816, -0.6082084774971008, -0.17608201503753662, 0.6397138833999634, -0.0866270363330841, -0.9683008193969727, 0.4262215197086334, 0.2575233578681946, -0.14814671874046326, -0.6057048439979553, 0.5950002074241638, -0.23547697067260742, 0.4215031862258911, 1.103305697441101, 0.03500031679868698, 1.390548825263977, -0.08583304286003113, -0.1460563689470291, 0.13520649075508118, -0.18415087461471558, 1.1350460052490234, -0.6577057242393494, 1.1388294696807861, 0.7296739816665649, -0.7345133423805237, 0.18384850025177002, -0.3258245289325714, -0.4075879454612732, 0.04647074267268181, 0.6546410322189331, 0.4482455551624298, 0.5342978835105896, 0.23607265949249268, 0.5546828508377075, -0.2834843695163727, 1.1418377161026, 0.0719546377658844, -0.45277440547943115, 0.742591917514801, 0.15098094940185547, 1.184160590171814, 0.38703617453575134, 0.6169596910476685, 0.6649960875511169, 1.0648750066757202, -0.45721524953842163, 0.9528021812438965, -0.15532797574996948, 1.6496937274932861, 0.06911540031433105, 0.12635834515094757, 0.6249784231185913, 0.5422313213348389, 0.09447004646062851, -1.2874178886413574, -0.21694868803024292, -0.22739273309707642, 0.1385241001844406, -0.8444342017173767, -0.34221354126930237, -0.151039257645607, -0.7476294636726379, 1.2978570461273193, -0.5385426878929138, 0.04290749505162239, 0.08839768171310425, -1.221379041671753, -0.38763895630836487, -0.8272398710250854, -0.3722227215766907, 0.4728965163230896, -1.6301969289779663, -0.44003671407699585, -0.0663059800863266, -0.5028175115585327, 0.3572389483451843, -0.27085039019584656, 1.007685661315918, -0.8610957264900208, -0.38591036200523376, -0.02652936987578869, 0.35903915762901306, -0.23733973503112793, -0.8003016710281372, -0.08276090025901794, -0.1578482687473297, 1.444844365119934, -1.1772540807724, 1.2476743459701538, 0.39353957772254944, 0.2426830679178238, -0.9698839783668518, 0.10113325715065002, -0.680026650428772, 0.5994440913200378, 1.159826636314392, -1.2587209939956665, -0.4349871277809143, -0.6789011359214783, -0.5528327226638794, -1.0517702102661133, -0.07278677076101303, 1.3556749820709229, -1.071068286895752, 0.2949947714805603, -0.31765368580818176, 0.4795858561992645, -0.1625428944826126, -0.5493487119674683, -0.7990965843200684, 0.159274160861969, -0.5895207524299622, 1.0642521381378174, -0.1878201812505722, 0.8362274169921875, -2.079009771347046, -1.2801048755645752, -0.3813202679157257, -0.35057052969932556, 0.19788846373558044, -0.20305439829826355, 0.7766380310058594, -0.3965698480606079, 0.15364646911621094, 0.1446797251701355, 0.1952580362558365, 0.43933653831481934, 0.21112224459648132, 0.2838534116744995, 0.11710688471794128, 0.34879565238952637, -0.7211041450500488, 0.3245444595813751, 0.002218300476670265, 0.29408472776412964, -1.5258798599243164, -0.5570783019065857, 0.12415774166584015, -0.08989676833152771, -0.11564590036869049, -0.9575541019439697, 0.40300196409225464, 0.09231382608413696, 0.054988469928503036, -1.4464716911315918, -0.2976487874984741, 1.0252646207809448, -0.4141184091567993, 0.6186182498931885, 0.488913893699646, 0.6249493360519409, 0.1600961983203888, 0.4824141263961792, 1.3359332084655762, -0.6544263362884521, -0.8643492460250854, -0.6720367074012756, 0.5605119466781616, -0.2908974587917328, -0.20077313482761383, 0.440731406211853, -0.9762753844261169, -0.039629846811294556, -1.2769287824630737, 1.207470417022705, -0.31938111782073975, 0.39087873697280884, 0.4425002336502075, 0.7268829345703125, -0.1704115867614746, -1.4707889556884766, 0.44409406185150146, -1.0854345560073853, 0.5222786664962769, 0.1896320879459381, 0.6786227822303772, 0.4781728982925415, 0.754412055015564, -0.020064279437065125, 1.3997942209243774, -0.27230244874954224, -0.31975942850112915, -0.04644966125488281, -0.11524893343448639, 0.9322919845581055, 0.2922326326370239, 0.17118102312088013, -0.10178443044424057, -0.24770283699035645, -0.9427403211593628, -0.33137670159339905, -0.6693107485771179, 1.1610167026519775, 0.861788809299469, 0.29067280888557434, 0.28153568506240845, -1.3578996658325195, 0.5967114567756653, -0.6549481153488159, 0.696069061756134, 0.9150058627128601, 0.0171595960855484, -1.5115400552749634, -1.0332906246185303, 0.14016342163085938, 0.7735132575035095, -0.7060232162475586, 0.11783646047115326, -1.0745798349380493, -0.08425922691822052, 0.4194681644439697, -0.30131638050079346, -1.2815005779266357, 0.08434990793466568, -0.39443346858024597, -0.05122342333197594, 0.8586127758026123, -0.7745795249938965, -0.5582305192947388, 0.19531577825546265, -0.7569895386695862, 0.8097710013389587, -0.30654388666152954, -0.41768011450767517, -0.8465200066566467, 0.5853617191314697, -0.5567737817764282, -0.830319881439209, 0.6516132950782776, -0.479087233543396, -1.8396941423416138, 1.2055649757385254, 1.6215360164642334, -0.9482297897338867, -0.07609082758426666, 0.366711288690567, 0.05181693658232689, 0.5453351140022278, 1.3765757083892822]} +{"paper_id": "ag_news", "embedding": [-0.8161744475364685, 1.3302587270736694, 0.20418711006641388, 0.6946452856063843, -0.09533626586198807, -0.26148125529289246, -0.14232763648033142, 0.9410071969032288, 0.8254827260971069, 0.306958943605423, 0.9542534947395325, 0.24226252734661102, 0.4003027379512787, 0.07766248285770416, 0.41338998079299927, 0.34722399711608887, -0.23452872037887573, -0.9276236891746521, -0.5290364027023315, -0.35247087478637695, -0.998948335647583, -0.9162706136703491, -0.21028144657611847, 0.26806384325027466, -0.47740796208381653, -1.1384546756744385, 0.13249123096466064, -0.5152579545974731, 0.36080148816108704, 0.8604276776313782, 0.1290978491306305, 0.17332258820533752, -1.2768394947052002, -0.37093186378479004, -0.8830439448356628, -0.8796052932739258, -0.14196844398975372, 0.22407495975494385, -0.04820844158530235, -0.18040384352207184, -0.646425724029541, 0.25183963775634766, 0.6315826177597046, 0.16698208451271057, 1.1840503215789795, -0.3106797933578491, 0.7087632417678833, 0.3063085675239563, 0.4592270851135254, 0.043613921850919724, -0.2772254943847656, 0.661317765712738, -0.5295713543891907, 0.6151251792907715, -0.4913731515407562, 1.2046070098876953, -0.2057112455368042, 0.0012591821141541004, -0.15421202778816223, -1.0242654085159302, 0.6777520775794983, 1.610090732574463, -0.38785067200660706, 0.05704877898097038, 0.5480026006698608, -0.12063504755496979, 0.9567283391952515, -0.04650965705513954, 0.04505590721964836, 1.0985536575317383, -0.38285040855407715, -0.34565863013267517, 0.995092511177063, -0.9181120991706848, 0.026917845010757446, 0.6587663888931274, -0.0023641083389520645, -0.30527472496032715, 0.10101386159658432, 0.23366647958755493, -0.26143836975097656, 0.9738320112228394, 0.10501477122306824, -0.6045445203781128, -0.2768084406852722, -0.2666429877281189, 0.3457428812980652, -0.23552672564983368, -0.012493433430790901, -1.3507721424102783, 0.46662604808807373, 0.021248532459139824, -0.42020681500434875, 0.467959463596344, 0.053263891488313675, -0.30952173471450806, 0.1008288711309433, -0.04853016138076782, -1.0919702053070068, 0.2937611937522888, 0.6114803552627563, -0.80870521068573, 0.4565960168838501, -0.5204766988754272, 0.48053503036499023, 1.1432193517684937, -0.6266543865203857, -0.8834268450737, -0.19026610255241394, -0.21375727653503418, -0.09943383932113647, 0.530616819858551, -0.23545107245445251, 0.6929829716682434, 0.019000735133886337, -0.21075844764709473, 0.9094026684761047, -0.3901144564151764, -0.6495107412338257, -0.09652656316757202, -0.5667865872383118, -1.627276062965393, -0.21893927454948425, 0.3643486499786377, 0.9946790933609009, -0.815201997756958, 0.38481712341308594, -0.48837539553642273, 0.5643059611320496, -0.7100431323051453, 0.5298833847045898, 0.3299384117126465, -0.5218591094017029, -0.3117765486240387, 2.852084159851074, -1.2102118730545044, 1.275780439376831, -0.882236659526825, 0.3816095292568207, 0.05806756019592285, -0.16029803454875946, 0.932898998260498, -0.14778760075569153, -0.15172800421714783, -0.974175751209259, 0.6723752617835999, -0.44009676575660706, 0.2639961540699005, -0.30433863401412964, -0.387451171875, 0.22472365200519562, 0.4946952760219574, -0.7416284680366516, -0.7821269631385803, -0.21055284142494202, 0.40985172986984253, 0.6459511518478394, 0.6282612085342407, -0.6589459776878357, 0.5686227083206177, 1.4640958309173584, 0.28451046347618103, -1.0826246738433838, -0.18189305067062378, -0.8394296169281006, -0.200120210647583, 0.9180065989494324, 0.3136664628982544, -0.3996905982494354, -0.43607383966445923, 0.5737789273262024, -0.5352472066879272, 0.0932677835226059, -0.4218330979347229, -0.09653128683567047, -0.18063193559646606, 0.7491369843482971, 0.0833563357591629, 0.8199223875999451, -0.3288465738296509, 0.2740863263607025, -0.1936493068933487, 0.5102673172950745, 0.3040738105773926, 0.217577263712883, 0.07058337330818176, -1.6333929300308228, -0.7471567392349243, 0.21177969872951508, 0.11105275899171829, 0.04389062523841858, -1.0232518911361694, -0.00257713720202446, 0.16732685267925262, 0.28119903802871704, 0.11956731975078583, -0.1944613754749298, -0.6053054332733154, -0.2948976755142212, 0.807543933391571, 1.1173655986785889, -0.2549743354320526, -0.05233054980635643, 1.5717800855636597, 0.5220583081245422, -0.4615236818790436, 0.11374352872371674, -1.1679255962371826, 0.6986050009727478, 1.8247296810150146, 0.014484532177448273, -0.7945860028266907, -1.2375085353851318, -0.20514309406280518, 0.16051065921783447, -1.243059515953064, 0.5504946708679199, -0.8416450023651123, 0.6933323740959167, -0.6607214212417603, 0.2613481879234314, -0.30774569511413574, -0.2046370953321457, -0.48872753977775574, 0.9917258024215698, -0.327444851398468, -0.08794312924146652, -0.0627472847700119, -0.799550473690033, 0.3712664246559143, 1.0655999183654785, 0.2634490430355072, -0.09614802896976471, -0.008160971105098724, 0.48247504234313965, 0.9060051441192627, 0.3483032286167145, 0.02436600625514984, 0.15769338607788086, 0.5941774249076843, 0.03158898651599884, 0.852724552154541, -0.17429493367671967, -0.2403186410665512, -0.2868396043777466, 0.7401085495948792, 0.09276342391967773, -0.33705300092697144, 0.4347025752067566, 0.19968624413013458, 1.5221220254898071, 1.0084341764450073, -0.5059270858764648, 0.5128844976425171, -0.34190914034843445, -0.48657652735710144, 0.07260149717330933, 0.08122748136520386, 0.22253359854221344, 0.2957131266593933, 0.8236558437347412, -0.5952140092849731, -0.03429000452160835, 0.297380268573761, -0.2532128095626831, 0.021626584231853485, -1.5217375755310059, -0.3241283595561981, -0.7525843381881714, -1.0322567224502563, -0.34384769201278687, 0.45830458402633667, -0.24367943406105042, -0.4129379093647003, 0.2605314254760742, 0.4286666512489319, -0.5278927087783813, 0.30790355801582336, 1.6816651821136475, -0.4596613049507141, 0.35472580790519714, -0.8286225199699402, 1.0435032844543457, 0.32692232728004456, 0.5841863751411438, -1.2045091390609741, 0.13489867746829987, -1.0761630535125732, -0.2345885932445526, -0.06302320212125778, 0.1114354208111763, 0.26277005672454834, -0.2371591329574585, 0.8759977221488953, -0.4781184196472168, -0.7514352202415466, 1.2960487604141235, -0.4934016168117523, 0.26139816641807556, -1.060552954673767, 1.7533695697784424, 0.5680845975875854, -0.21099381148815155, 0.5341989398002625, 0.5704430341720581, -0.10272286832332611, 1.1151738166809082, -0.21648094058036804, 0.9042900800704956, -0.14508351683616638, 0.24420566856861115, 0.12796536087989807, -0.07822106778621674, -2.2671875953674316, -0.16993436217308044, 1.0463413000106812, -0.2786492109298706, 0.045191921293735504, -0.9411237239837646, -0.1055106371641159, 0.3711250126361847, -0.0796409323811531, 0.2510479986667633, -0.7042850852012634, 1.352461338043213, 0.13415640592575073, 0.06160041689872742, 0.8852239847183228, 0.1689334660768509, 0.05821077898144722, 0.5207247734069824, 0.48816752433776855, -1.5331799983978271, -0.2969914674758911, 0.5923646092414856, -0.3675445020198822, 0.32512691617012024, 0.14098531007766724, 0.2458069920539856, 1.1852153539657593, -0.971205472946167, 0.19213959574699402, 0.32454538345336914, 0.3475273549556732, -0.04293140769004822, 0.28639790415763855, 0.1027955636382103, 0.8563280701637268, 0.20424877107143402, 1.2418333292007446, 0.6996554732322693, -0.8022501468658447, -0.502586305141449, -0.07900865375995636, -0.32860541343688965, -0.6028596758842468, 1.2430129051208496, -0.0800468847155571, 1.584185004234314, 0.25892800092697144, -0.014921239577233791, -0.09830276668071747, -0.2895965278148651, 0.891651451587677, 1.2956817150115967, 0.1916368305683136, -0.3102428913116455, -0.08023646473884583, 0.6103826761245728, 0.13265682756900787, -0.5498030781745911, -0.22037146985530853, 1.2482022047042847, -0.2445748895406723, -0.952409029006958, -0.19129997491836548, 1.0303820371627808, 0.5314162373542786, 1.5407192707061768, -0.31197527050971985, -0.6117019653320312, -0.8453074097633362, 0.650942325592041, 0.648605465888977, -0.5279573202133179, -0.45067548751831055, -0.711122453212738, 0.1732957363128662, 1.1662348508834839, -0.03886212781071663, 0.9572250843048096, 1.3712241649627686, -0.6821144819259644, 0.3226572871208191, 0.32370972633361816, -0.5307313799858093, -0.26894956827163696, 0.09653688222169876, -0.18255294859409332, -0.8890973329544067, 0.4643556773662567, -0.036998212337493896, -0.7358171939849854, 0.3104092478752136, -0.2392997443675995, -0.764022946357727, 0.642622709274292, 1.6619749069213867, -0.844170331954956, -0.3292822539806366, -0.3795831799507141, -0.4930419921875, -0.8142385482788086, 0.32285982370376587, -0.4070119559764862, 0.04342759773135185, 0.3609716594219208, 0.05087297782301903, -0.5225762724876404, 0.00887136161327362, -1.16389799118042, 0.7362660765647888, 0.5420941710472107, -0.040029700845479965, -0.2150266468524933, -0.9474538564682007, -0.8107290863990784, -0.08665916323661804, -1.8050601482391357, 0.26014384627342224, -0.1452518254518509, -0.4580051600933075, -0.15049941837787628, -0.3414531648159027, 0.20092804729938507, -0.21588316559791565, 0.10853281617164612, 0.06417294591665268, -0.8733924031257629, 0.007832232862710953, -0.9215018153190613, 0.6545179486274719, 0.7951357364654541, -0.28096944093704224, 0.1996869146823883, 0.29094743728637695, -0.37094005942344666, 0.5712234973907471, 0.20902922749519348, 1.0800127983093262, 0.7247256636619568, 0.6354568600654602, 0.43345463275909424, 0.18625563383102417, -12.034981727600098, 0.5365343689918518, -0.08684592694044113, 0.6681766510009766, 0.5007221102714539, 0.8398829102516174, 0.639255940914154, -0.45431944727897644, 0.8691577315330505, -0.5852610468864441, -0.0029981546103954315, 1.202858567237854, -0.4958406984806061, -0.7996624112129211, -0.24001780152320862, -0.12327934056520462, -0.3437134325504303, -0.6816559433937073, 0.510608971118927, 0.5863566994667053, 0.8947349190711975, -1.1015273332595825, -0.7351067662239075, -0.1092754453420639, -0.046294018626213074, -1.6387879848480225, 0.16991937160491943, 0.05383662134408951, -1.4978948831558228, -0.6337628364562988, 0.2138167917728424, -0.5586994290351868, -0.2353450506925583, -0.34188786149024963, 0.5813319683074951, -0.39064735174179077, -1.271640658378601, 0.3450467884540558, 0.7574969530105591, -0.4717915654182434, -0.2493867427110672, 0.020616915076971054, -0.09220904111862183, 0.0735168531537056, 0.02084750309586525, 0.33719944953918457, 0.4019377529621124, 0.014494728296995163, 0.697614312171936, -0.5265786051750183, 0.2647240161895752, -0.4817444086074829, -0.6193586587905884, -0.8559768795967102, 0.5870549082756042, 0.7901521921157837, -0.9827242493629456, 0.5886897444725037, -0.11674219369888306, -0.826595664024353, 1.025561809539795, 0.9075988531112671, 0.012714795768260956, 0.6580277681350708, 0.5778836011886597, -0.5839988589286804, 0.07259173691272736, 0.7921643257141113, 0.4779570400714874, 0.6098207235336304, -0.7316051721572876, 1.0293095111846924, 0.6983949542045593, 0.12658311426639557, -0.4636441171169281, -0.08458008617162704, -0.329359769821167, 0.6241869926452637, 1.0081815719604492, 0.4568067491054535, -0.9571681022644043, -0.42920783162117004, -0.740638792514801, -0.8247562050819397, -0.29342126846313477, 0.4008924961090088, 0.11315984278917313, -0.1837376058101654, 1.1955164670944214, 0.6621629595756531, 0.8143392205238342, 0.33958420157432556, -0.2396525889635086, -0.13336172699928284, -0.035031575709581375, 0.7558332085609436, -1.2200371026992798, 1.0691044330596924, 0.5094914436340332, -0.31186944246292114, -0.012763306498527527, -0.06051722913980484, -0.359384685754776, -0.17680644989013672, 0.8916079998016357, -0.2817535102367401, -0.27428388595581055, 0.9016852378845215, 0.5089647769927979, 0.6226361393928528, 0.45730483531951904, 0.02061690390110016, -0.38953864574432373, 0.6973719596862793, -0.07539048790931702, 1.283044457435608, 1.0459941625595093, -0.4871136248111725, 0.41650569438934326, 0.4139712452888489, -0.2851320207118988, 0.1698683202266693, 0.05590089410543442, 0.6427311897277832, 0.7125657796859741, -0.5817790031433105, -0.0889676958322525, 0.46626922488212585, 0.1204197034239769, -1.1799867153167725, 0.44588759541511536, -0.11991579830646515, -0.09420246630907059, -0.8921095728874207, -0.5448140501976013, -0.2843661904335022, -0.7916934490203857, 1.188806414604187, -0.556891918182373, 0.15181267261505127, -0.4620510935783386, -0.20091785490512848, -0.2633321285247803, -0.39652976393699646, -0.8376051783561707, -0.38749057054519653, -1.1831672191619873, -0.4117293655872345, -0.4275306463241577, -0.31726205348968506, 0.4456588625907898, -0.31706956028938293, -0.22286169230937958, -1.0572675466537476, -0.7144442200660706, 0.1567026972770691, 0.7748304605484009, -0.16869419813156128, -0.6528880596160889, 0.16654539108276367, 0.858625590801239, 1.3244518041610718, -1.1377067565917969, 1.219086766242981, 0.3880786895751953, -0.14328019320964813, -1.052303433418274, 0.2828335165977478, -0.06696857511997223, 0.4696781039237976, 1.1174428462982178, -0.9160782694816589, -0.46844232082366943, -0.7296614646911621, -0.5144551992416382, -0.9758102893829346, -0.633020281791687, 0.8442349433898926, -1.3237533569335938, 0.5474104881286621, -0.976998507976532, 0.6324350833892822, 0.914938747882843, -0.5875107049942017, -0.7199245691299438, -0.2310667335987091, -0.5811761617660522, 0.9644271731376648, -0.6683593392372131, -0.12176987528800964, -1.7681381702423096, -1.6643714904785156, -1.0044472217559814, -0.15352381765842438, 0.3864099383354187, 0.22958458960056305, 0.40216851234436035, 0.47350579500198364, -0.9943366050720215, -0.4523579478263855, -0.2263311892747879, 0.3804842531681061, 0.611203670501709, 0.16857944428920746, -0.19389697909355164, 0.28525349497795105, -0.31751468777656555, 0.4056743085384369, 0.6376738548278809, 0.36894547939300537, -1.9184728860855103, -0.7160679697990417, 0.28114718198776245, -0.20816348493099213, 0.44780421257019043, -1.3672484159469604, -0.30336886644363403, 0.6276277303695679, -0.4497322738170624, -0.805780827999115, -0.3232569992542267, -0.07029099762439728, -0.6699214577674866, 1.4743341207504272, 0.4860667288303375, 0.8524342775344849, 0.07312603294849396, -0.14396531879901886, 2.415743827819824, -0.8891262412071228, 0.23932036757469177, 0.8472053408622742, 0.34647804498672485, 0.06984784454107285, -0.4743982255458832, 0.35762542486190796, -1.1339739561080933, 0.18794691562652588, -1.3041731119155884, 0.2880283296108246, -0.6676636934280396, 0.12024269998073578, -0.08695366978645325, 1.0506041049957275, 0.08776447176933289, -1.358303189277649, -1.365734577178955, -1.01693594455719, -0.3103545308113098, 0.06268414109945297, -0.32468685507774353, 1.0931470394134521, 0.72902911901474, -0.9370943903923035, 0.817112922668457, 0.04392446577548981, 0.03408020734786987, -0.3146441876888275, -0.3044782280921936, 0.7687789797782898, 0.3239351511001587, 0.09283076971769333, 0.1258997619152069, -0.7933072447776794, -0.8647120594978333, -0.36494481563568115, -0.8389081358909607, 0.4760153889656067, 0.9762039184570312, -0.9649107456207275, -0.4287269711494446, 0.29371213912963867, -0.24456414580345154, 0.49419844150543213, 0.9191553592681885, 0.08186627179384232, 0.11482797563076019, -1.4233452081680298, -0.6063330769538879, -0.2189716398715973, 0.42378363013267517, -0.7391408085823059, -0.12691867351531982, -0.6676175594329834, -0.12424910068511963, 0.5475847125053406, -0.30923277139663696, -0.832912802696228, -0.16917338967323303, -0.6848115921020508, 0.29828721284866333, 0.504481315612793, -0.6788693070411682, -0.4147278964519501, 0.02566368132829666, -1.3084070682525635, 0.9331105947494507, 0.21876634657382965, -0.724990725517273, 0.2488137185573578, 0.6458355784416199, 0.18356993794441223, -0.42798689007759094, 1.0037708282470703, 0.07404069602489471, -0.6271094083786011, 0.7632409334182739, 0.3987269401550293, -0.6529825925827026, 0.5354118347167969, 0.769088864326477, 0.5249649882316589, 0.61055588722229, 0.908343493938446]} +{"paper_id": "squad_v2", "embedding": [-0.19785882532596588, 0.6166578531265259, -0.2506154775619507, -0.16806888580322266, 0.45263057947158813, -0.046781811863183975, 0.37914717197418213, 0.753461480140686, 0.8280300498008728, 0.36149337887763977, 0.4808104932308197, -0.20878790318965912, 0.5921030640602112, 0.6209372878074646, -0.0283975787460804, -0.679100513458252, -0.8263266086578369, -0.5590283870697021, -1.5926761627197266, -0.28315281867980957, -0.9125106334686279, -0.7431918382644653, 0.0047208406031131744, 1.2621307373046875, -0.4742048382759094, -1.1960370540618896, 0.8966341614723206, -1.0885555744171143, 0.3258785307407379, -0.015428561717271805, -0.018182553350925446, 0.9354940056800842, -1.1663706302642822, 0.5075035095214844, -0.33019378781318665, -0.5923635363578796, 0.2750646770000458, 1.0254154205322266, 0.15193390846252441, -0.5391542911529541, -0.45931294560432434, 0.3538582921028137, 0.5149988532066345, -0.00024508871138095856, 0.8366062641143799, -0.4337354898452759, 0.7517040967941284, -0.22515393793582916, -0.4078023433685303, -0.040400560945272446, -0.7250832319259644, 0.23479411005973816, -0.26363271474838257, 0.6514542102813721, -0.04718156158924103, 0.542494535446167, 0.20695644617080688, -0.8503074645996094, 0.5862979888916016, -0.7589865922927856, 1.4998537302017212, 1.717538833618164, -0.2291223555803299, 0.4834516942501068, 1.5584988594055176, -0.18467581272125244, 1.0979048013687134, 0.010135382413864136, -0.22911719977855682, 1.1427940130233765, -0.4400409460067749, -0.01067863404750824, 0.43762582540512085, -0.4196506142616272, 0.3095666170120239, 0.6674767732620239, -0.18424317240715027, 0.03906036913394928, -0.1253286898136139, -0.2521287798881531, -0.19996698200702667, -0.03007490560412407, 0.7478119730949402, -0.20198720693588257, 0.2393040508031845, 0.054201990365982056, 0.2484426498413086, -0.9312126040458679, 0.3224083483219147, -1.859838843345642, 0.43093931674957275, 0.44515570998191833, -0.14766308665275574, 0.09307058155536652, -0.3275783658027649, 0.6606854200363159, -0.7015313506126404, 0.054372794926166534, 0.007945284247398376, -0.019528541713953018, 0.5922113060951233, -0.13909921050071716, 0.6200978755950928, -0.30516597628593445, 0.184966579079628, 0.2254447191953659, 0.29756394028663635, -0.29105252027511597, -0.674557089805603, -1.054391860961914, 0.3199635148048401, 0.7989656329154968, -0.1874566227197647, 0.37901490926742554, -0.06655747443437576, 0.7162345051765442, 0.4285498857498169, -1.0926481485366821, -0.11526482552289963, 0.20961454510688782, -0.050353437662124634, -0.7717533707618713, -0.48593997955322266, -0.6033877730369568, 0.6170153021812439, -0.34831127524375916, -0.3102254867553711, -0.9732236266136169, -0.28539979457855225, 0.30250704288482666, 0.7566431760787964, 0.21628187596797943, -0.6097298860549927, -0.11832217872142792, 2.8581199645996094, -1.1830291748046875, 1.3501909971237183, -0.6782148480415344, 0.08616265654563904, -0.7227901220321655, -0.682823657989502, 1.4535753726959229, -0.23423239588737488, -0.8483077883720398, -0.7330948710441589, 0.4890928864479065, -0.3941943943500519, 0.37915197014808655, -1.1503686904907227, -0.43916118144989014, 0.0350964330136776, 0.047599393874406815, -1.4781816005706787, -0.6181870102882385, 0.1377222090959549, 0.39610743522644043, 0.1054760217666626, 0.5986841917037964, -0.32521167397499084, 0.9951884150505066, -0.08626628667116165, 0.03417355194687843, -0.3906364440917969, 0.36179620027542114, -0.7674365639686584, -0.12100731581449509, 0.7086780071258545, -0.05377037078142166, -0.6726242303848267, 0.1516248881816864, -0.06921765953302383, -0.32614666223526, -0.24242445826530457, 0.048897646367549896, -0.31476524472236633, 0.15237000584602356, 0.5389356017112732, 0.5150907039642334, 0.4374884068965912, -0.8229223489761353, 0.10107913613319397, -0.20505593717098236, 0.27989718317985535, 0.9024224877357483, -0.026866475120186806, 0.5928502678871155, -2.607482433319092, 0.10876815021038055, -0.43450629711151123, 1.226421594619751, -0.24756892025470734, 0.1681891232728958, 0.2601465880870819, 0.28628993034362793, -0.1023753434419632, -0.7386458516120911, 0.5821460485458374, -1.000532627105713, 0.513994574546814, 0.1545296460390091, 0.12930329144001007, -0.06869152933359146, 0.565679669380188, 0.9231423139572144, 0.5027362108230591, -0.4241192936897278, -1.2618303298950195, -1.736238956451416, 0.10041458904743195, 2.145268678665161, 0.2480643093585968, -0.20515763759613037, -0.7515274286270142, -0.6094445586204529, 0.06693897396326065, -0.2309487909078598, -0.007627677172422409, -0.5603509545326233, 0.04714225232601166, -0.8180088400840759, 0.914273738861084, -0.7898070812225342, -0.33106282353401184, 0.7029926180839539, 1.5859860181808472, -0.5453813076019287, -0.3491409420967102, -0.8187581896781921, -0.15949487686157227, 0.3097977042198181, 0.8207641243934631, 0.14016172289848328, -0.422421932220459, 0.4481933116912842, 0.5075913667678833, 1.2280938625335693, 0.5937832593917847, 0.6451189517974854, -0.7039908170700073, 0.40973570942878723, -0.5067687034606934, 1.726452350616455, -0.09969578683376312, 0.03922676295042038, -0.09320582449436188, -0.11195209622383118, -0.5455548167228699, -0.129415363073349, -0.21916818618774414, -0.08532818406820297, 0.7323170304298401, 0.5379295945167542, -0.44350168108940125, 0.7059974074363708, -0.6073157787322998, -0.30424150824546814, 0.03996024280786514, -0.31178903579711914, -0.751853883266449, -0.30646657943725586, 0.6551594138145447, -0.3370501697063446, -0.08467476069927216, -0.1576860547065735, 0.21009981632232666, -1.165261149406433, -0.7269024848937988, 0.5286206603050232, -0.017219863831996918, -0.7013914585113525, -0.42217037081718445, -0.27604401111602783, -1.2302974462509155, -0.24362149834632874, 0.23046550154685974, -0.2500884532928467, -0.06449243426322937, 0.5241509675979614, 1.6590583324432373, -0.020563839003443718, 0.34829390048980713, 0.08991535007953644, 1.3231045007705688, -0.744595468044281, 0.1331462562084198, -0.2088697999715805, 0.2814110219478607, -1.1952342987060547, 0.10785821080207825, -0.8045492768287659, 0.16156968474388123, 0.872898519039154, 0.12249734252691269, 1.2059732675552368, -0.1899825930595398, -1.1593987941741943, 0.7884160280227661, -0.1928950399160385, -0.14354625344276428, -0.6756981015205383, 1.5599243640899658, 0.02565641887485981, -0.49710074067115784, 0.9927125573158264, -0.14829765260219574, -0.4150724411010742, 0.7041165232658386, -0.09391014277935028, -0.13506823778152466, 0.48135846853256226, -0.32187318801879883, 0.006670951843261719, 0.4228496551513672, -1.8335182666778564, 1.0673573017120361, 1.1287579536437988, -0.36785149574279785, -0.27127695083618164, -0.8180732727050781, 0.2527390718460083, -0.2858983278274536, 0.32770365476608276, 1.1348521709442139, -0.4113905429840088, 0.5508420467376709, -0.4890371561050415, 0.15791064500808716, 0.5126650929450989, 0.17316636443138123, 0.47725334763526917, 0.5008260607719421, 0.6368783116340637, -1.0601050853729248, -0.6648612022399902, 1.0846422910690308, -0.4223504066467285, 0.27376115322113037, 0.28679534792900085, 0.766403317451477, 0.7961419820785522, -0.02558068186044693, -0.26000919938087463, 0.21424777805805206, 0.3976813852787018, -0.043831244111061096, -0.3030047118663788, -0.12312102317810059, 0.5036696195602417, -0.3202873468399048, 1.3031854629516602, -0.4995976388454437, -0.5184532403945923, -0.7165248394012451, -0.195072203874588, -0.15083524584770203, 0.05334398150444031, 1.5795680284500122, 0.3722410500049591, 1.3675498962402344, 0.5994389057159424, 0.05347699671983719, -0.3685104250907898, -0.27186018228530884, 0.5181405544281006, 0.1517520248889923, 0.3458439111709595, -0.6541746854782104, -0.024893641471862793, 1.101865530014038, 0.4996369183063507, -0.8224607706069946, 0.3957989811897278, 0.4739038050174713, -0.22505749762058258, -1.186461329460144, 0.9147422313690186, 0.8228077292442322, 0.5783021450042725, 1.5576231479644775, -0.8299733996391296, 0.12944680452346802, -0.15964721143245697, -0.08132121711969376, -0.20737136900424957, 0.47213053703308105, -0.02372143417596817, 0.7075409889221191, 0.11717875301837921, 0.898402750492096, 0.011578381061553955, 1.4520881175994873, 1.5564868450164795, -0.6874774694442749, -1.2200798988342285, 0.07732361555099487, -0.772925615310669, 0.15403863787651062, 0.7915314435958862, 0.2417878806591034, -0.34034043550491333, 0.47146183252334595, 0.3034607470035553, -0.9686499238014221, 0.15914508700370789, -0.3293301463127136, -1.300018310546875, 0.6786419153213501, 1.1718919277191162, -0.6592716574668884, -0.41283291578292847, -0.22510656714439392, -0.9088017344474792, -0.18450069427490234, 0.04286165535449982, -1.3265496492385864, 0.6356449127197266, 0.17657649517059326, 0.9403527975082397, 0.018226994201540947, -0.0033783242106437683, -1.418289065361023, 1.3962972164154053, 0.9022361636161804, -1.1113020181655884, 0.4863303601741791, 0.4005427658557892, 0.8825858235359192, 0.2479432225227356, -1.236612319946289, -0.5547559857368469, 0.9662249684333801, -0.16997113823890686, 0.029133114963769913, -1.0183019638061523, -0.33147111535072327, 0.856968104839325, 0.6595252156257629, 0.668150782585144, -0.6933838129043579, 0.26202917098999023, -1.1682369709014893, 0.0853966623544693, 0.706694483757019, -1.0182470083236694, -0.9167495965957642, 0.26714974641799927, -0.45917248725891113, 0.5788811445236206, -0.008681513369083405, 0.025788206607103348, 1.6597262620925903, -0.25568169355392456, -0.3202332854270935, -0.2176923155784607, -11.991348266601562, 0.8944345712661743, -0.08248566836118698, -0.03137608617544174, 0.4498698115348816, 0.13099896907806396, 0.5410159826278687, 0.07885132730007172, 0.2741135358810425, -0.7107295393943787, 0.2914091646671295, 0.8479315638542175, 0.4798751175403595, 0.16296067833900452, -0.8444751501083374, -0.8909174799919128, -0.5236909985542297, -0.9536109566688538, 0.6194695234298706, 0.28094515204429626, -0.101250559091568, -0.4361076354980469, -0.07813521474599838, -0.20076708495616913, 0.5013728141784668, -0.3779699504375458, -0.8159705996513367, -0.2464102953672409, -0.18979540467262268, 0.0003537312150001526, 0.37617436051368713, -0.041087206453084946, -0.6234817504882812, -0.18876811861991882, -0.07249805331230164, -0.621680498123169, -1.0022087097167969, -0.3044714629650116, 0.604623019695282, -0.6965811252593994, -0.40419429540634155, -0.23502910137176514, 0.5790244340896606, -0.5183306336402893, -0.23590056598186493, 0.29108160734176636, 0.2516981363296509, -0.8245254158973694, -0.018602080643177032, -0.2421347200870514, -0.89873206615448, -0.25388920307159424, -0.9471583366394043, -0.8466439247131348, 0.3620697557926178, 0.12125006318092346, -0.8543481230735779, -0.26151856780052185, -0.09376935660839081, -0.7280642986297607, 0.3491976261138916, 0.21311882138252258, -0.47688567638397217, 0.28102225065231323, 0.09860196709632874, -0.15891216695308685, 0.11764293164014816, 0.16454686224460602, -0.0992613434791565, 0.6230577230453491, -0.8264121413230896, 1.3603966236114502, 0.16489824652671814, 0.8274133801460266, -0.7741557955741882, 0.2316822111606598, -0.8924593329429626, -0.37055355310440063, 0.642085075378418, -0.011776495724916458, -1.4722379446029663, 0.5760514736175537, 0.6262986660003662, -0.40467149019241333, -0.6805800199508667, 0.4594193994998932, 0.05839896947145462, 0.41069450974464417, 1.0090882778167725, -0.6841638684272766, 1.0608896017074585, 0.1706409454345703, -0.7374706268310547, -0.48128241300582886, -0.3555644154548645, 0.7160300612449646, -0.8698227405548096, 0.33607813715934753, 0.37904927134513855, -0.36400285363197327, -0.13216525316238403, -0.2821294367313385, -0.5659452676773071, -0.08611159771680832, 1.0370641946792603, 0.05846618860960007, 0.08452112972736359, -0.0676424652338028, -0.07371358573436737, -0.8724721670150757, 0.8676764965057373, 0.5712753534317017, 0.008533172309398651, 1.61821711063385, -0.6471048593521118, 0.6398464441299438, 0.574455201625824, 0.107484370470047, 0.1110585555434227, 0.8290541768074036, -1.173633098602295, 0.8512809872627258, 0.26476985216140747, 1.7375727891921997, -0.20955853164196014, 0.11959107220172882, 0.13528376817703247, 0.33329030871391296, -0.1730530709028244, -1.1524381637573242, 0.4167323708534241, -0.4111925959587097, -0.11212928593158722, -0.6525872349739075, 0.02839573100209236, 0.5350381135940552, -0.48240911960601807, 1.817151665687561, -0.9672494530677795, -0.25265106558799744, -0.11230182647705078, 0.1176307201385498, -1.0008621215820312, -1.0761646032333374, -0.8222866654396057, 0.3668505549430847, -1.771821141242981, 0.41579556465148926, -0.045964326709508896, -0.5255284905433655, -0.19709695875644684, -0.7487828731536865, 0.6740816831588745, -0.4888225793838501, -0.2834431231021881, -0.6001715064048767, 0.5577458143234253, -0.7050513625144958, -0.6843202114105225, -0.13778012990951538, 0.4913058876991272, 1.132075309753418, -0.9313462972640991, 1.3346893787384033, 0.25485026836395264, -0.759469211101532, -0.836327075958252, 0.403609037399292, -0.5159326195716858, 0.474539577960968, 0.7532135248184204, -0.8934277296066284, -0.4221648871898651, -0.5162177681922913, -0.2221948802471161, -0.6824883222579956, -0.18660476803779602, 0.9552456140518188, -1.4729679822921753, -0.26936715841293335, -0.7274314165115356, 0.7248601317405701, 0.191467747092247, -0.37751394510269165, -0.7617760896682739, 0.4644658863544464, -0.3406651020050049, 0.6676344871520996, 0.17031435668468475, 1.000770926475525, -1.2664713859558105, -1.013282299041748, -0.3911404311656952, -0.2968512177467346, 0.625514566898346, 0.557188093662262, 0.6425443887710571, 0.37395694851875305, -0.5719728469848633, -0.3555670976638794, -0.10056933760643005, 0.285109281539917, 0.3333081603050232, 0.6223379969596863, -0.5567235946655273, 0.7051306962966919, -0.4775817394256592, 0.2622731626033783, 0.7665969133377075, 1.3792418241500854, -0.7755959630012512, -0.5398612022399902, 0.020830772817134857, -0.08202549815177917, -0.2629661560058594, -1.5095024108886719, -0.3082984387874603, -0.35399970412254333, -0.38681575655937195, -1.1751900911331177, 0.2770772874355316, 1.4498505592346191, -0.14873427152633667, 0.5671780705451965, 0.6495386362075806, 1.0734132528305054, 0.9186564087867737, 0.047151386737823486, 0.7442156076431274, 0.02152174524962902, 0.3400416076183319, 0.3874099552631378, 0.2846674621105194, 0.23572677373886108, -0.1520986407995224, -0.8892762660980225, -0.5627480745315552, 0.2763502895832062, -0.2957119345664978, 0.8652662634849548, 0.3937531113624573, 0.4746970236301422, 1.094937801361084, 1.1175583600997925, 0.29752910137176514, -1.6260569095611572, -0.41010597348213196, -1.4485703706741333, 0.33621925115585327, 0.7090526223182678, 0.5300460457801819, 0.24227726459503174, 0.7341300845146179, -0.8143278360366821, 1.0682947635650635, -0.7136983275413513, 0.4077489972114563, -0.06149730831384659, -0.2849521040916443, 0.7853912711143494, 0.5353723168373108, 0.5168425440788269, 0.21113519370555878, -0.7337387204170227, -1.1349682807922363, -0.12740427255630493, -0.5401750802993774, 1.037499189376831, 0.41315126419067383, -0.31561318039894104, -0.009892724454402924, -0.24615611135959625, 0.835997998714447, 0.08227433264255524, 1.2750784158706665, -0.06664592772722244, -0.1840398907661438, -0.23303230106830597, -1.0430488586425781, -0.22400225698947906, 0.5350773334503174, 0.0857037752866745, -0.19117864966392517, -0.1343650370836258, 0.11580385267734528, 0.32810887694358826, 0.10450741648674011, -0.5769492387771606, -0.4593411087989807, -0.4609193205833435, 0.17795400321483612, 0.5939643383026123, -0.7314895987510681, -0.8203151822090149, -0.2083835005760193, -0.9853459596633911, 0.28232118487358093, 0.4507390260696411, -0.6084349751472473, -0.4704645574092865, 0.3570246994495392, 0.005617082118988037, 0.369417667388916, 0.1737050563097, -0.09600645303726196, -1.4570386409759521, 0.5414820909500122, 0.9191516041755676, -0.889120876789093, -0.17119276523590088, 0.2049495279788971, 0.6503178477287292, 0.2634637951850891, 1.4723416566848755]} +{"paper_id": "anli", "embedding": [0.21226945519447327, 1.0473871231079102, -0.4458075165748596, -0.40580224990844727, 0.035763341933488846, 0.0753173977136612, 0.7361816763877869, 0.520845353603363, 1.1804471015930176, 1.1587793827056885, 0.472871333360672, -0.047642044723033905, 0.0656026154756546, -0.6506646275520325, -0.31487494707107544, -0.7561196088790894, -0.7743779420852661, -0.920677661895752, -1.4576367139816284, -0.2786512076854706, -1.4236547946929932, -0.058767929673194885, 0.12714365124702454, 0.7757259011268616, -0.5438503623008728, -0.9323898553848267, 0.9131046533584595, -0.8255940675735474, 0.1474182903766632, 0.15172086656093597, -0.21177473664283752, 0.95289146900177, -1.6370967626571655, 0.2748708128929138, -0.4817729592323303, -0.6643999814987183, 0.21989618241786957, 0.7059481143951416, -0.0019897371530532837, -0.2803262770175934, -0.7899675369262695, -0.12912452220916748, 0.25811341404914856, 0.2402491420507431, 0.6368886828422546, -0.7810013294219971, -0.16656817495822906, 0.33582401275634766, -0.3672634959220886, 0.013314399868249893, -0.44315317273139954, -0.24010154604911804, -0.17957305908203125, 0.2813757061958313, -0.5701769590377808, 0.9699209332466125, 0.5292254686355591, -1.0054035186767578, 0.9082091450691223, -0.9555246829986572, 1.344838261604309, 1.7026700973510742, -0.7607093453407288, 0.34237104654312134, 1.091744303703308, 0.28333842754364014, 1.5608928203582764, 0.6195735335350037, 0.3697461485862732, 0.8092190623283386, -0.48825913667678833, -0.49786821007728577, 0.40856045484542847, 0.23324543237686157, 0.5896810293197632, 1.1141176223754883, -0.07535074651241302, -0.17323294281959534, 0.4441000521183014, -0.35696715116500854, -0.680156946182251, 0.576808512210846, 0.20755623281002045, -0.6275889873504639, -0.01855640485882759, 0.4806201756000519, 0.08942738175392151, -0.8639068007469177, 0.34522590041160583, -1.9884154796600342, 0.6163267493247986, 0.4098883271217346, -0.3236888349056244, -0.1255255937576294, -0.2129109501838684, 0.31468555331230164, -0.07143761962652206, -0.385900616645813, -0.38541531562805176, 0.6259106397628784, 0.8496485352516174, -0.29686951637268066, 0.6766037344932556, 0.21324101090431213, 0.2994515299797058, 0.6220378875732422, -0.26826512813568115, -0.26789385080337524, -0.9650275111198425, -0.5883374810218811, -0.1130746454000473, 1.517054796218872, -0.09697268158197403, 0.6785295605659485, 0.39940494298934937, 0.199031800031662, 0.7886486053466797, -0.8238345384597778, -0.6501635909080505, -0.0293598473072052, -0.11723252385854721, -1.1463298797607422, -0.28094229102134705, -0.4301490783691406, 0.4329078197479248, -0.6434336304664612, 0.4579918384552002, -0.33844056725502014, 0.175040602684021, 0.4809582531452179, 0.6407339572906494, 0.29946473240852356, -0.791264533996582, 0.11393480002880096, 2.928752899169922, -0.9923657178878784, 1.4586330652236938, -0.5585856437683105, -0.010229276493191719, -0.6836436986923218, 0.38261598348617554, 1.5055615901947021, 0.3853236138820648, -0.901893675327301, -0.800682008266449, 0.2019602209329605, -0.6354997158050537, 0.12529303133487701, -1.3107538223266602, -0.21400921046733856, 0.010235421359539032, 0.26607540249824524, -1.201790690422058, -0.6954307556152344, 0.29580554366111755, 0.38530364632606506, 0.05173400044441223, 0.5977423787117004, -0.3622013032436371, 1.193748950958252, 0.5327805280685425, -0.2360796481370926, -0.022192388772964478, 0.31147971749305725, -0.95367830991745, -0.2179585099220276, 0.737977147102356, -0.12699289619922638, -0.12672200798988342, -0.5161165595054626, 0.8093564510345459, -0.39831408858299255, -0.28462475538253784, -0.047973424196243286, 0.06723462790250778, 0.5174299478530884, 0.4859611392021179, 0.6458284854888916, 0.026279840618371964, -0.6211535334587097, -0.40458908677101135, -0.5649105906486511, 0.11338632553815842, 0.6312692165374756, -0.3293083608150482, 0.7109775543212891, -2.398106575012207, 0.23333299160003662, 0.24613405764102936, 0.8068328499794006, -0.22639888525009155, -0.341707319021225, 0.10826709121465683, 0.5093936324119568, 0.09927146136760712, -0.20282529294490814, 0.8247961401939392, -1.0072492361068726, -0.29421985149383545, 0.6401948928833008, -0.39711126685142517, -0.5281060934066772, 0.04731130599975586, 1.1633917093276978, 0.7434654831886292, -0.29580333828926086, -0.8003815412521362, -1.5173273086547852, 0.41932374238967896, 2.375498056411743, 0.5110233426094055, -1.078810214996338, -0.7406787276268005, -0.3985990881919861, 0.24657142162322998, -0.4968593120574951, 0.2252494990825653, -0.7558081746101379, 0.12083747237920761, -1.3989500999450684, 0.6541545987129211, -0.8120273351669312, -0.14968633651733398, 0.6399369835853577, 1.4838995933532715, -0.18613165616989136, -0.3534404933452606, -0.17790305614471436, -0.7927250266075134, 0.3698711395263672, 0.765495777130127, 0.28258779644966125, -0.015101943165063858, 0.9270240664482117, -0.33512192964553833, 0.535755455493927, 0.6550737023353577, 0.3971650302410126, -0.5887210965156555, -0.03905794024467468, -0.14421725273132324, 0.5597876906394958, -0.3900330066680908, -0.21334195137023926, -0.27532774209976196, 0.2344171404838562, -0.3541813790798187, -0.8874192833900452, -0.09542134404182434, 0.04093445837497711, 1.4972747564315796, 1.2425998449325562, -0.407181054353714, 0.20473963022232056, -0.5306645035743713, 0.3117678165435791, -0.42353835701942444, -0.3571612238883972, -0.19392549991607666, -0.25093787908554077, 0.35243651270866394, -0.4912319481372833, 0.22930574417114258, -0.37884294986724854, 0.449992299079895, -1.1564457416534424, -0.6010973453521729, 0.08292878419160843, -0.5182446837425232, -1.070186972618103, -0.31415772438049316, 0.27932286262512207, -0.8321592807769775, -0.1921442151069641, -0.257507860660553, 0.3413613736629486, 0.27863457798957825, 1.1649055480957031, 1.7423124313354492, 0.1634996384382248, 0.16589820384979248, 0.25641345977783203, 1.3499263525009155, -0.5826218724250793, 0.3308407962322235, -0.22228650748729706, 0.7544810771942139, -0.6723129749298096, 0.06994815170764923, -0.8784706592559814, 0.8051483035087585, 0.2419011890888214, -0.20770686864852905, 0.6069920063018799, -0.3089572787284851, -1.6413037776947021, 0.7128407955169678, -0.7097153663635254, 0.49410560727119446, -0.5489823222160339, 1.9051368236541748, 0.5553737878799438, -0.6537103056907654, 0.4451904892921448, 0.16856536269187927, -0.23288090527057648, 0.87593013048172, -0.7567740678787231, 0.5559151768684387, -0.036179251968860626, 0.06423398107290268, 0.538208544254303, 0.14723128080368042, -2.3171839714050293, 0.14775246381759644, 1.1240819692611694, 0.038461726158857346, -0.6397236585617065, -0.6355435252189636, 0.4120144844055176, -0.4543737769126892, 0.2199479639530182, 0.42233917117118835, -1.343043565750122, 0.488903671503067, -0.13111719489097595, 0.4864245653152466, 0.9930585622787476, -0.5081371665000916, 0.43109244108200073, 0.9985030293464661, 0.629766047000885, -0.9006829857826233, -0.15291079878807068, 0.9584922194480896, -0.7360408306121826, -0.11801637709140778, 0.06308382004499435, 1.015988826751709, 1.0555068254470825, -0.16232988238334656, -0.08355876058340073, 0.6516076326370239, 0.31097468733787537, 0.042724501341581345, 0.44450291991233826, -0.13220688700675964, 0.28637078404426575, 0.21581660211086273, 0.9521145224571228, -0.11108577251434326, -0.6477982997894287, -0.9596527218818665, -0.14527873694896698, -0.13819321990013123, -0.8175822496414185, 1.6747938394546509, 0.5878981351852417, 1.2659931182861328, 0.7088401913642883, 0.36441460251808167, -0.7192605137825012, 0.3164937496185303, 0.37212371826171875, 0.39753204584121704, -0.38806432485580444, -0.2401314377784729, 0.13811422884464264, 0.3590211570262909, 0.1632266342639923, -0.4525209963321686, -0.03959627076983452, 0.6204232573509216, 0.049833688884973526, -1.3578455448150635, 0.03396919369697571, 1.0672924518585205, 0.6992968916893005, 2.0242092609405518, -0.7204583883285522, -0.18290671706199646, 0.7397617101669312, 0.7483542561531067, 0.27707305550575256, -0.020637985318899155, -0.23156937956809998, 0.5600268840789795, 0.3329791724681854, 0.9675068259239197, -0.21381638944149017, 0.7748576998710632, 0.7554748058319092, -0.314193993806839, -0.7999496459960938, -0.4587172269821167, -0.9178194403648376, -0.7127557992935181, -0.0447920523583889, -0.24655862152576447, -0.6225727200508118, 0.6532986760139465, -0.7189068794250488, -0.9254534244537354, 0.8935055732727051, -0.5059970617294312, -1.3023772239685059, 0.8383179903030396, 1.4443942308425903, -1.0276850461959839, -0.2530325651168823, -0.17009487748146057, -1.002269983291626, -0.7430697083473206, 0.20834559202194214, -0.9010642170906067, 0.27657172083854675, -0.2520996034145355, 1.5362908840179443, 0.20794881880283356, -0.28831014037132263, -0.8203337788581848, 0.5391103029251099, 1.3115473985671997, -0.7588813900947571, 0.7495740652084351, -0.19693806767463684, 0.37856733798980713, -0.6272010803222656, -0.9281249642372131, -0.24023564159870148, 1.176228642463684, 0.11797241866588593, 0.14069612324237823, -0.8461869359016418, -0.7115868926048279, -0.08168280124664307, -0.10040369629859924, 1.1254181861877441, -1.047762155532837, -0.32342374324798584, 0.12193113565444946, 0.2825457751750946, 0.46274644136428833, -0.43203842639923096, -0.9119675755500793, 0.6719295978546143, -0.2375909388065338, 0.7643548250198364, 0.196358323097229, 0.7231590747833252, 0.9211515188217163, -0.13183461129665375, -0.06144845485687256, -0.3313184082508087, -11.88871955871582, 0.4158867597579956, -0.11146556586027145, 0.06184890866279602, 0.44232484698295593, -0.6853258013725281, 0.6238698959350586, -0.07039898633956909, 0.23345278203487396, -0.4727400839328766, 0.5455650687217712, 1.3918588161468506, 0.1799190640449524, -0.5620953440666199, -0.002910989336669445, -0.9085888862609863, -0.7781010270118713, -0.8350756764411926, 0.5457937121391296, 0.3052084147930145, -0.27895283699035645, -0.9876211881637573, 0.021358445286750793, -0.05074550583958626, 0.44635531306266785, -0.1476832926273346, -0.626234233379364, -0.020158298313617706, -0.2951686382293701, 0.17902570962905884, 0.3328489065170288, 0.18081223964691162, -1.118208646774292, -0.6073941588401794, 0.5570782423019409, -0.4469829797744751, -0.8870260715484619, -0.25524449348449707, 0.9343875050544739, 0.02046074904501438, -0.820568323135376, 0.2756602168083191, 0.23822417855262756, -0.22996599972248077, -0.5699892044067383, 0.3435526490211487, 0.7403830289840698, -0.9502453207969666, -0.3703881502151489, -0.5970609188079834, -0.4015321135520935, -0.6744320392608643, -0.8890908360481262, -0.8399308919906616, 0.9743449091911316, 0.024232303723692894, -0.19411495327949524, -0.05980455502867699, -0.04204953834414482, -0.868194580078125, 0.0635150820016861, 0.2740851044654846, -0.7052443027496338, -0.04880329594016075, 0.46701085567474365, -0.36974263191223145, 0.4448625147342682, 0.562237024307251, 0.18960916996002197, 0.6459493041038513, -0.9927608370780945, 1.0306020975112915, 0.24019542336463928, 0.029952384531497955, -0.5986610054969788, -0.05592934042215347, -0.23362326622009277, -0.5683230757713318, 0.3996436595916748, 0.28500130772590637, -0.9549504518508911, 0.4073060154914856, -0.027124792337417603, -0.3338318467140198, -0.9781022071838379, 0.16863219439983368, -0.12862750887870789, -0.010118674486875534, 0.5208970308303833, -0.06855404376983643, 0.6457861065864563, -0.3708478510379791, -0.6407284140586853, 0.49716559052467346, -0.5615658760070801, 0.798029363155365, -0.7332212924957275, 0.6525474190711975, 0.11331561207771301, -0.6859443187713623, 0.42956769466400146, -0.2997422218322754, -0.2561877965927124, 0.04240434989333153, 0.6076432466506958, 0.049903132021427155, -0.14247426390647888, 0.2152899205684662, 0.45978841185569763, -0.3483208119869232, 0.8700450658798218, 0.25593301653862, -0.07743595540523529, 0.8797408938407898, -0.04241473972797394, 0.6956682801246643, 0.7452295422554016, 0.10215012729167938, 0.44680631160736084, 0.46993350982666016, -0.8610261082649231, 1.2325224876403809, 0.3290960490703583, 1.224441409111023, 0.16768723726272583, -0.266306072473526, 0.5969961285591125, 0.2778621017932892, 0.31931957602500916, -1.6578528881072998, 0.2732374966144562, -0.5147015452384949, -0.210440993309021, -0.684267520904541, 0.014809194952249527, -0.1763886958360672, -1.498669147491455, 1.4039853811264038, -0.5756922960281372, -0.15978896617889404, 0.14173553884029388, -0.21481306850910187, -0.13118597865104675, -0.7799600958824158, -0.9929665327072144, -0.0591505691409111, -1.9159674644470215, -0.0326637364923954, -0.5010216236114502, -0.6684759855270386, -0.017364557832479477, -0.0871911346912384, 1.0007319450378418, -0.8081718683242798, -0.10573451220989227, -0.1790105700492859, 0.7548976540565491, -0.24558869004249573, -0.30320799350738525, -0.42762139439582825, 0.29954880475997925, 1.1329532861709595, -0.6338308453559875, 0.8168184161186218, 0.3426115810871124, -0.23639248311519623, -0.14861103892326355, 0.30787065625190735, -0.23062139749526978, 0.3667062819004059, 1.0783164501190186, -1.1930785179138184, -0.06571249663829803, -1.0367610454559326, -0.6189002394676208, -1.2105693817138672, -0.01436346024274826, 1.641430139541626, -0.5812437534332275, -0.02781301736831665, 0.16105273365974426, 0.8447234034538269, 0.3945242166519165, -0.5621079802513123, -0.6184138059616089, -0.22778397798538208, 0.35360151529312134, 0.5511229038238525, 0.19742916524410248, 0.830363929271698, -1.4319114685058594, -0.8658490180969238, -0.5192644000053406, -0.2229814976453781, 0.11195927858352661, 0.325771301984787, 0.8449693322181702, 0.8221603631973267, 0.1831539273262024, 0.43552711606025696, -0.17272570729255676, 0.6682653427124023, 0.3903011679649353, 0.3254029154777527, 0.10451154410839081, -0.1568298041820526, -0.12404099851846695, 0.3099096715450287, 0.0014074379578232765, 0.5754359364509583, -1.0279611349105835, -0.13958489894866943, -0.040484603494405746, -0.27235308289527893, 0.07040943205356598, -0.8791593313217163, -0.045202940702438354, -0.06077763810753822, -0.2685997784137726, -1.0690202713012695, 0.45517581701278687, 1.0698901414871216, -0.0503433421254158, 0.6747707724571228, 0.7547217011451721, -0.07046692073345184, 0.4187021553516388, 0.4474322199821472, 1.6314340829849243, -0.39087268710136414, -0.1861732006072998, -0.11917734146118164, 0.5885055065155029, -0.4544444978237152, -0.09134537726640701, -0.45050376653671265, -1.3311063051223755, 0.5237410664558411, -0.39383745193481445, 0.4186978042125702, -0.25314974784851074, -0.15088023245334625, 0.7064680457115173, 1.1656290292739868, -0.35079365968704224, -1.3049771785736084, -0.33090686798095703, -1.6452701091766357, -0.011340305209159851, -0.0023498162627220154, 0.5188387632369995, 1.4343972206115723, 0.8083996772766113, -0.12770013511180878, 1.2843807935714722, -0.07021833956241608, -0.2634574770927429, -0.48355579376220703, 0.023277707397937775, 1.7127304077148438, 0.4622398912906647, 0.41586530208587646, 0.18740125000476837, -0.8954889178276062, -0.741165816783905, -0.32258477807044983, -0.24447821080684662, 0.8869607448577881, 0.6440284252166748, -0.46792691946029663, -0.06682539731264114, -0.6126304864883423, 0.09702794253826141, 0.018701918423175812, 0.4471336007118225, 0.09051121771335602, -0.061211958527565, -0.6798821687698364, -0.7713679075241089, -0.17014044523239136, 1.2522168159484863, -0.1197585016489029, -0.160214364528656, -0.7055883407592773, 0.2984168827533722, -0.11270643770694733, -0.26682040095329285, -0.865399181842804, 0.07611143589019775, -0.8613496422767639, -0.06659456342458725, 0.5848950147628784, -0.8287502527236938, -0.5343492031097412, -0.052592601627111435, -0.7581545114517212, 0.9124898910522461, -0.4568009376525879, -0.766289234161377, -0.5911781787872314, 0.4683696925640106, -0.09919469803571701, -0.17472253739833832, 0.47903382778167725, -0.17501607537269592, -1.5664303302764893, 0.6167375445365906, 1.3203388452529907, -0.7539549469947815, -0.0915636420249939, 0.34764525294303894, 0.4245518445968628, -0.018926911056041718, 1.5226420164108276]} +{"paper_id": "xsum", "embedding": [-0.18022873997688293, 1.4155490398406982, 0.16304001212120056, 0.6670987606048584, 0.4039430320262909, -0.2869599461555481, 0.7125715017318726, 0.9478437900543213, 0.6755537986755371, 0.21841080486774445, 1.192579746246338, 0.48975810408592224, 0.6657448410987854, 0.6603227853775024, -0.01433466374874115, 0.06762386858463287, -0.6833072304725647, -0.38227811455726624, -0.647769033908844, -0.2973311245441437, -0.7503493428230286, -0.10508157312870026, -0.3365045487880707, -0.11434795707464218, -0.880459725856781, -0.17102086544036865, 0.7441630959510803, -1.393715262413025, 0.4533597230911255, 0.4262678921222687, -0.26689112186431885, 0.6339364647865295, -1.0397781133651733, 0.006083786487579346, -1.0353169441223145, -0.8577581644058228, -0.07700186967849731, 0.9477619528770447, 0.22688114643096924, -0.499946653842926, -0.784165620803833, 0.3458741009235382, 1.2688521146774292, 0.06178442761301994, 0.006215098313987255, -0.4301808476448059, 0.37494218349456787, 0.13123340904712677, -0.11439812183380127, 0.06041990593075752, -0.28037500381469727, 0.8317792415618896, -0.6938560605049133, 1.1989082098007202, -0.1283659040927887, 1.8583866357803345, 0.15425527095794678, -0.7083414196968079, -0.056009963154792786, -1.1152374744415283, 1.555077314376831, 1.3899365663528442, -0.7678456902503967, 0.029840268194675446, 0.7681446075439453, -0.3589957356452942, 1.7765918970108032, 0.28443092107772827, -0.025412926450371742, 1.2895169258117676, -0.800931453704834, -0.6947478652000427, 0.30080947279930115, -0.8508349657058716, 0.023722074925899506, 0.5308482646942139, 0.5292578339576721, -0.562614917755127, -0.1340102255344391, 0.0882546529173851, -0.39759716391563416, 0.3632596731185913, 0.3196448087692261, -0.855516791343689, -0.39407798647880554, -0.3331097364425659, 0.05499078333377838, 0.3020980656147003, 0.02415832318365574, -0.9572197794914246, -0.01796833425760269, -0.40899375081062317, -0.34317469596862793, -0.11812503635883331, -0.4918208718299866, 0.15665128827095032, 0.5143713355064392, -0.42659416794776917, -0.8403322696685791, 0.6141138076782227, 0.5289791226387024, -0.1657218635082245, -0.18519286811351776, 0.199237659573555, 0.9030512571334839, 0.4079630970954895, -0.4273049533367157, -0.7839999198913574, -0.162268728017807, -1.0967490673065186, -0.01964964158833027, 0.42952340841293335, 0.2632044851779938, 0.841202974319458, -0.36480289697647095, 0.05905706435441971, 0.4434749484062195, 0.07447747886180878, -0.57990562915802, 0.014543995261192322, -0.6834673285484314, -1.8321545124053955, -0.09310095757246017, 0.14160189032554626, 0.3253260850906372, -0.49352511763572693, -0.5186133980751038, -0.8254153728485107, -0.3341437876224518, -0.33181819319725037, 0.6645346879959106, 0.3087307810783386, -0.5570492744445801, -0.30823224782943726, 2.716982841491699, -0.9689289331436157, 1.4161853790283203, 0.0429883673787117, -0.5448587536811829, -0.5389026999473572, -0.016060665249824524, 1.6471328735351562, -0.28659117221832275, -0.9233492612838745, -0.772807776927948, 0.20423126220703125, -0.7414511442184448, 0.4116858243942261, 0.036951303482055664, -0.22355274856090546, 0.2512921094894409, 0.3915998637676239, -1.04452383518219, -1.0369678735733032, -0.025509744882583618, 1.0906440019607544, 0.7382072806358337, 0.44668787717819214, -0.17624233663082123, 1.3032445907592773, 1.2346689701080322, 0.49968719482421875, -0.5842024087905884, 0.22145886719226837, -0.8283805847167969, 0.18700702488422394, 0.5683987736701965, -0.19368138909339905, 0.15051639080047607, -0.06009432300925255, 0.3478211462497711, -0.7684853672981262, -0.10158157348632812, -0.37188875675201416, -0.289099782705307, 0.32256925106048584, 0.07176677882671356, 0.11261060833930969, 0.35463330149650574, -0.4101312458515167, -0.4036642909049988, -0.34176236391067505, 0.672881007194519, 0.411690354347229, -0.04010705649852753, 0.21578237414360046, -1.8042919635772705, -0.6929090619087219, -0.1237291619181633, 1.0755035877227783, -0.253867506980896, -0.47169995307922363, -0.004900846630334854, 0.14929723739624023, -0.4911220073699951, -0.4485279619693756, -0.05862036719918251, -0.23775863647460938, 0.19851818680763245, 0.5802733898162842, 0.545160174369812, -0.06876248866319656, -0.14095276594161987, 0.7584711909294128, 1.3722566366195679, -0.20303335785865784, -0.26466241478919983, -1.4570341110229492, 0.9947662949562073, 1.4452003240585327, -0.3547350764274597, -0.848392903804779, -1.8899446725845337, -0.5719830989837646, 0.7012532949447632, -0.158485546708107, -0.15865954756736755, -0.33927595615386963, 0.21400251984596252, -1.5216944217681885, 0.3590767979621887, -0.4983806610107422, 0.13403967022895813, -0.023897552862763405, 0.8452246189117432, -0.4758647084236145, -0.42225098609924316, -0.5449038147926331, -0.8189612030982971, 0.5355886220932007, 1.2386696338653564, 0.09020452201366425, -0.328946053981781, 0.5204503536224365, 0.11225901544094086, 0.6104394793510437, 0.07552769035100937, 0.8293792605400085, 0.03360867500305176, -0.2938748598098755, 0.15475903451442719, 1.2639894485473633, 0.024104803800582886, 0.4030684530735016, -0.6051952242851257, 0.24511706829071045, 0.13712161779403687, -0.3065395653247833, 0.30491530895233154, -0.5540525913238525, 1.2954798936843872, 1.0134419202804565, -0.3036787211894989, 1.2966068983078003, -0.530708909034729, -0.0944027379155159, -0.04135264828801155, -0.6475598812103271, 0.03285185992717743, -0.06021362543106079, 0.7416569590568542, 0.22993355989456177, 0.5510173439979553, 0.03962494432926178, 0.04448416829109192, -0.5699077248573303, -0.8733826279640198, -0.14113754034042358, -0.3315713405609131, -1.035176396369934, -0.2701946496963501, -0.07240301370620728, -0.004347063601016998, -0.37921246886253357, 0.136017307639122, 0.17510344088077545, -0.25592589378356934, 0.5260032415390015, 1.2658947706222534, -0.16455861926078796, 0.6626039147377014, -1.1615129709243774, 1.123215913772583, 0.08158113062381744, 0.9640397429466248, -1.3000465631484985, -0.10644079744815826, -1.2648472785949707, -0.05076814442873001, -0.45327383279800415, -0.159006267786026, 0.08468569070100784, -0.7045854330062866, 0.6558956503868103, 0.1546083688735962, -0.6612175703048706, 1.0588816404342651, -0.8746680617332458, -0.19033655524253845, -0.6649654507637024, 0.9953595995903015, -0.025017445906996727, -1.046798586845398, 0.7768517136573792, 0.5948289632797241, 0.08825810253620148, 1.334502100944519, -0.6958765983581543, 1.3846513032913208, 0.21333499252796173, 0.2110617458820343, 0.48402392864227295, -0.6858558058738708, -1.6541051864624023, -0.6017175912857056, 1.552299976348877, -0.9643868803977966, -0.3667670488357544, -0.7665513157844543, 0.22560273110866547, 0.2721465528011322, -0.35355818271636963, -0.11562392860651016, -1.1610201597213745, 0.512291431427002, -0.3644605875015259, 0.25664472579956055, 1.1946560144424438, 0.355909526348114, 0.8220785856246948, 0.5283386707305908, 0.291288286447525, -1.011805772781372, -0.7066167593002319, 1.0873243808746338, -0.2515125572681427, -0.06360124051570892, 0.2788410484790802, 0.963337779045105, 1.1556196212768555, -0.5183798670768738, -0.17856504023075104, 0.8780971169471741, 0.5535492300987244, 0.03689081594347954, 0.37938663363456726, -0.44018667936325073, 0.8359264135360718, 0.4072370231151581, 1.1597328186035156, 0.37209197878837585, -0.10112950205802917, -0.6656825542449951, 0.1000407338142395, -0.4916120767593384, -0.8413289189338684, 0.8951424360275269, -0.08653255552053452, 2.2176575660705566, 0.3218732178211212, 0.4514211118221283, -0.18213751912117004, -0.23441816866397858, 0.23847778141498566, 0.29852694272994995, 0.49270743131637573, -0.5825330018997192, -0.3509185314178467, 1.2695564031600952, 0.21606726944446564, -0.5945785641670227, -0.3958190977573395, 0.868527889251709, -0.24732623994350433, -0.32742902636528015, 0.7528637647628784, 0.9113121032714844, 0.6799855828285217, 1.8437646627426147, -0.46639806032180786, -0.2608921229839325, -0.26934781670570374, 0.43823280930519104, 0.6924877762794495, 0.11143118888139725, -1.2615439891815186, -0.3346669673919678, 0.12275595963001251, 0.9799065589904785, -0.44258004426956177, 0.8271609544754028, 0.6277816295623779, -0.1289464384317398, -0.22640202939510345, -0.30724868178367615, -0.49968770146369934, -0.5479193329811096, 0.22221645712852478, 0.5990311503410339, -0.48478496074676514, 0.33914482593536377, -0.11849850416183472, -0.983036458492279, 0.5441017150878906, -0.06882664561271667, -0.8179579973220825, 0.011527106165885925, 1.1761257648468018, -1.2777608633041382, -0.45718881487846375, 0.04239700734615326, -0.9815001487731934, -0.6594864130020142, -0.11295429617166519, -0.21669882535934448, 0.06566616892814636, 0.20024900138378143, 0.003244121791794896, -0.6586734056472778, 0.449698269367218, -1.188496470451355, 0.9362303614616394, 0.37672191858291626, -0.34387388825416565, 1.2041597366333008, -0.2798497676849365, -0.09760361164808273, 0.33137741684913635, -1.1221847534179688, -0.1615503877401352, 0.21627244353294373, 0.043245792388916016, -0.20644983649253845, -0.5379215478897095, 0.16948987543582916, 0.014806597493588924, 0.22059525549411774, 0.5009800791740417, -1.1676403284072876, 0.026107177138328552, -0.8120918869972229, 0.8297470808029175, 0.5062885284423828, -0.71998530626297, -0.3394472002983093, 0.5185014009475708, -0.40775370597839355, 0.12021124362945557, -0.28930583596229553, -0.2729707658290863, 0.7064350843429565, 0.7435711622238159, -0.007684830576181412, -0.24466776847839355, -12.184548377990723, 0.1456565111875534, 0.24658028781414032, -0.35279780626296997, 0.6161721348762512, 0.18942785263061523, 0.562181830406189, 0.34009432792663574, 0.2773307263851166, -0.2765097916126251, 0.27286046743392944, 1.009312629699707, -0.35947832465171814, -0.6528241038322449, -0.5151711106300354, -1.1125288009643555, -0.8848186135292053, -0.4049440026283264, 1.2912977933883667, -0.4032479226589203, 1.367946982383728, -1.0495305061340332, 0.4422283172607422, 0.14566677808761597, -0.043632835149765015, -1.0073022842407227, 0.02605985477566719, 0.19167572259902954, -0.9208564162254333, -0.1982138454914093, 0.6548921465873718, -0.2296043485403061, -0.36900797486305237, -0.9949319362640381, 0.9735885262489319, -0.15135221183300018, -1.1739916801452637, 0.23715846240520477, 0.6214075684547424, -0.18263831734657288, -0.023562178015708923, -0.15573826432228088, -0.4595246911048889, -0.3968808352947235, -0.5220565795898438, -0.14565721154212952, 0.504127025604248, -0.12099504470825195, 1.0571889877319336, -0.08430799096822739, -1.1128612756729126, -0.3866145610809326, -0.42547765374183655, -0.6830499172210693, 0.7443331480026245, 0.700883150100708, -0.6840066909790039, 0.4771394729614258, -0.018609648570418358, -1.0416101217269897, 0.18088743090629578, 0.1742875874042511, 0.1726306974887848, -0.18722842633724213, 0.232994943857193, -0.3641583025455475, 0.3440791964530945, -0.054845500737428665, 0.34060293436050415, 0.44500434398651123, -0.7627155184745789, 0.801485002040863, 0.6240513324737549, 0.03356395661830902, -0.48482784628868103, 0.33778953552246094, -0.2868365943431854, -0.7638670206069946, 0.8340532183647156, 0.521119236946106, -1.111554741859436, 0.34429338574409485, -0.014812658540904522, -0.46948549151420593, -0.36365169286727905, -0.05098881945014, 0.5238123536109924, -0.32922330498695374, 0.7484836578369141, -0.20664700865745544, 0.42730939388275146, -0.11766361445188522, -0.21081076562404633, 0.04201369732618332, 0.13792684674263, 1.1714998483657837, -1.1310372352600098, 0.263202041387558, 0.6024439334869385, -0.7573922872543335, 0.3360046446323395, 0.08810367435216904, -0.8739567995071411, -0.32983091473579407, 0.6360019445419312, -0.6308850049972534, -0.5162107944488525, 0.234689861536026, -0.1533568799495697, 0.056090325117111206, 0.7850161194801331, 0.30838143825531006, -0.30424851179122925, 1.0398521423339844, -0.34294384717941284, 1.1320163011550903, 1.2348917722702026, -0.4507105350494385, 0.5682774782180786, 1.1542831659317017, -0.7694423794746399, 0.4241211712360382, -0.0035706982016563416, 0.6025080680847168, 0.529750406742096, 0.3215652406215668, -0.3056577146053314, 0.5256485939025879, -0.07206670939922333, -1.2359282970428467, -0.3664271831512451, 0.14659465849399567, 0.10553116351366043, -0.49817273020744324, -0.5565801858901978, 0.36823078989982605, -0.5746145248413086, 1.6410897970199585, -0.5243251919746399, 0.103736013174057, -0.017297156155109406, -0.05840584635734558, -0.16473150253295898, -0.5038054585456848, -0.4321903586387634, -0.2788151502609253, -1.3975367546081543, 0.5796647667884827, -0.3825230300426483, 0.01767764985561371, 0.13843518495559692, -0.38070645928382874, 0.01282309740781784, -1.1007927656173706, -0.9098391532897949, -0.05741957575082779, 0.9848146438598633, -0.2780170142650604, -0.47415947914123535, -0.3523585796356201, 0.5542946457862854, 0.9730777740478516, -1.2217509746551514, 0.9710723161697388, -0.15110281109809875, 0.3397600054740906, -0.5634683966636658, 0.026772134006023407, -0.29402053356170654, 0.375489741563797, 0.908939778804779, -1.353931188583374, -0.36364394426345825, -0.8879057765007019, -0.21775202453136444, -0.4837435483932495, 0.07276374101638794, 1.1860768795013428, -1.305309534072876, -0.016013115644454956, -0.17036789655685425, 0.38390153646469116, 0.4795858561992645, 0.21507075428962708, -0.240204319357872, 0.13251590728759766, -0.05498012155294418, 0.9290050864219666, -0.540526807308197, 0.19766098260879517, -1.415589451789856, -1.3171720504760742, -1.491025447845459, -1.3263885974884033, 1.3112821578979492, 0.06134561449289322, 0.7214978933334351, 1.143615484237671, -0.36926382780075073, -0.5056310892105103, -0.30052846670150757, 1.0645314455032349, 0.7415630221366882, 0.6963127255439758, 0.400419145822525, -0.27724403142929077, -0.3335713744163513, -0.09787560999393463, -0.1701781302690506, 0.41980454325675964, -0.7530660033226013, 0.30337148904800415, 0.2971144914627075, -0.1586713045835495, -0.2519788146018982, -0.986585259437561, -0.028304699808359146, -0.19611182808876038, 0.0834013894200325, -0.8457427620887756, 0.1298670768737793, 0.0274637620896101, -0.7310928702354431, 1.1698062419891357, 0.1253906786441803, 0.6055616140365601, 0.7329576015472412, -0.0013746842741966248, 1.2654320001602173, -0.22954167425632477, -0.6972178220748901, 0.29667794704437256, -0.4369185268878937, 0.49704280495643616, 0.5380312204360962, -0.02897138148546219, -1.437253713607788, -0.16606006026268005, -0.9141279458999634, -0.22054746747016907, 0.31032538414001465, 0.3083592653274536, 0.43961602449417114, 1.0778932571411133, 0.6086984276771545, -1.2210943698883057, -0.7327011227607727, -1.5542575120925903, -0.037328027188777924, 1.0535911321640015, -0.003891610074788332, 0.25542256236076355, 0.6931692957878113, -0.8611485958099365, 0.536405622959137, -1.0880831480026245, -0.40566062927246094, 0.13723713159561157, -0.1705661565065384, 0.2989921271800995, 0.4776190221309662, 0.6183732748031616, 0.6196975708007812, -0.04772444814443588, -0.284795880317688, -0.5956101417541504, -0.12304104119539261, 0.33737409114837646, 0.9882832765579224, -0.5135848522186279, -0.777830958366394, -0.9361536502838135, -0.2512666881084442, -0.075919009745121, 0.8108125329017639, 0.506475567817688, -0.39301687479019165, -1.6831985712051392, -0.9984453916549683, -0.23857127130031586, 0.3557147681713104, -0.03697829321026802, -0.6878083944320679, -0.06171685457229614, 0.13826484978199005, 0.8295906782150269, 0.23521022498607635, -0.1987856775522232, 0.08045441657304764, -0.37487152218818665, -0.18052735924720764, 0.6443648338317871, -0.8103249669075012, -0.1149263083934784, -0.2223750650882721, -0.4425162971019745, 0.8093527555465698, 0.5370672941207886, -1.2054575681686401, -0.30020228028297424, 0.1636287122964859, 0.8968437910079956, 0.005585376173257828, 0.7632160186767578, 0.3292839229106903, -0.7907580733299255, 1.0727142095565796, 0.5568147897720337, -0.12384706735610962, 0.45461615920066833, 0.8994330167770386, 0.5923038721084595, 0.06069308519363403, 1.29215407371521]} +{"paper_id": "librispeech_asr", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "math_dataset", "embedding": [-0.31469136476516724, 0.6083994507789612, -0.334177166223526, 0.1526307761669159, -0.35725831985473633, -0.25568729639053345, 0.20948976278305054, 1.5009442567825317, 0.6436439752578735, 0.1886703073978424, -0.08821985125541687, 0.539185106754303, 0.5303499698638916, 0.5747404098510742, -0.678250253200531, 0.4224816858768463, -0.787719190120697, -0.4861052930355072, -2.0740067958831787, -1.1356467008590698, -0.7993768453598022, -0.7987803816795349, -0.17387579381465912, 1.0256174802780151, -0.10057074576616287, -1.1228954792022705, 1.00754976272583, -1.5864821672439575, 0.6983789801597595, 0.7130120992660522, 0.3251611590385437, 0.9940270185470581, -0.90357506275177, 0.8155498504638672, -0.3198153078556061, 0.11260031908750534, 0.05788509547710419, 0.4267231225967407, 0.09324007481336594, 0.38224852085113525, -0.37636616826057434, 0.2731516361236572, -0.16107380390167236, 0.36980465054512024, 0.3211953938007355, -0.6444774866104126, 0.45055538415908813, 0.7210519909858704, 0.14880679547786713, 0.39781567454338074, -1.2653186321258545, 0.5165671706199646, 0.188602015376091, 0.08386430144309998, 0.292746901512146, 0.7146541476249695, 0.7000371813774109, -0.28461864590644836, 0.8053609728813171, -0.5580184459686279, 1.3129546642303467, 0.890093982219696, -0.37525638937950134, 0.6495017409324646, 0.35706809163093567, -0.2655467987060547, 1.057641625404358, -0.031171660870313644, 0.2183404415845871, 0.8903125524520874, -0.3054899275302887, 0.2218063473701477, 0.5338529348373413, -0.012572020292282104, 0.6468561887741089, 0.5625865459442139, 0.0007524490356445312, -0.2764001488685608, 0.3545980155467987, -0.2776520550251007, -0.2472902089357376, -0.3667118549346924, 0.5792899131774902, -0.4062685966491699, 0.00015408173203468323, -0.15170207619667053, 0.6900551319122314, -0.5208643078804016, 0.03350271284580231, -0.8148159384727478, 0.815771758556366, -0.3153019845485687, 0.6991263031959534, -0.8980017304420471, -0.22805175185203552, -0.24097785353660583, -0.13594792783260345, -0.968100368976593, -1.0914376974105835, 0.0987728014588356, 0.6789766550064087, -0.003394773229956627, -0.005844029597938061, -0.025066792964935303, 0.5083632469177246, 0.5284034609794617, -0.05266144499182701, -0.4827963709831238, -0.4836946129798889, -0.06473604589700699, -0.13336722552776337, 0.022421807050704956, 0.34651583433151245, 0.7933835387229919, -0.35274046659469604, 0.1888207197189331, 0.6788724660873413, -0.3006134629249573, -0.5006786584854126, -0.2105536013841629, -0.2722262442111969, -0.8551808595657349, 0.014729199931025505, 0.277961790561676, 0.3095076084136963, -0.23303410410881042, -0.5080418586730957, 0.6842819452285767, -0.08473008871078491, -0.18919262290000916, 1.3609148263931274, 0.040692538022994995, -0.9357830286026001, -1.3420244455337524, 3.113013744354248, -0.18189319968223572, 0.2652319669723511, -0.32071012258529663, 0.36816170811653137, -0.5765318274497986, -0.6911011338233948, 0.4104614555835724, -0.30332279205322266, -0.328743040561676, -0.983544111251831, 0.43108871579170227, 0.22822263836860657, 0.19781427085399628, -1.378844976425171, 0.9322916865348816, 0.06242908909916878, 0.9232987761497498, -1.1050031185150146, -0.8836933970451355, 0.008919458836317062, 0.7833966016769409, 0.09307385981082916, 0.4697328209877014, -0.4212374985218048, -0.13717448711395264, 0.834149181842804, -0.9857352375984192, -0.5008586049079895, -0.42347481846809387, -0.3071165680885315, -0.059696733951568604, 1.4263372421264648, -0.04362073913216591, -1.2683714628219604, -0.10549040138721466, -0.45541033148765564, 0.07664749026298523, -0.24569305777549744, 0.15584753453731537, -0.13122743368148804, 0.8067083358764648, -0.13157011568546295, 0.13995224237442017, 1.0513687133789062, -0.7127009630203247, -0.40322139859199524, -0.9950470924377441, -0.4512011706829071, 0.7392119765281677, -0.17497947812080383, 0.40389013290405273, -2.2422800064086914, 0.27430349588394165, -0.5198391079902649, -0.13235877454280853, 0.26301246881484985, 0.41759225726127625, 0.29097580909729004, 0.3893983066082001, 0.00012832507491111755, 0.00852583721280098, -0.1598634272813797, -1.4570739269256592, 0.0045646727085113525, 1.0868934392929077, 0.05727912858128548, 0.8118872046470642, 0.14657802879810333, 1.6247180700302124, 0.34057894349098206, -0.6870113015174866, 0.18144254386425018, -1.058539628982544, -0.030567266047000885, 1.071230411529541, -0.11518853902816772, 0.15373840928077698, -0.4741562008857727, -0.200277179479599, -0.17539164423942566, -0.23259998857975006, -0.21293020248413086, -0.3982491195201874, 0.6239407062530518, -0.875601053237915, 0.7476274967193604, 0.1509908139705658, -0.02981596812605858, 0.19009996950626373, 1.5485260486602783, -0.6436627507209778, -0.16851645708084106, -0.7632415890693665, -0.7680480480194092, 0.3896690905094147, 1.0044867992401123, 0.40183261036872864, 0.2901693880558014, 0.4726213216781616, 0.16740980744361877, 0.7281202673912048, 0.189753919839859, 1.3869783878326416, -0.24824059009552002, 0.4111337959766388, 0.1884642094373703, 1.4494508504867554, 0.09814323484897614, 0.20829321444034576, -0.34995418787002563, 0.135734423995018, -0.36529287695884705, -0.3622084856033325, 0.7292509078979492, 0.1867218315601349, 1.5637977123260498, 0.03260050341486931, -0.1418418139219284, -0.026659198105335236, -0.7505886554718018, 0.4720689654350281, -0.7549012899398804, -0.291055828332901, -1.337754726409912, 0.2264721840620041, 0.4640725553035736, -0.030914630740880966, 0.2805628478527069, 0.024974696338176727, -0.23976299166679382, -0.7368673086166382, -0.9722627401351929, -1.0528944730758667, 0.20148269832134247, -0.3320407569408417, -0.9444803595542908, 0.22611217200756073, -0.8019154071807861, -0.006272256374359131, -0.578633725643158, -0.4490230083465576, -0.22228848934173584, 0.8678936958312988, 1.9104794263839722, -0.4237591624259949, 0.3106091320514679, -0.17873507738113403, 0.5511109828948975, -0.19810186326503754, 0.6041019558906555, 0.19370894134044647, -0.22764161229133606, -1.7585902214050293, 0.013402506709098816, -0.4205401539802551, -0.02610079199075699, 0.03366837650537491, 0.21333664655685425, -0.15852957963943481, -0.42567911744117737, -0.1248728483915329, 1.1112016439437866, 0.2562296390533447, -0.14954441785812378, -0.6423782706260681, 1.7477823495864868, -0.23375456035137177, -0.7198514938354492, 0.27540791034698486, 0.5308859944343567, -0.3815256357192993, 0.6022173762321472, -0.028818853199481964, 0.5021893978118896, -0.5174660682678223, 0.1891365349292755, 0.8776138424873352, 0.06344045698642731, -2.5389325618743896, 1.1460949182510376, 0.39523687958717346, -0.015134671702980995, -0.11007581651210785, -0.24321502447128296, -0.7817127108573914, -0.7090421319007874, 0.2844824194908142, -0.04145216941833496, -0.34361833333969116, 0.29810741543769836, -0.45797252655029297, 0.2026996910572052, 1.0494195222854614, -0.07494969666004181, -0.04325733333826065, 1.070996642112732, -0.4243614673614502, -1.1652157306671143, -0.16654500365257263, 0.5065292716026306, 0.43164438009262085, -0.054081566631793976, -0.3175557255744934, 1.0298911333084106, 0.4577389657497406, 0.2801038324832916, 0.694842517375946, 0.583436131477356, 0.9508473873138428, -0.11454953253269196, 0.4769133925437927, -0.8071663975715637, -0.2595538794994354, -0.18015135824680328, 1.0807929039001465, -0.8512359857559204, 0.34565821290016174, -0.7174903750419617, 0.18982724845409393, -0.6872477531433105, -0.828856885433197, 1.2774486541748047, 0.4700310528278351, 1.6486259698867798, 0.01295841671526432, 0.6118870973587036, -0.5699455142021179, -0.31083205342292786, -0.11949586123228073, 0.45780909061431885, 0.3706324100494385, -0.5239415764808655, -0.6582413911819458, 0.169237419962883, -0.11278340220451355, -0.15124788880348206, -0.43301627039909363, 0.33890262246131897, 0.9993597269058228, -0.7253106236457825, 0.5785837173461914, 0.6120069026947021, 1.0136369466781616, 1.702054500579834, -0.34485918283462524, -0.6241423487663269, 0.08182820677757263, -0.012923868373036385, 0.47871169447898865, 0.1292484700679779, -0.8762047290802002, -0.3088284730911255, -0.13344156742095947, -0.139345183968544, -0.10722015053033829, 0.8459548950195312, 1.1923731565475464, -1.0510125160217285, -1.0016287565231323, 0.40467819571495056, -0.28876277804374695, 0.5292235612869263, 0.401471883058548, -0.4533758759498596, 0.43156030774116516, 1.0004074573516846, 0.44356662034988403, -0.9037725329399109, -0.4227851629257202, -0.7587267756462097, -1.6320472955703735, -0.02149752527475357, 1.1614950895309448, -0.9745543003082275, 0.1276080459356308, 0.5441378951072693, -1.1699304580688477, 0.19603532552719116, -0.04881271719932556, -0.27247896790504456, 0.42469027638435364, 0.20506785809993744, 1.005614995956421, -0.4746696352958679, 0.08215515315532684, -1.7978014945983887, 0.8772791028022766, 0.47835877537727356, 0.543548583984375, 0.35830461978912354, -0.6137269735336304, 0.30619651079177856, 0.6163272857666016, -1.4864078760147095, -0.3616514801979065, 0.49037015438079834, -1.0705633163452148, 0.09260203689336777, -0.6898758411407471, -0.48749664425849915, -0.07165199518203735, 0.04433506354689598, -0.2580673098564148, -0.6804051399230957, -0.4726238250732422, 0.056536633521318436, 0.9754607677459717, 0.757819652557373, -0.30314376950263977, -1.3637043237686157, 0.39351925253868103, -0.30540305376052856, -0.3728695213794708, 0.2063472867012024, 0.2261701226234436, 1.3539085388183594, 0.6885532736778259, -0.972984254360199, 0.404662162065506, -12.105591773986816, 0.5293704271316528, 0.5529440641403198, 0.1928558200597763, 0.7921047210693359, 0.2981854975223541, -0.0630047619342804, -0.20652814209461212, 0.009626475162804127, -0.4907396137714386, 0.12558825314044952, 0.08678457140922546, 0.4550288915634155, 0.3307044804096222, -0.08046554774045944, -1.1578367948532104, -0.06867851316928864, -0.43536657094955444, 1.1409047842025757, 0.3211700916290283, 0.3502103388309479, -1.135068416595459, -0.4089342951774597, 0.6133012771606445, 0.2739298939704895, -0.44392627477645874, -0.6319599151611328, 0.3324414789676666, -0.2508656978607178, -0.5354207754135132, 0.5435940027236938, 0.12864546477794647, -0.5693063139915466, 0.18267729878425598, -0.09081228077411652, -0.37691980600357056, -1.079134464263916, 0.6765555143356323, 0.8038164973258972, -0.7294572591781616, -0.885473370552063, 0.48671793937683105, 0.227309912443161, -1.036617636680603, -1.10149347782135, 0.4115404486656189, 0.8042938709259033, -1.3759604692459106, 0.2827364206314087, -0.025648683309555054, -0.027098163962364197, -0.4695625901222229, -0.2925473153591156, -0.4212862551212311, 0.12676149606704712, 0.97728031873703, -0.41237252950668335, 0.36498087644577026, -0.559112548828125, -0.6883338689804077, 0.07906243950128555, 0.6881221532821655, -0.15223681926727295, 0.509589672088623, 0.02132292091846466, 0.19320964813232422, -0.231818288564682, 0.9222925901412964, -0.5106658339500427, -0.22336316108703613, -1.235748529434204, 0.49525192379951477, 0.20212814211845398, 0.5908224582672119, -0.17422065138816833, 0.3892885148525238, 0.2243833839893341, -0.5795150399208069, -0.5240110158920288, 0.4009789824485779, -0.6923444271087646, 0.5229583978652954, 0.12784232199192047, -0.5134111642837524, -0.8872378468513489, 0.03753301873803139, 0.36622241139411926, -0.5685325860977173, 1.5072818994522095, -0.6461021304130554, 1.5955508947372437, 0.014019601047039032, -0.15741237998008728, 0.31291720271110535, -0.11519035696983337, 1.5865824222564697, 0.2986595630645752, 0.4422883987426758, 0.3872759938240051, -1.002842903137207, 0.19364744424819946, -0.09461086988449097, -1.0055266618728638, -0.44556480646133423, 0.616534948348999, 0.7641550898551941, 0.40611207485198975, -0.09243921935558319, 0.7644934058189392, 0.3270472288131714, 1.153545618057251, -0.0493403784930706, -0.1777501255273819, 2.026902914047241, -0.9684679508209229, 0.9693098664283752, 1.3059619665145874, 0.4330967664718628, 0.24120672047138214, 0.6779711842536926, 0.10067294538021088, 1.0260167121887207, 0.675184965133667, 0.7880156636238098, -0.007521564140915871, -0.13655146956443787, 0.6383121013641357, 0.9472253322601318, -0.17664706707000732, -0.8303234577178955, -0.499391108751297, 0.2306787669658661, -0.40125176310539246, -0.02144051343202591, -0.2126093953847885, 0.12337690591812134, -0.7307549715042114, 1.2613165378570557, -0.13382600247859955, 0.00715559720993042, 0.5156719088554382, -0.1303882896900177, -0.7533525228500366, -0.5563011765480042, -1.4642804861068726, 0.2167302668094635, -1.4425904750823975, 0.2066735029220581, -0.7717905640602112, -1.108292818069458, -0.6983596086502075, -0.6863827705383301, 1.1649397611618042, -0.5532310009002686, -0.5099044442176819, -0.8523080348968506, 0.8425612449645996, -0.24493715167045593, 0.7678197622299194, 0.7612950205802917, 0.41759100556373596, 0.619250476360321, -0.4283080995082855, 1.6030523777008057, -0.07287819683551788, 0.28520309925079346, -0.20990538597106934, -0.18615350127220154, -0.8479264974594116, -0.5475016832351685, 0.5188328623771667, -0.9923868179321289, -0.6762712001800537, -0.5599988698959351, 0.13281753659248352, -0.5208508968353271, 0.019151821732521057, 0.6092839241027832, -0.6508614420890808, -0.08827315270900726, 0.26148661971092224, 0.4434404969215393, 0.8465778231620789, -0.6659243106842041, -0.7662711143493652, -0.6497544646263123, 0.2668043375015259, 0.7145517468452454, 0.18876436352729797, 0.9892516732215881, -1.1245640516281128, -1.3272757530212402, -1.0253645181655884, -0.19845692813396454, 0.3582582473754883, 0.0719294399023056, 1.333796501159668, 0.6622609496116638, -0.23740023374557495, 0.2904219329357147, 0.5307819843292236, 0.3844817876815796, 0.8179805874824524, -0.18595872819423676, 0.08167313039302826, 1.0216387510299683, -0.33994898200035095, 0.019355934113264084, 0.6288018226623535, 0.45554718375205994, -0.7324830293655396, -0.2415381371974945, 0.2099079042673111, 0.3610551953315735, -0.44050687551498413, -1.1330984830856323, -0.45709142088890076, -1.070939302444458, -0.5109020471572876, -0.3460318148136139, -0.20832642912864685, -0.3109860420227051, -0.6077628135681152, 0.7389445304870605, 0.5657040476799011, 0.3960743844509125, 0.46436554193496704, 0.0521683469414711, 1.2377727031707764, 0.10125270485877991, -0.6140450239181519, 0.8217614889144897, 0.19914105534553528, -0.20559385418891907, -0.13978147506713867, -1.0056835412979126, -0.26854467391967773, 0.47194650769233704, -0.04869572073221207, 1.3520481586456299, -0.8765426874160767, 0.26533043384552, -0.5145059823989868, 1.071311354637146, -0.0029428377747535706, -2.1530659198760986, 0.04220960661768913, -0.4114561676979065, -0.23289285600185394, 0.8420125842094421, 0.20362821221351624, -0.5689884424209595, 0.6327755451202393, -0.15495865046977997, -0.05912714824080467, -0.17502303421497345, -0.3287047743797302, -0.15587493777275085, -0.41042453050613403, 0.9001055359840393, 0.6779323220252991, 0.10551900416612625, 0.5777012705802917, 0.6191997528076172, -0.4062698781490326, -0.08299846202135086, -0.809912383556366, 0.11272816359996796, 0.30954474210739136, -0.3074841797351837, -1.5873196125030518, -0.44771403074264526, 0.9163877367973328, -0.5298739075660706, 0.5550879836082458, -0.33477479219436646, -0.15160337090492249, -1.1687122583389282, -0.18108436465263367, -0.2705666124820709, 0.8941559791564941, -0.13264574110507965, -0.0797177106142044, 0.5571445226669312, -0.41854411363601685, 0.16581615805625916, 0.4490262567996979, -0.43862468004226685, 0.14410434663295746, -0.518034815788269, -0.3989945650100708, -0.6394592523574829, -0.6828418374061584, -0.3564813733100891, 0.14925383031368256, -1.2071113586425781, 0.8476977348327637, 0.4466177225112915, -0.8825777769088745, -0.4211953282356262, 0.5297509431838989, -0.7526552677154541, 0.5207293629646301, 0.06308873742818832, -0.3761971890926361, -1.5130845308303833, 0.46075600385665894, -0.18633732199668884, -0.6577773690223694, 0.42617711424827576, 0.13164696097373962, 0.8878093361854553, 0.12308602780103683, 0.4609849452972412]} +{"paper_id": "xtreme", "embedding": [0.1180969625711441, 1.0672624111175537, 0.24770000576972961, 0.05579296499490738, 0.43631482124328613, -0.83868408203125, 0.415393203496933, 0.5524916648864746, 0.7933212518692017, 0.4787266254425049, 0.7885726690292358, -0.21364660561084747, 0.3502499461174011, -0.3845614790916443, 0.03178524971008301, -0.12558770179748535, -0.8984114527702332, -1.3170467615127563, -1.6699180603027344, -0.573258101940155, -0.7584823369979858, -0.059892792254686356, -0.03570131957530975, 0.5646430253982544, -0.13678689301013947, -1.0431121587753296, 0.44036465883255005, -0.9532644152641296, 0.40933290123939514, 0.657342255115509, -0.19948223233222961, 1.07350492477417, -1.4286531209945679, 0.6267712712287903, -0.15445372462272644, -0.033237606287002563, 0.47746309638023376, 0.7591619491577148, -0.1389402151107788, -0.16629739105701447, -0.8876560926437378, -0.3357117176055908, 0.50443035364151, 0.34289225935935974, 1.1769108772277832, -0.15366128087043762, -0.22917377948760986, 0.08632636070251465, 0.06430347263813019, -0.3392840027809143, -0.08396028727293015, 0.5549996495246887, -0.13262729346752167, 0.541955828666687, -0.7382335662841797, 1.5520683526992798, 0.7569042444229126, -0.9923542737960815, 0.7750918865203857, -1.2432751655578613, 1.064894199371338, 1.5923320055007935, -1.0041439533233643, 0.10318824648857117, 1.2759160995483398, 0.1256997138261795, 1.4375638961791992, 0.14602401852607727, 0.41369152069091797, 0.8450126647949219, 0.47431570291519165, -0.9779209494590759, 0.33132538199424744, 0.15662261843681335, 1.1032952070236206, 0.5571781992912292, 0.5236556529998779, -0.1430964320898056, -0.5986337661743164, -0.725473165512085, -0.9239018559455872, 0.8584784865379333, 0.5563603043556213, -0.6962934732437134, 0.019792769104242325, 0.2310401201248169, 0.2581883668899536, -0.7880674600601196, 0.5017582178115845, -2.0000829696655273, 0.40500301122665405, -0.06898891180753708, 0.0549212321639061, -0.3722497522830963, 0.07843966782093048, -0.08718332648277283, 0.02889028936624527, -0.07073087990283966, -0.6384800672531128, -0.29489967226982117, 0.2512570321559906, -0.28341618180274963, 0.20865990221500397, 0.1642935574054718, 0.19080384075641632, 1.368695616722107, -0.20789934694766998, -0.8707225918769836, -1.407716155052185, -0.15548211336135864, -0.05079556256532669, 1.1634998321533203, -0.4336671531200409, 0.2726878821849823, 0.211552232503891, -0.43984296917915344, 0.23952031135559082, -0.6212297677993774, -0.6185860633850098, -0.08875052630901337, -0.18252205848693848, -1.0054693222045898, -0.5229446887969971, 0.003711789846420288, 0.983613133430481, -0.8071788549423218, 0.061124298721551895, -0.8658015131950378, 0.31080418825149536, -0.6010167002677917, 0.5661302804946899, 0.03827960789203644, -0.6131240129470825, -0.29081597924232483, 2.8248889446258545, -0.29659318923950195, 1.7604711055755615, -0.4696078896522522, -0.16489112377166748, 0.2927424907684326, 0.05203460901975632, 1.0829519033432007, 0.38401520252227783, -0.7857219576835632, 0.09687092900276184, 0.5045697093009949, -0.9352372288703918, 0.38336125016212463, -0.9888518452644348, -0.2702611982822418, 0.12167036533355713, 0.2972787320613861, -0.8164150714874268, -0.3838290572166443, -0.1359855979681015, 0.13283595442771912, 0.37732580304145813, 1.2969598770141602, -0.8882639408111572, 1.4299989938735962, 0.1939149796962738, 0.41018593311309814, -0.300950825214386, 0.5196981430053711, -0.6832310557365417, 0.11939534544944763, 1.1023175716400146, 0.06994527578353882, -0.2640880346298218, -0.565944492816925, 1.0636982917785645, -0.3836636543273926, -0.6469818353652954, -0.19026948511600494, 0.2716327905654907, 0.47635921835899353, 0.39723479747772217, 0.5767971277236938, 0.04159894213080406, -0.31394872069358826, -0.2633201777935028, -0.08011353015899658, 0.37943702936172485, 0.7503674030303955, -0.11748646199703217, 0.7072570323944092, -1.8520530462265015, -0.6874933242797852, -0.3867318034172058, -0.48576682806015015, -0.6315848231315613, -0.7613881230354309, 0.268601655960083, -0.2457820326089859, 0.5382612347602844, -0.09200583398342133, 0.5172891020774841, -0.7369294762611389, -0.569611668586731, 0.24167372286319733, -0.21823985874652863, 0.024065153673291206, 0.6129769682884216, 0.6050035357475281, 0.15730077028274536, -0.3855338394641876, -0.14520332217216492, -1.7115446329116821, 0.30987268686294556, 2.59387469291687, -0.2253541350364685, -0.343659371137619, -1.5863325595855713, -0.4560171961784363, -0.049044109880924225, -0.9790613651275635, 0.10063377022743225, -1.0454397201538086, 0.14901915192604065, -1.4435672760009766, 0.14600704610347748, -0.46319660544395447, 0.11108215898275375, 0.41419145464897156, 1.116327166557312, -0.8853842616081238, -0.4962381422519684, -0.5849186182022095, -0.8483129739761353, 0.6822965741157532, 0.47667887806892395, 0.49426960945129395, -0.7668479681015015, 0.7149081230163574, -0.21178701519966125, 0.8009916543960571, 0.6440216898918152, 0.8315159678459167, -0.3408411741256714, -0.04511655867099762, -0.5336095690727234, 0.3980408310890198, -0.4917011260986328, 0.3027300238609314, 0.19950686395168304, 1.1471441984176636, -0.7627507448196411, -0.6180586218833923, -0.014743833802640438, -0.16640177369117737, 1.1130403280258179, 1.2439756393432617, -0.5467855334281921, 1.5598442554473877, -1.7183172702789307, 0.2578962445259094, -0.7343187928199768, -1.1432756185531616, 0.053368523716926575, 0.14950460195541382, 0.8721910119056702, -0.3277854919433594, 0.4931754469871521, -0.08397383987903595, 0.36510732769966125, -1.5806944370269775, -0.2020806223154068, -0.8434669375419617, -0.7000046968460083, -1.3713139295578003, -0.43801137804985046, -0.2976524233818054, -0.6336184144020081, -0.6590039134025574, 0.04280996322631836, 1.1440354585647583, 0.030045215040445328, 1.1072477102279663, 1.642600655555725, 0.15927483141422272, 0.45263031125068665, 0.06871245801448822, 0.9289773106575012, -0.8206060528755188, 1.3679717779159546, 0.6225258708000183, 0.5279567837715149, -1.0614985227584839, -0.13635383546352386, -0.23862333595752716, 0.03765769302845001, 0.9145200848579407, 0.37645578384399414, 0.3540407717227936, -0.04959626495838165, -1.2213823795318604, 1.429985761642456, -0.7460241913795471, 0.6672074794769287, -1.0839323997497559, 1.8771353960037231, 0.3618309199810028, 0.008927442133426666, 0.9592292904853821, -0.2982199490070343, -0.06522727012634277, 1.2848104238510132, -0.4658968448638916, 0.7081804871559143, 0.7376939058303833, 0.28893521428108215, 0.20064833760261536, 0.18065544962882996, -2.0901412963867188, -0.0035429743584245443, 0.6545364856719971, -0.4023788273334503, -0.39839261770248413, -1.012343406677246, 0.1595410257577896, -0.4392205774784088, -0.11420560628175735, 0.39182841777801514, -0.26477205753326416, 0.12024828791618347, -0.21095454692840576, 0.10663452744483948, 1.2080434560775757, -0.5862342715263367, 0.834212601184845, 1.3851323127746582, 0.28843843936920166, -0.8115754127502441, 0.03426605463027954, 0.8683996796607971, -0.3283918797969818, 0.3726447522640228, 0.19521713256835938, 0.6719619631767273, 1.5407553911209106, -0.5048151612281799, -0.011342997662723064, 0.42652612924575806, 0.8210324048995972, 0.6071552038192749, 0.2069060504436493, -0.6309472322463989, 0.17544838786125183, 0.10951061546802521, 1.2392867803573608, -0.04042598605155945, -1.5554486513137817, -1.3226344585418701, -0.26702260971069336, -0.4533509612083435, -0.6017400026321411, 1.8521625995635986, 0.845794677734375, 1.2976534366607666, -0.10986002534627914, 0.5587788820266724, -0.23859240114688873, 0.3129187226295471, 0.9268125891685486, 0.2674710154533386, -0.7134775519371033, 0.04864904284477234, -0.09705720841884613, 1.0368021726608276, -0.9387091994285583, -1.0201499462127686, -0.07407449930906296, 1.0299363136291504, -0.627747654914856, -0.4464695155620575, 0.43946531414985657, 1.2927788496017456, 0.378698468208313, 1.3884893655776978, -0.27963173389434814, -0.6672636270523071, -0.002901853993535042, 0.9561319351196289, -0.41066232323646545, 0.28964054584503174, -1.1014548540115356, 0.5751888751983643, 0.6085628271102905, 1.592590570449829, 0.3983970880508423, 0.15163159370422363, 0.8010755777359009, -0.9342054724693298, -0.7191532254219055, -0.44553205370903015, -1.1356096267700195, -0.526993989944458, -0.5655691027641296, -0.12148143351078033, -0.6966772675514221, 0.5915306806564331, -0.004446044564247131, -0.042406897991895676, 0.6043283939361572, -0.7020028829574585, -1.7167755365371704, 0.8041603565216064, 1.2206062078475952, -0.9955457448959351, -0.31219297647476196, -0.004001036286354065, -1.0065580606460571, -0.9323495626449585, 0.04870009794831276, -0.6753623485565186, -0.2470458447933197, -0.02128063514828682, 0.5020279288291931, -0.4350457191467285, -0.8031894564628601, -1.0216761827468872, 0.2320311814546585, 1.7735164165496826, -0.3399728238582611, 0.1752198338508606, 0.5495434999465942, 0.5743690729141235, -0.3106204569339752, -1.0159026384353638, -0.7269861698150635, 0.5858854651451111, 0.4470226466655731, 0.6145495176315308, -0.4154972434043884, -0.574198305606842, 0.2487671971321106, -0.07327504456043243, 1.2455439567565918, -1.1794607639312744, 0.30544513463974, -0.6959033608436584, 0.7912958860397339, -0.12696579098701477, -0.6883333325386047, -0.2529904246330261, 1.0901896953582764, -0.23249241709709167, 0.47042402625083923, -0.08664749562740326, 0.5397301912307739, 1.1731271743774414, 0.3824078142642975, 0.11091592907905579, -0.6921011805534363, -11.056121826171875, -0.024979185312986374, -0.25930681824684143, 0.06163544952869415, 0.46652644872665405, -0.534367024898529, 1.2359286546707153, -0.1359993815422058, 0.1284354031085968, -0.44083771109580994, 0.4274550974369049, 0.8368486166000366, 0.36807093024253845, -0.5005634427070618, -0.508442223072052, -0.6816974878311157, -0.3922173082828522, -0.08226682990789413, 0.5938711762428284, -0.23706412315368652, -1.0278410911560059, -0.977912187576294, -0.12098490446805954, 0.4523512125015259, -0.0008812583982944489, -0.23062172532081604, -0.3521178960800171, -0.181397944688797, -0.018104255199432373, -0.06621583551168442, 0.39253178238868713, -0.49007219076156616, -1.3037315607070923, -0.722436785697937, 0.6286523938179016, -0.22580260038375854, -0.7663607001304626, 0.24584712088108063, 0.9993792772293091, 0.3063644766807556, -0.5548800826072693, 0.47234490513801575, 0.2715655565261841, 0.13593105971813202, -0.2924659848213196, 0.03702835738658905, 0.524138867855072, -0.5527333617210388, 0.4184228181838989, -0.6688317060470581, -0.13324904441833496, -0.8120715022087097, -1.0096442699432373, -0.36169999837875366, 0.2176603525876999, 0.6634007692337036, -0.4111149311065674, 0.7240870594978333, -0.282356321811676, -1.460414171218872, 0.626633882522583, 0.4635355472564697, -0.5524336099624634, -0.35928499698638916, 0.2561783194541931, -0.1921374797821045, 0.30813169479370117, 0.28690752387046814, -0.6132476329803467, 0.5201045274734497, -0.6290485262870789, 0.5353881120681763, 0.20312628149986267, 0.3131933808326721, -0.050712816417217255, 0.047665804624557495, -0.0764620453119278, -0.18604718148708344, 0.5850178003311157, 0.17693711817264557, -1.1380951404571533, 0.8333332538604736, 0.1764809638261795, 0.19179683923721313, -0.37744688987731934, 0.05900430306792259, -0.5685123801231384, 0.009934883564710617, 0.6508897542953491, -0.0420936644077301, 1.0839067697525024, -0.20131319761276245, 0.08439899981021881, 0.006769966334104538, -0.4327249526977539, 1.118914246559143, -0.9996890425682068, 1.1305837631225586, 0.0493936687707901, -1.1349220275878906, -0.02485087513923645, -0.21714189648628235, -0.37544625997543335, -0.3055988848209381, 0.7202191948890686, 0.43405818939208984, 0.3988913297653198, 0.09955132007598877, 0.43129199743270874, -0.24498163163661957, 1.1254689693450928, 0.3167521357536316, -0.07238917797803879, 0.8365126252174377, -0.6132646799087524, 0.8993226885795593, 0.3262248635292053, 0.5410527586936951, 0.4533986747264862, 1.020613431930542, -0.07557152211666107, 0.37847915291786194, 0.2635076940059662, 1.323216199874878, -0.16272816061973572, 0.09992502629756927, 0.13024848699569702, 0.5012523531913757, 0.5196155905723572, -1.4534661769866943, -0.024636995047330856, -0.04430301859974861, -0.38995710015296936, -0.6974436640739441, -0.11305565387010574, -0.39175763726234436, -1.0187417268753052, 1.2968404293060303, 0.30029815435409546, 0.39336854219436646, -0.019460219889879227, -1.4063533544540405, 0.29173967242240906, -0.5346809029579163, -0.4757716655731201, -0.00781773030757904, -1.2477824687957764, -0.4163239300251007, -0.5316953063011169, -0.4733911156654358, 0.6114861965179443, 0.025374770164489746, 0.7492097020149231, -0.8641813397407532, 0.046897247433662415, 0.28820720314979553, 0.2508818507194519, -0.5402373671531677, -0.6467611789703369, 0.15616092085838318, -0.1366627812385559, 1.715497612953186, -0.5979325175285339, 1.2120563983917236, 0.27525803446769714, -0.2485768347978592, -0.6363629102706909, -0.30215805768966675, -0.6842822432518005, 0.1654469072818756, 0.8835070729255676, -0.9418591260910034, -0.25326505303382874, -0.9132131338119507, -0.8000697493553162, -1.1692798137664795, 0.026282120496034622, 1.4305977821350098, -0.2622908055782318, 0.5341393351554871, 0.140076145529747, 0.8072493672370911, -0.2462620884180069, -0.3969845771789551, -0.7855231761932373, -0.030225802212953568, -0.18620657920837402, 1.139418363571167, 0.2745397686958313, 0.9231038689613342, -1.6768968105316162, -0.8625316023826599, -0.2760559916496277, -0.31213274598121643, 0.24842821061611176, -0.7695817351341248, 1.2108970880508423, -0.5561457872390747, 0.376449316740036, 0.15039244294166565, -0.12711209058761597, 0.5906124711036682, -0.21706010401248932, 0.39383670687675476, 0.18251830339431763, 0.2127934992313385, -0.770277202129364, 0.17284467816352844, 0.01998753473162651, 0.39235007762908936, -1.5350422859191895, -0.2838209271430969, 0.11519720405340195, -0.11801593005657196, -0.40712106227874756, -0.6370919942855835, 0.7213417291641235, 0.07789415121078491, -0.07468163967132568, -1.4742802381515503, -0.2809193730354309, 1.435955286026001, -0.07057542353868484, 0.6587410569190979, 0.46862804889678955, 0.6019115447998047, 0.8229131102561951, 0.5919504761695862, 1.3609371185302734, -0.5803652405738831, -1.0910311937332153, -0.23966389894485474, 0.649439811706543, -0.4554274082183838, -0.20075100660324097, 0.4456542432308197, -0.9027767777442932, 0.42800313234329224, -1.2202028036117554, 0.4414120614528656, -0.6149051189422607, 0.013053884729743004, -0.04000326991081238, 0.7422189712524414, -0.04034676402807236, -1.5662676095962524, 0.18541942536830902, -0.6508792042732239, 0.3022409975528717, 0.06373926252126694, 0.41877686977386475, 0.33023297786712646, 0.6644972562789917, 0.03387443721294403, 1.1784545183181763, -0.10851773619651794, -0.6134589910507202, 0.12508830428123474, 0.1117601990699768, 1.0999531745910645, 0.38904356956481934, 0.5566321015357971, 0.07363475114107132, -0.3739670217037201, -0.7582721710205078, -0.6390711069107056, 0.06920015811920166, 0.7817786335945129, 1.2753760814666748, -0.1307753324508667, -0.0544416606426239, -1.2301944494247437, 0.31110724806785583, -0.9321063756942749, 0.31616532802581787, 0.6114427447319031, -0.31816402077674866, -1.2199465036392212, -0.7722700834274292, 0.37070080637931824, 1.0007458925247192, -0.5114951133728027, -0.021482398733496666, -0.7489571571350098, 0.3590506315231323, 0.476558655500412, -0.5839416980743408, -1.0984513759613037, 0.5706701278686523, -0.0036673545837402344, -0.036815203726291656, 0.6906893253326416, -0.90623939037323, -0.21231651306152344, -0.2992035448551178, -0.8693013191223145, 0.8697603940963745, 0.20220966637134552, -0.6530762314796448, -0.8527836203575134, 0.3003453016281128, -0.9709163904190063, -0.5307250022888184, 0.48365044593811035, -0.38074037432670593, -1.654331088066101, 1.5671766996383667, 1.4672963619232178, -0.7254089713096619, -0.2181224673986435, -0.1544899046421051, 0.20682431757450104, 0.20429715514183044, 1.2510138750076294]} +{"paper_id": "cnn_dailymail", "embedding": [-0.005606099963188171, 1.8146166801452637, -0.24771417677402496, 0.7121933698654175, -0.1148780956864357, -0.15724578499794006, 0.5904485583305359, 1.4431074857711792, 1.2013474702835083, 0.23892979323863983, 1.1495964527130127, 0.17988979816436768, 0.3621598482131958, 0.6501348614692688, -0.07382942736148834, 0.07234899699687958, -0.8930763006210327, -0.45052024722099304, -0.7074499726295471, -0.9753468632698059, -0.7415716648101807, -0.3779361844062805, -0.12475720047950745, 0.8653508424758911, -1.2142683267593384, -0.33816981315612793, 1.3246397972106934, -1.9295985698699951, 0.11530786752700806, 0.8549443483352661, 0.05719941854476929, 0.5701673626899719, -0.9216071963310242, 0.13226395845413208, -0.7423737645149231, -0.7972185015678406, 0.27626657485961914, -0.03661862760782242, 0.4097093641757965, -0.33797943592071533, -0.5729889869689941, 0.32762300968170166, 0.48301267623901367, 0.18371425569057465, 0.10995206981897354, -0.8468814492225647, 0.5386415719985962, 0.2729424238204956, -0.48136264085769653, 0.06995043158531189, -0.05487851798534393, -0.02502685785293579, -0.4282177984714508, 1.0805795192718506, -0.07141803205013275, 2.0505149364471436, 0.10260308533906937, -0.28957507014274597, -0.32333633303642273, -0.8117119073867798, 1.3327240943908691, 1.4836076498031616, -0.7546478509902954, -0.06973116099834442, 1.3551510572433472, -0.49740123748779297, 1.3933274745941162, 0.3564245104789734, 0.15405511856079102, 1.2481809854507446, -0.819861114025116, -1.261354684829712, 0.284350723028183, -1.0823757648468018, -0.1613711714744568, 0.7343273162841797, 0.3818228840827942, -0.6753535270690918, -0.40276899933815, -0.3374335765838623, -0.5265898108482361, 0.8727455735206604, 0.7527384757995605, -0.6970267295837402, -0.03143182024359703, 0.050217412412166595, 0.48147574067115784, 0.6010259389877319, 0.18699222803115845, -1.5338859558105469, -0.13573794066905975, -0.31931427121162415, -0.48524826765060425, -0.5512877702713013, -0.428228497505188, 0.164579838514328, 1.0163594484329224, -0.7622537612915039, -0.852060079574585, 0.25173425674438477, 0.41433271765708923, -0.13531672954559326, -0.06867456436157227, -0.08440657705068588, 1.0466699600219727, 0.6658006906509399, -0.44014644622802734, -0.5064469575881958, -0.4190564453601837, -0.9326137900352478, -0.2656501829624176, 0.4819156527519226, -0.1736930012702942, 1.0858335494995117, -0.31975769996643066, -0.4006851613521576, 0.8460826277732849, 0.41077467799186707, -0.7733350396156311, -0.2846769690513611, -1.1297335624694824, -1.5867668390274048, -0.19082185626029968, 0.07700477540493011, 0.33363232016563416, -1.040334701538086, 0.0967949628829956, -0.844777524471283, 0.2835329473018646, -0.6681292057037354, 0.6622687578201294, 0.2459934800863266, -0.9676603078842163, -0.3471696674823761, 2.500953435897827, -0.9742050170898438, 1.456457495689392, -0.6634748578071594, -0.23175877332687378, -0.9096033573150635, -0.11159200221300125, 1.855329155921936, -0.5286902785301208, -0.3814496695995331, -0.6147380471229553, 0.6543589234352112, -1.1416523456573486, 0.6235201954841614, -0.18635204434394836, -0.428374707698822, 0.3927181661128998, -0.04241514950990677, -0.8109055161476135, -1.4354240894317627, -0.6542023420333862, 0.9040467143058777, 0.1094193309545517, 0.7869980931282043, -0.08269728720188141, 1.3349547386169434, 1.458524227142334, -0.4493229389190674, -0.5745635032653809, -0.07273432612419128, -0.8994544744491577, -0.281424343585968, 0.13975101709365845, -0.24206340312957764, 0.1753813624382019, -0.9378700852394104, 0.901971697807312, -0.604162871837616, -0.21226409077644348, -0.6781454086303711, -0.2866021692752838, 0.7851793169975281, 0.3467208743095398, -0.13588424026966095, 0.7464596033096313, -0.2380819022655487, -0.5806564688682556, 0.09215216338634491, 0.32979297637939453, -0.013039455749094486, 0.3313331604003906, 0.3581576943397522, -1.5637935400009155, -0.9327387809753418, -0.03511542081832886, 1.5874513387680054, 0.05199900269508362, -0.3839399516582489, -0.11962459236383438, 0.4355677664279938, 0.16640496253967285, -0.3401227295398712, 0.19099371135234833, -0.16448649764060974, 0.39938056468963623, 0.4550105929374695, 0.7321000099182129, -0.5663882493972778, -0.1805579662322998, 1.0990984439849854, 1.1064443588256836, -0.9569184184074402, -0.3516845703125, -1.1927251815795898, 0.5015429854393005, 1.7096470594406128, 0.22231128811836243, -0.6657820343971252, -1.830665111541748, -0.38387924432754517, 1.0281323194503784, -0.10885284096002579, -0.37850621342658997, -0.5822573304176331, 0.4966699481010437, -1.2044583559036255, 0.29091131687164307, -0.49315813183784485, -0.06413804739713669, 0.22347375750541687, 0.5460414290428162, -0.26397767663002014, -0.5344735980033875, -0.715374231338501, -0.7106692790985107, 0.36446934938430786, 1.07271146774292, 0.15998537838459015, -0.28273913264274597, 0.5888028740882874, 0.36490750312805176, 0.4933401346206665, 0.13204941153526306, 0.7007662057876587, 0.22707751393318176, -0.38363713026046753, 0.08132236450910568, 0.7146581411361694, 0.02924678474664688, 0.723088264465332, 0.043986909091472626, 0.3847735822200775, 0.06821852922439575, -0.6988881230354309, 0.700994610786438, -0.015346430242061615, 1.2864246368408203, 0.8136062026023865, 0.11395914852619171, 1.191577434539795, -1.3914965391159058, 0.32914379239082336, -0.2566940188407898, -0.8366743326187134, -0.023645125329494476, 0.204203262925148, 0.6664149165153503, -0.6218058466911316, 0.4982187747955322, -0.04127606004476547, 0.15968357026576996, -0.7372977137565613, -1.424816370010376, -0.5365183353424072, -0.3661242723464966, -1.6957558393478394, -0.2962055206298828, -0.17108659446239471, -0.6401593089103699, -0.1828283965587616, 0.09347864985466003, 0.2207845002412796, 0.3236028552055359, 0.2976786494255066, 2.0092642307281494, -0.08337247371673584, 0.31446048617362976, -1.221599817276001, 0.9272629618644714, 0.08313874900341034, 1.1030055284500122, -1.348317265510559, 0.036673009395599365, -1.381074070930481, 0.26276692748069763, -0.2462388426065445, 0.09486038237810135, 0.069295234978199, -0.661008894443512, 0.5225209593772888, 0.10643380880355835, -0.7181798219680786, 1.152159333229065, -0.6771379709243774, -0.02523788809776306, -1.0508437156677246, 1.075407862663269, 0.11454654484987259, -1.1141494512557983, 0.3616974353790283, 0.445269912481308, 0.06199389323592186, 0.9575080871582031, -0.434134840965271, 1.7406892776489258, 0.21016423404216766, 0.34056729078292847, 0.5206688642501831, -0.44349464774131775, -2.207562208175659, 0.02543439157307148, 2.0656704902648926, -1.0459970235824585, -0.6099960207939148, -0.894706130027771, 0.2925645709037781, 0.10781365633010864, -0.360507994890213, 0.18567633628845215, -0.8950101733207703, 0.30987417697906494, -0.22562605142593384, 0.42804235219955444, 1.3230280876159668, 0.29879897832870483, 0.843921959400177, 0.7462167739868164, 0.2463589310646057, -0.9800518155097961, -0.5303239822387695, 1.1955291032791138, -0.36610928177833557, 0.14906013011932373, 0.057222604751586914, 1.24678373336792, 1.3252766132354736, 0.007304549217224121, 0.343044638633728, 1.6575291156768799, 0.7163968682289124, 0.598954439163208, 0.6726809740066528, -1.0347371101379395, -0.024940872564911842, -0.006977710872888565, 0.8282646536827087, 0.49465760588645935, -0.493926078081131, -1.0345516204833984, 0.039510179311037064, -0.48179757595062256, -0.848239004611969, 1.0697441101074219, 0.1971585750579834, 2.334719657897949, 0.4573831558227539, 0.8072015643119812, -0.4207671582698822, -0.3715243637561798, 0.19106172025203705, 0.3397466242313385, 0.2828432321548462, -0.8303123712539673, -0.4636861979961395, 1.154069185256958, -0.6170439124107361, -0.3727916181087494, -0.5860621929168701, 1.004737377166748, -0.5042832493782043, -0.30298319458961487, 0.7154354453086853, 1.0455478429794312, 1.058510422706604, 2.234593629837036, -0.6759048104286194, -0.345825731754303, 0.28988584876060486, 0.26991546154022217, 0.7101542949676514, 0.28067514300346375, -1.5318971872329712, -0.38482025265693665, 0.20455168187618256, 0.589815080165863, -0.7312292456626892, 0.994401216506958, 0.9227249622344971, -0.25934669375419617, -0.36703431606292725, -0.8386549353599548, -0.622277021408081, -0.400932252407074, -0.01900915801525116, 0.1727963387966156, -0.352923721075058, 0.7144088745117188, -0.21912881731987, -1.1849597692489624, 0.6445204019546509, -0.13806428015232086, -0.7944927215576172, 0.28852689266204834, 1.2758967876434326, -1.6127562522888184, -0.9757584929466248, -0.028737448155879974, -0.9887171983718872, -0.36742737889289856, 0.016072187572717667, -0.49726402759552, 0.28916311264038086, 0.20130057632923126, 0.45842257142066956, -0.007236592471599579, 0.12565089762210846, -1.1577666997909546, 0.5167421698570251, 0.6727104187011719, -0.38735464215278625, 1.5975868701934814, 0.21757133305072784, -0.0593704953789711, 0.3217696249485016, -1.266144871711731, -0.06320000439882278, 0.18624472618103027, -0.5251791477203369, -0.22921468317508698, -0.3770001530647278, -0.2674696743488312, -0.04166046902537346, -0.23464514315128326, 0.2060907930135727, -1.032576560974121, 0.14008428156375885, -0.9300183653831482, 0.32031720876693726, -0.03302320837974548, -0.6640468835830688, -0.599322497844696, 0.2995195984840393, -0.7242655754089355, 0.2511686682701111, 0.43515875935554504, 0.6284710764884949, 1.2757303714752197, 0.6810119152069092, -0.5616464614868164, -0.008268274366855621, -10.08001708984375, -0.11710409820079803, 0.3633290231227875, -0.5826910138130188, 0.4231431186199188, 0.13451127707958221, 0.445282906293869, -0.3849446475505829, 0.5949228405952454, -0.24393321573734283, 0.41117438673973083, 0.7549527883529663, -0.23132643103599548, -0.5905694961547852, -0.28223976492881775, -0.8063583970069885, -0.45741957426071167, -0.31490468978881836, 0.798646092414856, -0.5186434984207153, 0.785946786403656, -1.1076828241348267, 0.6293612122535706, 0.5393933057785034, -0.31110870838165283, -0.09537237137556076, -0.10936018824577332, 0.13338373601436615, -1.3875935077667236, 0.1826402097940445, 0.8180555105209351, -0.8373457193374634, -0.14856430888175964, -1.062821865081787, 1.7115813493728638, -0.499223530292511, -1.5870347023010254, 0.5164692997932434, 0.35106420516967773, -0.6709107756614685, 0.3523181080818176, -0.3851608335971832, -0.108342744410038, -0.6232527494430542, -0.7786238789558411, -0.14330410957336426, 0.9327725172042847, -0.5141304731369019, 0.9392616748809814, -0.06955224275588989, -0.7180231213569641, -0.7220315933227539, -1.0538926124572754, -0.7540978193283081, 0.6819739937782288, 0.8800539970397949, -0.8591482043266296, 0.5495920181274414, 0.2274712324142456, -0.8422067165374756, 0.49146756529808044, 0.3687223792076111, 0.24803516268730164, -0.5239205360412598, 1.0630078315734863, -0.551612377166748, 0.2669602036476135, -0.021623704582452774, 0.5333146452903748, 0.5673758387565613, -1.609209656715393, 0.7009109854698181, 0.5332961082458496, -0.22312024235725403, -0.390860378742218, 0.19105707108974457, -0.23780757188796997, -0.8693990111351013, 0.8735767006874084, 0.5890969038009644, -0.5119327306747437, 0.43478068709373474, -0.18421638011932373, -0.42820677161216736, -0.8097067475318909, -0.02610301785171032, 0.5970962047576904, -0.6774155497550964, 1.213829755783081, -0.6283353567123413, 0.8998730778694153, -0.4378553628921509, 0.01044994592666626, 0.39738285541534424, -0.09840825945138931, 1.3924967050552368, -0.8362941145896912, 0.6668450236320496, 0.5189245939254761, -1.06084406375885, 0.27394458651542664, 0.09775180369615555, -0.6516258716583252, -0.5008041262626648, 0.7547248005867004, -0.10855845361948013, -0.7640558481216431, 0.6226096153259277, 0.26743707060813904, 0.009829851798713207, 0.724616527557373, 0.9101768732070923, -0.5038487315177917, 0.7074277997016907, -0.17382146418094635, 1.5366954803466797, 1.116403579711914, 0.08374585211277008, 0.17422333359718323, 1.552155613899231, -0.77349853515625, 0.444722980260849, 0.3993028402328491, 0.45509254932403564, 0.6518431901931763, 0.01246354915201664, -0.4097798764705658, 0.8018615245819092, -0.20705190300941467, -0.915531575679779, -0.6795209050178528, -0.3244085907936096, 0.24102681875228882, -0.6013525128364563, -0.4725879430770874, 0.3897416889667511, -0.5730597376823425, 1.8271640539169312, -0.7222785949707031, 0.17246797680854797, 0.10676157474517822, -0.38645756244659424, 0.08428233861923218, -0.288968026638031, -0.9823369383811951, -0.022552616894245148, -2.00799298286438, 0.22211992740631104, -0.7432074546813965, -0.0645918920636177, 0.07741688936948776, -0.09745217114686966, 0.4547058343887329, -0.5258471369743347, -0.9584630131721497, -0.11620041728019714, 0.9606233835220337, -0.10539112985134125, -0.6237385869026184, -0.17381754517555237, 0.37794026732444763, 0.9829914569854736, -0.9004492163658142, 0.8808358907699585, -0.8923137187957764, 0.06531845033168793, -0.8574866652488708, 0.03098234534263611, -0.665528416633606, 0.5892037749290466, 1.5944619178771973, -1.6509661674499512, -0.12278325110673904, -1.083297610282898, -0.09645581245422363, -0.7401316165924072, 0.16858261823654175, 1.4117590188980103, -1.2108718156814575, 0.25710317492485046, -0.4990503787994385, 0.2051309049129486, 0.9910422563552856, 0.26291903853416443, -0.29102465510368347, 0.2620358169078827, -0.5007149577140808, 0.42712658643722534, 0.2823706269264221, 0.15857930481433868, -1.5712809562683105, -1.139629602432251, -0.9404594898223877, -1.1190787553787231, 0.7506358623504639, -0.15337668359279633, 0.8683745265007019, 0.787290096282959, -0.2668830454349518, -0.46923166513442993, 0.2628990411758423, 1.3535175323486328, 0.6442641019821167, 0.7441795468330383, 0.31361058354377747, -0.5142307281494141, -0.6358453631401062, 0.2339070439338684, 0.012800212949514389, 0.24349772930145264, -1.0811796188354492, 0.5285894274711609, 0.6195899844169617, 0.3959047794342041, -0.20824302732944489, -1.4794492721557617, 0.12921835482120514, -0.08090183138847351, -0.2572348415851593, -0.983685314655304, -0.2035701870918274, 0.2636282444000244, -1.1183475255966187, 1.2396938800811768, 0.47958889603614807, 0.5648757815361023, 0.31966930627822876, -0.23841924965381622, 1.819628357887268, -0.692579984664917, -0.38607853651046753, 0.4381561875343323, -0.03370831161737442, 0.1975141167640686, 0.3502635657787323, -0.17376427352428436, -0.9041950106620789, 0.7851002216339111, -1.3663289546966553, 0.23787271976470947, 0.1718994826078415, 0.2591758668422699, 0.5802189707756042, 1.3957436084747314, 0.9818238615989685, -1.7639050483703613, -0.6835974454879761, -0.897048830986023, -0.20255829393863678, 1.7847397327423096, -0.36246439814567566, 0.12113624066114426, 0.556644082069397, -1.197778344154358, 0.9505929350852966, -0.8315297961235046, -0.6934703588485718, 0.356467604637146, 0.12046967446804047, 0.5780957341194153, 0.45780426263809204, 0.22686715424060822, 0.4736284017562866, -0.05810297280550003, -0.1681993007659912, 0.0492626391351223, -0.729079008102417, 0.1996804028749466, 1.2661951780319214, -0.4044073522090912, -1.109066367149353, -0.6494828462600708, -0.31345415115356445, -0.27554768323898315, 0.7687386274337769, 0.0605965293943882, -0.7825151681900024, -1.6842284202575684, -0.989315390586853, -1.0156549215316772, 0.40278398990631104, 0.061306584626436234, -0.603560745716095, -0.33333760499954224, 0.05235500633716583, 0.8589215278625488, 0.38730594515800476, -0.7501890063285828, -0.39170631766319275, -0.46928441524505615, 0.07602009177207947, 0.3161725401878357, -0.5355817079544067, -0.3958600163459778, -0.1828642040491104, -0.7389993071556091, 1.3684378862380981, 0.6680715084075928, -0.9685792326927185, -0.049959659576416016, 0.22437438368797302, 0.8800204992294312, -0.4457951486110687, 1.416910171508789, -0.04783099889755249, -1.380183219909668, 1.1303092241287231, 0.4502938687801361, -0.03973548114299774, 0.22035977244377136, 0.3060878813266754, 1.2576773166656494, 0.170093834400177, 1.5934789180755615]} +{"paper_id": "conll2003", "embedding": [-0.8245734572410583, 1.0168572664260864, -0.04691140353679657, -0.16086620092391968, 0.3957699239253998, -0.27493923902511597, 0.5037168860435486, 0.35855692625045776, 0.8440216779708862, 1.0797536373138428, 0.5440380573272705, -0.06958407163619995, 0.21261222660541534, -0.34944555163383484, -0.3570877015590668, -0.2542477250099182, -0.7450728416442871, -0.9862149357795715, -0.4961429238319397, -0.3207627832889557, -1.155400276184082, -0.17584790289402008, -0.029795071110129356, 0.26640206575393677, -0.8874750137329102, -0.3547095060348511, 0.2722317576408386, -0.8967945575714111, -0.10467389971017838, 0.5787385702133179, -0.24117109179496765, 1.3286350965499878, -1.0463656187057495, 0.2433784306049347, -0.2895853817462921, -0.08184843510389328, 0.3031845986843109, 0.3814138174057007, -0.7871125340461731, -0.006476718932390213, -0.50025475025177, -0.3127981424331665, 0.6103029251098633, 0.2751537263393402, 1.133336067199707, -0.1645950824022293, 0.0837755873799324, 0.44682812690734863, 0.19700272381305695, 0.19828198850154877, -0.5480467081069946, 0.36418941617012024, 0.2645326256752014, 0.5130343437194824, -0.18355289101600647, 0.5848687887191772, 0.6045353412628174, -0.817780613899231, 0.20367048680782318, -1.24880051612854, 0.34999462962150574, 0.862103283405304, -0.30825838446617126, 0.053154636174440384, 0.7172859311103821, 0.2879931330680847, 0.8795527815818787, 0.013389050960540771, 0.6090158820152283, 0.5252422094345093, 0.013263896107673645, -1.014847755432129, 0.45251280069351196, -0.1027732789516449, 0.900338888168335, 0.9910125732421875, 0.40193942189216614, -0.20782816410064697, 0.31662970781326294, -0.4498361051082611, -0.487066388130188, 0.7229139804840088, 0.37899112701416016, -0.14908719062805176, -0.013454224914312363, -0.17293205857276917, 0.6372617483139038, -0.5040573477745056, 0.6079983115196228, -1.212895393371582, 0.16984206438064575, 0.19142654538154602, -0.02948227897286415, 0.2061997354030609, -0.017271429300308228, 0.08028111606836319, 0.06339403986930847, -0.2696676254272461, -0.626417875289917, 0.2974449098110199, 0.6135320663452148, -0.140464186668396, -0.01011850405484438, -0.14749747514724731, 0.08588513731956482, 0.9964385032653809, -0.882175087928772, -0.19217103719711304, -0.6760616302490234, -0.19715313613414764, 0.01316402480006218, 1.569879412651062, 0.6264651417732239, 0.10775666683912277, 0.23028656840324402, 0.09765168279409409, 0.7543500065803528, -0.5705509185791016, -0.7278350591659546, 0.004591003060340881, -0.26084473729133606, -0.9385915994644165, -0.34562984108924866, -0.0208367258310318, 0.9247543215751648, -0.4432399570941925, 0.7688595056533813, -0.02085939049720764, 0.319344162940979, -0.33474835753440857, 0.34910741448402405, 0.3994438946247101, -0.06530904024839401, -0.31982019543647766, 2.158900499343872, -0.8235156536102295, 0.961541473865509, -0.41204267740249634, 0.10071820020675659, -0.02883867919445038, 0.34170016646385193, 0.6959213018417358, 0.25898289680480957, -0.2647300958633423, -0.6000881791114807, 0.10251068323850632, -0.3879120945930481, 0.5841007232666016, -0.8228929042816162, -0.47513750195503235, 0.28376537561416626, 0.6086459159851074, -1.2648760080337524, -0.5361401438713074, 0.06144789978861809, 0.5896456837654114, 0.059997010976076126, 0.31939372420310974, -0.4311632513999939, 0.8155263066291809, 0.9502439498901367, 0.3414790630340576, -0.6853528022766113, 0.2120758593082428, -0.7311959266662598, -0.08918440341949463, 0.9940800666809082, -0.23849809169769287, -0.7709051370620728, -0.09366686642169952, 0.5637843608856201, -0.3148036301136017, 0.3679938316345215, -0.22617872059345245, -0.2474706768989563, -0.1137404665350914, 0.8307660818099976, 0.118222177028656, 0.19930598139762878, -0.5719578862190247, 0.2378808557987213, 0.10729925334453583, -0.17568525671958923, 0.7097284197807312, -0.05258142948150635, 0.4342164695262909, -1.2289191484451294, -0.023166023194789886, 0.15032444894313812, 0.2875698208808899, -0.513166606426239, -0.5981302857398987, -0.01610720157623291, 0.04676317051053047, 0.3333282470703125, 0.02355826273560524, 0.3656683564186096, -1.2945053577423096, -0.7464914917945862, 0.37839245796203613, -0.04316989332437515, -0.19137048721313477, 0.05862424522638321, 1.319193959236145, 0.37838035821914673, -0.3181350529193878, -0.4303553104400635, -1.3925405740737915, 0.0656740665435791, 1.977388620376587, -0.14368191361427307, -0.8413496613502502, -1.033408761024475, -0.4648110866546631, 0.4318990707397461, -1.1198183298110962, 0.22503933310508728, -0.4875020384788513, 0.25156885385513306, -1.6275043487548828, 0.16482999920845032, -0.468270480632782, -0.27638161182403564, 0.2066284865140915, 0.8877497911453247, -0.3568243086338043, -0.6037379503250122, -0.24890537559986115, -0.715387761592865, 0.2938389480113983, 0.6878985166549683, 0.47347235679626465, -0.34426265954971313, 0.5030639171600342, 0.32244035601615906, 0.2835395932197571, -0.2708013355731964, 0.6010999083518982, -0.7095996141433716, 0.22735098004341125, -0.2884856164455414, 0.43170076608657837, -0.4162851572036743, -0.16555064916610718, 0.5535629391670227, 0.49012279510498047, -0.22567614912986755, -0.5775272250175476, 0.05054054409265518, 0.32882189750671387, 1.1422557830810547, 1.0181889533996582, -0.4939604103565216, 1.0032542943954468, -0.9516308903694153, 0.41247281432151794, -0.4673164486885071, -0.19369734823703766, -0.26097559928894043, -0.3377005457878113, 0.6733689308166504, -0.32699257135391235, -0.2412029504776001, -0.08102940022945404, -0.08752144128084183, -1.1759637594223022, -0.07752686738967896, 0.20521870255470276, -0.537205696105957, -0.8057748079299927, -0.23280943930149078, 0.1785762757062912, -0.7532176375389099, -0.7225930094718933, -0.06340311467647552, 0.5292307734489441, -0.2670433819293976, 0.6568046808242798, 1.2644683122634888, -0.08935001492500305, 0.1911105215549469, -0.2291317582130432, 0.7687623500823975, -0.9144107103347778, 0.6212604641914368, 0.24347713589668274, 0.15020285546779633, -0.6738287806510925, -0.10492385923862457, -0.0824231281876564, 0.41217437386512756, 0.2310105264186859, 0.15304601192474365, 0.2997618019580841, -0.17656418681144714, -1.0631965398788452, 1.3751871585845947, -0.588441014289856, 0.18291383981704712, -0.986303985118866, 1.6194618940353394, 0.6567886471748352, 0.19755668938159943, 0.3560875654220581, 0.39201733469963074, -0.03284554183483124, 1.018240213394165, -0.4359106719493866, 0.5157718062400818, -0.07055339217185974, -0.34608152508735657, -0.18727508187294006, 0.5348567366600037, -2.175494432449341, -0.3264525234699249, 0.21799619495868683, 0.0878361165523529, 0.3420395255088806, 0.3247310519218445, 0.521767795085907, -0.3604043126106262, -0.2565476596355438, 0.5031819343566895, -0.5778647661209106, 0.5102872848510742, -0.8381869792938232, -0.3585173487663269, 0.3961809575557709, 0.021732352674007416, 0.24074076116085052, 0.15372073650360107, 0.5137168169021606, -0.8525733947753906, -0.013627465814352036, 1.03462553024292, -0.39581409096717834, 0.558627724647522, 0.7780816555023193, 0.4313192367553711, 1.0332067012786865, -1.0685300827026367, 0.015093355439603329, 0.3925495743751526, 0.15591609477996826, 0.15022285282611847, 0.16146963834762573, 0.36552178859710693, 0.4415023922920227, -0.3140898048877716, 0.9237926602363586, 0.49105724692344666, -0.9460236430168152, -0.9483147859573364, -0.25982972979545593, -0.8794086575508118, -0.05864004045724869, 1.720343828201294, 0.5027154684066772, 1.3241052627563477, 0.2112441509962082, 0.3638051748275757, -0.4704383909702301, -0.07353506982326508, 1.1464341878890991, 0.27580690383911133, -0.06456243991851807, -0.057781413197517395, 0.6819140911102295, 0.13193558156490326, -0.006302664987742901, -0.2659838795661926, -0.17269468307495117, 0.49511072039604187, 0.19097496569156647, -1.005807638168335, 0.04930860176682472, 0.22105468809604645, 0.28240832686424255, 1.4230717420578003, -0.5662777423858643, -0.5663179755210876, 0.011613056063652039, 0.49338504672050476, 0.4720478057861328, 0.4613276720046997, -0.5880547761917114, -0.20337074995040894, 0.09965255856513977, 0.5794357061386108, -0.2522723972797394, 0.7607166767120361, 0.7825049161911011, -0.30620110034942627, -1.0177836418151855, -0.10880817472934723, -1.4265735149383545, -0.11141504347324371, -0.1320846974849701, -0.45471614599227905, -0.4367470145225525, -0.02442387491464615, -0.3435075283050537, -0.7640909552574158, 0.22307837009429932, -0.9743747115135193, -1.0487372875213623, 1.0216017961502075, 1.3298282623291016, -0.6906209588050842, -0.6167353987693787, -0.18796035647392273, -0.3241443634033203, -0.5728784203529358, -0.06134937331080437, -1.1666357517242432, -0.2051234096288681, -0.03682641312479973, 0.5228460431098938, 0.2682979702949524, 0.024236038327217102, -0.45507171750068665, 0.8858973383903503, 0.7093040943145752, -0.2233382761478424, 0.38804304599761963, -0.13283583521842957, 0.4113014340400696, -0.42492157220840454, -1.229897379875183, -0.7076137661933899, 0.7515052556991577, -0.5027192831039429, -0.46357765793800354, -0.8201180100440979, -0.5568181872367859, 0.31204017996788025, -0.2191592901945114, 0.5758681297302246, -0.6532788276672363, 1.203643798828125, -0.9246266484260559, 0.303760290145874, 0.11893600970506668, -0.5755839943885803, -1.1372584104537964, 1.1099894046783447, -0.08880046755075455, -0.07339949905872345, -0.5142270922660828, 0.9242242574691772, 0.8661425113677979, 0.3465980589389801, 0.35776931047439575, -0.31345877051353455, -14.080900192260742, 0.31376761198043823, -0.21441835165023804, 0.3308921456336975, 0.6757867932319641, -0.24015450477600098, 0.6861591339111328, 0.7539075016975403, 0.44888362288475037, -0.232033833861351, 0.2111118882894516, 0.8951748013496399, -0.030906282365322113, 0.07220186293125153, 0.12222067266702652, -0.5672158002853394, -0.359860360622406, -0.4592016339302063, 0.12707765400409698, 0.08462610840797424, -0.23589858412742615, -0.6967166662216187, -0.4281617999076843, -0.10147809982299805, 0.12778420746326447, -0.15841899812221527, 0.3694189488887787, -0.029840953648090363, -0.49589598178863525, 0.024671003222465515, 0.4584815502166748, -0.39141392707824707, -0.6540921330451965, -0.05666981637477875, 0.1067672073841095, 0.2521727383136749, -0.8567979335784912, 0.09286704659461975, 0.9075387120246887, 0.13572411239147186, -0.21352864801883698, 0.19408562779426575, 0.10791472345590591, -0.03794773668050766, -0.2891261577606201, -0.10975311696529388, 0.3764999806880951, -0.8813285827636719, 0.10966664552688599, -0.4446825087070465, -0.23469623923301697, -0.2517924904823303, -0.7127598524093628, -0.22525060176849365, 0.7954434156417847, -0.36678287386894226, -0.13068997859954834, 0.1303253173828125, -0.5630851984024048, -0.9689435958862305, 1.4801334142684937, 0.427573025226593, -0.5156263709068298, 0.30879202485084534, 0.5756672620773315, -0.4869915246963501, 0.3636588752269745, 0.4142557680606842, -0.2844214141368866, 0.30946779251098633, -0.7504799962043762, 0.5536768436431885, 0.5784969329833984, 0.1975598931312561, -0.06496532261371613, -0.1893482804298401, -0.12528641521930695, 0.15147586166858673, -0.0018650665879249573, 0.42361944913864136, -0.7338171005249023, 0.7745380997657776, -0.12216294556856155, 0.21800240874290466, -0.6425565481185913, -0.03630806505680084, -0.4081081449985504, -0.367953360080719, 0.04044882208108902, 0.05173894017934799, 0.8366275429725647, -0.040063194930553436, -0.5125049352645874, -0.2684294581413269, -0.5824748277664185, 0.8587866425514221, -0.6198101043701172, 0.811715304851532, 0.2761223614215851, -0.22305446863174438, 0.07210478186607361, -0.5156017541885376, -0.4110797643661499, 0.11944662034511566, 0.6441731452941895, -0.5144424438476562, -0.040539517998695374, 0.2103031575679779, 0.6372328996658325, -0.08321371674537659, 0.7587094306945801, -0.46302905678749084, 0.08498524129390717, 0.8763232827186584, -0.020991742610931396, 0.740379273891449, 0.5805203318595886, 0.2824765145778656, 0.9904171228408813, 0.9943905472755432, 0.4313685894012451, 0.4757024943828583, 0.12730297446250916, 1.2278616428375244, 0.04950886592268944, -0.1953725963830948, 0.5498538613319397, 0.571590006351471, 0.6214984655380249, -1.4343395233154297, -0.40208500623703003, -0.2255876213312149, 0.006064584478735924, -0.6562343239784241, -0.3217739760875702, -0.5621400475502014, -0.7867429852485657, 1.5025266408920288, -0.2182089388370514, 0.6519443392753601, -0.29877471923828125, -0.7663474678993225, -0.11118082702159882, -0.10224977135658264, -0.29098188877105713, 0.06082375347614288, -1.1578631401062012, -0.08867600560188293, -0.2929900288581848, -0.5630582571029663, 0.5401550531387329, -0.15129496157169342, 0.703376054763794, -0.5948646068572998, 0.3471902310848236, 0.13908007740974426, 0.3100379705429077, -0.38609451055526733, -0.5719978213310242, -0.41565629839897156, 0.17373061180114746, 0.4773624539375305, -0.6194759011268616, 0.8171550631523132, 0.44343140721321106, -0.3362773656845093, -0.6898519992828369, -0.42674559354782104, -0.23536773025989532, 0.14230680465698242, 0.865411639213562, -1.1684623956680298, 0.39299139380455017, -0.5012407898902893, -0.1060718297958374, -1.1065375804901123, -0.15962138772010803, 0.8553519248962402, -0.35406064987182617, 0.3910599946975708, 0.04647136479616165, 0.8056930899620056, 0.6337079405784607, -0.25764793157577515, -1.0067204236984253, -0.5469593405723572, 0.30809837579727173, 0.9210084080696106, 0.041392192244529724, 0.16397804021835327, -0.8287177085876465, -0.5269603729248047, -0.4803590178489685, -0.03597399219870567, 0.3267711400985718, 0.09087090939283371, 0.568183183670044, 0.768663763999939, 0.034971386194229126, 0.3012876808643341, 0.09991765022277832, 0.774345338344574, 0.11915747821331024, 0.049229998141527176, -0.30520138144493103, -0.25210270285606384, -0.4238629639148712, 0.28042641282081604, 0.4720458984375, 1.057763934135437, -0.8459255695343018, -0.4175255298614502, 0.5184648036956787, -0.22364528477191925, 0.14056900143623352, -0.6794390678405762, -0.006502058357000351, 0.20467574894428253, 0.030968308448791504, -0.6587722301483154, -0.17273733019828796, 0.37124115228652954, -0.5507170557975769, 0.7116518616676331, -0.049784500151872635, 0.27781960368156433, 0.2425408661365509, 0.16579127311706543, 1.2119929790496826, -0.3319432735443115, 0.05429093539714813, 0.4549071490764618, -0.5336880683898926, -0.4596893787384033, -0.4639761745929718, 0.4621601998806, -0.7150552272796631, 0.4249413013458252, -0.6448948383331299, 0.04911964759230614, 0.031204331666231155, -0.0631110891699791, 0.30932679772377014, 0.5130967497825623, -0.20678013563156128, -0.9615751504898071, -0.8023005723953247, -0.29625043272972107, -0.2587924003601074, -0.192918598651886, -0.23577634990215302, 0.8672784566879272, 0.7836495041847229, 0.10132534801959991, 1.1731529235839844, 0.12246011197566986, -0.41864991188049316, 0.32562077045440674, -0.011967867612838745, 1.0586456060409546, 0.4312094748020172, 0.03257046639919281, -0.015119584277272224, -0.17422306537628174, -1.0046433210372925, -0.41286683082580566, -0.21512514352798462, 0.5163424015045166, 1.1917856931686401, -0.5883675217628479, -0.0035554543137550354, -0.5123138427734375, 0.14822033047676086, -0.4034615159034729, 0.0890970528125763, 0.3111491799354553, -0.238689586520195, -0.31316280364990234, -0.4643336534500122, 0.042674362659454346, 0.9974231123924255, -0.09850002825260162, -0.5275910496711731, -0.9860934615135193, -0.3527693450450897, -0.41280603408813477, -0.3669339418411255, -0.3464857041835785, 0.4727489948272705, 0.09846159815788269, 0.32272303104400635, 0.4222959578037262, -0.4791543185710907, -0.5174510478973389, 0.31595340371131897, -0.5506433248519897, 0.5894030332565308, -0.026108253747224808, -0.7611163854598999, -0.23238001763820648, 0.4019768238067627, -0.2612036168575287, -0.13278286159038544, 0.8195866346359253, -0.6963359117507935, -1.0696676969528198, 0.37389180064201355, 0.4949418604373932, -0.0071794418618083, -0.04373574256896973, 0.2715924382209778, 0.7173471450805664, 0.0389120951294899, 0.8929876089096069]} +{"paper_id": "kilt_tasks", "embedding": [-0.3415224850177765, 1.5989139080047607, 0.300143301486969, 0.15689395368099213, 0.4426223635673523, -0.2975650429725647, 0.23916107416152954, 0.688938319683075, 0.96242755651474, 0.5716366767883301, 0.6533804535865784, 0.1532781422138214, 0.4481090009212494, 0.22177591919898987, -0.6451476812362671, -0.002069815993309021, -0.9907209277153015, -1.2981452941894531, -1.3061579465866089, -0.30226317048072815, -1.1586036682128906, -0.5659268498420715, 0.2695874273777008, 1.2004659175872803, -0.8035020232200623, -1.2028828859329224, 0.47872090339660645, -1.4711930751800537, 0.1795828640460968, -0.12400680035352707, -0.42730438709259033, 1.6020147800445557, -1.2695914506912231, 0.763369083404541, -0.2916335463523865, 0.2018337994813919, 0.45085659623146057, 1.4631723165512085, -0.19118642807006836, -0.2760624289512634, -0.551550567150116, 0.08274515718221664, 0.26054510474205017, -0.004771136678755283, 1.5413004159927368, -0.8588637113571167, 0.32607150077819824, -0.08631879091262817, 0.21050329506397247, -0.2685049772262573, -0.8380120396614075, 0.2894788980484009, -0.0034909751266241074, 0.5351995229721069, -0.3464681804180145, 0.9324343800544739, 0.3423428237438202, -0.6688254475593567, 0.7247368097305298, -0.3391440510749817, 1.1472307443618774, 1.2704768180847168, -0.5170778632164001, 0.1501675397157669, 1.0653399229049683, 0.22944839298725128, 1.3394012451171875, 0.06980705261230469, 0.5078319907188416, -0.05517023056745529, 0.18766765296459198, -0.9586365818977356, 0.29332274198532104, -0.09176833182573318, 0.129659503698349, 1.3115402460098267, 0.8312031626701355, -0.21200034022331238, 0.05591829866170883, -0.4320143461227417, -0.1907597929239273, 0.8133760094642639, 0.640126645565033, -0.4583112597465515, 0.07224654406309128, 0.34411418437957764, 0.26794689893722534, -0.8355326652526855, 0.599627673625946, -1.7582099437713623, 0.936617910861969, -0.04476368427276611, -0.14974907040596008, -0.2005445808172226, -0.20265823602676392, -0.07761531323194504, -0.4576910138130188, -0.111748106777668, -0.6898620128631592, 0.4207535684108734, 0.3267858326435089, 0.41588571667671204, -0.03705867752432823, -0.01788964867591858, 0.16182848811149597, 0.7892099022865295, -0.02548392117023468, -0.403119295835495, -1.363267421722412, -0.4032518267631531, 0.8477712869644165, 0.944042980670929, -0.09315354377031326, 0.3783164918422699, -0.18589948117733002, -0.14975163340568542, 0.42989984154701233, -0.45456379652023315, 0.04162163659930229, 0.4419024586677551, -0.40722164511680603, -1.1930683851242065, -0.48561573028564453, 0.18223588168621063, 0.7145249843597412, -1.037042260169983, -0.1320061981678009, -0.35977882146835327, -0.008275086060166359, -0.30151113867759705, 0.8863543272018433, 0.26631733775138855, -0.8494624495506287, -0.4209366738796234, 2.6886203289031982, -1.216052770614624, 1.444934606552124, -0.4771360158920288, 0.05254443734884262, -0.6252140402793884, -0.15207761526107788, 1.3930875062942505, 0.4979637563228607, -0.643092155456543, -0.20236332714557648, 0.2906065285205841, -0.711564302444458, 0.773410439491272, -1.1932034492492676, -0.40032944083213806, 0.007827945053577423, -0.2715345323085785, -1.5588057041168213, -0.6065693497657776, -0.29916512966156006, 0.2140439748764038, -0.4146293103694916, 0.8300179243087769, 0.07523778080940247, 1.1650396585464478, 0.5069122910499573, 0.3845897316932678, -0.3615860342979431, 0.5193431973457336, -0.8167427778244019, -0.21519215404987335, 0.9928084015846252, -0.5694966316223145, -0.7821429371833801, -0.2704295516014099, 0.5245864987373352, -0.27044209837913513, -0.524752676486969, -0.2750642001628876, -0.5420623421669006, 0.32879552245140076, 0.8264564275741577, 1.050673007965088, 0.2369140088558197, -0.1627701073884964, -0.14872801303863525, -0.3035702109336853, 0.17978546023368835, 0.7093391418457031, -0.7024271488189697, 0.8815611004829407, -2.323307991027832, -0.35963135957717896, -0.3736576437950134, 0.6246317028999329, -0.3315306603908539, 0.29286038875579834, 0.3368096649646759, -0.36324164271354675, 0.3941839337348938, -0.7725327014923096, 0.7067443132400513, -1.4277918338775635, -0.37965407967567444, -0.040027037262916565, -0.029705975204706192, 0.543318510055542, 0.26039138436317444, 0.9156983494758606, -0.06451299041509628, -0.6367821097373962, -0.25005295872688293, -2.325838327407837, -0.1405986249446869, 2.2682435512542725, -0.34095752239227295, -0.4946763515472412, -1.0984355211257935, -0.7204471826553345, -0.38917282223701477, -0.5125166773796082, -0.04876479506492615, -0.1490146368741989, 0.23904192447662354, -0.827022910118103, 0.7026018500328064, -0.6895992159843445, 0.2748972177505493, 0.0092351995408535, 1.1309056282043457, -0.28070560097694397, -0.16766992211341858, -0.6260961890220642, -1.0041630268096924, 0.5027198791503906, 0.8974881172180176, 0.03646048903465271, -0.285915732383728, 1.0176445245742798, 0.42835086584091187, 0.7191834449768066, 0.7131432294845581, 0.7794514298439026, -1.2185419797897339, 0.7224389314651489, -0.5594295859336853, 1.1776187419891357, 0.06248728930950165, 0.02889137901365757, 0.2807725667953491, 0.3292432725429535, -0.5763573050498962, -0.4815947413444519, 0.2261515110731125, -0.2516311705112457, 1.2152384519577026, 0.8326339721679688, -0.5962094068527222, 1.4817358255386353, -1.1689685583114624, 0.036226022988557816, -0.7747501134872437, -0.7598893046379089, -0.19616518914699554, 0.06242670863866806, 0.9335644841194153, -0.3300973176956177, 0.13479582965373993, -0.21857555210590363, -0.201954647898674, -1.8019078969955444, -0.07219481468200684, 0.17763292789459229, -0.3851107358932495, -1.1596479415893555, 0.44486361742019653, -0.4224057197570801, -1.402835488319397, -0.725504457950592, 0.45446908473968506, 0.014216260984539986, -0.16361036896705627, 0.9484448432922363, 1.9144017696380615, -0.3799852728843689, 0.3732926845550537, 0.0038178861141204834, 1.3604681491851807, -0.9264823198318481, 0.8415411114692688, 0.3784518837928772, 0.17201834917068481, -1.4648770093917847, 0.4647744596004486, 0.04330343008041382, 0.20515599846839905, 1.2244288921356201, 0.403375506401062, 0.3343508541584015, -0.4428108036518097, -0.4246431291103363, 0.9781006574630737, -0.40657100081443787, -0.3117428719997406, -0.8332961201667786, 1.8950265645980835, -0.06538590043783188, -0.8357161283493042, 0.6263644099235535, 0.26140058040618896, -0.7195968627929688, 1.0163137912750244, -0.0794801414012909, 0.4714740812778473, 0.13539434969425201, 0.013226094655692577, 0.16631953418254852, 0.6880764365196228, -1.6884266138076782, 0.7413187623023987, 0.3144339323043823, -0.2519911825656891, 0.04337787255644798, -0.26428574323654175, 0.12169018387794495, -0.7529627680778503, -0.026663517579436302, 0.6026076078414917, -0.0777554139494896, 0.42481479048728943, -0.2295674979686737, 0.2855066657066345, 1.2428520917892456, -0.2805400490760803, 0.5607510209083557, 1.1856660842895508, -0.3685903549194336, -0.8933427929878235, -0.5500366687774658, 0.7991479635238647, -0.05606365203857422, 0.963660478591919, 0.30277690291404724, 0.43038320541381836, 1.0470569133758545, -0.4458642601966858, -0.228481724858284, 0.2864713668823242, 1.1031543016433716, 0.3198438584804535, 0.40531831979751587, -0.3721132278442383, 0.15709322690963745, -0.57182377576828, 1.1504825353622437, -0.1722262054681778, -0.8688678741455078, -1.6363029479980469, -0.08550910651683807, -0.9571709036827087, -0.3049788475036621, 2.4413833618164062, 0.13130779564380646, 1.7747039794921875, -0.2547150254249573, -0.17994821071624756, -0.5730692148208618, -0.07231307029724121, 0.5851700305938721, 0.23439335823059082, 0.5400868654251099, -0.9454058408737183, -0.1983395218849182, 1.0527923107147217, 0.1485246866941452, -0.3243117332458496, 0.2455826699733734, 0.785409152507782, 0.41870781779289246, -0.942058801651001, 0.2555127739906311, 0.6172572374343872, 0.5362515449523926, 0.8186416625976562, -0.8284846544265747, -0.15672023594379425, -0.2416658252477646, 0.222396582365036, -0.3596612513065338, 0.822424590587616, -1.0482373237609863, 0.6820427179336548, 0.3332230746746063, 0.057350948452949524, 0.11584837734699249, 1.4167670011520386, 1.5846446752548218, -0.34568846225738525, -1.5221155881881714, -0.34030425548553467, -0.782204270362854, 0.055681176483631134, 0.582267165184021, 0.08931294083595276, -0.6397114396095276, 0.533227801322937, -0.019270002841949463, -1.0521966218948364, 0.6700637340545654, -1.2606894969940186, -1.744490385055542, 0.9323169589042664, 0.7651207447052002, -0.7000003457069397, -0.6473838686943054, 0.025431104004383087, -1.0541720390319824, -0.8906747102737427, -0.2786141633987427, -1.1250661611557007, 0.21964548528194427, 0.3248053193092346, 0.8820154666900635, -0.0675375685095787, -0.15512192249298096, -0.5471062064170837, 0.905744731426239, 0.9387467503547668, -0.4208860397338867, 0.6512653827667236, 0.2127220779657364, 0.4973031282424927, -0.4835098087787628, -1.2496147155761719, -1.2376785278320312, 0.6247044205665588, -0.4080130457878113, 0.05702635273337364, -1.4289392232894897, -0.8691190481185913, 0.9391900300979614, -0.0209687240421772, 0.9149301052093506, -0.3654659688472748, 0.18906666338443756, -0.9687599539756775, 0.024427561089396477, 0.638136625289917, -0.8356903791427612, -1.0308969020843506, 0.9130600094795227, 0.018450476229190826, 0.34876179695129395, -0.24228405952453613, 0.3496584892272949, 1.3929734230041504, 0.009161368012428284, -0.21930482983589172, -0.3971313536167145, -11.301468849182129, 0.35956254601478577, -0.016749003902077675, 0.014531612396240234, 0.4906042218208313, -0.3882845342159271, 1.1559648513793945, -0.18427783250808716, 0.7379687428474426, -0.6636505722999573, 0.6334628462791443, 0.9624695777893066, 0.7563626170158386, -0.04148178547620773, -0.6365675926208496, -1.5939933061599731, -0.1953275203704834, -0.4593268036842346, 0.3190916180610657, -0.17573735117912292, -0.49584245681762695, -0.418850302696228, -0.6365535259246826, -0.030214428901672363, 0.262986958026886, 0.413612425327301, -0.329969197511673, -0.1415431946516037, 0.05875992774963379, -0.20163790881633759, 0.549071192741394, -0.3275252878665924, -0.5885869264602661, -0.38728630542755127, 0.13884682953357697, 0.3244357407093048, -0.9436017870903015, 0.20990552008152008, 0.7615748047828674, -0.41046398878097534, -0.9259845018386841, 0.67349773645401, 0.5135424733161926, -0.20592664182186127, -0.5855257511138916, 0.2496989220380783, 0.8133195638656616, -1.1531487703323364, 0.46880602836608887, -0.08241971582174301, -0.25583308935165405, -0.7316015958786011, -1.5199404954910278, 0.2009863704442978, 0.3583087921142578, 0.45353955030441284, -0.3733327388763428, -0.14655540883541107, -0.561384379863739, -1.0301202535629272, 0.9923344850540161, 0.4288708567619324, -0.024579651653766632, 0.38563743233680725, 0.3612944185733795, 0.03527260571718216, 0.4143040180206299, -0.08402746170759201, -0.5700440406799316, 0.26023977994918823, -0.4881359338760376, 0.6841581463813782, 0.10896312445402145, 0.4898463487625122, -0.4837471544742584, 0.2142721712589264, -0.12850642204284668, -0.1697649210691452, -0.0984421819448471, 0.04705224931240082, -1.2143210172653198, 1.3194091320037842, 0.1274140626192093, -0.4635763466358185, -0.16796964406967163, 0.11144599318504333, -0.7235336303710938, 0.24410083889961243, 0.5688506364822388, -0.6013903021812439, 1.0775659084320068, 0.16696518659591675, -0.16449765861034393, 0.03628478944301605, -0.5889390110969543, 0.6701197624206543, -0.6709088683128357, 0.5734198093414307, 0.49791404604911804, -0.4647408425807953, 0.41730350255966187, -0.6400411128997803, -0.5325556993484497, -0.5162777304649353, 0.5545390248298645, 0.6489549279212952, 0.14253529906272888, -0.35234320163726807, -0.03545393422245979, -0.8062402009963989, 1.4293705224990845, 0.5165026783943176, -0.6883094310760498, 1.1202824115753174, -0.3639998733997345, 0.5669207572937012, 0.25291988253593445, 0.2597145438194275, 0.1247827559709549, 1.240251064300537, 0.02854393795132637, 1.2061325311660767, 0.016521155834197998, 1.2167574167251587, -0.45910245180130005, 0.00031863804906606674, 1.0136585235595703, 0.6497959494590759, 0.13153548538684845, -1.574235200881958, -0.29568222165107727, -0.07680920511484146, 0.04040001332759857, -1.0021638870239258, -0.49271318316459656, -0.3566475510597229, -0.908329427242279, 1.6871789693832397, -0.43264544010162354, -0.05839500576257706, 0.23890520632266998, -1.0260732173919678, -0.031052328646183014, -0.9134213328361511, -0.701913595199585, -0.11620498448610306, -1.0513113737106323, -0.32330751419067383, -0.7526010274887085, -0.5928369164466858, 0.14656959474086761, -0.13113786280155182, 0.6429526209831238, -0.8696337342262268, 0.02783077396452427, -0.47490403056144714, 0.5978977680206299, -0.4045259356498718, -0.7127383947372437, -0.1645888388156891, -0.016021810472011566, 1.1524429321289062, -0.6144301295280457, 0.6844964623451233, 0.5427889823913574, -0.7294982075691223, -0.4776586592197418, -0.13239511847496033, -0.8364955186843872, 0.11472418159246445, 1.2369799613952637, -0.5713059306144714, 0.17742860317230225, -0.7081325650215149, -0.021297022700309753, -1.0485665798187256, 0.7301401495933533, 1.276054859161377, -0.623599112033844, -0.3522305488586426, 0.5217678546905518, 0.7160519361495972, 0.5325502157211304, -0.21632501482963562, -0.20737653970718384, 0.016022495925426483, -0.3413781225681305, 0.47589099407196045, 0.18566648662090302, 0.6694477796554565, -1.75072181224823, -0.9310217499732971, -0.6365549564361572, -0.3454791009426117, 0.6320415139198303, 0.014519847929477692, 1.2791602611541748, 0.23805099725723267, 0.025831878185272217, 0.5447086095809937, 0.11688776314258575, 0.8451511859893799, 0.32046955823898315, 0.8903651833534241, -0.35811200737953186, -0.1583743691444397, -0.730556845664978, 0.6165148615837097, 0.6125460267066956, 0.6785949468612671, -1.192185640335083, -0.2686654329299927, 0.12413647770881653, -0.26407521963119507, 0.04792623594403267, -0.7452611923217773, 0.3957376182079315, -0.2551150619983673, -0.5287848114967346, -1.01755690574646, -0.13641318678855896, 1.1617404222488403, -0.30244895815849304, 0.4962612986564636, 0.4886360764503479, 0.8591435551643372, 0.7460322976112366, 0.5700312256813049, 1.0153272151947021, -0.32970231771469116, -0.24891981482505798, 0.5591360926628113, 0.08201485872268677, 0.06315172463655472, -0.5326271057128906, -0.8825143575668335, -0.5194301605224609, 0.5513666272163391, -0.5834907293319702, 0.5817680954933167, 0.1020037829875946, 0.472668319940567, 0.6646006107330322, 0.8641051054000854, -0.12188085168600082, -1.2456729412078857, -0.23083588480949402, -1.1349143981933594, 0.018893670290708542, 0.7166106104850769, 0.2667941749095917, 0.3708212673664093, 0.6925697326660156, 0.7394449710845947, 1.359693169593811, -0.25120818614959717, -0.31392771005630493, -0.18972235918045044, -0.3180345892906189, 0.656204342842102, 0.6364061236381531, 0.7779378294944763, -0.09733548015356064, 0.33944985270500183, -0.8929613828659058, -0.7243178486824036, -0.6023480892181396, 0.22652442753314972, 0.8675663471221924, 0.18050886690616608, -0.2841457724571228, -1.2990275621414185, 1.1452943086624146, -0.7925184965133667, 0.7946239709854126, 0.020177606493234634, -0.4925563335418701, -0.5642015337944031, -1.1566113233566284, -0.26658114790916443, 1.2265892028808594, -0.6125035285949707, -0.03188076615333557, -0.22310279309749603, 0.3978278338909149, -0.1508931815624237, -0.33891206979751587, -0.9401629567146301, 0.1385490894317627, -0.05966342240571976, 0.21313782036304474, -0.01933719962835312, -0.6943376064300537, -0.3832300901412964, -0.27136659622192383, -0.8776374459266663, 0.039232298731803894, 0.5898469686508179, -0.6698440313339233, -0.3937600553035736, 0.47312670946121216, -0.09859466552734375, 0.27415937185287476, 0.9027612209320068, -0.23951998353004456, -1.8255985975265503, 0.2750106155872345, 0.6505694389343262, 0.018038542941212654, -0.6181905269622803, 0.20587489008903503, 0.42539191246032715, 0.24792253971099854, 0.7012811303138733]} +{"paper_id": "adversarial_qa", "embedding": [-0.14873671531677246, 0.9971255660057068, 0.14316116273403168, -0.17018766701221466, -0.06386882811784744, 0.0827578529715538, 0.6561222076416016, 0.7593780755996704, 0.7769118547439575, 0.439548522233963, 0.18336769938468933, -0.7528937458992004, 0.05791860073804855, 0.16410087049007416, -0.09782707691192627, -0.32688426971435547, -0.7244362831115723, -0.008917354978621006, -1.477101445198059, -0.8818436861038208, -0.8090494871139526, -0.8450814485549927, -0.010812342166900635, 1.470141887664795, -0.8813314437866211, -1.1546635627746582, 0.6673358082771301, -0.6896855235099792, -0.21147796511650085, -0.19136449694633484, 0.2399815022945404, 0.951491117477417, -1.8965569734573364, 0.9505401253700256, 0.2095956802368164, -0.7111693024635315, 0.3529474139213562, 0.3342287540435791, 0.41818711161613464, -0.74509197473526, -0.615572452545166, 0.12508299946784973, -0.09688688814640045, 0.21651218831539154, 0.11891160160303116, -0.8087619543075562, 0.7629384994506836, -0.20048321783542633, -0.2870306372642517, -0.5545840263366699, -0.8736584782600403, -0.06455114483833313, -0.6161031723022461, -0.07642330229282379, -0.02154761552810669, 0.9821502566337585, -0.363929808139801, -0.3907710015773773, 0.44418105483055115, 0.07961603999137878, 1.3899304866790771, 1.7275640964508057, -0.17875464260578156, -0.017812181264162064, 1.619004487991333, 0.36612361669540405, 1.1104496717453003, -0.07882958650588989, -0.4716508686542511, 0.7718844413757324, -0.8039098978042603, -0.47718545794487, -0.3909539580345154, -0.9512469172477722, 0.5911704897880554, 0.7670671939849854, 0.1592278778553009, 0.3536536693572998, 0.1972106695175171, -0.49524986743927, -0.06485474109649658, 0.30432218313217163, 0.8195856809616089, -0.05729293450713158, -0.13601765036582947, 0.030765555799007416, 0.5212682485580444, -1.1095386743545532, -0.0905197262763977, -1.8918758630752563, 1.2792553901672363, 0.2128089964389801, 0.6860672235488892, 0.09912201762199402, -0.2331494688987732, 0.6983046531677246, -0.4153253436088562, -0.6274223327636719, 0.13632316887378693, -0.16833513975143433, 1.017371654510498, -0.06070861220359802, 0.8881109952926636, -0.6672590374946594, 0.4057793915271759, -0.47040632367134094, 0.536651611328125, -0.12930050492286682, -0.3546171486377716, -0.8471165895462036, 0.05772515758872032, 0.8398469686508179, -0.24266202747821808, 0.7163719534873962, -0.355467826128006, 0.7798743844032288, 0.2782995402812958, -0.955380916595459, -0.39170610904693604, 0.10054236650466919, 0.35959938168525696, -0.47645655274391174, -1.0523912906646729, -0.7196277379989624, 0.9291024804115295, -0.5305092334747314, -0.07668555527925491, -0.8902272582054138, -0.45737597346305847, 0.16935573518276215, 0.5497620105743408, 0.5271639227867126, -0.9697113633155823, -0.20323598384857178, 2.9963362216949463, -1.0802689790725708, 1.163822054862976, -0.3072119355201721, -0.1337319165468216, -0.8970882892608643, -0.6942906975746155, 1.6866148710250854, 0.24304530024528503, -1.0299923419952393, -0.5371103286743164, 0.2503230571746826, -0.02551431581377983, 0.11153637617826462, -0.5859492421150208, -0.2576338052749634, 0.3697996139526367, 0.23287266492843628, -1.1487815380096436, -0.5051556825637817, 0.03340817615389824, -0.24719366431236267, -0.5819498300552368, 0.4229417145252228, -0.34708523750305176, 0.817928671836853, -0.0768546536564827, -0.3221825957298279, -0.3498169183731079, 0.7230592966079712, -0.9671367406845093, 0.16662564873695374, 0.9296624660491943, 0.6036443114280701, -1.1282861232757568, -0.07377013564109802, 0.23760315775871277, -0.4679759442806244, -0.8133727312088013, -0.241234689950943, -0.08453916013240814, -0.24512255191802979, -0.2406226545572281, 0.6708250045776367, 0.4685494303703308, -0.38663363456726074, 0.12233554571866989, -0.09123320877552032, 0.44964122772216797, 0.9427083730697632, -0.18149127066135406, 0.5747925043106079, -2.9754064083099365, 0.2897394001483917, -0.5552036166191101, 1.2142632007598877, 0.09550788998603821, 0.1579568088054657, 0.5886220335960388, 0.761462926864624, -0.1201109066605568, -0.8639818429946899, 0.9016085863113403, -1.0508345365524292, 0.39068788290023804, 0.37690216302871704, 0.42939966917037964, -0.6889572739601135, 0.23144590854644775, 0.6208943128585815, 0.48721230030059814, -0.9107947945594788, -1.366745948791504, -2.3571083545684814, -0.0114983469247818, 1.9150336980819702, 0.4293854534626007, -0.1071617528796196, -0.599733293056488, -0.516236424446106, -0.7224558591842651, -0.05649598315358162, 0.17321787774562836, -0.7873631119728088, -0.09284783154726028, -0.2179621458053589, 0.7869505286216736, -0.6339647769927979, -0.4553854465484619, 0.594741702079773, 1.5600310564041138, -0.2061900496482849, -0.7312437295913696, -0.34853923320770264, -0.39884570240974426, 0.2624039351940155, 0.11038994789123535, 0.10679250210523605, 0.10751470923423767, 0.21571266651153564, 0.32811519503593445, 1.2034019231796265, 0.9668663144111633, 0.5126055479049683, -0.4571402072906494, 0.7046908140182495, -0.4949232339859009, 1.4097956418991089, -0.11558093130588531, 0.10550025850534439, 0.4174215793609619, -0.09589904546737671, -0.5652039051055908, -0.22840195894241333, -0.7624309062957764, -0.11840567737817764, 0.9466301202774048, 0.40651702880859375, -0.5409190654754639, -0.17016881704330444, -0.40417957305908203, -0.05550295114517212, 0.004218950867652893, -0.5699996948242188, -0.8665664196014404, 0.20025219023227692, -0.22575074434280396, -0.696087121963501, -0.1270793080329895, -0.4495304822921753, 0.417920857667923, -0.8114257454872131, -1.0129098892211914, 0.007638312876224518, -0.1319257766008377, -1.1824076175689697, -0.49203744530677795, 0.735804557800293, -1.1357190608978271, 0.3461238741874695, 0.3554621934890747, -0.6653458476066589, -0.08715324103832245, 0.3299378752708435, 1.3443074226379395, 0.39404791593551636, -0.006193356588482857, 0.05723819136619568, 0.9952868819236755, -0.36057451367378235, -0.0005288049578666687, -0.35643985867500305, 0.21511811017990112, -0.6246590614318848, 0.11122404038906097, -0.864491879940033, 0.6983122229576111, 0.20832479000091553, -0.2529440224170685, 1.049224853515625, -0.08880895376205444, -1.0323259830474854, 0.8780028223991394, 0.014585819095373154, -0.1556718647480011, -1.3711410760879517, 1.1356194019317627, -0.08694782853126526, -0.5761277079582214, 0.7385647892951965, -0.930860161781311, -0.6322028040885925, 0.7827886343002319, 0.36090323328971863, -0.5084791779518127, 0.22769935429096222, -0.6737106442451477, 0.5260903835296631, 0.6870744228363037, -1.9050453901290894, 2.0844624042510986, 1.1983882188796997, 0.20082888007164001, -0.12547960877418518, -0.9359256625175476, 0.41694462299346924, -0.3222844898700714, 0.6560365557670593, 0.9153974652290344, -0.8478587865829468, 0.33070987462997437, 0.1744040548801422, 0.3006865382194519, 0.45894840359687805, -0.6621891856193542, 0.5661260485649109, 0.4630548357963562, 0.7694689631462097, -1.0544644594192505, 0.0598006546497345, 1.1982545852661133, -0.5008552670478821, 0.6677780151367188, -0.06371604651212692, 0.7796587347984314, 0.16593024134635925, -0.04217907786369324, 0.4291101396083832, 0.2104782909154892, 0.43523040413856506, -0.12661561369895935, 0.29339006543159485, -0.04613213986158371, 0.1879492551088333, 0.05434752628207207, 1.498490571975708, -0.09055586159229279, -0.6651889085769653, -1.3863887786865234, -0.30226778984069824, -0.6138812303543091, -0.29189449548721313, 1.8364436626434326, 0.4704948365688324, 1.3230010271072388, 0.9619149565696716, 0.3288715183734894, -0.2787967324256897, -0.3261927664279938, 0.026874562725424767, 0.20304127037525177, 0.031496889889240265, -0.8866714239120483, 0.2240423560142517, 0.2745358943939209, 1.1697978973388672, -0.5674654245376587, 0.43183615803718567, 0.5278872847557068, -0.09150700271129608, -1.030801773071289, 0.9658576846122742, 0.7410412430763245, 1.2061741352081299, 1.8807635307312012, -0.13996855914592743, 0.12336470186710358, 0.2015228271484375, -0.37522298097610474, 0.1792159378528595, 0.17178857326507568, 0.4172792136669159, 0.541031002998352, 0.7229117155075073, 0.7235187888145447, 0.1658925563097, 0.8517595529556274, 1.7335628271102905, -0.6356647610664368, -2.123915910720825, 0.1537252962589264, -0.6194631457328796, -0.21160851418972015, -0.4689323604106903, 0.24274393916130066, -0.40676364302635193, 0.6343978643417358, -0.5412708520889282, -0.545670211315155, 0.08377581834793091, 0.15998591482639313, -1.077746868133545, 0.8027251958847046, 1.0006061792373657, -1.1513832807540894, -0.2868252396583557, 0.122871994972229, -0.7681382298469543, 0.19279204308986664, -0.431420236825943, -1.1620298624038696, 1.0281217098236084, 0.13564281165599823, 0.9691218137741089, 0.12374080717563629, 0.16335390508174896, -0.5699296593666077, 1.7230925559997559, 1.3268101215362549, -1.3279869556427002, 0.7863197326660156, 0.3992888331413269, 0.6500460505485535, 0.6562384366989136, -0.5722155570983887, -0.378696471452713, 1.423386812210083, 0.029510192573070526, 0.17648574709892273, -0.7605937123298645, -0.2771436274051666, 1.027761459350586, 0.6817435622215271, 0.45952272415161133, -0.5143375396728516, -0.31588810682296753, -0.7035548686981201, 0.5871477723121643, 0.399528831243515, -1.5453628301620483, -1.0743303298950195, 0.029021132737398148, -0.9105837941169739, 0.7225774526596069, 0.2647017538547516, -0.07372450828552246, 1.8419255018234253, -0.6690827012062073, -0.12783391773700714, -0.44147443771362305, -10.55764102935791, 1.0063480138778687, -0.10433495044708252, 0.09368160367012024, 0.14463365077972412, -0.7016085982322693, 0.38705506920814514, 0.2656261920928955, 0.28256282210350037, -0.4814288318157196, 0.27001598477363586, 1.4733537435531616, 0.05418197438120842, -0.3232405483722687, -0.9321361184120178, -0.6258171796798706, -0.580639123916626, -1.3327133655548096, 0.6116636991500854, 0.4812060594558716, -0.24035009741783142, -0.6968587636947632, -0.32117730379104614, -0.4902891516685486, 0.09720565378665924, -0.6663854122161865, -0.7523502111434937, -0.6996658444404602, 0.5546734929084778, 0.13428758084774017, 0.6193581223487854, -0.1691131442785263, -0.5886487364768982, 0.06500647962093353, 0.16731633245944977, -0.21797311305999756, -1.1525169610977173, -0.707757294178009, 0.5758277177810669, -1.324799656867981, -0.2819021940231323, -0.1701962947845459, 0.7085241079330444, -0.5863620638847351, -1.2336338758468628, 0.5953637957572937, 0.4814280569553375, -1.3503674268722534, -0.7354090213775635, -0.9444878101348877, -0.5744906067848206, -0.5661608576774597, -0.5651518702507019, -0.4974673390388489, 0.5606883764266968, 0.4995659291744232, -0.6362404823303223, -0.6854055523872375, -0.8048471212387085, -0.2801799774169922, 0.29626840353012085, -0.8452695608139038, -0.6377068161964417, 0.53489089012146, 0.4098765254020691, -0.3024135231971741, 0.6837049722671509, 0.5229538679122925, 0.29229143261909485, 1.0493957996368408, -0.7010719776153564, 1.5092092752456665, 0.12193506211042404, 0.41590258479118347, -0.8115462064743042, 0.06921172142028809, -0.6410617232322693, -0.1459774374961853, 0.5833136439323425, -0.11682552099227905, -1.4934070110321045, 0.92474365234375, 0.5242207646369934, -0.12759780883789062, -0.36289963126182556, -0.09592753648757935, 0.3162853419780731, 0.30088236927986145, 1.172057032585144, -0.8150686621665955, 1.528124451637268, -0.31012865900993347, -0.6644548177719116, -0.36853325366973877, -1.1455867290496826, 0.48575884103775024, -0.3835754692554474, 0.5208449959754944, 0.538867712020874, -0.6371660828590393, 0.05341480299830437, 0.26393428444862366, -0.7866177558898926, -0.09844912588596344, 1.0725687742233276, 0.5529851317405701, -0.21751812100410461, 0.5031455755233765, 0.15537992119789124, -1.2076517343521118, 0.3781702220439911, 0.8849001526832581, -0.07038215547800064, 1.6299467086791992, -1.0207122564315796, 0.8476685881614685, 0.7985501289367676, 0.01638762652873993, -0.5217487812042236, 0.945722758769989, -0.39574071764945984, 1.3600735664367676, 0.5479989051818848, 1.9213730096817017, 0.5120596289634705, -0.1456286907196045, 0.5141533017158508, -0.22012969851493835, -0.3843201696872711, -1.4081023931503296, 0.44971928000450134, -0.7720168232917786, 0.1501278281211853, -0.5806869864463806, -0.35463637113571167, -0.2328822761774063, -0.8747162222862244, 1.2540369033813477, -1.0838723182678223, -0.007755666971206665, -0.18921086192131042, 0.34354302287101746, -0.5544501543045044, -0.6326326727867126, -1.4157226085662842, 0.6264897584915161, -1.9858639240264893, 0.48697760701179504, -0.5507903695106506, -0.772215723991394, -0.636388897895813, -0.8713116645812988, 0.7534511089324951, 0.08097146451473236, -0.22446398437023163, -0.3796869218349457, 0.458187997341156, -1.2961819171905518, -0.07247361540794373, -0.5071983337402344, 0.08487064391374588, 1.3198931217193604, -0.9022710919380188, 1.280632734298706, 0.585139274597168, -0.6937522888183594, -0.6175799369812012, 0.6161785125732422, -0.5630051493644714, 0.6944020390510559, 0.9348926544189453, -1.2073545455932617, -0.6354524493217468, -0.2789302170276642, 0.3987947702407837, 0.27815765142440796, -0.003278929740190506, 1.1788737773895264, -1.389831781387329, -0.34801673889160156, 0.05956453084945679, 0.6593988537788391, 0.1750253140926361, -0.9729531407356262, -0.21219433844089508, 0.16202634572982788, -0.5695748925209045, 0.3545500636100769, 0.6793175935745239, 1.254431962966919, -1.113533854484558, -0.6176843643188477, 0.12009243667125702, 0.0645158588886261, 0.0027442947030067444, 0.2684827446937561, 1.3920950889587402, 0.3888055980205536, -0.8953975439071655, -0.1401541829109192, -0.02771565318107605, 0.525117039680481, -0.11016577482223511, 0.8834013938903809, -0.20803004503250122, 0.6967906951904297, -0.7304086089134216, 0.10523951053619385, 0.6368503570556641, 0.9661908149719238, 0.050982993096113205, 0.5066642165184021, -0.0712110847234726, -0.053395893424749374, 0.1202181726694107, -1.2444607019424438, -0.021327078342437744, -1.107488989830017, -0.8830679655075073, -1.295356273651123, 0.780771791934967, 0.7968775629997253, 0.4898225665092468, 0.012264516204595566, 0.6621938347816467, 0.282105416059494, 0.5693179965019226, 0.19993630051612854, 0.9410438537597656, -0.09930862486362457, -0.3545272648334503, 0.49489954113960266, 0.8651953935623169, 0.3023829460144043, 0.3910951018333435, -0.6406569480895996, -0.49367213249206543, 0.049892183393239975, -0.4197646379470825, 1.2315714359283447, -0.616521418094635, 0.4766429364681244, 0.7259023189544678, 1.1570265293121338, -0.15835948288440704, -1.775580644607544, -0.16928637027740479, -1.670804738998413, 0.1372590810060501, 0.9947781562805176, 0.3573007583618164, 0.43917617201805115, 0.38571321964263916, -0.7549720406532288, 0.8428266644477844, -0.6035072803497314, -0.016068771481513977, 0.08635951578617096, -0.3335787057876587, 1.0364952087402344, 0.17500045895576477, 1.0344181060791016, 0.5318199396133423, 0.09803076088428497, -1.482473611831665, -0.12491635978221893, -1.0647400617599487, 0.9275897741317749, 0.2104228287935257, -0.729195773601532, 0.18090634047985077, 0.02846362814307213, 0.49503466486930847, -0.2328242063522339, 1.5600275993347168, 0.2840350866317749, 0.23209096491336823, -0.10003608465194702, -1.2145426273345947, 0.20814578235149384, 0.28287801146507263, 0.23180770874023438, 0.12354178726673126, -0.09682360291481018, 1.2403459548950195, 0.5351016521453857, 0.09726141393184662, -0.8910557627677917, -0.15943574905395508, -0.7738229036331177, 0.2812521457672119, 0.2454613298177719, -0.6615224480628967, -1.524848461151123, 0.19885015487670898, -0.8283299803733826, 0.3191733658313751, -0.17140737175941467, -0.4003187119960785, 0.10811333358287811, 0.6974976658821106, -0.09781239926815033, 0.18796218931674957, 0.026401247829198837, 0.2734968662261963, -1.2032272815704346, 0.8469061851501465, 1.0067981481552124, -0.7831481099128723, -0.10863715410232544, -0.2778906226158142, 0.5895481109619141, -0.08558051288127899, 1.4690042734146118]} +{"paper_id": "common_voice", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "oscar", "embedding": [0.2978722155094147, 0.8702800273895264, 1.235546588897705, 0.055589206516742706, 0.35194987058639526, -1.325868844985962, -0.06986948102712631, 0.9732233285903931, 0.398438960313797, 0.7313604950904846, -0.0003198683261871338, -0.2769896388053894, 0.06477384269237518, 1.0914373397827148, -0.48921462893486023, -0.472395122051239, -0.4111132323741913, -1.4388291835784912, -0.5433642864227295, -0.3576650619506836, 0.01752239093184471, -0.7182955145835876, -0.2273387759923935, 0.46833550930023193, -0.3526780307292938, -0.8079738020896912, 0.15103870630264282, -0.4083779752254486, 0.09520602226257324, 0.5390360355377197, 0.48747339844703674, 1.028940200805664, -0.9142805933952332, 0.4056800901889801, -0.009177349507808685, -0.27088120579719543, 0.5619405508041382, 1.08389413356781, -1.123119592666626, -0.2766928970813751, -0.30176636576652527, -0.32989412546157837, 0.7621403336524963, -0.1676703542470932, 0.8676326870918274, 0.41794657707214355, -0.4545772671699524, 0.06862355768680573, 0.6231846213340759, -0.7144573926925659, 0.17204850912094116, 0.39720454812049866, -0.2949928045272827, 0.40280506014823914, -0.52544105052948, 1.1103484630584717, 0.13949114084243774, -1.6153647899627686, -0.020162012428045273, -1.1781519651412964, 0.05727163329720497, 1.401282787322998, -0.5984471440315247, 0.04540117830038071, 0.8315148949623108, -0.13905280828475952, 1.4119873046875, 0.3034937381744385, 0.15156443417072296, 0.2420857548713684, -0.15769389271736145, -1.2841414213180542, 0.9212465286254883, -0.8421255946159363, 1.2075120210647583, 1.1996477842330933, 1.5196765661239624, -0.3576773703098297, -0.6765329837799072, 0.5202541947364807, -0.5588781833648682, 1.0618873834609985, 0.5979495644569397, -0.579708993434906, -0.3187785744667053, -0.26410993933677673, 0.4894101321697235, -1.1352083683013916, 0.6150762438774109, -1.6300663948059082, 0.45523589849472046, -0.10644098371267319, -0.4083213806152344, 0.27895087003707886, -0.06305806338787079, 0.027879253029823303, -0.08821161091327667, 0.10456819832324982, -0.41449740529060364, 0.3585456609725952, 0.07415959984064102, -0.46205994486808777, 0.2272104173898697, -0.41446563601493835, -0.005935072898864746, 0.9741418361663818, 0.04236359894275665, -0.2795957922935486, -1.2984189987182617, 0.4319871664047241, 0.4931098222732544, 1.1682984828948975, -1.0822815895080566, 0.40609967708587646, -0.17916344106197357, -1.0490206480026245, 0.5016083717346191, -0.5684082508087158, -0.7625231146812439, 0.540501058101654, -0.4114408493041992, -0.6681933999061584, -0.7309351563453674, 0.5027733445167542, 0.37908950448036194, -0.6864109039306641, 0.6025360226631165, -0.4324057698249817, 0.28228121995925903, -0.6127643585205078, 0.2667565941810608, 0.39642712473869324, 0.09739291667938232, -0.2566731572151184, 3.3232581615448, -0.9530146718025208, 1.4793546199798584, -0.3006044030189514, 0.17251911759376526, 0.4229890704154968, -0.7963865995407104, 1.3237051963806152, 0.05393390357494354, -0.6569690704345703, 0.7856723666191101, 0.1063157171010971, -0.6763070821762085, 0.2334868460893631, 0.33531275391578674, -1.2071996927261353, 0.03985197842121124, 0.1138172298669815, -1.0961662530899048, 0.03988342732191086, -0.7889282703399658, 0.4663863480091095, 0.3420336842536926, 1.078497052192688, -0.7620546221733093, 1.3581408262252808, 0.6939254999160767, 0.8270655870437622, -0.3005684018135071, 0.4726291000843048, -0.904965877532959, 0.14566674828529358, 1.2864415645599365, 0.01165691763162613, -0.20808687806129456, -0.2553907036781311, 1.3730515241622925, -0.3806527853012085, -0.27092960476875305, -0.1535414159297943, 0.46576595306396484, 0.5932513475418091, 0.501979410648346, 0.6880856156349182, -0.7645973563194275, 0.2774536907672882, -0.372116357088089, -0.1251317709684372, 0.4269804358482361, 0.5626324415206909, 0.9982416033744812, 1.041282057762146, -1.761210322380066, -0.4750326871871948, -0.1450735330581665, -0.4268072843551636, -0.8131445646286011, -1.1213980913162231, -0.3905750811100006, -0.4580235779285431, 0.5324501991271973, 0.12363079190254211, 0.32375675439834595, -0.1765778362751007, -1.038826584815979, 0.7743784785270691, -0.13827207684516907, 0.1282777488231659, 0.07077433168888092, 0.29712235927581787, 0.04185079038143158, 0.22421610355377197, -0.1400497555732727, -1.5570838451385498, 0.5387279987335205, 2.093438148498535, 0.23475851118564606, -0.48776260018348694, -2.4053456783294678, -0.17930951714515686, 0.2999197840690613, -1.018155813217163, 0.3393520414829254, -1.1008342504501343, 0.7043860554695129, -1.296273946762085, 0.6647807955741882, -0.3918878734111786, 0.5200524926185608, -0.12114936858415604, 0.3340885043144226, -0.2747190296649933, -0.10098867118358612, 0.0929105132818222, -0.6901798248291016, 0.7664165496826172, 0.4307762384414673, 0.09971394389867783, -0.524569034576416, 0.7017208933830261, 0.7348644733428955, 0.3005341589450836, -0.028847191482782364, 0.028898663818836212, -0.5107663869857788, -0.5634516477584839, -0.06595493853092194, 0.9911307096481323, -0.5600948929786682, -0.06607028096914291, -0.0028889551758766174, 0.24152937531471252, -0.09840104728937149, 0.21073134243488312, 0.4116772413253784, -0.8493547439575195, 1.4799588918685913, 1.5661758184432983, -0.5457181334495544, 1.9447046518325806, -1.2161015272140503, 0.23464354872703552, -0.19283199310302734, -1.789979338645935, 0.5388550758361816, 0.27760422229766846, 1.3827489614486694, -0.6184056997299194, 0.12009938061237335, 0.06475172936916351, -0.24063409864902496, -1.3378006219863892, -0.8094795942306519, -0.8070100545883179, -1.5514034032821655, -1.2153956890106201, 0.18056848645210266, -0.018725745379924774, -1.094189167022705, -0.7391178607940674, 0.2840219736099243, 1.4205896854400635, -0.0292690210044384, 0.4124472141265869, 1.9092497825622559, -0.164581298828125, 0.979175329208374, 0.005924299359321594, -0.15187397599220276, -0.7562323212623596, 0.8685983419418335, 0.3798312842845917, -0.054306406527757645, -0.29124167561531067, -0.49126213788986206, 0.1681954711675644, 0.000757165253162384, 0.9352263808250427, -0.9764454364776611, 0.1498170793056488, -0.48573607206344604, -1.0462123155593872, 0.989643394947052, -0.7053545713424683, -0.5182816386222839, -1.1629847288131714, 1.863256812095642, -0.18999890983104706, 0.4022432267665863, 0.7912818193435669, -0.4950965940952301, 0.2785921096801758, 1.8699301481246948, -0.025443896651268005, 0.10582387447357178, 0.7536152601242065, 0.11884883046150208, -0.44469428062438965, 0.9075478911399841, -2.6017801761627197, 0.5778242945671082, 0.5251818299293518, -0.08467134088277817, -0.0015781000256538391, -1.104565978050232, 0.5925669074058533, -0.4866567850112915, -0.6957890391349792, 0.0892091915011406, -0.08997896313667297, 1.0289244651794434, -0.18263749778270721, -0.24034173786640167, 1.159316062927246, -1.8358728885650635, 0.7310290336608887, 1.2175344228744507, 1.0723330974578857, -0.8746137022972107, 0.7898744940757751, 0.9515573382377625, -0.8686416149139404, 1.627260684967041, 0.42913317680358887, 0.16433198750019073, 0.9278554916381836, -1.4475173950195312, 0.5014539361000061, 0.24815727770328522, 0.8954944610595703, 1.3000730276107788, 0.8151953220367432, 0.10512062907218933, 0.2462797313928604, 0.24969908595085144, 1.0596420764923096, 1.341354250907898, -1.7808986902236938, -1.045482873916626, -0.40466395020484924, -0.28029951453208923, -0.9268175959587097, 0.994132399559021, 0.6893418431282043, 1.9420579671859741, 0.06671536713838577, -0.6935213208198547, -0.18238607048988342, -0.08016190677881241, 1.3210346698760986, 0.40484681725502014, -0.16674824059009552, 0.25423431396484375, -0.19879966974258423, 1.1587929725646973, -0.4406581521034241, -0.6547172665596008, 0.057761821895837784, 0.6253088116645813, -0.36560070514678955, -0.49921539425849915, 0.6415174603462219, 0.1675589233636856, -0.07335251569747925, 1.2160248756408691, -0.4485684931278229, 0.08632753789424896, -0.5029920935630798, 0.5074517130851746, -0.6711840033531189, -0.2188590168952942, -0.8837586641311646, 1.14212965965271, 0.4454602301120758, 0.8370814919471741, -0.2467319667339325, 0.2908414900302887, 1.0447689294815063, 0.17476202547550201, -1.351657748222351, -0.4629513919353485, -1.1256554126739502, -0.1671605259180069, -0.48801758885383606, -0.06024828180670738, -0.9719964861869812, 0.5003865957260132, -0.4938809275627136, 0.02573942020535469, 1.1394823789596558, -0.0032387543469667435, -0.8581317663192749, 0.7230943441390991, 1.3898773193359375, -0.6851827502250671, -0.48240888118743896, -0.15195201337337494, -0.6818583011627197, -1.2562729120254517, 0.23541972041130066, -0.6992500424385071, 0.09523918479681015, 0.17151525616645813, 0.13410036265850067, -0.4154881238937378, -0.28760263323783875, -0.7927493453025818, 0.6406885981559753, 0.9352549314498901, 0.034863680601119995, -0.33816516399383545, -0.7257375717163086, 0.15035851299762726, -0.3014359474182129, -1.1149113178253174, -0.7032659649848938, 0.09686771035194397, 0.2514615058898926, 0.4738864600658417, -0.35348057746887207, -0.6011911034584045, -0.23794329166412354, 0.7467391490936279, 1.159543514251709, -1.742680549621582, -0.07391247898340225, -0.49488961696624756, 0.4839973747730255, 0.1780814826488495, -0.5861072540283203, -0.039835523813962936, 1.1366398334503174, -0.4081355333328247, 0.28553909063339233, 0.6499696969985962, 0.7065392732620239, 0.45849546790122986, 0.4726071357727051, 0.6484835147857666, -0.608030378818512, -9.851895332336426, 0.14922526478767395, -0.35854724049568176, 0.7025728225708008, 0.6402043700218201, -0.4464093744754791, 1.2455499172210693, 0.5511488318443298, 0.42749500274658203, -0.42698514461517334, 0.6260594725608826, 0.9626380801200867, 0.4178815186023712, -0.8613018989562988, -0.8604179620742798, -1.327305793762207, -0.1948700249195099, 0.43045979738235474, 0.6929340362548828, 0.4587598741054535, -0.8407460451126099, -1.6241812705993652, 0.29018956422805786, -0.007944677025079727, 0.0019785556942224503, -0.929972767829895, 0.07468130439519882, 0.10651940852403641, -0.5791416168212891, -1.2280046939849854, -0.03924056515097618, -1.010737657546997, -1.5573039054870605, 0.2306663542985916, 0.7378470301628113, 0.7580094337463379, -0.8551426529884338, 0.05920158326625824, 0.5832626819610596, 0.6480816602706909, -0.397098183631897, -0.2941844165325165, 0.45757588744163513, 0.5325703620910645, 0.38061705231666565, 0.0974964052438736, 0.17219163477420807, -0.24947980046272278, 0.41915079951286316, -0.6178938746452332, -0.4921529293060303, -0.4841996431350708, -0.943559467792511, -0.6168304085731506, 0.7752469182014465, 0.7785288095474243, -0.41677945852279663, 0.043302565813064575, -0.4639872908592224, -2.015360116958618, 0.5561946630477905, 0.23486442863941193, 0.7266980409622192, -0.008621502667665482, -0.01974485069513321, 0.021919531747698784, 0.5698609352111816, -0.4990077018737793, 0.6642981767654419, 0.6381363272666931, -0.9961175322532654, -0.22200697660446167, -0.45544612407684326, -0.16130691766738892, -0.12674382328987122, -0.2964983284473419, -0.6853156685829163, 0.3420616090297699, 0.7601217031478882, -0.3176053762435913, -1.1377395391464233, 1.0586243867874146, 0.2078906148672104, -0.11335030943155289, 0.304801344871521, -0.37870675325393677, -0.6649419069290161, 0.3761567771434784, 0.6644737720489502, 0.17368966341018677, 1.0722743272781372, 0.6857101917266846, 0.2581633925437927, -0.46255385875701904, -0.3020012378692627, 1.080093502998352, -1.1140648126602173, 1.479299783706665, 0.16432639956474304, -0.06392710655927658, 0.1716773509979248, -0.23854967951774597, -0.8622409105300903, -0.5825537443161011, 0.8486756682395935, 0.46087944507598877, 0.4897756576538086, 0.15102282166481018, -0.26257404685020447, -0.31401172280311584, 1.2582623958587646, 0.514509379863739, -0.10184165835380554, 0.2773455083370209, 0.31014159321784973, 1.0365681648254395, 0.32003238797187805, 0.10357283055782318, 0.6740923523902893, 1.3324103355407715, 0.47487980127334595, 0.24844583868980408, -0.10656728595495224, 1.0320810079574585, -0.5800755023956299, 0.5183460116386414, -0.06552492082118988, 0.39794695377349854, -0.33071935176849365, -1.4897414445877075, -0.42731523513793945, -0.021979032084345818, 0.07254526019096375, -1.5143153667449951, -0.4910147190093994, -1.046156883239746, -0.5435701608657837, 0.8895753622055054, 0.7088648676872253, 0.2270631492137909, -0.3681091070175171, -1.3040688037872314, 0.23921293020248413, 0.05957074090838432, -0.055506594479084015, -0.1049099788069725, -1.1869597434997559, -0.3142068088054657, -0.6519380211830139, -1.0975308418273926, 0.22656065225601196, -0.22560596466064453, -0.18794168531894684, -0.618994951248169, -0.3952462077140808, 0.13334688544273376, 0.19955694675445557, 0.05922410637140274, -1.045200228691101, -0.429313987493515, -0.056611090898513794, 2.298875093460083, -1.632197618484497, 0.9700174331665039, 0.6623338460922241, 0.43628546595573425, -1.7782396078109741, -0.08996278047561646, -0.4632470905780792, 0.38114723563194275, 1.1644171476364136, -0.5112934112548828, -0.9061792492866516, -0.27778828144073486, -0.7808419466018677, -0.7424630522727966, 0.6162384152412415, 0.8281533718109131, -0.8556346297264099, 0.2873413860797882, -0.20317691564559937, 0.034360844641923904, -0.2602193355560303, -0.5041241645812988, -0.8611395359039307, -0.3237280249595642, -0.30082839727401733, 0.792515754699707, -0.5022273063659668, 0.8909236788749695, -1.6954083442687988, -1.2438843250274658, -0.1454889178276062, 0.523574948310852, 0.4718044698238373, -0.2303096354007721, 1.14137864112854, -0.09201590716838837, 0.42333343625068665, -0.10563856363296509, -0.16160230338573456, 0.3404448628425598, 0.7198917269706726, 1.114186406135559, -0.17105568945407867, -0.369876503944397, -1.1156325340270996, -0.34659016132354736, -0.05916658788919449, 0.374720960855484, -1.626769781112671, 0.3561478853225708, 0.08636420965194702, -0.7058932781219482, 0.16448819637298584, -0.3322902321815491, 1.0722885131835938, 0.11939345300197601, -0.6776654124259949, -0.7968711256980896, -0.41130805015563965, 0.6639665365219116, -0.5532440543174744, 0.6140427589416504, -0.38772478699684143, 0.5043741464614868, -0.24769310653209686, 0.22558149695396423, 1.9155187606811523, -0.6572670340538025, -0.6884886622428894, 0.2510105073451996, 0.8592913150787354, -0.07118479162454605, -1.0206844806671143, 0.4882517457008362, -0.89523845911026, 0.1462898850440979, -1.6873265504837036, 0.35057416558265686, -0.5040494799613953, -0.3576684296131134, 0.40787214040756226, 0.43600335717201233, -0.11650876700878143, -0.30833521485328674, -0.10104651749134064, -1.1595489978790283, 0.45306921005249023, 0.22399424016475677, 0.45935243368148804, 0.8208112120628357, 0.705651581287384, 0.11286447942256927, 0.4609096646308899, -0.32561275362968445, -0.28339308500289917, 0.07046723365783691, 0.3551098704338074, 0.5037270784378052, 0.4532965123653412, 0.37291279435157776, -0.013186482712626457, 0.05614260956645012, -1.1180784702301025, -0.70257967710495, -0.7165454626083374, 0.2490573674440384, 1.072314977645874, -0.568245530128479, 0.4857543110847473, -0.6074678301811218, 0.11299304664134979, -0.4003385007381439, 0.9586940407752991, 0.49462461471557617, 0.2148783951997757, -0.5728917121887207, -1.743773341178894, 0.03262501582503319, 0.7790985107421875, -1.0679304599761963, 0.0976734384894371, 0.00513690710067749, 0.9031501412391663, 0.33302968740463257, -0.7094159126281738, -1.1123762130737305, 0.6193360090255737, -0.46081116795539856, 0.5271997451782227, 0.08934693038463593, -0.7765127420425415, -1.0633105039596558, 0.6969342827796936, -0.9483196139335632, 0.4242883324623108, 0.30631476640701294, -0.7456041574478149, 0.32681748270988464, 0.5445961356163025, -1.1063095331192017, -0.6283171772956848, 0.5805234313011169, 0.26503613591194153, -1.857843041419983, 1.6933635473251343, 1.6026878356933594, 0.049943022429943085, -0.8620147705078125, 0.10480618476867676, 0.010532811284065247, 0.7688822150230408, 1.347493290901184]} +{"paper_id": "trec", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "rotten_tomatoes", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "race", "embedding": [0.0936998799443245, 0.9950108528137207, -0.2392624318599701, -0.10740245878696442, 0.24362924695014954, -0.037395451217889786, 0.19407272338867188, 1.0305269956588745, 1.045719861984253, 0.10847941786050797, 0.7294143438339233, -0.4135286808013916, 0.30675098299980164, 0.2263115793466568, -0.05535024777054787, -0.8239386081695557, -1.1836870908737183, 0.15024739503860474, -1.5835895538330078, -0.5841448307037354, -1.0040172338485718, -0.7449286580085754, -0.13232102990150452, 1.2938188314437866, -0.02561165578663349, -1.1286392211914062, 1.086318850517273, -1.018757700920105, 0.16457705199718475, 0.1773388385772705, 0.11536707729101181, 0.43425431847572327, -1.0343834161758423, 0.7375779747962952, -0.607652485370636, -0.9806793928146362, 0.5451162457466125, 0.34514355659484863, 0.28428786993026733, -0.9269583225250244, -1.0694386959075928, 0.2826591730117798, -0.13359323143959045, -0.17170077562332153, 0.6949546933174133, -0.8041353225708008, 0.8540430665016174, -0.14085237681865692, 0.06390880048274994, -0.15584105253219604, -1.2562087774276733, 0.31492120027542114, -0.11134485900402069, -0.10794128477573395, -0.16166269779205322, 0.26010769605636597, 0.34853100776672363, 0.09645381569862366, 0.2128177434206009, -0.8341959714889526, 1.6406443119049072, 1.004469871520996, -0.0766291692852974, 0.1234799474477768, 1.804718017578125, 0.4645344018936157, 1.397019624710083, 0.23097915947437286, -0.7516728043556213, 1.0508391857147217, -1.3304194211959839, 0.21616068482398987, -0.0694950744509697, -0.2927791476249695, 0.09994491934776306, 0.90869140625, -0.05765819549560547, -0.3584004044532776, 0.2613520324230194, -1.0028550624847412, -0.7459178566932678, 0.055653393268585205, 1.0945239067077637, -0.019916359335184097, 0.3634779751300812, -0.7188102006912231, 0.6935473680496216, -0.4881036579608917, 0.3920915126800537, -1.4804707765579224, 0.7751314640045166, 0.693759024143219, 0.7503252625465393, 0.23071852326393127, -0.5347958207130432, 0.6286777853965759, 0.10221850126981735, -0.1881607174873352, -0.5180066823959351, -0.3391672372817993, 0.5121038556098938, 0.2581748962402344, 0.9696964621543884, 0.05454934015870094, 0.1261201649904251, 0.027343256399035454, 0.5677040219306946, -0.22466596961021423, -0.8019295930862427, -1.324145793914795, -0.20927883684635162, -0.019127562642097473, -0.23163548111915588, 0.4732055366039276, 0.1428171694278717, 0.6154807209968567, 0.631209671497345, -0.9699621200561523, -0.918606162071228, -0.21175645291805267, -0.158888041973114, -0.4527009427547455, -0.9757896065711975, -1.408941626548767, 0.4045531749725342, 0.09568127989768982, -0.19307729601860046, -1.07314133644104, -0.700181245803833, -0.19711676239967346, 1.1263387203216553, 0.3668537437915802, -0.8875375986099243, -0.017647765576839447, 2.5065367221832275, -0.9406645894050598, 0.9894839525222778, -0.37664514780044556, 0.2762434482574463, -0.949580192565918, -0.7153428196907043, 1.2480400800704956, 0.1435660421848297, -0.8130599856376648, -0.2697943150997162, 0.32299113273620605, -0.12977845966815948, 0.01632394641637802, -1.0077303647994995, -0.6648523211479187, 0.06787192076444626, 0.2799094617366791, -0.9339331388473511, -1.1236306428909302, 0.3017568290233612, 0.014641448855400085, -0.2327870875597, 0.0013666525483131409, -0.05295812711119652, 0.06288442760705948, -0.3567603826522827, -0.17254088819026947, -0.4906937777996063, 0.7387025952339172, -0.46888965368270874, -0.06999412178993225, 0.8089934587478638, 0.042974621057510376, -0.27650395035743713, 0.06456581503152847, -0.0263762716203928, -0.021342813968658447, -1.0558480024337769, -0.08029773831367493, 0.22129149734973907, 0.19939476251602173, -0.42476698756217957, 0.5649970173835754, -0.0973861888051033, -0.878166139125824, 0.85971999168396, -0.2755593955516815, 0.11630596965551376, 0.9157461524009705, 0.17556703090667725, 0.6887860894203186, -2.835824728012085, 0.2031971961259842, -0.8940935134887695, 0.7407131791114807, -0.5635730624198914, 0.04698576033115387, 0.5902778506278992, 0.47148528695106506, 0.3770192265510559, -0.8470986485481262, 0.308914452791214, -0.9610978960990906, 1.2049334049224854, 0.4844784140586853, 0.35932472348213196, -0.006315442733466625, 0.7267840504646301, 1.0730481147766113, -0.06036356836557388, -0.11287880688905716, -1.1453502178192139, -1.5556764602661133, 0.13764113187789917, 1.4926942586898804, -0.14345510303974152, -0.09935338795185089, 0.13830089569091797, -0.5904118418693542, -0.10930125415325165, -0.7717530131340027, 0.3357914090156555, -0.576542317867279, -0.07575865834951401, -0.3760479688644409, 0.5026931762695312, -1.1660524606704712, -1.067932367324829, 0.9004449844360352, 1.5192397832870483, 0.07587598264217377, -0.5099397897720337, -0.43535852432250977, -0.044757191091775894, 0.017212048172950745, 0.8383224606513977, 0.07073071599006653, 0.08544868975877762, 0.20273452997207642, 0.21442243456840515, 0.6815290451049805, 1.3948265314102173, 0.9044094681739807, -0.09242913126945496, 0.5462138652801514, -0.4781118333339691, 1.364216923713684, -0.6078453063964844, -0.3429965078830719, -0.09943826496601105, 0.24198216199874878, -0.6707131266593933, -0.09867408871650696, -0.6553926467895508, 0.10719719529151917, 0.589623212814331, 0.35696467757225037, -0.5657768249511719, 0.5398897528648376, -0.7950515747070312, -0.13783398270606995, -0.1553054302930832, 0.18278376758098602, -1.0573405027389526, -0.480712354183197, -0.4027547240257263, -0.6355417966842651, 0.3327832818031311, -0.2075759619474411, 0.3019215762615204, -0.8147244453430176, -1.2323415279388428, 0.05924529582262039, 0.19698314368724823, -0.11780554056167603, -1.4717919826507568, 0.36216235160827637, -1.4779940843582153, -0.10612843930721283, 0.28364551067352295, -0.4493563771247864, -0.3828313648700714, 0.8391720056533813, 1.5955288410186768, -0.02657785266637802, 0.3618212044239044, -0.3879362940788269, 1.4954707622528076, -0.20704807341098785, 0.013523608446121216, -0.0729866772890091, 0.6794437766075134, -0.7676282525062561, -0.013895764946937561, -1.5404611825942993, 0.24244344234466553, 0.8346025347709656, 0.6561862826347351, 1.0372333526611328, -0.06396402418613434, -1.4187681674957275, 0.7690292000770569, -0.14153461158275604, 0.7494850754737854, -1.3334424495697021, 1.8138185739517212, 0.1668700873851776, -0.7579619884490967, 1.1497095823287964, -0.7643799781799316, -0.2341413050889969, 0.5276463031768799, -0.6178700923919678, 0.10131483525037766, -0.13002020120620728, -0.5654459595680237, 0.4190186560153961, 0.3651159703731537, -1.8966763019561768, 1.7291059494018555, 1.3688713312149048, 0.016878321766853333, -0.299844354391098, -0.3138587772846222, 0.09433336555957794, -0.4415988028049469, 0.8982451558113098, 1.124895691871643, -1.0058127641677856, 0.6600846648216248, 0.5568351149559021, 0.5670742988586426, 0.7694671154022217, 0.2784232497215271, 1.0361707210540771, 0.16401301324367523, 0.590065062046051, -0.9608423709869385, -0.6674370169639587, 1.079978346824646, -0.26588529348373413, 0.21072641015052795, 0.5175526738166809, 1.086855173110962, 0.5448610782623291, 0.054785747081041336, 0.0606275275349617, 0.039523378014564514, 0.4276682436466217, 0.04394549876451492, 0.020984169095754623, -0.476362943649292, -0.1960015594959259, -0.2951532304286957, 1.3831382989883423, -0.1412263959646225, -0.8206814527511597, -0.618585467338562, -0.5254353880882263, -0.7532443404197693, 0.4134441316127777, 0.8766780495643616, -0.15620297193527222, 1.4836831092834473, 1.1434205770492554, -0.07282111793756485, 0.1518128663301468, 0.11033304035663605, 0.8247613310813904, 0.24097301065921783, 0.20623067021369934, -0.23669014871120453, 0.2825174927711487, 0.4175299108028412, 1.2655144929885864, -0.7787075042724609, 0.7172241806983948, 0.17095902562141418, -0.549057126045227, -1.4111729860305786, 1.5486215353012085, 0.983398973941803, 1.2527742385864258, 2.078878879547119, -0.23760099709033966, 0.4563694894313812, -0.43913304805755615, -0.5404307842254639, 0.05367175489664078, -0.20081868767738342, 0.884655237197876, 0.24850156903266907, 0.22536487877368927, 1.7981507778167725, 0.07308021187782288, 0.5195981860160828, 1.4528664350509644, -0.9596701264381409, -1.8232156038284302, 0.5591915845870972, -0.4175419211387634, -0.22796593606472015, -0.22387424111366272, -0.06701341271400452, -0.5001947283744812, 0.507060706615448, 0.205724835395813, -1.1451587677001953, -0.29622554779052734, -0.15627063810825348, -1.498779058456421, 0.8038186430931091, 0.9117871522903442, -0.4857251048088074, 0.09698005020618439, -0.1707702875137329, -0.8347873687744141, 0.4198348820209503, -0.5531513690948486, -1.213187336921692, 0.3035517632961273, 0.17171227931976318, 1.4342395067214966, 0.2528804540634155, 0.1014121025800705, -0.9016776084899902, 1.3763821125030518, 1.503962755203247, -1.6109333038330078, 0.14858630299568176, 0.5143726468086243, 1.3080286979675293, 0.02330276183784008, -1.0050551891326904, -0.6536529660224915, 1.214648723602295, 0.23843392729759216, -0.027929814532399178, -1.0176589488983154, 0.4125897288322449, 0.9722779989242554, 0.9039947986602783, 0.015328943729400635, -0.4364641010761261, -0.03943897411227226, -0.5822477340698242, 0.30529066920280457, 0.921772837638855, -1.9183104038238525, -0.5804506540298462, 0.8646731376647949, -0.7723376154899597, 0.13154324889183044, 0.4807256758213043, 0.303203821182251, 1.870869517326355, -0.2823488712310791, -0.5956661701202393, -0.6287135481834412, -10.332834243774414, 1.070983648300171, -0.055019378662109375, -0.3020629286766052, 0.09290160238742828, -0.2763504385948181, 0.38667696714401245, 0.2847442924976349, -0.10419740527868271, -0.8967986106872559, -0.376141756772995, 0.893775224685669, 0.23483017086982727, -0.1165260300040245, -0.4032745957374573, 0.05848926305770874, -0.42047175765037537, -1.1260451078414917, 0.6064932942390442, 0.7014338374137878, -0.4108665883541107, -0.2661582827568054, -0.34046220779418945, -0.1966915726661682, 0.10467637330293655, -0.9320669770240784, -0.49945691227912903, -0.6742638349533081, -0.11006301641464233, 0.7264374494552612, 0.22320520877838135, 0.06540383398532867, -0.6394599676132202, -0.2876023054122925, -0.05604899674654007, -0.4885905086994171, -1.0564806461334229, -0.4442092478275299, 0.3162183463573456, -0.946544349193573, -0.6917575597763062, 0.38530898094177246, 0.27995458245277405, -1.249009132385254, -0.11968212574720383, 0.018497049808502197, 0.44851773977279663, -1.1236211061477661, 0.09385432302951813, -0.3701307475566864, -0.7387621998786926, -0.2713519036769867, -0.9924924969673157, -0.7180671095848083, 0.645002543926239, 0.3761974573135376, -0.6159601807594299, -0.6269754767417908, -0.07329273968935013, -0.5380407571792603, -0.0678081288933754, -0.22870121896266937, -1.0156129598617554, 0.8837147951126099, 0.34549418091773987, 0.016399934887886047, 0.2739671766757965, 0.543614387512207, 0.30036303400993347, 1.179073452949524, -0.6066147089004517, 2.0052802562713623, 0.4069036841392517, 0.42279085516929626, -0.6977396011352539, 0.14435726404190063, -0.5800493359565735, -0.5358759164810181, 0.4908221662044525, 0.23007097840309143, -1.1991491317749023, 0.3892175853252411, 0.33872291445732117, -0.7224138975143433, -0.4564601480960846, 0.2579769194126129, 0.06125345826148987, 0.5106569528579712, 1.048601508140564, -0.6351365447044373, 1.4129382371902466, -0.32033175230026245, -0.5174938440322876, -0.8607210516929626, -0.08333133906126022, -0.07693974673748016, -0.9279261231422424, 0.5000255703926086, 0.4175754487514496, -0.6430764198303223, -0.32738983631134033, -0.07017752528190613, -0.9212876558303833, 0.1216786652803421, 1.5633280277252197, -0.21424543857574463, -0.11804189532995224, 0.50600266456604, 0.0024673957377672195, -1.0360182523727417, 0.63297039270401, 0.18882614374160767, 0.3407437205314636, 1.3819574117660522, -0.5266449451446533, 1.2338780164718628, 0.582456648349762, 0.6066882610321045, -0.6165391802787781, 0.6176022887229919, -1.0807372331619263, 1.1373827457427979, 1.142375111579895, 2.5067665576934814, 0.0044027045369148254, 0.4122195541858673, 0.48681220412254333, 0.1481303721666336, -0.6770636439323425, -0.7405737042427063, 0.7716554403305054, -0.5980559587478638, -0.025109564885497093, -0.5443228483200073, 0.03237318620085716, 0.6977728009223938, -0.8327193260192871, 1.5946170091629028, -0.6676790714263916, 0.07667603343725204, -0.04908614978194237, 0.5432100296020508, -0.91715008020401, -0.1386774629354477, -1.376033067703247, 0.41197365522384644, -2.1835641860961914, 0.0049314722418785095, 0.04966970533132553, -0.712790310382843, -0.1795172542333603, -0.987011730670929, 1.1071523427963257, 0.425207257270813, -0.5721615552902222, -0.5716208815574646, 0.550031304359436, -1.0169286727905273, -0.3362124264240265, -0.5765677690505981, 0.8376714587211609, 1.0072765350341797, -0.5162066221237183, 1.1390788555145264, 0.3297787606716156, -0.551307737827301, -0.8017520308494568, 0.15997439622879028, -0.4536150097846985, 0.8507708311080933, 0.9579020142555237, -1.1335721015930176, -0.5184327960014343, -0.32305824756622314, 0.4382145404815674, -0.2341793179512024, -1.1230744123458862, 1.3134758472442627, -1.575603723526001, -0.005621269345283508, -0.6026607155799866, 0.28196394443511963, 1.054182767868042, -1.562072515487671, -0.7123154401779175, 0.12049130350351334, -0.14719289541244507, 0.4898691773414612, 0.6806079149246216, 0.5384109616279602, -0.45590442419052124, -0.778194010257721, -0.1575784832239151, -1.062098503112793, -0.36529749631881714, 0.4555993378162384, 1.117010474205017, -0.10956702381372452, -0.9048820734024048, -0.947157084941864, -0.41742825508117676, 0.2830495238304138, -0.35865142941474915, 0.30935704708099365, 0.016225378960371017, 0.5683131217956543, -0.2902876138687134, 0.06957945227622986, 0.5086656212806702, 1.2282999753952026, 0.19482652842998505, 0.32099127769470215, 0.10513091087341309, 0.012587040662765503, -0.5392153859138489, -1.5663838386535645, -0.6321696043014526, -0.5209699273109436, -0.5057881474494934, -1.2671456336975098, 0.327933132648468, 0.878564178943634, 0.023128852248191833, 0.2820890247821808, 0.9433836936950684, 0.6364434957504272, 0.8693876266479492, 0.35636189579963684, 0.6601443886756897, -0.31149256229400635, -0.21944819390773773, 0.008511604741215706, 0.5108554363250732, 0.21786004304885864, 0.27661237120628357, -0.2054683119058609, -0.7218261957168579, 0.20547708868980408, -0.21839529275894165, 1.3383855819702148, 0.1054958626627922, 0.15997856855392456, 0.6835476756095886, 0.9282523989677429, 0.5575714707374573, -1.8042447566986084, -0.2423083782196045, -1.0738846063613892, -0.22156542539596558, 0.08084012567996979, -0.7738610506057739, -0.08859740942716599, 0.4649079144001007, -1.0619949102401733, 1.4934759140014648, -0.5704630613327026, 0.09036237746477127, 0.08426880836486816, -0.2876032590866089, 1.0317624807357788, 0.12995466589927673, 0.026076236739754677, 0.48031291365623474, -0.4932986795902252, -1.5545010566711426, 0.10052454471588135, -1.190673828125, 1.0917441844940186, -0.10377258062362671, -0.27669280767440796, -0.10759072005748749, 0.3204438090324402, 0.25407058000564575, -0.06870389729738235, 1.4293991327285767, 0.16031265258789062, 0.40326231718063354, -0.1598248928785324, -0.8103340864181519, 0.2315426915884018, -0.09120471030473709, 0.6809995770454407, 0.10958917438983917, -0.19274364411830902, -0.22877371311187744, 0.2985560894012451, 0.23828144371509552, -0.5238396525382996, -0.324636846780777, -0.5093573927879333, 0.16001799702644348, 0.8900834321975708, -0.5045103430747986, -1.0736405849456787, 0.5057182908058167, -0.7186302542686462, 0.4256533682346344, 0.012896113097667694, -0.48614031076431274, 0.11337457597255707, 1.0520681142807007, -0.030382540076971054, -0.39431264996528625, 0.43138742446899414, 0.4031011462211609, -1.2465176582336426, 0.5155171155929565, 0.7980740666389465, -1.4017678499221802, 0.6300476789474487, 0.044962454587221146, 0.9446378946304321, -0.2624000012874603, 1.7220438718795776]} +{"paper_id": "c4", "embedding": [-0.6953544616699219, 1.0841197967529297, -0.28230422735214233, -0.3075544834136963, 0.5148825645446777, -0.25663238763809204, 0.6674675345420837, 0.4998897612094879, 0.9966549277305603, 0.5779542922973633, 0.41911473870277405, 0.21294012665748596, 0.28705716133117676, -0.22981391847133636, -0.33167213201522827, 0.0921299159526825, -0.6979164481163025, -1.0300043821334839, -1.7310549020767212, -0.47095683217048645, -0.9770740866661072, -0.5485225915908813, -0.06397898495197296, 0.9168291687965393, -0.5416021347045898, -1.0829232931137085, 0.6207609176635742, -1.0345430374145508, 0.1183847039937973, 0.8159646391868591, 0.04119621962308884, 1.3165429830551147, -1.3142203092575073, 0.5861877799034119, -0.2673037350177765, -0.5802966952323914, -0.13871079683303833, 0.6093530654907227, -0.11810843646526337, -0.2511667013168335, -0.709604799747467, -0.29659587144851685, 0.7192426323890686, 0.26540541648864746, 0.5742043256759644, -0.46654799580574036, 0.17554238438606262, -0.16032029688358307, -0.22357389330863953, -0.15582923591136932, -0.5353221893310547, 0.019725356251001358, -0.25121012330055237, 0.578214168548584, -0.3493040204048157, 1.8906277418136597, 0.2877984046936035, -1.0199228525161743, 0.8703977465629578, -1.212217092514038, 0.9549313187599182, 1.810706377029419, -0.4105454981327057, 0.46538645029067993, 0.9789654612541199, -0.3025352954864502, 1.4983869791030884, 0.5834043622016907, 0.5494847893714905, 1.0033077001571655, -0.4426302909851074, -0.7809733748435974, 0.46432963013648987, 0.02418498694896698, 0.4257035553455353, 1.0381044149398804, 0.19700096547603607, -0.30183619260787964, -0.012328012846410275, -0.6798334717750549, -0.8692938685417175, 0.30602508783340454, 0.8079349994659424, -0.5363779067993164, -0.11733900010585785, 0.6073845028877258, 0.09268763661384583, -0.7337589859962463, 0.1209278479218483, -1.6655229330062866, 0.501347005367279, 0.08730008453130722, 0.14825129508972168, -0.17333528399467468, -0.27969712018966675, -0.01860812120139599, -0.3516263961791992, -0.38365188241004944, -0.2149324119091034, 0.46701616048812866, 0.541595458984375, -0.23007433116436005, 0.48382195830345154, 0.1537647247314453, 0.323005348443985, 0.815898597240448, -0.4123478829860687, -0.5686022639274597, -0.5244445204734802, -0.27358824014663696, 0.19446493685245514, 0.7564074993133545, 0.12463511526584625, 0.23335149884223938, -0.05924711376428604, 0.3499278128147125, 0.8362830877304077, -0.3604263365268707, -0.15933917462825775, 0.12269525229930878, -0.26726335287094116, -1.5559539794921875, -0.6703243255615234, -0.29597124457359314, 1.0629445314407349, -0.7211288213729858, -0.17549438774585724, -0.50325608253479, 0.40198978781700134, -0.07050387561321259, 0.36424770951271057, 0.33238762617111206, -1.0653510093688965, 0.13222119212150574, 3.151665449142456, -0.8656076192855835, 1.4759172201156616, -0.4856109917163849, -0.12797996401786804, -0.33965766429901123, 0.18874680995941162, 1.006439447402954, -0.06340750306844711, -1.184548020362854, -0.646735668182373, 0.6877627968788147, -0.5669425129890442, 0.23726284503936768, -0.8945345282554626, 0.029177350923419, 0.33332353830337524, -0.5019450187683105, -0.8107303380966187, -0.6007645726203918, -0.24633361399173737, 0.2529435455799103, 0.37475892901420593, 0.5207886099815369, -0.4386339485645294, 0.9220619797706604, 0.8163182139396667, -0.10461375117301941, -0.10070961713790894, 0.3400489389896393, -1.0455650091171265, -0.11421667039394379, 0.8745867013931274, -0.18020254373550415, -0.32156285643577576, -0.36402735114097595, 0.45597246289253235, -0.39707672595977783, 0.11004914343357086, -0.15481233596801758, 0.04183851182460785, 0.7422987222671509, 0.5381433963775635, 0.6271685361862183, 0.10190361738204956, -0.26461178064346313, -0.4148276448249817, -0.4115478992462158, 0.09300123900175095, 0.49500733613967896, -0.0460929200053215, 0.6100264191627502, -2.128755569458008, -0.29389292001724243, 0.0017004162073135376, 0.43535593152046204, -0.09968263655900955, -0.6686894297599792, 0.1618925929069519, 0.13856934010982513, 0.44188427925109863, -0.5939605832099915, 0.49498656392097473, -0.5187249779701233, -0.044290512800216675, 0.685163676738739, 0.07686439156532288, -0.21336396038532257, 0.20180316269397736, 1.1275973320007324, 0.1736476719379425, -0.4041844606399536, -0.6081942319869995, -1.3304028511047363, 0.45070376992225647, 2.3974971771240234, -0.22816285490989685, -0.8611312508583069, -0.9223284125328064, -0.679822564125061, 0.6349092721939087, -0.6292586922645569, -0.061134207993745804, -0.5625742077827454, 0.017883919179439545, -1.247799277305603, 0.14692158997058868, -0.2491050362586975, 0.07542680948972702, 0.18900935351848602, 1.1373671293258667, -0.3684287667274475, -0.34830647706985474, -0.3599144220352173, -1.1031410694122314, 0.7164008021354675, 0.7638183832168579, 0.46752190589904785, -0.6248421669006348, 0.7062482833862305, -0.5058733820915222, 0.39974677562713623, 0.9315060973167419, 0.4748813509941101, -0.1729082614183426, -0.09987454116344452, -0.18804170191287994, 1.068239688873291, -0.07448278367519379, 0.030999677255749702, -0.3064008057117462, 0.4093573987483978, -0.49346473813056946, -0.60521399974823, 0.3934992551803589, -0.13644066452980042, 1.4474128484725952, 0.5505101084709167, -0.7450922727584839, 0.5698991417884827, -0.7940600514411926, -0.003270938992500305, -0.3779536187648773, -0.4751964509487152, -0.15705037117004395, -0.3524283766746521, 0.618629515171051, -0.4673599600791931, 0.569496214389801, 0.20438937842845917, 0.15747171640396118, -1.2159008979797363, -1.091400146484375, -0.2663559913635254, -0.3800120949745178, -1.2788915634155273, -0.4945606291294098, 0.05603918805718422, -0.547081708908081, -0.35356980562210083, 0.47827473282814026, 0.1871832013130188, 0.11392314732074738, 0.8160157203674316, 1.4822694063186646, 0.12064392864704132, 1.0502548217773438, 0.02641482651233673, 1.1208770275115967, -0.5066449642181396, 0.46326154470443726, 0.49885156750679016, 0.2967512905597687, -0.6915212273597717, 0.23412665724754333, -0.7561456561088562, 0.4385213851928711, 0.5892995595932007, -0.42810875177383423, 0.26453453302383423, -0.43598946928977966, -0.8969652056694031, 1.0424338579177856, -0.47562310099601746, 0.5132797360420227, -0.9324846267700195, 1.8213731050491333, 0.31801822781562805, -0.2647511065006256, 0.8206652998924255, 0.3783126175403595, -0.2475120574235916, 0.65437251329422, -0.3856147229671478, 0.6088973879814148, 0.22356148064136505, -0.06698313355445862, 0.4341704249382019, 0.34797975420951843, -2.0977540016174316, 0.18368232250213623, 0.7872136831283569, -0.17164061963558197, -0.7312500476837158, -0.7103216052055359, -0.219497412443161, -0.3340667188167572, -0.2786574363708496, 0.5587000250816345, -0.558840811252594, 0.506672203540802, 0.09578501433134079, -0.12872539460659027, 1.2317523956298828, -0.6137174367904663, 0.4875306785106659, 0.7864532470703125, 0.41569653153419495, -0.9179283976554871, -0.2401169240474701, 0.6932939887046814, -0.5198777318000793, -0.08616575598716736, 0.5559607148170471, 0.7661685943603516, 1.4234565496444702, -0.2554404139518738, 0.0018835514783859253, 0.7803909778594971, 0.5838803052902222, 0.23628081381320953, 0.39202091097831726, -0.5601176619529724, -0.08695201575756073, 0.6214846968650818, 1.0256547927856445, -0.15691135823726654, -0.6348791122436523, -0.91661536693573, -0.22713367640972137, 0.04102689027786255, -0.9910817742347717, 1.3920817375183105, 0.25862258672714233, 0.8586502075195312, 0.20159892737865448, -0.05784659832715988, -0.6696260571479797, -0.07821056246757507, 0.7594535946846008, 0.6590681076049805, -0.5400007963180542, -0.4446885883808136, 0.03643904998898506, 0.9406711459159851, -0.4405307471752167, -0.4538748562335968, -0.09040380269289017, 1.1925746202468872, 0.05741392821073532, -1.0778521299362183, 0.18199874460697174, 1.210078477859497, 0.47098904848098755, 1.546614170074463, -0.870151698589325, -0.13671745359897614, 0.31141600012779236, 0.5807958245277405, -0.07945441454648972, 0.060456447303295135, 0.030868560075759888, 0.2580012381076813, 0.15925101935863495, 1.057059645652771, 0.23635710775852203, 0.753733217716217, 1.252633810043335, -0.7048893570899963, -0.4905632734298706, -0.15844658017158508, -1.103158712387085, -0.6425346732139587, -0.18669867515563965, -0.29752546548843384, -0.8343226909637451, 0.7788801193237305, -0.6754139065742493, -0.11284171044826508, 0.9521507024765015, -0.6001969575881958, -1.1704825162887573, -0.12497426569461823, 1.2533676624298096, -1.0845403671264648, -0.08442715555429459, -0.21062694489955902, -1.004848837852478, -1.1237822771072388, 0.0236373171210289, -0.5173921585083008, 0.09746132791042328, -0.5260950922966003, 0.8259130120277405, 0.33327388763427734, -0.19570046663284302, -1.1467968225479126, 0.7170932292938232, 1.1447060108184814, -0.6969648599624634, 0.3260161876678467, 0.012296998873353004, 0.5894306898117065, -0.1352948099374771, -0.7450349926948547, 0.0959581583738327, 0.45144128799438477, -0.21315060555934906, 0.5578121542930603, -0.29122892022132874, -0.4277415871620178, 0.6296682953834534, 0.06454265117645264, 0.83049076795578, -1.0732330083847046, -0.13581711053848267, 0.0904611200094223, 0.6318104267120361, 0.6791307926177979, -0.1025676429271698, -0.5569003224372864, 0.9668100476264954, -0.28564849495887756, 0.8124957084655762, -0.199615940451622, 0.6147526502609253, 0.6765124201774597, 0.27211785316467285, -0.10283021628856659, -0.3086661100387573, -12.14860725402832, 0.09648509323596954, -0.14213895797729492, -0.10456672310829163, 0.8443648815155029, -0.155095636844635, 1.1610589027404785, -0.6473022103309631, 0.14670802652835846, -0.5608569979667664, 0.5869852900505066, 0.8194050788879395, 0.31586965918540955, -0.05567802116274834, -0.37100696563720703, -0.8211846351623535, -0.64444500207901, -0.012786142528057098, 0.8638808131217957, -0.19035190343856812, -1.1101665496826172, -0.5572908520698547, 0.24299387633800507, 0.18766888976097107, 0.42605361342430115, -0.0067878179252147675, -0.39016467332839966, -0.10172809660434723, -0.46088069677352905, -0.26692327857017517, 0.403807669878006, 0.02340192347764969, -1.0984288454055786, -0.4832347631454468, 0.4789279103279114, -0.4246809184551239, -1.0210189819335938, -0.13869409263134003, 1.2272834777832031, 0.14064839482307434, -0.503186047077179, 0.03087930753827095, 0.4696890413761139, -0.06038033962249756, -0.8437547087669373, 0.8267084360122681, 0.5506463646888733, -0.727138876914978, 0.4912664294242859, -0.5416076183319092, -0.41774630546569824, -0.8446534872055054, -0.6643924713134766, -0.9678950309753418, 0.45679807662963867, 0.4350581765174866, -0.41764354705810547, 0.09409656375646591, -0.2028244584798813, -0.8376058340072632, 0.9357357621192932, 0.21691541373729706, -0.159283846616745, -0.08633212745189667, 0.15258798003196716, -0.8471009135246277, -0.06146688014268875, 0.4932711124420166, 0.2776210308074951, 0.43190765380859375, -0.569076657295227, 0.6335507035255432, 0.22631967067718506, -0.1030428558588028, -0.5977169871330261, -0.059956543147563934, -0.6562671065330505, -0.5352602005004883, 0.4505061209201813, -0.07437825202941895, -0.9991601705551147, 0.6136185526847839, -0.26538407802581787, -0.017474278807640076, -0.3168118894100189, 0.03802180662751198, -0.34227487444877625, -0.19007040560245514, 0.6845188140869141, -0.05969841778278351, 0.9815496802330017, -0.22545847296714783, -0.38065922260284424, 0.43370720744132996, -0.8174707889556885, 1.5205897092819214, -0.8496001362800598, 0.6515133380889893, 0.44287893176078796, -0.8261955976486206, 0.22030216455459595, 0.2954570949077606, -0.2648034691810608, -0.01041383296251297, 0.6108126044273376, 0.23227912187576294, 0.07795487344264984, 0.23630836606025696, 0.4618348479270935, -0.17710861563682556, 1.005181908607483, 0.3200022876262665, -0.3679749369621277, 0.6907371878623962, -0.38020890951156616, 1.2535604238510132, 0.5409448742866516, 0.4931808114051819, 0.763425886631012, 0.5466799139976501, -0.582686722278595, 1.411157250404358, 0.26103702187538147, 0.8732163310050964, 0.0516418032348156, -0.005297524854540825, 0.10076665878295898, 0.5645223259925842, 0.10464982688426971, -1.4873616695404053, -0.046802569180727005, -0.3856949210166931, -0.15507298707962036, -0.6649215221405029, -0.42803195118904114, -0.23739466071128845, -1.4487073421478271, 1.6185717582702637, -0.23653773963451385, 0.2341403067111969, -0.026925262063741684, -0.6992720365524292, -0.023988187313079834, -0.9741279482841492, -1.3823782205581665, 0.3151892125606537, -1.1400337219238281, -0.12866294384002686, -0.4999156892299652, -0.46602803468704224, 0.006058817729353905, -0.25316110253334045, 0.798724889755249, -1.209983229637146, 0.07912452518939972, 0.03825528174638748, 0.24930791556835175, -0.22739285230636597, -0.7614626884460449, -0.3468625545501709, 0.0541963130235672, 1.1293970346450806, -0.925203800201416, 1.0271037817001343, 0.4155122935771942, -0.25871434807777405, -0.7936258316040039, -0.0009082108736038208, -0.6464672088623047, 0.4790642261505127, 0.8573257923126221, -0.7473652362823486, -0.3500405251979828, -0.9997150897979736, -0.5591213703155518, -0.9310267567634583, 0.11208755522966385, 1.3907204866409302, -0.4157560169696808, -0.10353121161460876, -0.028333239257335663, 1.014480471611023, -0.034070465713739395, 0.1811029314994812, -0.6172516345977783, -0.10150305926799774, -0.012991081923246384, 1.0849008560180664, 0.1920817494392395, 0.37711966037750244, -1.583356261253357, -1.156308889389038, -0.45707032084465027, -0.015305005013942719, 0.03138580918312073, -0.2887774407863617, 0.9655345678329468, 0.3939894437789917, -0.01347602903842926, 0.32508212327957153, -0.22892853617668152, 0.910149097442627, 0.06619001924991608, 0.6808958649635315, 0.5820481181144714, 0.263138085603714, -0.588029146194458, 0.5146832466125488, -0.10351407527923584, 0.605420708656311, -1.8277510404586792, -0.48194169998168945, -0.06945322453975677, -0.5815044045448303, -0.20787321031093597, -0.8939902782440186, 0.02903827838599682, -0.3072158098220825, 0.3041234314441681, -1.096544861793518, 0.11304724961519241, 1.5613681077957153, -0.1673610806465149, 0.49476683139801025, 0.5325549840927124, 0.35798880457878113, 0.2715356647968292, 0.6014564633369446, 1.9171026945114136, 0.04899868369102478, -0.843585193157196, 0.06354080885648727, 0.522141695022583, -0.2872122526168823, 0.05757461488246918, -0.07749324291944504, -1.5055170059204102, 0.5683954954147339, -0.8987000584602356, 0.7792920470237732, -0.5798460245132446, 0.47850537300109863, 0.29507318139076233, 1.0304450988769531, -0.3909546732902527, -1.9759777784347534, -0.2892459034919739, -1.280592918395996, -0.00804353691637516, 0.5538282990455627, 0.5168079733848572, 0.26603782176971436, 0.6339583396911621, -0.41077524423599243, 1.0884774923324585, -0.3728654086589813, 0.028904981911182404, -0.3247522711753845, -0.10306380689144135, 1.1061757802963257, 0.18807309865951538, 0.5678989887237549, -0.37733131647109985, -0.4602946937084198, -0.0194413885474205, -0.46874281764030457, -0.13192987442016602, 0.6781345009803772, 1.1762288808822632, -0.19390900433063507, -0.09995917975902557, -0.8128529191017151, 0.5077845454216003, -0.6891962885856628, 0.7646356821060181, 0.3450336456298828, -0.001392461359500885, -1.3388417959213257, -0.4402787685394287, 0.51533442735672, 1.1012214422225952, 0.1862543672323227, -0.07639862596988678, -0.39012181758880615, 0.43852055072784424, 0.16159290075302124, -0.007634086534380913, -0.9647566080093384, 0.026297885924577713, -0.48158910870552063, 0.30502235889434814, 0.5947726964950562, -0.5997406840324402, -0.3579719364643097, -0.05964053049683571, -0.7755476236343384, 0.6544696092605591, -0.06263108551502228, -0.7668083310127258, -0.5409324765205383, 0.3043304681777954, -0.4666014611721039, -0.028547000139951706, 0.8026564717292786, -0.5301702618598938, -1.5891882181167603, 1.2376710176467896, 1.1898759603500366, -0.8605825901031494, -0.5369994044303894, 0.39970260858535767, -0.18007999658584595, 0.39852380752563477, 1.2297511100769043]} +{"paper_id": "paws", "embedding": [0.3298361003398895, 0.7888855934143066, 0.3907961845397949, 0.07412885129451752, 0.011532600969076157, -0.010477732867002487, 0.6529365181922913, 0.41608718037605286, 0.3264901638031006, 1.1125526428222656, 0.19072312116622925, -0.42289862036705017, -0.2829671800136566, -0.25100579857826233, 0.12939222157001495, -1.2999258041381836, -1.3761889934539795, -0.6237930655479431, -1.1917150020599365, -0.6459404826164246, -0.2659754753112793, -0.3082658052444458, -0.4110826849937439, 0.37086987495422363, -0.9516831636428833, -0.3329547345638275, 0.8326917886734009, -1.366255760192871, 0.10198672115802765, 0.13104881346225739, -0.6965592503547668, 1.427425503730774, -1.5988019704818726, 0.2896016836166382, 0.02797061949968338, 0.02782154269516468, -0.12901045382022858, 1.090150237083435, -0.8319781422615051, 0.16882087290287018, -0.5046370029449463, -0.15169748663902283, 0.7293528914451599, 0.4522284269332886, 0.33140653371810913, 0.1200612261891365, 0.690149188041687, -0.1828373670578003, -0.7103620767593384, 0.0071395933628082275, -0.5297374725341797, 0.33455878496170044, 0.8598451614379883, 0.7184531688690186, -0.4211684763431549, 1.3175023794174194, 0.36871182918548584, -1.393871545791626, 0.9364537000656128, -0.6901344060897827, 1.3134114742279053, 1.7480340003967285, -0.23666779696941376, 0.8264376521110535, 0.2756496071815491, -0.4118937849998474, 1.15895676612854, 0.16415022313594818, 0.2545211911201477, 0.6267743110656738, -0.2112540602684021, -1.1479310989379883, 0.5114136934280396, -0.3330875039100647, 0.09490499645471573, 0.6154447793960571, 0.4421672224998474, 0.7695504426956177, 0.13404607772827148, 0.0065194666385650635, 0.11518850922584534, 0.8522776961326599, 0.2596319913864136, -0.3517443537712097, 0.12048143148422241, 0.3206731081008911, -0.17368002235889435, -1.2446233034133911, 0.80061936378479, -1.418774127960205, 0.9490547776222229, 0.15756922960281372, -0.2910915017127991, 0.2027772068977356, -0.07938961684703827, 1.1989575624465942, -0.5275822877883911, 0.07374969869852066, -0.4277186393737793, 0.334646075963974, 1.0727931261062622, -0.846407413482666, 0.5055661201477051, -0.562751293182373, 0.4116084575653076, 0.9530999660491943, -0.10662047564983368, -0.6473761796951294, -0.8659127950668335, -0.07989955693483353, -0.6965343952178955, 1.808712124824524, -0.829639732837677, 0.6499243378639221, 0.3414575755596161, 0.1715204417705536, 0.04129974544048309, -0.9139024019241333, 0.03103848174214363, -0.21162180602550507, 0.45199429988861084, -1.0371437072753906, 0.1532561182975769, 0.22267235815525055, 0.5009864568710327, -0.39846041798591614, 0.31995072960853577, -0.20077553391456604, 0.3639874756336212, 0.12557683885097504, 0.7105194330215454, -0.21649305522441864, -0.6806785464286804, 0.36109745502471924, 2.98887038230896, -1.0564873218536377, 1.921217441558838, -1.1651531457901, -0.47727707028388977, -0.4516203999519348, -0.7569724917411804, 1.220695972442627, 0.060661718249320984, -0.5706027746200562, -0.5868151187896729, 0.16389992833137512, -0.1655355989933014, 0.600824236869812, -0.33868730068206787, -0.5952615141868591, -0.7518888711929321, 0.6270963549613953, -1.8774194717407227, -0.5422707796096802, 0.03481442108750343, -0.03884804993867874, 0.21209077537059784, 0.40479162335395813, -0.2899036109447479, 0.8375248908996582, -0.0975935235619545, -0.028334133327007294, -0.8071308135986328, 0.7813246846199036, -0.7405231595039368, 0.06707138568162918, 1.4739127159118652, -0.7733507752418518, -1.2189399003982544, -0.009717315435409546, 1.187699317932129, -0.5041303038597107, 0.038924217224121094, 0.24049876630306244, -0.273472398519516, 0.2450713813304901, 0.5708140134811401, 0.7180277705192566, 0.30338340997695923, -0.6851532459259033, -0.43508830666542053, 0.15502092242240906, -0.23518726229667664, 0.3525579273700714, -0.7178569436073303, 0.2278081476688385, -1.8278580904006958, -0.16283069550991058, 0.027145400643348694, 1.0489332675933838, 0.3041832149028778, -0.8184389472007751, -0.47184884548187256, 0.5991492867469788, 0.043121807277202606, -0.222513809800148, 0.9330938458442688, -0.9897753000259399, -0.23290583491325378, 0.01219034194946289, -0.16325156390666962, -0.4538919925689697, -0.47184300422668457, 0.3920528292655945, 0.5472180843353271, -1.0624014139175415, -0.6308940052986145, -2.0325067043304443, 0.39195477962493896, 2.851917266845703, 0.1455174833536148, -0.3174622058868408, -1.2185090780258179, -0.19615313410758972, -0.07054326683282852, 0.26931270956993103, 0.786463737487793, -1.1217482089996338, -0.3339042663574219, -1.7918580770492554, 0.7401622533798218, -0.023833315819501877, 0.49036285281181335, 0.701827347278595, 0.5613782405853271, -1.0915074348449707, -0.20305249094963074, -0.765068531036377, -0.9678536057472229, 0.5557591915130615, 0.6304529905319214, -0.1508951336145401, -0.18133386969566345, 1.0233858823776245, 0.6683967709541321, 1.042528748512268, -0.07440852373838425, 0.6348026394844055, -1.4271857738494873, 0.18034571409225464, 0.21599553525447845, 0.7235583066940308, 0.18518055975437164, 0.4484156668186188, 0.7532778382301331, 0.3334216773509979, -0.839680552482605, -0.8193588852882385, -0.6067099571228027, 0.43126624822616577, 1.2274311780929565, 1.0608623027801514, -0.5547135472297668, 1.1846915483474731, -0.972585916519165, 0.3085545599460602, -0.586955189704895, -1.3106945753097534, -0.18154391646385193, 0.008750423789024353, 1.2568974494934082, 0.5324891805648804, -0.306758850812912, -0.45717060565948486, -0.2707282304763794, -1.2681137323379517, 0.6015270948410034, -0.1878114640712738, 0.019027836620807648, -1.8890272378921509, -0.013186715543270111, -0.25328773260116577, -1.4679776430130005, -0.9486340880393982, -0.19917233288288116, 0.3266291320323944, 0.06631412357091904, 0.6984858512878418, 1.3944514989852905, 0.10362482070922852, -0.15545496344566345, 0.26797425746917725, 0.5801396369934082, -1.2558372020721436, 0.7651491165161133, -0.11335067451000214, 0.21380946040153503, -0.7336080074310303, 0.03961685299873352, -0.951808512210846, 0.14142397046089172, -0.08568908274173737, -0.6906139254570007, 0.2721088230609894, -0.4516674280166626, -0.07535316050052643, 1.1626640558242798, 0.0030380673706531525, -0.17261949181556702, -0.7562192678451538, 1.7345410585403442, 0.4080704152584076, 0.17991888523101807, 0.4064025282859802, -0.616249680519104, 0.2787094712257385, 1.562373161315918, -0.9253638982772827, 0.5863243937492371, 0.49640434980392456, -0.20812629163265228, 0.48590999841690063, 0.35622021555900574, -2.0377004146575928, 0.4502050578594208, 1.100311040878296, -0.8281462788581848, -0.46476975083351135, -1.0782930850982666, 0.9183021187782288, -0.6476088166236877, -0.6717532873153687, 0.7474464774131775, -0.894568145275116, -0.27535805106163025, -0.6387988924980164, 0.22047598659992218, 0.5214168429374695, -1.5971955060958862, 0.26018789410591125, 1.3126462697982788, 0.7858098745346069, -0.8529020547866821, 0.04555010795593262, 1.3059508800506592, -0.5729028582572937, 0.7047488689422607, 0.4833933711051941, 1.2133175134658813, 0.3526080846786499, 0.416550874710083, -0.06330747157335281, 0.791263222694397, 0.783304750919342, -0.10859176516532898, -0.07509533315896988, -0.12326647341251373, 0.5389739274978638, -0.5535972118377686, 1.7494916915893555, 0.6946771740913391, -1.2988983392715454, -1.073326826095581, -0.9447271823883057, 0.16562634706497192, -0.6014336943626404, 1.2956830263137817, 0.69797682762146, 0.7287440896034241, -0.11341048777103424, 1.0983939170837402, -0.5786939263343811, 0.304970920085907, 0.6734976172447205, -0.34994104504585266, 0.017657987773418427, -0.6994524002075195, -0.1910150647163391, 1.0829946994781494, 0.12543517351150513, -0.681527316570282, 0.26415377855300903, 0.8244044780731201, -0.2234303504228592, -0.17229147255420685, -0.24656154215335846, -0.0800214409828186, 0.39617031812667847, 0.4959312677383423, -1.3931759595870972, -0.7156310081481934, -0.2196744829416275, 0.3635569214820862, 0.11519160121679306, 0.017020463943481445, -1.0937689542770386, 0.35319244861602783, 0.38949328660964966, 0.6269867420196533, -0.1905825287103653, 0.8752949833869934, 0.8021165728569031, -0.060919299721717834, -1.4243206977844238, -0.29513266682624817, -0.41063663363456726, 0.453836590051651, -0.05589018389582634, -0.6668830513954163, -0.5791106820106506, 1.4492242336273193, -0.26179826259613037, -0.661540150642395, 0.7998079061508179, -0.12126810103654861, -1.0355761051177979, 0.5095989108085632, 0.7516255378723145, -1.6998229026794434, -1.340986967086792, 0.23509912192821503, -0.41135239601135254, -0.698431670665741, 0.5050051808357239, -0.5409625768661499, 1.355549931526184, 0.4266412854194641, 0.42297667264938354, -0.4197693467140198, -0.1901385486125946, -1.3390451669692993, 0.8117798566818237, 1.5017914772033691, -0.7467605471611023, 0.0934116318821907, -0.3274908661842346, 0.36802923679351807, 0.49721089005470276, -0.6842878460884094, -0.5510625839233398, 0.5180090069770813, -0.1785714030265808, 0.07374195754528046, -0.638666033744812, -1.2262414693832397, 0.6041983962059021, -0.24150975048542023, 1.4139209985733032, -0.9836397767066956, 0.6994891166687012, -0.703604519367218, 0.6546558737754822, 0.22541296482086182, -0.34474658966064453, -1.1988164186477661, 1.2883126735687256, -0.6589671969413757, 0.4582659602165222, 0.49683257937431335, -0.6082431077957153, 1.2671916484832764, 0.4990774989128113, -0.038765594363212585, -0.2759561836719513, -10.390914916992188, 0.8005743622779846, 0.5676069855690002, 0.789456844329834, 0.44236162304878235, -0.7569814920425415, 0.19165122509002686, 0.19149652123451233, 0.7413153648376465, -0.28501781821250916, 0.415762335062027, 1.9160795211791992, -0.08696069568395615, -0.6021876931190491, -1.0898419618606567, -1.107967734336853, -0.4899102449417114, -1.0109117031097412, -0.0565001405775547, 1.2657920122146606, -0.47799089550971985, -1.1883381605148315, 0.843967616558075, 0.23287808895111084, 0.6301213502883911, 0.609671413898468, -0.23094773292541504, -0.5396102666854858, -0.30968087911605835, 0.5088341236114502, 0.6747606992721558, -0.16495518386363983, -0.7247689962387085, -0.3358963131904602, -0.002198129892349243, 0.3273700773715973, -0.3018254041671753, -0.014473450370132923, 0.28169095516204834, -0.4141257405281067, -0.45346009731292725, -0.1283765584230423, 0.4107073247432709, -0.6369737386703491, -0.6689642667770386, -0.019003652036190033, -0.4304474890232086, -0.9524455666542053, -0.027515679597854614, -0.6557236313819885, -0.5873131155967712, -0.42040249705314636, -1.0964816808700562, -0.8381643891334534, -0.2468862384557724, -0.5592324733734131, -0.6482843160629272, 1.0515494346618652, -0.689884603023529, -1.762735366821289, 0.06118409335613251, 0.09926827251911163, 0.17847353219985962, 0.10254934430122375, 0.2860386371612549, -0.641628623008728, 0.23307916522026062, 0.3219887316226959, -0.6475364565849304, 0.2939518690109253, -1.29938805103302, 1.055462121963501, 0.022750597447156906, 0.803769588470459, -0.622218906879425, 0.028409190475940704, -0.9763203859329224, -0.3644641935825348, 1.2469171285629272, -0.1607297658920288, -1.2061355113983154, 0.48999282717704773, 0.276174396276474, 0.02159344032406807, -0.818657636642456, 0.10292570292949677, 0.006022252142429352, -0.11439444124698639, 0.6556081771850586, -0.10598453134298325, 0.5905264616012573, -0.13042715191841125, -0.20454838871955872, -0.0639912337064743, -0.43404054641723633, 0.32543811202049255, -0.6670855283737183, 0.6710991263389587, -0.16240015625953674, -1.075908899307251, 1.0736422538757324, -0.36761999130249023, -1.0149306058883667, 0.5005001425743103, 0.30296018719673157, 0.24125605821609497, 0.1269932985305786, -0.189364954829216, -0.7213873863220215, -0.5042136907577515, 0.7579777240753174, -0.3302150368690491, -0.4848979115486145, 0.9185212254524231, 0.21798080205917358, 0.4509195387363434, 1.4701297283172607, 0.28609538078308105, 0.665088415145874, 1.2675970792770386, -0.7800699472427368, 0.9292297959327698, 0.34398186206817627, 1.5282293558120728, 0.21651160717010498, 0.3873268961906433, 0.08772428333759308, 0.3484887480735779, -0.25017011165618896, -1.685454249382019, 0.6018553972244263, -0.4415271282196045, 0.6431101560592651, 0.12165821343660355, 0.2541581988334656, -0.08291837573051453, -0.681305468082428, 1.022186517715454, -0.380909264087677, 0.49090221524238586, 0.009830597788095474, 0.04435429349541664, 0.29888778924942017, -0.3810511827468872, -0.34618568420410156, 0.13267454504966736, -2.2233641147613525, 0.2897292375564575, -0.6251205205917358, -0.1704435646533966, -0.3352920114994049, -0.3531399369239807, 1.1153771877288818, -0.6004939079284668, 0.22597652673721313, 0.13141372799873352, 1.0935070514678955, -0.4977383613586426, -0.7464052438735962, -0.10790137201547623, -0.24899822473526, 1.3757338523864746, -0.7441122531890869, 0.893294095993042, 0.5597437620162964, 0.04355474188923836, -0.47125670313835144, -0.3841840624809265, -0.1948980689048767, -0.0377856083214283, 1.1014375686645508, -1.0642673969268799, -0.1455136090517044, 0.20746953785419464, 0.03641941025853157, -0.8651410341262817, 0.593371570110321, 0.6691560745239258, -0.8993908166885376, 0.12462109327316284, 0.11103270947933197, 0.5227736234664917, -0.2059575468301773, 0.4231724143028259, -0.169637531042099, 0.05269535630941391, -0.15558961033821106, 0.7020790576934814, 0.06800824403762817, 1.7067543268203735, -1.524502158164978, -1.4385991096496582, 0.19216924905776978, 0.7462707757949829, 0.676413893699646, -0.3890039324760437, 1.1475346088409424, 0.527395486831665, 1.1082030534744263, 0.23931613564491272, -0.05359666422009468, 0.30654269456863403, -0.17330071330070496, 0.6516123414039612, -0.8029196858406067, 0.5551880598068237, -0.6920560002326965, 0.5432736277580261, -0.3444232642650604, 0.8522684574127197, -1.1775401830673218, 0.03830000013113022, 0.28642213344573975, 0.013245988637208939, -0.03913993015885353, -1.2207934856414795, -0.018993470817804337, -0.9167171716690063, -0.47375503182411194, -1.3459203243255615, 0.4652154743671417, 0.918914258480072, 0.3031642436981201, 1.0487014055252075, 0.3933570086956024, 0.02204172872006893, 0.7002122402191162, 0.2509944438934326, 1.3573070764541626, 0.43417036533355713, 0.17955006659030914, -0.5436937212944031, 0.39197638630867004, 0.4586717188358307, 0.06595733761787415, -0.0759342834353447, -0.30890369415283203, 0.14580899477005005, -0.7495839595794678, 0.529964804649353, -0.3871488571166992, 0.29028812050819397, 0.840682864189148, 1.4795012474060059, -0.9455150961875916, -0.5298916101455688, -0.30691075325012207, -1.261102557182312, 0.25121375918388367, 0.10655659437179565, 1.5191540718078613, 1.0315018892288208, 0.8061631917953491, 0.4088437557220459, 0.7279722690582275, -0.3737388849258423, 0.13384194672107697, 0.21689245104789734, 0.013004817068576813, 1.4719066619873047, 0.3456142842769623, 0.41922852396965027, 0.29357823729515076, -0.14326903223991394, -1.102144718170166, -0.2306596040725708, -0.6845760345458984, 1.3803434371948242, 0.18351341784000397, 0.5155224800109863, 0.19548256695270538, -0.6501179933547974, -0.09230591356754303, -0.3544071912765503, 0.7467985153198242, 0.4635225534439087, -0.5898825526237488, -1.0083502531051636, -1.1760871410369873, -0.29558828473091125, 0.5245989561080933, -0.373259037733078, -0.16703322529792786, -0.5629017353057861, 0.996931791305542, -0.1341000497341156, -0.6341769695281982, -0.5845924019813538, 0.1987585723400116, -0.5277165174484253, -0.17855876684188843, 0.1460244357585907, -0.7193502187728882, -0.9683238863945007, -0.043033234775066376, -0.5704562664031982, 0.19217199087142944, -0.747994601726532, -1.412685513496399, -0.43414291739463806, -0.5774874687194824, 0.37896928191185, 0.19159717857837677, 0.5398682355880737, -0.4344223737716675, -1.9005489349365234, 0.7016322016716003, 1.4351733922958374, -0.37973329424858093, -0.35120558738708496, 0.7593435645103455, -0.2503131330013275, 0.7355133891105652, 0.8778420686721802]} +{"paper_id": "klue", "embedding": [-0.1941784918308258, 1.6123112440109253, 0.3841288089752197, -0.22217944264411926, 0.37622109055519104, 0.06868543475866318, 0.8252503275871277, 0.4166014790534973, 0.8207928538322449, 0.9303570985794067, 0.5637549161911011, -0.6842249035835266, -0.19003961980342865, -0.30202150344848633, -0.41488373279571533, -0.595129132270813, -1.1015262603759766, -1.006188988685608, -1.3413721323013306, -0.3539556562900543, -1.0640512704849243, -0.5649341940879822, 0.053791966289281845, 1.1112232208251953, -0.8516773581504822, -0.5188930034637451, 0.798499345779419, -1.357495903968811, 0.01288067176938057, 0.3618561327457428, -0.5436347723007202, 1.2052733898162842, -1.1296802759170532, 0.17006683349609375, 0.176254540681839, -0.0807836502790451, -0.18912376463413239, 0.8461408615112305, -0.6123983263969421, -0.01021810993552208, -0.7209458351135254, -0.15506991744041443, 0.7186839580535889, 0.09820032119750977, 1.055673360824585, 0.008771628141403198, -0.5748427510261536, 0.4930308163166046, -0.1150687113404274, -0.4440505802631378, -0.6638034582138062, -0.04529028385877609, 0.4970313310623169, 0.5346685647964478, -0.3845636248588562, 1.0250189304351807, 0.23060986399650574, -1.1673521995544434, 0.5471407175064087, -0.9510946273803711, 0.8954740166664124, 1.7741609811782837, -0.5379166007041931, 0.478016197681427, 0.8044424057006836, -0.05866125971078873, 1.2254889011383057, 0.34261322021484375, 0.43602675199508667, 0.6549748778343201, -0.010218225419521332, -0.9739223122596741, 0.6316119432449341, -0.05017716437578201, 0.35282984375953674, 1.0637363195419312, 0.3770899772644043, 0.5274527668952942, -0.051244910806417465, 0.018453050404787064, -0.5495651960372925, 0.8436499238014221, 0.6739801168441772, -0.6924241781234741, -0.10163639485836029, 0.4471083879470825, 0.054105259478092194, -0.6596316695213318, 0.8624101281166077, -1.633413314819336, 0.06148993968963623, 0.025903811678290367, -0.17679989337921143, 0.044700250029563904, -0.49921339750289917, 0.5198544263839722, 0.12384813278913498, -0.03243081644177437, -0.2478659451007843, 0.32565397024154663, 0.8165870308876038, -0.23863083124160767, 0.3639606535434723, -0.5252082347869873, 0.4502929449081421, 1.0260848999023438, -0.1495174765586853, -0.610770583152771, -0.8051338195800781, -0.42088231444358826, 0.2781170904636383, 1.4165904521942139, -0.21644067764282227, 1.0633469820022583, 0.4429015517234802, 0.039867788553237915, 0.25161752104759216, -0.7747336626052856, 0.014666439965367317, 0.2563035488128662, -0.35898566246032715, -0.8033725023269653, -0.1559516191482544, -0.33458077907562256, 0.6055514216423035, -0.5797443985939026, 0.3777801990509033, -0.3200893998146057, 0.5474168062210083, -0.2042119801044464, 0.6710340976715088, 0.3169879615306854, -0.26818785071372986, -0.03057348169386387, 2.8738176822662354, -1.329343557357788, 1.3588353395462036, -0.8540689945220947, 0.1581116020679474, -0.4571990370750427, 0.12757250666618347, 1.7586613893508911, -0.0942813903093338, -0.8675130605697632, -0.34453415870666504, 0.05435483902692795, -0.8635584115982056, 0.5489142537117004, -0.7016389966011047, -0.4597662687301636, -0.16517822444438934, 0.11287833750247955, -1.714011788368225, -0.2581717371940613, 0.1344619244337082, 0.03853937238454819, 0.36423516273498535, 0.8346080780029297, -0.3778335452079773, 1.4983454942703247, 0.6446251273155212, -0.23365531861782074, -0.19693079590797424, 0.8192090392112732, -1.4805076122283936, -0.12991462647914886, 1.0878667831420898, -0.3015840947628021, -0.5743333697319031, -0.5171105861663818, 0.9158395528793335, -0.38194552063941956, 0.15317657589912415, 0.06851134449243546, -0.39520692825317383, 0.3272877037525177, 0.7681220769882202, 0.6847448348999023, 0.08461879193782806, -0.32028937339782715, -0.09435933828353882, -0.44946280121803284, 0.09029104560613632, 0.7125294208526611, -0.36643579602241516, 1.1174920797348022, -2.1764752864837646, -0.06888549029827118, 0.3740922212600708, 0.9740402698516846, -0.12040314078330994, -0.5656058192253113, -0.10357175022363663, -0.025343241170048714, 0.2939431071281433, -0.33053678274154663, 0.8557035326957703, -1.1664615869522095, -0.2378787398338318, 0.581655740737915, -0.05788800120353699, -0.4160691499710083, -0.13312967121601105, 1.2087088823318481, 0.6593072414398193, -0.5619877576828003, -0.6641759872436523, -1.8234779834747314, -0.44256946444511414, 3.0654807090759277, 0.2462618499994278, -0.9294762015342712, -0.874494194984436, -0.6722391247749329, -0.3004932105541229, -0.4547725021839142, 0.139087975025177, -0.39017096161842346, -0.18556272983551025, -1.2086621522903442, 0.25529181957244873, -1.1270378828048706, 0.4709341824054718, 0.4972148537635803, 1.0643953084945679, -0.21453344821929932, -0.4222026467323303, -0.04270768538117409, -0.438937783241272, 0.26278480887413025, 0.538133442401886, 0.15491078794002533, -0.5485751628875732, 0.8080843091011047, 0.024756208062171936, 0.3535388112068176, 0.5413895845413208, 0.37738341093063354, -0.441158652305603, -0.09822440892457962, 0.030224336311221123, 1.3355004787445068, -0.25124043226242065, -0.4028826057910919, 0.2369047850370407, 0.03164710849523544, -0.6100823879241943, -0.4453356862068176, -0.24927957355976105, 0.22145327925682068, 1.253782033920288, 1.1425557136535645, -0.6634181141853333, 0.9650511741638184, -1.0736998319625854, 0.225336492061615, -0.6836540102958679, -0.543032169342041, -0.1410694420337677, -0.1134205162525177, 0.5215374231338501, -0.3543268144130707, 0.10599412024021149, -0.7126345038414001, 0.20193016529083252, -1.6889948844909668, -0.33296439051628113, 0.016765877604484558, -0.7148045897483826, -1.561578631401062, 0.003997102379798889, 0.20350071787834167, -1.3017807006835938, -0.3403441309928894, 0.3267488181591034, 0.830945611000061, 0.57023024559021, 0.8242974281311035, 1.6483004093170166, -0.060818638652563095, 0.46827632188796997, 0.3675181269645691, 0.6334874629974365, -0.8119795322418213, 0.5208576321601868, -0.0911928340792656, 0.14883272349834442, -0.26039665937423706, 0.06855858862400055, -0.6394352316856384, 0.20805123448371887, 0.8473173975944519, -0.6199334263801575, 0.37840235233306885, -0.3754611313343048, -1.2782753705978394, 0.6238192319869995, -0.8062281012535095, 0.5232844352722168, -0.697445809841156, 2.0131547451019287, 0.508478581905365, -0.3286089599132538, 0.7186751961708069, -0.3913843631744385, -0.06194085627794266, 1.0988887548446655, -0.8217523097991943, 0.5659875869750977, 0.07403683662414551, -0.7340794205665588, 0.045883577316999435, 0.39253321290016174, -2.2980940341949463, 0.38006123900413513, 0.5704255104064941, -0.11674031615257263, -0.40051141381263733, -1.005664587020874, 0.45487844944000244, -0.635570228099823, -0.05446084588766098, 0.3792736232280731, -1.0242204666137695, 0.4102664887905121, -0.4229993224143982, 0.03578508645296097, 0.3920338749885559, -0.6147821545600891, 0.6004782915115356, 0.9053234457969666, 0.5168313384056091, -1.1300292015075684, -0.4536525309085846, 1.0110846757888794, -0.9499548077583313, 0.153915673494339, 0.4857497811317444, 0.9070377349853516, 1.3500430583953857, -0.46867281198501587, 0.05194639042019844, 1.238308310508728, 0.9284757375717163, 0.18465614318847656, 0.05490714684128761, -0.20819590985774994, 0.4636147916316986, -0.023207854479551315, 0.7690165042877197, 0.20111075043678284, -0.8967411518096924, -1.066267728805542, -0.14062882959842682, -0.07851599901914597, -0.7404152750968933, 1.6029640436172485, 0.9572084546089172, 1.3635461330413818, 0.11598317325115204, 0.18870055675506592, -0.42815518379211426, -0.12764550745487213, 0.8324775099754333, 0.2513549029827118, -0.2775057554244995, -0.17826229333877563, -0.08514884114265442, 0.8707926869392395, -0.09199284762144089, -0.6393542289733887, 0.1871938556432724, 0.8042702674865723, -0.24676008522510529, -0.9642154574394226, 0.05507402867078781, 0.6196922063827515, 0.23191460967063904, 1.4326272010803223, -0.9995108246803284, -0.3170746862888336, 0.6176807880401611, 0.7405393719673157, 0.2844197154045105, 0.028705671429634094, -0.5106500387191772, 0.46894371509552, 0.5026558637619019, 0.09131856262683868, -0.19256004691123962, 1.280888319015503, 1.1863062381744385, -0.6956269145011902, -0.814709484577179, -0.36066991090774536, -1.0965938568115234, -0.26589101552963257, -0.1316666603088379, 0.0024787671864032745, -0.7104443907737732, 0.48820677399635315, -0.2890196144580841, -0.4764731228351593, 0.7857719659805298, -0.41710031032562256, -1.4327048063278198, 0.9638086557388306, 0.9249645471572876, -1.3249932527542114, -0.6105180382728577, -0.22584351897239685, -0.5981864333152771, -1.1332426071166992, 0.21679694950580597, -1.10848867893219, 0.1698986440896988, -0.16425810754299164, 1.1365028619766235, 0.28744572401046753, -0.24765704572200775, -1.1101278066635132, 0.42862582206726074, 1.20038640499115, -0.8200364708900452, 0.1822102665901184, -0.13252076506614685, 0.493289589881897, -0.3995386064052582, -1.1627075672149658, -0.9079613089561462, 0.8528620600700378, 0.012375704944133759, -0.04023272544145584, -0.681082010269165, -0.675280749797821, 0.1824614703655243, 0.15584543347358704, 0.8992050290107727, -0.8413476943969727, 0.27724581956863403, -0.48354750871658325, 0.43567726016044617, 0.8705621957778931, -0.5977444052696228, -0.9531235694885254, 0.7590475082397461, -0.40530285239219666, 0.32146716117858887, 0.4961559474468231, 0.6112734079360962, 0.9011927843093872, 0.27638229727745056, 0.277157187461853, -0.4330899715423584, -11.51860237121582, 0.3524930775165558, -0.15446139872074127, 0.03572908043861389, 0.2678050696849823, -0.6861371994018555, 0.8193385601043701, 0.027636270970106125, 0.6854029893875122, -0.6480135917663574, 0.5864904522895813, 1.494408369064331, 0.18037012219429016, -0.28262221813201904, -0.6748782992362976, -1.4365806579589844, -0.7627804279327393, -0.44216376543045044, 0.24564243853092194, 0.617326021194458, -0.9789894819259644, -1.3107044696807861, 0.2551349997520447, 0.4694962501525879, 0.10503092408180237, 0.42371299862861633, -0.04719870537519455, -0.04689496383070946, -0.17842814326286316, 0.08523404598236084, 0.29526299238204956, -0.378245085477829, -0.9557532072067261, -0.13835620880126953, 0.7708778381347656, 0.03734361752867699, -0.9863452315330505, -0.24355654418468475, 0.6591670513153076, -0.01223103329539299, -0.5461400151252747, 0.36790403723716736, 0.7810097932815552, -0.46567055583000183, -0.5639327168464661, 0.48708903789520264, 0.1286844164133072, -1.0522624254226685, -0.31237033009529114, -0.5655540227890015, -0.694248378276825, -0.5874574184417725, -1.51911461353302, -0.5046738982200623, 0.3608805239200592, -0.5048350095748901, -0.3027615547180176, -0.36305201053619385, -0.37351906299591064, -0.8646677732467651, 0.5121825337409973, 0.5258946418762207, -0.1561129093170166, -0.004762127995491028, 0.5714744329452515, -0.4556150436401367, 0.6509082317352295, 0.08869420737028122, 0.47032782435417175, 0.5922462344169617, -1.1030911207199097, 0.3912299871444702, 0.07445626705884933, 0.5019586086273193, -0.6165461540222168, -0.2266671061515808, -0.3950248956680298, -0.3927512466907501, 0.4993273615837097, -0.03143735229969025, -0.8817093372344971, 0.7570409178733826, 0.33247077465057373, 0.00912214070558548, -0.6610743403434753, 0.18853794038295746, -0.2879050672054291, 0.21986845135688782, 1.357714295387268, -0.29904383420944214, 1.355583667755127, -0.16440045833587646, -0.5040138959884644, 0.4947015941143036, -0.7770752906799316, 0.681248664855957, -0.257529079914093, 0.9521828293800354, 0.3759540319442749, -0.5492697954177856, 0.30016496777534485, -0.3732675611972809, -0.13054510951042175, 0.07809177041053772, 0.6710412502288818, 0.36968088150024414, -0.003103896975517273, 0.2559846043586731, -0.009883575141429901, -0.4440532922744751, 1.1110235452651978, 0.10867325961589813, -0.4597399830818176, 0.6337190270423889, 0.29078617691993713, 0.73597252368927, 0.6809570789337158, 0.40821367502212524, 0.6475282907485962, 1.0855956077575684, -0.2720978558063507, 1.4477957487106323, 0.11566519737243652, 1.577946424484253, 0.12480415403842926, 0.1119527816772461, 1.000657558441162, 0.5323413610458374, 0.22371922433376312, -1.280761480331421, -0.4175337553024292, -0.1542830616235733, 0.238626629114151, -0.5938494205474854, 0.0341312550008297, -0.38202977180480957, -1.1223950386047363, 1.5327632427215576, -0.7456856966018677, 0.04630301520228386, 0.05821060389280319, -1.0229249000549316, -0.1430504322052002, -0.587293267250061, -0.674726128578186, 0.41195055842399597, -1.8132219314575195, -0.3299823999404907, -0.49763497710227966, -0.5373040437698364, 0.05471842736005783, 0.2534252107143402, 0.8894991278648376, -0.9761699438095093, -0.155747190117836, -0.45626455545425415, 0.535974383354187, -0.673902153968811, -0.4980608820915222, -0.4764690399169922, 0.1958368718624115, 1.0279914140701294, -0.7925739884376526, 0.8265186548233032, 0.6596598625183105, 0.015552325174212456, -0.8790347576141357, 0.1365571767091751, -0.28844964504241943, 0.5274392366409302, 1.1115859746932983, -1.0791783332824707, -0.3928997814655304, -0.39799848198890686, -0.28913289308547974, -0.7771108150482178, 0.2515386641025543, 1.408820390701294, -0.7551204562187195, -0.033038005232810974, -0.21677586436271667, 0.6344853043556213, 0.345337450504303, -0.25744813680648804, -0.294039249420166, 0.16948816180229187, -0.1539846658706665, 0.7146710157394409, -0.011680574156343937, 0.45590144395828247, -1.6776549816131592, -1.125878095626831, -0.07907622307538986, -0.13786374032497406, 0.22902646660804749, -0.06255137920379639, 0.8909915685653687, 0.3263731598854065, 0.11498042941093445, 0.38899165391921997, 0.08168496191501617, 0.5907883048057556, 0.5149309039115906, 0.5146857500076294, -0.08983923494815826, -0.1383470743894577, -0.26584726572036743, 0.4784519672393799, 0.1649954468011856, 0.3309606611728668, -1.118820309638977, -0.23441383242607117, -0.05571725592017174, -0.28605231642723083, 0.29653501510620117, -0.7463035583496094, 0.30187392234802246, -0.007999435067176819, -0.41316846013069153, -1.3833060264587402, 0.003297455608844757, 1.169183373451233, -0.3453410863876343, 0.3909023106098175, 0.5083262324333191, 0.03247883915901184, 0.6530025601387024, 0.2764512896537781, 1.705464243888855, -0.11473819613456726, -0.2574765086174011, -0.21653524041175842, 0.6249347925186157, -0.018822088837623596, -0.35921916365623474, -0.16898396611213684, -1.0709811449050903, 0.04752405732870102, -1.0578827857971191, 0.8866246342658997, -0.36485975980758667, 0.39341944456100464, 0.5378928184509277, 1.3145592212677002, -0.47191888093948364, -1.0319591760635376, -0.24497058987617493, -0.9569600224494934, 0.13078930974006653, 0.21880146861076355, 0.6420966386795044, 0.7596607208251953, 0.6877514719963074, 0.498302161693573, 1.1837422847747803, -0.24881479144096375, -0.14276355504989624, -0.44074875116348267, -0.08626323938369751, 1.0906202793121338, 0.72902512550354, 0.34907326102256775, -0.1492648869752884, -0.3807713985443115, -1.0593096017837524, -0.2911383807659149, -0.7787529230117798, 0.7464313507080078, 0.8608800172805786, 0.14942778646945953, 0.270691454410553, -1.0761470794677734, 0.45597392320632935, -0.3628664016723633, 0.39013364911079407, 0.8298320174217224, -0.18967606127262115, -0.756310760974884, -1.1714565753936768, -0.2542184889316559, 1.0696913003921509, -0.3646082878112793, 0.1466747522354126, -0.8202126026153564, 0.42438220977783203, -0.31622251868247986, -0.21137098968029022, -1.017409086227417, -0.2008482962846756, -0.6825299263000488, 0.3737107515335083, 0.7122601270675659, -0.7105512619018555, -0.4080623388290405, 0.07476694136857986, -0.7500263452529907, 0.19390645623207092, 0.06771582365036011, -0.8452735543251038, -0.616799533367157, 0.2931376099586487, -0.40016818046569824, -0.5405285954475403, 1.211367130279541, -0.4524324834346771, -1.6287729740142822, 1.0137702226638794, 1.3285292387008667, -0.6770144104957581, -0.6468323469161987, 0.2535627484321594, 0.3143773078918457, 0.16252198815345764, 1.2581655979156494]} +{"paper_id": "snli", "embedding": [-0.27916619181632996, 0.6693495512008667, 0.06689342856407166, 0.07678357511758804, 0.44219934940338135, -0.21992920339107513, 0.10705868154764175, 0.739128589630127, 0.7793086767196655, 0.519806444644928, 0.5269531011581421, 0.33746814727783203, 0.11665686964988708, -0.018994266167283058, -0.3851289749145508, -0.052593544125556946, -0.9886048436164856, -0.49246302247047424, -1.2145044803619385, -0.17440475523471832, -0.35320228338241577, -0.6389297842979431, -0.147860586643219, 0.24931520223617554, -0.22425764799118042, -0.6222152709960938, 0.6788654923439026, -1.0420963764190674, 0.7143184542655945, 0.19284877181053162, -0.28666815161705017, 1.201309323310852, -1.2918394804000854, 0.4695928990840912, -0.3160977065563202, -0.6740626692771912, -0.12055309116840363, 0.9493058919906616, -0.39072829484939575, -0.24158471822738647, -0.3518470525741577, 0.08320476859807968, 0.5074564814567566, 0.516043484210968, 0.8499055504798889, -0.09039191901683807, 0.32218652963638306, 0.7408302426338196, -0.15571783483028412, 0.3724000155925751, -0.8720011711120605, 0.05652649700641632, -0.007972287014126778, 0.6236733198165894, -0.14286962151527405, 1.001582145690918, 0.45518508553504944, -0.7077431082725525, 0.8194523453712463, -1.2472432851791382, 1.6837937831878662, 1.185462236404419, -1.0199565887451172, 0.31813177466392517, 1.0407118797302246, 0.207410529255867, 1.0779640674591064, 0.22073052823543549, -0.20211538672447205, 1.0090396404266357, -0.17071044445037842, -0.42165252566337585, 0.7037119269371033, 0.22133558988571167, 0.4564867317676544, 0.5015245676040649, 0.41435375809669495, 0.4992162883281708, 0.2737768888473511, 0.2972481846809387, -0.21392346918582916, 0.49176108837127686, 0.5554046630859375, -0.5074454545974731, 0.06041915714740753, -0.015823569148778915, 0.3802185356616974, -0.4021369516849518, 0.6789411306381226, -1.3677693605422974, 0.7795923948287964, 0.2083820253610611, -0.025538235902786255, -0.014240428805351257, -0.04015495628118515, -0.028669636696577072, 0.09014055132865906, -0.10892044007778168, -0.2558060884475708, 0.4926714599132538, 0.5470733046531677, -0.2762688994407654, -0.2422366589307785, -0.24252507090568542, 0.025051306933164597, 0.5229466557502747, -0.16329148411750793, -0.47142571210861206, -0.660666823387146, -0.33477815985679626, -0.15030020475387573, 1.2396248579025269, -0.27456825971603394, 0.7065668702125549, 0.09991337358951569, 0.22751209139823914, 0.17143362760543823, -0.5412823557853699, -0.3877889811992645, 0.7152090072631836, -0.0969497337937355, -1.4647727012634277, 0.20576328039169312, 0.018423713743686676, 0.40522027015686035, -0.7023276686668396, 0.3801421523094177, -0.42609408497810364, 0.3032585382461548, -0.08193540573120117, 0.14044798910617828, -0.12058481574058533, -0.70084148645401, -0.3605838716030121, 3.085214138031006, -0.6593217253684998, 1.3328906297683716, -1.2135170698165894, 0.10984133929014206, -0.4142618775367737, -0.3192409574985504, 0.7028248310089111, 0.3560756742954254, -0.40551719069480896, -0.5992646217346191, 0.17090030014514923, -0.015953518450260162, 0.045239366590976715, -0.7455118298530579, -0.005307603627443314, -0.04050438478589058, 0.04677651822566986, -1.5358246564865112, -0.7367715239524841, 0.1990431547164917, 0.7192097306251526, 0.10127823054790497, 1.0374809503555298, -0.5517350435256958, 0.7194674611091614, 0.17392587661743164, 0.019493162631988525, -0.8100640773773193, -0.10250972956418991, -0.45393481850624084, -0.1544916033744812, 1.0846620798110962, -0.20565572381019592, -0.5149533152580261, -0.2640739679336548, 0.2971012592315674, -0.1116671934723854, -0.11256696283817291, -0.1618562638759613, 0.36764994263648987, 0.701578676700592, 0.036051250994205475, 0.7292423248291016, 0.6075637340545654, -0.9689193367958069, -0.4190552830696106, -0.5014683604240417, -0.26362037658691406, 0.26646438241004944, -0.016951696947216988, 0.15438473224639893, -2.1709256172180176, -0.17188091576099396, -0.21719229221343994, -0.27015310525894165, 0.5754631757736206, -0.2903425097465515, 0.29464638233184814, 0.34170153737068176, -0.17035327851772308, 0.04864474758505821, 0.494454950094223, -1.0633511543273926, -0.8665360808372498, 0.5968817472457886, -0.29707446694374084, -0.5081586837768555, -0.34621551632881165, 1.2664225101470947, 0.7675600647926331, -0.031567543745040894, -0.3818334639072418, -1.811648964881897, 0.639269232749939, 2.7914633750915527, -0.053233563899993896, -0.735079824924469, -1.3448809385299683, -0.13005195558071136, 0.7381176948547363, -0.33072271943092346, 0.5601065158843994, -0.7769240736961365, 0.4824184775352478, -0.6768007278442383, 0.4948306679725647, -0.13396140933036804, 0.4532290995121002, 0.0517922043800354, 0.8757834434509277, -0.35026875138282776, -0.6010376214981079, -0.861468493938446, -0.6412316560745239, 0.4655861556529999, 0.745700478553772, 0.42955219745635986, -0.05134372413158417, 0.5217864513397217, 0.4775918126106262, 0.8684053421020508, 0.30131569504737854, 0.8617175817489624, -0.7073429822921753, 0.3985370993614197, 0.0182260200381279, 0.48941224813461304, -0.38058823347091675, 0.6363245844841003, -0.16378450393676758, 0.5877709984779358, -0.5279120206832886, -0.7364617586135864, -0.20304706692695618, 0.23250126838684082, 1.6743836402893066, 0.9174185395240784, -0.4993482530117035, 0.5249631404876709, -0.627352774143219, -0.1919688880443573, -0.2743987441062927, -0.5260419249534607, -0.26812660694122314, -0.02592221274971962, 0.8294486403465271, 0.05702955275774002, -0.06669382005929947, -0.2851073145866394, 0.0504206046462059, -0.8462715148925781, -0.48385193943977356, -0.3361024558544159, -0.019562698900699615, -0.7938446998596191, -0.16441771388053894, 0.3210178315639496, -0.7215912938117981, -0.6188840866088867, -0.4988376200199127, 0.38612100481987, 0.4056814908981323, 0.9087425470352173, 1.829740047454834, -0.18567726016044617, 0.15411457419395447, 0.24944423139095306, 1.0848556756973267, -0.24919573962688446, 0.4662598967552185, -0.42259731888771057, 0.4977462589740753, -0.7946957945823669, -0.024453483521938324, -0.48385143280029297, 0.3751647472381592, -0.02046845108270645, -0.03442797437310219, 0.04205148667097092, -0.5417759418487549, -1.4788165092468262, 1.178893804550171, -0.4591728150844574, -0.18129056692123413, -0.31226736307144165, 1.3284646272659302, 0.2593342065811157, 0.017155271023511887, 1.1122239828109741, -0.297806978225708, -0.26708582043647766, 1.4355709552764893, -0.5224123001098633, 0.5454660654067993, 0.4162253141403198, 0.6897138953208923, 0.4326901137828827, -0.37120750546455383, -2.3170480728149414, -0.11117611080408096, 0.6273870468139648, -0.019291706383228302, -0.3334505259990692, -0.8209063410758972, 0.3897438645362854, -0.6067055463790894, -0.018630392849445343, 0.463129460811615, -1.1959707736968994, 0.29992586374282837, -0.47942736744880676, 0.35009151697158813, 0.9872822761535645, -0.35487598180770874, 0.2918994128704071, 0.8658049702644348, 0.21891272068023682, -0.7557905316352844, 0.2547444999217987, 0.8432217240333557, -0.8285084366798401, -0.05519324541091919, 0.4794224202632904, 1.0563019514083862, 0.7215561866760254, -0.33881914615631104, -0.3258664608001709, 0.5226912498474121, 0.48430976271629333, -0.0343533456325531, 0.46425434947013855, -0.43188393115997314, 0.5623971223831177, -0.23582571744918823, 1.1360033750534058, -0.09446772187948227, -0.7736226916313171, -0.6926167607307434, -0.3961297273635864, -0.16601814329624176, -0.4031868278980255, 1.7129700183868408, 0.6822277307510376, 1.387242317199707, -0.2575990557670593, 0.3962019979953766, -0.2706327736377716, 0.023889847099781036, 0.6406250596046448, 0.5568172931671143, 0.13158924877643585, -0.38065922260284424, -0.8374310731887817, 0.9978346824645996, 0.25939035415649414, -0.5757178068161011, -0.2981738746166229, 0.7404670715332031, -0.22956202924251556, -0.5510379672050476, 0.35079818964004517, 0.8025308847427368, 1.155722737312317, 1.314876675605774, -0.6826601028442383, -0.574637770652771, -0.06360434740781784, 0.22623580694198608, 0.9850045442581177, -0.2622336447238922, -1.1509249210357666, 0.6060239672660828, 0.25989046692848206, 1.1416155099868774, 0.08876918256282806, 0.8490734696388245, 1.1695019006729126, -0.489514023065567, -1.0513805150985718, -0.2559009790420532, -0.6897073984146118, -0.2158566564321518, 0.006626024842262268, -0.28838852047920227, 0.17624473571777344, 0.23320025205612183, 0.2015533447265625, -0.7345475554466248, 0.9145554304122925, -0.36528149247169495, -1.2781062126159668, 1.081065058708191, 1.2404258251190186, -1.1163688898086548, -0.2850569188594818, -0.030919067561626434, -0.40626052021980286, -0.7267576456069946, 0.12370132654905319, -0.25555869936943054, 0.5785089135169983, 0.27897217869758606, 0.4559880495071411, -0.7720128297805786, 0.032407328486442566, -1.0473171472549438, 0.8703889846801758, 0.5497755408287048, -0.6544017195701599, 0.21312864124774933, 0.07424958795309067, 0.13235469162464142, 0.08722139894962311, -0.9087589383125305, -0.30542829632759094, 0.3924819231033325, 0.196492999792099, -0.5041664242744446, -0.8785099387168884, -0.5438928008079529, -0.008873384445905685, 0.13055172562599182, 0.4930685758590698, -1.298464059829712, 0.384438693523407, -0.46898770332336426, 0.2958187460899353, 0.40547871589660645, -0.5034841895103455, -0.5867672562599182, 0.7165282368659973, -0.5092179179191589, 0.6210452318191528, -0.14689038693904877, 0.4755796194076538, 1.2466728687286377, 0.08606074005365372, -0.2922002673149109, 0.05436784774065018, -12.570549964904785, 0.14531245827674866, 0.08579370379447937, 0.14858967065811157, 1.0807366371154785, -0.007736422121524811, 0.20573300123214722, 0.2871652841567993, 0.3158861994743347, -0.4239652752876282, 0.4861842393875122, 1.1979135274887085, 0.34642136096954346, -0.487657368183136, -0.22336062788963318, -1.1894054412841797, -0.6591016054153442, -0.6439328193664551, 0.3906487822532654, 0.5780335068702698, 0.44166767597198486, -1.0485175848007202, -0.7935014963150024, 0.09889331459999084, 0.31305935978889465, -0.2670705020427704, -0.4404054582118988, -0.16868874430656433, -0.27226462960243225, -0.2045411765575409, 0.09622034430503845, -0.4304865300655365, -0.12453320622444153, -0.5946347713470459, 0.3883039951324463, -0.04214736446738243, -0.5596411228179932, 0.19837655127048492, 0.5814743041992188, 0.0317591167986393, -0.6714569926261902, 0.1315116286277771, 0.11230547726154327, -0.4899088740348816, -0.03326110169291496, 0.3615173101425171, 0.0070006586611270905, -0.45230430364608765, 0.3804139792919159, -0.4017554819583893, -0.4832475781440735, -0.8759968280792236, -0.6229944229125977, -0.9888929128646851, 0.08716273307800293, 0.24540561437606812, -0.6491286754608154, -0.10134250670671463, -0.32179975509643555, -1.3489055633544922, 0.15264193713665009, 0.7143471240997314, -0.2297062873840332, 0.7143548130989075, 0.2039506435394287, -0.4028894007205963, 0.08386488258838654, 0.4044348895549774, -0.7796471118927002, 0.43454739451408386, -0.9305786490440369, 0.50262451171875, -0.1190674677491188, 0.5016943216323853, -0.7215679883956909, 0.5052889585494995, -0.5075297355651855, 0.11276467144489288, 0.649215042591095, -0.09236258268356323, -1.162251591682434, 0.3903343677520752, 0.036351725459098816, -0.5454311966896057, -0.9744817614555359, 0.5583140254020691, -0.1473369598388672, 0.39678746461868286, 0.7785515785217285, 0.4247245192527771, 0.9430984854698181, 0.13329783082008362, -0.4059757590293884, -0.3979256749153137, -0.23317092657089233, 0.7889059782028198, -0.2735402286052704, 0.7742419838905334, 0.3199806809425354, -0.41998863220214844, 0.48377639055252075, -0.024725034832954407, -0.7659209966659546, -0.17752066254615784, 0.5040745735168457, 0.2055991291999817, 0.304468035697937, -0.12826290726661682, 0.22381816804409027, -0.30276650190353394, 1.1570155620574951, 0.06989137828350067, -0.33470165729522705, 1.3474770784378052, -0.6820203065872192, 0.2521641254425049, 0.6563709378242493, -0.21144546568393707, 0.3230319321155548, 0.7288331389427185, -0.14564666152000427, -0.019075188785791397, 0.05203789472579956, 1.4230893850326538, 0.3025307059288025, 0.11810950934886932, 0.7576571702957153, 0.8521059155464172, -0.004619366489350796, -1.6254740953445435, 0.350870281457901, 0.17735786736011505, -0.3143489956855774, -0.4687415361404419, -0.3238905966281891, 0.03244313970208168, -0.5276423096656799, 1.1465163230895996, -0.8384794592857361, -0.2532186508178711, -0.1772339940071106, -0.06939724087715149, -0.6283929944038391, -0.5302361845970154, -1.1981927156448364, -0.05637405067682266, -1.4225878715515137, 0.13342520594596863, -0.5182549357414246, -0.6307766437530518, -0.5110129117965698, -0.40157774090766907, 0.8249717950820923, -1.1710054874420166, -0.23565559089183807, -0.1543627381324768, 0.7069227695465088, -0.29570144414901733, -0.3114445209503174, -0.0667327418923378, 0.4496709704399109, 1.2836986780166626, -1.1491782665252686, 0.9121857285499573, 0.34051817655563354, 0.43545979261398315, -0.8140214085578918, -0.15279734134674072, -0.026398450136184692, -0.06685245037078857, 0.30683279037475586, -1.2561051845550537, -0.500464677810669, -0.5336753726005554, -0.5082669854164124, -1.025655746459961, 0.1481826901435852, 0.910802960395813, -1.1553523540496826, -0.033502548933029175, 0.20613284409046173, 0.5597785115242004, 0.2949551045894623, -0.30794650316238403, -0.6711317300796509, -0.6211265921592712, -0.25207674503326416, 1.5173382759094238, -0.2596973180770874, 1.4823917150497437, -1.6558828353881836, -0.7411938309669495, -0.995096743106842, 0.1609894037246704, 1.0658169984817505, 0.3327479362487793, 0.7398738861083984, 0.6884182691574097, 0.10514494776725769, 0.14349177479743958, -0.07141993939876556, 0.6851575374603271, 0.4192030429840088, 0.4053247570991516, -0.10986314713954926, 0.7235004901885986, -1.0702790021896362, -0.2906668782234192, 0.16684702038764954, 0.5643520355224609, -1.7132301330566406, -0.5453919172286987, 0.2504010796546936, 0.11416958272457123, 0.3328377902507782, -1.1886597871780396, 0.11837492883205414, -0.6600117683410645, -0.4453757107257843, -0.9651810526847839, -0.066256083548069, 0.4307493269443512, -0.2615140378475189, 0.7793319225311279, 0.7561436295509338, 1.0161664485931396, 0.5382933616638184, 0.22073236107826233, 1.0680456161499023, -0.23497222363948822, -0.4942930340766907, 0.024312330409884453, 0.599012017250061, -0.2354200780391693, -0.3034888207912445, -0.6127138137817383, -0.8415234088897705, 0.1766112595796585, -0.3476627469062805, 0.6488544344902039, -0.5932763814926147, 0.31618574261665344, 0.7537046074867249, 1.1047173738479614, -0.5017080903053284, -1.2875232696533203, -0.4780305027961731, -1.5191705226898193, 0.4361984431743622, 0.31291794776916504, 0.2628587782382965, 1.224441647529602, 0.7145704627037048, -0.060817837715148926, 0.9392015337944031, 0.0297774076461792, 0.11716501414775848, 0.4624534845352173, -0.36510998010635376, 0.9021357893943787, 0.7692548632621765, 0.13288158178329468, 0.44120317697525024, -0.180669903755188, -1.2468799352645874, -0.004567297175526619, -0.5126668810844421, 0.7579543590545654, 0.549813985824585, -0.3748047649860382, -0.20904015004634857, -0.4178997874259949, 0.5505235195159912, -0.053182777017354965, 0.6284480094909668, 0.37649840116500854, -0.09734027832746506, -1.3057221174240112, -0.8279553055763245, 0.12742988765239716, 0.8498508930206299, -0.37963631749153137, -0.510478675365448, -0.7854744791984558, 0.027268067002296448, 0.251331090927124, -0.2928522527217865, -0.5051528811454773, 0.21772392094135284, -0.7938264608383179, -0.03276507556438446, 0.23592469096183777, -1.2747129201889038, -0.5981568098068237, 0.13429157435894012, -0.9781203269958496, 0.8158504962921143, -0.31447339057922363, -0.6226876378059387, -0.7836766839027405, 0.22143343091011047, -0.04123690724372864, 0.05438525974750519, 0.15282204747200012, -0.36171600222587585, -1.8371731042861938, 0.420797199010849, 1.0832926034927368, -0.4201463758945465, -0.5298218727111816, 0.3879477381706238, 0.37235844135284424, 0.5019655227661133, 0.9535884857177734]} +{"paper_id": "winogrande", "embedding": [0.1576974242925644, 0.47011834383010864, 0.015619277954101562, -0.07486508786678314, 0.16077740490436554, -0.326874315738678, 0.8754444122314453, 0.5645893812179565, 0.7895119786262512, 0.9893218278884888, 0.021921180188655853, 0.4817751348018646, -0.5631376504898071, -0.4655321538448334, 0.08308254182338715, -0.15228939056396484, -0.7333319187164307, -0.5565974116325378, -1.6253552436828613, -0.42643746733665466, -1.0170376300811768, -0.4799955487251282, 0.21144184470176697, 0.38548582792282104, -0.742032527923584, -0.7576494216918945, 0.7721500396728516, -1.2596156597137451, 0.8102735877037048, 0.08370770514011383, -0.2748256325721741, 1.4412615299224854, -1.834509015083313, 1.0638985633850098, -0.5912314653396606, 0.506570041179657, 0.2338750809431076, 0.904130756855011, -0.45668095350265503, -0.06401973962783813, -0.27820414304733276, -0.14318150281906128, 0.8101052045822144, 0.16704930365085602, 0.8192890882492065, -0.15156304836273193, 0.8241152763366699, -0.40552881360054016, -0.3231346011161804, -0.11875230073928833, -0.5048769116401672, 0.6033805012702942, 0.45396897196769714, 0.9241083860397339, -0.9805712699890137, 0.9355126023292542, 0.36851391196250916, -1.053698182106018, 1.119909644126892, -0.4190945327281952, 1.4947991371154785, 1.6215648651123047, -0.07486934959888458, 0.5486814975738525, 1.0259214639663696, 0.1839076429605484, 1.0770339965820312, 0.41145962476730347, 0.2015652060508728, 0.35426223278045654, -0.021603047847747803, -0.5488244891166687, 0.4595997929573059, 0.042264699935913086, -0.18135952949523926, 0.788845419883728, 0.111916184425354, -0.19145286083221436, 0.3617017865180969, -0.18600353598594666, -0.16634924709796906, 0.7490729689598083, 0.2476056069135666, -0.12034180760383606, 0.0873405933380127, 0.44692888855934143, 0.4792429506778717, -1.4094105958938599, 0.33060142397880554, -1.9161745309829712, 0.07314766198396683, 0.6267921328544617, 0.12026107311248779, -0.4371849000453949, 0.24173219501972198, 0.24755388498306274, -0.7910192608833313, 0.31195682287216187, -0.7388652563095093, 0.49741849303245544, 0.5075322985649109, -0.8121799230575562, 0.41530707478523254, -0.09493347257375717, -0.043365463614463806, 0.9552451968193054, 0.052339211106300354, -0.16484296321868896, -1.4346163272857666, -0.3874596953392029, 0.0772683173418045, 1.4874073266983032, -0.3478887975215912, 0.3132961690425873, -0.3526928126811981, 0.14221403002738953, 0.20911359786987305, -0.6167291402816772, -0.1364874690771103, 0.038651030510663986, 0.24429504573345184, -1.252372145652771, -0.3848608732223511, -0.019912607967853546, 0.8688156604766846, -0.6991683840751648, -0.49188682436943054, -0.36402228474617004, -0.026549842208623886, 0.6319580078125, 0.8772388696670532, 0.043873198330402374, -0.9169583916664124, -0.29931917786598206, 3.583707571029663, -0.914528489112854, 1.7166777849197388, -0.6064486503601074, -0.16402439773082733, -0.46827489137649536, -0.7944622039794922, 0.8351432085037231, 0.08036700636148453, -0.707146406173706, -0.5846708416938782, 0.5040019750595093, -0.23588484525680542, 0.5508027076721191, -0.9256371259689331, 0.03983382508158684, -0.049002718180418015, 0.7983751893043518, -1.3866817951202393, -0.22573596239089966, -0.0983830913901329, 0.24156436324119568, -0.3145873248577118, 0.9801425337791443, -1.1083892583847046, 0.5873934030532837, -0.0697823241353035, -0.18194885551929474, -0.13164708018302917, 0.46290406584739685, -0.5477437973022461, -0.3197234272956848, 1.3435235023498535, 0.0036182180047035217, -1.0370603799819946, -0.34604784846305847, 0.7494242787361145, 0.05045721307396889, -0.4596414566040039, 0.27476078271865845, -0.1995595097541809, 0.525428831577301, 0.840620756149292, 0.4776695668697357, 0.3047142028808594, -0.733855128288269, -0.675636887550354, -0.2866612374782562, 0.1264437735080719, 0.5157844424247742, -0.6609466075897217, 0.6383484601974487, -2.0639264583587646, -0.2330671101808548, -0.263218492269516, 0.4882769286632538, -0.058095723390579224, -0.3247058093547821, 0.06616196781396866, 0.46646955609321594, -0.27591657638549805, -0.3007698059082031, 0.7869100570678711, -1.408156156539917, -0.18660303950309753, 0.631983757019043, -0.3857538402080536, 0.1866629272699356, -0.13694554567337036, 0.746635377407074, 0.4726316034793854, -0.7670118808746338, -0.3951202630996704, -2.2073328495025635, 0.3511210083961487, 1.9012542963027954, 0.11748680472373962, -0.5754717588424683, -0.8266059160232544, -0.22313538193702698, 0.2423567771911621, -0.21894870698451996, 0.1382773071527481, -1.058658242225647, 0.3413568139076233, -1.6167999505996704, 0.5251909494400024, -0.2834535539150238, 1.013813853263855, 0.7995523810386658, 1.6369637250900269, -1.2557674646377563, -0.001745074987411499, -0.355214923620224, -1.2930386066436768, 0.7001143097877502, 0.5747678875923157, 0.21512311697006226, -0.09135013818740845, 1.4645203351974487, 0.3993990421295166, 0.7850020527839661, 0.20109480619430542, 0.4592105746269226, -1.1841323375701904, 0.48991507291793823, -0.08380439877510071, 0.8566747307777405, -0.23885153234004974, -0.04578337073326111, 0.09351861476898193, 0.2048342227935791, -1.1649868488311768, -0.7804882526397705, -0.05361739546060562, -0.08377168327569962, 1.2043747901916504, 0.13078339397907257, -0.7868537306785583, 1.1304949522018433, -0.5771474838256836, -0.5865039825439453, -0.2113269865512848, -0.49212464690208435, -0.5419974327087402, -0.09346574544906616, 1.5699132680892944, 0.2485368549823761, 0.23313239216804504, -0.022122688591480255, -0.051387131214141846, -1.2833137512207031, -0.10255751013755798, -0.004036933183670044, 0.046455301344394684, -1.2431553602218628, -0.11135249584913254, -0.3746575117111206, -1.1277490854263306, -1.2342220544815063, -0.35469695925712585, 0.17286986112594604, -0.14651182293891907, 0.7968322038650513, 1.836452841758728, -0.509722113609314, 0.16832032799720764, 0.14880706369876862, 1.5699944496154785, -1.073675274848938, 1.0338469743728638, 0.6570295691490173, 0.7305406928062439, -1.0822556018829346, 0.08177842199802399, -0.6536778807640076, 0.6017147898674011, 0.6935590505599976, 0.5151336193084717, 0.4775537848472595, -0.49855297803878784, 0.2460642158985138, 1.5991370677947998, 0.026496542617678642, 0.010490790009498596, -0.5323221683502197, 1.4286417961120605, 0.8618479371070862, -0.124518021941185, 0.9561161994934082, -0.036928776651620865, -0.09548485279083252, 1.074917197227478, -0.344093382358551, 0.30998218059539795, 0.18752101063728333, 0.17071519792079926, 0.2740093171596527, 0.8557038903236389, -2.413706064224243, 0.9435049891471863, 0.5327090620994568, -0.5133258700370789, -0.33644044399261475, -0.8797880411148071, -0.03276863694190979, -0.997048556804657, -0.08193158358335495, 0.6981856226921082, 0.02669580653309822, 0.19891412556171417, -0.6761748790740967, -0.06920520961284637, 0.7527016997337341, -1.2241610288619995, 0.5266823768615723, 1.1563831567764282, 0.19341601431369781, -0.8877338767051697, 0.29970505833625793, 0.8982120156288147, -0.5398181080818176, 0.7071813344955444, 0.11145614832639694, 0.7678112387657166, 0.9778724908828735, -0.28548315167427063, 0.1306876391172409, 0.3428581953048706, 0.6832678914070129, 0.09631240367889404, -0.3584662675857544, 0.4218558669090271, 0.2763073444366455, -0.5361804962158203, 1.4579906463623047, 0.09821286797523499, -1.3343051671981812, -0.9119445085525513, -0.38414907455444336, -0.44758349657058716, -0.5250259041786194, 1.8166059255599976, -0.040312089025974274, 0.5428662896156311, -0.39946168661117554, 0.6905854940414429, -0.5467520356178284, 0.08625367283821106, 0.39492958784103394, 0.1007903516292572, -0.34284543991088867, -0.8765437602996826, -0.10825122892856598, 0.4399460554122925, -0.4100703001022339, -0.7047381401062012, 0.4996756911277771, 0.7046777606010437, -0.12547016143798828, -0.7685261964797974, 0.2630979120731354, 0.6022629737854004, 0.038892898708581924, 1.3115994930267334, -1.1346065998077393, -0.47794198989868164, -0.36627328395843506, 0.6821227669715881, 0.10167920589447021, 0.5798598527908325, -0.9063127040863037, 0.6138115525245667, 0.5863815546035767, 0.5568985342979431, 0.34369540214538574, 1.016200304031372, 0.5868569016456604, -0.27123358845710754, -1.2672079801559448, 0.04933706298470497, -0.885155975818634, -0.04399091377854347, 0.1296577751636505, 0.044856373220682144, -0.2924567461013794, 0.24433556199073792, -0.011004270054399967, -0.8769060969352722, 0.8161519765853882, -0.9527876973152161, -1.3125102519989014, 0.8200986981391907, 1.266657829284668, -1.0172895193099976, -0.5276798605918884, -0.37249040603637695, -1.0093295574188232, -0.5275986790657043, 0.21509183943271637, -1.1128214597702026, 0.8381631970405579, 0.37103986740112305, 0.8111240267753601, 0.044492147862911224, -0.8775168061256409, -1.3237046003341675, 0.9661741852760315, 1.7611652612686157, -0.7644782662391663, 0.5367027521133423, -0.5707836747169495, 0.36883360147476196, 0.05035422369837761, -0.8442938327789307, -0.5322979092597961, 1.3467949628829956, 0.03551395237445831, 0.06557836383581161, -1.3885111808776855, -0.6045891046524048, 0.43487241864204407, -0.09775308519601822, 1.169288158416748, -0.9129246473312378, 0.047580499202013016, -0.2276131510734558, 0.2655489146709442, 0.6306387186050415, -0.2619663178920746, -0.7739598751068115, 1.3940069675445557, -0.41555339097976685, 0.6998000144958496, -0.6508935689926147, -0.10736313462257385, 2.0453076362609863, -0.24388542771339417, -0.46498292684555054, -0.7468701004981995, -10.854964256286621, 0.8173164129257202, 0.035060711205005646, 0.035168446600437164, 1.1291407346725464, -0.622032105922699, 0.4593295753002167, -0.3612041175365448, 0.475293904542923, -0.4920371472835541, 0.5979582667350769, 0.7438349723815918, 0.48906975984573364, -0.20225591957569122, -0.6432610154151917, -1.495016098022461, -0.6247235536575317, -1.0934078693389893, -0.15591460466384888, 0.262693852186203, -0.4342348873615265, -0.9246229529380798, 0.09627833962440491, -0.13503172993659973, 0.6736199855804443, -0.26268473267555237, -0.6221505403518677, -0.19486546516418457, -0.380685031414032, 0.6224262714385986, 0.5739789605140686, 0.11061928421258926, -0.8609371781349182, -0.8907972574234009, -0.5846934914588928, -0.2858169674873352, -0.5439940094947815, 0.6357614398002625, 0.9613627791404724, -0.14703141152858734, -0.793755829334259, 0.7444864511489868, 0.45359188318252563, 0.09868407994508743, -0.4502246677875519, 0.24361096322536469, 0.5874991416931152, -1.1507885456085205, -0.2686142027378082, -0.3298550844192505, 0.44266533851623535, -0.8075700402259827, -1.1523017883300781, -0.40747225284576416, -0.45807185769081116, 0.05678684264421463, -1.107829213142395, 0.5776720643043518, -1.1359148025512695, -1.5839836597442627, 0.0913308709859848, 0.6171766519546509, -0.45982393622398376, 0.048711519688367844, 0.42755332589149475, -0.1146237924695015, 0.37209969758987427, 0.8353817462921143, -0.9476080536842346, 0.49956026673316956, -0.46365976333618164, 1.2258588075637817, -0.0804838240146637, 0.32386016845703125, -0.9213948845863342, 0.3956916332244873, 0.15191501379013062, 0.28572288155555725, 0.5626872181892395, 0.15419873595237732, -1.740886926651001, 0.3448507785797119, 0.06000472605228424, -0.18370315432548523, -0.8072980642318726, 0.7606834173202515, -0.40479210019111633, 0.1040147989988327, 0.2515733242034912, -0.8733646273612976, 1.0397287607192993, 0.08502960950136185, 0.009227525442838669, -0.5057517886161804, -0.1023532897233963, 0.5832937955856323, -0.7022247910499573, 0.38381701707839966, 0.4512276351451874, -0.9020974040031433, 0.8114155530929565, -0.4662807285785675, -0.7794884443283081, -0.1501087099313736, 0.3546609878540039, 0.6068121790885925, 0.5406953692436218, -0.3344106674194336, -0.46025168895721436, -0.36678701639175415, 0.7443457841873169, -0.407641738653183, -0.14000380039215088, 0.657694399356842, -0.053710199892520905, 0.6612975001335144, 1.1264731884002686, 0.4101485013961792, 0.8343418836593628, 1.0136491060256958, -0.5841788649559021, 0.6639333963394165, 0.5392115116119385, 1.3305853605270386, -0.4133656919002533, 0.09917272627353668, -0.10115702450275421, 0.19816946983337402, -0.04496897757053375, -1.7805304527282715, 0.6827256679534912, -0.4299439787864685, -0.2375434935092926, 0.12530449032783508, 0.11174622178077698, -0.18811245262622833, -0.04508234187960625, 1.4293346405029297, -0.3595772981643677, 0.49876415729522705, 0.444516658782959, -0.561901867389679, -0.08727359026670456, -0.8030625581741333, -0.8527583479881287, -0.04226749390363693, -1.546812653541565, -0.19596779346466064, -0.3582184910774231, -0.5968402624130249, 0.41129592061042786, -0.021421004086732864, 1.0583418607711792, -0.6734463572502136, -0.11620192974805832, 0.1316019594669342, 0.6484531164169312, -0.3751089870929718, -0.34026822447776794, -0.029748208820819855, 0.1449466049671173, 1.132063627243042, -1.0013096332550049, 1.1207025051116943, -0.02446955069899559, -0.6878156065940857, 0.11120332032442093, -0.02061784639954567, -0.682140052318573, -0.25530362129211426, 0.8315662741661072, -1.042877435684204, 0.23852519690990448, -0.4116777181625366, -0.24685409665107727, -1.3841724395751953, 1.0072331428527832, 1.0631994009017944, -0.34820908308029175, -0.588226318359375, 0.09733341634273529, 0.9070071578025818, 0.32387515902519226, -0.5193241834640503, -0.9245578050613403, -0.8192474246025085, 0.3943481147289276, 0.42165929079055786, -0.05491655319929123, 1.3097920417785645, -1.9036091566085815, -1.3320531845092773, 0.08925611525774002, 0.34801605343818665, 1.1026546955108643, 0.0656781792640686, 0.8099570870399475, 0.6732314229011536, 0.5800610780715942, 0.533381998538971, 0.13234436511993408, 0.6003327965736389, -0.09006115794181824, 0.2239522486925125, -0.23830564320087433, 0.3535304367542267, -0.7960353493690491, 0.15667696297168732, 0.2770378887653351, 1.0577647686004639, -1.1115907430648804, 0.020826593041419983, 0.2206565886735916, -0.04064525291323662, 0.19341713190078735, -0.6795549392700195, 0.18989074230194092, -0.884816586971283, -0.3884023129940033, -1.1247966289520264, 0.487620085477829, 0.6899747252464294, 0.7182567119598389, 0.4984896779060364, 0.5493961572647095, 0.8998314738273621, 0.7555021643638611, 0.6319724321365356, 1.403987169265747, 0.19939082860946655, -0.07107896357774734, -0.4665205478668213, 0.5930161476135254, 0.08461212366819382, -0.11380013823509216, -0.6089659333229065, -0.7432830333709717, 0.746788740158081, -0.42497503757476807, 0.13414564728736877, -0.38807690143585205, -0.10002366453409195, 0.25432997941970825, 0.9794661402702332, -0.25465407967567444, -1.7014813423156738, 0.12602397799491882, -1.267470121383667, -0.24757994711399078, 0.1123264878988266, 0.8451673984527588, 0.8919477462768555, 0.9380372762680054, 0.34166622161865234, 0.8870890140533447, -0.12083861976861954, -0.013933740556240082, -0.26469001173973083, -0.25195544958114624, 0.8822382688522339, 0.28021174669265747, 0.7215853929519653, -0.3074728548526764, -0.015680402517318726, -0.7873495221138, -0.6339643597602844, -0.4638512134552002, 0.8414041996002197, 0.3945143222808838, -0.39486339688301086, -0.44312167167663574, -0.2519257366657257, 0.18776847422122955, -1.4717094898223877, 0.7383290529251099, 0.21695461869239807, -0.458077073097229, -1.1390215158462524, -0.5923243761062622, -0.35049453377723694, 0.9215282797813416, 0.0005546770989894867, 0.08733314275741577, 0.05685717612504959, 1.0976554155349731, -0.22950606048107147, -0.1721029132604599, -0.7456585168838501, 0.2891426980495453, -0.2902217209339142, 0.10934481024742126, -0.19984740018844604, -0.8845622539520264, -0.7381912469863892, -0.22210870683193207, -0.8479797840118408, 0.5238664150238037, 0.04472613334655762, -0.5000552535057068, -1.001523494720459, 0.09296751022338867, -0.7179228067398071, 0.19931423664093018, -0.07447148859500885, -0.2180972546339035, -1.9843621253967285, 1.0165259838104248, 1.0950511693954468, -0.41887423396110535, -0.12863147258758545, 0.14251777529716492, 0.30524134635925293, 0.1787758469581604, 1.3448983430862427]} +{"paper_id": "cosmos_qa", "embedding": [-0.04131797328591347, 0.9455710649490356, 0.0185517780482769, 0.5782448053359985, 0.437380313873291, 0.3371696174144745, 0.21359306573867798, 0.7174049019813538, 1.1364191770553589, 0.43842560052871704, 0.3043091297149658, 0.11455070972442627, 0.4059453308582306, 0.13909928500652313, -0.29185250401496887, -0.44930294156074524, -0.6193920373916626, -0.03774698078632355, -1.4515382051467896, -0.4138858914375305, -0.7265065312385559, -0.8703805804252625, -0.2669556736946106, 1.799778938293457, -0.7438032627105713, -0.6095866560935974, 0.5204782485961914, -1.4185867309570312, 0.4336938261985779, 0.30228736996650696, 0.08738541603088379, 1.2544690370559692, -1.3503583669662476, 1.3914538621902466, -0.49527817964553833, -0.8978334665298462, 0.07981716841459274, 0.3884606659412384, 0.4536720812320709, -0.3701833486557007, -0.29807791113853455, 0.43741196393966675, 0.326651930809021, -0.10769875347614288, 0.5743014812469482, -0.5694943070411682, 0.39924538135528564, -0.28386190533638, -0.3760942220687866, -0.10366479307413101, -0.716815710067749, -0.11996973305940628, -0.18565961718559265, 0.6014292240142822, 0.19428086280822754, 0.8408068418502808, -0.17323037981987, -0.0650436133146286, 0.3244971036911011, -0.16350671648979187, 1.691299557685852, 1.310538411140442, -0.39532536268234253, 0.20572277903556824, 1.5777307748794556, 0.26638054847717285, 1.701122760772705, 0.303663969039917, -0.5962700247764587, 1.1089390516281128, -0.16659583151340485, -0.2705100178718567, 0.1334397792816162, -0.5686814785003662, -0.18026593327522278, 0.8677586317062378, 0.5246493816375732, -0.029304880648851395, 0.2094956934452057, 0.12691262364387512, 0.31315624713897705, -0.16300150752067566, 0.5803701281547546, -0.24001306295394897, 0.5468579530715942, 0.3290720283985138, 1.0562992095947266, -0.672073483467102, -0.05873314291238785, -2.247380256652832, 0.5648562908172607, 0.7497860789299011, 0.4442039132118225, -0.02129635214805603, -0.06369107961654663, 0.23953509330749512, 0.09097893536090851, -0.307714581489563, 0.15217825770378113, -0.042171768844127655, 0.40950533747673035, -0.05554569512605667, 0.4148786664009094, -0.49535104632377625, 0.7422265410423279, -0.10425414144992828, 0.829472541809082, 0.10547901690006256, -0.6089802980422974, -1.0446999073028564, 0.26028773188591003, 0.49878591299057007, 0.01740407943725586, 0.676934540271759, -0.1101478561758995, -0.09586833417415619, 0.615853488445282, -0.5327497720718384, -0.4599463939666748, 0.3555445075035095, -0.49741020798683167, -0.5224317908287048, -0.1638338565826416, -0.7209075093269348, 0.500737190246582, -0.22142893075942993, -0.6297027468681335, -1.2642381191253662, -0.15498298406600952, -0.24160267412662506, -0.032873593270778656, 0.4822997748851776, -1.235040307044983, -0.17194920778274536, 3.147496223449707, -1.067320466041565, 0.9608494639396667, -1.3263721466064453, 0.16677284240722656, -0.7456196546554565, -0.8431512713432312, 1.6078877449035645, -0.3749387860298157, -0.2633061408996582, -0.9971231818199158, 0.12390296906232834, -0.7626214623451233, 0.4980095624923706, -0.3761323094367981, -0.4017462432384491, 0.4873712658882141, -0.03868903964757919, -1.8531681299209595, -0.816041111946106, -0.25759217143058777, 0.07872433215379715, -0.7756547927856445, 0.6229568123817444, 0.0915738120675087, 0.475132554769516, 0.19445505738258362, -0.17674998939037323, -0.4063189923763275, 0.08402650058269501, -0.727825403213501, 0.04737274348735809, 0.7475352883338928, -0.5422402024269104, -0.2229817807674408, -0.2433478832244873, 0.26494506001472473, -0.00781324878334999, -0.36584949493408203, -1.0185743570327759, -0.17589963972568512, 0.6384684443473816, 0.43403616547584534, 0.7643808126449585, 0.5958673357963562, -0.5310239195823669, -0.5436925888061523, -0.545007050037384, 0.28632068634033203, 0.4960125684738159, -0.01676902361214161, 0.0045665353536605835, -3.3167662620544434, -0.2962912321090698, -1.0571484565734863, 1.3030426502227783, 0.25484076142311096, 0.553047776222229, 0.39091747999191284, 0.2066364586353302, -0.26352643966674805, -0.23423373699188232, 0.6731882691383362, -1.0468647480010986, 0.42177170515060425, -0.052805595099925995, 0.009373161941766739, -0.7943289875984192, -0.451072633266449, 1.0402618646621704, 0.5991111397743225, -0.2531658411026001, -0.7033801674842834, -1.5506139993667603, -0.09986410290002823, 1.6780380010604858, 1.0640571117401123, -0.5227751731872559, -0.6529812216758728, -0.4857485890388489, 0.7078370451927185, 0.2202843874692917, 0.5374081134796143, -0.8054825663566589, 0.2441520392894745, -0.7161492109298706, 0.8088279962539673, -0.3081400692462921, 0.17971062660217285, 0.5973836183547974, 1.424462080001831, -0.1639155149459839, -0.3043029308319092, -0.8872886300086975, 0.006818249821662903, -0.026806049048900604, 0.4968630075454712, 0.13003996014595032, 0.008458446711301804, 0.32132846117019653, 1.0001962184906006, 1.0025650262832642, 1.315530776977539, 0.9448297023773193, -0.4223390519618988, 0.44646602869033813, -0.3656388521194458, 0.6997881531715393, -0.11015193164348602, 0.1456468552350998, -0.008731260895729065, -0.09357475489377975, -0.44886893033981323, -0.11371638625860214, -0.22003871202468872, -0.2991378903388977, 1.2369182109832764, 0.5136049389839172, -0.61578768491745, -0.11750096082687378, -0.6943556666374207, -0.5367432832717896, 0.07966546714305878, -0.49515262246131897, -0.5964321494102478, 0.15838013589382172, 0.12485295534133911, -0.6123601794242859, 0.3455919623374939, 0.08149820566177368, -0.11651523411273956, -1.1393605470657349, -0.7038130164146423, -0.05202491208910942, 0.5906280875205994, -0.9303131103515625, -0.5216572284698486, 0.07086080312728882, -1.2692370414733887, 0.07616226375102997, -0.44923022389411926, -0.4349190592765808, -0.11933904886245728, 0.014440424740314484, 2.1429026126861572, -0.237161785364151, 0.16777276992797852, -0.27325239777565, 1.0802291631698608, -0.620050847530365, 0.3457636535167694, -0.4806336760520935, 0.10198329389095306, -1.3569015264511108, 0.6075599193572998, -1.0531758069992065, 0.5717607140541077, 0.7378959059715271, -0.08002295345067978, 0.8715542554855347, -0.6308498382568359, -0.3628164529800415, 1.0032696723937988, -0.2041383981704712, 0.1822832226753235, -1.2424800395965576, 1.460710883140564, 0.16066797077655792, -0.9261173605918884, 0.4365026354789734, -0.7622346878051758, -0.7235135436058044, 0.7877996563911438, 0.14938950538635254, 0.07464887946844101, 0.5527073740959167, 0.22625476121902466, 0.17934373021125793, 0.044454194605350494, -2.0289292335510254, 1.1327006816864014, 0.7453057169914246, -0.14957423508167267, 0.27219852805137634, -1.1449629068374634, 0.8445640802383423, -0.22976458072662354, -0.3056934177875519, 1.3112223148345947, -0.5081095695495605, -0.0015056747943162918, 0.05188295245170593, 0.7397152185440063, 0.08751022815704346, 0.39373695850372314, 0.4188917279243469, 0.4985678195953369, 0.08096165955066681, -0.8368370532989502, -0.0042802561074495316, 1.0049830675125122, -0.7048829197883606, 0.42884644865989685, 0.5629311203956604, 0.7162870168685913, 0.6908315420150757, -0.02231418341398239, -0.23021948337554932, 0.44644492864608765, 0.42027547955513, 0.04103018343448639, 0.4938005208969116, -0.2945377826690674, -0.13629955053329468, -0.316472589969635, 1.3123939037322998, -0.42412644624710083, -0.2984764277935028, -0.6542802453041077, -0.0010190671309828758, -0.24391618371009827, -0.0932304859161377, 1.50477933883667, 0.35168617963790894, 2.2045459747314453, -0.1966448575258255, -0.07220538705587387, -0.25860580801963806, -0.5391973853111267, 0.1699729859828949, 0.09921354055404663, 0.36518847942352295, -1.2599822282791138, -0.4340713918209076, 0.9037510752677917, 1.1038371324539185, -0.48873960971832275, 0.18982885777950287, 0.3750059902667999, -0.07884447276592255, -0.8520066142082214, 0.8833445310592651, 0.2965366244316101, 0.9589654207229614, 1.5760048627853394, -0.524677574634552, 0.5234366059303284, 0.4109935164451599, -0.1073836088180542, -0.14501576125621796, 0.21698376536369324, 0.0040650442242622375, 0.4830700159072876, 0.45206373929977417, 1.3427364826202393, 0.3510954976081848, 1.119430661201477, 1.63320791721344, -0.23074862360954285, -1.482318639755249, 0.2589952051639557, -0.28161656856536865, -0.0441148467361927, 0.5010892748832703, -0.3229237198829651, 0.2567934989929199, 0.5572398900985718, 0.3467559814453125, -0.9282406568527222, 0.8271867036819458, -0.16178679466247559, -1.0774204730987549, 0.250491738319397, 1.2270158529281616, -0.46472007036209106, -0.41744938492774963, 0.13527847826480865, -0.9737465381622314, -0.035505060106515884, -0.4057888686656952, -0.8300511837005615, 1.193277359008789, 0.46372440457344055, 0.7823878526687622, 0.7507827877998352, 0.204241082072258, -0.970271110534668, 1.6027231216430664, 0.9340379238128662, -0.9850086569786072, 0.717647910118103, 0.029484335333108902, 0.8209906816482544, 0.7853116989135742, -0.9226465821266174, -0.40004441142082214, 1.1198354959487915, 0.02433452010154724, -0.5680262446403503, -1.0545560121536255, -0.08115065097808838, 0.8960360884666443, 0.6157781481742859, -0.0067567601799964905, -0.7715533971786499, 0.1244061067700386, -0.8218671679496765, 0.4390147626399994, 0.786404013633728, -1.3025749921798706, -1.0760315656661987, 0.3922578692436218, -1.0052754878997803, 0.20850111544132233, -0.11566726863384247, 0.050190072506666183, 2.4889719486236572, -0.10507147014141083, 0.18127350509166718, -0.3936123251914978, -11.06727123260498, 1.0062198638916016, 0.05524251610040665, 0.2381540983915329, 0.15603303909301758, -0.12522360682487488, -0.15317043662071228, 0.195268914103508, 0.24330386519432068, -0.49129006266593933, 0.02391001582145691, 0.30003130435943604, 0.6996619701385498, -0.2925163209438324, -0.5528969764709473, -1.223941683769226, -0.6440462470054626, -0.7617425918579102, 0.05639562010765076, 0.47456637024879456, 0.0547436960041523, -0.7026926875114441, -0.36280685663223267, 0.15979887545108795, 0.6505706310272217, -0.374780535697937, -0.8979052305221558, -0.24177996814250946, -0.18716657161712646, -0.391266405582428, 0.57895427942276, -0.5463793277740479, -0.2870759963989258, -0.02521812543272972, 0.7949560284614563, -0.3681243062019348, -1.1345068216323853, 0.17152956128120422, 0.26329609751701355, -0.5771154761314392, -0.34397757053375244, -0.3134586215019226, 0.342521607875824, -0.5168668031692505, -0.47739920020103455, 0.26586997509002686, 0.4752306640148163, -1.2503918409347534, -0.14353038370609283, -0.3025262653827667, -0.8250802755355835, -0.5696706771850586, -1.0327353477478027, -0.9007462859153748, 0.25372129678726196, 0.37033650279045105, -0.6045965552330017, -0.43098652362823486, -0.12901617586612701, -1.0295741558074951, 0.6352256536483765, 0.08086688816547394, -0.2979480028152466, 0.7067391872406006, 0.36202365159988403, -0.185348778963089, 0.5514229536056519, -0.1309749335050583, -0.14047566056251526, 0.8057575225830078, -1.0192958116531372, 1.3547911643981934, -0.4507685601711273, 0.7817725539207458, -0.7142778635025024, 0.6064687967300415, -0.7248873710632324, -0.5880874395370483, 0.8482042551040649, 0.15303181111812592, -1.0677423477172852, 0.49472829699516296, 0.07841785997152328, -0.325207382440567, -0.6460657119750977, 0.5010687112808228, 0.4047382175922394, 0.5378769636154175, 0.8761684894561768, -0.9559462070465088, 1.3918269872665405, -0.10203929990530014, -0.457705020904541, -0.27890434861183167, -0.7745908498764038, 0.15025830268859863, -0.6752619743347168, 0.7490024566650391, 1.072771668434143, -0.26334723830223083, -0.20733481645584106, -0.030481960624456406, -1.477537989616394, -0.24704957008361816, 0.8509562611579895, 0.2504686415195465, 0.19168278574943542, -0.31617024540901184, -0.28872382640838623, -1.0016775131225586, 0.6605604290962219, 0.6347774863243103, -0.19753728806972504, 0.8558081984519958, -0.4450297951698303, 0.7471351623535156, 0.600166380405426, 0.025421589612960815, -0.15370509028434753, 0.9730483889579773, -0.6104044318199158, 0.9736447930335999, 0.37415724992752075, 1.386452555656433, -0.09290854632854462, -0.17486658692359924, 0.25989359617233276, 0.36020663380622864, -0.6573295593261719, -1.2684744596481323, 0.27199026942253113, -0.45321086049079895, 0.2225957214832306, -0.7038619518280029, -0.6120003461837769, 0.3577783703804016, -0.5057223439216614, 1.6190667152404785, -0.9897950887680054, -0.0025983303785324097, 0.06257760524749756, 0.1532907485961914, -0.8388904929161072, -0.7349722385406494, -0.7898799180984497, -0.28521230816841125, -2.2386269569396973, -0.0659060925245285, -0.34946131706237793, -0.693738579750061, -0.4554750323295593, -1.1420196294784546, 0.5848655700683594, -0.35737890005111694, -0.35583066940307617, -0.3724304735660553, 0.24130190908908844, -1.1486999988555908, -0.4490642845630646, -0.03754086792469025, 0.14320793747901917, 1.4721604585647583, -1.18509042263031, 0.6909112334251404, -0.36758387088775635, -0.3465959429740906, -0.3982858657836914, 0.22926735877990723, -0.7111110091209412, 0.7718760371208191, 1.0185248851776123, -1.3568233251571655, -0.4589974284172058, -0.7752841114997864, 0.3813708424568176, -0.3005024194717407, 0.20358943939208984, 1.2488629817962646, -1.2947263717651367, -0.3507078289985657, -0.5029281377792358, 0.550689697265625, 0.8876441121101379, -1.0884369611740112, -0.0691707655787468, -0.2094801664352417, -0.39244964718818665, 0.5919854044914246, -0.0433952733874321, 0.7859572768211365, -1.2566252946853638, -1.0126242637634277, -0.7856199145317078, -0.5244079828262329, 1.1199549436569214, 0.4742736220359802, 0.519624650478363, 0.5108402371406555, -0.425294429063797, -0.5652880668640137, -0.448525607585907, 0.4409284293651581, 0.09834691882133484, 0.6083487272262573, -0.09249255061149597, 0.4880428612232208, -0.4387005567550659, -0.24468012154102325, 0.27572616934776306, 0.908089816570282, -1.1847097873687744, 0.010151833295822144, 0.0919564962387085, -0.2237718552350998, 0.1729661077260971, -1.4087064266204834, 0.17595422267913818, -0.5129749774932861, -0.4661475718021393, -0.8417275547981262, 0.13180263340473175, 0.7909096479415894, -0.08054545521736145, 0.7550866007804871, 1.0751408338546753, 0.5797373652458191, 0.3701801896095276, -0.1984672099351883, 0.9414730072021484, 0.34489142894744873, 0.12875564396381378, 0.295910120010376, 0.8589346408843994, 0.7543137073516846, -0.144508957862854, -0.8650001287460327, -0.4266752004623413, 0.4771863520145416, -0.5057740211486816, 1.1678770780563354, -0.18160176277160645, -0.06005438417196274, 1.6192888021469116, 1.1377679109573364, 0.11796317994594574, -1.9959052801132202, -0.7181090712547302, -1.5584019422531128, 0.35470476746559143, 1.2926595211029053, -0.033528804779052734, 0.5101009011268616, 0.36830228567123413, -0.42308205366134644, 1.3005142211914062, -0.42932695150375366, 0.013159632682800293, 0.8733311295509338, 0.18677601218223572, 0.7474772334098816, 0.8000346422195435, 0.1594802290201187, 0.8381311893463135, -0.316668301820755, -1.1639832258224487, 0.44443589448928833, -1.279638409614563, 0.6275597214698792, 0.0017628222703933716, -0.8909925222396851, 0.0002608746290206909, 0.04765539616346359, 0.6738515496253967, -0.5059967041015625, 1.5088772773742676, -0.2163911610841751, -0.25351816415786743, -0.7781783938407898, -0.9305403232574463, -0.8051233887672424, 0.4093390107154846, -0.20883023738861084, -0.17124947905540466, -0.16493432223796844, 0.7897799015045166, 0.5233112573623657, 0.4756562113761902, -0.7241203784942627, -0.4434651732444763, -0.630214512348175, 0.11872100830078125, -0.24996638298034668, -0.5829803943634033, -0.6999317407608032, 0.2865343689918518, -0.7801035642623901, 0.16520337760448456, 0.68792325258255, -0.6194702386856079, -0.6230906844139099, 0.8243241310119629, 0.30092328786849976, -0.6788617372512817, 0.3266151547431946, 0.4121764898300171, -1.246964454650879, 0.2889752686023712, 0.34464794397354126, -0.8344453573226929, -0.05751023441553116, -0.2062276303768158, 0.7230129241943359, 0.03500243276357651, 1.0695533752441406]} +{"paper_id": "wino_bias", "embedding": [0.2859576344490051, 0.4650847911834717, -0.3245590627193451, 0.13097931444644928, 0.4174257516860962, -0.12317852675914764, 0.8003376126289368, 0.19199544191360474, 0.755049467086792, 0.1296992003917694, 0.15064704418182373, 0.12123808264732361, -0.8898491859436035, -0.21741904318332672, -0.43718913197517395, -0.6482966542243958, -1.844251275062561, -1.164649248123169, -1.2497336864471436, -0.05334610119462013, -1.4112735986709595, -0.26890265941619873, -0.7318935990333557, 0.18271976709365845, -0.18051862716674805, -1.0149599313735962, 0.03072330728173256, -0.7577308416366577, 0.9340424537658691, 0.04118293523788452, -0.2632969319820404, 1.1752338409423828, -0.9328362345695496, 0.5117012858390808, -0.7859099507331848, 0.5469908714294434, 0.2447090744972229, 0.9207258820533752, -0.7028516530990601, -0.2760808765888214, -0.4431852698326111, 0.5014737248420715, 0.3269062340259552, 0.4358006715774536, -0.23652736842632294, 0.14120420813560486, -0.020271820947527885, -0.009259995073080063, 0.1344660520553589, -0.18806762993335724, -0.48075711727142334, 0.6585652828216553, 0.12212793529033661, -0.20858818292617798, -0.4851292073726654, 0.7395633459091187, 0.46124032139778137, -0.7999062538146973, 1.174846887588501, -0.7985051870346069, 1.1190688610076904, 0.8384233117103577, -0.08748634904623032, 0.40048947930336, 0.9069803357124329, -0.16084024310112, 1.12910795211792, -0.06572744250297546, 0.3885817527770996, 0.43381208181381226, 0.14227209985256195, -0.11462987214326859, 0.4462891221046448, 0.6637589931488037, -0.4739839732646942, 0.26911550760269165, -0.09340398013591766, 0.08406500518321991, -0.5454487204551697, 0.47878286242485046, -0.14876651763916016, 0.5541937947273254, 1.112410306930542, -0.9130465388298035, -0.0883236676454544, 0.2969159781932831, 0.7863987684249878, -0.4710681438446045, 0.6522384285926819, -1.4155957698822021, -0.15043120086193085, 0.08378709107637405, -0.09693501144647598, 0.308663010597229, 0.26127076148986816, 0.3283165395259857, -0.19925284385681152, 0.7201422452926636, -0.8738218545913696, 0.33205875754356384, -0.33847883343696594, -0.7997498512268066, -0.06486070156097412, 0.17927922308444977, -0.30248335003852844, 0.4699755311012268, 0.45202839374542236, 0.18658363819122314, -0.771503210067749, 0.08909716457128525, 0.2288418412208557, 1.955368995666504, -0.17338290810585022, 0.8080330491065979, -0.11413129419088364, 0.7860729694366455, 0.14634719491004944, -0.6184698343276978, -0.33807113766670227, 0.10641251504421234, -0.5883244276046753, -0.6451218128204346, 0.22919365763664246, 0.8171048164367676, 0.9671851992607117, -0.3906625509262085, 0.05861543118953705, -0.26896408200263977, 0.14655043184757233, 0.01172580011188984, 0.3328471779823303, -0.32435551285743713, -0.4682352840900421, 0.09551480412483215, 3.246940851211548, -0.9113268256187439, 1.6100525856018066, -1.286620020866394, -0.39439114928245544, -0.5235759615898132, 0.047546252608299255, 0.24757377803325653, 0.3180238604545593, 0.0002813264727592468, -0.36829620599746704, -0.0316813588142395, -0.48786234855651855, -0.1494329422712326, -0.7948893904685974, -0.4092468321323395, 0.04171556606888771, -0.09839534014463425, -1.2203617095947266, 0.008938528597354889, -0.019851885735988617, -0.035106219351291656, -0.12614327669143677, 0.7761428952217102, -0.5524209141731262, 0.14490096271038055, -0.6096343398094177, 0.2513531446456909, -0.14770565927028656, 0.21667587757110596, -0.6831663846969604, -0.7223470211029053, 1.2916401624679565, -0.13814431428909302, -0.8155767321586609, 0.22721603512763977, 0.5242602825164795, -0.1319890320301056, -0.16166849434375763, 0.25052934885025024, -0.22753329575061798, 0.4813605844974518, 0.7166621685028076, 0.7990168333053589, 0.003926154226064682, -0.9190990924835205, -0.7292993068695068, -0.9110304713249207, 0.13537371158599854, 0.25421521067619324, -0.4936181306838989, 0.7787098288536072, -1.6329314708709717, -0.5183413624763489, -1.3661603927612305, 1.103564977645874, -0.6564746499061584, 0.24513010680675507, 0.3859560489654541, 0.34461551904678345, 0.28997379541397095, 0.24800918996334076, 0.7982469201087952, -1.3282500505447388, -0.2778543531894684, -0.5445616245269775, -0.5735291838645935, -0.2897682785987854, -0.4968753159046173, 1.008638858795166, 0.8651798963546753, -0.6908134818077087, -0.14781028032302856, -2.511019229888916, 0.39544370770454407, 2.077404499053955, -0.15742476284503937, -0.11199609935283661, -0.1806720793247223, 0.4050825834274292, -0.05807287618517876, -0.1383986920118332, 0.5206320285797119, -0.9705397486686707, 0.6603788137435913, -0.6698335409164429, 0.46301910281181335, -0.028797302395105362, 0.4048657715320587, 1.004747748374939, 0.9656941890716553, -1.199169635772705, 0.2304224967956543, -0.35521602630615234, -0.8462478518486023, 0.650640070438385, 0.971736490726471, 0.1997210681438446, 0.8432396650314331, 1.2002758979797363, 0.2269515097141266, 1.4032245874404907, 0.170289546251297, 0.3629876375198364, -0.9518512487411499, 0.12144272774457932, -0.3540806174278259, 0.6907112002372742, -0.2668299078941345, 0.6070058345794678, 0.7773922681808472, 0.022400081157684326, -0.7333371043205261, -0.1391092985868454, 0.035735856741666794, -0.1468636393547058, 1.433760643005371, 0.18618108332157135, -0.639849841594696, 1.0877395868301392, -0.9545742869377136, 0.01593153551220894, -0.8723346590995789, -0.3697730004787445, -0.247660830616951, 0.2128063291311264, 0.9752130508422852, -0.14903661608695984, -0.3698265254497528, 0.05347509682178497, -0.2565378248691559, -0.4754601716995239, -0.2825903296470642, -0.16392464935779572, 0.12252569198608398, -1.7179003953933716, -0.16544920206069946, -0.37409162521362305, -1.190488338470459, -0.5105114579200745, -0.45582202076911926, 0.07804068922996521, -0.7811232805252075, 0.41752395033836365, 2.03605580329895, -0.25582045316696167, -0.5902066826820374, 0.020274758338928223, 1.4946849346160889, -1.041821002960205, 0.48190468549728394, -0.2988932430744171, 0.7279466390609741, -0.9782141447067261, -0.26021987199783325, -0.1331152617931366, 0.33465883135795593, 0.6443548798561096, 0.14258238673210144, 0.09646590054035187, 0.18346533179283142, 0.2127561867237091, 0.7432734966278076, -0.19184386730194092, -0.2598343789577484, -0.9205427169799805, 1.5436246395111084, 0.24807985126972198, -0.3608568608760834, 0.41997504234313965, 0.28858304023742676, 0.17473158240318298, 1.1003501415252686, -0.018753841519355774, 0.7957819700241089, 0.17827613651752472, 0.11009997874498367, -0.46214351058006287, 0.06770867109298706, -1.6376022100448608, -0.3533126711845398, 1.0305241346359253, -0.6166917085647583, 0.008355412632226944, -1.04074227809906, 0.46688205003738403, -0.9054868817329407, -0.2053266316652298, 0.6650031805038452, -0.10532847046852112, 0.15187367796897888, -0.8458730578422546, -0.20151083171367645, 0.6590892672538757, -1.4052923917770386, -0.31639984250068665, 0.9065940380096436, 0.754967451095581, -0.7716653943061829, 0.460875540971756, 0.18730714917182922, -0.19393333792686462, 1.2888178825378418, 0.5724949240684509, 0.977445125579834, 1.0752757787704468, -0.7888137698173523, -0.5325587391853333, 0.5494822263717651, 0.49363258481025696, 1.053186058998108, 0.5262798070907593, 0.5676352977752686, 0.7625448107719421, -0.9003247022628784, 1.6359808444976807, 0.35361260175704956, -1.8959242105484009, -0.4579366445541382, -1.147225260734558, -0.48641133308410645, -0.6400771141052246, 1.2341623306274414, 0.6121463179588318, 0.9634672403335571, -0.40243464708328247, 0.438080370426178, -0.17324241995811462, 0.5559704899787903, 0.9967390298843384, -0.07921993732452393, 0.5563778281211853, -0.12171019613742828, 0.09274017810821533, 0.2526358664035797, -0.10780903697013855, -0.7361863255500793, -0.09205799549818039, 0.5934465527534485, 0.7968924045562744, 0.22984199225902557, 0.14600364863872528, -0.128229558467865, -0.42206937074661255, 0.8000487685203552, -1.0182136297225952, -0.08861738443374634, -1.0085453987121582, 0.3199772238731384, 0.09886425733566284, -0.00293567031621933, -1.6155946254730225, 1.2075849771499634, 0.10424722731113434, 1.3629611730575562, -0.14638301730155945, 0.2722633183002472, 0.2960129678249359, -0.2826230823993683, -1.6620824337005615, -0.1522032916545868, -0.9019873738288879, -0.01112181507050991, 0.699209451675415, -0.17053259909152985, -0.09872661530971527, 0.06269879639148712, -0.35641103982925415, -1.561387538909912, 0.7123551368713379, -1.0204309225082397, -0.9474091529846191, 0.8358850479125977, 0.5401740670204163, -1.1078191995620728, -0.19936063885688782, -0.1996339112520218, -1.0599621534347534, -0.5597338676452637, -0.11411286145448685, -1.3599499464035034, 0.6440462470054626, 0.554305911064148, 0.34067097306251526, -0.764735758304596, 0.3767204284667969, -0.5820300579071045, 0.9237797856330872, 1.2232937812805176, -0.05977868661284447, 0.6643397808074951, 0.9220173358917236, -0.320827841758728, -0.2563576102256775, -0.6272251009941101, -0.4522886574268341, -0.07063500583171844, 0.33463239669799805, -0.061710938811302185, -1.0366389751434326, -0.6991198062896729, 0.4465726912021637, -0.23147068917751312, 0.6866043210029602, -1.7520736455917358, 0.6921710968017578, -0.6129249334335327, 0.5452430248260498, 0.35828396677970886, -0.8377625942230225, -0.9602841138839722, 1.4904024600982666, -0.17614755034446716, -0.03483543172478676, -0.5688395500183105, 0.11010096967220306, 1.865434169769287, 0.004633665084838867, -0.14287340641021729, -0.06156810000538826, -11.21147632598877, 0.7572630047798157, -0.16498997807502747, 0.7694128155708313, 0.5221129655838013, -0.25403961539268494, 0.6619670391082764, -0.47662797570228577, 1.3100030422210693, -0.23774093389511108, -0.1801518052816391, 1.5370556116104126, 0.09601988643407822, -0.6886886954307556, -0.6613094806671143, -1.2860928773880005, -0.659312903881073, -0.7776229977607727, -0.35431814193725586, 1.137001395225525, -0.4526764750480652, -1.7925318479537964, 0.17288194596767426, -0.4754742980003357, 0.8231625556945801, -0.7582812905311584, -0.6931732892990112, -1.1368191242218018, -0.02982008457183838, 0.6708037853240967, 0.8529939651489258, -0.14561064541339874, -0.8495725393295288, 0.05876339226961136, -0.37199312448501587, 0.010587386786937714, -0.1021045371890068, 0.5996959209442139, 0.8050863742828369, 0.5306592583656311, -0.2752513885498047, 0.6033713221549988, 0.6365197896957397, -0.9608088135719299, 0.2325940579175949, -0.21143876016139984, 0.020901480689644814, -0.034575335681438446, 0.15299075841903687, -0.47388485074043274, 0.2284398227930069, -0.41450947523117065, -1.4483743906021118, -0.49185240268707275, -0.17506131529808044, 0.06138251721858978, -0.6366209387779236, 0.9389233589172363, -1.027674913406372, -2.209714651107788, 0.9585895538330078, 0.514439582824707, -0.6042919158935547, 1.0635415315628052, 0.5671308636665344, -0.7729336619377136, -0.6284695267677307, 0.33939066529273987, 0.09827198833227158, -0.07538837194442749, -0.009596630930900574, 1.1606615781784058, -0.14381515979766846, 0.8044545650482178, -0.29429295659065247, 0.17317509651184082, -0.23786698281764984, -0.42275339365005493, 0.9399887919425964, -0.10882864892482758, -1.25218665599823, 0.7263917922973633, -0.49280306696891785, -0.7657402157783508, -0.9770554900169373, 0.8929694890975952, -0.2003118097782135, -0.24912698566913605, 0.4934444725513458, -0.790239155292511, 0.4111538827419281, 0.024445869028568268, 0.3082415461540222, 0.22510281205177307, -0.011640077456831932, 1.5559018850326538, 0.11840610206127167, 1.4124462604522705, 0.5015127658843994, 0.20113855600357056, 0.8412122130393982, 0.12107115238904953, -0.7141590118408203, 0.20100440084934235, -0.019178951159119606, 0.25436925888061523, 0.2631274461746216, -0.38594046235084534, -0.14967308938503265, -0.2870461046695709, 0.3340432047843933, 0.4771724343299866, 0.23605482280254364, 0.26893916726112366, 0.11077527701854706, 0.3142232596874237, 1.089430332183838, 1.0516035556793213, 0.4318801462650299, 0.18227557837963104, -0.10672187060117722, -0.04956311360001564, 0.3600607216358185, 0.8928856253623962, 0.1053326278924942, 0.21444323658943176, 1.2531132698059082, 0.030595427379012108, 0.20492184162139893, -2.436494827270508, 0.07280153036117554, -0.6862120628356934, 0.24327437579631805, 0.20539134740829468, 0.21401561796665192, -0.34002795815467834, -0.3136165142059326, 0.32043635845184326, 0.1521325558423996, 0.7282900214195251, 0.20644767582416534, -0.1724914163351059, -0.5752366781234741, 0.06381362676620483, -0.7333441972732544, 0.34375837445259094, -1.8303251266479492, 0.20154589414596558, 0.1241457387804985, -0.3932725787162781, -0.07449710369110107, -0.40460827946662903, 0.9811989068984985, -0.2267284393310547, 0.40931034088134766, 0.35179805755615234, 0.7154441475868225, 0.041095949709415436, -0.4612754285335541, 0.38227468729019165, 0.30480095744132996, 1.4035179615020752, -1.0388798713684082, 0.8523072600364685, 0.31497445702552795, -0.507982075214386, -0.5269477963447571, -0.26791077852249146, -0.36367011070251465, 0.0838766023516655, 0.21129614114761353, -0.5501734614372253, -0.4935104250907898, -0.917987585067749, -0.16483911871910095, -1.5846874713897705, 1.073410987854004, 0.9692928791046143, 0.010985612869262695, -0.9142962694168091, -0.15343916416168213, 0.060983218252658844, 0.3166649043560028, -0.2188180536031723, -0.678787350654602, -0.9485044479370117, -0.0028298720717430115, 0.8726205229759216, 0.05492816120386124, 1.0683674812316895, -1.4151991605758667, -1.0798290967941284, -0.5673658847808838, 0.8757068514823914, 0.7083395719528198, -0.022486452013254166, 1.300413727760315, 0.8017466068267822, -0.019112437963485718, 0.1707994043827057, -0.0785345733165741, 0.9709171652793884, -0.31233304738998413, -0.08649854362010956, -1.0845410823822021, -0.13348937034606934, -1.301348090171814, -0.11994834244251251, 0.6550996899604797, 0.6722201108932495, -1.2135870456695557, -0.6872050762176514, -0.33913570642471313, -0.35768893361091614, -0.12009599804878235, -0.19144989550113678, 0.34177395701408386, -0.09788770973682404, -0.46114030480384827, -0.10199715942144394, 0.633364737033844, 0.7094153761863708, 0.18524114787578583, 0.6782848834991455, 0.803959310054779, 0.3902117908000946, 0.3391548991203308, 0.49054598808288574, 1.2833698987960815, 0.09161017835140228, -0.25756388902664185, -0.5155507326126099, -0.2877286672592163, 0.5641951560974121, -0.6596062779426575, -0.08959660679101944, -0.07407133281230927, 0.9036098718643188, -0.9279757142066956, -0.11506638675928116, -0.14515182375907898, 0.4999884366989136, 0.9454742074012756, 0.9532468318939209, -0.3971318006515503, -0.8215398788452148, 0.1803562194108963, -0.48965299129486084, 0.1362239122390747, 0.18056774139404297, 1.1271686553955078, 0.9303119778633118, 0.8809278011322021, 0.566653311252594, 0.9068619012832642, 0.12279736995697021, -0.18221555650234222, 0.35252976417541504, 0.487514853477478, 0.7426749467849731, 0.2863696217536926, 0.7082108855247498, -0.24741293489933014, -0.10107547789812088, -0.4739878475666046, -0.4840412437915802, -0.7304593324661255, 1.432674527168274, -0.3507440686225891, 0.48157379031181335, -0.5566693544387817, -0.5587128400802612, 0.9808894395828247, -0.6909622550010681, 0.31502842903137207, -0.11981245875358582, -0.0479329451918602, -1.264951467514038, -0.6771422624588013, 0.029261048883199692, 0.2849596440792084, -0.04827454313635826, -0.7160788178443909, -0.449537456035614, 0.38534387946128845, -0.17443527281284332, -0.8705392479896545, -0.46934282779693604, 0.3163176476955414, -0.6480844616889954, 0.8134035468101501, -0.32429659366607666, -1.8972097635269165, -0.9737837910652161, -0.3801877200603485, -0.43576180934906006, 1.2398056983947754, 0.38148701190948486, -1.4590296745300293, -0.37988853454589844, 0.1371511071920395, -0.4975617825984955, -0.3724677860736847, 0.3265811800956726, 0.29880091547966003, -2.0286853313446045, 1.138668417930603, 1.0558319091796875, -0.22791408002376556, -0.22520482540130615, 0.29946762323379517, 0.2540299594402313, 0.2895846664905548, 0.9958375692367554]} +{"paper_id": "sst", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "duorc", "embedding": [-0.03572220727801323, 1.6599022150039673, 0.2815967798233032, 0.4221770465373993, 0.487201064825058, 0.21949079632759094, -0.05481661856174469, 0.5498037338256836, 0.8931648135185242, 0.3126046657562256, 0.526500940322876, -0.6196549534797668, 0.4895918369293213, 0.26414573192596436, -0.25678926706314087, -0.262005478143692, -0.8226839303970337, -0.27068859338760376, -1.6183936595916748, -0.17629384994506836, -0.4454215168952942, -0.9403886795043945, -0.3919827342033386, 1.4547873735427856, -0.8384239077568054, -0.6356416344642639, 0.6816201210021973, -1.356642246246338, -0.06658417731523514, -0.0942639634013176, -0.44926518201828003, 1.1285879611968994, -1.3500934839248657, 0.7400258183479309, 0.023377224802970886, -0.9781155586242676, -0.09645064175128937, 0.715907633304596, 0.29097673296928406, -0.4640340805053711, -0.5219102501869202, 0.4237229824066162, 0.32640230655670166, -0.06930740922689438, 0.6807688474655151, -0.5913686156272888, 0.42699703574180603, -0.2600468695163727, -0.0755118876695633, -0.21998770534992218, -0.8120409250259399, 0.22587141394615173, -0.24251723289489746, 0.3840515613555908, -0.06305763125419617, 0.7578325867652893, -0.407808780670166, -0.9586083292961121, -0.09823527932167053, -0.280387282371521, 1.924124002456665, 1.8904590606689453, -0.5982440710067749, 0.5731001496315002, 1.3422812223434448, -0.017007339745759964, 1.5272620916366577, 0.2763291597366333, -0.5032389163970947, 1.1571462154388428, -0.4274609684944153, -0.11781051009893417, 0.42784184217453003, -0.5940138101577759, -0.29675009846687317, 0.7668874263763428, 0.5957953929901123, 0.5508924722671509, 0.23411273956298828, 0.20673924684524536, 0.2527216374874115, 0.3389558792114258, 0.5500529408454895, -0.17556394636631012, -0.13083471357822418, 0.22501140832901, 0.3484501242637634, -0.5119501352310181, -0.29129087924957275, -2.2855517864227295, 0.5001746416091919, 0.10638696700334549, 0.2907283902168274, 0.027425050735473633, -0.6923004984855652, 0.5386054515838623, 0.4331231713294983, -0.5677075982093811, -0.2412308156490326, 0.12012165039777756, 0.6547560095787048, 0.039730530232191086, 0.31715142726898193, -0.6020640134811401, 0.886172354221344, 0.1427161991596222, 0.49429523944854736, -0.40620777010917664, -0.40549302101135254, -1.2026362419128418, -0.003883644938468933, 0.7339075803756714, -0.14857009053230286, 0.7134613394737244, 0.1479911208152771, -0.309224009513855, 0.2700252830982208, -0.8489755392074585, -0.06827913969755173, 0.3916282653808594, -0.6743370294570923, -0.7128830552101135, -0.27691301703453064, -0.2831285893917084, 0.47866761684417725, -0.37353408336639404, -0.8412549495697021, -1.162577509880066, -0.00027646124362945557, -0.6047481298446655, 0.3947983682155609, 0.2554790675640106, -0.8648901581764221, -0.1757417470216751, 2.744863271713257, -1.018934965133667, 1.2206974029541016, -0.5433375239372253, -0.07317853718996048, -1.08072030544281, -0.760347306728363, 2.16074538230896, -0.4833029806613922, -0.8623683452606201, -0.8227396011352539, 0.4166117012500763, -0.46100544929504395, 0.22907224297523499, -0.5303760170936584, -0.7619093656539917, 0.15321828424930573, 0.2177298218011856, -1.5985485315322876, -0.9346383810043335, -0.31633567810058594, 0.23362940549850464, -0.20359785854816437, 0.601769208908081, 0.2548864185810089, 1.1062136888504028, 0.4445429742336273, -0.2830001711845398, -0.22230184078216553, 0.4860287308692932, -1.1750417947769165, 0.2386256903409958, 0.7444523572921753, -0.3580191433429718, -0.22306710481643677, -0.5139989852905273, 0.37393054366111755, -0.7567620873451233, -0.1915041208267212, -0.6558300256729126, -0.1986827254295349, 0.27532753348350525, 0.47328588366508484, 0.8186583518981934, 0.4544793665409088, -0.258547842502594, -0.4410046339035034, -0.8010597229003906, 0.705386757850647, 1.235123634338379, 0.003537677228450775, 0.3313196003437042, -3.2284324169158936, -0.48351866006851196, -0.810090184211731, 1.548456072807312, 0.6229863166809082, 0.19382454454898834, 0.21879816055297852, 0.5715316534042358, -0.5123134255409241, -0.40447285771369934, 0.568577766418457, -1.0765724182128906, 0.38438481092453003, 0.12066371738910675, 0.42296597361564636, -0.6591419577598572, -0.15169468522071838, 1.1468371152877808, 0.8019323945045471, -0.7892941832542419, -0.48356935381889343, -1.6322475671768188, 0.15351757407188416, 2.218944787979126, 0.7443559765815735, -0.6018054485321045, -0.8983386754989624, -0.2855443060398102, 0.03960772603750229, 0.48756688833236694, 0.4648008644580841, -0.28915277123451233, 0.15854670107364655, -0.3278370499610901, 1.1600028276443481, -0.35197165608406067, 0.21434232592582703, 0.2975176274776459, 1.313716173171997, -0.28749945759773254, -0.8196253776550293, -1.1407907009124756, -0.35794469714164734, 0.21971774101257324, 0.5620636940002441, 0.34353411197662354, 0.13691090047359467, 0.7031606435775757, 0.7245351076126099, 1.0508803129196167, 1.250429391860962, 0.9352148175239563, -0.0611799955368042, 0.3975999355316162, -0.08567370474338531, 1.1459399461746216, 0.275773823261261, -0.22050949931144714, 0.11155541241168976, 0.21830549836158752, -0.44313761591911316, -0.15504086017608643, -0.4036169648170471, -0.48726117610931396, 1.2610914707183838, 1.0089375972747803, -0.6449021697044373, 0.30698809027671814, -1.056201457977295, 0.1418132185935974, -0.27540281414985657, -0.47673773765563965, -1.0190813541412354, 0.2752041220664978, -0.04451536759734154, -0.28840476274490356, 0.3543907701969147, 0.09626743197441101, -0.24983669817447662, -0.9530752301216125, -1.0819332599639893, -0.021829061210155487, 0.04031939059495926, -1.4760733842849731, -0.3412625193595886, -0.173172727227211, -1.5428775548934937, -0.06180761381983757, -0.14551183581352234, -0.2982332706451416, -0.29786983132362366, -0.030156105756759644, 1.756332516670227, -0.22730563580989838, 0.3834093511104584, -0.3303052484989166, 1.1306989192962646, -0.7424485087394714, 0.9154459238052368, -0.6449480652809143, -0.06851484626531601, -1.078934669494629, 0.45518985390663147, -0.9771460890769958, 0.19178813695907593, 0.7101818919181824, -0.10892567783594131, 0.7196210622787476, -0.6364519000053406, -0.7172503471374512, 0.8517261147499084, -0.31066402792930603, 0.010130483657121658, -1.1167112588882446, 1.504643440246582, 0.2078464776277542, -0.8343904614448547, 0.6360337138175964, -1.1541810035705566, -0.3279159963130951, 1.0029661655426025, -0.37826961278915405, 0.5749186277389526, 0.7165459394454956, 0.134259432554245, 0.4466838538646698, -0.33939358592033386, -1.6489931344985962, 0.6841074228286743, 1.1687238216400146, 0.00968436524271965, 0.1484280526638031, -0.9139807820320129, 0.5710252523422241, -0.23350435495376587, -0.6673489212989807, 0.8017017245292664, -0.644114077091217, 0.2862287163734436, -0.003462381660938263, 0.7721402645111084, 0.25299450755119324, 0.39652377367019653, 0.6164408922195435, 0.9177368879318237, 0.40132948756217957, -1.2637156248092651, -0.1860087513923645, 1.308768391609192, -0.3418339788913727, 0.7475073337554932, -0.06032638996839523, 0.6075888276100159, 0.4545624554157257, -0.09054287523031235, 0.006644713692367077, 0.859774112701416, 0.5655050277709961, 0.10838259011507034, 0.15633396804332733, -0.5372995734214783, 0.2274927943944931, -0.7277038097381592, 1.3805222511291504, -0.20367994904518127, -0.15862062573432922, -1.12044095993042, 0.0627085268497467, -0.25582990050315857, -0.3350749611854553, 1.6733403205871582, 0.5341430306434631, 2.4451777935028076, -0.05701780319213867, -0.06463190913200378, -0.3486673831939697, -0.10405908524990082, 0.6295391917228699, 0.3347002863883972, 0.48893260955810547, -0.8702243566513062, -0.045724816620349884, 0.7624421119689941, 1.050782322883606, -0.3872785270214081, 0.09030044078826904, 0.5075680017471313, -0.1542518585920334, -0.4410586655139923, 0.6172406673431396, 0.4086732268333435, 1.0910074710845947, 1.549346923828125, -0.630628228187561, -0.06541308760643005, 0.3507857620716095, 0.1997509002685547, 0.23383377492427826, 0.42181167006492615, -0.1873253583908081, 0.5564344525337219, 0.3300948143005371, 0.9679319262504578, 0.12993480265140533, 1.2444132566452026, 1.7890783548355103, -0.3279467523097992, -1.0655776262283325, 0.2767806947231293, -0.2513760030269623, 0.3723379969596863, 0.38909295201301575, 0.22651717066764832, -0.03344998508691788, 0.906931459903717, 0.36837974190711975, -0.9642930626869202, 0.5577926635742188, -0.1532386839389801, -1.18571138381958, 0.358636736869812, 1.1344971656799316, -1.0400726795196533, -0.9947264790534973, 0.29614514112472534, -0.9503114819526672, -0.5133656859397888, -0.6354072093963623, -0.9441452622413635, 1.5834219455718994, 0.4641759693622589, 0.7643860578536987, 0.04015694558620453, -0.03488682582974434, -1.2241758108139038, 1.432021141052246, 1.014364242553711, -0.737521767616272, 0.046473316848278046, 0.32846295833587646, 0.8086886405944824, 0.6045078039169312, -1.221601963043213, -0.7753322720527649, 0.9319074153900146, -0.26517683267593384, -0.1254294365644455, -0.756693422794342, -0.40936464071273804, 0.48408547043800354, 0.7426692247390747, 0.2644905745983124, -0.8873156309127808, -0.10451894998550415, -0.6664454936981201, 0.7958269715309143, 0.7768807411193848, -1.360498309135437, -0.9509472846984863, 0.2576010227203369, -1.4343512058258057, 0.18271756172180176, 0.599242091178894, 0.23206132650375366, 1.9829552173614502, 0.33880850672721863, -0.0802498608827591, -0.7667165994644165, -10.431375503540039, 0.9071031212806702, -0.0017152130603790283, -0.10145942866802216, 0.3790394365787506, -0.4825308620929718, -0.20531177520751953, -0.22980421781539917, 0.8139827847480774, -0.40278932452201843, 0.42612990736961365, 0.6915473937988281, 0.7132928967475891, -0.14252862334251404, -0.6518386602401733, -1.275718092918396, -0.7990696430206299, -0.9947328567504883, 0.14055068790912628, 0.6480803489685059, -0.23894329369068146, -1.0638993978500366, 0.32717180252075195, 0.5744182467460632, 0.5722874999046326, -0.15369385480880737, -0.7251206636428833, 0.029269158840179443, -0.14145833253860474, -0.010692257434129715, 0.9387328624725342, -0.6753122210502625, -0.5006487369537354, -0.21105806529521942, 0.8987547159194946, -0.5557645559310913, -1.3505620956420898, -0.30861353874206543, 0.22354206442832947, -0.6973627209663391, -0.430152952671051, -0.4465654492378235, 0.5501953363418579, -1.106752634048462, -0.7906761765480042, 0.2958943843841553, 0.2706942856311798, -1.489559531211853, -0.28960496187210083, -0.5442429780960083, -1.3447632789611816, -0.702287495136261, -1.6270416975021362, -0.8869755268096924, 0.3128871023654938, 0.4592748284339905, -0.5076190829277039, -0.12416065484285355, 0.13060897588729858, -0.5721657276153564, 0.27113279700279236, 0.21977035701274872, 0.20369672775268555, 0.4177325963973999, -0.0435711145401001, -0.33087554574012756, 0.8077914118766785, 0.08071043342351913, 0.319278359413147, 0.8915384411811829, -1.022960901260376, 1.1677124500274658, -0.1776725947856903, 0.6097419261932373, -0.443460077047348, 0.6448521018028259, -0.2856285274028778, -0.8188838362693787, 0.718390703201294, 0.06711111962795258, -0.7180664539337158, 0.7153574228286743, 0.27683907747268677, -0.2926543951034546, -0.23108385503292084, 0.5368801951408386, 0.3594644069671631, 0.38035935163497925, 1.1020032167434692, -0.9441271424293518, 0.9685049653053284, -0.4337119460105896, -0.5255653858184814, 0.4218294322490692, -0.6153232455253601, 0.2933582067489624, -0.7092975378036499, 0.8258129358291626, 1.3330011367797852, -0.5078449845314026, -0.21128728985786438, 0.005656026303768158, -1.2576273679733276, -0.5351881980895996, 0.860300600528717, 0.1793438196182251, 0.16274204850196838, -0.28279799222946167, -0.5171921253204346, -0.9035763144493103, 1.1110734939575195, 0.7675707936286926, -0.5405402183532715, 1.3841136693954468, -0.4497935175895691, 0.890026867389679, 0.6236945390701294, -0.31159284710884094, -0.31416624784469604, 1.078510046005249, -0.4238056540489197, 1.4075682163238525, 0.3861236572265625, 1.5075041055679321, -0.040252409875392914, 0.19593903422355652, 0.5699785351753235, 0.4368040859699249, -0.31030890345573425, -1.5436910390853882, 0.06800223886966705, -0.12104344367980957, -0.035072244703769684, -0.36328428983688354, -0.39744555950164795, 0.3421799838542938, -1.0675662755966187, 1.7734332084655762, -1.192337989807129, -0.13238340616226196, -0.07273784279823303, -0.5015944838523865, -0.6391796469688416, -0.35847941040992737, -0.614186704158783, -0.5055314302444458, -2.4717748165130615, -0.22716930508613586, -0.6020920872688293, -0.603538990020752, -0.35385626554489136, -0.6918816566467285, 0.8443809151649475, -0.5522075891494751, -0.04273564741015434, -0.2763751149177551, 0.737517774105072, -1.0244354009628296, -0.6444413661956787, 0.10839994251728058, 0.24848294258117676, 1.716843605041504, -1.0341116189956665, 0.26496145129203796, 0.0036809369921684265, -0.06020691618323326, -0.6173018217086792, 0.2589587867259979, -0.9033187031745911, 0.7439014911651611, 1.0465619564056396, -0.976598858833313, -0.976564347743988, -0.8867449760437012, -0.11826497316360474, -0.3524778187274933, 0.16651079058647156, 0.9056507349014282, -1.1079530715942383, -0.34132272005081177, -0.3542994260787964, 0.39616528153419495, 0.8624609112739563, -0.5666677951812744, -0.09245837479829788, 0.1715967357158661, -0.5965875387191772, 0.9497995972633362, 0.10129956156015396, 0.5760915875434875, -1.3949965238571167, -1.3293681144714355, -0.842978835105896, -0.8188347816467285, 0.8336060047149658, 0.09826023876667023, 0.736812174320221, 0.4501650035381317, -0.675238847732544, -0.3631303012371063, -0.8083502650260925, 0.6144707798957825, 0.5408918857574463, 0.9459820985794067, -0.15246860682964325, 0.6832993030548096, -0.17911139130592346, -0.028509391471743584, 0.11353708803653717, 0.6911312341690063, -1.166789174079895, -0.017754577100276947, -0.04361213371157646, -0.008302006870508194, 0.2835940718650818, -1.532491683959961, 0.6160494089126587, -0.4143231213092804, -0.4331962764263153, -1.1447643041610718, -0.15843531489372253, 1.002242922782898, -0.03080001473426819, 0.518764853477478, 0.9325969219207764, -0.20189757645130157, 0.4485550820827484, -0.14628927409648895, 1.1715387105941772, 0.5577002167701721, -0.2001282423734665, 0.0017242766916751862, 0.3097396194934845, 0.8192636966705322, -0.16107037663459778, -0.5940390229225159, -0.7085697650909424, -0.06808004528284073, -0.4186357855796814, 1.0201741456985474, -0.13421016931533813, -0.0286612156778574, 0.9663607478141785, 1.2276145219802856, 0.13797727227210999, -1.586403250694275, -0.7036014795303345, -1.2994543313980103, 0.38796466588974, 1.1813969612121582, 0.2685922086238861, 0.38223716616630554, 0.31856831908226013, 0.0059346407651901245, 1.3248738050460815, -0.4080313444137573, 0.009417638182640076, 0.21250846982002258, -0.10421644151210785, 0.8913401365280151, 0.8631267547607422, 0.4333966076374054, 0.4293484687805176, -0.08743732422590256, -1.294503092765808, -0.06827129423618317, -1.0428274869918823, 0.664897084236145, -0.18871930241584778, -0.18940074741840363, 0.010235659778118134, -0.37706857919692993, 0.6438367962837219, 0.04729603976011276, 1.3551028966903687, 0.47236883640289307, -0.33629363775253296, -0.961108386516571, -1.109301209449768, -1.060826301574707, 0.5171145796775818, -0.49753129482269287, -0.004959834739565849, 0.15951550006866455, 0.5436325669288635, 0.2754254639148712, 0.32567888498306274, -0.5813096761703491, -0.2239951640367508, -0.4499875605106354, 0.02273741364479065, 0.25238174200057983, -0.40433451533317566, -0.901911735534668, 0.1279575526714325, -0.5223177671432495, -0.1707468181848526, 0.6743872165679932, -1.1485810279846191, -0.38226738572120667, 0.40254640579223633, 0.08682739734649658, -0.1971912682056427, 1.0043396949768066, 0.2067052721977234, -1.7103676795959473, 0.6200032234191895, 0.7952320575714111, -0.5767320990562439, -0.4177037477493286, 0.18145227432250977, 0.6912227869033813, 0.16559374332427979, 0.9798793792724609]} +{"paper_id": "quoref", "embedding": [0.10256373137235641, 0.6600587368011475, 0.0602138452231884, 0.01127038523554802, 0.3264486491680145, -0.07798737287521362, 0.7205322980880737, 0.41063204407691956, 0.950036883354187, 0.21436919271945953, 0.7171306610107422, 0.03573644161224365, 0.5504133701324463, 0.468801349401474, -0.3934916853904724, -1.0427824258804321, -0.5423097610473633, -0.19460813701152802, -1.1387683153152466, -0.45380914211273193, -0.8500445485115051, -0.8825058937072754, -0.23459313809871674, 1.1537188291549683, -0.7711848020553589, -0.749092161655426, 0.7791845798492432, -1.0985487699508667, 0.5224227905273438, -0.19676873087882996, 0.41817137598991394, 1.2332983016967773, -1.137401819229126, 0.8644883632659912, -0.4367445111274719, -0.4796910881996155, 0.5056450366973877, 0.7726607918739319, 0.2089308500289917, -0.7228415012359619, -0.6242650747299194, 0.7991426587104797, 0.22964993119239807, -0.05894177779555321, 0.7051352262496948, -0.6357214450836182, 0.1400744467973709, -0.36928850412368774, -0.10488826036453247, 0.2537479102611542, -0.7907394170761108, 0.28350672125816345, -0.03303263336420059, 0.551315188407898, -0.18770915269851685, 0.5322777032852173, -0.1927422285079956, -0.38619479537010193, 0.49819475412368774, -0.3614329397678375, 1.237868309020996, 1.2652660608291626, -0.07526591420173645, 0.1879454106092453, 1.7205348014831543, 0.22067515552043915, 1.0023221969604492, 0.48780810832977295, -0.4002405107021332, 0.887041449546814, -0.4155457615852356, -0.11330559849739075, -0.048916980624198914, -0.2843884527683258, -0.09674809873104095, 0.6864532232284546, -0.10313468426465988, -0.37158331274986267, 0.10521581023931503, -0.257726788520813, 0.2575453519821167, -0.22271311283111572, 0.7523340582847595, -0.34773698449134827, 0.11501408368349075, -0.08657680451869965, 0.3031107485294342, -1.0490572452545166, 0.5562554597854614, -1.9962645769119263, 0.4028252959251404, 0.687857449054718, -0.0914582908153534, 0.13558140397071838, -0.288307249546051, 0.6592170000076294, -0.6388528347015381, -0.11451228708028793, -0.33962059020996094, 0.0495157465338707, 0.5297765731811523, -0.1355266124010086, 0.7111631035804749, -0.19317716360092163, 0.49566105008125305, -0.0806795209646225, 0.16073867678642273, 0.028996963053941727, -0.6623976230621338, -0.9755381345748901, -0.07200439274311066, 0.6696990728378296, -0.33016160130500793, 0.4985225796699524, -0.3087345361709595, 0.2858779728412628, 0.5116392374038696, -0.18960711359977722, -0.5646511316299438, 0.22221776843070984, -0.28873538970947266, -0.3053419291973114, -0.5728651881217957, -0.8779726624488831, 0.923677384853363, -0.26465165615081787, -0.6283354759216309, -1.3131364583969116, -0.40535879135131836, 0.40351593494415283, 0.7279986143112183, 0.9307877421379089, -0.8772296905517578, 0.16259291768074036, 2.9287893772125244, -1.0107358694076538, 1.3548530340194702, -0.3597695529460907, -0.02453870140016079, -0.7925933003425598, -0.6515359282493591, 1.0491609573364258, 0.31161242723464966, -0.5057665705680847, -0.7950809001922607, 0.08083067089319229, -0.14620184898376465, 0.08903731405735016, -0.6894022226333618, -0.6315833330154419, 0.08554054796695709, -0.18983232975006104, -1.5685523748397827, -0.7202584743499756, 0.1708587259054184, -0.12550491094589233, -0.7130443453788757, 0.4683237075805664, -0.33526745438575745, 0.7963965535163879, -0.05262321978807449, 0.1314762532711029, -0.37519848346710205, 0.9180002212524414, -0.5710588097572327, 0.13281948864459991, 0.7893810272216797, -0.32260507345199585, -0.30650097131729126, 0.6547512412071228, 0.2873683571815491, -0.22470563650131226, -0.7793487310409546, -0.5176548361778259, -0.3757725656032562, 0.41271355748176575, 0.5085800886154175, 0.6599338054656982, 0.016539882868528366, -0.6339343190193176, -0.3568468987941742, -0.3990587294101715, -0.09141618758440018, 0.7376946210861206, -0.4836830496788025, 0.5509573817253113, -2.9356610774993896, -0.29419761896133423, -0.768507182598114, 1.370970368385315, 0.017952024936676025, 0.35052919387817383, 0.3886786699295044, 0.49659571051597595, -0.00458173081278801, -0.894641637802124, 0.9341329336166382, -1.0674246549606323, 0.8482460975646973, 0.03827466070652008, 0.5050389170646667, -0.21787162125110626, 0.20589733123779297, 0.7167506217956543, 0.42831674218177795, -0.32200077176094055, -1.4138431549072266, -2.2074477672576904, 0.0037402696907520294, 1.8078771829605103, 0.2677905559539795, -0.264083594083786, -0.8964213132858276, -0.3192700743675232, 0.006362311542034149, -0.3339865505695343, 0.5640074014663696, -0.4562340974807739, 0.24468271434307098, -0.3432587683200836, 0.6202822923660278, -0.7511565685272217, -0.11588878929615021, 0.9365784525871277, 1.6285911798477173, -0.4729336202144623, 0.13631662726402283, -1.0048366785049438, -0.0009665787220001221, 0.5923245549201965, 0.8373459577560425, -0.002701889257878065, -0.12252981960773468, 0.8626406192779541, 0.5159134864807129, 1.2101523876190186, 0.8214429020881653, 0.3717740476131439, -0.9768452644348145, 0.19740964472293854, -0.5010384917259216, 1.438171625137329, -0.16000477969646454, 0.03395373374223709, 0.21343140304088593, -0.03733739256858826, -0.5342087745666504, 0.0404805988073349, -0.37520354986190796, -0.17460909485816956, 0.38575395941734314, 0.2561436593532562, -0.5593223571777344, 0.6619947552680969, -0.9565919041633606, -0.38160666823387146, -0.03384697809815407, -0.6507611274719238, -0.9557706117630005, 0.21852095425128937, 0.2901957035064697, -0.6250167489051819, 0.07486854493618011, -0.15358620882034302, 0.033404551446437836, -1.3307301998138428, -0.7725062966346741, 0.35454460978507996, 0.3229990005493164, -1.0057955980300903, -0.7677831649780273, -0.524408221244812, -1.6057034730911255, -0.5468606948852539, 0.23864242434501648, -0.24537084996700287, 0.027852892875671387, 0.2474563717842102, 1.8884220123291016, -0.0012386851012706757, 0.059441566467285156, -0.47449254989624023, 1.4509024620056152, -0.5917044878005981, -0.006150178611278534, -0.002796739339828491, 0.5020992159843445, -1.1751362085342407, -0.05224142596125603, -0.5509838461875916, 0.7371594309806824, 1.0237981081008911, 0.3026648163795471, 0.6711549758911133, -0.10219251364469528, -0.6352192759513855, 0.735579788684845, -0.1544862985610962, 0.2524382174015045, -1.1905337572097778, 1.528293251991272, -0.024005001410841942, -0.8948935866355896, 0.8971545696258545, -0.25644439458847046, -0.7231173515319824, 0.9022115468978882, -0.09801194071769714, 0.32145729660987854, 0.4357132911682129, -0.22105857729911804, 0.18926043808460236, 0.38236159086227417, -1.6207219362258911, 1.3774347305297852, 0.8152295351028442, -0.07661694288253784, -0.14176912605762482, -0.5040704011917114, 0.7305898070335388, -0.33480703830718994, 0.48175880312919617, 1.5034219026565552, -0.2421514391899109, 0.2978929579257965, -0.38818100094795227, 0.6746770143508911, 0.2252689003944397, -0.06575650721788406, 0.8159297704696655, 0.6139985918998718, 0.5375933051109314, -0.7889753580093384, -0.6161160469055176, 0.9933237433433533, -0.441637247800827, 0.6465059518814087, 0.14886243641376495, 0.4764866530895233, 0.6888151168823242, -0.3070181608200073, -0.14688163995742798, 0.24138493835926056, 0.2721492648124695, -0.14322499930858612, -0.10951698571443558, 0.042330820113420486, 0.4000679552555084, -0.28060516715049744, 1.2069799900054932, -0.24240288138389587, -0.962780773639679, -0.8204158544540405, -0.46892544627189636, -0.2630903422832489, 0.01291971281170845, 1.1802109479904175, 0.5671457648277283, 1.639492392539978, 1.0231826305389404, -0.11676789075136185, 0.18072886765003204, -0.4523731470108032, 0.4397042989730835, -0.02197062410414219, 0.4180430769920349, -0.983301043510437, 0.3446553349494934, 1.061752438545227, 1.2150733470916748, -0.5496800541877747, 0.8451770544052124, -0.021746817976236343, -0.1051941066980362, -1.0773711204528809, 0.9910591244697571, 0.25817981362342834, 0.4449130594730377, 1.4703402519226074, -0.8368022441864014, 0.4304967522621155, -0.40388816595077515, -0.3997722268104553, -0.12734393775463104, 0.4912102222442627, -0.08670851588249207, 0.6966177821159363, 0.40697741508483887, 0.7502561807632446, 0.3066944479942322, 1.087278962135315, 1.8109729290008545, -0.43126824498176575, -1.5147486925125122, 0.019944779574871063, -0.7758170366287231, 0.06110508739948273, 0.5612055659294128, -0.11320652067661285, -0.15064743161201477, 0.19132128357887268, -0.011361267417669296, -1.1734288930892944, 0.27619269490242004, -0.63475102186203, -1.230738639831543, 0.5831451416015625, 1.0726574659347534, -0.8093183636665344, -0.2671641409397125, -0.12078166007995605, -0.8269681334495544, 0.06456916779279709, -0.4220476448535919, -1.454545259475708, 0.9350585341453552, 0.33113494515419006, 0.9259737133979797, 0.2590634226799011, -0.062285806983709335, -1.0306087732315063, 1.669714093208313, 1.4096782207489014, -1.0008478164672852, 0.8080428838729858, 0.5790497660636902, 0.5946789383888245, 0.4169308543205261, -0.9760323166847229, -0.648855984210968, 1.359853982925415, 0.1379799246788025, -0.2841356098651886, -0.9352174401283264, -0.29592135548591614, 1.363713264465332, 0.7769739031791687, 0.1551152616739273, -0.7850735187530518, 0.07228116691112518, -1.316666841506958, -0.22026990354061127, 1.0046958923339844, -1.4895424842834473, -1.3236414194107056, 0.3203590512275696, -0.28301888704299927, 0.7146420478820801, -0.32193973660469055, 0.025033529847860336, 1.99417245388031, -0.313640296459198, -0.060394883155822754, -0.39408689737319946, -11.342681884765625, 1.135021448135376, 0.0283518023788929, 0.1563633382320404, 0.2541528642177582, -0.2498304545879364, 0.19121265411376953, 0.08410052955150604, 0.43377092480659485, -0.596798837184906, 0.04603411629796028, 1.3320424556732178, 0.19267180562019348, 0.16076809167861938, -0.683283805847168, -1.0389842987060547, -0.3622475266456604, -0.9014350771903992, 0.11863011121749878, 0.335612028837204, -0.6790526509284973, -0.5729528665542603, -0.47280919551849365, -0.4031202495098114, 0.7458314299583435, -0.017650365829467773, -0.7866861820220947, -0.3418648838996887, -0.2185600996017456, 0.282993346452713, 0.3739286959171295, -0.13056276738643646, -0.5904800891876221, 0.20047053694725037, 0.028892479836940765, -0.0383499376475811, -1.03577721118927, 0.03824332356452942, 0.4459046721458435, -0.6634167432785034, -0.3923628330230713, -0.01312887854874134, 0.6204380989074707, -0.5404863357543945, -0.6719947457313538, 0.24172638356685638, 0.26445040106773376, -0.8128359317779541, 0.15160530805587769, -0.41272151470184326, -0.5192562937736511, -0.5273721814155579, -1.4275727272033691, -0.7017011642456055, 0.45069044828414917, 0.3985268175601959, -0.4774198830127716, -0.7964564561843872, -0.43131300806999207, -0.9064338207244873, 0.6176198720932007, 0.030401980504393578, -0.38923412561416626, 0.46668916940689087, 0.41776129603385925, -0.15870437026023865, 0.060147687792778015, 0.0938132107257843, -0.21056890487670898, 0.526404082775116, -0.10958964377641678, 1.9265326261520386, -0.27156081795692444, 0.9716463088989258, -0.6284662485122681, 0.28048717975616455, -0.7539395689964294, -0.16555148363113403, 0.8215246200561523, 0.01825542189180851, -1.6477749347686768, 0.8301916718482971, 0.40579718351364136, -0.6068457365036011, -0.509840190410614, 0.20582112669944763, -0.17944085597991943, 0.4979535937309265, 0.7375057935714722, -0.663174033164978, 1.4739320278167725, 0.12322508543729782, -0.5087131261825562, -0.7594038844108582, -0.6057052612304688, 0.6008679866790771, -0.9724519848823547, 0.5091025829315186, 0.6879637241363525, -0.22072425484657288, -0.17472559213638306, 0.14034894108772278, -1.0327725410461426, -0.33485352993011475, 0.9336176514625549, 0.291299045085907, -0.1066686362028122, -0.02820579707622528, -0.5525579452514648, -1.4230573177337646, 0.5434155464172363, 0.5659244060516357, 0.247518852353096, 1.1856834888458252, -0.5460056662559509, 0.720817506313324, 0.5787995457649231, -0.2572963833808899, -0.2149946540594101, 0.971616804599762, -1.086578607559204, 0.8302425146102905, 0.13337449729442596, 1.5210682153701782, -0.195012167096138, 0.2733008861541748, 0.5234506726264954, 0.10444407910108566, -0.10782615095376968, -0.9659246802330017, 0.45062097907066345, -0.6435814499855042, 0.3593137562274933, -1.128075122833252, -0.4612792730331421, 0.3227631747722626, -0.24863992631435394, 1.4200477600097656, -1.2600394487380981, -0.05014067143201828, -0.24538536369800568, 0.09618392586708069, -0.9322296977043152, -0.6354727149009705, -1.066398024559021, 0.188473641872406, -2.270991563796997, 0.6075913906097412, -0.24470338225364685, -0.4549786448478699, -0.4833483397960663, -0.8724886775016785, 0.5090008974075317, 0.07982666790485382, -0.16385284066200256, -0.49474456906318665, 0.4173608422279358, -0.8751441240310669, -0.6817674040794373, -0.33102333545684814, 0.21660739183425903, 1.373998761177063, -0.812358021736145, 1.148187518119812, 0.3838706612586975, -0.4707295894622803, -0.4472767114639282, -0.008221346884965897, -0.6887578964233398, 0.5157400369644165, 1.0504136085510254, -0.6562466025352478, -0.10796777158975601, -0.6101351380348206, 0.11578775942325592, -0.4839837849140167, 0.23661571741104126, 0.8863257169723511, -1.6582376956939697, -0.17847277224063873, -0.36863088607788086, 0.5531092882156372, 0.35379400849342346, -0.6986082196235657, -0.2882503867149353, 0.4664553105831146, -0.21294879913330078, 0.5978682041168213, -0.32673463225364685, 0.7910217046737671, -0.6856293082237244, -1.0250920057296753, -0.5555704236030579, -0.3441154956817627, 0.5159866213798523, 0.4930109977722168, 1.1215999126434326, 0.15060952305793762, -0.5722689628601074, -0.37651968002319336, -0.310309499502182, 0.34068214893341064, -0.26955679059028625, 0.6517313122749329, -0.5729089975357056, 0.3363937735557556, -0.8824506402015686, -0.05432630702853203, 0.6436705589294434, 1.0287220478057861, -0.8358450531959534, -0.5164812207221985, -0.012618456035852432, -0.6088452935218811, -0.44033321738243103, -1.4328727722167969, -0.055939748883247375, -0.9009330868721008, -0.5678091049194336, -0.7741885185241699, 0.5598485469818115, 1.3847073316574097, 0.08002683520317078, 0.6901423931121826, 0.9084979295730591, 0.8618544340133667, 0.7004782557487488, 0.5507454872131348, 0.7784364223480225, -0.0028694532811641693, -9.75579023361206e-05, 0.41082480549812317, 0.5343029499053955, 0.3563289940357208, 0.15685780346393585, -0.6696743965148926, -0.5750040411949158, 0.30038926005363464, -0.2767021059989929, 0.8554700016975403, 0.6715443730354309, 0.4224245846271515, 1.1363780498504639, 0.9232101440429688, -0.2244638204574585, -1.7212693691253662, -0.5084642171859741, -1.4500765800476074, 0.5284698009490967, 1.0573313236236572, 0.15867607295513153, 0.3725971281528473, 0.7452216744422913, -0.5065052509307861, 1.1504032611846924, -0.6955488324165344, 0.40739572048187256, 0.6778008937835693, -0.014686524868011475, 0.9543554186820984, 0.600197970867157, 0.11788516491651535, 0.030206916853785515, -0.3686078190803528, -1.2208858728408813, 0.0677657425403595, -1.0828038454055786, 0.6675283312797546, 0.1877426654100418, -0.03320169821381569, 0.4894452691078186, -0.08568521589040756, 0.7977218627929688, -0.4438951313495636, 1.376257300376892, -0.1085890680551529, -0.16569754481315613, -0.2936863899230957, -1.3639311790466309, -0.42248499393463135, 0.34143638610839844, 0.12284167110919952, -0.09594883024692535, -0.006683900952339172, 0.8241588473320007, 0.23619388043880463, 0.1701022982597351, -0.3320549428462982, -0.29788291454315186, -0.18892201781272888, 0.5015729069709778, 0.45529425144195557, -0.7861797213554382, -0.7724494934082031, 0.13517022132873535, -0.43923574686050415, 0.050927355885505676, 0.6572427153587341, -0.48858189582824707, -0.3006252646446228, 0.7997627854347229, 0.19658908247947693, -0.3662635087966919, 0.10506302863359451, 0.3220266103744507, -1.5674065351486206, 0.2429623305797577, 0.6268067359924316, -0.8814301490783691, -0.16576462984085083, -0.1752036213874817, 0.8999170064926147, 0.20815861225128174, 1.2979100942611694]} +{"paper_id": "esnli", "embedding": [-0.11629758775234222, 1.0814861059188843, -1.076274037361145, 0.1532238870859146, 0.3903762996196747, -0.15312117338180542, 1.4161665439605713, 0.8483496308326721, 1.2121729850769043, 0.5987886190414429, 0.03739415854215622, 0.18983308970928192, -0.2020147442817688, 0.19142116606235504, -0.23169595003128052, -0.5324636697769165, -0.7814539074897766, -0.3934630751609802, -1.5458412170410156, -0.5916969180107117, -0.517122745513916, -0.5742868781089783, 0.41482484340667725, 1.4200129508972168, -0.7454408407211304, -0.8884234428405762, 0.9180349111557007, -1.0672904253005981, 0.9066287875175476, 0.30668890476226807, -0.1566418707370758, 1.8993996381759644, -2.116027593612671, 0.7439861297607422, -0.41127339005470276, -0.6573423147201538, -0.40229368209838867, 0.4070854187011719, 0.0641588643193245, 0.6636657118797302, -0.6845165491104126, 0.39848384261131287, 0.10709225386381149, 0.0964040607213974, -0.2025987207889557, -0.5135196447372437, 0.18534794449806213, 0.5687190294265747, -0.45773136615753174, -0.6022706031799316, -0.2769170105457306, -0.23078200221061707, -0.6704216599464417, 0.9314442873001099, -0.13520222902297974, 1.2700107097625732, 0.8958563804626465, -0.47483426332473755, 1.3829652070999146, -0.7938904762268066, 1.6186068058013916, 2.070965528488159, -1.031006932258606, -0.19289931654930115, 1.4468786716461182, 0.6866358518600464, 1.189138650894165, -0.005940750241279602, 0.2400714010000229, 0.7481973171234131, 0.06040368974208832, -0.7691768407821655, 0.3085271418094635, -0.35898226499557495, 0.7810789346694946, 0.47759392857551575, 0.4726282060146332, 0.43507176637649536, -0.369233638048172, 0.35606345534324646, -0.3538685142993927, 0.44537460803985596, 0.7972400784492493, -0.38608554005622864, 0.3704482614994049, 0.690625011920929, 0.9804778099060059, -0.6088698506355286, -0.10641086846590042, -1.5077745914459229, 0.32207417488098145, 0.408931702375412, -0.378121554851532, -0.2899777293205261, 0.5057551860809326, 0.3457050323486328, -0.6024972796440125, -0.320466011762619, 0.17842528223991394, 0.2550676763057709, 0.4408080279827118, -0.043936751782894135, 0.40751513838768005, 0.07850562036037445, 0.14942802488803864, 1.0549709796905518, 0.44089359045028687, -0.2901579439640045, -0.7180271148681641, -0.8542270660400391, -0.503987193107605, 1.4142324924468994, -0.17667800188064575, 1.054732322692871, 0.16828185319900513, 0.6675019264221191, 0.4817526936531067, -0.6262785196304321, -0.7305431962013245, 0.48151010274887085, -0.6086367964744568, -0.9998838305473328, -0.5584033727645874, 0.027251169085502625, 1.0395935773849487, -0.10241006314754486, -0.07449948042631149, -0.6666770577430725, 0.6109325289726257, 0.039363302290439606, 0.25656604766845703, 0.19800283014774323, -1.0841022729873657, -0.23769783973693848, 2.9724302291870117, -0.789980947971344, 1.420749545097351, -1.3333390951156616, 0.09761153906583786, -0.06391028314828873, -0.5629566311836243, 1.1451302766799927, 0.22833243012428284, -0.5087229013442993, -1.0887211561203003, 0.18320956826210022, -0.6555966734886169, 0.1464190036058426, -1.3504385948181152, -0.00021233037114143372, 0.45963433384895325, 0.09256882965564728, -1.2984445095062256, 0.1919853389263153, 0.2954821288585663, 0.3259669244289398, -0.18796831369400024, 0.5435460805892944, -0.7301598191261292, 0.23328542709350586, 0.14764979481697083, -0.11520372331142426, 0.19224518537521362, 0.29726746678352356, -0.7572060227394104, -0.264303982257843, 1.2052395343780518, -0.18624883890151978, -0.6600974202156067, -0.06135735660791397, 1.1430584192276, -0.24486514925956726, -0.7923544049263, -0.4724893569946289, -0.02230164036154747, 0.3155524730682373, -0.3264074921607971, 0.6870054006576538, 0.2527114152908325, -0.8681972026824951, -1.209153652191162, -0.9645364880561829, -0.09120132029056549, 1.072279453277588, -0.6184841990470886, 0.3288184404373169, -2.498549699783325, 0.17038367688655853, -0.5137530565261841, 0.6687353849411011, -0.0010856762528419495, 0.16532930731773376, 0.6971272230148315, 0.6796761155128479, 0.11493939161300659, -0.23178347945213318, 1.0637017488479614, -0.8654889464378357, -0.15153759717941284, 0.25251758098602295, -0.9779850244522095, -1.0275208950042725, -0.34043174982070923, 0.9521361589431763, 0.9032914638519287, -0.5174193978309631, -1.2454311847686768, -2.00075626373291, 0.6636204123497009, 1.8921815156936646, 0.5725551843643188, -0.29598870873451233, -0.9130542278289795, -0.21328994631767273, 0.1296730637550354, -0.2910899817943573, -0.1580386757850647, -1.0881061553955078, 0.6603887677192688, -1.5178889036178589, 0.43935003876686096, -0.017765462398529053, -0.032043661922216415, 1.0669578313827515, 1.2109262943267822, -0.2861345112323761, -0.28767848014831543, -0.5619664788246155, -1.6263771057128906, 0.04246307164430618, 0.5394039750099182, 0.44821855425834656, 0.008404633030295372, 0.7221857309341431, 0.10659182071685791, 1.6044256687164307, 0.9985633492469788, 0.43866047263145447, -0.748560905456543, -0.37325477600097656, 0.6346055865287781, 0.26782095432281494, 0.33035826683044434, -0.08962550759315491, 0.11292816698551178, 0.7847811579704285, -0.29896706342697144, -0.4801313877105713, -0.14428052306175232, -0.2811506986618042, 1.3400602340698242, 1.241495966911316, -0.46412262320518494, 0.3103547692298889, -1.1437039375305176, -0.10135381668806076, -0.42150816321372986, -1.1870462894439697, -0.2605908513069153, 0.31095874309539795, 0.9173582196235657, 0.4328170120716095, 0.49318575859069824, -0.3306947350502014, 0.012850187718868256, -0.7629875540733337, 0.00208204984664917, -0.9515604972839355, -0.27989432215690613, -0.9716492891311646, -0.001385517418384552, 0.2470523715019226, -0.801784098148346, -0.3369421362876892, -0.6768695712089539, -0.20698286592960358, -0.1285577118396759, 0.5944257974624634, 1.5381994247436523, 0.28700992465019226, 0.16872894763946533, -0.0031283050775527954, 1.5159566402435303, -0.45221057534217834, 1.4400755167007446, -0.6560572981834412, 0.23388653993606567, -0.2976962625980377, 0.5818061828613281, -0.98624187707901, 0.35333359241485596, 0.31128937005996704, -0.871358335018158, 0.7370893955230713, -0.39608868956565857, -1.213391661643982, 0.4195907711982727, 0.03856728971004486, -0.27457112073898315, -0.7409934401512146, 1.5871765613555908, -0.13500317931175232, -0.43586966395378113, 0.5650643110275269, 0.13052847981452942, -0.6374050974845886, 0.75691157579422, -0.2901894450187683, 0.17063507437705994, 0.02551312744617462, 0.2800512909889221, 0.3609677255153656, 0.11996946483850479, -2.646824359893799, 0.5832216739654541, 1.3971105813980103, -0.4445306062698364, -0.8228468298912048, -1.3807737827301025, 0.5228776931762695, -0.6740484237670898, 0.10473304986953735, -0.10876230150461197, -0.5690609216690063, 0.1553630232810974, -0.26554498076438904, 0.26608049869537354, 1.2165391445159912, -1.1041327714920044, -0.22640693187713623, 0.5618425011634827, 0.3628884255886078, -0.687982976436615, 0.08030878752470016, 0.3658289313316345, -0.6566436290740967, -0.36114537715911865, -0.11282982677221298, 1.5951210260391235, 1.141576886177063, 0.05461965873837471, -0.24134615063667297, 1.0021741390228271, 0.48086681962013245, 0.5638050436973572, 0.21645313501358032, -0.7073432207107544, -0.21751855313777924, -0.656039834022522, 1.8164548873901367, 0.08832812309265137, -0.32251402735710144, -1.1224735975265503, -0.11940295994281769, -0.29380232095718384, -0.7956435084342957, 1.9031572341918945, 1.2628618478775024, 1.0924100875854492, 0.4378678500652313, 1.1463662385940552, -1.0967599153518677, -0.23646916449069977, 0.5174131393432617, -0.7177823781967163, -0.1397748589515686, -0.7541574239730835, 0.3161821961402893, 0.5771867036819458, -0.2778000235557556, -0.6301169991493225, -0.5857049226760864, 1.0663104057312012, 0.31615617871284485, -0.2886517345905304, 0.31587445735931396, 0.6067589521408081, 0.3820084035396576, 1.8340365886688232, -0.4163704216480255, -0.6064887642860413, 0.5597784519195557, 0.35053718090057373, 0.5688238143920898, 0.6196045279502869, -0.7662813663482666, 0.6620636582374573, 0.03145603463053703, 1.0825068950653076, 0.5817452073097229, 0.35794705152511597, 0.5581667423248291, -0.5125502347946167, -1.7652384042739868, -0.39746737480163574, -0.7406521439552307, -0.4951756000518799, -0.43287837505340576, 0.048942334949970245, 0.14493423700332642, 0.3737175166606903, -0.2598225176334381, -0.5163096785545349, 0.9615321159362793, -0.5870537757873535, -1.316232681274414, 1.085687518119812, 0.7684515714645386, -1.8394091129302979, -0.2084483504295349, 0.43858563899993896, -1.141525387763977, -0.657329261302948, 0.02205754816532135, -0.3296630084514618, 1.0590959787368774, -0.05446988716721535, 0.8333637714385986, -0.020459365099668503, 0.4035353660583496, -1.0972797870635986, 0.38737332820892334, 0.7405072450637817, -1.2640758752822876, 0.883785605430603, 0.3700748682022095, 0.1627800613641739, 0.19554173946380615, -0.4832848906517029, -0.12286610901355743, 1.047356128692627, 0.30309540033340454, 0.05476335063576698, -0.4156726002693176, -0.4957244098186493, 0.5104010701179504, 0.1940714716911316, 0.47378969192504883, -1.0769363641738892, -0.011098096147179604, 0.04678667336702347, 0.6110175251960754, 0.65761399269104, -0.5772159099578857, -1.0824713706970215, 0.609285831451416, -0.4732365310192108, 0.051204778254032135, -0.31140774488449097, 0.2620522975921631, 1.726379632949829, -0.3966977596282959, -0.06466847658157349, -0.35581111907958984, -10.261337280273438, 0.586514949798584, -0.09400623291730881, 0.23812438547611237, 0.11517614126205444, -0.4789070785045624, -0.05485920608043671, -0.1852750927209854, 0.0032363058999180794, -0.5426769852638245, 0.4890586733818054, 1.7084932327270508, 0.2449224293231964, -0.2849689722061157, -0.39923614263534546, -0.9665109515190125, -0.38452914357185364, -0.4535452127456665, -0.3738459348678589, 0.15091100335121155, -0.15321767330169678, -1.2840995788574219, 0.12659060955047607, 0.47368383407592773, 0.22975550591945648, -0.7790650725364685, -0.6776512265205383, -0.12140529602766037, 0.004014618694782257, 0.018039248883724213, 0.15599118173122406, -0.03621363267302513, -0.36549779772758484, -0.27059406042099, 0.4106208086013794, -0.26413384079933167, -0.6474225521087646, 0.0965985432267189, 0.32421523332595825, 0.32339492440223694, -0.2019442468881607, 0.18634982407093048, 0.8675122857093811, -0.5774105787277222, -0.3689146339893341, 0.8189066648483276, 0.36237266659736633, -0.5524821281433105, -0.6437498331069946, -0.2424854040145874, 0.31094998121261597, -0.920103907585144, -0.9678270220756531, -0.8677194118499756, 0.5120809078216553, -0.08439936488866806, -0.41994258761405945, 0.09040999412536621, -0.629106879234314, -1.7670838832855225, -0.027878597378730774, -0.6210429072380066, -0.5017619132995605, -0.19966620206832886, 0.5552388429641724, -0.043518953025341034, 0.48031434416770935, 0.41110438108444214, -0.6273959279060364, 0.8324440121650696, -1.1192805767059326, 0.4825494885444641, 0.19222161173820496, 0.10788804292678833, -0.9828230738639832, 0.3350882828235626, -0.5714271068572998, -0.14212293922901154, 0.8931089043617249, -0.7975212931632996, -1.229572057723999, 0.8726840019226074, 0.25858795642852783, 0.021089671179652214, -1.4348506927490234, 0.544733464717865, 0.4060591757297516, -0.0008574165403842926, 0.9711209535598755, -0.506033718585968, 1.3259401321411133, 0.0632149949669838, -0.1660885065793991, 0.03062286227941513, -0.8171287178993225, 0.9162933826446533, -0.27464860677719116, 1.064697265625, 0.16332098841667175, -0.3465947210788727, 0.17018236219882965, -0.21764585375785828, -0.7883539199829102, 0.6439206004142761, 0.04001843184232712, 0.6425873637199402, 0.6064295768737793, 0.021578922867774963, 0.6948248147964478, -0.13513857126235962, 1.1988131999969482, 0.9549777507781982, -0.42791813611984253, 1.5053821802139282, -0.555458664894104, 0.4341108798980713, 0.3064943253993988, 0.45380085706710815, 0.4178048074245453, 0.0867588073015213, -0.503899097442627, 0.8297998309135437, -0.4537801146507263, 1.383405327796936, 0.3918635845184326, 0.5554932355880737, 0.4919692575931549, 0.000980788841843605, 0.14923712611198425, -1.829782485961914, -0.10716196894645691, -0.3359874188899994, 0.13091906905174255, -0.7104079723358154, -0.14522753655910492, -0.07857856154441833, -0.9534125328063965, 1.3038803339004517, -0.710106611251831, 0.22196310758590698, -0.27885377407073975, -0.2353752702474594, -0.1866418421268463, -1.36273193359375, -1.2540096044540405, 0.39876192808151245, -1.8405680656433105, 0.1955682933330536, -0.9238702058792114, -0.8412827253341675, -0.19360287487506866, -0.05502533167600632, 0.870144248008728, -0.9676384925842285, -0.27808311581611633, -0.011246118694543839, 0.7341908812522888, -0.6583362817764282, -0.6448290348052979, -0.2744003236293793, 0.14794115722179413, 0.9279506206512451, -0.6986621022224426, 1.0016731023788452, -0.2148125022649765, -0.10222987830638885, -0.6024173498153687, 0.026190131902694702, -0.7507950663566589, 0.6674667596817017, 0.7646478414535522, -1.894294261932373, -0.9479790329933167, -0.8633676767349243, 0.0562376044690609, -0.91680508852005, 0.6536433100700378, 1.0618422031402588, -1.0622282028198242, -0.2902268171310425, 0.19260267913341522, 0.4360523819923401, -0.14967837929725647, -0.35149019956588745, -0.5779670476913452, -0.4778563976287842, 0.15852981805801392, 1.0684418678283691, 0.31968486309051514, 1.336670160293579, -1.8951085805892944, -0.6177938580513, -0.6875333786010742, -0.06987564265727997, 0.6879252195358276, -0.2104913890361786, 0.8118550181388855, 0.5802914500236511, -0.22763210535049438, 0.3526017963886261, 0.5298712253570557, 1.1239655017852783, 0.5358126163482666, 0.28687119483947754, -0.12292055785655975, 0.7497073411941528, -0.8564066886901855, -0.2760239839553833, -0.27592724561691284, 0.7999135851860046, -1.4316024780273438, -0.23855744302272797, -0.36410078406333923, -0.545124351978302, -0.14105916023254395, -0.8259857892990112, 0.351073682308197, -0.6211500763893127, 0.21469368040561676, -1.5198407173156738, 0.1787172555923462, 0.5862014293670654, 0.33073538541793823, 0.3558639883995056, 1.0881614685058594, 0.23867741227149963, 1.1002241373062134, 0.1750648319721222, 1.6937066316604614, 0.28382399678230286, -0.6541654467582703, 0.023808252066373825, 0.7913758754730225, -0.18820010125637054, -0.09619910269975662, -0.5647212266921997, -0.8187341094017029, 0.7225249409675598, -0.34068089723587036, 1.2169522047042847, -0.5522450804710388, 0.052147239446640015, 0.6772610545158386, 0.6671920418739319, 0.12089112401008606, -1.5050691366195679, -0.38292935490608215, -1.6522245407104492, 0.03406636044383049, 0.30392754077911377, 1.3564510345458984, 0.9409133195877075, 0.6548442840576172, -0.3340487480163574, 1.1298292875289917, -0.36505553126335144, -0.21090160310268402, -0.010991878807544708, 0.31394463777542114, 1.1067973375320435, 0.3647424578666687, 0.8370698094367981, 0.2861277461051941, 0.11653921008110046, -0.884515106678009, 0.5102080702781677, -0.6534647345542908, 1.3214564323425293, 0.262395977973938, -0.08314941823482513, 0.1394093781709671, -0.4451029300689697, 0.9660703539848328, -0.27254822850227356, 0.4853594899177551, 0.06994302570819855, -0.44167500734329224, -0.9393702149391174, -0.7824868559837341, -0.06278909742832184, 1.0877238512039185, -0.31946325302124023, -1.0415128469467163, -0.5409063696861267, 0.3292485773563385, 0.963355541229248, -0.6500778198242188, -0.9018489718437195, -0.234025239944458, -0.7663022875785828, -0.3228650689125061, -0.1378980129957199, -0.7684112787246704, -0.9158366322517395, -0.19842024147510529, -1.006421446800232, 1.239309549331665, -0.31608104705810547, -1.0616775751113892, -0.7008336186408997, 0.8762367367744446, 0.4343043863773346, 0.07649125903844833, -0.358087420463562, -0.39522579312324524, -1.4575072526931763, 0.8973860144615173, 1.2442752122879028, -0.48169007897377014, -0.41926679015159607, 0.34447962045669556, 0.6337900757789612, 0.2468695044517517, 1.2702291011810303]} +{"paper_id": "hellaswag", "embedding": [-0.16567152738571167, 0.868095338344574, -0.26562565565109253, 0.4346892833709717, 0.4449881613254547, 0.17896704375743866, 1.128712773323059, 0.3651720881462097, 0.860841691493988, 1.196061134338379, 0.6468111872673035, 0.3600737452507019, 0.2604465186595917, 0.02763824723660946, -0.35965508222579956, -0.7565571069717407, -0.95998615026474, 0.027956277132034302, -1.1000213623046875, -0.3561221957206726, -1.3397057056427002, -0.33682167530059814, -0.04094351455569267, 0.7552359104156494, -0.7456353306770325, -0.6102557182312012, 0.47746747732162476, -1.4453728199005127, 0.0883653461933136, 0.09017065167427063, 0.02396431565284729, 1.2354192733764648, -1.5866317749023438, 0.9551944136619568, -0.4345227777957916, -0.6062772274017334, -0.11976007372140884, 0.8104609847068787, 0.16266673803329468, -0.18681791424751282, -0.6616290211677551, 0.27715539932250977, 0.7015438675880432, 0.31022119522094727, 0.6899466514587402, -0.09621121734380722, -0.00814918801188469, -0.028269018977880478, -0.5142489075660706, 0.09782572090625763, -0.4395727515220642, 0.11873270571231842, -0.13643276691436768, 0.7601174116134644, -0.7481832504272461, 1.192360281944275, 0.33906567096710205, -0.9172521233558655, 0.6391652226448059, -0.5025131106376648, 1.1314772367477417, 1.798071026802063, -0.5031276345252991, 0.2800094783306122, 0.8425081968307495, -0.10697641968727112, 1.7235841751098633, 0.09273140132427216, -0.13706332445144653, 0.6905665993690491, -0.46950435638427734, -0.5150423645973206, -0.18357154726982117, -0.092096708714962, -0.18031945824623108, 0.546667754650116, 0.2760920524597168, 0.25577959418296814, 0.19999036192893982, 0.21782612800598145, -0.2334601879119873, 0.3650108575820923, -0.010686487890779972, -0.7703267931938171, -0.047699254006147385, 0.7224589586257935, 0.3766011595726013, -1.2190879583358765, 0.06825794279575348, -1.6801297664642334, 0.29735779762268066, 0.556130051612854, 0.10083812475204468, -0.27865928411483765, -0.24119484424591064, 0.3618261516094208, -0.05028405785560608, -0.40418559312820435, -0.6370693445205688, 0.5887693166732788, 0.7092893719673157, -0.4411335289478302, 0.3176894783973694, -0.4103105962276459, 0.9550423622131348, 1.0994197130203247, -0.25087735056877136, -0.27445298433303833, -0.7474346160888672, -0.6465415954589844, 0.06998983025550842, 1.1633989810943604, -0.24152493476867676, 0.7129829525947571, 0.26924827694892883, -0.17227992415428162, 0.20902717113494873, -0.42115676403045654, -0.5672239065170288, 0.2727607488632202, -0.49112847447395325, -1.0263360738754272, 0.0649164542555809, -0.38134658336639404, 1.0358891487121582, -0.8318667411804199, -0.07887708395719528, -0.2821051776409149, -0.18175257742404938, 0.513379693031311, -0.040124714374542236, 0.36687150597572327, -1.1632463932037354, 0.37039822340011597, 3.6613991260528564, -0.8643971085548401, 0.8871954083442688, -0.9963874220848083, -0.12243431806564331, -0.22320453822612762, -0.15334749221801758, 1.416947841644287, 0.05082070082426071, -0.6848866939544678, -1.0726869106292725, 0.34562626481056213, -0.7899512052536011, 0.43541768193244934, -0.34443312883377075, -0.1214546263217926, -0.06051323190331459, 0.02370547503232956, -1.3221619129180908, -0.5118200182914734, 0.3630276024341583, 0.20772549510002136, -0.3811309039592743, 0.6900018453598022, -0.19109037518501282, 0.8661301136016846, 0.1250421702861786, -0.12644565105438232, -0.015171080827713013, 0.7066110372543335, -0.7303330898284912, -0.07538514584302902, 1.0953576564788818, -0.29518046975135803, -0.6771138310432434, -0.30128568410873413, 1.0550755262374878, -0.39330658316612244, -0.6292380094528198, -0.6225376725196838, -0.2678121030330658, 0.7171137928962708, 0.45128142833709717, 0.767132580280304, -0.03401663154363632, -0.34305188059806824, -0.9188557863235474, -0.2374301701784134, -0.1265043020248413, 0.38321492075920105, -0.540054202079773, 0.5279607772827148, -2.2855300903320312, -0.5996463298797607, -0.5079985857009888, 1.326103925704956, -0.35377585887908936, 0.06164346635341644, -0.09050153940916061, 0.6355183720588684, -0.1509091854095459, 0.11873725056648254, 0.8891782164573669, -1.003149151802063, -0.16250529885292053, 0.09689399600028992, -0.22328916192054749, -0.8853777647018433, -0.6021758913993835, 0.6555680632591248, 0.7884365320205688, -0.6919830441474915, -0.44425371289253235, -1.8723496198654175, 0.5474115014076233, 2.4006152153015137, 0.6803058385848999, -0.8152405619621277, -1.4766701459884644, -0.7716655731201172, 0.49141961336135864, -0.08134534955024719, 0.5037339925765991, -0.7881011366844177, -0.007938899099826813, -1.5876649618148804, 0.22392380237579346, -0.15205514430999756, 0.48141685128211975, 1.3045192956924438, 1.4130468368530273, -0.11948802322149277, -0.12116076052188873, -0.6993458271026611, -0.28022587299346924, 0.46597155928611755, 0.3753504753112793, 0.3784192204475403, -0.2434355914592743, 0.9557503461837769, 0.2309841513633728, 1.044243574142456, 0.4513252079486847, 0.6063371896743774, -0.6551984548568726, 0.163959339261055, 0.2967396378517151, 0.02452896535396576, -0.13931293785572052, -0.2796822786331177, -0.04852830246090889, -0.04053092747926712, -0.46671149134635925, -0.29711997509002686, 0.3622084856033325, -0.2688937783241272, 1.192897915840149, 0.6929901838302612, -0.851834774017334, 0.4544515013694763, -0.6322332620620728, -0.24207046627998352, -0.10032658278942108, -0.7181768417358398, -0.10492344200611115, -0.23680350184440613, 0.37648335099220276, -0.30132758617401123, 0.16942694783210754, -0.019448943436145782, 0.1815868318080902, -1.3561402559280396, -0.31382015347480774, -0.2590298652648926, 0.1621745526790619, -1.0400937795639038, -0.2013186812400818, -0.08004169166088104, -0.6948421001434326, -0.24257656931877136, -0.18115387856960297, 0.4250774681568146, 0.19651789963245392, 0.7060546875, 1.9017443656921387, 0.1283513754606247, -0.14384043216705322, 0.09604845941066742, 1.086533784866333, -0.633848249912262, 0.5160235166549683, -0.21702051162719727, 0.3845842480659485, -0.8207040429115295, 0.31147629022598267, -0.7742446064949036, 0.9600141048431396, 0.6983512043952942, -0.004463091492652893, 0.4801630675792694, -0.3759807050228119, -0.5335072875022888, 1.085936427116394, -0.7679038047790527, 0.8259531855583191, -1.0370583534240723, 1.5178437232971191, 0.6927712559700012, -0.2508695125579834, 0.6296685338020325, -0.6238494515419006, -0.4916091859340668, 1.1699750423431396, -0.6329038143157959, 0.2698540687561035, 0.32643771171569824, 0.2973289489746094, 0.4040212631225586, 0.8086139559745789, -2.4605414867401123, 0.4420210123062134, 0.8666112422943115, -0.48508426547050476, -0.5641286373138428, -1.1961982250213623, 0.6414775848388672, -0.5974170565605164, -0.09310644865036011, 0.39420363306999207, -0.6673940420150757, 0.1304692178964615, -0.5636351108551025, 0.3564479947090149, 0.05943777784705162, -0.8914923071861267, 0.37002429366111755, 0.8387213349342346, 0.22617104649543762, -1.133558750152588, -0.1998051106929779, 1.1649278402328491, -0.6230277419090271, 0.08970414102077484, 0.17085149884223938, 1.0975313186645508, 0.8802905082702637, -0.1864846646785736, -0.3007337152957916, 0.8915666937828064, 0.11370045691728592, 0.005352025851607323, 0.4106164872646332, -0.2730383276939392, -0.043277010321617126, -0.07118040323257446, 0.9290927648544312, -0.25272470712661743, -0.6375455856323242, -1.1684839725494385, -0.1337752342224121, 0.008189447224140167, -0.6575847864151001, 1.4710626602172852, 0.7940163016319275, 1.564614176750183, -0.18582482635974884, 0.44407376646995544, -0.512215256690979, -0.08057720959186554, 0.18620513379573822, -0.1770937293767929, 0.2937217354774475, -0.8296915292739868, -0.2946995794773102, 0.7258697152137756, 0.4424896538257599, -0.380232036113739, -0.1840505748987198, 0.4269532263278961, 0.1382308453321457, -0.5989579558372498, 0.2237713485956192, 0.5997797846794128, 0.04520431160926819, 1.944353699684143, -0.8500002026557922, -0.25496968626976013, 0.12493158131837845, 0.7163788080215454, 0.3561150133609772, 0.49624931812286377, -0.5514426231384277, 0.5107845067977905, 0.1622784286737442, 0.48783445358276367, 0.10169683396816254, 0.7991724014282227, 0.9524127840995789, -0.13566793501377106, -0.8911536335945129, -0.2926207184791565, -0.637442946434021, -0.2282630205154419, 0.1302829384803772, -0.22015325725078583, 0.0738859549164772, 1.1092441082000732, 0.02421257644891739, -1.2134552001953125, 1.2665222883224487, -0.20957182347774506, -1.2411162853240967, 0.6341564059257507, 1.2310924530029297, -1.0145628452301025, -0.23339137434959412, 0.30062633752822876, -0.9675299525260925, -0.642376720905304, 0.21072493493556976, -0.5068113803863525, 0.9316311478614807, -0.0968625396490097, 1.3668009042739868, 0.08078455924987793, -0.10422550141811371, -0.8647357821464539, 0.8357660174369812, 1.4091055393218994, -0.7994604706764221, 1.474252462387085, -0.29860401153564453, 0.16436056792736053, 0.4599243998527527, -0.6031779050827026, -0.46142247319221497, 0.8956183791160583, 0.3447193205356598, 0.30204111337661743, -0.5799368619918823, -0.5574613809585571, 0.4303741455078125, -0.0863366574048996, 0.8121131658554077, -1.2372345924377441, 0.24171456694602966, -0.3241243064403534, 0.0672503262758255, 0.31486594676971436, -0.6643423438072205, -1.0998482704162598, 0.8485273122787476, -0.8074866533279419, 0.6136473417282104, -0.3379581570625305, 0.47059619426727295, 1.7739506959915161, 0.13520511984825134, 0.21890483796596527, -0.18612290918827057, -11.54161548614502, 0.7128996253013611, 0.1553482562303543, 0.11213912069797516, 0.5735604763031006, -0.6771948933601379, -0.09816627949476242, -0.08492672443389893, 0.20547303557395935, -0.3795686662197113, 0.8647078275680542, 0.6656756401062012, 0.1839413344860077, -0.4213392734527588, -0.5599343776702881, -1.3302043676376343, -0.5056532025337219, -0.850380539894104, 0.27246159315109253, 0.06455758213996887, -0.3342202603816986, -1.3701804876327515, 0.24952678382396698, 0.14685361087322235, 0.8727545142173767, 0.2488315999507904, -0.6522849202156067, -0.2446703016757965, -0.47400104999542236, 0.5529537200927734, 0.3342302441596985, -0.05388922989368439, -0.8861942291259766, -0.41879960894584656, 0.5480194091796875, -0.3243514597415924, -1.0157208442687988, 0.28433695435523987, 0.5155168771743774, 0.2884441316127777, -0.24101711809635162, -0.31934401392936707, 0.28842195868492126, -0.16931450366973877, -0.9268553853034973, 0.17417342960834503, 0.5756525993347168, -0.8828261494636536, -0.6522415280342102, -0.22875705361366272, -0.3515760898590088, -0.5664476156234741, -0.8669928908348083, -0.814817488193512, 0.19156956672668457, -0.0033272039145231247, -0.7049158811569214, 0.05718088895082474, -0.23549345135688782, -1.3821938037872314, -0.01512473076581955, 0.06638194620609283, -0.5050274729728699, -0.1889040172100067, 0.30330532789230347, -0.19642414152622223, 0.5859358906745911, 0.20637139678001404, -0.017687823623418808, 0.5359567403793335, -0.755447268486023, 1.4389704465866089, -0.10478523373603821, 0.5550700426101685, -0.8196069598197937, 0.02857242524623871, -0.4021148681640625, -0.40868112444877625, 0.6562857627868652, 0.02081594616174698, -1.1736305952072144, 0.481210857629776, 0.14137277007102966, 0.17476674914360046, -0.8578963279724121, 0.22996759414672852, -0.15196493268013, -0.5800129175186157, 0.948601484298706, -0.361380934715271, 1.1784387826919556, -0.4978737533092499, -0.6356449723243713, 0.2796121835708618, -0.6669073700904846, 0.8274396657943726, -1.2024275064468384, 0.7213681936264038, 0.26104623079299927, -0.9436084032058716, 0.3126894235610962, -0.30705612897872925, -0.43834593892097473, -0.1051403284072876, 0.4027440845966339, 0.2400568425655365, 0.023824825882911682, -0.3975452780723572, -0.38396793603897095, -0.8804588317871094, 0.8151139616966248, 0.11659015715122223, 0.026049921289086342, 0.6292673349380493, -0.24764850735664368, 0.17588546872138977, 0.8869442939758301, 0.10748326778411865, 0.39140158891677856, 0.8132312297821045, -1.004421353340149, 1.1618406772613525, 0.3169572055339813, 0.8629066348075867, 0.053818341344594955, 0.3201157748699188, 0.40250009298324585, 0.5224959850311279, -0.10837657004594803, -1.8671259880065918, 0.5529654622077942, -0.47029316425323486, 0.07389964908361435, -0.9180765151977539, -0.32854458689689636, -0.06780339032411575, -0.84160315990448, 1.526488184928894, -0.6679971218109131, -0.11305973678827286, 0.372552752494812, -0.008570350706577301, 0.20244991779327393, -0.7767212390899658, -0.8686525821685791, -0.1713719367980957, -1.9372297525405884, 0.3693642318248749, -0.5411593914031982, -0.457050085067749, -0.08760818839073181, -0.352756530046463, 0.871936559677124, -1.1876177787780762, -0.13142035901546478, -0.10400352627038956, 0.3757152557373047, -0.779492974281311, -0.5097640156745911, -0.370248407125473, -0.1430867612361908, 1.4852948188781738, -0.793910562992096, 0.9862570762634277, 0.20265087485313416, -0.4440433979034424, -0.023271813988685608, 0.1709863692522049, -0.2719482183456421, 0.42144981026649475, 1.241679072380066, -1.1768505573272705, -0.025426868349313736, -1.0265532732009888, -0.14766645431518555, -0.7903785705566406, 0.8314273357391357, 1.3339674472808838, -0.8546542525291443, -0.22812627255916595, -0.02821951173245907, 0.7835025787353516, 0.28601065278053284, -0.5476526021957397, -0.07152251899242401, -0.0706641897559166, 0.32477739453315735, 0.5529449582099915, -0.23771369457244873, 1.274454116821289, -1.8156734704971313, -1.0061705112457275, -0.4240693747997284, -0.13730478286743164, 0.9783281683921814, 0.04245312139391899, 0.8475406169891357, 0.878442645072937, 0.34466394782066345, -0.1580333262681961, -0.08482570946216583, 1.2815388441085815, 0.0835537239909172, 0.13950932025909424, -0.0615287646651268, -0.18327395617961884, -0.3401193916797638, -0.2742314040660858, -0.02863948792219162, 0.4691051244735718, -1.1120232343673706, -0.3866916298866272, -0.36140093207359314, -0.2793770432472229, 0.32933738827705383, -0.7561516761779785, 0.2822750508785248, -0.35103437304496765, -0.37276819348335266, -1.2101447582244873, 0.4647359251976013, 1.2845203876495361, 0.23279012739658356, 0.9781845211982727, 0.788537323474884, 0.19531868398189545, 0.6595074534416199, 0.12045151740312576, 1.2715840339660645, 0.19393253326416016, -0.1560935080051422, 0.1839137226343155, 0.673722505569458, 0.4163423180580139, -0.08416584134101868, -0.5344555377960205, -0.8547701239585876, 0.6364140510559082, -0.3556184768676758, 0.011597834527492523, -0.2831558585166931, 0.11731182038784027, 1.2952371835708618, 1.0598349571228027, -0.27204567193984985, -1.6909106969833374, -0.3224044144153595, -1.3549423217773438, 0.15756459534168243, 0.9517533779144287, 0.6760583519935608, 1.17879056930542, 0.6262373924255371, -0.0748063325881958, 0.9074641466140747, -0.25578173995018005, -0.2963417172431946, 0.29621443152427673, 0.719540536403656, 1.4579453468322754, 1.1658406257629395, 0.03194630891084671, 0.03731751814484596, -0.6669726967811584, -0.6130593419075012, -0.03395325690507889, -0.7813770174980164, 0.7606360912322998, 0.7483445405960083, -0.6778631806373596, 0.18587075173854828, -0.4488910436630249, 0.2174433022737503, -0.6995881199836731, 0.7482448220252991, -0.13938865065574646, -0.46288442611694336, -1.0296491384506226, -0.5336995720863342, -0.060718730092048645, 0.7013124227523804, -0.12895768880844116, -0.06483208388090134, -0.29203301668167114, 1.1971887350082397, 0.22014346718788147, -0.24177473783493042, -1.2148568630218506, 0.11313335597515106, -0.848652184009552, -0.04871075972914696, -0.08102945238351822, -0.9123476147651672, -0.13704127073287964, -0.3846782445907593, -0.9632850289344788, 0.27577000856399536, 0.09003476798534393, -0.8108674883842468, -0.8597307205200195, 0.3759729862213135, -0.012391310185194016, -0.00045732036232948303, 0.603695273399353, -0.05053918808698654, -1.5084162950515747, 0.9367799162864685, 0.8670786619186401, -0.44136542081832886, -0.1539081335067749, 0.19638249278068542, 0.6187031269073486, -0.20283067226409912, 1.584474802017212]} +{"paper_id": "piqa", "embedding": [-0.6181443929672241, 1.223279595375061, 0.2093486487865448, -0.31686896085739136, 0.10449483245611191, 0.28457239270210266, 0.5052608847618103, 0.715050220489502, 0.5324558019638062, 0.20285692811012268, 0.5852146744728088, -0.053995199501514435, -0.48748689889907837, -0.23358739912509918, -1.012784481048584, -0.006578393280506134, -1.0520058870315552, -0.6079548001289368, -1.115600347518921, -0.17883095145225525, -0.6037412285804749, -1.5066863298416138, -0.03816969692707062, 1.101352334022522, -1.2237144708633423, -0.8157577514648438, 0.827423632144928, -0.9831270575523376, 0.3403429090976715, 0.17029565572738647, -0.166221022605896, 1.036991000175476, -1.1955077648162842, 1.9438263177871704, 0.007394976913928986, -0.5828450918197632, 0.034835074096918106, 0.6558501720428467, -0.1387309730052948, -0.5416789054870605, 0.02527075819671154, 0.04125559329986572, 0.7664653658866882, -0.1536884754896164, 0.48415255546569824, -0.6456573009490967, 0.18164294958114624, 0.5534467697143555, -0.7917007803916931, -0.25891003012657166, -0.9930886030197144, 0.5816102623939514, -0.3629668951034546, 0.6469869613647461, -0.12904289364814758, 1.1120519638061523, 0.19584566354751587, 0.004013790283352137, 0.7102816700935364, -0.6867953538894653, 1.3011516332626343, 1.785618782043457, -0.17627651989459991, 0.02732493355870247, 0.8216694593429565, 0.7228421568870544, 1.1521202325820923, 0.19129545986652374, 0.5398586392402649, -0.032916754484176636, -0.2630324959754944, -0.9905053377151489, -0.36154404282569885, 0.42218029499053955, -0.21454846858978271, 0.6830739974975586, 0.23054754734039307, 0.30191487073898315, 0.22516387701034546, 0.7601105570793152, -0.13409219682216644, -0.2911521792411804, 0.9795559048652649, -0.8180301189422607, 0.23586735129356384, 0.8062507510185242, 0.5983314514160156, -0.8790896534919739, 1.1599600315093994, -0.8499584794044495, 0.6410751938819885, 0.46061375737190247, 0.33734461665153503, -0.18274888396263123, 0.03499326854944229, 0.6194583177566528, -0.15696506202220917, -0.17648175358772278, -0.3036056160926819, 0.8883383274078369, 0.3430946469306946, 0.5339010953903198, 0.2639850378036499, -0.3163500130176544, 0.4453686475753784, -0.2507234513759613, 0.6864190101623535, 0.21318212151527405, -0.7461012005805969, -0.9063705801963806, -0.2039945125579834, 1.2951260805130005, 0.22025609016418457, 0.3072001338005066, 0.13206620514392853, -0.09347473829984665, -0.26903989911079407, -0.8420642614364624, 0.20854751765727997, 0.5758024454116821, -0.050222739577293396, -0.7368932962417603, -0.6603732109069824, -0.6568232774734497, 0.5504936575889587, 0.010058630257844925, -0.93414306640625, -0.06176498159766197, -0.6156519651412964, 0.16055288910865784, 0.040549762547016144, -0.042440589517354965, -0.8135306239128113, 0.055192966014146805, 3.6588501930236816, -1.350355625152588, 1.2277106046676636, -1.4639531373977661, 0.189346045255661, -0.7625771760940552, -0.5471683144569397, 1.0327924489974976, -0.10962115973234177, -0.31131404638290405, -0.9084978699684143, 0.2926361560821533, -0.2662462294101715, 0.15016134083271027, -0.9063438177108765, -0.1652786284685135, 0.08134462684392929, 0.1883537471294403, -1.6330640316009521, -0.37908676266670227, -0.06392641365528107, 0.13216406106948853, -0.5469756722450256, 0.032176245003938675, -0.19649234414100647, 0.3332827389240265, -0.5549259781837463, 0.003463834524154663, -0.4306224584579468, 0.07081322371959686, -0.29745379090309143, -0.24047906696796417, 0.42849916219711304, -0.18991497159004211, -1.0396170616149902, -0.3667626976966858, 0.44017910957336426, -0.20867961645126343, 0.1495053470134735, 0.09221705049276352, -0.6161454916000366, 0.5644887685775757, 0.5896778106689453, 1.169921636581421, 0.16481824219226837, -0.4639835059642792, -0.3183194100856781, -0.17654162645339966, 0.21511486172676086, 0.19969722628593445, -0.06042034924030304, -0.4598340392112732, -2.8065133094787598, 0.11814263463020325, -0.8113206028938293, 1.0149023532867432, 0.3682047724723816, 0.7406724095344543, 0.3973737955093384, 0.26129820942878723, -0.6945968866348267, 0.07133431732654572, 0.3918400704860687, -1.390141248703003, -0.04961849004030228, 0.8095636963844299, -0.41116538643836975, 0.03466130793094635, -0.5466444492340088, 1.2297608852386475, 0.4531530439853668, -0.3999171555042267, -0.5572043061256409, -1.8623417615890503, 0.37393268942832947, 1.5294090509414673, 0.941932737827301, -0.7976208329200745, -0.6926556825637817, 0.073208749294281, 0.24738910794258118, 0.08313542604446411, 0.3725900948047638, -0.7353783249855042, 0.5520941019058228, -1.151664137840271, 0.5409350395202637, 0.03333384543657303, 0.3576766550540924, 0.5101005434989929, 1.8339049816131592, -0.521457314491272, -0.032272275537252426, -0.39977332949638367, -0.5194523930549622, 1.0596996545791626, 0.45183953642845154, 0.5676212310791016, -0.17850574851036072, 0.49099910259246826, 0.2956227958202362, 0.7344877123832703, 0.6832252740859985, 0.97242671251297, -1.3475209474563599, 0.21172545850276947, -0.1742655336856842, 0.9106572866439819, 0.1556345522403717, 0.355032354593277, 0.25209325551986694, -0.5381929874420166, -0.2990265488624573, -0.4480223059654236, 0.20900948345661163, 0.1832047402858734, 1.790439248085022, 0.1501479595899582, -0.9296941757202148, -0.19072124361991882, -0.31956493854522705, -0.5377565622329712, -0.14808475971221924, -0.3066449761390686, 0.6273662447929382, -0.3962988257408142, 0.6285517811775208, 0.07880719006061554, -0.020646119490265846, -0.5219705104827881, -0.1160663366317749, -1.2579565048217773, 0.29791104793548584, 0.0018937140703201294, -0.08725740015506744, -0.3365950584411621, -0.2783318758010864, -0.32141077518463135, -0.7063332200050354, -0.7158507704734802, 0.24426202476024628, -0.09040608257055283, 0.8024438619613647, 0.49917837977409363, 1.082721471786499, -0.15747323632240295, 0.07788189500570297, -0.8173869848251343, 0.9794579148292542, -0.1964576542377472, 0.27974069118499756, -0.3304406702518463, 0.5588459968566895, -0.6584123373031616, 0.36809685826301575, -1.0123565196990967, 0.3684083819389343, 0.043057434260845184, -0.6122036576271057, 1.0000985860824585, -0.45125511288642883, -1.0773756504058838, 1.1795748472213745, 0.4090893864631653, -0.04246417433023453, -0.2444346696138382, 1.4600001573562622, -0.4067637324333191, -1.1492949724197388, 0.3096024990081787, 0.059935539960861206, -0.4340170919895172, 0.8892031908035278, 0.26101335883140564, 0.08792494237422943, 0.5864869356155396, 0.24788658320903778, -0.1478157788515091, 0.25296536087989807, -2.2004473209381104, 1.0357036590576172, 0.6910255551338196, -0.9624192118644714, -0.229339137673378, -1.3493702411651611, 0.18864111602306366, -1.3235522508621216, -0.03529071435332298, 0.8528000712394714, -0.2891678512096405, 0.46265557408332825, -0.2509680688381195, 0.1867683082818985, 1.0114713907241821, -0.8420819044113159, -0.23911355435848236, 0.027722932398319244, 0.38812562823295593, -1.0363385677337646, -0.23467472195625305, 0.9239106178283691, -0.270918607711792, -0.07032556086778641, 0.43945303559303284, 1.1421351432800293, 0.47009044885635376, 0.17539899051189423, -0.2889929413795471, 0.36831098794937134, 0.2532258629798889, 0.4516792297363281, 0.7172346115112305, -0.3941408395767212, 0.5113003253936768, -0.026314932852983475, 1.2377783060073853, -0.27770838141441345, -0.16015513241291046, -1.115338921546936, 0.06531211733818054, 0.7004401683807373, -0.4872395098209381, 1.7480158805847168, 0.6062370538711548, 1.2042487859725952, -0.6536291241645813, 0.1500266045331955, -0.7478169202804565, -0.6206825375556946, 0.6992237567901611, 0.04024934396147728, 0.36953043937683105, -0.4632576107978821, -0.29260799288749695, 0.7337720394134521, 0.5565416216850281, -0.1962152123451233, 0.4251057803630829, 1.0261130332946777, 0.9358614087104797, 0.11070971190929413, 0.8340123891830444, 1.2089263200759888, 0.052015602588653564, 0.6699634790420532, -0.5629063248634338, -0.08796925842761993, -0.20248307287693024, 0.43395093083381653, 0.1173144206404686, -0.12245772778987885, -0.3016127943992615, 1.0587379932403564, 0.3380744159221649, 0.3678842782974243, 0.26524895429611206, 0.9096028804779053, 1.7052305936813354, 0.032618921250104904, -1.3144958019256592, 0.3816702365875244, -0.2506512403488159, -0.07699500024318695, 0.8906435966491699, -0.09272673726081848, -0.08908944576978683, 0.6256030201911926, 0.031189609318971634, -1.0527820587158203, 0.7311017513275146, -0.4712871015071869, -1.0065208673477173, 0.46320128440856934, 0.7445966005325317, -0.5865024328231812, -0.4393344521522522, 0.42660778760910034, -0.34428268671035767, -1.1131584644317627, 0.36186662316322327, -0.0546821691095829, 0.7980985045433044, 0.26724672317504883, 1.346658706665039, -0.1436609923839569, 0.23694483935832977, -0.6418576240539551, 0.9547870755195618, 0.2287353277206421, -0.23617994785308838, 0.5304615497589111, -0.20808841288089752, 0.17405815422534943, -0.06812697649002075, -0.524911105632782, -0.5735740065574646, 1.3608218431472778, -0.3684214651584625, -0.29319342970848083, -1.1690398454666138, -0.4138029217720032, 0.5321857333183289, 0.037727806717157364, 0.3615884780883789, -1.4025442600250244, -0.10402442514896393, -0.5853491425514221, 0.14416086673736572, 0.5619277358055115, -0.6995534300804138, -1.0259194374084473, 0.25428226590156555, -0.19718722999095917, 0.640509843826294, -0.9842824935913086, -0.3469068706035614, 1.9239518642425537, -0.30808451771736145, -0.1723584681749344, 0.5324229001998901, -11.673871040344238, 1.4865331649780273, 0.1553296148777008, 0.5720202326774597, 0.33023592829704285, -0.8439764380455017, 0.4167128801345825, -0.395891010761261, 1.0792533159255981, -0.6114208698272705, -0.2801474332809448, 0.6071868538856506, 0.7586355209350586, 0.04620473459362984, -0.8198627829551697, -1.238075852394104, -0.6102509498596191, -0.6025539636611938, -0.6597343683242798, 0.43512341380119324, -0.233332559466362, -0.9359816908836365, -0.723006010055542, 0.5141294002532959, 0.1514037549495697, -0.19512653350830078, -1.113861322402954, -0.3927411735057831, 0.016515202820301056, -0.22770942747592926, 0.9802392721176147, 0.07363282144069672, -0.0873420462012291, -0.81100994348526, 0.14836294949054718, -0.34433308243751526, -0.7276085615158081, 0.5289545059204102, 0.9192491769790649, 0.35816553235054016, -0.3334224820137024, -0.12777301669120789, 0.4553459584712982, -0.06328216940164566, -0.518336296081543, 0.9418318867683411, 0.5429617166519165, -0.8863862156867981, -0.01853204518556595, -0.03541572391986847, -0.5909611582756042, -0.3529728055000305, -0.2338961958885193, -0.7538888454437256, 0.5083498358726501, 0.6284759044647217, -0.4570356011390686, -0.12781181931495667, -0.5235695242881775, -1.5656148195266724, -0.365831196308136, -0.03342653438448906, 0.40616270899772644, 0.5020922422409058, 0.2219069004058838, 0.05944856256246567, -0.2550452649593353, 0.13814112544059753, -0.7399053573608398, 0.30003517866134644, -0.9101830720901489, 0.5337284803390503, -0.004076012410223484, 0.3700951337814331, -1.4874290227890015, 0.007212109863758087, -1.7587987184524536, 0.7004556655883789, 0.39266833662986755, -0.9903815388679504, -0.8982333540916443, 0.9576387405395508, 0.26631706953048706, -0.14547446370124817, -0.5792142152786255, 0.9892022013664246, 0.7584149837493896, 0.3863518536090851, 0.7513833045959473, -0.9384820461273193, 1.1609251499176025, 0.501891016960144, -0.24100036919116974, -0.28597602248191833, -0.31557902693748474, 0.4993399381637573, 0.310714989900589, 0.38452649116516113, -0.08967983722686768, -0.4644489586353302, -0.03684063255786896, -0.525034487247467, -0.7327436208724976, 0.05112900212407112, 0.5447310209274292, 0.5652129054069519, 0.5734567046165466, -0.23195168375968933, 0.05688059702515602, -0.3912597894668579, 0.5843947529792786, -0.3946394920349121, -0.7865847945213318, 0.8697522282600403, -0.2194947898387909, -0.5794873833656311, 0.812391996383667, -0.6127239465713501, -0.11336228251457214, 0.415045827627182, 0.025311579927802086, 1.5829219818115234, -0.04898510128259659, 1.181514859199524, 0.27429044246673584, -0.613410234451294, 0.6058012247085571, 0.23160064220428467, -0.16188278794288635, -1.4966096878051758, 0.6520194411277771, -0.3457809388637543, -0.39475616812705994, -0.39474207162857056, -0.477234423160553, 0.09800298511981964, -0.3135576546192169, 1.4020178318023682, -0.6887295842170715, 0.07141023129224777, 0.22526465356349945, 0.09484367072582245, -0.532869815826416, -0.9132299423217773, -1.1907835006713867, -0.04477914422750473, -1.446575403213501, 0.5645523071289062, -0.42214593291282654, -0.3341701626777649, -0.3408706486225128, -0.17496412992477417, 0.23443028330802917, -0.36261990666389465, -0.21961970627307892, -0.3731015920639038, -0.6753519177436829, -0.9053904414176941, -0.5613890886306763, -0.0329393669962883, 0.6099419593811035, 1.2874559164047241, -1.114275574684143, 0.6035562753677368, 0.007084973156452179, -0.1567929983139038, -0.35886794328689575, 0.007186822593212128, -0.19077296555042267, 0.3295193314552307, 0.7175476551055908, -1.0293978452682495, -0.1895165592432022, -0.4345358610153198, 0.139584019780159, -0.9176780581474304, 0.5983545780181885, 1.1129266023635864, -0.7053035497665405, -0.13262663781642914, -0.27188318967819214, 1.1177550554275513, 0.46460047364234924, -0.21831995248794556, -0.27593785524368286, -0.10597090423107147, -0.2685312032699585, 0.05800420045852661, 0.24272918701171875, 1.615156888961792, -1.43367338180542, -0.506072998046875, -0.00868338905274868, 0.4030364751815796, 0.9048411846160889, 0.5986796617507935, 0.7243685126304626, 1.0958678722381592, -0.14103561639785767, 0.3580320179462433, -0.1290692836046219, 0.6701714992523193, 0.3435666561126709, 0.25878772139549255, -0.238884836435318, 0.7008939981460571, -0.21620747447013855, -0.6835671663284302, -0.4716968834400177, 0.9539101719856262, -1.3803496360778809, -0.16325998306274414, -0.41581904888153076, -0.2646609842777252, 0.5400423407554626, -0.9605119228363037, 0.008424576371908188, -0.6310220956802368, -0.5930665135383606, -1.1184558868408203, 0.18260882794857025, 0.7372782826423645, -0.046872325241565704, 0.8119718432426453, 0.2846194803714752, 1.0917118787765503, 0.4591079354286194, -0.30847984552383423, 0.35274022817611694, -0.063752681016922, 0.46171092987060547, 0.19324824213981628, 0.9336162805557251, 0.23537972569465637, -0.14936253428459167, -1.06228506565094, -0.38323456048965454, 0.5548058152198792, -0.801489531993866, 1.3892019987106323, -0.2872980833053589, 0.5027086734771729, 1.0149093866348267, 1.2200342416763306, -0.5874049663543701, -2.02647066116333, -0.535679042339325, -1.2256734371185303, -0.11667770147323608, 0.7030202150344849, 0.0391143262386322, 0.6151480674743652, 0.7865563631057739, 0.14840362966060638, 0.8856562376022339, -0.22305019199848175, -0.04343733191490173, 0.22967684268951416, -0.41769200563430786, 0.693506121635437, 0.8368704915046692, -0.028282303363084793, 0.656940221786499, 0.23069342970848083, -1.2937099933624268, -0.03483328968286514, -1.119810938835144, 0.7200819849967957, 0.5427951216697693, -0.4661303758621216, -0.47234416007995605, -0.6475955247879028, 0.49551665782928467, -0.7738732099533081, 0.867864191532135, -0.2301981896162033, -0.10451582074165344, -0.9128566980361938, -0.2926779091358185, -0.039073120802640915, 0.5429915189743042, 0.6059554815292358, -0.49914056062698364, -0.4101985692977905, 1.552613615989685, 0.406970739364624, -0.2611432373523712, -1.133514642715454, -0.520678699016571, -0.6708869338035583, -0.46910715103149414, -0.35086604952812195, -0.6432420015335083, -0.8550506830215454, -0.6096866130828857, -0.4380110502243042, -0.26895540952682495, -0.42118918895721436, -0.614108681678772, -0.7984374761581421, 0.6071934103965759, -0.28939229249954224, 0.12631574273109436, 0.3134016990661621, 0.6054520010948181, -1.397210717201233, 0.3136845827102661, 1.5928915739059448, -0.060505226254463196, -0.17612048983573914, 0.4040416181087494, 0.12145325541496277, -0.47657543420791626, 0.3210166394710541]} +{"paper_id": "samsum", "embedding": [-0.05019644647836685, 0.9357110261917114, -0.1374809592962265, 0.5711196660995483, 0.13439959287643433, 0.3526754081249237, 0.861319899559021, 0.9939543008804321, 0.7636560201644897, 0.33578985929489136, 0.30858898162841797, -0.057138025760650635, -0.2855851948261261, -0.017495112493634224, -0.11921614408493042, -0.5241703391075134, -1.3514630794525146, -0.9225755929946899, -0.6866605281829834, -0.567650318145752, -0.5154950618743896, -0.2822188138961792, -0.31073206663131714, 0.4506462812423706, -0.9259428977966309, -0.37094342708587646, 1.5294028520584106, -1.3514879941940308, 0.15094700455665588, 0.7182424068450928, -0.32861214876174927, 1.4497277736663818, -0.9293016791343689, -0.40643924474716187, -0.7170556783676147, -0.4317909777164459, -0.10386780649423599, 0.24944400787353516, -0.3543160557746887, 0.7851606011390686, -1.1417579650878906, 0.46564969420433044, 0.3326888978481293, 0.30695825815200806, -0.21615208685398102, -0.18208405375480652, -0.10323584079742432, 0.45762327313423157, -0.7320965528488159, 0.07128770649433136, -0.2332659214735031, 0.6711915135383606, 0.0010764822363853455, 0.6330983638763428, 0.08123992383480072, 1.5481840372085571, 0.10900779813528061, -0.7393887639045715, -0.04161720722913742, -0.8227585554122925, 1.371275544166565, 1.30867600440979, -0.6226615309715271, 0.5824581384658813, 1.2264914512634277, -0.4910159707069397, 1.4810506105422974, 0.2998972535133362, 0.47281187772750854, 1.2847775220870972, -0.33318406343460083, -1.1322616338729858, 0.9145556092262268, -0.41007864475250244, -0.2737720310688019, 1.0973323583602905, 0.5729796886444092, 0.3574812710285187, -0.3398306965827942, -0.3379661440849304, 0.2854148745536804, 0.905816376209259, 0.5011261105537415, -0.4921666383743286, 0.44970470666885376, 0.2726301848888397, 0.3249329924583435, -0.3158054053783417, -0.016941094771027565, -1.6321450471878052, -0.09579771757125854, -0.07233688235282898, -0.38899409770965576, -0.23370465636253357, -0.30246973037719727, 0.48513543605804443, 0.05542454496026039, -0.37471553683280945, -0.5340884923934937, 0.22206637263298035, 1.0615613460540771, -0.8261387348175049, -0.012599610723555088, -0.42439332604408264, 0.5317988395690918, 0.06302157044410706, 0.03800879418849945, -0.054396696388721466, -0.27097150683403015, -0.8363630771636963, -0.3162659704685211, 0.9100854992866516, -0.2803507149219513, 1.1716409921646118, -0.33658427000045776, 0.24417397379875183, 0.400179386138916, -0.7294535636901855, -0.44131308794021606, -0.5287483930587769, -0.7699450254440308, -0.7645273804664612, 0.10859428346157074, 0.20923976600170135, 0.44375765323638916, -0.550177276134491, 0.21141943335533142, -0.5355960130691528, -0.16877785325050354, -0.0781935453414917, 0.8203519582748413, -0.31279605627059937, -0.6485040783882141, -0.2696838974952698, 2.0570435523986816, -1.310564637184143, 1.9169197082519531, -0.38988053798675537, -0.5467528700828552, -0.5692304372787476, 0.18948790431022644, 1.6671996116638184, -0.5475018620491028, -0.5958694815635681, -0.46255677938461304, -0.042335525155067444, -0.771220326423645, 0.533261775970459, -0.2699750065803528, -0.4374164044857025, -0.27204418182373047, 0.42755258083343506, -1.2528045177459717, -0.0870877280831337, -0.2009246051311493, 0.5894122123718262, 0.6303931474685669, 0.7271003723144531, -0.5556655526161194, 0.9416470527648926, 1.4273688793182373, 0.007228739559650421, -0.06244054436683655, 0.2878962457180023, -1.4676865339279175, -0.22976085543632507, 0.20550686120986938, -0.01628122478723526, -0.8274577260017395, -0.7654971480369568, 0.3754183053970337, -0.25923991203308105, -0.015961259603500366, 0.24260440468788147, -0.42633485794067383, -0.17560723423957825, 0.7226694226264954, 0.24910131096839905, 0.38047921657562256, -0.856029748916626, -0.8388391733169556, -0.35194259881973267, 0.21780136227607727, 0.6190474629402161, -0.2816229462623596, 0.4681515693664551, -1.7353414297103882, 0.28709548711776733, 0.06891050934791565, 1.1286768913269043, 0.11673390865325928, -0.5102153420448303, 0.19646823406219482, -0.37563756108283997, 0.5073166489601135, -0.6294840574264526, 0.19991683959960938, -0.5383564829826355, 0.25744983553886414, 0.27650976181030273, 0.018834181129932404, 0.17933019995689392, 0.40431275963783264, 1.0116088390350342, 1.7455124855041504, -0.8014312386512756, -0.42178428173065186, -1.2479369640350342, 0.0526474229991436, 1.9684467315673828, 0.041801948100328445, -0.409680038690567, -1.4225951433181763, -0.027737945318222046, 0.5030850172042847, 0.13397657871246338, -0.30012190341949463, -0.6081032156944275, -0.05495595186948776, -1.738194465637207, 0.3563549816608429, -0.648673951625824, -0.2949316203594208, 0.4108738303184509, 1.0392861366271973, -1.091799259185791, -0.4175558388233185, -0.3547816574573517, -0.4308466613292694, 0.14641490578651428, 1.0913355350494385, -0.08340895920991898, 0.25170645117759705, 0.6644461750984192, 0.19837835431098938, 0.22322098910808563, -0.04552368447184563, 0.23298369348049164, -0.28722286224365234, -0.5298401117324829, 0.3274455666542053, 1.4575526714324951, -0.0730535238981247, 0.64478600025177, 0.06085585057735443, 0.506484866142273, 0.21210849285125732, -0.5827878713607788, 0.07551740109920502, -0.1769043207168579, 1.7435674667358398, 1.681091070175171, 0.367659330368042, 1.2240010499954224, -0.9018706679344177, 0.32948464155197144, -0.5497944951057434, -1.0595265626907349, -0.6425682902336121, -0.48586469888687134, 1.3740801811218262, 0.6888657212257385, 0.45076826214790344, -0.4402408003807068, 0.046414539217948914, -0.8569376468658447, -0.22563986480236053, -0.28395217657089233, -0.6159451603889465, -1.5366500616073608, 0.20556816458702087, -0.5285487771034241, -0.6787261962890625, -0.6403356194496155, -0.46416881680488586, 0.25621265172958374, -0.016826629638671875, 0.8291772603988647, 1.6775712966918945, 0.6755127906799316, -0.05853113904595375, -0.7807660102844238, 1.0078636407852173, -0.705973744392395, 0.8752374053001404, -1.3580940961837769, -0.33271557092666626, -1.0038334131240845, -0.010252073407173157, -0.5062215924263, -0.32546553015708923, -0.1654849648475647, -0.8892408013343811, 0.4619210958480835, 0.0570560097694397, -0.8351235389709473, 0.7837008833885193, -0.7736425995826721, -0.28529369831085205, -0.483109712600708, 1.5714999437332153, -0.1677367240190506, -0.6773908138275146, 0.667945384979248, -0.2303636372089386, 0.28653672337532043, 0.7197564244270325, -0.4256756603717804, 1.4583195447921753, 0.6009905338287354, 0.05389665067195892, 0.3587161898612976, -0.027927186340093613, -2.202596664428711, 0.05331587418913841, 1.8469038009643555, -0.5311906337738037, -0.8598455190658569, -0.536780595779419, 0.27789968252182007, 0.19118797779083252, -0.16624265909194946, 0.11427426338195801, -1.1226274967193604, 0.4121708869934082, -0.5356894731521606, -0.07839739322662354, 1.585759162902832, -0.34821802377700806, 0.3885687589645386, 0.9889796376228333, 0.19456155598163605, -0.8268746733665466, -0.8429743051528931, 0.7032951712608337, -0.42929235100746155, 0.5462151765823364, 0.2086402177810669, 1.1345852613449097, 0.7501994371414185, -0.39610403776168823, 0.0378892756998539, 1.4913865327835083, 0.4930401146411896, 0.3644593060016632, -0.11624235659837723, -0.4910162687301636, 1.0229923725128174, -0.5638474822044373, 1.1621391773223877, 0.6621726751327515, -0.3064320981502533, -1.0271172523498535, -0.27963247895240784, -0.7341368198394775, -1.2247120141983032, 1.686415433883667, 0.6676560640335083, 1.4935051202774048, 0.7167654633522034, 0.7076202034950256, -1.195154070854187, -0.19419334828853607, 0.6670379042625427, -0.010840952396392822, 0.04466140270233154, -0.5411540269851685, -0.5744982957839966, 1.2074198722839355, -0.7326553463935852, -0.37725594639778137, -0.5346773862838745, 0.4941273033618927, -0.041279446333646774, -0.2001677006483078, -0.014892781153321266, 1.4180524349212646, 0.29724738001823425, 1.560009479522705, -0.5826017260551453, -0.49753573536872864, 0.22305573523044586, 0.48879995942115784, 0.25884678959846497, 0.4303656816482544, -1.6684693098068237, 0.4360138773918152, 0.4649273753166199, 0.3617416024208069, -1.048401117324829, 1.2242504358291626, 0.07398763298988342, -0.7477067708969116, -0.6629374623298645, -0.7547165155410767, -0.9848142862319946, -0.6152634620666504, -0.060914840549230576, -0.14800959825515747, -0.7381994724273682, 0.8132041096687317, -0.5322957634925842, -0.785720944404602, 0.7721807956695557, -0.14897818863391876, -0.6015872955322266, 0.6764729022979736, 0.5913529396057129, -1.7060472965240479, -0.6799535155296326, -0.26522335410118103, -1.1886162757873535, 0.087644562125206, -0.0032042874954640865, -0.8234125971794128, 0.6784188747406006, 0.4219733476638794, 0.45711296796798706, 0.06393243372440338, 0.33930671215057373, -0.8203669786453247, 0.9119190573692322, 0.4712385833263397, -0.5298684239387512, 0.7771613597869873, 0.4342879056930542, 0.43303370475769043, 0.1563924103975296, -0.5687215924263, -0.5444532036781311, 0.6643447279930115, -0.46366366744041443, -0.05688237026333809, -0.5086184144020081, -0.7250378727912903, 0.09593600034713745, -0.33065176010131836, 0.31438061594963074, -0.8685302138328552, -0.11509434133768082, -0.30850017070770264, 0.2038697898387909, 0.4938383400440216, -1.14427649974823, -0.8664103150367737, 0.23083089292049408, -0.5756017565727234, 0.37134039402008057, -0.2057177573442459, -0.08813682943582535, 1.1439701318740845, 0.5170291066169739, 0.319746732711792, -0.02568063884973526, -11.157504081726074, 0.48308321833610535, 0.21479091048240662, -0.5248708724975586, 0.1619289666414261, -0.1263050138950348, 0.5482397675514221, 0.33767661452293396, 0.7905228137969971, -0.3970458507537842, 0.3090967833995819, 1.2923580408096313, -0.5379135608673096, -0.6679476499557495, -0.3613137900829315, -0.8647392988204956, -0.5649957060813904, -0.9648479223251343, 0.8043676614761353, -0.39032459259033203, 0.46054014563560486, -0.35639792680740356, 0.18033604323863983, 0.028171632438898087, -0.04267916455864906, -0.29917776584625244, -0.004205069504678249, -0.13112375140190125, -0.5401161313056946, 0.47169825434684753, 1.1740165948867798, -0.09371504187583923, 0.06359446048736572, -0.4263458847999573, 0.7413525581359863, -0.026245322078466415, -0.9882847666740417, -0.1960248053073883, 0.22806426882743835, -0.9118217825889587, -0.41876518726348877, -0.047882843762636185, 0.3259374797344208, -0.6269575357437134, -0.3326777219772339, 0.17432381212711334, 0.3284454345703125, -0.16585887968540192, 0.6388365626335144, -0.5619170069694519, -1.2290326356887817, -0.28788048028945923, -1.3052030801773071, -0.37443453073501587, 0.5577847361564636, -0.7814106345176697, -0.3126274347305298, 0.6595486998558044, -0.020426498726010323, -0.8185396194458008, 0.7373349070549011, -0.5336197018623352, -0.3198693096637726, -0.05600256100296974, 0.8830002546310425, -0.8092015981674194, 0.25023362040519714, 0.41141581535339355, 0.26153892278671265, 0.7129925489425659, -1.2080179452896118, 0.6153861880302429, -0.17475363612174988, -0.25962236523628235, -0.5069538950920105, -0.4659912586212158, -0.45172905921936035, -0.8845506310462952, 1.1035408973693848, 0.33876845240592957, -0.8295037150382996, 0.5711536407470703, 0.81114262342453, -0.6794703006744385, -1.3405369520187378, -0.11015257239341736, 0.6690781116485596, -0.2968992590904236, 1.2373179197311401, -0.5512949228286743, 1.0517706871032715, 0.04742969572544098, -0.1522017866373062, 0.5373464226722717, -0.03299957886338234, 1.0091984272003174, 0.08832238614559174, 0.7202163934707642, 0.26612794399261475, -0.35109537839889526, 0.04002812132239342, 0.11325042694807053, -0.7169922590255737, -0.05162538215517998, 0.7257080078125, -0.3887883722782135, -0.6651485562324524, 0.8804081678390503, 0.18386270105838776, -0.4045555889606476, 0.5502036809921265, 0.6873555183410645, -0.3880811333656311, 0.6263424158096313, -0.28532880544662476, 1.1829482316970825, 1.047248363494873, 0.6234928965568542, 0.982207179069519, 1.0981528759002686, -0.5723825097084045, 1.0476654767990112, 0.3911314010620117, 0.7328186631202698, 0.2719060480594635, -0.09772547334432602, -0.21442270278930664, 0.553112268447876, -0.5283656120300293, -1.1805167198181152, -0.24448776245117188, -0.410698264837265, 0.7578999996185303, -0.6655904650688171, -0.018269840627908707, 0.19992870092391968, -0.5263845324516296, 1.2930196523666382, -0.25137996673583984, 0.4790164828300476, -0.17104306817054749, -0.5477115511894226, -0.3026057481765747, -0.6710160374641418, -0.0869792029261589, 0.22662809491157532, -2.462404251098633, 0.2666458487510681, -0.10496383160352707, 0.2802901268005371, 0.8970307111740112, -0.07785523682832718, 0.9983071684837341, -0.7533400654792786, -0.45452985167503357, 0.16782090067863464, 0.6670799851417542, 0.12441336363554001, -0.6617106795310974, -0.37262892723083496, 0.3424527943134308, 0.9346338510513306, -1.1129188537597656, 0.6797762513160706, -0.13284289836883545, 0.6342867016792297, -0.7410492300987244, 0.04230307787656784, -0.7151336073875427, 0.5302549004554749, 1.1503944396972656, -2.0510318279266357, -0.28613781929016113, -0.8560733795166016, -0.025877539068460464, -0.5041806697845459, 0.628836452960968, 0.9216537475585938, -1.4322938919067383, -0.08768604695796967, -0.1624106466770172, 0.1485552042722702, 0.03913737088441849, -0.0062276870012283325, -0.2074083685874939, 0.23654639720916748, 0.11843426525592804, 0.4970417618751526, 0.6384357213973999, 0.517057478427887, -1.5901986360549927, -1.7792553901672363, -0.632960319519043, -0.5970942974090576, -0.16001316905021667, -0.45921561121940613, 1.32871675491333, 0.32099348306655884, 0.19851598143577576, 0.5828623175621033, 0.43435272574424744, 0.594001054763794, 0.19488373398780823, 0.5979667901992798, -0.18741531670093536, 0.22856509685516357, -0.5382775068283081, 0.3670421242713928, 0.15277495980262756, 0.0673641711473465, -0.29452282190322876, 0.4075198769569397, 0.7992005944252014, 0.2143867015838623, -0.017240460962057114, -1.1577640771865845, -0.20375314354896545, 0.01785857230424881, -0.5705277323722839, -0.9232302308082581, 0.42116037011146545, -0.1551629900932312, -0.4960302710533142, 1.4577820301055908, 0.7591052651405334, -0.08724234253168106, 0.5931627154350281, 0.09474259614944458, 0.9783006310462952, -0.3976757824420929, -0.4235574007034302, -0.020576708018779755, -0.017762966454029083, 0.462279349565506, 0.7272768020629883, -0.5467657446861267, -1.100881814956665, 0.24586817622184753, -1.0190726518630981, -0.2491493821144104, 0.010806921869516373, 0.11483874917030334, 0.8685076832771301, 1.648370623588562, -0.33656930923461914, -1.2577733993530273, -0.49600571393966675, -1.2199885845184326, -0.4112382233142853, 1.0001022815704346, 1.1679718494415283, 0.22590108215808868, 0.6669384837150574, -0.39878660440444946, 0.6737141609191895, -0.8802631497383118, 0.034338679164648056, 0.3200063705444336, 0.30786049365997314, 0.594056248664856, 0.23624968528747559, 0.7449578046798706, 0.4667908251285553, -0.13283616304397583, -0.35613834857940674, 0.1303856074810028, -0.19933469593524933, 0.9394791126251221, 1.0655174255371094, -0.4471994638442993, -0.5124314427375793, -1.1122685670852661, 0.3492591977119446, -0.21543292701244354, 0.8992648720741272, 0.42671114206314087, -0.9519126415252686, -1.3337384462356567, -1.5620408058166504, -0.8558810949325562, 0.46012064814567566, -0.05333855375647545, -0.8303368091583252, -0.3197553753852844, 0.22825311124324799, 0.1391044706106186, -0.2493976652622223, -0.7676478624343872, 0.7200655341148376, -1.1338300704956055, 0.0397176668047905, 0.07210108637809753, -0.3048388957977295, -0.3197534680366516, 0.4018334746360779, -0.664446234703064, 1.3931090831756592, -0.042450662702322006, -0.9886717200279236, -0.41697490215301514, 0.6287176609039307, 0.973740816116333, -0.22485721111297607, 0.5766572952270508, 0.372393935918808, -1.9755237102508545, 1.5823954343795776, 1.0226376056671143, 0.1451234370470047, 0.010684449225664139, 0.8647170066833496, 0.26600706577301025, 0.1845923364162445, 1.565741777420044]} +{"paper_id": "scan", "embedding": [-0.32639020681381226, 0.6100476980209351, -0.12200859189033508, 0.41943880915641785, 0.0682128369808197, -0.001156998798251152, 0.7735382318496704, 0.7837015986442566, 1.2135261297225952, -0.3766651749610901, 0.3186739981174469, 0.8255882263183594, 0.6027439832687378, 0.2607349157333374, -0.6127514839172363, 0.38316699862480164, -0.46407556533813477, 0.06734874099493027, -1.7592111825942993, -0.8560169339179993, -1.1020618677139282, -0.9269611239433289, -0.42863017320632935, 0.8674454689025879, 0.021018527448177338, 0.15203627943992615, 0.7333766222000122, -1.4195760488510132, 0.17111924290657043, 0.7605047225952148, 0.11541080474853516, 0.571792483329773, -0.9353089332580566, 0.9774778485298157, -0.8283535242080688, -0.9491196870803833, -0.0817016139626503, 0.4075396656990051, 0.08937718719244003, -0.12729929387569427, 0.14156405627727509, 0.03685428202152252, 0.8888907432556152, 0.47318291664123535, 0.5795457363128662, -0.5675246715545654, 0.1632167547941208, 0.9831688404083252, -0.14890815317630768, 0.8653806447982788, -0.7614304423332214, -0.6363392472267151, 0.9228447675704956, 1.0423362255096436, 0.10583823919296265, 0.9593930840492249, 0.42724883556365967, -0.325918585062027, 0.25086793303489685, -0.3311169445514679, 0.6581672430038452, 0.761249303817749, -0.7880961894989014, 0.2129862904548645, 0.9359027743339539, -0.8477822542190552, 0.9458168148994446, 1.0581562519073486, 0.33618730306625366, 1.3018853664398193, -0.3996967673301697, -0.5497164130210876, 0.5052430629730225, 0.39475518465042114, 0.1830611228942871, 0.535902202129364, 0.46590733528137207, 0.06717287749052048, 0.15027418732643127, -0.3238139748573303, -0.3644983768463135, 0.47029268741607666, 0.6493009328842163, -0.2555117905139923, -0.1275991052389145, -0.23036906123161316, 1.2072434425354004, -0.4311947524547577, -0.42735403776168823, -1.8962600231170654, 1.0121153593063354, 0.14598095417022705, 0.86411052942276, -0.9440374374389648, -0.08104752004146576, 0.4917726516723633, 0.5815469622612, -1.1104837656021118, -0.9616042375564575, -0.09040263295173645, 0.8379678130149841, 0.24448101222515106, 0.24748094379901886, -0.24424025416374207, 1.4544486999511719, 0.4727213680744171, -0.12959083914756775, -0.6616308093070984, -0.5165888071060181, -0.4483259320259094, -0.05226605385541916, 0.941531240940094, 0.3956979811191559, 1.116861343383789, -0.5258176922798157, 0.2178317904472351, 0.8089464902877808, 0.015192903578281403, -0.2370721995830536, 0.10930672287940979, -0.3989393711090088, -1.103171467781067, -0.24521058797836304, -0.4856019616127014, 0.16996359825134277, -1.0067663192749023, -0.8774774074554443, -0.20758816599845886, 0.6746259927749634, -0.6652200818061829, 0.9212150573730469, 0.4489877223968506, -0.7705208659172058, -0.8936900496482849, 3.1966500282287598, -0.18698306381702423, 0.9576051235198975, -0.8041839003562927, -0.2825767993927002, -0.514535129070282, 0.052413128316402435, 1.1605788469314575, -0.4571930468082428, 0.09184645116329193, -1.2571501731872559, 0.1068948283791542, -0.41367465257644653, 0.08291444927453995, -0.5287038087844849, 0.37814658880233765, 0.40501174330711365, 0.49243369698524475, -1.539529800415039, -1.2355272769927979, -0.15954118967056274, 1.0394712686538696, -0.0545896477997303, 0.9750756621360779, 0.3138481378555298, 0.5319778919219971, 0.7083850502967834, -0.853386640548706, -0.5744593143463135, -0.604000449180603, 0.1353781521320343, 0.8433681726455688, 1.6686946153640747, -0.3179791271686554, -0.47550979256629944, -0.6248167753219604, -0.23631736636161804, 0.18486160039901733, -0.5691759586334229, -0.028019512072205544, 0.35632142424583435, 1.0024420022964478, -0.6171797513961792, -0.2048608362674713, 1.1140310764312744, -0.2696632146835327, -1.1071299314498901, 0.05848037824034691, -0.25000035762786865, 0.05833858251571655, 0.5505669116973877, -0.028332291170954704, -2.389505386352539, -0.2970089316368103, -0.20790353417396545, 0.16055266559123993, -0.0642557367682457, 0.10605625808238983, 0.04992293938994408, -0.08197899162769318, -0.41670989990234375, 0.014044146984815598, 1.0009568929672241, -0.8567225933074951, -0.4385857880115509, 0.6456636786460876, 0.2848769426345825, 0.0667559951543808, -0.14362654089927673, 1.3454333543777466, 0.1019444391131401, -0.3239177167415619, 0.30682215094566345, -0.8468109965324402, -0.03699474781751633, 1.5066910982131958, 0.700103223323822, -0.47953400015830994, -0.5542792677879333, -1.0009942054748535, 0.4741474986076355, -0.4359436631202698, 0.46858587861061096, -0.5308405756950378, 0.7527291178703308, -1.0337761640548706, 0.659587562084198, 0.24490919709205627, 0.5380592942237854, 0.5498775839805603, 2.1144819259643555, -0.8453928232192993, -0.06880395859479904, -0.46466881036758423, -0.9625838994979858, 0.042349401861429214, 0.8466582298278809, 0.9566977024078369, 0.4855474531650543, 0.8866952657699585, -0.11852352321147919, 0.09812075644731522, 0.31905221939086914, 1.4175118207931519, -0.19122286140918732, 0.4564986526966095, 0.027948027476668358, 0.8100703358650208, -0.28865039348602295, 0.9205816984176636, -0.20842431485652924, 0.03024885058403015, -0.5024961233139038, -1.3995604515075684, 0.8251668810844421, 0.2244982272386551, 1.8556946516036987, 0.7049235701560974, -0.09091952443122864, 0.4438806474208832, -0.08364719152450562, -0.04623720794916153, -0.07856549322605133, -0.7376187443733215, -0.529433012008667, -0.17935369908809662, 0.7160239815711975, -0.4296359419822693, 0.6498245596885681, -0.23445193469524384, 0.018160812556743622, -0.7688732147216797, -0.7404910922050476, -0.7620934247970581, -0.015202295035123825, -1.4037610292434692, -0.7423966526985168, -0.07318738102912903, -0.3717989921569824, -0.6867225170135498, -0.46075621247291565, 0.1806918829679489, 0.3532124161720276, 0.34664469957351685, 2.499450206756592, -0.2986806631088257, -0.1315113604068756, -0.023762434720993042, 0.3905183672904968, -0.3123209476470947, 0.9052331447601318, 0.8307096362113953, -0.03702280670404434, -1.9192399978637695, -0.2914942502975464, -0.12833786010742188, 0.19748026132583618, -0.3002931475639343, -0.5122648477554321, 0.02206069603562355, -0.47502800822257996, 0.32491809129714966, 1.1029598712921143, -0.09132204949855804, 1.0305768251419067, -0.22626104950904846, 1.1759415864944458, 0.733587920665741, -0.7670921683311462, 0.0685751736164093, -0.17258445918560028, -0.03090132400393486, 1.2734684944152832, -0.14833438396453857, 0.49589964747428894, 1.0719454288482666, -0.027227044105529785, 0.6253759264945984, -0.14922936260700226, -1.880713701248169, 0.5686377882957458, 0.33644023537635803, 0.1593445986509323, -0.013472598046064377, -0.7750331163406372, 0.12972894310951233, -0.6781351566314697, -0.28956905007362366, -0.2352314591407776, -0.4025232195854187, 0.0016747880727052689, -0.6715317964553833, 0.2874208092689514, 0.9895670413970947, -0.10986093431711197, 0.7549049258232117, 0.5731364488601685, 0.06882403045892715, -1.074426293373108, 0.486850380897522, 0.8054913878440857, -0.12385251373052597, 0.013716720044612885, -0.11028815060853958, 0.9376997351646423, 1.185734748840332, -0.19549018144607544, 0.3727847635746002, 0.33772557973861694, 0.43730440735816956, -0.11332013458013535, 0.555594801902771, -1.1371065378189087, -0.6196325421333313, 0.04058999940752983, 0.7854384183883667, -0.7425464391708374, -0.5165690779685974, -0.5198231935501099, 0.5821374654769897, -0.6798251271247864, -0.6479276418685913, 1.06761634349823, -0.13301849365234375, 1.3926066160202026, -0.37576887011528015, 0.8935183882713318, -0.11289680004119873, 0.002002999186515808, 0.16526255011558533, -0.20925208926200867, -0.41819846630096436, -1.0582934617996216, -0.9557360410690308, 1.3432093858718872, 0.23996321856975555, -0.7611404061317444, -0.640674889087677, 0.6017056703567505, 0.377273291349411, -0.9838123321533203, 0.49718984961509705, 1.2260442972183228, 1.4602384567260742, 2.0618691444396973, -0.6381322145462036, -0.5842645168304443, 0.511724054813385, 0.7853066325187683, 0.3886665403842926, 0.504894495010376, -0.696516752243042, -0.40947017073631287, -0.022141510620713234, 0.6004560589790344, -0.3649483919143677, 1.0524433851242065, 0.5480990409851074, -1.9520920515060425, -0.6814709901809692, 0.09352423250675201, -0.558062732219696, 0.119021937251091, -0.07508500665426254, -0.5567159056663513, 0.7945247292518616, 0.9858458638191223, 0.5563654899597168, -0.12612833082675934, -0.1921217143535614, -0.22887808084487915, -0.8556303977966309, -0.21501244604587555, 1.8955981731414795, -1.1195076704025269, -0.6585927605628967, -0.24299001693725586, -1.3280940055847168, 0.14342501759529114, 0.20027190446853638, 0.17364434897899628, -0.023807546123862267, -0.18084120750427246, -0.19357357919216156, 0.05019143596291542, -0.08360998332500458, -0.9519129395484924, 0.7552064657211304, 0.8892240524291992, 0.8892925977706909, 0.5786957740783691, -0.028027288615703583, 0.21273498237133026, 0.5350711345672607, -1.1100701093673706, 0.28456103801727295, 0.0027867816388607025, -0.4609445631504059, -0.339965283870697, -0.11093220114707947, -0.6036216616630554, 0.1060338169336319, -0.8449063897132874, 0.12059430032968521, -0.9923729300498962, 0.039182912558317184, -0.04196053743362427, 0.563450038433075, 0.30946511030197144, -0.25411316752433777, -1.1463780403137207, 0.5431139469146729, -1.101630687713623, -0.45314887166023254, -0.34187909960746765, -0.08993712067604065, 1.608500599861145, 0.8933839797973633, -0.34784889221191406, -0.2738797962665558, -11.477108001708984, 0.5699929594993591, 0.3451318144798279, -1.056855320930481, 0.7918103933334351, 0.08721058815717697, 0.18946465849876404, 0.2607721984386444, -0.050598159432411194, 0.10365016013383865, 0.19786402583122253, -0.12214749306440353, 0.166934072971344, 0.2664957642555237, 0.09144294261932373, -1.0585784912109375, -0.29380330443382263, -0.8423462510108948, 0.6343855261802673, 0.3204931616783142, 0.39150792360305786, -1.7524422407150269, 0.37190961837768555, 0.7958278656005859, -0.3633289635181427, -0.41730913519859314, -0.20983311533927917, -0.23915061354637146, -0.43687623739242554, -0.8255819082260132, 0.6017827391624451, -0.8849071860313416, 0.2442360371351242, -0.6915647983551025, 0.9948466420173645, -0.22416850924491882, -1.569542407989502, -0.011232675053179264, 0.7131473422050476, -0.07405354827642441, -0.3755483031272888, -0.07032965123653412, -0.27366793155670166, -0.3664671778678894, -0.9981664419174194, -0.04231909662485123, 0.4126131534576416, -0.8208308219909668, 0.016881819814443588, -0.28327780961990356, -0.40257102251052856, -0.6907171607017517, 0.13131801784038544, -0.7474790811538696, 0.4007312059402466, 0.3836275041103363, -0.8635111451148987, 0.5072246193885803, -0.14772364497184753, -1.0768178701400757, 0.4669084846973419, 0.6774414777755737, 0.24340590834617615, 0.014888964593410492, 0.43699949979782104, -0.18980175256729126, 0.00531478226184845, 0.8112265467643738, -0.6432170271873474, 0.30452555418014526, -0.996372401714325, -0.09616291522979736, 0.039436496794223785, 0.7400941848754883, -0.6546634435653687, 0.015251677483320236, 0.022012364119291306, -0.2507985234260559, 0.21076472103595734, 0.9596236944198608, -0.7259642481803894, 0.02591855823993683, -0.11158004403114319, 0.39426448941230774, -1.0903164148330688, 0.08191396296024323, 0.18807874619960785, -0.38814374804496765, 1.1819183826446533, -0.794654130935669, 1.413874864578247, -0.19643241167068481, -0.24974818527698517, -0.13392607867717743, -0.0734456479549408, 1.5466735363006592, -0.09921464323997498, 0.20060762763023376, 0.3518724739551544, -1.3185160160064697, 0.32968029379844666, 1.2003631591796875, -1.1710487604141235, -0.033022888004779816, 0.30899977684020996, 0.33202147483825684, -0.24407124519348145, -0.11749745160341263, 0.8456741571426392, 0.16797126829624176, 1.5503677129745483, 0.44547003507614136, -0.3117600083351135, 1.5954067707061768, -0.5937508344650269, 1.4917337894439697, 1.073078989982605, 0.31995445489883423, 0.38438090682029724, 0.4306958317756653, -0.13369785249233246, 0.5268025994300842, 0.6792955994606018, 1.188694715499878, 0.27745309472084045, -0.6203868389129639, 0.1732988804578781, 1.1704720258712769, -0.3183600902557373, -0.14762739837169647, -0.4517097771167755, -0.7516167759895325, 0.237363800406456, 0.08292075246572495, -0.9065365791320801, 0.08080746233463287, -0.7316139340400696, 1.2838587760925293, -0.9205794334411621, 0.045860856771469116, 0.310857892036438, -0.22531384229660034, -1.006598711013794, -0.10311081260442734, -0.8250834345817566, 0.3194795846939087, -1.188438892364502, 0.426909863948822, -0.7033165097236633, -0.21182477474212646, -0.35891884565353394, -0.05879253149032593, 1.1388251781463623, -0.27823805809020996, -0.2645527720451355, 0.5638929009437561, 0.6234499216079712, -0.7875787019729614, -0.2754276394844055, -0.2823907732963562, 0.07636190950870514, 1.5464242696762085, -0.5989038944244385, 0.6348715424537659, -0.42635491490364075, -0.47832190990448, -0.3350062966346741, -0.5082087516784668, -0.41998255252838135, 0.4139019548892975, 0.6039990782737732, -0.8677589893341064, -0.35487091541290283, -1.0158343315124512, -0.7500948309898376, -0.614781379699707, 0.26389017701148987, 0.7190971374511719, -0.5448493957519531, 0.016767114400863647, 0.8429490327835083, 0.3735927939414978, 0.15004247426986694, -0.2599042057991028, -0.4344431161880493, -0.6826838850975037, 0.01650129444897175, 0.9532718062400818, 0.10919485986232758, 0.5798372030258179, -1.7945709228515625, -0.6409201622009277, -1.0396558046340942, -0.11763359606266022, 0.5514709949493408, -0.05312054976820946, 0.40999096632003784, 0.5913318395614624, 0.18957576155662537, 0.24526289105415344, -0.8355698585510254, 0.9546350240707397, -0.1331639140844345, 0.34142476320266724, 0.2781626582145691, 0.12455904483795166, -0.2822277843952179, -0.12525200843811035, 0.4695892930030823, 0.3381821811199188, -1.1756616830825806, -0.3535841703414917, 0.6554860472679138, -0.020425837486982346, -0.8005719184875488, -0.8448642492294312, -0.4167965352535248, -0.951185405254364, -0.5561243891716003, -1.0327402353286743, -0.3171153664588928, 0.4488527178764343, -0.6659093499183655, 1.2206110954284668, 0.18484774231910706, 0.486568808555603, 0.20147478580474854, -0.10642509162425995, 0.6119583249092102, -0.05151231214404106, -0.49307921528816223, 0.3301005959510803, 0.14255987107753754, 0.2096664309501648, 0.2867012917995453, -0.06778217107057571, -0.8773013949394226, 0.07514668256044388, -1.0619068145751953, 0.8090560436248779, -0.0030955076217651367, 0.3909500241279602, 0.002545960247516632, 0.7157745361328125, 0.008919216692447662, -2.0917882919311523, -0.5662407279014587, -0.9262588620185852, 0.23856301605701447, 1.3546538352966309, 0.1371830403804779, 0.2393997609615326, 0.49898719787597656, -0.3035215735435486, -0.009295344352722168, -0.5906884074211121, 0.1702081263065338, 0.12554502487182617, -0.20916830003261566, 0.6713097095489502, 0.6199017763137817, -0.6445677280426025, 0.5590645670890808, 0.28269609808921814, -0.24158865213394165, -0.1697598099708557, -0.10038243234157562, 0.16195030510425568, 1.079917073249817, -0.6510576605796814, -1.3542907238006592, -0.2877463102340698, 0.029703965410590172, -1.1104646921157837, 1.0717557668685913, 0.3631986975669861, -0.7787512540817261, -1.5419191122055054, -0.25935596227645874, -0.3329595625400543, 0.08378534764051437, 0.13892610371112823, 0.13063685595989227, -0.05478024482727051, -0.1773315817117691, 0.63547283411026, 0.5869631171226501, -0.6044779419898987, -0.25057241320610046, -0.5085846781730652, -0.30563846230506897, -0.7113534212112427, -0.7187507748603821, 0.5727583169937134, 0.3677808940410614, -0.967383861541748, 0.6602712273597717, -0.49638044834136963, -0.7840589284896851, -0.8868007063865662, -0.7468210458755493, -0.144882470369339, 0.05883774906396866, 0.7054791450500488, -0.15660913288593292, -2.2393558025360107, 0.9147912859916687, 0.21142204105854034, -0.6346184611320496, 0.0984029620885849, 0.27164226770401, 0.4139268696308136, -0.14116108417510986, 0.7635529041290283]} +{"paper_id": "trivia_qa", "embedding": [-0.07224126905202866, 0.6996155381202698, 0.31491708755493164, 0.15204750001430511, 0.22993916273117065, -0.21170437335968018, -0.07301875203847885, 0.6440444588661194, 0.7868395447731018, 0.08994558453559875, 0.7963700294494629, -0.09098483622074127, 0.32133713364601135, 0.23420307040214539, -0.15369439125061035, -0.2083914577960968, -0.7452358603477478, -0.25324398279190063, -1.4897152185440063, -0.28765201568603516, -0.7962674498558044, -0.6731873750686646, -0.15682287514209747, 0.9540385007858276, -0.5439727902412415, -0.761233925819397, 0.4203113913536072, -0.9146940112113953, 0.27856290340423584, -0.18795230984687805, -0.09540239721536636, 0.8629364371299744, -1.466083288192749, 0.6731233596801758, -0.682677686214447, -0.6627671718597412, 0.45623230934143066, 0.6062918901443481, 0.4714873731136322, -0.6031659245491028, -0.22598350048065186, 0.36843815445899963, 0.3462229371070862, 0.12179747968912125, 0.9166470766067505, -0.4762776494026184, 0.7338376641273499, -0.4714495837688446, -0.1319114863872528, 0.17628489434719086, -0.8244905471801758, 0.04335058107972145, -0.5694958567619324, 0.6906577348709106, -0.5302895307540894, 0.6789334416389465, 0.12224709242582321, -0.30319058895111084, 0.450820654630661, -0.7769415378570557, 1.7436010837554932, 1.313423752784729, -0.3038206696510315, 0.25047820806503296, 1.582517385482788, 0.3502781391143799, 1.4130278825759888, 0.03176766633987427, -0.6312884092330933, 0.7369410395622253, -0.8334822654724121, -0.5866836309432983, 0.18432219326496124, -0.3672800064086914, 0.12140487879514694, 0.8671237230300903, 0.39415502548217773, 0.14464281499385834, 0.17013171315193176, -0.33195388317108154, -0.3030434250831604, -0.03280620649456978, 0.7203225493431091, 0.1718713343143463, 0.4567470848560333, -0.15626436471939087, 0.35668250918388367, -0.7177819013595581, 0.567814290523529, -2.0763001441955566, 0.5978454351425171, 0.8866533041000366, 0.3832990229129791, 0.4299633502960205, -0.5691286325454712, 0.5078933238983154, -0.19089581072330475, -0.3632788360118866, -0.44362202286720276, -0.41512230038642883, 0.4583418369293213, 0.31989380717277527, 0.7416831254959106, -0.3354267179965973, 0.267500102519989, 0.032026417553424835, 0.5615613460540771, -0.004110861569643021, -0.5277277827262878, -0.6479930877685547, 0.16611674427986145, 0.5823293328285217, -0.1619180291891098, 0.4152143597602844, 0.20007430016994476, 0.35649406909942627, 0.43758878111839294, -0.43608447909355164, -0.5412581562995911, 0.06963379681110382, -0.4214659035205841, -0.7793196439743042, -0.35113176703453064, -0.6431568264961243, 0.3377533555030823, -0.2791215181350708, -0.29128462076187134, -1.1835085153579712, -0.44776615500450134, -0.011597122065722942, 0.8373833894729614, 0.31983089447021484, -0.8060512542724609, -0.35333937406539917, 3.211914300918579, -1.086730718612671, 1.3184270858764648, -0.3635777533054352, -0.18178294599056244, -0.8161276578903198, -0.9627813696861267, 1.6006826162338257, 0.13369253277778625, -0.9532899260520935, -0.6135209798812866, 0.14491905272006989, -0.31992819905281067, 0.008722947910428047, -0.5971707701683044, -0.6811684370040894, -0.12500324845314026, 0.5800192356109619, -1.5308997631072998, -0.543030321598053, 0.04628836736083031, 0.2000255584716797, -0.11519412696361542, 0.6431036591529846, -0.186128169298172, 0.47714290022850037, -0.03654927760362625, 0.024542786180973053, -0.7104098796844482, 0.5683788061141968, -0.10349602997303009, -0.22369566559791565, 1.0246473550796509, 0.06705513596534729, -0.2648412883281708, 0.2730497121810913, 0.24814417958259583, -0.18182283639907837, -0.38004401326179504, -0.5862835049629211, -0.05456719547510147, 0.04278453439474106, 0.1024884283542633, 0.9319072961807251, 0.34476006031036377, -0.7510726451873779, 0.1818859875202179, -0.5157116651535034, 0.3545118272304535, 0.9365556836128235, -0.1189127266407013, 0.352798193693161, -2.9641430377960205, -0.005341202020645142, -0.331699937582016, 0.43680787086486816, 0.32832270860671997, -0.04032711684703827, 0.5626726746559143, 0.22000892460346222, -0.3119276762008667, -0.5399359464645386, 0.4034944772720337, -1.4926221370697021, 0.9952567219734192, 0.577899158000946, 0.3050849735736847, -0.35513967275619507, 0.4358338415622711, 1.1501613855361938, 0.3943351209163666, 0.204932302236557, -1.3311153650283813, -1.6753934621810913, 0.16256332397460938, 1.5066328048706055, 0.18140490353107452, -0.08491189032793045, -0.3930988311767578, -0.4181562066078186, -0.2733604907989502, -0.2551853358745575, 0.543109655380249, -0.6910281181335449, 0.2042514681816101, -0.5798474550247192, 0.775155782699585, -0.16385236382484436, -0.5324812531471252, 0.46028655767440796, 1.5448755025863647, -0.27770936489105225, 0.0008350610733032227, -0.5712070465087891, -0.15068085491657257, 0.2338673621416092, 0.6376662254333496, -0.10197960585355759, -0.043120987713336945, 0.6584823727607727, 0.718499481678009, 1.0529385805130005, 1.0317587852478027, 0.9203586578369141, -0.49762552976608276, 0.7981290817260742, -0.2018398642539978, 0.5667468905448914, -0.18960930407047272, 0.00329485721886158, 0.041247159242630005, 0.6192107200622559, -0.9214610457420349, -0.6325873732566833, -0.41330087184906006, -0.3684391975402832, 1.4030832052230835, 0.5170396566390991, -0.8705427050590515, 0.42925146222114563, -0.4555357098579407, -0.40872058272361755, -0.04372730478644371, -0.17538756132125854, -0.6591638922691345, -0.4250689744949341, 0.24244657158851624, -0.5148080587387085, 0.07528959959745407, -0.06891343742609024, 0.1149013340473175, -1.1544835567474365, -1.2259812355041504, 0.0799574926495552, -0.09642992168664932, -0.7820360660552979, -0.8092577457427979, 0.2320849895477295, -1.0332293510437012, -0.1419079303741455, -0.2679825723171234, -0.3216587007045746, -0.27780836820602417, 0.9783201217651367, 1.9617735147476196, 0.16592799127101898, 0.3643612861633301, -0.4894443154335022, 1.2657181024551392, -0.42568516731262207, 0.6034875512123108, 0.12265141308307648, 0.30601832270622253, -0.9760454893112183, 0.1782081425189972, -1.1263806819915771, -0.13757359981536865, 0.7390015721321106, -0.10426707565784454, 0.6848244667053223, -0.436737060546875, -0.71771240234375, 0.5052930116653442, -0.19353000819683075, 0.02510540559887886, -0.7507715821266174, 1.7498817443847656, 0.005071556195616722, -0.5369811654090881, 0.8411990404129028, -0.5023911595344543, -0.683022141456604, 0.9153825640678406, -0.4591800272464752, 0.2072090357542038, 0.672600269317627, -0.3074389398097992, 0.022750455886125565, 0.1915428638458252, -1.566526174545288, 0.9713094830513, 1.029010534286499, -0.06646868586540222, 0.11390326172113419, -0.7579832077026367, 0.7369183897972107, -0.4242720305919647, 0.17232544720172882, 0.9181859493255615, -0.5363099575042725, 0.31898611783981323, -0.06983435899019241, 0.33722925186157227, 0.6076477766036987, 0.28166288137435913, 0.4990982115268707, 0.3427436053752899, 0.2965599298477173, -0.7683655023574829, -0.4136723279953003, 1.467303991317749, -0.24941428005695343, 0.25136059522628784, 0.2606719136238098, 0.972627580165863, 0.47298112511634827, -0.17756563425064087, -0.5820499062538147, 0.09272222220897675, 0.5230429768562317, -0.1504449099302292, -0.19059965014457703, -0.46555250883102417, 0.2663458585739136, -0.441866934299469, 1.741398572921753, -0.08490698039531708, -0.5243079662322998, -0.6143437623977661, -0.308982253074646, -0.23633942008018494, 0.21682491898536682, 1.4836454391479492, 0.1604551076889038, 1.9511590003967285, 0.4516928791999817, -0.00315871462225914, -0.11124123632907867, -0.05507214367389679, 0.4190804362297058, 0.7346101403236389, 0.35158079862594604, -0.878010630607605, -0.04501120001077652, 0.9681837558746338, 0.9828329682350159, -0.7428423762321472, 0.6002336144447327, 0.2560751736164093, -0.25274887681007385, -1.247984766960144, 1.2442855834960938, 0.8225623965263367, 1.2043445110321045, 1.6875473260879517, -0.34008634090423584, 0.08345209062099457, -0.4053129255771637, 0.11507096141576767, -0.08100278675556183, 0.03357331454753876, 0.615357518196106, 0.4979932904243469, 0.39008232951164246, 1.6692204475402832, -0.04036644846200943, 0.9554708003997803, 1.8099390268325806, -0.6117613315582275, -1.9362834692001343, 0.1757661998271942, -0.29436543583869934, -0.019365286454558372, 0.2555253505706787, -0.16966120898723602, -0.4938691258430481, 0.41938090324401855, 0.10035114735364914, -1.0306124687194824, 0.15052805840969086, -0.1372138410806656, -1.5308432579040527, 0.8185542225837708, 1.5775309801101685, -0.47370779514312744, -0.5815503001213074, 0.167969211935997, -1.274782657623291, -0.06437738984823227, -0.3453173339366913, -1.0869148969650269, 0.6733534932136536, 0.478471964597702, 0.8167424201965332, 0.15321774780750275, 0.035866089165210724, -0.8669031858444214, 1.6437323093414307, 1.194871425628662, -1.1543079614639282, 0.5276526212692261, 0.32081422209739685, 0.7879462838172913, 0.18566776812076569, -1.1558363437652588, -0.6252920031547546, 0.47668060660362244, -0.0856730118393898, -0.25838497281074524, -0.7347763180732727, 0.16773144900798798, 0.9131761193275452, 0.7095012664794922, 0.22118158638477325, -0.8593716025352478, 0.23178470134735107, -0.9391624331474304, 0.1515195518732071, 0.9291262626647949, -1.3822095394134521, -0.4873887598514557, 0.6476518511772156, -0.7774819135665894, 0.5346970558166504, -0.06484401971101761, -0.2881695032119751, 1.8256644010543823, -0.039036981761455536, -0.3232853412628174, 0.055756665766239166, -11.423327445983887, 1.1638656854629517, -0.15217457711696625, 0.1297011822462082, 0.6559237241744995, -0.1346854269504547, 0.13706892728805542, 0.42578253149986267, 0.23366713523864746, -0.5403345823287964, 0.07696393132209778, 0.8174493908882141, 0.4408702850341797, -0.46820372343063354, -0.6441187858581543, -0.5235634446144104, -0.4516215920448303, -1.1100115776062012, 0.25093984603881836, 0.6307730078697205, 0.19778195023536682, -0.9158797860145569, -0.42546600103378296, 0.08064769208431244, 0.37917831540107727, -0.37694254517555237, -0.7879135012626648, -0.3368633985519409, 0.038055822253227234, 0.22069981694221497, 0.23372188210487366, -0.6054807305335999, -0.4291503429412842, -0.4617396295070648, 0.2146119326353073, -0.06221797689795494, -0.9434959292411804, -0.19425775110721588, 0.43903663754463196, -0.7341305613517761, -0.38388150930404663, -0.07051029056310654, 0.09233339130878448, -0.5854238867759705, -0.17747606337070465, 0.4026895761489868, 0.4442481994628906, -0.8268188834190369, -0.12151391804218292, -0.5821195244789124, -1.0363386869430542, -0.6584459543228149, -0.9713268876075745, -0.6589226722717285, 0.4857761561870575, 0.47092586755752563, -0.7015536427497864, -0.23195630311965942, -0.28878918290138245, -0.9218343496322632, 0.8024147152900696, -0.07846438884735107, -0.619003415107727, 1.0002400875091553, 0.2507955729961395, -0.47670337557792664, 0.21074923872947693, -0.05142885819077492, -0.44006916880607605, 0.960129976272583, -0.5301507711410522, 1.2852028608322144, -0.31226933002471924, 0.5720007419586182, -0.8972814679145813, 0.211930513381958, -1.0307291746139526, -0.08831482380628586, 0.8255033493041992, 0.05942772328853607, -1.0582019090652466, 0.43851345777511597, 0.6964983344078064, -0.6212851405143738, -0.9089081287384033, 0.38686248660087585, 0.3407805263996124, 0.46949708461761475, 0.6320295333862305, -0.48239755630493164, 1.1490052938461304, 0.14533787965774536, -0.44314461946487427, -0.6490294337272644, -0.1359761655330658, 0.33594268560409546, -0.992127001285553, 0.8308711647987366, 0.42067137360572815, -0.002011612057685852, -0.027785740792751312, 0.31549063324928284, -1.3611665964126587, 0.2875158488750458, 0.9755037426948547, -0.06157929450273514, 0.3218449354171753, -0.07551300525665283, -0.09232622385025024, -0.8194513916969299, 0.9236654043197632, 0.7139019966125488, 0.13938498497009277, 1.5137823820114136, -0.7296937704086304, 1.1759120225906372, 0.548162043094635, -0.09397934377193451, -0.5275726914405823, 0.7383771538734436, -0.559927225112915, 0.935897707939148, 0.7048077583312988, 1.885634422302246, -0.045328110456466675, 0.3531695604324341, 0.6228825449943542, 0.37684860825538635, -0.19826646149158478, -1.407162070274353, 0.6575745940208435, -0.3654386103153229, -0.02047264389693737, -0.5084853768348694, -0.30127251148223877, 0.40373146533966064, -0.9744211435317993, 1.608096718788147, -0.736889660358429, -0.10074611753225327, -0.4650442600250244, 0.07337099313735962, -0.7476111054420471, -0.5256649851799011, -0.8744035959243774, -0.2895956337451935, -1.8361650705337524, 0.26687097549438477, -0.4661708176136017, -0.07249487936496735, -0.47698548436164856, -1.2005223035812378, 1.118879795074463, -0.07112238556146622, -0.44524577260017395, -0.5224418044090271, 0.4537079334259033, -1.13884699344635, -0.5574156641960144, -0.44312983751296997, 0.5962796211242676, 1.3959885835647583, -0.933160126209259, 1.1008449792861938, 0.386350154876709, -0.3498190641403198, -0.612346887588501, 0.19973230361938477, -0.4581063985824585, 0.587697446346283, 0.9530854821205139, -0.6619283556938171, -0.5936059951782227, -0.7848053574562073, -0.04709121957421303, -0.45576488971710205, -0.465959370136261, 1.0766328573226929, -1.5189268589019775, -0.21351425349712372, -0.13778501749038696, 0.35330304503440857, 0.8088478446006775, -0.8748073577880859, -0.4353523254394531, 0.1567615568637848, -0.5366141200065613, 1.0109145641326904, 0.09223001450300217, 0.6269922256469727, -0.8326041102409363, -1.1143983602523804, -0.9164569973945618, -0.7144525647163391, 0.2925608158111572, 0.4569966793060303, 0.5884287357330322, 0.36791038513183594, -0.7677762508392334, -0.4057796597480774, -0.26178503036499023, 0.563399612903595, 0.08010125160217285, 0.6795642375946045, -0.22217616438865662, 0.49403420090675354, -0.5773885846138, -0.16545625030994415, 0.9804865717887878, 1.3697983026504517, -0.645906388759613, -0.1911695897579193, -0.05245069041848183, -0.2373502105474472, -0.06173718720674515, -1.6807032823562622, -0.29503923654556274, -0.5078312754631042, -0.3638080954551697, -1.0174294710159302, -0.00326741486787796, 0.9605486989021301, -0.5058274865150452, 0.5770236253738403, 1.1668484210968018, 0.720399796962738, 0.6077679395675659, 0.29275768995285034, 0.630384087562561, 0.28432780504226685, -0.1153324544429779, 0.06713779270648956, 0.6099838018417358, 0.4165976643562317, 0.08207999169826508, -0.6066151261329651, -0.7499342560768127, -0.15350988507270813, -0.449320912361145, 1.0883408784866333, 0.05933789908885956, 0.3973306119441986, 0.7414594292640686, 0.9356948733329773, 0.4070948362350464, -1.6427786350250244, -0.5515743494033813, -1.1386864185333252, 0.1141195148229599, 0.19736865162849426, -0.4906149208545685, 0.510189414024353, 0.36489635705947876, -0.8591668009757996, 1.4338093996047974, -0.6908772587776184, 0.027621973305940628, 0.521579921245575, -0.2814934253692627, 0.5320757627487183, 0.1961253583431244, 0.4173361659049988, 0.5032391548156738, -0.7180010676383972, -1.5252376794815063, 0.09598061442375183, -0.9179050326347351, 1.068862795829773, 0.07408317923545837, -0.7163828015327454, 0.06513930857181549, 0.1478182077407837, 0.6022101640701294, -0.17670577764511108, 1.3513888120651245, -0.10791844129562378, -0.1664389967918396, -0.3747994899749756, -1.1833382844924927, -0.5176500082015991, 0.029921628534793854, -0.09248241782188416, -0.11277101933956146, -0.5353675484657288, 0.11650104820728302, 0.33237171173095703, -0.08036240190267563, -0.3514688313007355, -0.28186118602752686, -0.7474152445793152, 0.17266948521137238, 0.4515132009983063, -1.03240966796875, -1.100839614868164, 0.09948332607746124, -1.0110019445419312, 0.4347217381000519, 0.5341013669967651, -1.0466278791427612, -0.42315465211868286, 0.5786339044570923, 0.2948805093765259, -0.35874664783477783, 0.052097138017416, 0.28653445839881897, -1.5387636423110962, 0.7414966225624084, 0.7577579617500305, -0.8307628035545349, 0.10483678430318832, 0.3735775351524353, 0.7065845131874084, 0.19633749127388, 1.6284749507904053]} +{"paper_id": "wiki_bio", "embedding": [-1.108721375465393, 0.981501579284668, 0.30113378167152405, 0.3107392191886902, 0.38784217834472656, 0.004125690087676048, 0.4591507315635681, -0.10174175351858139, 0.3613089323043823, 0.6290201544761658, 1.016683578491211, 0.18917767703533173, 0.08829555660486221, -0.25030753016471863, 0.16419734060764313, 0.2648400366306305, -1.2395868301391602, -0.08782801777124405, -1.2274478673934937, -0.6815566420555115, -1.3629742860794067, -0.665069043636322, -0.39933234453201294, 0.391416072845459, -0.6488819718360901, -0.5909371376037598, 0.644511342048645, -1.4611451625823975, 0.1675599068403244, 0.12976643443107605, -0.6656014919281006, 0.8924097418785095, -0.7625365257263184, 0.587312638759613, -0.09983433037996292, -0.2543913424015045, -0.13253918290138245, 0.8596818447113037, -0.6313498616218567, 0.029888933524489403, -0.6420918703079224, 0.517585039138794, 1.4160735607147217, -0.07793519645929337, 0.23982585966587067, -0.03293618932366371, 0.7201866507530212, 0.38208866119384766, 0.0911044031381607, 0.17276813089847565, -0.7786714434623718, 0.4961501657962799, -0.30945053696632385, -0.1818258911371231, 0.5341101288795471, 1.9718576669692993, -0.005783412605524063, -0.9515747427940369, 0.3754337430000305, 0.04380720108747482, 0.3610714077949524, 2.207048177719116, -0.3949193060398102, 0.7635116577148438, 0.39687660336494446, 0.1037977784872055, 1.0053361654281616, 0.1468140184879303, -0.16928434371948242, 0.8425062894821167, -0.48003536462783813, -0.6710245609283447, 0.7265689373016357, -0.4078696370124817, -0.08610112965106964, 0.9873250722885132, 0.2161157727241516, 0.09215059876441956, 0.3925029933452606, 0.2693704068660736, 0.04846400022506714, 0.6383103132247925, 0.3835528790950775, -0.4305547773838043, -0.1135508269071579, 0.7347719669342041, 0.4970400035381317, 0.393782377243042, -0.7287284731864929, -1.908033013343811, -0.09527309238910675, 0.07741305977106094, 0.4682554006576538, -0.2747175693511963, -0.14932964742183685, -0.070981964468956, 0.35095739364624023, -0.3336648643016815, -0.9718852043151855, 0.4105459451675415, 0.15289777517318726, -0.5860985517501831, 0.5745066404342651, -0.11406543105840683, 0.5885075926780701, -0.3234720230102539, -0.4679785370826721, -0.9796951413154602, -0.2454434633255005, -0.7495501041412354, -0.005148071795701981, 0.014660947024822235, 0.9559739828109741, 0.5007784962654114, -0.25751835107803345, -0.5124891400337219, 0.15657636523246765, -0.49913346767425537, 0.21755558252334595, 0.02092687040567398, -0.4144703149795532, -1.69175124168396, 0.04452403634786606, -0.13028433918952942, 0.9442669153213501, -0.8765196800231934, -0.2848580479621887, 0.12404977530241013, -0.19676531851291656, -0.7926874756813049, 0.10292532294988632, 0.5162752270698547, -0.4810597002506256, 0.3928721845149994, 3.1048998832702637, -0.8139070272445679, 0.5383298397064209, -0.7376855611801147, -0.3993465304374695, -1.2226426601409912, -0.16672635078430176, 1.4982539415359497, -0.5774370431900024, -0.7876920700073242, -1.087435245513916, 0.06240816414356232, -0.7456536293029785, 0.3348894417285919, -0.3453020751476288, 0.2712242305278778, 0.722835898399353, 0.11378750950098038, -1.3134297132492065, -0.3199450671672821, -0.8776029348373413, 0.686529278755188, 0.8650206327438354, -0.07960517704486847, -0.09766042232513428, 1.4647469520568848, 1.355007290840149, -0.39326536655426025, -0.9300011396408081, -0.3238251507282257, -1.3269401788711548, 0.6058703064918518, 0.866869330406189, -0.18327519297599792, -0.6138397455215454, -0.5158209204673767, 0.15637896955013275, -0.28793779015541077, 0.08269345015287399, -0.289713591337204, 0.21467147767543793, 0.9868873953819275, -0.005569404922425747, 0.5873895287513733, 0.3993341624736786, -0.7126680016517639, -0.23169177770614624, -0.6632776260375977, -0.43771892786026, 0.3651566803455353, -0.4051629304885864, 0.5643971562385559, -2.3287243843078613, -0.47196948528289795, -0.8055686354637146, 0.6062143445014954, 0.10342966020107269, -0.19621428847312927, 0.025707079097628593, 0.3478161096572876, -0.4318605065345764, -0.5602641105651855, 0.6116526126861572, -0.9659342765808105, 0.12137454748153687, 1.308058261871338, 0.5904306769371033, -0.05731910094618797, -0.4338098168373108, 1.4146857261657715, 0.9318016171455383, -0.4121550917625427, -0.2081144005060196, -1.5144718885421753, 0.7018711566925049, 1.8496536016464233, -0.004172809422016144, -0.7779593467712402, -0.7008664011955261, -0.22080563008785248, 0.826870322227478, -0.03492205962538719, -0.07862546294927597, -0.43606144189834595, 0.4932040274143219, -1.3831335306167603, 0.38618025183677673, -0.2687942087650299, 0.24369794130325317, 0.11631335318088531, 0.6348447203636169, -0.07778653502464294, -0.3458828926086426, -0.7693638801574707, -1.047818899154663, -0.004303984344005585, 0.9128178358078003, 0.3112533986568451, -0.3520582318305969, 0.7433485984802246, -0.4482131600379944, 0.5370064377784729, 0.35865679383277893, 1.1916896104812622, -0.0075936466455459595, 0.9010108113288879, 0.7515295147895813, 1.5579755306243896, -0.16851578652858734, 0.46299704909324646, -0.34276914596557617, 0.5338966846466064, -0.06497877836227417, -0.47981828451156616, -0.13397136330604553, 0.04417584836483002, 1.6877868175506592, 0.5690104961395264, -0.7718892097473145, 0.4092668294906616, -0.27300912141799927, -0.14976409077644348, -0.33511126041412354, -0.6770473122596741, -0.5527893304824829, 0.10818159580230713, 0.593414843082428, -0.2996438145637512, 0.6266086101531982, -0.30197250843048096, -0.6797418594360352, -0.8935312032699585, -1.3319528102874756, -0.4607906937599182, 0.26478123664855957, -1.418006181716919, -0.4434738755226135, 0.2939976751804352, -0.6498299837112427, 0.027019213885068893, -0.05705742910504341, 0.1419752687215805, -0.022737573832273483, -0.06492795050144196, 1.5564007759094238, -0.9555954933166504, 0.27862516045570374, -0.30970561504364014, 0.43350327014923096, -0.4724450707435608, 0.7880083918571472, -0.7264959216117859, -0.26925361156463623, -1.268908143043518, 0.4806235134601593, -0.41866153478622437, 0.1743924915790558, -0.5902170538902283, -0.5503846406936646, -0.13160786032676697, -0.48749008774757385, -0.3128955662250519, 1.082209825515747, -0.7359011173248291, 0.7529910206794739, -0.5384067893028259, 1.3215010166168213, 1.0912063121795654, -0.018644334748387337, 1.381501317024231, -0.2004692107439041, 0.05975394323468208, 1.0565032958984375, -0.693932294845581, 0.937383770942688, 0.6176712512969971, 0.19706283509731293, 0.8671472072601318, -0.8570567965507507, -2.365767002105713, 0.07816196233034134, 0.78482985496521, -0.1848144829273224, 0.11611239612102509, -0.6858859062194824, -0.6270116567611694, 0.07260791957378387, -0.5214620232582092, -0.06463799625635147, -0.502318799495697, 0.3545520603656769, -0.5955505967140198, -0.0804385244846344, 0.7374449968338013, 0.44698435068130493, 0.41026750206947327, 0.5728444457054138, -0.07081574946641922, -1.7205250263214111, 0.1073172464966774, 0.8258674144744873, -0.6810594201087952, -0.36097511649131775, -0.15060493350028992, 0.893165647983551, 0.763168215751648, -0.3297627866268158, 0.4566541910171509, 0.7243227958679199, 0.4823286831378937, 0.030264507979154587, 0.5938529968261719, 0.07486215233802795, 0.12197857350111008, 0.14370152354240417, 1.5451135635375977, -0.27945202589035034, -0.47129255533218384, -1.0508345365524292, -0.22732597589492798, -0.4371098279953003, -0.3173447549343109, 1.4444841146469116, 0.4058305323123932, 1.7982845306396484, -0.362628310918808, 0.29542264342308044, -0.5680323839187622, -0.6282561421394348, 0.3894421458244324, 1.1661920547485352, -0.18094445765018463, -0.8164745569229126, -0.5361911058425903, 0.8564371466636658, 0.1513725221157074, -0.4198174476623535, -0.5398021936416626, 0.6139937043190002, 0.12407012283802032, -1.4177519083023071, 0.41955190896987915, 0.8662437200546265, 0.3169178366661072, 2.043424606323242, -0.8282076716423035, -0.5024405121803284, 0.8337555527687073, 0.18637721240520477, 1.0600281953811646, -0.22597584128379822, -0.734671950340271, -0.48557591438293457, 0.46350282430648804, 0.21519148349761963, -0.2924357056617737, 0.7664381861686707, 0.938001275062561, -0.7196505665779114, -0.2898668050765991, -0.03319261968135834, -0.5889484286308289, -0.6560319662094116, 0.32225722074508667, 0.15706655383110046, -0.19780246913433075, 0.5650022029876709, -0.25977468490600586, -0.7260156869888306, 1.315842628479004, 0.3940146565437317, -0.33652812242507935, -0.054350391030311584, 1.5835580825805664, -1.4232412576675415, -1.0338267087936401, -0.07311958819627762, -1.065355658531189, -0.7722918391227722, 0.2112942636013031, -0.04544530808925629, 0.14778749644756317, -0.22218243777751923, -0.11860862374305725, -0.5694899559020996, -0.00582895427942276, -1.6253067255020142, 1.3660472631454468, 0.3587310016155243, -0.4267480671405792, 0.45104461908340454, -0.38827627897262573, 0.1638999730348587, 0.5455571413040161, -0.6768561601638794, -0.760019063949585, 0.4824875295162201, 0.685735821723938, -0.03196873515844345, -0.580146849155426, 0.25260838866233826, 0.12904056906700134, 0.6084489226341248, 0.25353118777275085, -1.2974708080291748, -0.050039131194353104, -0.15607883036136627, 1.3586993217468262, 1.282715082168579, -0.6194969415664673, -1.1204431056976318, 0.6104544997215271, -0.573112428188324, 0.10369560122489929, 0.03542660176753998, 0.2801223397254944, 1.268673062324524, 0.4063771665096283, -0.1414642184972763, -0.12835271656513214, -11.266195297241211, 0.6814488768577576, 0.45099326968193054, -0.09777794033288956, 1.602399468421936, -0.09899439662694931, 0.6002187728881836, -0.07927931845188141, 0.7749980092048645, -0.589349627494812, 0.28599807620048523, 0.20442844927310944, 0.19280630350112915, -0.22862152755260468, -0.3402754068374634, -1.3734040260314941, -1.4012900590896606, -0.7714419960975647, 0.49668604135513306, 0.519313395023346, 0.5498194098472595, -0.8427368402481079, 0.5950608253479004, 0.5272298455238342, 0.04515831544995308, -0.18814019858837128, 0.4131748080253601, -0.02356494590640068, -0.5643165111541748, -0.052279770374298096, 0.5902853608131409, 0.327047199010849, -0.7491360306739807, -0.9260988831520081, 0.29691028594970703, 0.015867775306105614, -1.7403359413146973, -0.6935993432998657, 1.7499878406524658, -0.5539878606796265, -0.970463216304779, -0.27744755148887634, 0.693146824836731, 0.26191723346710205, -0.9486262202262878, 0.39534586668014526, 0.3801955580711365, -0.5712663531303406, -0.3384396731853485, -0.33074426651000977, -0.3889022469520569, -0.8076444864273071, -0.7052484154701233, -0.8451763391494751, 0.3250811696052551, 0.45068106055259705, -0.3073118329048157, 0.6157388091087341, -0.45776665210723877, -0.41411924362182617, 0.48014116287231445, 1.1834744215011597, -0.6913753151893616, 0.14296288788318634, 0.22063836455345154, -1.11753511428833, 0.31894421577453613, 0.912293553352356, 0.13457903265953064, 0.7353144288063049, -0.6141130924224854, 0.6675485372543335, 0.23244869709014893, 0.5259949564933777, 0.45152634382247925, 0.6635790467262268, 0.6664102077484131, -0.6455743312835693, 0.23862634599208832, 0.1453474760055542, -0.7525007724761963, 0.006453431211411953, -0.27377915382385254, -0.5249104499816895, -0.06584818661212921, 0.3747744858264923, -0.1181972548365593, -0.3505014181137085, 0.7662215232849121, -0.19665588438510895, 0.9793829321861267, -0.9165531992912292, -0.32844382524490356, 0.2143649160861969, -0.24886274337768555, 0.813971221446991, -0.37299129366874695, -0.10038521140813828, 0.5009444952011108, -1.0867067575454712, 0.5652870535850525, -0.010098394006490707, -0.2280087023973465, -1.225420355796814, 0.686006486415863, 0.09984558075666428, -0.17950721085071564, 0.46199938654899597, 0.5423436164855957, 0.1634671837091446, 0.5329668521881104, -0.5518514513969421, -0.6808379292488098, 1.2237542867660522, -0.7776042222976685, 1.03989839553833, 1.443305492401123, -0.8013296127319336, 0.919826865196228, 0.6002103090286255, -0.5532017946243286, 1.074249267578125, 0.4641747772693634, 0.2984676957130432, 0.644814133644104, -0.473704069852829, -0.021682003512978554, 0.6621042490005493, -0.9607933759689331, -0.5400683879852295, -0.1795063018798828, -0.3366281986236572, -0.46379077434539795, 0.1795286238193512, -0.546126663684845, 0.12602098286151886, -0.5423226356506348, 1.8217566013336182, -0.6918588876724243, 0.8717488050460815, 0.7327912449836731, -0.602118194103241, 0.907890796661377, -0.3425280451774597, -1.0736312866210938, -0.5876145362854004, -1.5366389751434326, 0.035540275275707245, -0.36914771795272827, -0.8235536813735962, 0.22374027967453003, -0.052953049540519714, 0.35345280170440674, -1.523500680923462, -0.26718053221702576, -0.4122324287891388, 0.9102568626403809, -0.38255950808525085, 0.0384407714009285, 0.13919511437416077, 0.23866704106330872, 0.596898078918457, -0.7148984670639038, 0.565117359161377, -0.08581811189651489, 0.017679233103990555, -0.6657228469848633, 0.34431684017181396, -0.8804342746734619, 0.2988612949848175, 1.138540267944336, -1.295322060585022, -0.3774246573448181, -1.353813648223877, 0.13539740443229675, -1.0968694686889648, 0.9151296019554138, 1.3735201358795166, -0.8034329414367676, 0.2803792655467987, 0.18751925230026245, 0.5555398464202881, 0.7990996241569519, -0.2264651358127594, -0.4028293490409851, -0.3397148847579956, 0.23893994092941284, 0.6755316257476807, -0.2074284851551056, 1.0087544918060303, -1.8002443313598633, -1.0464355945587158, -0.5409298539161682, -0.46502867341041565, 0.4780516028404236, -0.1839718222618103, 0.9137891530990601, 1.5544283390045166, -0.8303099870681763, -0.0861835852265358, 0.16832494735717773, 0.7991576790809631, 0.21360976994037628, 0.7291776537895203, 0.21679522097110748, 0.49495771527290344, -0.8609399199485779, -0.11594215780496597, 0.6306840181350708, 0.3118458390235901, -1.0871309041976929, -0.16925550997257233, 0.3348032236099243, -0.15391921997070312, 0.2702190577983856, -0.7185695171356201, 0.3079485595226288, -0.7661365270614624, 0.2645843029022217, -0.8196229934692383, -0.27946028113365173, 1.245025396347046, -0.016117818653583527, 1.1831482648849487, 1.0007519721984863, -0.13042661547660828, 0.9784978628158569, -0.0006907954812049866, 1.5719096660614014, 0.00790558010339737, -0.9752638936042786, 0.41718387603759766, 0.7472950220108032, -0.06318142265081406, -0.22879558801651, -0.4443030059337616, -1.2194042205810547, -0.5074720978736877, -0.4111148715019226, 0.2584410607814789, -0.5483281016349792, 0.283208966255188, 0.4727134704589844, 1.5245869159698486, 0.020612232387065887, -1.4586787223815918, -0.6396689414978027, -1.1780797243118286, -0.09794735908508301, 1.0428543090820312, -0.352821409702301, 0.287923663854599, 0.6122953295707703, -0.2935221195220947, 0.2297084480524063, -0.5402980446815491, 0.05262850224971771, 0.06298942863941193, 0.15583911538124084, 1.1261478662490845, 0.4884432554244995, 1.1396465301513672, 0.1980370581150055, -0.2483348846435547, -0.26338258385658264, -0.0501275509595871, 0.08130349963903427, -0.11949320137500763, 0.8527160882949829, -0.8614147305488586, -0.9128783941268921, -0.7075164914131165, -0.14665521681308746, -0.21856707334518433, 0.9453396201133728, 0.009042458608746529, -0.45347392559051514, -0.8972567319869995, -0.7704021334648132, -0.03823493421077728, 0.4347665011882782, 0.033431313931941986, -0.3979417681694031, -0.555252194404602, 0.5826831459999084, 0.20069289207458496, 0.5093313455581665, -0.722028911113739, -0.20545777678489685, -0.5899456143379211, 0.2542177438735962, -0.29879018664360046, -0.2965032756328583, -0.05868612974882126, 0.1462326943874359, -0.5365778803825378, 0.8842480182647705, 0.5236105918884277, -1.3804593086242676, -0.28011488914489746, 0.0029702987521886826, 0.3333469331264496, 0.23563489317893982, 0.7037140130996704, -0.04973432421684265, -0.824393093585968, 0.919410765171051, 0.9320574998855591, -0.6661735773086548, -0.14732633531093597, 0.11213773488998413, 0.20529748499393463, -0.13509413599967957, 1.6129562854766846]} +{"paper_id": "cos_e", "embedding": [-0.6464288830757141, 1.1115838289260864, -0.40910762548446655, -0.06099342182278633, 0.4738360047340393, 0.21930401027202606, 1.0969771146774292, 0.7338187098503113, 1.333261489868164, 0.7424671053886414, -0.116691455245018, 0.5083515048027039, -0.5178045630455017, -0.18004110455513, -0.6473876237869263, -0.4881470799446106, -0.7946277856826782, -0.19117577373981476, -1.6295442581176758, -0.6023643612861633, -0.7508674263954163, -0.8685391545295715, 0.38975629210472107, 1.2561365365982056, -0.716268002986908, -0.5255208611488342, 0.563784658908844, -1.551798939704895, 1.0594172477722168, 0.11763527244329453, -0.019502155482769012, 1.4947975873947144, -2.2010176181793213, 1.1976462602615356, -0.8402575850486755, -0.5118924975395203, -0.029762566089630127, 0.292973130941391, -0.002916678786277771, -0.0901094377040863, -0.3205137252807617, 0.7033332586288452, 0.14185692369937897, -0.029895678162574768, 0.12759247422218323, -0.812655508518219, 0.6600914597511292, 0.6280754208564758, -0.23416011035442352, -0.24742361903190613, -0.49066558480262756, -0.4841708540916443, 0.3552004396915436, 1.0330498218536377, -0.04365736246109009, 1.578611969947815, 0.7189695835113525, -0.04407224431633949, 0.9358579516410828, -0.9059303998947144, 1.634285807609558, 1.4910305738449097, -0.6195560097694397, 0.03047320246696472, 1.3449828624725342, 0.9051792025566101, 1.4346394538879395, 0.6068581342697144, 0.2861323654651642, 0.23052357137203217, -0.01601777970790863, -0.7463597655296326, 0.13790994882583618, -0.3595578074455261, 0.2554247975349426, 0.6217086315155029, 0.4180920422077179, 0.20555301010608673, 0.5356171131134033, 0.4476243853569031, 0.14893536269664764, 0.3282349705696106, 0.9288671016693115, 0.0399656817317009, 0.194501593708992, 0.4040922224521637, 0.723448634147644, -0.9536935687065125, 0.16093206405639648, -2.0723466873168945, 0.5448682308197021, 0.5752642750740051, -0.034116048365831375, -0.5521907806396484, 0.24288971722126007, 0.29867467284202576, -0.28716814517974854, -0.7980296015739441, -0.3402787148952484, 0.3716651201248169, 0.5623350739479065, -0.31407302618026733, -0.1688617765903473, -0.06555760651826859, 0.49129578471183777, 0.7530034184455872, 0.5071486830711365, 0.6356890797615051, -0.6161039471626282, -0.5872799754142761, 0.4319998323917389, 1.683941125869751, 0.4986722767353058, 0.9000986218452454, -0.340751051902771, 0.16687703132629395, 0.7707789540290833, -0.03013591468334198, -0.5499039888381958, 0.26561439037323, -0.03633265569806099, -0.9729209542274475, -0.6282843351364136, -0.3395952582359314, 0.5361143946647644, -0.6482178568840027, -0.38559991121292114, -0.6070538759231567, 0.41412004828453064, -0.045364897698163986, 0.11304329335689545, 0.17344586551189423, -1.227500319480896, -0.5182478427886963, 2.946507453918457, -0.675377607345581, 1.1157559156417847, -1.5861741304397583, 0.1445249319076538, -0.43693649768829346, -0.6013370156288147, 0.60770583152771, 0.022551998496055603, 0.3384992182254791, -1.4032021760940552, -0.33621665835380554, -0.31563064455986023, 0.33549848198890686, -0.9650906324386597, 0.4009242653846741, 0.7334463596343994, 0.28788653016090393, -1.6581600904464722, 0.05162488669157028, -0.03440091386437416, 0.37472277879714966, -1.0380131006240845, 0.3919954299926758, -0.38754165172576904, 0.36325767636299133, 0.20442107319831848, -0.39913588762283325, 0.03029268980026245, -0.14931103587150574, -0.44936758279800415, -0.11559590697288513, 0.5066434741020203, -0.33473408222198486, -0.8509321808815002, -0.34998294711112976, 0.3679003119468689, 0.2227010726928711, 0.06970018148422241, -0.3050841689109802, -0.22347447276115417, 0.907299280166626, -0.2614617943763733, 0.33544594049453735, 0.5698338747024536, -0.7870011329650879, -1.391729474067688, -0.709333598613739, 0.0730171874165535, 0.9470974802970886, -0.4171348512172699, 0.0034721791744232178, -2.6297030448913574, -0.040057770907878876, -0.6718283295631409, 1.1340417861938477, 0.4011024832725525, 0.12641896307468414, 0.6452999114990234, 0.3472820818424225, -0.2860047221183777, -0.3425561487674713, 0.9254565834999084, -1.092442274093628, -0.26479268074035645, 0.44452351331710815, -0.9822528958320618, -0.5551108717918396, -0.4623704254627228, 1.0397225618362427, 0.489446759223938, -0.4282882511615753, -0.42718324065208435, -1.8052059412002563, 0.5288174748420715, 1.3414491415023804, 0.864450216293335, -0.5502201914787292, -1.0594786405563354, -0.2412843406200409, 0.378794401884079, -0.10786723345518112, 0.020354457199573517, -0.8297533988952637, 0.49752184748649597, -1.3233948945999146, 0.3314972519874573, -0.30593371391296387, 0.9240928292274475, 0.849073588848114, 1.5967164039611816, -0.592744767665863, -0.018261320888996124, -0.23106221854686737, -1.1202592849731445, 0.12907856702804565, 0.8113507032394409, 0.17058594524860382, 0.5145518779754639, 0.5127538442611694, 0.5185471177101135, 1.0450330972671509, 0.9933952689170837, 0.7728348970413208, -0.563795804977417, 0.10672416538000107, 0.31284740567207336, 0.3153936564922333, -0.024424687027931213, 0.31875815987586975, -0.19282874464988708, 0.3108598291873932, -0.07285167276859283, -0.6797325015068054, 0.013948708772659302, -0.36520278453826904, 1.5987870693206787, 0.614763081073761, 0.06315865367650986, 0.09043087065219879, -0.6916306614875793, -0.6102216243743896, -0.10634513199329376, -0.8896999359130859, 0.03430837392807007, -0.04533212631940842, 0.6113039255142212, 0.14310061931610107, 0.6853805780410767, -0.3653164505958557, 0.22636091709136963, -0.960655927658081, -0.018576685339212418, -0.08803365379571915, 0.003599204123020172, -1.0599982738494873, -0.1843932867050171, 0.2340053915977478, -1.0429723262786865, -0.34506356716156006, -0.5692911744117737, -0.7721287608146667, 0.21986302733421326, 0.07966919243335724, 1.6889897584915161, 0.17145350575447083, 0.3368220031261444, -0.1191873624920845, 1.184411644935608, -0.4445035457611084, 0.8812915682792664, -0.12441365420818329, 0.18193741142749786, -1.2285232543945312, 0.785797119140625, -0.7989786863327026, 0.48684877157211304, 0.2315334677696228, -0.5516533255577087, 0.8006435036659241, -0.3721211552619934, -0.6670125126838684, 1.0136957168579102, 0.6018990874290466, -0.19526198506355286, -0.6502040028572083, 1.3811873197555542, -0.12186632305383682, -0.7357873916625977, 0.7197503447532654, -0.05707889795303345, -0.2989708185195923, 1.0118159055709839, 0.33308762311935425, 0.08838919550180435, 0.32243287563323975, 0.11144854128360748, 0.7268471121788025, 0.45478352904319763, -2.2882983684539795, 0.7345784902572632, 0.7150368094444275, -0.07962635159492493, -0.5708734393119812, -1.1812589168548584, 0.4690423607826233, -0.8364917635917664, -0.1633148491382599, 0.4583725333213806, -0.61898273229599, 0.24428138136863708, 0.1473361849784851, 0.18566007912158966, 0.6686655282974243, -0.36034923791885376, 0.07312425971031189, 0.5268872380256653, -0.0653529092669487, -0.7299696207046509, 0.5849838256835938, 0.6265643239021301, -0.7030722498893738, -0.12264755368232727, 0.3224976360797882, 1.1996548175811768, 0.9127641916275024, 0.11363659799098969, -0.036670416593551636, 0.7092916965484619, 0.1592123806476593, 0.1051940768957138, 0.15415745973587036, -0.8966318964958191, -0.14320820569992065, -0.320205956697464, 1.5686668157577515, -0.6096711754798889, 0.037940483540296555, -0.6891250610351562, 0.1548672765493393, -0.316871702671051, -0.6663336753845215, 2.0459632873535156, 0.9379279613494873, 0.6564926505088806, -0.03250772878527641, 0.6160421371459961, -0.9195870161056519, -0.5783786773681641, 0.30208179354667664, -0.13805903494358063, 0.025130048394203186, -1.1635411977767944, 0.002807512879371643, 0.5536324381828308, -0.039922092109918594, -0.44944509863853455, -0.23056216537952423, 0.47715267539024353, 0.4268094301223755, -0.48030519485473633, 0.4017385244369507, 0.7462862133979797, 0.8845764398574829, 1.860906958580017, -0.20561164617538452, 0.19898785650730133, 0.6735671162605286, -0.06086474284529686, 0.6874038577079773, 0.7510690093040466, -0.4764808416366577, 0.3823550045490265, 0.2545556128025055, 1.0072715282440186, 0.21900145709514618, 1.274046778678894, 0.6194869875907898, -0.4425872266292572, -1.8494422435760498, -0.12465871870517731, -0.31418219208717346, -0.6755980849266052, -0.13492527604103088, 0.03143257647752762, 0.18152496218681335, 0.2762308418750763, -0.3959997892379761, -0.6169344782829285, 0.9293676614761353, -0.7672399878501892, -0.6673527956008911, 0.7911392450332642, 0.7090998888015747, -1.6710950136184692, -0.1263725608587265, 0.2092549353837967, -1.0882081985473633, -0.4821646809577942, -0.11340142041444778, -0.019667288288474083, 0.8637364506721497, -0.06732748448848724, 0.7123453617095947, 0.5157521963119507, 0.0378522127866745, -0.722966194152832, 0.5816604495048523, 0.7287005186080933, -1.1465089321136475, 0.96401047706604, -0.20768478512763977, 0.2952137589454651, 0.3972015380859375, -0.3344597816467285, -0.06595278531312943, 1.4555604457855225, -0.538193941116333, -0.6036721467971802, -1.1617820262908936, -0.23560090363025665, 0.39861732721328735, 0.14650356769561768, 0.14094361662864685, -0.6677898168563843, -0.3194836974143982, 0.1694313883781433, 0.2601943910121918, 0.4320398271083832, -0.8055967688560486, -1.4544347524642944, 0.5200403928756714, -0.6934827566146851, 0.05461791157722473, -0.5950466394424438, -0.25636324286460876, 2.568005323410034, -0.4516892433166504, -0.13629066944122314, -0.050367362797260284, -11.336811065673828, 0.9650358557701111, 0.2868189215660095, 0.6456716656684875, 0.45934993028640747, -0.3992043435573578, 0.30643460154533386, -0.6112144589424133, -0.24394676089286804, -0.7708867788314819, 0.27560657262802124, 1.2233461141586304, 0.46933603286743164, -0.13075017929077148, -0.15065865218639374, -0.8354088664054871, -0.22494925558567047, -0.6668534874916077, 0.02697475254535675, 0.1880934238433838, 0.46786826848983765, -1.1675984859466553, -0.2812883257865906, 0.2770381271839142, 0.31519582867622375, -0.6978844404220581, -0.6973102688789368, -0.18054454028606415, -0.23297317326068878, -0.2978518605232239, 0.3665570616722107, -0.22852474451065063, -0.15796081721782684, -0.33221134543418884, 0.36812102794647217, 0.04411722347140312, -0.6477042436599731, 0.20924614369869232, 0.39985254406929016, -0.044731296598911285, -0.15326152741909027, -0.010139338672161102, 0.5861350893974304, -0.32879653573036194, -0.8912276029586792, 0.6105664372444153, 0.23202404379844666, -0.6742163896560669, -0.7414113879203796, -0.32789909839630127, 0.10244451463222504, -1.0224757194519043, -0.7758820652961731, -1.0515388250350952, 0.6203681230545044, 0.09979871660470963, -0.9566465616226196, -0.11697814613580704, -0.7496716976165771, -1.3104444742202759, -0.08235210925340652, -0.8241066336631775, -0.13420361280441284, 0.18607990443706512, 0.5722206830978394, -0.20545735955238342, 0.6500728726387024, 0.5327051281929016, -0.7841252684593201, 0.686900794506073, -0.9285082817077637, 0.4313834011554718, 0.11725632101297379, 0.2690095007419586, -0.9437063336372375, 0.3079918324947357, -0.1940036565065384, 0.6045852899551392, 0.5245479345321655, -0.15650437772274017, -1.0809646844863892, 0.7551680207252502, -0.3486355245113373, -0.016035787761211395, -1.542940378189087, 0.5588381290435791, 0.24213194847106934, 0.3317262530326843, 0.665143609046936, -0.8595622181892395, 1.3461635112762451, 0.20758908987045288, -0.7237660884857178, -0.3758268356323242, -0.7508012056350708, 0.29274046421051025, 0.08261801302433014, 0.2744988799095154, 0.4382742941379547, -0.2774134576320648, 0.4253424108028412, -0.07990075647830963, -1.0200343132019043, 0.5715751647949219, 0.1430739164352417, 0.5815863013267517, 0.8063062429428101, -0.035001061856746674, 0.8811278939247131, -0.32969412207603455, 0.5060666799545288, 0.2595047950744629, -0.6564229130744934, 1.2563797235488892, -0.6963527202606201, 0.5745070576667786, 0.32788315415382385, 0.025112107396125793, 0.28449249267578125, 0.0529373399913311, -0.33759796619415283, 0.5504196882247925, 0.25047987699508667, 1.6085678339004517, 0.5450996160507202, 0.4410344064235687, 0.6271233558654785, 0.14006711542606354, -0.2466021329164505, -1.2885628938674927, 0.08515661954879761, -0.48424744606018066, 0.4160420000553131, -0.11341296136379242, -0.7717459797859192, 0.30335578322410583, -0.43005385994911194, 1.6216037273406982, -1.1130931377410889, 0.26423880457878113, 0.03507715463638306, -0.09727004915475845, -0.5561219453811646, -0.7589171528816223, -1.1622740030288696, -0.02942759543657303, -1.6475534439086914, 0.2265235334634781, -0.7926987409591675, -0.9446735382080078, -0.13920511305332184, -0.18305543065071106, 0.7755389213562012, -0.7819997668266296, -0.14953799545764923, -0.2832994759082794, 0.5585413575172424, -0.833358108997345, -0.596852719783783, 0.15009036660194397, -0.18860787153244019, 0.404075562953949, -0.9038034081459045, 0.38519397377967834, -0.32792043685913086, 0.12935326993465424, -0.23805946111679077, -0.13351866602897644, -0.49263399839401245, 0.4598112106323242, 0.6928597092628479, -2.1769914627075195, -0.27198970317840576, -0.6191121935844421, 0.3454849123954773, -0.4937596023082733, 0.6870844960212708, 1.1323716640472412, -0.6201227307319641, -0.272998571395874, 0.08493055403232574, 0.7788501381874084, 0.6394644975662231, -0.8269383311271667, -0.13519883155822754, -0.7656842470169067, 0.2942241132259369, 0.35130295157432556, 0.11871766299009323, 1.0191065073013306, -1.405839204788208, -0.32914119958877563, -0.6779726147651672, 0.11163511872291565, 1.0834219455718994, -0.12907560169696808, 0.5445258617401123, 0.9399787783622742, 0.1968604028224945, 0.42903098464012146, 0.37069422006607056, 1.0494776964187622, 0.4140850305557251, 0.3794606029987335, 0.18215042352676392, 0.44564738869667053, -1.0365732908248901, -0.4528096616268158, -0.001075591892004013, 0.6314657330513, -1.038924217224121, 0.06504061818122864, 0.27222633361816406, -0.8710979223251343, 0.4299110770225525, -1.1590580940246582, 0.20085221529006958, -1.446919560432434, -0.3963787853717804, -1.0673195123672485, 0.25212013721466064, 0.4165582060813904, -0.2336287945508957, 0.42638036608695984, 0.678860604763031, 0.5221560597419739, 0.7577781677246094, -0.13335011899471283, 1.1378135681152344, -0.22737900912761688, -0.30575090646743774, 0.645524263381958, 0.8575843572616577, 0.0001749172806739807, -0.03938978537917137, -0.8980263471603394, -0.5844590663909912, 0.6037011742591858, -0.24263587594032288, 1.426303505897522, -0.7779852747917175, 0.14773035049438477, 1.0204416513442993, 1.3039677143096924, -0.538552463054657, -1.8337432146072388, -0.7454198002815247, -1.6928268671035767, -0.05391526222229004, 0.5935781002044678, 0.8997693061828613, 0.7568403482437134, 0.7204063534736633, 0.1202574148774147, 1.1989812850952148, -0.3809030055999756, -0.2688472270965576, 0.19861245155334473, -0.4876614809036255, 0.9307062029838562, 0.5975655317306519, 0.29222631454467773, 0.3178289532661438, 0.44035568833351135, -0.5685121417045593, 0.2722300589084625, -0.6705997586250305, 0.7407890558242798, 0.2831750512123108, -0.7981294393539429, 0.015889592468738556, -0.450406551361084, 0.12458738684654236, -0.7157944440841675, 0.7389085292816162, 0.12497909367084503, -0.37542539834976196, -0.7615320086479187, -0.5264531970024109, -0.7833150625228882, 1.0660839080810547, -0.25258907675743103, -0.8388879895210266, -0.5377048850059509, 0.7737358212471008, 0.6718059778213501, -0.20845186710357666, -0.4606781303882599, -0.6023507118225098, -0.3878406584262848, 0.14337566494941711, -0.6367655992507935, -0.6505511403083801, -0.6120404601097107, -0.10065999627113342, -0.840082585811615, 0.5141888856887817, -0.6104528307914734, -0.8907778859138489, -0.44278791546821594, 0.7834232449531555, -0.00991261750459671, -0.12088125944137573, 0.1150372326374054, 0.2720879018306732, -1.454507827758789, 0.40424486994743347, 0.8666543960571289, -0.1452338695526123, -0.18072083592414856, 0.11872638761997223, 0.26284727454185486, -0.0198878925293684, 0.8970848917961121]} +{"paper_id": "universal_dependencies", "embedding": [-0.5335665345191956, 0.2702781558036804, 0.7837631106376648, -0.38034138083457947, 0.10201404243707657, -0.44890040159225464, 0.6079884171485901, 0.4266614317893982, 0.2501361072063446, 1.0297565460205078, 0.3153243660926819, -0.14254696667194366, -0.028047194704413414, 0.3671005070209503, -0.13301362097263336, -0.8811536431312561, -1.113917350769043, -1.0891605615615845, -0.6388885974884033, -0.4999319911003113, -0.35452157258987427, -0.7924802899360657, -0.20525126159191132, 0.34910038113594055, -0.1135866791009903, -0.2932007312774658, 0.7119306921958923, -0.5459518432617188, 0.48290011286735535, 0.6385728716850281, -0.25274837017059326, 1.3569484949111938, -1.1493325233459473, -0.12783853709697723, -0.03366226702928543, 0.21912342309951782, -0.3087861239910126, 0.9749873876571655, -0.6683785319328308, -0.36830881237983704, -0.3704504668712616, -0.19279295206069946, 0.8672110438346863, 0.26467737555503845, 0.3664780855178833, -0.177655428647995, -0.15357716381549835, 1.0523685216903687, -0.1130417063832283, 0.045481789857149124, -0.35884639620780945, -0.42547303438186646, 0.434413343667984, 0.5354173183441162, 0.14504817128181458, 1.0181208848953247, 0.36934131383895874, -1.0697925090789795, 0.797555685043335, -1.4147777557373047, 0.5500229001045227, 1.200036644935608, -0.5367600321769714, 0.449085533618927, 0.726188600063324, -0.15850785374641418, 0.6730061769485474, 0.20635370910167694, 0.4441812038421631, 0.9409993290901184, 0.20679046213626862, -0.4905889332294464, 1.084920048713684, 0.11176684498786926, 0.9550460577011108, 0.8536207675933838, 0.0497240349650383, 0.2358047068119049, -0.44344764947891235, 0.5451285243034363, -0.26976361870765686, 0.6138139367103577, 0.9032185673713684, -0.3121427893638611, -0.2754862308502197, -0.6151569485664368, 0.20792487263679504, -0.9886360764503479, 0.34173262119293213, -1.3407666683197021, 0.10282433032989502, -0.08024951815605164, -0.4016450047492981, -0.010914623737335205, 0.019762199372053146, 0.34675008058547974, 0.24585500359535217, -0.1418764591217041, -0.30443817377090454, -0.08702589571475983, 0.7328690886497498, -0.6881767511367798, 0.3113587498664856, 0.18822911381721497, 0.07761368900537491, 0.6704971194267273, -0.534276008605957, -0.27506962418556213, -0.1468523144721985, -0.04233277589082718, -0.01634693518280983, 1.6978002786636353, -0.4597707688808441, 0.3888607919216156, -0.36095303297042847, 0.21708127856254578, -0.15605074167251587, -1.050435185432434, -0.5093749761581421, 0.0602351613342762, 0.17016088962554932, -0.03499099612236023, -0.1410219371318817, 0.26101887226104736, 0.5038201808929443, -0.6349531412124634, 0.31534838676452637, -0.2965945601463318, 0.5089910626411438, -0.26030534505844116, 0.5279020667076111, 0.0976855456829071, 0.4473366439342499, -0.5338674783706665, 2.4532084465026855, -0.48443904519081116, 1.665809154510498, -0.35758349299430847, 0.04525884985923767, -0.03181373327970505, -0.23379909992218018, 0.7158788442611694, 0.28901875019073486, -0.6571491360664368, -0.0704207494854927, -0.041575148701667786, 0.08842417597770691, 0.7404299378395081, -0.6703178286552429, 0.26574602723121643, 0.22456160187721252, 0.6414890885353088, -1.2472385168075562, 0.3759753406047821, 0.18714050948619843, 0.3170076310634613, 0.5727171897888184, 0.5223017334938049, -0.8330392837524414, 0.8651508092880249, 0.4514431655406952, 0.5928083658218384, -0.5787112712860107, 0.4218275249004364, -0.9862927198410034, 0.32107532024383545, 1.381852626800537, -0.10277693718671799, -1.1565501689910889, -0.4704328775405884, 0.7696802616119385, 0.3060453534126282, -0.023028351366519928, 0.03873196244239807, 0.4263646900653839, -0.3499106764793396, 0.42545223236083984, 0.2128821760416031, 0.361907035112381, -0.643726646900177, 0.008210480213165283, 0.19990573823451996, 0.6330152750015259, 0.9222973585128784, 0.06278879940509796, 0.6972701549530029, -1.8510416746139526, 0.11799807846546173, -0.032928913831710815, -0.4004405438899994, -0.4739387035369873, -0.653649091720581, 0.3809688985347748, -0.27233192324638367, 0.007704250514507294, -0.12707294523715973, 0.7542387843132019, -0.940614640712738, -0.8737101554870605, 0.853447675704956, -0.5130186080932617, 0.38520702719688416, 0.6679558157920837, 0.6455458998680115, 0.3915553390979767, -0.21128857135772705, -1.0098954439163208, -1.7361395359039307, 0.34130117297172546, 1.978654384613037, -0.36576229333877563, -0.2591785192489624, -1.106136441230774, -0.20886029303073883, -0.12366983294487, -0.9048614501953125, 0.11374607682228088, -0.9013925194740295, 0.058767352253198624, -1.390190839767456, 0.32173946499824524, -0.6808659434318542, -0.08694391697645187, -0.1263701468706131, 1.5433920621871948, -0.861240804195404, -0.8578610420227051, -0.3636159896850586, -0.7151926159858704, 0.27305278182029724, 0.6693097352981567, 0.21212004125118256, -0.18373076617717743, 0.45156145095825195, 0.010215669870376587, 0.8503768444061279, -0.23864102363586426, 0.369564026594162, -0.45044979453086853, -0.08021000027656555, 0.2274598330259323, 0.6775651574134827, -0.4735153317451477, -0.1056504175066948, -0.12407365441322327, 0.5369216203689575, -0.20592744648456573, -0.1995079517364502, -0.5553765296936035, 0.20494326949119568, 0.9893614053726196, 1.6423927545547485, -0.3707803785800934, 1.3761805295944214, -1.1630831956863403, 0.2291291058063507, -0.31339627504348755, -0.9798371195793152, -0.5649599432945251, -0.12843739986419678, 1.0257291793823242, -0.02652774192392826, -0.27904218435287476, -0.4460826516151428, -0.2636268734931946, -1.0896326303482056, -0.28221097588539124, 0.07927366346120834, -0.4121502637863159, -0.7283955812454224, 0.07023578882217407, -0.00892338901758194, -1.1503159999847412, -0.4491376280784607, -0.09127455949783325, 0.9240511059761047, 0.03135548159480095, 1.1481361389160156, 1.5668400526046753, 0.2465151846408844, 0.3217586576938629, -0.07917163521051407, 0.6259218454360962, -0.7583906650543213, 0.21975892782211304, 0.44585052132606506, -0.05620142072439194, -0.7022714018821716, -0.6471778154373169, -0.45814770460128784, 0.24570214748382568, 0.5240743160247803, -0.7615212202072144, 0.48025739192962646, -0.20938338339328766, -1.6597042083740234, 1.0254216194152832, -0.28268030285835266, -0.5150161981582642, -0.7374483942985535, 1.3959892988204956, 0.43392860889434814, 0.1538882851600647, 0.8092862963676453, -0.32636094093322754, -0.01663391664624214, 1.4665472507476807, -0.4864172637462616, 0.3505780100822449, 0.30359339714050293, -0.25712889432907104, -0.10157518088817596, 0.5490995645523071, -2.106311321258545, 0.47634243965148926, 0.6320868134498596, 0.20609860122203827, -0.16821591556072235, -0.6943263411521912, 0.26140642166137695, 0.08222204446792603, -0.08587247878313065, 0.5576497316360474, -0.5867726802825928, 0.893705427646637, -0.46279171109199524, -0.21034227311611176, 0.6770484447479248, -0.6145380735397339, 0.447549968957901, 0.914983332157135, 0.9879524111747742, -0.4381544888019562, 0.46468544006347656, 0.666090190410614, -0.5591533780097961, 0.9572821855545044, 0.45045217871665955, 1.28752601146698, 1.1611270904541016, -1.0592539310455322, 0.006770591251552105, 0.68417888879776, 0.42582523822784424, 0.6244273781776428, 0.05160333216190338, -0.21798591315746307, 0.7494146823883057, -0.28002822399139404, 0.9084543585777283, 0.5551440715789795, -1.51991605758667, -0.9827442169189453, -0.6505092978477478, -0.8503322601318359, -0.7509806752204895, 1.6269543170928955, 1.331501841545105, 1.1916143894195557, 0.2687027156352997, 0.6023732423782349, -0.18586303293704987, -0.3036097288131714, 1.4606300592422485, 0.37643885612487793, -0.3514721989631653, -0.18904957175254822, 0.30063509941101074, 0.8922956585884094, -0.2450496107339859, -0.8356548547744751, -0.10239588469266891, 0.24036121368408203, 0.07512965053319931, -0.7245950698852539, 0.3917066156864166, 0.9317132830619812, 0.7245056629180908, 1.598315954208374, -0.7479620575904846, -0.37958893179893494, -0.08547911792993546, 0.3903037905693054, -0.5927546620368958, -0.11387169361114502, -1.3126583099365234, 0.615297794342041, 0.10106535255908966, 1.1293047666549683, -0.3761754035949707, 1.2572240829467773, 0.7345505952835083, -0.39627793431282043, -1.291189193725586, -0.46480071544647217, -1.1411644220352173, -0.5658773183822632, -0.345506876707077, -0.5021572113037109, -0.5006589293479919, 0.3371715843677521, -0.035548221319913864, 0.2959141731262207, 0.1490849405527115, -0.29967373609542847, -1.0255262851715088, 0.68137526512146, 0.934581995010376, -1.2144782543182373, -0.4222305417060852, -0.2528553009033203, -0.4112975597381592, -0.8620970845222473, 0.5648236870765686, -0.8373271822929382, -0.1199328824877739, -0.0698084831237793, 0.6387934684753418, -0.16097615659236908, -0.47778284549713135, -0.8036277294158936, 0.6143975257873535, 0.9938054084777832, -0.3269241452217102, -0.27493563294410706, 0.2740994691848755, 0.8389078974723816, 0.32766419649124146, -0.6734344959259033, -0.19215068221092224, 1.5086480379104614, -0.152868390083313, -0.08845555037260056, -0.4040130078792572, -1.0007586479187012, 0.1568630337715149, 0.10191899538040161, 0.8467856645584106, -0.9775987863540649, 0.4312872290611267, -0.172771617770195, 0.1683884710073471, 0.3220381736755371, -0.8516591787338257, -0.9726923108100891, 1.1819376945495605, -0.5116007924079895, -0.03135281056165695, -0.21354156732559204, 0.4192153513431549, 1.2494401931762695, 0.14874142408370972, 0.1641446053981781, -0.39910271763801575, -12.753849983215332, 0.6442868113517761, 0.0709705576300621, 0.28715479373931885, 0.6888459920883179, -0.23304903507232666, 0.7573608756065369, 0.29164183139801025, 0.4469694495201111, -0.6140813827514648, -0.5975636839866638, 1.4224807024002075, 0.12532922625541687, -0.062153272330760956, -0.4904184341430664, -1.128949761390686, 0.18706567585468292, -0.7341899275779724, 0.2286917120218277, 0.47928792238235474, -0.1626264899969101, -1.0433686971664429, -0.009701967239379883, -0.3983365595340729, 0.005586275830864906, -1.0580374002456665, -0.15996956825256348, -0.3695806860923767, 0.008561201393604279, -0.3193664252758026, 0.34293168783187866, -0.45412179827690125, -1.1099109649658203, 0.34090355038642883, 0.22452177107334137, -0.027662672102451324, -0.8227876424789429, -0.42593470215797424, 0.25266531109809875, -0.3391680419445038, -0.1964847296476364, 0.1946973204612732, 0.10876675695180893, -0.09246867895126343, -0.10996923595666885, 0.0979289561510086, -0.3012197017669678, -0.5261141061782837, -0.1038663387298584, -0.7274202108383179, 0.043557822704315186, -0.07808693498373032, -0.204356849193573, -0.8050855398178101, 0.043406061828136444, -0.614124596118927, -0.6716753840446472, 0.11570540070533752, -0.8478272557258606, -0.9412503242492676, 0.5463289618492126, 0.07601392269134521, -0.7076938152313232, 0.12574417889118195, 0.28503599762916565, -0.5140095353126526, 0.684601902961731, 0.1975809633731842, 0.3066340386867523, 0.5427216291427612, -0.8185425400733948, 0.5312588214874268, 0.4316592514514923, 0.08155099302530289, -0.46622803807258606, -0.454609215259552, 0.13742806017398834, -0.4065859317779541, 0.5602344274520874, -0.44647571444511414, -0.7406858801841736, 0.4688177704811096, 0.6491369605064392, 0.40613076090812683, -0.8744350075721741, 0.07722902297973633, -0.06351932138204575, -0.15518736839294434, 0.7657341957092285, 0.004468783736228943, 0.9425734281539917, 0.10285166651010513, -0.528681755065918, -0.6884248852729797, -0.6681163907051086, 1.0048158168792725, -0.19846484065055847, 0.9880790114402771, -0.1216055378317833, -0.08118369430303574, -0.053417615592479706, 0.6699361801147461, -0.46126657724380493, -0.07361914217472076, 0.9542111754417419, -0.0908278301358223, 0.14331093430519104, 0.3951106369495392, 0.27370479702949524, -0.11304236203432083, 0.7527771592140198, 0.2316710650920868, -0.16410531103610992, 0.6994343996047974, -0.28577283024787903, 0.6719278693199158, 0.7721911072731018, 0.26006975769996643, 0.532313883304596, 0.8328266143798828, 0.4001719355583191, 0.10360027104616165, 0.04348309338092804, 1.618843674659729, 0.3361263573169708, 0.15597262978553772, 0.25990134477615356, 0.3404144048690796, 0.08122799545526505, -0.6918057799339294, -0.1342231035232544, -0.007199309766292572, 0.30944108963012695, -0.7806698679924011, -0.1566784530878067, -0.7520318627357483, -0.7121497988700867, 0.5792580842971802, -0.263084352016449, 0.20998725295066833, -0.4014086127281189, -0.6145569086074829, -0.6994966864585876, -0.10038941353559494, -0.4582911431789398, 0.718231737613678, -2.3389995098114014, -0.22135275602340698, -0.35263317823410034, -1.0746726989746094, 0.5580511093139648, -0.3081074357032776, 0.6150885820388794, -0.21489040553569794, 0.25610342621803284, -0.02653825655579567, 0.3013680875301361, -0.38609278202056885, -0.6694914102554321, -0.12359905987977982, 0.296142578125, 1.1952420473098755, -1.24644935131073, 0.9851794242858887, 0.9516828060150146, 0.08072113990783691, -1.1342209577560425, -0.7168368101119995, -0.19964836537837982, 0.0836358591914177, 0.3883061707019806, -1.0063990354537964, -0.612941324710846, -0.4581586718559265, 0.0962931364774704, -0.9279202818870544, -0.1592126488685608, 0.7667570114135742, -0.8904954791069031, 0.6598286032676697, -0.1557304561138153, 0.1791592538356781, -0.3645474314689636, -0.30454766750335693, -0.8354295492172241, -0.5505799055099487, -0.40564292669296265, 0.9559574723243713, 0.022073471918702126, 0.9481024742126465, -0.6300793290138245, -0.5384275913238525, -0.4919869899749756, 0.7778980135917664, 0.27325278520584106, -0.6949005722999573, 1.3944751024246216, 0.14134708046913147, 0.0017794370651245117, 0.29643183946609497, 0.015830259770154953, 0.586145281791687, 0.19993339478969574, 0.3191440999507904, -0.6399306058883667, 0.0020314231514930725, -1.0326118469238281, -0.03572315350174904, 0.1482122391462326, 1.0995415449142456, -0.8032538294792175, -0.418027400970459, -0.1670214980840683, -0.030650433152914047, -0.6941690444946289, -0.5362992286682129, 0.2559748888015747, -0.20079487562179565, -0.6415672898292542, -0.5480505228042603, 0.20020589232444763, 0.8785243630409241, -0.07776819914579391, 0.23138901591300964, 0.492475301027298, 0.6420706510543823, 0.6684504151344299, 0.5940718054771423, 1.2766460180282593, -0.4487449824810028, -0.4435892105102539, 0.21310371160507202, 0.857253909111023, -0.2111784815788269, -0.2646316885948181, -0.06742823868989944, -0.3901175260543823, -0.05053123086690903, -1.1037559509277344, 0.6097639203071594, -0.18677257001399994, 0.12707184255123138, 0.38916563987731934, 0.7463385462760925, -0.542219877243042, -1.0965176820755005, -0.188081756234169, -0.9385309815406799, 0.24251697957515717, -0.10367636382579803, 1.0120638608932495, 0.6289200782775879, 0.6841841340065002, 0.12917713820934296, 0.7992649078369141, 0.09442929923534393, 0.26694637537002563, 0.12452061474323273, -0.33251649141311646, 1.2136186361312866, 0.9149972796440125, 0.2598263621330261, -0.009557666257023811, -0.1337195634841919, -1.742716670036316, -0.25289565324783325, -0.2715654671192169, 0.6026762127876282, 1.0787841081619263, -0.37490156292915344, 0.6429568529129028, -0.6322427988052368, 0.25895920395851135, -0.18935781717300415, 0.12881015241146088, 0.3419477343559265, -0.09856772422790527, -0.5999846458435059, -0.8236969709396362, 0.2774898111820221, 0.9732459187507629, -0.27281349897384644, -0.29765814542770386, -0.8299501538276672, 0.03855651989579201, -0.49258095026016235, -0.2881655693054199, -0.5453658699989319, 0.540702223777771, -0.3844764828681946, -0.02142048254609108, 0.6097562313079834, -0.505559504032135, -0.9225146174430847, 0.6837120652198792, -0.7391617894172668, 0.2641889154911041, -0.4018862247467041, -0.6890043616294861, -0.33471009135246277, 0.2714533805847168, -0.7045540809631348, -0.3759792149066925, 0.4990968108177185, -0.08785662055015564, -1.5677058696746826, 1.2007499933242798, 1.1761133670806885, -0.21776825189590454, -0.5903844833374023, -0.057183392345905304, 0.3329111933708191, 0.5058743357658386, 0.8107673525810242]} +{"paper_id": "quail", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "swag", "embedding": [-0.1610432267189026, 0.30401816964149475, -0.5034903883934021, -0.08234154433012009, 0.06718534231185913, 0.050667956471443176, 1.314002275466919, 0.3092815577983856, 1.097611904144287, 1.0273818969726562, -0.00020019710063934326, 0.7368853688240051, -0.343119740486145, -0.17685168981552124, 0.0464557483792305, -0.767595112323761, -0.2266324758529663, 0.13394008576869965, -0.7822064161300659, -0.3138655722141266, -0.6139966249465942, -0.5059716105461121, 0.40455782413482666, 0.7429267168045044, -0.6141847372055054, -0.16861936450004578, 0.7220925092697144, -1.2222607135772705, 0.6395049691200256, 0.23462197184562683, -0.16784724593162537, 1.4029693603515625, -1.9606252908706665, 0.7031906843185425, -1.0476754903793335, -0.38955309987068176, -0.010722460225224495, 0.9659227132797241, 0.05472201853990555, 0.04333906248211861, -0.3543005883693695, 0.46730902791023254, 0.3583705723285675, 0.21359121799468994, 0.030763402581214905, -0.15718886256217957, 0.3987919092178345, 0.32750001549720764, -0.07597202062606812, 0.24022622406482697, -0.4851008951663971, 0.179135262966156, 0.2925264537334442, 0.8999800682067871, 0.0831371545791626, 0.7934454083442688, 0.3771878480911255, -1.0604876279830933, 0.6505240797996521, -0.7321921586990356, 1.540212631225586, 1.221176028251648, -0.39437350630760193, 0.18564392626285553, 0.6857138872146606, 0.07302069664001465, 0.47343799471855164, 0.5532470345497131, 0.04275757446885109, 0.7201061844825745, -0.39374810457229614, -0.7968652844429016, 0.13505658507347107, -0.268008291721344, -0.2681659460067749, 0.7556090354919434, 0.1452781856060028, 0.18865081667900085, 0.5013271570205688, 0.09081889688968658, 0.0651845782995224, 0.338769793510437, -0.1261112540960312, -0.5717750191688538, 0.12404754757881165, 0.24560818076133728, 0.37483298778533936, -1.0143992900848389, 0.39258256554603577, -1.8149319887161255, 0.5755398869514465, 0.7794936895370483, 0.22947958111763, -0.40718939900398254, 0.17841088771820068, 0.5486631989479065, -0.3564629554748535, -0.35598281025886536, -0.6120133399963379, 0.39052653312683105, 0.33639049530029297, -0.7857508659362793, 0.7521323561668396, -0.16837206482887268, 0.4352591633796692, 1.099293828010559, 0.1339711993932724, -0.1761074662208557, -0.3173207640647888, -0.10118743032217026, -0.6028220653533936, 1.4765560626983643, -0.23874369263648987, 0.6216092109680176, -0.04896941035985947, 0.11542078107595444, 0.6560048460960388, -0.4628557860851288, -0.6362743973731995, 0.23047277331352234, 0.2866270840167999, -0.8596688508987427, -0.6250112056732178, 0.1656217724084854, 0.6723169684410095, -0.7708272933959961, -0.49372053146362305, 0.1622910499572754, 0.10794500261545181, 0.4554634690284729, 0.25522133708000183, 0.46205443143844604, -0.5597467422485352, -0.11013492941856384, 3.0831539630889893, -1.0270664691925049, 1.5053417682647705, -0.8851776123046875, 0.10233226418495178, 0.03479057550430298, -0.6680130362510681, 0.36427241563796997, 0.6508132815361023, -0.16005457937717438, -1.261903166770935, 0.19744926691055298, -0.06777377426624298, 0.2542179226875305, -0.49774590134620667, 0.3146776556968689, -0.2638452351093292, 0.620141327381134, -1.3430380821228027, -0.3256595730781555, 0.5198206901550293, 0.2728162705898285, -0.6997776627540588, 0.6164475083351135, -0.6948073506355286, 0.5931724309921265, 0.18469426035881042, 0.117803655564785, -0.4534379839897156, 0.07151893526315689, 0.0773480162024498, 0.39405155181884766, 0.8766611218452454, -0.2994834780693054, -1.0398725271224976, -0.379485547542572, 0.8601362705230713, -0.06256822496652603, -0.23169833421707153, -0.4979088008403778, -0.270980566740036, 0.3382144272327423, 0.3732653260231018, 0.06649738550186157, 0.1650630086660385, -0.9108302593231201, -1.0686451196670532, -0.051877591758966446, -0.09143534302711487, 0.585017204284668, -0.6963238716125488, -0.12352676689624786, -2.1783132553100586, -0.13530978560447693, -0.2617291510105133, 0.8034831285476685, 0.23149725794792175, 0.01904173381626606, 0.045060209929943085, 0.41366374492645264, -0.41721808910369873, -0.2651011049747467, 0.8977912664413452, -1.156652808189392, 0.12238937616348267, 0.015173308551311493, -0.6363864541053772, -0.6887323260307312, -0.6176339983940125, 0.44441521167755127, 0.7614776492118835, -0.5755831599235535, -0.5858606696128845, -1.9345066547393799, 0.36593133211135864, 1.5270627737045288, 0.3822726607322693, -1.0009675025939941, -1.0461289882659912, -0.18908242881298065, 0.58884596824646, -0.10427012294530869, 0.6680154800415039, -0.46966710686683655, 0.32676443457603455, -1.3839274644851685, 0.4415794909000397, -0.20584824681282043, 0.9595009684562683, 1.0468735694885254, 1.6218901872634888, -1.1208380460739136, 0.2321365475654602, -0.6125256419181824, -0.9063528776168823, 0.5243595838546753, 0.4907247722148895, 0.19960372149944305, 0.6089524030685425, 0.8410136699676514, 0.10242953896522522, 1.0164320468902588, 0.3822273910045624, 0.5364937782287598, -0.8574999570846558, -0.31057727336883545, 0.2126511037349701, 0.6274698376655579, -0.23651744425296783, -0.286795437335968, -0.3914402723312378, 0.1573895812034607, -0.6470229625701904, -0.5598726868629456, 0.09284058958292007, -0.19290828704833984, 1.000368356704712, 0.8538980484008789, -0.9682371020317078, 0.14524716138839722, 0.021673403680324554, -0.7646267414093018, 0.11827963590621948, -0.5163025259971619, -0.6278378963470459, 0.04268217831850052, 0.847957193851471, 0.5001844167709351, -0.10551747679710388, -0.002927146852016449, 0.1386665254831314, -1.0250171422958374, 0.12538187205791473, -0.0796123594045639, 0.22055988013744354, -0.8209105730056763, -0.024407535791397095, -0.4886265993118286, -1.045225977897644, -1.0850112438201904, -0.38172295689582825, 0.2404382973909378, 0.04296524450182915, 0.440663605928421, 1.66074538230896, 0.1838407814502716, 0.04359564185142517, 0.05804155766963959, 1.366380214691162, -0.44307324290275574, 0.004742056131362915, -0.09282238781452179, 0.34657159447669983, -0.7112656831741333, 0.2766681909561157, -0.5746906995773315, 1.005007028579712, 0.05222754925489426, -0.8542551398277283, 0.81597900390625, -0.8536200523376465, -0.5794064998626709, 1.3843040466308594, 0.14017246663570404, 0.15424945950508118, -0.5773634314537048, 1.075094223022461, 0.5446656942367554, -0.3027258813381195, 0.6137022376060486, -0.4352388381958008, -0.32124975323677063, 1.664964199066162, -0.4566067159175873, 0.1866886466741562, 0.039207711815834045, 0.39085087180137634, 0.4593917429447174, 0.38969945907592773, -2.051995277404785, 0.5320830345153809, 0.6784148812294006, -0.24781760573387146, -0.5141905546188354, -0.7955605387687683, 0.5022729635238647, -0.6921396851539612, 0.03750389814376831, 0.3364582061767578, -0.5188655853271484, 0.15787258744239807, -0.3725285828113556, 0.20062370598316193, 0.6816978454589844, -1.5563383102416992, 0.11220364272594452, 0.41669562458992004, 0.2564328908920288, -0.632280707359314, -0.0491400770843029, 0.7319945096969604, -0.31756317615509033, 0.047480128705501556, -0.33071574568748474, 1.0726186037063599, 0.8704851865768433, -0.29212069511413574, -0.31744685769081116, 0.9083577990531921, -0.13723663985729218, -0.10031503438949585, 0.27312371134757996, -0.3842228055000305, 0.2445365935564041, -0.5998486280441284, 1.27598237991333, -0.23413798213005066, -0.9677935838699341, -0.888463020324707, -0.3116401731967926, -0.38008666038513184, -0.45883435010910034, 1.072092056274414, 1.2133736610412598, 0.7121320366859436, 0.3969501256942749, 1.0763713121414185, -0.5209984183311462, -0.14474934339523315, 0.279021680355072, 0.07928591966629028, 0.15147607028484344, -0.8431589603424072, -0.1273195445537567, 0.5212700366973877, 0.3458077907562256, -0.5115349888801575, -0.25680410861968994, 0.6982020735740662, 0.19937531650066376, -0.31331098079681396, 0.3632132411003113, 0.2657272517681122, 0.17724603414535522, 1.4697566032409668, -1.1248116493225098, 0.01062626764178276, 0.144964799284935, 0.3800446689128876, 0.4706457853317261, -0.1864912211894989, -0.6049429178237915, 0.29035133123397827, -0.0960996001958847, 0.7445166707038879, 0.2786199450492859, 0.700556755065918, 0.75738126039505, -0.3078116774559021, -0.6834257245063782, -0.205774188041687, -0.6316308379173279, 0.16323918104171753, 0.22209399938583374, -0.24420712888240814, 0.08424310386180878, 0.45134955644607544, -0.350398987531662, -0.8837437629699707, 1.083799958229065, -0.32357320189476013, -0.8465856313705444, 0.5371933579444885, 0.8852336406707764, -1.1705094575881958, -0.4786752760410309, -0.04398428276181221, -0.48290660977363586, -0.6615153551101685, -0.0405278243124485, 0.13731761276721954, 1.0061843395233154, -0.12893040478229523, 0.7480149269104004, 0.16119620203971863, -0.19818808138370514, -0.7699803113937378, 1.1770480871200562, 0.841749906539917, -1.1703357696533203, 0.9434058666229248, 0.06898093968629837, 0.33228087425231934, 0.7012960910797119, -0.5498055815696716, -0.02084459736943245, 1.4217631816864014, 0.43284592032432556, 0.09612926840782166, -0.8396754264831543, -0.8571359515190125, 0.14644455909729004, -0.2151343822479248, 0.2345772087574005, -0.840368390083313, -0.20318876206874847, -0.1308380663394928, 0.011490195989608765, 0.783432126045227, -0.5749532580375671, -1.1144695281982422, 0.5685185194015503, -0.49395039677619934, 0.6724042892456055, -0.953290581703186, -0.2089315950870514, 1.7196048498153687, 0.14567241072654724, 0.15512539446353912, -0.2944495379924774, -12.667221069335938, 1.2568389177322388, 0.07488426566123962, 0.5262370705604553, 0.4827035665512085, -0.2920387089252472, -0.3091588020324707, -0.13795731961727142, 0.15116488933563232, -0.5607765316963196, 0.41089731454849243, 1.467331886291504, 0.1042189821600914, -0.26814979314804077, -0.4986305236816406, -1.3672890663146973, -0.23760105669498444, -0.8366060256958008, -0.2232971042394638, 0.27625685930252075, 0.4976157546043396, -1.1777695417404175, -0.09097623825073242, -0.4454039931297302, 0.3519665002822876, -0.31508973240852356, -0.6201785802841187, -0.14357681572437286, -0.2137216180562973, 0.10673590004444122, 0.5592244267463684, -0.09451677650213242, -0.12232370674610138, -0.6444470286369324, 0.19564412534236908, -0.19177161157131195, -0.8864393830299377, 0.352811336517334, 0.5926533937454224, 0.26333197951316833, -0.10727322101593018, 0.11887086927890778, 0.6449738144874573, 0.43720394372940063, -0.2445053607225418, 0.5763610601425171, 0.16322480142116547, -0.1508094221353531, -0.31265220046043396, -0.07318777590990067, 0.5314818620681763, -0.8486394882202148, -0.39025044441223145, -0.7436445355415344, 0.6421076655387878, -0.4138195812702179, -1.0581718683242798, -0.1080235093832016, -1.0560601949691772, -1.7456274032592773, -0.3738345801830292, -0.18478024005889893, -0.5528178811073303, -0.0565527118742466, 0.28862011432647705, -0.19651073217391968, 0.2301011085510254, 0.6365955471992493, -0.5015904903411865, 0.11373750865459442, -0.7040820121765137, 1.0153114795684814, 0.003007892519235611, 0.32045096158981323, -0.4475541114807129, -0.27764979004859924, -0.3338586688041687, 0.14465643465518951, 0.8392397165298462, -0.38047242164611816, -1.3372246026992798, 0.5905591249465942, -0.06113041192293167, -0.32546737790107727, -1.1339541673660278, 0.26006269454956055, -0.18012899160385132, -0.276506245136261, 0.789257287979126, 0.236244797706604, 1.0378838777542114, -0.1091863363981247, -0.4988820552825928, -0.21563193202018738, -0.5562281012535095, 0.5807511210441589, -0.520564079284668, 0.5171574354171753, -0.12495031207799911, -0.7421954274177551, 0.2076006531715393, 0.1662825644016266, -0.738893985748291, 0.22222714126110077, 0.46902912855148315, 0.22682112455368042, 0.6812007427215576, -0.3324796259403229, 0.4646381139755249, -0.12208530306816101, 0.2823304533958435, -0.21847520768642426, 0.10613840818405151, 0.944242537021637, -0.2530723214149475, 0.16422341763973236, 0.9886613488197327, -0.07870978862047195, 0.4276004135608673, 0.8692708015441895, -0.5268335342407227, 0.4489620327949524, -0.022918956354260445, 0.97526615858078, 0.007839128375053406, 0.4175125062465668, 0.22534239292144775, 0.4549332857131958, -0.1434609293937683, -1.3922743797302246, 0.5835385322570801, -0.740530252456665, 0.12833131849765778, -0.6075950860977173, -0.18221379816532135, 0.009790640324354172, -0.7495529055595398, 0.9643048048019409, -1.078191876411438, 0.2901873290538788, -0.2660202980041504, 0.5723716616630554, -0.4346218407154083, -1.0717988014221191, -0.8982437252998352, 0.08628179132938385, -1.6299076080322266, 0.6473240256309509, -0.6313748359680176, -0.048711299896240234, -0.2044467329978943, -0.29238107800483704, 0.8874878287315369, -0.5507309436798096, -0.21381154656410217, -0.4776517450809479, 0.21753822267055511, -0.42360571026802063, -0.5488366484642029, -0.36331450939178467, -0.0895254984498024, 1.2810338735580444, -0.9165754318237305, 1.1583069562911987, 0.21881094574928284, -0.12805987894535065, 0.015825577080249786, -0.14159521460533142, 0.001252942718565464, 0.09946411103010178, 0.7375540733337402, -1.0714555978775024, 0.21119222044944763, -0.1869819462299347, 0.03297511115670204, -1.114729404449463, 1.0763790607452393, 0.7314126491546631, -0.6963747143745422, -0.07483354210853577, 0.11390611529350281, 0.6203439831733704, 0.2039356231689453, -0.792644739151001, -0.19569610059261322, -0.3808397352695465, 0.3971084952354431, 0.3707178831100464, -0.4417746067047119, 1.5802098512649536, -1.4939134120941162, -1.1570703983306885, -0.7700615525245667, 0.06501643359661102, 0.8625199198722839, 0.25483009219169617, 0.6814907193183899, 0.9011760950088501, 0.17630800604820251, 0.02988046407699585, 0.1605444997549057, 0.8689250349998474, 0.22295942902565002, -0.26469293236732483, -0.26934880018234253, 0.03493088483810425, -0.7058426737785339, -0.28831738233566284, 0.22416996955871582, 0.683696448802948, -1.0468205213546753, -0.19236600399017334, 0.2222103774547577, -0.5058958530426025, 0.21486696600914001, -0.4701510965824127, -0.22536474466323853, -1.025207281112671, -0.2854141891002655, -0.8979964256286621, 0.7355616688728333, 0.8508617281913757, 0.12129819393157959, 0.915999710559845, 0.525237500667572, 0.5827525854110718, 1.062727928161621, 0.4571291208267212, 1.0975370407104492, 0.12438543140888214, 0.46258744597435, 0.2976113259792328, 0.5144525766372681, 0.48830315470695496, -0.12474889308214188, -0.8176213502883911, -0.6719189882278442, 0.5148878693580627, -0.6811068058013916, 0.3138394057750702, -0.07545395195484161, 0.3306478261947632, 0.8169841170310974, 1.0078256130218506, -0.8025819063186646, -1.3665058612823486, -0.45047053694725037, -1.44629967212677, 0.05772511288523674, 0.7057308554649353, 0.9325816035270691, 1.3177186250686646, 0.8657076954841614, -0.33656245470046997, 0.8127313256263733, -0.17747080326080322, 0.18697196245193481, 0.13792391121387482, 0.41095155477523804, 1.5608628988265991, 0.7030580639839172, 0.2244957834482193, 0.29795539379119873, 0.1898041069507599, -0.7658727765083313, -0.10723723471164703, -0.5696130990982056, 0.6401786208152771, 0.07925301790237427, -0.41730600595474243, 0.5252065658569336, -0.022121617570519447, -0.12558063864707947, -0.5043298006057739, 0.509706437587738, 0.12588927149772644, -0.5264076590538025, -0.30399495363235474, -0.6665027737617493, 0.023905074223876, 0.7441022992134094, 0.1509159952402115, -0.5589781999588013, -0.3599548935890198, 0.8251187205314636, 0.2785467207431793, 0.07384683936834335, -0.8435468077659607, 0.015452596358954906, -0.27679872512817383, -0.3762110471725464, -0.323621541261673, -0.543411910533905, -0.12224672734737396, -0.20482906699180603, -0.7345871329307556, 0.47844570875167847, -0.7367163300514221, -0.6853317618370056, -0.9452114701271057, 0.3086734414100647, 0.5914638042449951, 0.031985193490982056, 0.19866670668125153, -0.14746195077896118, -1.6502522230148315, 0.6736021637916565, 0.5649310350418091, -0.38049498200416565, -0.34918779134750366, 0.3394009470939636, 0.14776712656021118, -0.18669918179512024, 1.1445552110671997]} +{"paper_id": "common_gen", "embedding": [-0.8551380038261414, 0.7907750606536865, 0.194297194480896, 0.3499147891998291, 0.6967179775238037, -0.00790565088391304, 1.0116254091262817, -0.19051852822303772, 0.3873690068721771, 0.9734381437301636, 0.35404983162879944, 0.6258518695831299, -0.2900192141532898, -0.17128987610340118, 0.11260293424129486, -0.19595691561698914, -1.2934743165969849, -0.23130092024803162, -1.044521450996399, -0.7488029599189758, -0.7354568839073181, -1.207474708557129, -0.16459223628044128, 0.1917887032032013, -0.7810420393943787, -0.003951497375965118, 1.1070349216461182, -1.466753363609314, 0.24835872650146484, 0.2822338938713074, -0.2335185408592224, 1.0702403783798218, -1.0077108144760132, 1.125084638595581, -0.35023292899131775, -0.24314700067043304, 0.058751143515110016, 0.7063626646995544, -0.6542199850082397, 0.2992382049560547, -0.23022155463695526, 0.4665890038013458, 1.1700279712677002, -0.31307104229927063, 0.12188839912414551, -0.329164981842041, -0.21458406746387482, 0.17336328327655792, -0.33184683322906494, 0.2023269385099411, -0.40812355279922485, 0.004060700535774231, 0.5978350043296814, 0.576189398765564, 0.24354791641235352, 1.9221004247665405, 0.07619651407003403, -0.9609198570251465, 0.232649564743042, -0.26550203561782837, 0.634063184261322, 2.1620118618011475, -0.49772313237190247, 0.7257876396179199, 0.8023219704627991, 0.30520910024642944, 0.7922863960266113, 0.7870545387268066, -0.06530848890542984, 0.908648669719696, -0.2448652684688568, -0.8287057876586914, 0.7584588527679443, 0.18501880764961243, 0.26190322637557983, 0.750129222869873, 0.14195780456066132, 0.1133226603269577, 0.39308586716651917, 0.11338097602128983, -0.019190866500139236, 0.4351921081542969, 0.604246199131012, -0.7980926632881165, -0.1276616007089615, 0.987683117389679, 0.47229960560798645, -0.2899678945541382, -0.43319401144981384, -1.51076340675354, -0.3422766327857971, 0.6671923995018005, 0.2504953444004059, -0.14577756822109222, 0.22568313777446747, 0.4461757242679596, -0.011299658566713333, 0.007159467786550522, -0.6296602487564087, 0.3143357038497925, 0.028996992856264114, -0.8736386299133301, 0.3677982687950134, -0.15973904728889465, 1.0003424882888794, 0.5558239817619324, -0.10690344125032425, -0.28558027744293213, -0.12415347248315811, -0.5487468242645264, -0.029213618487119675, 0.8058201670646667, 0.6806018352508545, 0.4321339726448059, -0.3898172378540039, -0.4567374587059021, 0.20127978920936584, -0.25878673791885376, -0.10783693194389343, 0.28512436151504517, 0.0013451818376779556, -1.2147079706192017, -0.25622832775115967, -0.4177103042602539, 1.5116082429885864, -0.7576277256011963, -0.36559367179870605, 0.1103687509894371, 0.5935381054878235, -0.40573835372924805, -0.37413278222084045, 0.3227940499782562, -0.6661216616630554, 0.3177652955055237, 3.4903790950775146, -0.5914961695671082, 1.1783503293991089, -1.3339818716049194, -0.2523277699947357, -0.45640426874160767, -0.036755651235580444, 0.8039007186889648, -0.050894275307655334, -0.01800675317645073, -1.2381702661514282, -0.06001661717891693, -0.37154096364974976, 0.7104361057281494, -0.5747302770614624, 0.12514252960681915, 0.3832559585571289, -0.4533568322658539, -1.8115718364715576, -0.27094119787216187, -0.08500653505325317, 0.3423462212085724, -0.41106635332107544, -0.05434834957122803, -0.33357447385787964, 1.1541831493377686, 0.56485915184021, -0.2710336446762085, -0.9370591640472412, -0.5334022045135498, -1.0756124258041382, 0.5582922101020813, 0.8551295399665833, -0.3293471336364746, -0.6740854978561401, -0.454889714717865, 0.823340117931366, 0.16123884916305542, -0.05338691174983978, -0.9165096879005432, 0.4054666757583618, 1.090711236000061, 0.6579733490943909, 0.1302076280117035, 0.21544979512691498, -0.6008425951004028, -1.1144784688949585, -0.5251790881156921, -0.4338901937007904, 0.11779645830392838, -0.4537569284439087, 0.3336566984653473, -2.479438304901123, -0.6877238750457764, -0.724962592124939, 0.4636276066303253, -0.18470263481140137, 0.05248923599720001, -0.28995126485824585, 0.031157393008470535, -0.5130793452262878, -0.30557286739349365, 0.68246990442276, -0.8877198696136475, -0.10554218292236328, 0.3170139789581299, -0.08889421820640564, 0.04403756558895111, -0.6691429018974304, 1.5972678661346436, 0.8043214678764343, -0.45643332600593567, -0.5507869720458984, -1.8115934133529663, 0.1501098871231079, 2.178269147872925, 0.1973854899406433, -1.2886574268341064, -1.1570677757263184, -0.3956402540206909, 1.0270912647247314, -0.10440678894519806, 0.3016013503074646, -0.5530511736869812, 0.4726419746875763, -1.0466636419296265, 0.3594905734062195, -0.48705053329467773, 0.8813120722770691, 0.5315467119216919, 1.0929690599441528, -0.7591323852539062, 0.18886935710906982, -0.6097712516784668, -0.9483880400657654, 0.30198463797569275, 0.9897308945655823, 0.20184457302093506, -0.5442402958869934, 1.0656180381774902, 0.06132282316684723, 0.5634792447090149, 0.5408535003662109, 0.9340388774871826, -0.6866416931152344, 0.3398922383785248, 0.7469868063926697, 1.2798442840576172, -0.4597052335739136, 0.29538488388061523, -0.07702181488275528, 0.25635361671447754, -0.38320738077163696, -0.42319411039352417, 0.16961143910884857, -0.11124760657548904, 1.3128362894058228, 0.2856963276863098, -0.5178961157798767, 0.6712796092033386, -0.8517829775810242, -0.8110135197639465, -0.4149804711341858, -0.5595685839653015, -0.29938018321990967, -0.17697736620903015, 1.1153305768966675, -0.024893471971154213, 0.45667845010757446, -0.6607460379600525, -0.8320240378379822, -1.4096264839172363, -0.44133850932121277, 0.08014769107103348, 0.2719722390174866, -1.810464859008789, -0.029720477759838104, -0.08932490646839142, -0.6580610275268555, -1.0053901672363281, -0.12020283937454224, 0.22353456914424896, 0.30746638774871826, -0.025399167090654373, 1.8188248872756958, -0.894212543964386, 0.4072508215904236, -0.1329345405101776, 0.9424789547920227, -0.5341121554374695, 1.1145727634429932, -0.5574356317520142, -0.11869560182094574, -0.9795433878898621, 0.8256179094314575, -0.6694271564483643, 0.4641645550727844, 0.2775540351867676, -0.770700991153717, 0.13326580822467804, 0.028961777687072754, -0.2199278622865677, 1.213672161102295, -0.5129193663597107, 0.6351521611213684, -0.7827164530754089, 0.9253038167953491, 0.9797648191452026, -0.3182595670223236, 1.4210526943206787, -0.48830243945121765, -0.2485579550266266, 0.9427594542503357, -0.13635127246379852, 0.8539940118789673, 0.45096391439437866, 0.4362773299217224, 0.7786948084831238, -0.001284230500459671, -2.038166046142578, 0.5006582140922546, 1.0293495655059814, -0.5991087555885315, 0.009123284369707108, -1.2818844318389893, 0.15279565751552582, -0.5348010063171387, -0.2616192400455475, 0.8185277581214905, -0.22906947135925293, 0.37883785367012024, -0.5285058617591858, 0.15051063895225525, 1.0032762289047241, -0.4093344211578369, 0.821634829044342, 0.5244319438934326, 0.16420723497867584, -1.119101881980896, 0.33559226989746094, 0.5009823441505432, -0.7675411701202393, 0.42014408111572266, -0.09514936059713364, 0.7101339101791382, 1.3313636779785156, -0.4676368832588196, -0.055132608860731125, 0.8639690279960632, -0.10969829559326172, 0.644025444984436, 0.3649376630783081, -0.13661445677280426, 0.5002995729446411, -0.3686251938343048, 1.162466049194336, -0.49758481979370117, -0.9298028349876404, -0.5230941772460938, -0.497416615486145, -0.35413503646850586, -0.615341067314148, 1.6570467948913574, 0.8663991093635559, 1.469988226890564, -0.6546330451965332, 0.20293307304382324, -0.45956629514694214, -0.6209534406661987, 0.8242970108985901, 0.5745614171028137, -0.059348225593566895, -0.7833633422851562, -0.20843970775604248, 0.7545053958892822, -0.058107972145080566, 0.05649153143167496, -0.3489086329936981, 0.4822770655155182, 0.28791531920433044, -1.3537288904190063, 0.5458220839500427, 0.27606144547462463, -0.10201621800661087, 1.6127233505249023, -1.0968213081359863, -0.0315733328461647, 0.6358218789100647, 0.30449357628822327, 0.9934625625610352, -0.21556639671325684, -0.9863096475601196, 0.37191370129585266, 0.7508938312530518, 0.8781452775001526, -0.16805247962474823, 1.0959322452545166, 1.0024499893188477, -0.6887479424476624, -1.2473641633987427, -0.4473796784877777, -1.2740000486373901, -0.28893521428108215, 0.22793331742286682, -0.4742830991744995, 0.3632032573223114, 0.3226220905780792, -0.39698582887649536, -0.20669026672840118, 1.5217849016189575, -0.3114934265613556, -0.18612824380397797, 0.10745742917060852, 0.7479101419448853, -1.173677921295166, -0.9832574725151062, -0.31342482566833496, -0.4164516031742096, -1.347921371459961, 0.10162008553743362, -0.36946672201156616, -0.02477719821035862, 0.08537930995225906, 0.30898597836494446, 0.24380214512348175, -0.46923601627349854, -1.6141374111175537, 1.0633411407470703, 0.5743333697319031, -1.2106142044067383, 0.4499981999397278, 0.5832085013389587, 0.4826709032058716, 0.514539361000061, -0.2953048348426819, -0.2415098249912262, 1.1258078813552856, 0.4304971992969513, -0.6904804110527039, -0.9795703291893005, -0.35501039028167725, 0.4960242807865143, 0.13877041637897491, 0.18105122447013855, -1.1560386419296265, -0.10358776897192001, 0.03201477229595184, 0.717180609703064, 1.0514978170394897, -0.4488752484321594, -1.3734066486358643, 1.1553318500518799, -0.6089361310005188, 0.3597888946533203, -0.911385178565979, 0.45467865467071533, 1.8749576807022095, 0.3537776470184326, 0.1273154765367508, -0.27226579189300537, -11.02736759185791, 1.067763090133667, 0.3673841059207916, -0.06994856148958206, 0.774729311466217, -0.4466157853603363, 0.7138875126838684, -0.06588633358478546, 0.387058287858963, -0.9969305396080017, 0.37565699219703674, 0.9542614817619324, 0.5356781482696533, 0.31172528862953186, -0.7146485447883606, -1.9710084199905396, -1.3620507717132568, -0.8358721137046814, -0.03520796075463295, 0.3997771739959717, 0.23738034069538116, -0.831908643245697, 0.37674856185913086, 0.5611070990562439, 0.49232813715934753, 0.2769451141357422, -0.32100069522857666, 0.11185535043478012, -0.5798435211181641, -0.38510239124298096, 0.8459194898605347, -0.03906462714076042, -0.6328609585762024, -0.49229538440704346, 0.17588193714618683, -0.19485469162464142, -1.5551701784133911, 0.05204537510871887, 1.1183180809020996, -0.006990257650613785, -0.47698158025741577, 0.5336206555366516, 0.5561612844467163, 0.8669325709342957, -0.37379300594329834, 0.6132898330688477, 0.4157891273498535, -0.49504104256629944, -0.1178588718175888, -0.3759160339832306, -0.11717954277992249, -1.063352108001709, -0.6637442111968994, -1.232762098312378, -0.24289317429065704, -0.22651633620262146, -0.4611862599849701, -0.0508597232401371, -0.8884949684143066, -1.4504870176315308, 0.5178946852684021, 0.8345542550086975, -0.7056114673614502, 0.25442609190940857, 0.2781008780002594, -0.9113203883171082, 0.23517051339149475, 0.8521285057067871, -0.1869196593761444, 0.5818955898284912, -0.6034292578697205, 0.73698890209198, 0.10305767506361008, 0.4453698396682739, 0.05797303840517998, 0.38796672224998474, 0.18619106709957123, 0.18659000098705292, 0.6899730563163757, -0.20904454588890076, -0.9756790399551392, 0.29728296399116516, 0.1782408207654953, -0.6098506450653076, -0.6651091575622559, 0.44766947627067566, -0.1661403775215149, 0.027302544564008713, 0.6202973127365112, -0.43366876244544983, 1.368501901626587, -0.21509170532226562, -0.33571797609329224, -0.6471338868141174, -0.45616549253463745, 0.8369279503822327, 0.15895262360572815, 0.5068634748458862, 0.32134711742401123, -0.6105906367301941, -0.057087935507297516, -0.32767453789711, -1.0066015720367432, -0.6699745655059814, 0.2942552864551544, 0.19712617993354797, 0.2490856945514679, 0.19634968042373657, 0.4297749102115631, -0.5769762992858887, 0.27924084663391113, -0.3801697790622711, -0.44891154766082764, 0.9630535840988159, -0.6402708292007446, 0.676611065864563, 1.1081619262695312, -0.5114051103591919, 0.7114717960357666, 0.9064223766326904, -0.41730985045433044, 0.6509321928024292, 0.1826906055212021, 0.9175906181335449, -0.008526425808668137, -0.28287750482559204, 0.5640449523925781, 0.7896398305892944, -0.6927443146705627, -1.1073613166809082, -0.08875465393066406, -0.17423692345619202, 0.15386511385440826, -0.020542345941066742, -0.38714495301246643, -0.010614369064569473, -0.41204938292503357, 1.4192328453063965, -1.1367197036743164, 1.0166804790496826, 0.5987593531608582, -0.8445309400558472, 0.5271850228309631, -0.6552642583847046, -0.6437270641326904, -0.1458059549331665, -2.55210018157959, 0.5451724529266357, -0.3179536461830139, -0.6778606176376343, 0.11797083914279938, 0.15508201718330383, 0.7411781549453735, -1.0178344249725342, -0.06577141582965851, -0.14513957500457764, 0.44704902172088623, -0.47771188616752625, -0.7886131405830383, -0.3635874390602112, -0.5871832966804504, 0.734565794467926, -1.0171630382537842, 0.5087941288948059, 0.0953206866979599, -0.34732869267463684, -0.4731045067310333, -0.11885488033294678, -0.6452091932296753, 0.18178480863571167, 0.8409413695335388, -1.2936373949050903, 0.45444080233573914, -0.8640705347061157, -0.020249217748641968, -1.1713342666625977, 1.045709490776062, 1.1137361526489258, -0.6570277214050293, 0.02739270031452179, -0.026470687240362167, 0.6308632493019104, 0.6032154560089111, -0.23431792855262756, -0.39964500069618225, -0.34624698758125305, -0.04928348958492279, 0.6359275579452515, -0.6872930526733398, 1.5004817247390747, -1.722690224647522, -0.8724023699760437, -0.8620870113372803, 0.35800278186798096, 0.961459219455719, -0.1068650484085083, 0.5973604917526245, 1.1888408660888672, 0.18687769770622253, 0.4589189291000366, 0.24315610527992249, 0.46542876958847046, 0.1046689823269844, 0.5639920830726624, 0.17220091819763184, 0.42171210050582886, -1.2012983560562134, -0.4154191315174103, 0.2818455994129181, 0.8229392766952515, -1.323225736618042, -0.08178107440471649, 0.28407320380210876, -0.47645193338394165, 0.2300085574388504, -0.9607592821121216, 0.3127995431423187, -1.063592553138733, 0.12995141744613647, -1.0530449151992798, 0.20890778303146362, 1.552404761314392, 0.1269446313381195, 1.049986720085144, 1.114485740661621, 0.07657061517238617, 0.9138363599777222, 0.57867830991745, 1.2504911422729492, -0.34789425134658813, -0.6171181201934814, -0.0023651495575904846, 1.074486255645752, 0.18490535020828247, -0.32368558645248413, -0.5007851719856262, -0.6584103107452393, 0.05813397467136383, -0.5516548752784729, 0.44868284463882446, 0.07372652739286423, 0.25540485978126526, 0.8929270505905151, 1.2681540250778198, -0.32195234298706055, -1.3845890760421753, -0.6517034769058228, -1.4774750471115112, -0.13276635110378265, 0.8436299562454224, -0.02147059328854084, 0.5670214891433716, 0.9617465734481812, -0.06484916806221008, 0.6366055607795715, -0.43176913261413574, 0.10773680359125137, -0.0003682747483253479, 0.21233294904232025, 1.294588565826416, 0.7488879561424255, 0.5471699833869934, -0.15966132283210754, -0.44658610224723816, -0.6543896198272705, 0.18696840107440948, -0.6790606379508972, 0.32625240087509155, 0.8552473783493042, -0.49695611000061035, 0.12605227530002594, -0.40163135528564453, 0.32663509249687195, -1.142781138420105, 0.5036411285400391, 0.36214548349380493, -0.695061981678009, -0.6857597827911377, -0.8065701723098755, -0.315280944108963, 0.3074248731136322, -0.013064175844192505, -0.5889914035797119, -0.8260480165481567, 1.2323739528656006, 0.010691558010876179, 0.70050448179245, -0.5326299667358398, -0.5677030086517334, -0.3798506259918213, 0.07591137290000916, 0.023920711129903793, -0.0980503037571907, -0.21316315233707428, 0.020138265565037727, -0.3623273968696594, 0.7074482440948486, -0.029734209179878235, -0.7269866466522217, -0.6509655117988586, 0.10129109025001526, 0.03832685202360153, -0.15972599387168884, 0.7703406810760498, 0.1339387595653534, -1.659098744392395, 0.7846631407737732, 0.8218278884887695, -0.8804848194122314, -0.47806528210639954, -0.604070246219635, 0.2743166983127594, -0.12828150391578674, 1.573436975479126]} +{"paper_id": "hate_speech18", "embedding": [-0.5139067769050598, 1.2046689987182617, -0.02417759597301483, 0.3109726905822754, 0.9941025972366333, 1.01871657371521, -0.023489393293857574, -0.30437126755714417, 0.7714223861694336, 1.3185746669769287, 0.15016326308250427, -0.07554538547992706, -0.44445204734802246, -0.2721508741378784, -0.19057871401309967, 0.1337815821170807, -0.9024423956871033, -0.21648384630680084, -0.28136441111564636, 0.231048583984375, -0.49787330627441406, -0.2043532282114029, -0.5191382765769958, 0.01797671616077423, -1.1871837377548218, -0.005323819816112518, -0.09103359282016754, -0.9454386234283447, -0.23340311646461487, 0.11927953362464905, -0.26264438033103943, 1.6165374517440796, -1.8121647834777832, 0.6660115122795105, -0.7528692483901978, 0.09065655618906021, -0.38802266120910645, -0.09649654477834702, -0.5484768152236938, -0.9293321967124939, -1.1579550504684448, 0.526285707950592, 0.6457281708717346, 0.3903038501739502, 0.6786537766456604, 0.4152725636959076, 0.32161882519721985, 0.022936496883630753, -0.011491753160953522, -0.21551965177059174, -0.633305013179779, 0.8272241353988647, 0.32307395339012146, 0.2501797378063202, -0.5485212802886963, 0.5960396528244019, -0.4086209535598755, -0.4491296112537384, 0.2365235686302185, -0.8346506357192993, 0.8466017842292786, 1.1192152500152588, -0.06612854450941086, 0.5985298156738281, 0.371863454580307, -0.6010528206825256, 0.9104039669036865, -0.8320997357368469, 0.11546234786510468, 0.726773202419281, -0.6299980878829956, -1.3557860851287842, -0.09727161377668381, -0.24326634407043457, -0.6852902173995972, 0.41825729608535767, -0.1043669804930687, 0.5847063064575195, -0.22091245651245117, 0.44214174151420593, 0.035115405917167664, 1.0440630912780762, 0.5997068881988525, -0.2047712802886963, 0.7141486406326294, -0.08857986330986023, 0.46463873982429504, -0.39126652479171753, 0.2882680594921112, -1.1414681673049927, 0.9994398951530457, -0.11547282338142395, 0.00641062343493104, 0.8654840588569641, -0.8865428566932678, 1.196316123008728, -0.4344369173049927, 0.3689620792865753, -0.985783576965332, 0.7670878171920776, 0.6673892140388489, -0.6232633590698242, 0.268253892660141, -0.6313475966453552, -0.35043027997016907, 0.9156965017318726, -0.04447397217154503, -0.3233218789100647, 0.07868440449237823, -0.08746058493852615, -0.21130448579788208, 1.3568991422653198, -0.4086306095123291, 0.741625189781189, 0.4359639585018158, -0.04206857830286026, -0.4514702260494232, -1.0252504348754883, -0.438037633895874, 0.27852511405944824, -1.1270837783813477, -0.7961003184318542, 0.3438818156719208, 0.47244930267333984, 1.8902950286865234, -0.1530296504497528, 0.8647512793540955, -0.5946747064590454, -0.0773068219423294, -0.06924332678318024, 0.3650166392326355, -0.6906014084815979, -0.5360210537910461, 0.44963139295578003, 2.3803045749664307, -1.820132851600647, 1.4320412874221802, -0.7298038005828857, 0.5512592196464539, -0.3043280839920044, -0.020063595846295357, 2.1160166263580322, -0.5024312138557434, -1.492437481880188, -1.5581333637237549, 0.017494995146989822, -0.7624310255050659, 0.8119794130325317, -0.014900259673595428, -0.22613628208637238, -0.1297333836555481, 0.6559202075004578, -0.8990994691848755, 0.4436893165111542, 0.14823488891124725, -0.09575565159320831, -0.14386622607707977, 0.2981501519680023, -0.894916296005249, 0.10032691061496735, 0.6226722598075867, 0.37156111001968384, 0.24994447827339172, 0.13847433030605316, -0.9109429717063904, 0.0905459076166153, 0.9080662131309509, -0.31059718132019043, -1.1798955202102661, -0.025914043188095093, 0.5644093751907349, -0.09898249059915543, -0.08502757549285889, 0.014798887073993683, -0.52610182762146, -0.3788765072822571, 0.48029452562332153, 1.2820113897323608, 0.4563300311565399, -0.9372947216033936, -0.42751049995422363, -0.516753613948822, -0.31283482909202576, 0.6680402159690857, -1.073219656944275, -0.7575071454048157, -1.290394902229309, 0.787493109703064, 0.03664827346801758, 0.9535071849822998, 0.30499324202537537, -0.5181804299354553, -0.11231739073991776, 0.8934401869773865, -0.3210217356681824, -0.023747526109218597, 0.4937885105609894, -1.4782402515411377, 0.46790236234664917, -0.22455976903438568, 0.4374590218067169, -0.9969995617866516, -0.4782179594039917, 0.49547362327575684, 1.1617704629898071, -0.9178007245063782, -0.5520263910293579, -1.4212669134140015, 0.7592871189117432, 1.6218396425247192, 0.961226761341095, -0.8292799592018127, 0.06844931840896606, 0.13677440583705902, 0.1178826317191124, 0.07781556248664856, 0.6292444467544556, -1.1399844884872437, -0.23829105496406555, -1.1781868934631348, 0.42960652709007263, -0.5728855133056641, -0.11588772386312485, 0.5720161199569702, 0.5006238222122192, -0.7206636667251587, -0.5099745988845825, -0.39392468333244324, -0.11468325555324554, 0.36025407910346985, 0.7177668809890747, 0.19117480516433716, 0.39958512783050537, 1.1175681352615356, 0.8001067638397217, 0.5078930854797363, 0.30450254678726196, 0.15307584404945374, -0.6932203769683838, 0.36843204498291016, -0.035552941262722015, -0.30192798376083374, -0.2246422916650772, -0.5891541838645935, 0.47139424085617065, 0.8170598745346069, -0.5751681923866272, -0.3065125346183777, -1.1003944873809814, -0.12764444947242737, 1.4676928520202637, 1.186445713043213, -1.0716055631637573, 0.5709655284881592, -0.11563378572463989, 0.39402100443840027, -0.27791622281074524, 0.050380926579236984, -0.09738750755786896, -0.3920396566390991, 0.7584040760993958, 0.3682033121585846, -0.43435579538345337, -0.15736377239227295, -0.5722978115081787, -0.3905048966407776, -0.47508305311203003, 0.5859288573265076, -0.7304064631462097, -1.044740080833435, -0.0992221087217331, -0.5608162879943848, -0.9602080583572388, -0.8711640238761902, -0.3196644186973572, 0.34763073921203613, -0.4459761083126068, 0.107168048620224, 1.1731188297271729, 0.11245466768741608, 0.3296408951282501, -0.32840603590011597, 0.4522330164909363, -0.36270904541015625, 0.528678834438324, -0.2729617655277252, -0.18051773309707642, 0.16782066226005554, -0.5369426012039185, -0.5954606533050537, 0.06750469654798508, 0.7523446083068848, -0.7376156449317932, 1.2494205236434937, 0.013872697949409485, -0.393172949552536, 1.4845428466796875, -0.13042066991329193, 0.2083589732646942, -0.2899113893508911, 0.4284350275993347, 0.5381684899330139, -0.6456412076950073, 0.2309066355228424, -1.0914009809494019, -0.22776687145233154, 0.525890588760376, -2.024592638015747, 0.28476113080978394, 0.6513473987579346, -0.3057321310043335, -0.7335014343261719, 0.6389928460121155, -1.696865439414978, -0.37118059396743774, 1.0971159934997559, -0.27404850721359253, -0.0714915543794632, -0.3791245222091675, 0.5824888944625854, -0.16052772104740143, -0.3063880503177643, -0.9195355176925659, -0.264656126499176, 0.11319085955619812, -0.06901665031909943, 0.07147159427404404, -0.46484532952308655, -1.087980031967163, -0.25178736448287964, 0.26445263624191284, 0.586094856262207, -0.4987122714519501, -0.15187400579452515, 0.23802807927131653, -0.8457324504852295, 0.7294970750808716, 0.3459852933883667, 0.80611252784729, 1.010809302330017, -0.031117819249629974, -0.1296221911907196, 0.8283360004425049, 0.661467969417572, -0.06553538888692856, -0.21951015293598175, 0.36044132709503174, 1.067382574081421, -1.069582462310791, 0.9845399260520935, -0.05966026708483696, -0.16758297383785248, -1.0907148122787476, -0.218473419547081, 0.15648317337036133, -0.3559742867946625, 1.0611295700073242, 1.2034621238708496, 1.361255407333374, -0.8164872527122498, 0.9765451550483704, -0.7340610027313232, 0.7351687550544739, 1.1183106899261475, 0.8601869344711304, 0.6190792322158813, -0.13743647933006287, 0.3876655697822571, 1.01884925365448, 0.001779116690158844, -0.6545107364654541, -0.19320866465568542, 1.2521976232528687, -0.6947242617607117, -0.1617588847875595, -0.09039939194917679, -0.47309908270835876, 0.43593961000442505, 1.2071367502212524, -0.5818892121315002, -0.9462701678276062, -0.309286892414093, 0.6538551449775696, 1.0674914121627808, 0.3378185033798218, -0.9886683225631714, -0.018709106370806694, 0.3283992409706116, 1.144014596939087, -0.7467014193534851, 0.49831610918045044, 0.408624529838562, -0.08932545781135559, -0.787350058555603, -0.10712669789791107, -1.034958839416504, -0.1316746026277542, -0.28898000717163086, -0.0021301470696926117, -0.4386596977710724, 0.8082643151283264, -0.48811855912208557, -1.4731512069702148, 0.5079009532928467, 0.4518158733844757, -0.3710609972476959, 1.214168906211853, 0.5138967037200928, -1.2471917867660522, -1.4624959230422974, 0.3009459972381592, -0.8093473315238953, -0.7254493832588196, 0.18185460567474365, -0.6311647295951843, 1.2760517597198486, -0.14068828523159027, 0.2943706214427948, 0.48184657096862793, 0.10584038496017456, -0.5098797082901001, 0.7708916664123535, 1.3256956338882446, -0.983563244342804, 0.4050716459751129, 0.7889018058776855, 0.4081604480743408, 0.4056347906589508, -0.8801141381263733, -0.3661171495914459, 0.47203654050827026, 0.7829576730728149, 0.764756977558136, -0.8805312514305115, -0.1877637356519699, -0.1922076940536499, 0.11653582751750946, 0.2541952133178711, -0.9858115315437317, 0.7091427445411682, -0.2640952467918396, 0.7082403302192688, 0.8059805631637573, -0.7815359830856323, -1.250770092010498, 0.7386342287063599, -0.5216706395149231, 0.4402991831302643, -0.11969077587127686, -0.0670478418469429, 1.3854516744613647, 0.8697031736373901, 0.9252511262893677, -0.06549559533596039, -11.022883415222168, 0.5692311525344849, -0.31683802604675293, 0.9215521216392517, 0.3828621208667755, -0.6958361864089966, -0.050104476511478424, 0.7757978439331055, 1.8220387697219849, -0.6408222913742065, -0.34768787026405334, 1.6294196844100952, -0.2343829870223999, -0.8650833368301392, -0.5960343480110168, -0.6065980195999146, -0.7839057445526123, -0.8913009762763977, 0.02049899846315384, 0.2590365707874298, 0.15456008911132812, -1.4866825342178345, -0.09720620512962341, -0.6251677870750427, 0.7257463932037354, -0.33593928813934326, 0.005948381498456001, -0.9607696533203125, -0.647302508354187, 0.8825948238372803, 0.9893905520439148, -0.106532983481884, -0.08859716355800629, -0.4990992546081543, -0.002854079008102417, 0.45607027411460876, -0.7022717595100403, -1.1132067441940308, 0.9849653244018555, 0.1696472465991974, 0.04395662993192673, 0.16729314625263214, 0.4531627595424652, -0.8225948214530945, -0.18649256229400635, -0.10319291800260544, -1.0397838354110718, 0.3987962305545807, -0.024349264800548553, -0.43701449036598206, -0.11840984225273132, -0.39215776324272156, -1.5211158990859985, -0.3047933578491211, 1.2657328844070435, -0.39002060890197754, -0.8169150948524475, 0.215449258685112, -0.987529456615448, -1.2321757078170776, 1.3690720796585083, 0.35108304023742676, -0.2638675570487976, 1.2640174627304077, 0.444405734539032, -1.278781771659851, 0.4859573245048523, -0.3395833671092987, -0.05406374856829643, 0.9517601728439331, -0.4539267420768738, 1.3132643699645996, -0.04751558229327202, 0.32780855894088745, -0.13902199268341064, -0.3162720203399658, -0.3684723377227783, -0.000879751518368721, 0.8824051022529602, -0.38128629326820374, -1.0295460224151611, 0.29195308685302734, -0.332918643951416, -0.5397180318832397, -0.5196996331214905, 0.11367230117321014, 0.03360678628087044, -0.7203657627105713, 0.8403819799423218, 0.08083613961935043, 0.7343311905860901, -0.0020888037979602814, -0.32102906703948975, 0.22563821077346802, -0.5609644055366516, 0.02104019746184349, -0.7663665413856506, 1.2297236919403076, -0.8382306098937988, 0.5694018006324768, 0.41130000352859497, 0.0920516774058342, -0.8752748966217041, 0.44735822081565857, 0.5094940662384033, -0.2994273006916046, 0.40237700939178467, 0.5168213844299316, -0.14804308116436005, 0.47222310304641724, 0.2130921185016632, 0.2822752594947815, -0.21703936159610748, 0.5440829396247864, 0.4102398455142975, 0.3657767176628113, 0.7023395895957947, 0.0340297669172287, 0.3786102831363678, 0.7029978632926941, -0.24272334575653076, 0.32362985610961914, -0.3503835201263428, 1.2875570058822632, 0.29943373799324036, 0.701526403427124, 0.6170797348022461, -0.1333417445421219, -0.21173213422298431, -2.4193148612976074, 0.6106902360916138, -0.5012508630752563, 0.7980278134346008, -0.8088111281394958, 0.4812973439693451, -0.171736478805542, -1.3435624837875366, 0.8281583786010742, -0.7905167937278748, 0.5820801258087158, -0.31663161516189575, -0.20504288375377655, -0.31722766160964966, -0.5050929188728333, -0.06419874727725983, -0.06759827584028244, -1.9285004138946533, -0.25275135040283203, -0.42446523904800415, 0.15505339205265045, 0.025777261704206467, -0.6770965456962585, 0.9317882657051086, -1.1844574213027954, -0.23990729451179504, 0.9663857817649841, 0.7136459350585938, -0.8340978026390076, -0.6749856472015381, -0.08287832140922546, 0.7840878963470459, 1.0713609457015991, -1.0550382137298584, 0.9195927977561951, -0.1409740149974823, -0.030649375170469284, -0.432784765958786, -0.31880006194114685, 0.14727148413658142, 0.06361539661884308, 1.2201656103134155, -1.0831021070480347, 0.007913094013929367, 0.2355831414461136, 0.3035908043384552, -0.6811548471450806, 0.4366055428981781, 1.1092538833618164, -2.1270182132720947, 0.5067538619041443, -0.4155363142490387, -0.09792835265398026, 0.465232789516449, -0.8639535307884216, -0.09269735962152481, 0.6582018733024597, -0.46750909090042114, 1.0893058776855469, -0.17148874700069427, 0.33385950326919556, -1.864569902420044, -0.964402973651886, -0.3764917254447937, -0.2710690498352051, 0.6103093028068542, 0.16707377135753632, 0.48817378282546997, 0.38726067543029785, 0.6068711280822754, -0.20114776492118835, -0.01799279823899269, 0.5521667003631592, -0.14375349879264832, 0.21798913180828094, -1.271665096282959, -0.6338436603546143, -0.4107421934604645, -0.1751551628112793, -0.12193351984024048, 0.3052319586277008, -0.9540127515792847, -0.2038087397813797, -0.1139030009508133, -0.7679861783981323, 0.54913330078125, -0.361304372549057, -0.3756898045539856, 0.0024901144206523895, -0.34324735403060913, -0.4709726572036743, 0.2614207863807678, 0.7610642910003662, 0.16173170506954193, 1.6062428951263428, 0.49726471304893494, 0.2976740598678589, 0.2949947118759155, 0.31076622009277344, 1.5671371221542358, 0.20183953642845154, -0.5653751492500305, -0.47763144969940186, -0.946744441986084, 0.2735317349433899, 0.3005278408527374, 0.43818458914756775, -0.6378588080406189, 0.10846491158008575, -1.1719197034835815, -0.7848154902458191, -0.4007132053375244, 0.06726671010255814, 0.5404977202415466, 1.259558916091919, -0.6389703154563904, 0.1821865290403366, -0.8829485774040222, 0.020619232207536697, -0.46176132559776306, -0.029640719294548035, 0.8365328907966614, 1.3521941900253296, 0.6568699479103088, 0.41027718782424927, 1.585042953491211, 0.3715072572231293, 0.3368815779685974, 0.6858149170875549, 0.5965099334716797, 1.4268040657043457, 0.9931156635284424, 0.23994062840938568, 0.3989025056362152, 0.35700666904449463, -1.0307542085647583, -0.23679742217063904, -0.6962606906890869, 0.5553142428398132, 0.2576832175254822, -0.4571639597415924, 0.2560223340988159, -0.3408147692680359, -0.8350228071212769, 0.424881249666214, 0.3143419921398163, 0.15657982230186462, -0.11947348713874817, -0.09718069434165955, -0.49107253551483154, -0.4393762946128845, 0.36482688784599304, -0.18617722392082214, -0.5367216467857361, -1.8588101863861084, 0.06172376126050949, 0.07539931684732437, -0.8462927937507629, -1.330519199371338, 0.9849667549133301, -0.26242485642433167, 0.5944948792457581, 0.4856656789779663, -1.3125170469284058, -0.9073387384414673, 0.21219463646411896, -0.1138433963060379, 0.22188343107700348, -0.1038500964641571, -2.078824758529663, -0.4488382935523987, 0.17747074365615845, 0.5776815414428711, 0.20129281282424927, -0.28042566776275635, 0.2856488525867462, -1.2185357809066772, 1.5693005323410034, 1.7183175086975098, 0.4385581612586975, 0.23994717001914978, 1.5733174085617065, -0.42474862933158875, 0.05504515767097473, 1.8353549242019653]} +{"paper_id": "paws-x", "embedding": [0.10696519166231155, 0.9700433611869812, 0.12625430524349213, 0.03119911253452301, 0.26864373683929443, 0.07533004134893417, 0.5514817833900452, 0.3851766884326935, 0.4848608672618866, 1.120375633239746, 0.26484429836273193, -0.6301500797271729, -0.20539146661758423, -0.32614296674728394, 0.15173278748989105, -0.9033219218254089, -1.4833433628082275, -0.6062694191932678, -1.1138975620269775, -0.5484601259231567, -0.6451980471611023, -0.2892261743545532, -0.38460344076156616, 0.4120660722255707, -0.8807328939437866, -0.5504274964332581, 0.6779661178588867, -1.1719945669174194, -0.03175151348114014, 0.15228629112243652, -0.4779817461967468, 1.1963753700256348, -1.780790090560913, 0.24424538016319275, -0.12413439899682999, -0.3220177888870239, -0.05394069105386734, 1.2676610946655273, -0.5382038950920105, -0.22314971685409546, -0.7289063334465027, 0.18195447325706482, 0.5768443942070007, 0.30833709239959717, 0.6900416612625122, 0.09088867157697678, 0.5786036252975464, -0.3234367370605469, -0.3083256781101227, -0.1984332799911499, -0.45958322286605835, 0.7261805534362793, 0.11338809132575989, 0.5897282361984253, -0.48201438784599304, 1.3384286165237427, 0.15176302194595337, -1.2848299741744995, 0.8983999490737915, -0.7690433263778687, 1.1842349767684937, 1.8461025953292847, -0.4599141478538513, 0.5902185440063477, 0.5204012393951416, -0.43901145458221436, 0.938007116317749, 0.08166429400444031, 0.07844937592744827, 0.3870605230331421, -0.2818746268749237, -0.8568028807640076, 0.4650548994541168, -0.10864683240652084, 0.06558670848608017, 0.9135727882385254, 0.4573306739330292, 0.8239473700523376, 0.14418774843215942, -0.16686713695526123, 0.02880774810910225, 0.9139716625213623, 0.08737287670373917, -0.4809635281562805, 0.30473971366882324, 0.3808135688304901, -0.11489858478307724, -0.7511988878250122, 0.7925758361816406, -1.889373779296875, 0.7103865742683411, -0.2777477502822876, -0.21226994693279266, 0.3551018238067627, -0.47743672132492065, 0.8654708862304688, -0.47541576623916626, 0.293734073638916, -0.713984489440918, 0.24177414178848267, 1.0094348192214966, -0.6083652973175049, 0.9771730303764343, -0.4013307988643646, 0.04898324981331825, 0.9143638014793396, 0.15614891052246094, -0.6720784902572632, -0.8497774004936218, -0.4004698097705841, -0.8676057457923889, 1.5019925832748413, -0.5932794809341431, 0.7023945450782776, 0.39138975739479065, 0.31237685680389404, -0.032062239944934845, -0.9858322143554688, -0.03946283832192421, -0.22071395814418793, 0.0981774628162384, -1.0342220067977905, -0.1944597065448761, 0.19726444780826569, 1.0586248636245728, -0.559974730014801, 0.2690753936767578, -0.03579521179199219, 0.05776693671941757, -0.08871574699878693, 0.8732805252075195, -0.3884808421134949, -0.8621151447296143, 0.5109752416610718, 2.6931376457214355, -1.225327730178833, 2.001784086227417, -0.7113810181617737, -0.3596203625202179, -0.6183491945266724, -0.38299083709716797, 1.406917691230774, -0.11751381307840347, -1.108503818511963, -0.603348433971405, 0.4496971666812897, -0.5288193225860596, 0.5360704064369202, -0.7012324333190918, -0.6813329458236694, -0.7669760584831238, 0.7526625394821167, -1.2809348106384277, -0.3735487759113312, 0.10158981382846832, -0.0326228067278862, 0.38714197278022766, 0.8381220698356628, -0.28240951895713806, 0.9352859854698181, 0.2871323227882385, -0.00600423663854599, -0.500774085521698, 0.8461666107177734, -1.0422000885009766, 0.03263145685195923, 1.2805527448654175, -0.1314062774181366, -0.9636515974998474, -0.009975738823413849, 0.9856588244438171, -0.9008433818817139, -0.3827863335609436, 0.6469267010688782, -0.5287355780601501, -0.0025885775685310364, 0.7235963344573975, 1.101693868637085, -0.09762827306985855, -0.6796810626983643, -0.3557748794555664, -0.21781322360038757, 0.03353442996740341, 0.6823503971099854, -0.5302524566650391, 0.36804652214050293, -2.0415172576904297, -0.21188031136989594, 0.15557359158992767, 1.0023329257965088, 0.03463126718997955, -1.0279929637908936, -0.3561244606971741, 0.4505974054336548, 0.45817017555236816, -0.4800390899181366, 0.7951374053955078, -1.2227094173431396, 0.3149982690811157, 0.35091185569763184, 0.07411286234855652, -0.31840553879737854, -0.32158684730529785, 0.49200665950775146, 0.7811757922172546, -0.9242801666259766, -0.5692111849784851, -2.0351569652557373, 0.5591676831245422, 2.9340991973876953, 0.08000028133392334, -0.48767516016960144, -0.9050178527832031, -0.16546688973903656, -0.3394177258014679, 0.015675263479351997, 0.4278685450553894, -1.1726083755493164, -0.5091649293899536, -1.6749714612960815, 0.6186715960502625, -0.18518197536468506, 0.49947527050971985, 0.6505619883537292, 0.5605968832969666, -0.7331145405769348, -0.27318984270095825, -0.7128838300704956, -1.1919498443603516, 0.38041749596595764, 0.45500871539115906, -0.01317240484058857, -0.23023781180381775, 1.1008793115615845, 0.014679811894893646, 0.8514838218688965, 0.05645447224378586, 0.3937171697616577, -1.1800369024276733, 0.2596719563007355, 0.035008542239665985, 0.7145405411720276, 0.1757885366678238, -0.12952063977718353, 0.7599265575408936, 0.6129899024963379, -1.0037734508514404, -1.0727794170379639, -0.39389634132385254, 0.4549579322338104, 1.2640595436096191, 1.1719233989715576, -0.9223926663398743, 1.1088612079620361, -0.6070626378059387, 0.3668942153453827, -0.5405476093292236, -0.9015203714370728, -0.3136211633682251, 0.19477961957454681, 0.9468806385993958, 0.4375372529029846, 0.02589256316423416, -0.23331622779369354, -0.34794938564300537, -1.286818504333496, 0.18623673915863037, -0.1377619504928589, -0.09616279602050781, -1.7537078857421875, -0.18837153911590576, -0.31902748346328735, -1.1182887554168701, -0.9989739060401917, -0.11655537784099579, 0.3182303309440613, -0.3563879430294037, 0.6864162683486938, 1.3489494323730469, -0.015995334833860397, -0.054459452629089355, 0.053157806396484375, 1.0381566286087036, -0.9759078025817871, 0.7306230664253235, -0.2881321609020233, 0.22198355197906494, -0.616055428981781, 0.07424457371234894, -0.5582888126373291, -0.05746794492006302, -0.15186157822608948, -0.5107762813568115, 0.4344213306903839, -0.4316924512386322, -0.5561901330947876, 0.8150724768638611, -0.1920827329158783, 0.3271820843219757, -0.8293223977088928, 1.9481818675994873, 0.3434855043888092, 0.08107028901576996, 0.6076422333717346, -0.5464081168174744, 0.25483494997024536, 1.5021833181381226, -0.979917049407959, 0.24273301661014557, 0.36028486490249634, -0.4677869975566864, 0.4182412624359131, 0.29583850502967834, -1.7502493858337402, 0.38026273250579834, 1.208608627319336, -0.5437434911727905, -0.5327684879302979, -1.114730954170227, 0.7255508303642273, -0.5472553372383118, -0.4508669376373291, 0.20004183053970337, -0.6795127391815186, 0.03365711867809296, -0.5375828742980957, 0.28018778562545776, 0.6742844581604004, -1.3682581186294556, 0.294579416513443, 1.2335693836212158, 0.3175687789916992, -0.81056147813797, -0.14594051241874695, 0.7791990637779236, -0.466668039560318, 0.5742119550704956, 0.11957493424415588, 0.9590091705322266, 0.7386125326156616, -0.06894730776548386, -0.23961269855499268, 1.0344107151031494, 1.0548290014266968, -0.08705966919660568, 0.032710395753383636, 0.009403742849826813, 0.7071240544319153, -0.39461424946784973, 1.7735683917999268, 0.6678605675697327, -1.1374993324279785, -1.2682818174362183, -0.8023398518562317, -0.1436256617307663, -0.32693713903427124, 1.4330922365188599, 0.6008614897727966, 0.9748690128326416, 0.14178243279457092, 0.8050782680511475, -0.4291476309299469, 0.31214916706085205, 0.8140209317207336, 0.15070316195487976, 0.1524413377046585, -0.4207015931606293, -0.32694995403289795, 1.204875111579895, 0.1517365425825119, -0.48008352518081665, 0.12960335612297058, 0.828248918056488, -0.11667878925800323, -0.2487555593252182, -0.3689364492893219, 0.4664771556854248, -0.007492732256650925, 0.8415415287017822, -1.2110127210617065, -1.0931395292282104, -0.1483989804983139, 0.33966323733329773, 0.20735760033130646, 0.4608094096183777, -0.7497167587280273, 0.10959214717149734, 0.1191195398569107, 0.5209085941314697, -0.10031357407569885, 0.43579623103141785, 0.3778558671474457, 0.09259432554244995, -0.6801277995109558, -0.10083325207233429, -0.2633015811443329, -0.07487818598747253, -0.2890234589576721, -0.21411336958408356, -0.6975277066230774, 1.2538992166519165, -0.7570358514785767, -1.0542277097702026, 0.6356984376907349, 0.06409578770399094, -1.1280258893966675, 0.9413410425186157, 0.853351354598999, -1.8163834810256958, -1.0444722175598145, -0.010515861213207245, -0.5686696171760559, -0.5615130066871643, 0.4866749942302704, -0.920791506767273, 1.163348913192749, 0.5245063304901123, 0.37279078364372253, -0.5788522362709045, -0.16565784811973572, -1.1447205543518066, 0.9434277415275574, 1.4661391973495483, -0.8974023461341858, -0.03335852548480034, -0.020193995907902718, 0.7966192364692688, 0.28499436378479004, -0.6091729998588562, -0.955784261226654, 0.7556332349777222, 0.363781213760376, 0.23849037289619446, -0.5702600479125977, -0.9159276485443115, 0.4804520606994629, -0.04659096151590347, 1.4353466033935547, -0.7345773577690125, 0.6227061152458191, -0.44206666946411133, 0.8670225739479065, 0.5605565905570984, -0.1295410543680191, -0.8836498260498047, 1.0497328042984009, -0.5966368913650513, 0.48743823170661926, 0.23143553733825684, -0.6199279427528381, 1.0082286596298218, 0.2746792137622833, -0.15684416890144348, -0.42904573678970337, -10.869743347167969, 0.5716201663017273, 0.24383750557899475, 0.6702751517295837, 0.8037896752357483, -0.725168764591217, 0.6166074275970459, -0.03599270433187485, 0.7738814949989319, -0.39883777499198914, 0.3769608736038208, 1.883442759513855, 0.11442476511001587, -0.907088041305542, -1.1336160898208618, -1.1194043159484863, -1.1211036443710327, -0.7275627851486206, -0.05946965888142586, 0.5119337439537048, -0.43470072746276855, -1.071465015411377, 0.7931160926818848, 0.11994628608226776, 0.47306281328201294, 0.3348139226436615, -0.11872391402721405, -0.42822909355163574, -0.1967415064573288, 0.5404454469680786, 0.7282839417457581, -0.01900218054652214, -0.7790396213531494, -0.5256556868553162, 0.06359542906284332, 0.22523467242717743, -0.46343904733657837, -0.32564201951026917, 0.8803514242172241, -0.559352695941925, -0.41060101985931396, -0.0121233481913805, 0.5537319779396057, -0.5237940549850464, -0.7529871463775635, 0.05908939242362976, -0.10748930275440216, -0.6014149188995361, 0.23880742490291595, -0.5592221617698669, -0.9536969661712646, -0.5424935221672058, -1.2297245264053345, -0.3373092710971832, 0.418415367603302, -0.3166695535182953, -0.26487356424331665, 0.6331652998924255, -0.4718678891658783, -1.4392608404159546, 0.3237190246582031, 0.15593568980693817, 0.01102031022310257, 0.05748111382126808, -0.13810062408447266, -0.656901478767395, 0.382882297039032, 0.49393805861473083, -0.6523659229278564, 0.3982154130935669, -1.0598393678665161, 1.0577205419540405, -0.2708475589752197, 0.5151811242103577, -0.6579510569572449, -0.366310179233551, -0.7232404947280884, -0.5428352355957031, 1.0042030811309814, -0.3191556930541992, -1.1073617935180664, 0.5450475215911865, 0.3911634683609009, -0.30790770053863525, -0.6618661880493164, 0.05118417367339134, -0.06241071969270706, -0.30907782912254333, 0.8383934497833252, -0.1735377162694931, 0.6775805354118347, -0.41938239336013794, 0.008226290345191956, 0.30306485295295715, -0.2443842589855194, 0.46022284030914307, -0.5834362506866455, 0.5760607719421387, -0.2110915333032608, -1.2981489896774292, 0.736644446849823, -0.2380584478378296, -0.5354161262512207, 0.20005427300930023, 0.8422261476516724, 0.5018808841705322, 0.004286676645278931, 0.12957635521888733, -0.40257108211517334, -0.3875901699066162, 0.7292993664741516, -0.010711491107940674, -0.2600252032279968, 1.072078824043274, 0.14343318343162537, 0.375151664018631, 1.3362162113189697, 0.01711246371269226, 0.6204121112823486, 1.051918387413025, -0.8207035660743713, 1.1684951782226562, 0.2529638707637787, 1.466159701347351, -0.12066894769668579, 0.40773332118988037, 0.2543352246284485, 0.35416901111602783, -0.16486896574497223, -1.7019087076187134, 0.5093783140182495, -0.18068639934062958, 0.5312011241912842, -0.2741907238960266, 0.39494648575782776, -0.17904585599899292, -0.962867259979248, 1.0413211584091187, -0.3643866181373596, 0.3789093494415283, 0.114850714802742, -0.1649131327867508, 0.33267149329185486, -0.6098570823669434, -0.5320859551429749, 0.032980527728796005, -1.8742295503616333, 0.4722987115383148, -0.2997893989086151, -0.07057683914899826, 0.16381700336933136, -0.24915045499801636, 1.2126234769821167, -0.8195809125900269, -0.03917713463306427, 0.14713236689567566, 1.1809762716293335, -0.6688410639762878, -0.5754616260528564, 0.1803770363330841, -0.28901034593582153, 1.147307276725769, -0.8469680547714233, 0.9165773987770081, 0.6993587017059326, 0.09758730232715607, -0.31058427691459656, -0.023594502359628677, -0.19577659666538239, 0.36807286739349365, 1.086255431175232, -1.010660171508789, -0.16365116834640503, -0.18674306571483612, -0.018810968846082687, -0.7333307266235352, 0.8352457284927368, 1.4013903141021729, -0.8586195707321167, 0.26977044343948364, -0.1650720238685608, 0.7997689843177795, -0.16462258994579315, -0.11918024718761444, -0.7636386156082153, 0.29387399554252625, -0.06200028955936432, 0.7635963559150696, 0.1911991834640503, 1.6589841842651367, -2.197082281112671, -1.2311124801635742, -0.10463115572929382, -0.058118198066949844, 0.5213291645050049, -0.41799166798591614, 1.0778923034667969, 0.4604399502277374, 0.8368414640426636, 0.202557772397995, -0.09561251103878021, 0.43733465671539307, -0.022304963320493698, 0.3769814968109131, -0.5341817736625671, 0.34798532724380493, -0.6487018465995789, 0.5889182090759277, -0.005599163006991148, 0.5058636665344238, -1.0936403274536133, -0.29472991824150085, 0.17768388986587524, -0.07808926701545715, 0.24148334562778473, -0.8663204908370972, 0.2601158320903778, -0.9052380323410034, -0.4602645933628082, -1.5272352695465088, 0.2903688848018646, 1.2251664400100708, 0.2860183119773865, 0.9489601850509644, 0.5350996851921082, 0.06632636487483978, 1.0398393869400024, 0.25192034244537354, 1.178445816040039, -0.03846533223986626, -0.24460558593273163, -0.6972266435623169, 0.37755513191223145, 0.23259782791137695, 0.20697179436683655, 0.3964172303676605, -0.9932052493095398, 0.12679648399353027, -0.6372610926628113, 0.4059430658817291, -0.2840732932090759, 0.48922884464263916, 0.6052232384681702, 1.6496751308441162, -0.7141513228416443, -0.8139330744743347, 0.061806049197912216, -1.2484279870986938, -0.10232491791248322, 0.12270841002464294, 1.3315625190734863, 1.1560310125350952, 0.932751476764679, 0.4075084328651428, 1.0538405179977417, -0.5028088092803955, -0.02225920557975769, 0.3845699429512024, 0.058082662522792816, 1.4027467966079712, 0.14721094071865082, 0.6725168824195862, 0.09073736518621445, -0.05273928493261337, -0.64348965883255, -0.5246605277061462, -0.3081042766571045, 1.4649161100387573, 0.20190571248531342, 0.46214744448661804, 0.425845742225647, -0.8949280381202698, -0.15859566628932953, -0.3557926416397095, 0.6560909748077393, 0.6953685879707336, -0.6487038731575012, -1.0466477870941162, -1.206196665763855, -0.04910537227988243, 0.4788033664226532, -0.1845148801803589, 0.16556812822818756, -0.44835180044174194, 0.7141246199607849, 0.18132327497005463, -0.3176533281803131, -1.0747056007385254, 0.1807609647512436, -0.7583506107330322, -0.5724499821662903, 0.22832071781158447, -0.818793535232544, -1.0767617225646973, -0.26175275444984436, -0.550381600856781, 0.07321632653474808, -0.6458391547203064, -1.3565661907196045, -0.18495965003967285, -0.256239652633667, 0.3255390226840973, 0.23337304592132568, 0.03500176593661308, -0.3778231739997864, -1.7958577871322632, 0.849456787109375, 1.6160154342651367, -0.6519233584403992, -0.3398034870624542, 0.99643474817276, -0.5193899869918823, 0.5515677332878113, 1.2886511087417603]} +{"paper_id": "wiki_qa", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "xquad", "embedding": [-0.2910853326320648, 1.049513816833496, 0.6060406565666199, -0.5148438215255737, 0.4410521984100342, -0.9508100152015686, -0.5738035440444946, 0.605832040309906, 1.104810118675232, 0.15977253019809723, 0.35833898186683655, -0.22146350145339966, 0.5219240784645081, 0.047431349754333496, -0.2153366208076477, -0.29816707968711853, -0.8943273425102234, -0.9914577007293701, -1.6829729080200195, 0.2999419569969177, -0.41611146926879883, -0.7646359205245972, -0.18287336826324463, 1.3705328702926636, -0.35741209983825684, -1.404616117477417, 0.4497356116771698, -0.6866202354431152, 0.25693705677986145, 1.162750244140625, 0.01984485238790512, 1.4165992736816406, -1.6939445734024048, 0.627139151096344, -0.2689320147037506, -0.6311439871788025, 0.7243222594261169, 1.197667121887207, -0.14219683408737183, -0.6657301187515259, -0.30872422456741333, -0.38266485929489136, 0.23516304790973663, 0.9306228756904602, 1.2424556016921997, -0.3647295832633972, -0.050453200936317444, 0.10495059192180634, 0.40916723012924194, -0.7783353328704834, -0.031492479145526886, 0.46203717589378357, -0.610683023929596, 1.0411802530288696, -0.5706220269203186, 0.8697267174720764, 0.4162496328353882, -1.0270565748214722, 0.47782787680625916, -1.3475604057312012, 1.2821073532104492, 1.7159230709075928, -0.743149995803833, -0.047270532697439194, 1.705810546875, 0.6827095746994019, 1.9405559301376343, 0.7299002408981323, 0.1843395233154297, 0.6073296666145325, 0.02246318757534027, -1.018275499343872, 1.1191743612289429, 0.052371129393577576, 1.0586981773376465, 0.8848555088043213, 0.174043670296669, 0.09666737914085388, -0.4868148863315582, -0.2841835021972656, -1.082154631614685, 0.008540257811546326, 0.6269094347953796, -0.48718008399009705, -0.16866783797740936, 0.0842893049120903, 0.42956066131591797, -1.0987305641174316, 0.722926914691925, -1.5424065589904785, 0.969584584236145, -0.3560788631439209, 0.33098456263542175, -0.10570494830608368, -0.2681237757205963, 0.2319544553756714, -0.38778722286224365, -0.20857037603855133, -0.3901793658733368, 0.08896932005882263, 0.5825678706169128, 0.035521380603313446, 0.7759721279144287, 0.159691721200943, -0.23565778136253357, 1.382415533065796, 0.2898944914340973, -0.8123677968978882, -1.047068476676941, -0.8055335283279419, 0.3170652687549591, 0.7158952355384827, -0.2066999226808548, 0.15770211815834045, 0.2474258840084076, 0.2351461946964264, 0.8187897205352783, -0.6715759038925171, -0.4053910970687866, -0.04716518521308899, -0.2413247972726822, -1.1020734310150146, -0.9056078791618347, -0.07170649617910385, 0.30175769329071045, -0.6190345883369446, -0.5031946897506714, -0.5882123112678528, -0.1777839958667755, -0.579262912273407, 0.8781372308731079, 0.26588675379753113, -0.4437972903251648, -0.4698270857334137, 3.616966485977173, -1.160904884338379, 1.3060418367385864, -0.7314490675926208, 0.028330234810709953, -0.4245651960372925, -0.5155419707298279, 1.333755373954773, -0.02098337560892105, -1.279665231704712, -0.3060005009174347, 0.5434786081314087, -0.48303449153900146, -0.25297918915748596, -0.7149302363395691, -0.8208007216453552, 0.0783664733171463, 0.5853203535079956, -0.7312967777252197, -0.5482658743858337, 0.039603378623723984, 0.23734769225120544, 0.3915441930294037, 1.0490448474884033, -0.822921097278595, 1.0390301942825317, -0.306741863489151, 0.48756515979766846, -0.21994653344154358, 0.7418025135993958, -0.9748187065124512, -0.22003979980945587, 0.6361808180809021, -0.007633496075868607, -0.11422965675592422, -0.5412514209747314, 0.615593433380127, -0.058950819075107574, -0.4521605968475342, 0.1562238484621048, 0.031107736751437187, 0.2009114921092987, 0.38672763109207153, 0.7173759937286377, 0.25741642713546753, -0.467332124710083, 0.4112538695335388, 0.0006533190608024597, 0.6919066309928894, 0.9131479263305664, 0.39289623498916626, 0.4310941994190216, -2.085097551345825, -0.345412015914917, 0.033996596932411194, -0.15455153584480286, -0.07757887989282608, -0.9350911974906921, -0.08054458349943161, -0.5880204439163208, 0.37746864557266235, -0.5308865904808044, 0.5639475584030151, -0.6064217686653137, -0.7168452739715576, 0.6495910286903381, -0.09019800275564194, -0.047304145991802216, 0.5057302117347717, 0.5151680111885071, -0.6083477139472961, -0.3447849750518799, -0.5784822702407837, -1.4422169923782349, -0.11795904487371445, 2.036740303039551, 0.09237433969974518, -0.2468358278274536, -0.9878233075141907, -0.7571225166320801, -0.14230132102966309, -0.6782158017158508, 0.4361014664173126, -1.283247470855713, 0.5615543127059937, -1.387795090675354, 0.27139976620674133, 0.033358775079250336, -0.28195565938949585, 0.36231622099876404, 1.0297282934188843, -0.626934826374054, -0.11054153740406036, -0.4083975553512573, -0.46406811475753784, 0.7184954285621643, 0.5207476615905762, 0.4578951597213745, -0.7984460592269897, 0.6676883101463318, 0.19000527262687683, 0.7820084095001221, 0.9368050694465637, 0.8660846948623657, -0.39959484338760376, -0.11624512076377869, -0.36594295501708984, 0.9871325492858887, 0.08951547741889954, 0.0420258492231369, 0.147562637925148, 0.7241843938827515, -0.670749306678772, -0.5643525123596191, 0.26953035593032837, -0.22870370745658875, 1.7934153079986572, 0.8223486542701721, -0.511208713054657, 1.3398768901824951, -0.5908610224723816, 0.11250041425228119, -0.4599207639694214, -0.9689061641693115, 0.5021290183067322, -0.6435876488685608, 0.892612636089325, -0.8917046785354614, 0.537277340888977, 0.22999818623065948, -0.4398220479488373, -1.456876277923584, -0.6965126395225525, -0.21917760372161865, -0.8120135068893433, -0.8140063285827637, -0.418040007352829, -0.46669769287109375, -0.7518224120140076, -1.071305274963379, 0.4403282701969147, 0.7901962399482727, 0.0813467800617218, 1.4569908380508423, 2.132723093032837, -0.08022686839103699, 1.1748104095458984, -0.07778310030698776, 0.9524560570716858, -0.5715821385383606, 0.7340957522392273, 0.6954361200332642, 0.657379150390625, -0.7816622257232666, -0.41820037364959717, -0.5155099630355835, 0.11416300386190414, 0.7457805275917053, -0.38684022426605225, 0.4363262355327606, 0.14900201559066772, -1.3720591068267822, 1.4438258409500122, -0.3345049023628235, -0.11936529725790024, -0.7014234662055969, 1.6211373805999756, 0.17489051818847656, -0.13226599991321564, 0.5381504893302917, -0.6587490439414978, 0.05843647941946983, 1.1675223112106323, -0.7096607685089111, 0.03985375910997391, 0.4276926517486572, -0.268055260181427, -0.18498173356056213, 0.2140476405620575, -1.9604723453521729, 0.6052716374397278, 0.3630450367927551, 0.2848958373069763, -0.419863224029541, -0.9164628386497498, 0.7310158610343933, -0.38788506388664246, -0.08241836726665497, 0.6118996739387512, -0.07681024819612503, 0.27009472250938416, -0.032378021627664566, 0.10009069740772247, 1.0733911991119385, -0.4732021689414978, 0.8249133229255676, 1.0164306163787842, 0.11443538218736649, -0.11990264803171158, -0.2643706798553467, 1.1841444969177246, -0.3687722980976105, 0.4879532754421234, 0.40521401166915894, 0.4331159293651581, 1.3959308862686157, -0.36094149947166443, 0.3156289756298065, 0.2653229832649231, 1.214059829711914, 0.2334900051355362, 0.4156269431114197, -0.6040988564491272, -0.011623704805970192, 0.06412918120622635, 1.123725414276123, -0.04712781682610512, -1.4201509952545166, -1.1340248584747314, -0.020298819988965988, 0.11116485297679901, -0.7978282570838928, 1.9169749021530151, 0.22763216495513916, 0.9604395627975464, 0.04372391104698181, 0.05407196283340454, -0.21062934398651123, 0.09845168888568878, 1.140923261642456, 0.7005736231803894, -0.46051669120788574, -0.5872762203216553, -0.21743974089622498, 0.7424677610397339, -0.5966679453849792, -0.997873067855835, 0.08228520303964615, 1.227079153060913, -0.43519100546836853, -0.7282587289810181, 0.802807629108429, 0.8706815242767334, 0.06013794243335724, 1.4136322736740112, -0.6839898228645325, -0.3672671318054199, -0.19266322255134583, 0.7341679930686951, -0.49085474014282227, 0.07088512927293777, -0.3050525486469269, 0.42235133051872253, 0.2855531871318817, 1.3690992593765259, 0.3143722414970398, 0.5720908641815186, 0.9827914834022522, -1.0254313945770264, -1.2566401958465576, -0.0914885401725769, -0.9080422520637512, -0.69666987657547, -0.15612578392028809, -0.3070280849933624, -0.797505795955658, 0.7333272695541382, -0.27632537484169006, 0.02508297562599182, 0.2922575771808624, -0.6980375647544861, -1.3484798669815063, 1.1709885597229004, 0.8460984230041504, -0.7071413993835449, -0.42637452483177185, -0.5650680065155029, -0.9002218246459961, -0.8889219164848328, 0.08514245599508286, -0.5755407214164734, -0.30428367853164673, -0.024027086794376373, 0.6151612997055054, -0.39249223470687866, -0.1544392853975296, -1.1983407735824585, 0.5988415479660034, 1.3957912921905518, -0.6990776658058167, 0.2592827379703522, 0.23443999886512756, 0.4444276690483093, 0.02723737433552742, -0.5663639307022095, -0.5352861285209656, 0.8517932891845703, 0.6001088619232178, 0.6323521733283997, -0.7308088541030884, -0.28324949741363525, 0.4825752377510071, 0.27272841334342957, 1.1023155450820923, -1.258920431137085, -0.14855331182479858, -0.5228980779647827, 0.582671046257019, 0.39149776101112366, -0.55584716796875, 0.13587383925914764, 1.0356643199920654, -0.2151036560535431, 0.7119060754776001, -0.40418267250061035, 0.21086719632148743, 0.9471499919891357, 0.001015983521938324, 0.40335869789123535, -0.5644700527191162, -10.911173820495605, 0.02725287899374962, -0.4314291477203369, 0.4051855802536011, 0.8921534419059753, -0.39299240708351135, 1.1226142644882202, 0.09829327464103699, -0.16001111268997192, -0.8369680643081665, 0.2774839401245117, 0.421988844871521, 0.7421579360961914, -0.6552386283874512, -0.7203344702720642, -0.5477672815322876, -0.11888295412063599, -0.2852492332458496, 0.38569176197052, -0.06108798831701279, -0.7151364088058472, -0.7430623769760132, -0.0859404057264328, 0.25368860363960266, -0.2871217727661133, -0.7653953433036804, -0.8791106343269348, -0.5003973841667175, -0.1930083930492401, -0.4380309581756592, 0.48123419284820557, -0.36281073093414307, -0.68181973695755, -0.20764806866645813, 0.3381879925727844, -0.3181758522987366, -0.45470207929611206, 0.1671171933412552, 1.123081088066101, -0.2625459134578705, -0.4090782403945923, 0.4613243639469147, 0.020172471180558205, 0.818533718585968, -0.3412742018699646, 0.1607167273759842, 0.8075845837593079, -0.27648216485977173, 0.38866984844207764, -0.33635810017585754, -0.4431975483894348, -1.1068930625915527, -0.5149132013320923, -0.44048643112182617, 0.5239830017089844, 1.0540649890899658, -0.37195152044296265, 0.01991676539182663, -0.4969753623008728, -1.3685153722763062, 0.4791330099105835, 0.3397088646888733, -0.248052716255188, 0.03426048532128334, -0.23961618542671204, -0.31461185216903687, 0.20053845643997192, 0.015939733013510704, -0.3885698616504669, 0.2347058802843094, -0.832547664642334, 0.3795838952064514, -0.13388633728027344, -0.036782220005989075, -0.736345112323761, -0.3127449154853821, -0.5592206120491028, 0.09632525593042374, -0.04936094954609871, 0.098481684923172, -1.171741247177124, 0.9439297914505005, 0.47786974906921387, -0.34527572989463806, 0.07004652917385101, 0.5234310626983643, -0.2319287657737732, 0.7388088703155518, 0.41985180974006653, -0.3973269760608673, 1.1425392627716064, -0.32303324341773987, 0.3444770574569702, -0.3804490864276886, 0.32065239548683167, 1.499137282371521, -0.9213390946388245, 0.7785438299179077, 0.15678998827934265, -0.9445321559906006, 0.1972275823354721, 0.1302434206008911, -0.6037317514419556, 0.36257991194725037, 0.4570700526237488, 0.2709474563598633, 0.6489947438240051, 0.40622565150260925, 0.2908295691013336, -0.26791369915008545, 1.0572720766067505, -0.01671534776687622, -0.44415074586868286, 0.7495847344398499, -0.192966029047966, 1.3401604890823364, 0.28609004616737366, 0.7195918560028076, 0.22796179354190826, 0.7898777723312378, -0.2211509793996811, 0.725202202796936, 0.1908167451620102, 1.7403857707977295, -0.2543826103210449, 0.061654843389987946, 0.27327975630760193, 0.43568047881126404, 0.4944537878036499, -1.6460871696472168, 0.21925486624240875, -0.36480626463890076, 0.03518745303153992, -0.9972150921821594, -0.17115940153598785, -0.5792095065116882, -1.2256035804748535, 1.5978599786758423, 0.08285319805145264, 0.41556766629219055, -0.12426839023828506, -1.136440634727478, 0.038965895771980286, -0.7902255058288574, -0.6197214722633362, 0.1013399064540863, -0.8886504769325256, -0.34337082505226135, 0.04819471389055252, -0.5000046491622925, 0.030129024758934975, -0.44478195905685425, 0.827201783657074, -0.785135805606842, -0.12483824789524078, -0.04130420833826065, 0.3430677056312561, -1.1674549579620361, -1.1329255104064941, -0.3066902756690979, 0.5362517237663269, 2.177351713180542, -0.9851019382476807, 1.1721111536026, -0.10215870290994644, -0.7639333605766296, -0.8796229958534241, -0.30841490626335144, -0.2584986388683319, 0.6527860760688782, 1.136021375656128, -0.5284431576728821, -0.8102819919586182, -0.6124120950698853, -0.7417111396789551, -0.9649382829666138, -0.10336080938577652, 1.057354211807251, 0.2848477065563202, -0.06452453136444092, -0.37158825993537903, 0.9014800786972046, -0.24652571976184845, -0.7947839498519897, -0.7107937335968018, 0.07465025782585144, -0.49061766266822815, 0.928013026714325, -0.10146758705377579, 0.7576137781143188, -1.3208202123641968, -1.17521333694458, -0.4683181941509247, -0.2878246307373047, 0.009450512006878853, -0.19275470077991486, 0.5888924598693848, 0.27378061413764954, -0.08478944003582001, 0.03313528001308441, -0.6446080803871155, 0.8173589706420898, -0.16543903946876526, 0.2535628378391266, 0.37376633286476135, 0.5215013027191162, -0.44518476724624634, -0.0026084259152412415, 0.31707656383514404, 0.8434629440307617, -1.4008808135986328, -0.23392178118228912, -0.32352492213249207, 0.02727496065199375, -0.13604238629341125, -0.4712527096271515, 0.5266444087028503, -0.29884353280067444, 0.06863367557525635, -1.3958711624145508, -0.22158297896385193, 1.11308753490448, -0.23417000472545624, 0.5736367702484131, 0.4462431073188782, 1.2490301132202148, 0.25676098465919495, 0.3582295775413513, 0.9982522130012512, -0.5789786577224731, -0.6934664845466614, -0.26595747470855713, 0.6096804141998291, -0.2656044065952301, -0.27162209153175354, -0.1147548109292984, -1.2622934579849243, 0.0936274603009224, -0.9588218331336975, 0.8795179724693298, -0.2793017625808716, 0.32249099016189575, 0.05842871591448784, 0.795293390750885, 0.3775281310081482, -1.5235041379928589, 0.3397696912288666, -0.9350202679634094, 0.17410509288311005, -0.006759151816368103, 0.3524889647960663, 0.3564465641975403, 0.6976556181907654, -0.15707053244113922, 1.260635495185852, -0.5926401615142822, -0.4704470634460449, 0.31857162714004517, -0.023578263819217682, 1.022172451019287, -0.17569567263126373, 0.16341599822044373, 0.2904473841190338, 0.03474476560950279, -0.9537007212638855, -0.7546427249908447, 0.08293936401605606, 1.235265851020813, 0.989398717880249, -0.16356566548347473, 0.3734546899795532, -0.6020219922065735, 0.5912973284721375, -0.7323172688484192, 1.166947364807129, 0.15837478637695312, -0.24006882309913635, -1.184499740600586, -1.3809455633163452, 0.2982519567012787, 0.6266894936561584, -0.003004230558872223, 0.03587518632411957, -0.12981568276882172, 0.4314132630825043, 1.0080323219299316, -0.8270124197006226, -1.2536742687225342, 0.08781246095895767, -0.21452705562114716, 0.06283552944660187, 0.9923222064971924, -1.1830382347106934, -0.9801722168922424, 0.19950252771377563, -1.0988283157348633, 0.4705291986465454, -0.07627053558826447, -0.37271246314048767, -0.9441918134689331, 0.1848047524690628, -0.49388355016708374, -0.28250133991241455, 0.42831212282180786, -0.2893482744693756, -2.0279147624969482, 1.2126599550247192, 1.9184362888336182, -0.8488401770591736, -0.5165449976921082, 0.6630980968475342, -0.22950485348701477, 0.15479493141174316, 1.2381699085235596]} +{"paper_id": "hans", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "dbpedia_14", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "ropes", "embedding": [-0.24379482865333557, 0.9270532727241516, 0.0426289401948452, -0.1488751769065857, 0.44262218475341797, -0.10252803564071655, 0.35265424847602844, 0.47749951481819153, 0.49377599358558655, 0.4090687930583954, 0.9083387851715088, 0.027101067826151848, 0.35836249589920044, 0.9391972422599792, -0.3983753025531769, -0.1615258753299713, -0.3027213513851166, 0.11257346719503403, -0.9946721196174622, -0.8656094670295715, -0.10340385138988495, -1.1753120422363281, -0.27045491337776184, 1.5411996841430664, -0.805573046207428, -0.8093627095222473, 0.5811126232147217, -1.0854134559631348, -0.40288254618644714, 0.2584323585033417, 0.26291969418525696, 1.5459452867507935, -1.2145802974700928, 0.7737004160881042, 0.2832190990447998, -1.0317209959030151, -0.18686789274215698, 1.1738721132278442, 0.15126106142997742, -0.4910261631011963, -0.6194215416908264, 0.5592514872550964, -0.04189164564013481, -0.3571455776691437, 0.2836039364337921, -0.43848705291748047, 0.16704466938972473, -0.06146087124943733, -0.33963799476623535, -0.008455745875835419, -0.7397705316543579, 0.20105931162834167, 0.0014228355139493942, 0.2948020100593567, 0.15332922339439392, 0.828603208065033, 0.032468296587467194, -0.6437997817993164, 0.1903550773859024, 0.015426911413669586, 1.462825894355774, 1.2661365270614624, -0.15178385376930237, 0.030221953988075256, 0.949870228767395, 0.05678202211856842, 1.1762301921844482, 0.23933307826519012, -0.20621077716350555, 1.0243196487426758, -1.0394469499588013, -0.1891714334487915, -0.43951964378356934, -0.4961707890033722, 0.3077876567840576, 0.6008352041244507, 0.5946142673492432, -0.4960198700428009, -0.052353642880916595, -0.14771190285682678, -0.18021813035011292, -0.37652677297592163, 0.8395591378211975, -0.19507893919944763, -0.26900923252105713, -0.2053545117378235, 0.4762755334377289, -0.32854852080345154, 0.16828252375125885, -1.6157737970352173, 0.7403993010520935, 0.6123799085617065, 0.49175259470939636, -0.15397270023822784, -0.34635573625564575, 0.23248189687728882, 0.051782816648483276, -0.5644316673278809, -0.48924514651298523, -0.5168730020523071, 0.703612744808197, 0.07546490430831909, 0.8190703988075256, -0.4954902231693268, 0.6995255947113037, 0.17675310373306274, 0.2512507438659668, -0.23850005865097046, -0.472027987241745, -1.002403974533081, -0.10970306396484375, 0.4561975598335266, 0.04202670976519585, 0.3453744947910309, -0.7751835584640503, 0.5008738040924072, 0.42678534984588623, -0.577918291091919, -0.4174133241176605, 0.3339882493019104, -0.2968827486038208, -0.8187224268913269, -0.8812955617904663, -0.4442806839942932, 0.3482654392719269, -0.10811538994312286, -0.9811228513717651, -0.9915452599525452, -0.6101797819137573, -0.6746320128440857, 0.47691360116004944, 0.5465162396430969, -0.7694082856178284, 0.03790261223912239, 2.7207798957824707, -0.8492630124092102, 0.757143497467041, 0.0162948165088892, -0.07084083557128906, -0.40057259798049927, -0.6949679851531982, 1.1791565418243408, 0.11651826649904251, -0.5097795724868774, -0.3952381908893585, 0.33825966715812683, -0.015535201877355576, 0.04993195831775665, -0.8008609414100647, -0.40242713689804077, 0.5326483845710754, -0.6352818608283997, -1.8083947896957397, -0.6562802791595459, -0.32393187284469604, -0.328759104013443, -0.4398786425590515, -0.10050521790981293, 0.06669554114341736, 0.9505743980407715, 0.013104569166898727, 0.40584129095077515, -0.6297546029090881, 0.30996647477149963, -0.4384571611881256, 0.3033407926559448, 0.5996728539466858, -0.5787115097045898, -0.5806767344474792, 0.352510929107666, 0.16087032854557037, -0.6083951592445374, -0.41868531703948975, -0.7722570300102234, -0.09018144011497498, 0.04177066683769226, 0.12146182358264923, 0.6476176381111145, 0.2744636535644531, -0.08974313735961914, -0.3663382828235626, 0.2977384626865387, -0.005767896771430969, 1.0799322128295898, -0.1863299161195755, 0.16893625259399414, -2.739790201187134, -0.40930408239364624, -1.077502965927124, 0.9443789124488831, -0.09054549783468246, 1.2849812507629395, 0.32049429416656494, 0.5978196263313293, -0.44245219230651855, -0.5342360734939575, 0.4011334180831909, -1.060252070426941, 0.9304612278938293, 0.3370087742805481, 0.37590017914772034, -0.27348995208740234, 0.025309456512331963, 0.7244608402252197, 0.03305292874574661, -0.5127716660499573, -1.001858115196228, -1.7714629173278809, 0.22990351915359497, 1.4155371189117432, 0.165235698223114, -0.14558184146881104, -1.2600516080856323, -0.6840588450431824, 0.0058403536677360535, 0.15203355252742767, 0.9177324771881104, -0.45748114585876465, 0.03255161643028259, -0.5643593072891235, 1.0581960678100586, -0.46511170268058777, -0.16121280193328857, 0.44505664706230164, 1.6544920206069946, -0.32073163986206055, -0.4224681556224823, -0.7143197059631348, -0.6650881767272949, 0.2626725733280182, 0.6312435865402222, 0.3626693785190582, 0.04975183308124542, -0.057751357555389404, 0.7700715661048889, 0.7771664261817932, 0.7172383666038513, 0.8855689764022827, -0.9239988327026367, 0.4174485206604004, -0.1065063327550888, 1.6452083587646484, 0.14153717458248138, 0.13293814659118652, -0.16118569672107697, -0.28270769119262695, -0.4862235188484192, 0.30502861738204956, -0.3894439935684204, -0.32506251335144043, 0.40016597509384155, 0.5366910099983215, -0.501960277557373, 0.4139694273471832, -0.8767156600952148, -0.3377246856689453, 0.0059610456228256226, -0.7465450763702393, -0.44862937927246094, -0.11456946283578873, 0.03378668054938316, -0.04876542463898659, 0.22854354977607727, -0.0411817841231823, 0.07496656477451324, -1.1784299612045288, -0.7826717495918274, -0.020145848393440247, 0.31865203380584717, -0.6577574014663696, -0.6474522352218628, -0.35273540019989014, -1.363412618637085, -0.10908545553684235, 0.1082928329706192, -0.4095902740955353, -0.30750054121017456, 0.3807481527328491, 1.1135412454605103, -0.1711382418870926, 0.20207923650741577, -0.386127769947052, 1.258867621421814, -0.21448534727096558, 0.2822949290275574, -0.14959724247455597, -0.19346994161605835, -0.9314144849777222, 0.22883754968643188, -0.8979495763778687, 0.6929382681846619, 0.5687902569770813, 0.057583339512348175, 0.9095330834388733, -0.37645620107650757, -0.7360549569129944, 1.0533092021942139, -0.03431663289666176, 0.1455351561307907, -1.4531528949737549, 1.102484941482544, -0.10404600948095322, -0.7484877705574036, 1.0802651643753052, -0.2541700303554535, -0.6713144779205322, 0.9102045893669128, 0.0877930223941803, -0.18589897453784943, 0.41427528858184814, -0.19140547513961792, 0.41814377903938293, 0.3408942222595215, -1.9875987768173218, 1.466030478477478, 0.9207820296287537, -0.41437891125679016, 0.17454248666763306, -0.22464479506015778, 0.7819995880126953, -0.20787306129932404, 0.14328378438949585, 1.1564040184020996, -0.3305374085903168, 0.6337042450904846, -0.31437164545059204, 0.4824317693710327, 0.47813400626182556, -0.2149471640586853, 0.6554901003837585, 0.06495562195777893, 0.9546809196472168, -1.3441853523254395, -0.3849274218082428, 1.0916701555252075, -0.0588395893573761, 0.5457862615585327, 0.025174090638756752, 1.167967677116394, 0.4884788691997528, -0.567455530166626, 0.12080756574869156, 0.07466821372509003, 0.5599139928817749, 0.4769480228424072, 0.44084832072257996, -0.3585047721862793, -0.08072509616613388, -0.17855027318000793, 1.2892529964447021, -0.271742582321167, -0.5446077585220337, -1.2315558195114136, -0.28358861804008484, -0.601036787033081, -0.1644207239151001, 0.979675829410553, 0.5468072295188904, 2.4079017639160156, 0.5519313216209412, 0.0633452758193016, 0.07090705633163452, -0.5191181898117065, 0.43467891216278076, -0.48036080598831177, -0.03005319833755493, -0.8345212936401367, 0.11661013960838318, 1.208153247833252, 1.3441052436828613, -0.5085436105728149, 0.8421897888183594, 0.3973454535007477, 0.10014759749174118, -0.49915027618408203, 1.267261028289795, -0.03258899226784706, 0.42827072739601135, 1.4665546417236328, -0.46794968843460083, 0.23950140178203583, -0.030107775703072548, -0.26737287640571594, 0.032391685992479324, 0.2575325667858124, 0.30059629678726196, 0.5714035034179688, 0.17457295954227448, 0.761097252368927, 0.19945676624774933, 0.6636443138122559, 1.9216628074645996, -0.2623910903930664, -1.758249044418335, 0.5990749597549438, -0.3816356658935547, 0.3477196991443634, 0.43901491165161133, 0.0581766813993454, 0.2477349191904068, 0.6498972177505493, 0.002685023471713066, -0.5997871160507202, 0.3248152434825897, -0.35068830847740173, -1.175784945487976, -0.03818170726299286, 1.0686274766921997, -0.6302815675735474, -0.47511833906173706, 0.24158351123332977, -0.5483659505844116, -0.3180280327796936, -0.41909343004226685, -0.9714353680610657, 1.8485358953475952, 0.2692282795906067, 0.8351020216941833, 0.30128276348114014, -0.11700727045536041, -1.0665926933288574, 1.3743009567260742, 0.8048865795135498, -0.8477206826210022, 0.9337496757507324, 0.69479900598526, 0.7489592432975769, 0.9081443548202515, -1.0183887481689453, 0.17526233196258545, 1.2522826194763184, -0.5532817840576172, -0.1965002566576004, -0.5481439828872681, -0.1836872547864914, 1.4522576332092285, 0.9558457732200623, -0.015894055366516113, -1.0852035284042358, -0.4295012354850769, -1.1299293041229248, 0.8248613476753235, 0.9588699340820312, -1.7446428537368774, -1.2637580633163452, -0.10319717228412628, -0.8658102750778198, 0.29343077540397644, 0.023169465363025665, -0.41159787774086, 1.8658686876296997, -0.11527138948440552, 0.07400887459516525, -0.6601549386978149, -11.540393829345703, 1.5341849327087402, -0.24811860918998718, 0.7035346627235413, 0.11949358880519867, -0.5939062833786011, -0.03591960668563843, 0.18152770400047302, 0.3598926067352295, -0.4512764811515808, 0.45872044563293457, 0.7982441782951355, 0.28948426246643066, 0.03235047310590744, -0.8113871216773987, -1.387305498123169, -0.3432372212409973, -0.6779593229293823, 0.09161105751991272, 0.10224795341491699, -0.07985173165798187, -0.6151971817016602, 0.3614768981933594, 0.010737502947449684, 0.7322399020195007, -0.7181233167648315, -1.1540144681930542, -0.08563102781772614, -0.2771037817001343, 0.43390631675720215, 0.8520219922065735, -0.2857864499092102, -0.705176830291748, 0.06875826418399811, 0.4668217897415161, -0.4478875994682312, -1.0061960220336914, -0.14717330038547516, 0.3596385717391968, -0.5766351819038391, -0.11209428310394287, -0.11697553098201752, 0.2929667532444, -0.2726374864578247, -0.6225676536560059, -0.10467054694890976, 0.46521493792533875, -1.5588438510894775, -0.3968380093574524, -0.25951510667800903, -0.6048873662948608, -0.4201975166797638, -0.6028796434402466, -0.3950388729572296, 0.3692518472671509, 0.556868851184845, -0.10382581502199173, -0.2836143672466278, -0.545271635055542, -0.9014760255813599, 0.3219328820705414, -0.026911571621894836, 0.3852989971637726, 0.47002851963043213, -0.04256952553987503, 0.1386593133211136, 0.036939188838005066, -0.19980594515800476, 0.12769734859466553, 0.721060574054718, -0.5684893131256104, 1.5026065111160278, 0.438946932554245, 0.7032854557037354, -0.5264194011688232, 0.2720414996147156, -1.0965625047683716, -0.4345270097255707, 0.6669885516166687, -0.09731146693229675, -1.1276593208312988, 1.172852873802185, 0.4544062316417694, -0.06255005300045013, 0.20088399946689606, 0.41289037466049194, 0.6178328990936279, -0.20720036327838898, 1.0454539060592651, -0.2741881310939789, 1.458716630935669, 0.1945677399635315, -0.7382041215896606, -0.4766131341457367, -0.8088070154190063, 0.7299520969390869, -1.281262755393982, 0.5052304267883301, 1.3026734590530396, -0.6344717741012573, -0.3562471866607666, 0.23984035849571228, -1.5120683908462524, -0.5282279849052429, 1.2573654651641846, 0.05571558326482773, -0.12373007833957672, -0.48998382687568665, -0.7178390026092529, -1.2364925146102905, 0.5169633626937866, 0.6294391751289368, 0.0047269538044929504, 1.299340844154358, -1.252759337425232, 0.3481599688529968, 1.0467917919158936, -0.44990119338035583, -0.6998693943023682, 1.6819543838500977, -0.879414439201355, 0.9299894571304321, 0.02752007357776165, 1.8163659572601318, -0.07253193110227585, 0.14337319135665894, 0.48788830637931824, 0.32479867339134216, -0.27118200063705444, -0.9915573000907898, 0.10620589554309845, -0.3338295519351959, 0.1363866627216339, -0.8307998776435852, -0.6042839884757996, -0.15637223422527313, -0.5321632027626038, 1.6330832242965698, -0.6717133522033691, 0.03839980438351631, -0.17567938566207886, -0.05628061294555664, -0.9185590147972107, -0.38076215982437134, -0.9214246869087219, 0.2071220874786377, -1.7309417724609375, 0.5215074419975281, -0.6382767558097839, -0.5655046701431274, -0.4313645660877228, -0.8258505463600159, 0.40798014402389526, -0.2595394253730774, -0.13771851360797882, -0.3020363748073578, -0.13263465464115143, -1.2884914875030518, -0.3034081757068634, -0.33774882555007935, 0.09522948414087296, 2.116175413131714, -0.616060733795166, 0.8755863904953003, 0.3833436071872711, -0.6940851807594299, -0.7021569013595581, -0.23081867396831512, -0.8194018602371216, 0.7130246162414551, 0.7555041909217834, -0.9012784957885742, -0.6437219381332397, -0.4389703571796417, 0.3161422908306122, -0.05268491432070732, 0.06469012796878815, 0.8700211048126221, -1.1843665838241577, -0.41469311714172363, -0.2792361378669739, 0.7196313738822937, 0.7267704010009766, -0.25964081287384033, 0.009628653526306152, -0.0992276519536972, -0.46690621972084045, 0.6510149240493774, -0.10633336752653122, 0.9276248216629028, -0.626221776008606, -0.7941416501998901, -0.6218566298484802, -0.03927474096417427, 0.5008901357650757, 0.2705947160720825, 1.065833568572998, 0.36925485730171204, -1.1546779870986938, -0.5235052108764648, -0.4468284845352173, 0.48054802417755127, 0.07586430013179779, 0.8650150895118713, -0.07808542251586914, 0.44797059893608093, -0.6832686066627502, -0.20601525902748108, -0.3932441174983978, 1.3053102493286133, -0.6094328165054321, -0.39575761556625366, 0.2289438247680664, -0.5220230221748352, -0.4345666468143463, -1.2478432655334473, 0.023129740729928017, -0.5566240549087524, -0.43467897176742554, -0.8725163340568542, 0.06172580271959305, 1.09012770652771, 0.3021506071090698, 0.24985742568969727, 0.32658249139785767, 0.748311460018158, 0.7687709331512451, 0.13962404429912567, 0.766059398651123, 0.11644357442855835, 0.26222971081733704, 0.9020739793777466, 0.7427319288253784, 0.6500788331031799, -0.18104535341262817, -0.4565020501613617, -0.30303066968917847, 0.3877958655357361, -0.34922122955322266, 1.0417547225952148, 0.13842901587486267, 0.04919421672821045, 1.253058910369873, 1.0452533960342407, 0.24265162646770477, -1.765593409538269, -0.4548593759536743, -1.267403244972229, 0.38696378469467163, 0.8364332318305969, 0.32036837935447693, -0.6004230976104736, 0.3904702067375183, -0.5141469240188599, 0.869783341884613, -0.3212316334247589, 0.3682910203933716, 0.36043113470077515, -0.3895164728164673, 0.7943506836891174, 0.5220909714698792, 0.20846359431743622, 0.16539163887500763, 0.21354752779006958, -1.4149056673049927, -0.30982521176338196, -1.122665524482727, 0.3659318685531616, 0.3702470660209656, -0.5474144220352173, 0.3818907141685486, 0.055999841541051865, 0.6079129576683044, -0.12636709213256836, 1.3842105865478516, 0.1606951504945755, 0.13390454649925232, -0.6251894235610962, -1.1687886714935303, 0.3841926157474518, 0.21478423476219177, -0.24343770742416382, -0.1503753364086151, 0.0805305689573288, 0.8402732014656067, 0.7397270798683167, 0.6614180207252502, -0.38519150018692017, -0.37012979388237, 0.3456357717514038, -0.529841959476471, 0.09550649672746658, -0.27738386392593384, -1.2784920930862427, -0.18610163033008575, -0.20826849341392517, -0.041068777441978455, 0.4937492609024048, -1.0754073858261108, -0.22354021668434143, 0.5699806809425354, 0.2008351981639862, 0.15013742446899414, 0.6941094994544983, 0.15248163044452667, -1.5371125936508179, 0.45775893330574036, 0.8110942244529724, -0.7083612084388733, -0.24390845000743866, -0.07661604881286621, 0.6630590558052063, -0.15676791965961456, 0.8672152161598206]} +{"paper_id": "go_emotions", "embedding": [-0.9923661351203918, 1.3540934324264526, 0.20135246217250824, 0.2321833372116089, 1.1506240367889404, -0.1777128130197525, 1.1666929721832275, -0.056518636643886566, 0.24556761980056763, 0.42447999119758606, 0.2554621696472168, -0.6205770373344421, -0.4554917514324188, -0.24708129465579987, 0.07666093111038208, -0.28053218126296997, -0.6108031868934631, -0.34968301653862, -0.9645472168922424, -0.07227464020252228, -0.4959975481033325, -0.2906154990196228, 0.24284780025482178, 0.8503764867782593, -0.7196794748306274, -0.26105380058288574, 0.055513374507427216, -0.8447971343994141, 0.26799821853637695, 0.04531727358698845, -0.1285431683063507, 1.4447484016418457, -0.8013244867324829, -0.47659173607826233, -0.3274547755718231, -0.7105564475059509, 0.17483089864253998, 0.6039449572563171, -0.31494981050491333, -0.46095985174179077, -0.40372684597969055, 0.6984764933586121, 0.4893268942832947, 0.3015546202659607, 0.8733309507369995, 0.13266193866729736, 0.09735137969255447, 0.1819908320903778, -0.06742165982723236, -0.48030006885528564, -0.34749627113342285, 0.39644134044647217, -0.10487876832485199, -0.055216021835803986, -1.065284013748169, 1.0552140474319458, 0.2771371603012085, -0.48047399520874023, 0.1779632270336151, -1.559403657913208, 1.1637039184570312, 1.3701061010360718, 0.3902016580104828, 0.018846947699785233, 1.5102462768554688, 0.4815324544906616, 1.3888967037200928, -0.11297716945409775, 0.26080188155174255, 0.25599661469459534, -0.7224132418632507, -0.5394964218139648, -0.10584255307912827, -0.07361962646245956, 0.047009456902742386, 0.1493844985961914, 0.5056988000869751, 0.45169758796691895, -0.031924642622470856, 0.7032223343849182, -0.09075935184955597, 0.7914576530456543, 0.47798922657966614, -0.7751645445823669, 0.5363592505455017, 0.6994048953056335, 0.33477291464805603, 0.05784183368086815, 0.43221598863601685, -1.045487880706787, 0.16013579070568085, -0.18419556319713593, 0.27094489336013794, 0.4797183871269226, -0.6542752385139465, 0.18058297038078308, -0.16883708536624908, -0.04357370734214783, -0.44126179814338684, 0.8000752925872803, 0.7236592769622803, -0.521392822265625, 0.42134857177734375, -0.29990246891975403, -0.2953527271747589, 1.307259202003479, -0.1063556894659996, -0.36512860655784607, 0.10803849250078201, -0.40091124176979065, 0.29745879769325256, 1.3933100700378418, 0.00026494357734918594, 0.9235005378723145, -0.03276029974222183, -0.5007281303405762, 0.013521865010261536, -0.3950190246105194, -0.39145180583000183, 0.3320803642272949, -0.9512245655059814, -0.9834153056144714, -0.1421622931957245, -0.2087034285068512, 1.4923474788665771, -0.6185969114303589, 0.8453166484832764, -0.6357349753379822, 0.27549439668655396, -0.7491262555122375, 0.07117896527051926, -0.0060214996337890625, -0.48774296045303345, 0.33427929878234863, 2.29608416557312, -0.8381317853927612, 1.1366773843765259, -1.1267117261886597, -0.1113448217511177, -0.1710350066423416, 0.3351559340953827, 0.8567230105400085, 0.003627859055995941, -0.0784829705953598, -0.8811017274856567, 0.04128977656364441, -0.5354102253913879, 0.5281272530555725, -0.7377152442932129, -0.6667700409889221, -0.06161836162209511, -0.1693550944328308, -0.9953145384788513, -0.7577338814735413, 0.37541982531547546, 0.3027278184890747, 0.03952430933713913, 0.9841793179512024, -0.23816394805908203, 0.6151823997497559, 0.2971479296684265, 0.42180919647216797, -0.35262972116470337, 0.7118397355079651, -0.8262762427330017, -0.16759821772575378, 0.4338541328907013, -0.015172766521573067, -0.8624384999275208, -0.5756380558013916, 0.7962512373924255, 0.05468893051147461, 0.27572953701019287, -0.19893936812877655, -0.5273329615592957, 0.04332170635461807, 0.8975006341934204, 0.4883359968662262, 0.29318422079086304, -0.389384925365448, -0.2631931006908417, -0.3548790216445923, 0.10462602227926254, 0.15508364140987396, -0.5408436059951782, 0.1664000004529953, -1.8622852563858032, -0.4123855233192444, -0.4286547899246216, 0.8576985001564026, 0.22192254662513733, -0.5193170309066772, 0.5556750297546387, 0.12459854781627655, -0.4844575524330139, 0.016464021056890488, 0.6100994944572449, -1.5947235822677612, -0.0743643194437027, 0.25185948610305786, 0.26661887764930725, -0.02683071792125702, -0.09325756877660751, 1.3797447681427002, 0.486131876707077, -0.36095088720321655, -0.4126046895980835, -2.0156402587890625, 0.18095864355564117, 2.2430639266967773, -0.30738693475723267, -0.6692553162574768, -0.9912707209587097, -0.04380650818347931, 0.5988829135894775, -0.25661659240722656, 0.45294490456581116, -0.35529133677482605, -0.07980597764253616, -1.373215913772583, 0.3179037272930145, -0.3904851973056793, 0.25168636441230774, 0.010135110467672348, 1.1243404150009155, -0.19743075966835022, -0.9033108949661255, -0.18517887592315674, -0.6356772184371948, 0.2058858871459961, 0.5688986778259277, 0.28158414363861084, -0.16127270460128784, 0.11411809176206589, 0.13160310685634613, 0.47447025775909424, 0.5182832479476929, 0.41068968176841736, 0.02330784499645233, 0.32064351439476013, 0.4711865782737732, 0.23730316758155823, -0.1460426300764084, -0.45381030440330505, 0.4977588653564453, 0.45884352922439575, 0.04220713675022125, -0.5782336592674255, -0.30479907989501953, 0.1758764386177063, 0.9677664637565613, 0.932125449180603, -0.01977357640862465, 1.2257587909698486, -1.0454480648040771, 0.13963636755943298, -0.5899205207824707, -0.37139520049095154, 0.16922681033611298, -0.013773538172245026, 0.4740143120288849, -0.016916824504733086, -0.32718876004219055, -0.41379010677337646, -0.07241762429475784, -0.8310264348983765, -0.3868916928768158, 0.4319780766963959, -0.35714030265808105, -0.8765661716461182, 0.05619880557060242, 0.01070309430360794, -0.8600255846977234, -0.7733141183853149, 0.08278744667768478, 0.934231162071228, -0.3576308488845825, 0.08858181536197662, 1.4080251455307007, -0.3260240852832794, 0.2852194607257843, -0.304841011762619, 1.0819778442382812, -0.49097761511802673, 0.7940650582313538, -0.5718157291412354, 0.7163122892379761, -0.23550903797149658, -0.03794063627719879, -0.4230833053588867, 0.34391963481903076, 0.5821114182472229, -0.44031375646591187, 0.7266187071800232, -0.2035275399684906, -0.8505814075469971, 1.1983124017715454, -0.6113402843475342, 0.35511040687561035, -0.6239756345748901, 1.2078016996383667, 0.8860808610916138, -0.41397228837013245, 0.9734597206115723, -0.749538242816925, 0.13891366124153137, 0.9776514172554016, -0.8731642961502075, 1.2074544429779053, -0.1544416844844818, -0.4682556986808777, 0.22271224856376648, -0.3200695514678955, -2.157607316970825, -0.05038696527481079, 1.368654489517212, -0.6148403286933899, -0.09758852422237396, -0.867597222328186, 0.4394969940185547, -0.344286173582077, 0.31311503052711487, 0.4406111538410187, -0.7755538821220398, 1.1066938638687134, -0.616327166557312, 0.15129490196704865, 0.6238952279090881, -0.41885852813720703, 0.10519103705883026, 0.5726633071899414, 0.6634979844093323, -0.7879936099052429, -0.2930799126625061, 0.6850818395614624, -0.692901611328125, 0.2843409776687622, 0.6518197655677795, 0.732124924659729, 0.825800895690918, -0.661223292350769, -0.48099857568740845, 0.5439338684082031, 0.4386633038520813, 0.47323936223983765, 0.00015264097601175308, 0.049798786640167236, 1.1025844812393188, -0.7757434248924255, 0.9208325743675232, 0.05377260968089104, 0.10663296282291412, -0.7199707627296448, -0.5944176316261292, -0.7113308310508728, -0.3545149564743042, 1.6064362525939941, 0.7162984609603882, 1.007146954536438, -0.3239171802997589, -0.5130506753921509, -0.2110467255115509, 0.4693785011768341, 0.7845150828361511, 0.6840522289276123, 0.22282563149929047, -0.246139794588089, 0.9233499765396118, 0.5347822904586792, 0.6266914010047913, -0.6380899548530579, -0.214344784617424, 1.2482069730758667, -1.0033345222473145, -0.1271747499704361, -0.33675965666770935, 0.5783342123031616, 0.7538884878158569, 1.9585559368133545, -0.3924955725669861, -0.6156764626502991, -1.0607678890228271, 0.0037634428590536118, 1.0870388746261597, -0.16950324177742004, -0.7082449197769165, 7.463619112968445e-06, 0.3773055970668793, 0.7680754065513611, -0.08476077020168304, 0.9545283913612366, 0.3229531943798065, -0.5981054902076721, -0.8959760665893555, -0.4355636239051819, -0.9518836140632629, -0.4045619070529938, 0.17055004835128784, 0.09681788086891174, 0.12136618047952652, 0.21156296133995056, -0.4358829855918884, -1.1861954927444458, 0.552161455154419, -0.9543536901473999, -0.7301172018051147, 0.4558095335960388, 1.0164234638214111, -0.38875705003738403, -1.0246719121932983, -0.4305071234703064, -0.9952325224876404, -0.865392804145813, -0.0704910159111023, -0.5711795687675476, 0.465175986289978, 0.4279063940048218, 0.11979616433382034, 0.3103867173194885, 0.4130459427833557, -0.9315677285194397, 0.727285623550415, 1.1387848854064941, -1.1606159210205078, 0.6516362428665161, 1.0570008754730225, -0.856709361076355, -0.30079349875450134, -0.6926169395446777, -0.3952324092388153, 0.23497362434864044, -0.28056567907333374, -0.26013094186782837, -0.5327309370040894, 0.034786079078912735, 0.727860152721405, -0.12983828783035278, 0.6040559411048889, -0.4720202684402466, 0.8866243362426758, -0.41351401805877686, -0.48727357387542725, 0.7298264503479004, -0.8855341672897339, -0.33988043665885925, 0.9190369248390198, -0.5262224674224854, 0.8589960336685181, -0.3849835991859436, 0.44858014583587646, 1.413381814956665, 0.21208757162094116, 0.6923179626464844, -0.011439688503742218, -12.117883682250977, 0.6890963912010193, -0.5323913097381592, -0.15140990912914276, 0.5314716696739197, -0.19411832094192505, 0.15160900354385376, 0.12639158964157104, 0.9787788391113281, -0.7398132085800171, 0.5309338569641113, 1.5642203092575073, -0.22058537602424622, -0.2116740494966507, -0.6673375368118286, -0.6287475228309631, -0.27674904465675354, -0.9343753457069397, -0.15027886629104614, 0.0035554245114326477, -0.022616583853960037, -1.2087758779525757, -0.690864622592926, -0.6281222701072693, 0.41784343123435974, -0.3000732362270355, -0.475246787071228, -0.17820371687412262, -0.7230321764945984, 0.9555729627609253, 0.6992255449295044, -0.44610726833343506, -0.2477383315563202, -0.17148512601852417, 0.30067551136016846, 0.12053750455379486, -0.7913897633552551, -0.20037992298603058, 0.018943166360259056, 0.2917807400226593, 0.13103727996349335, 0.5355451703071594, 0.18008606135845184, -0.5922582745552063, -0.5721591711044312, 0.6455913782119751, -0.15247932076454163, -0.06433560699224472, -0.05904218554496765, -0.39539018273353577, -0.033583395183086395, -0.6210529208183289, -1.1657356023788452, -1.0338231325149536, 0.6546168923377991, -0.2109975814819336, -0.6978452205657959, 0.19374021887779236, -0.7856405973434448, -1.1604280471801758, 0.681832492351532, -0.04888489097356796, -0.45953384041786194, 0.7451452016830444, 1.01932954788208, -1.1672714948654175, 0.9214566349983215, 0.6997133493423462, -0.4173054099082947, 0.6168748736381531, -0.587942361831665, 1.388761043548584, 0.23135221004486084, 0.7064236998558044, -0.0680641233921051, 0.0998653769493103, -0.2190852016210556, 0.8014165759086609, 0.875724196434021, -0.435627818107605, -0.7134972810745239, 0.5665888786315918, 0.05354616418480873, -1.1263221502304077, -0.988243043422699, 1.0707203149795532, 0.1390736848115921, 0.22812387347221375, 0.4930836260318756, 0.3009661138057709, 0.37952470779418945, 0.06393387913703918, -0.7851048111915588, -0.1729217767715454, -0.2975199520587921, 0.6812183856964111, -0.7538960576057434, 1.1282670497894287, 0.8221983909606934, -0.025080405175685883, 0.33753928542137146, -0.25944191217422485, -0.36694929003715515, 0.2716112434864044, 0.6092822551727295, -0.560688316822052, 0.3584158420562744, 0.23278531432151794, -0.11732208728790283, -0.2321346253156662, 0.3750978410243988, 0.3236526548862457, -0.16400305926799774, 0.5720251798629761, -0.17457328736782074, 0.4945219159126282, 0.3364468812942505, -0.15682663023471832, 0.8981599807739258, 0.5574619770050049, -0.3983595073223114, 0.6095656752586365, -0.1296422779560089, 1.2615894079208374, 0.6473178267478943, 0.21900905668735504, 0.9946752786636353, -0.171014204621315, 0.2529323101043701, -1.6405619382858276, 0.7033684253692627, 0.02028609812259674, 0.3072212040424347, -0.31466585397720337, -0.20683379471302032, 0.4168488085269928, -1.1295053958892822, 1.2741376161575317, -0.9915698170661926, 0.6646569967269897, 0.1847376823425293, -0.40333279967308044, -0.5901486873626709, -0.5403428673744202, -1.3253002166748047, -0.26227477192878723, -1.675901174545288, -0.066309854388237, -0.14124946296215057, -0.029080919921398163, 0.2000196874141693, -0.2193392515182495, 0.4177013039588928, -1.2640525102615356, -0.22036141157150269, -0.32816189527511597, 0.6813849806785583, -0.8925324082374573, -1.1668869256973267, -0.08755025267601013, 0.9488433003425598, 0.49910813570022583, -0.9058380722999573, 0.12004461884498596, 0.31674739718437195, 0.012635160237550735, -0.9272686243057251, 0.04660548269748688, -0.16478954255580902, 0.27743351459503174, 1.4628961086273193, -0.8922590017318726, -0.7691968083381653, -0.09373816847801208, 0.13973598182201385, -0.7592899799346924, 0.5569748282432556, 1.2187880277633667, -0.41524431109428406, -0.35079890489578247, -0.9558735489845276, 0.190474271774292, 0.6181190609931946, -0.9611586928367615, -0.5533275604248047, 0.08183036744594574, -0.051674872636795044, 0.982519805431366, -0.28911831974983215, -0.23130512237548828, -1.380994439125061, -1.3600499629974365, -1.1032973527908325, -0.14400433003902435, 0.5348645448684692, 0.012516513466835022, 0.4448726177215576, 1.028161883354187, -0.9156210422515869, -0.19599860906600952, 0.0870971828699112, 1.0610390901565552, -0.41514840722084045, -0.03912803530693054, 0.1593419462442398, 0.09910412132740021, -0.7446979880332947, 0.1850488930940628, 0.5013572573661804, 0.5171526670455933, -2.1996278762817383, -0.5868661403656006, -0.4057106375694275, -0.1176571398973465, 0.7624977231025696, -0.945249080657959, -0.24337643384933472, 0.36192044615745544, -0.2351812869310379, -0.9216459393501282, 0.017606042325496674, 1.690429925918579, 0.40691816806793213, 0.6878148913383484, 0.6789024472236633, 0.1183389350771904, 0.49998024106025696, 0.32221126556396484, 1.6230785846710205, -0.31906893849372864, -0.34647276997566223, -0.41573861241340637, -0.2730028033256531, 0.26416197419166565, 0.04908374696969986, -0.10765167325735092, -1.3212242126464844, -0.11059360951185226, -0.8281522989273071, 0.32837343215942383, -0.4595629572868347, 0.5541175007820129, 0.38975095748901367, 0.6277564167976379, -0.28379595279693604, -1.2313636541366577, -1.168038010597229, -0.7417556643486023, 0.1956954151391983, -0.24882900714874268, -0.1579398512840271, 1.2898532152175903, 0.7096304297447205, -0.25376659631729126, 0.9271800518035889, 0.2905092239379883, 0.014614880084991455, 0.25128495693206787, 0.33253955841064453, 0.9845819473266602, 0.49505603313446045, 0.06642424315214157, -0.04851668328046799, -0.6886250972747803, -0.6535665988922119, -0.18039900064468384, -1.0562447309494019, 0.7775915265083313, 0.30600178241729736, -0.4969261884689331, 0.3311566114425659, -0.14231908321380615, -0.3285582661628723, 0.2460314929485321, 0.16293327510356903, 0.5379688739776611, -0.09616252034902573, -0.7779646515846252, -0.5767619013786316, -0.45859286189079285, 1.1805778741836548, -0.4011349678039551, -0.5933904647827148, -0.9671971201896667, 0.020381484180688858, 0.25716161727905273, -0.8626698851585388, -0.3785220980644226, 0.18873408436775208, -0.005792507901787758, 0.6164427399635315, 0.9537461996078491, -1.0833725929260254, -1.065366506576538, -0.3210550844669342, -0.610037088394165, 0.748987078666687, 0.2347341626882553, -0.9643102884292603, -0.23941172659397125, 0.23444096744060516, 0.12527020275592804, -1.248713493347168, 0.7077900767326355, 0.4029291272163391, -1.6655522584915161, 1.32819664478302, 1.130796194076538, -0.18788255751132965, -0.36627325415611267, 0.5908316373825073, 0.20219437777996063, 0.9470871090888977, 1.8687704801559448]} +{"paper_id": "commonsense_qa", "embedding": [-0.7316080927848816, 0.8896881937980652, 0.28198879957199097, -0.6106123924255371, 0.49517905712127686, -0.22415941953659058, 0.6632478833198547, 0.6843891739845276, 0.7006252408027649, 0.827660083770752, 0.43266525864601135, 0.402773916721344, -0.33328720927238464, -0.07258367538452148, -0.8299542665481567, -0.6192896962165833, -0.9310391545295715, -0.5781517624855042, -1.1151117086410522, 0.12928026914596558, -0.5752109289169312, -1.0276154279708862, -0.20468094944953918, 0.771356999874115, -0.8702412843704224, -1.2318400144577026, 0.553572952747345, -0.7555955052375793, 0.8038784265518188, -0.06685168296098709, -0.22023695707321167, 1.1687849760055542, -1.5165705680847168, 1.0440281629562378, -0.8399373292922974, 0.05833108723163605, 0.4351504147052765, 1.0389800071716309, -0.14212971925735474, -0.356371134519577, -0.14663229882717133, -0.0031325779855251312, 0.8662837743759155, 0.4244973659515381, 1.105245590209961, -0.672136664390564, 0.8416624069213867, 0.01836223527789116, -0.1490589827299118, 0.08520518243312836, -0.42619332671165466, 0.16925790905952454, -0.021078607067465782, 0.6290069818496704, -0.2612949013710022, 1.1602153778076172, 0.5604268908500671, -0.6893842220306396, 1.1256095170974731, -0.8483525514602661, 1.3448883295059204, 1.6126554012298584, 0.2443103790283203, -0.05042772367596626, 0.9504667520523071, 0.4437677264213562, 1.5045939683914185, 0.40341031551361084, 0.14229190349578857, 0.504245400428772, -0.21882176399230957, -0.8031092882156372, -0.009874820709228516, -0.061690881848335266, 0.15262852609157562, 0.7108584642410278, -0.008983900770545006, 0.024744804948568344, 0.49323201179504395, 0.4322793483734131, 0.0642833486199379, 0.2624419927597046, 0.7664614319801331, -0.10340408235788345, 0.16390398144721985, 0.059036605060100555, 0.6262775659561157, -1.1359177827835083, 0.5402671098709106, -1.4932620525360107, 0.7766699194908142, 0.5278822779655457, -0.08549487590789795, 0.21533682942390442, -0.1329794079065323, 0.6849561333656311, -1.0717768669128418, -0.33120399713516235, -0.15984302759170532, 0.8426719307899475, 0.4475107192993164, -0.27823132276535034, 0.10948915034532547, -0.3256794214248657, 0.17438432574272156, 0.7125805020332336, 0.39546650648117065, 0.3168000280857086, -0.6142586469650269, -0.6424617767333984, 0.708057165145874, 1.3954975605010986, 0.07965729385614395, 0.02947060763835907, -0.19745409488677979, -0.17694875597953796, 0.34586912393569946, -1.0745218992233276, -0.2546806335449219, 0.5283963084220886, 0.1934465914964676, -0.8804765343666077, -0.32981976866722107, 0.06364676356315613, 0.7555466890335083, -0.4419216811656952, -0.12240845710039139, -0.39459002017974854, -0.21548424661159515, 0.5686714053153992, 0.47576719522476196, -0.07364124059677124, -0.5915579199790955, -0.4156387448310852, 3.332028865814209, -1.0644290447235107, 1.498270034790039, -1.0993889570236206, -0.02347649447619915, -0.6678332686424255, -0.6063758134841919, 1.023692011833191, 0.5313785076141357, -0.11012861877679825, -0.6131511330604553, 0.11080878973007202, -0.5343371629714966, 0.44201886653900146, -0.8133743405342102, -0.37577569484710693, -0.23466509580612183, -0.2132066786289215, -2.0150747299194336, -0.040371429175138474, 0.12924571335315704, 0.5639756917953491, -0.5744878649711609, 0.3647919297218323, -0.8258721828460693, 0.8473231196403503, -0.16851359605789185, -0.06617367267608643, -0.489043265581131, 0.12185429781675339, -0.5776699185371399, -0.26534122228622437, 0.6518455743789673, -0.107075996696949, -1.2419884204864502, 0.066471628844738, 0.694973349571228, -0.05635277181863785, 0.0011802762746810913, -0.40190622210502625, -0.13855989277362823, 0.5692242980003357, 0.38004711270332336, 0.5132325887680054, 0.2759535014629364, -0.5833333134651184, -0.14100715517997742, -0.318206787109375, -0.015972107648849487, 0.1796284317970276, 0.1835491955280304, 0.3452284336090088, -2.4146926403045654, -0.09766660630702972, -0.5550668835639954, 0.7752434611320496, 0.40515393018722534, 0.2614816129207611, 0.15794870257377625, 0.11811710894107819, -0.1961807757616043, -0.7105230093002319, 0.8472815155982971, -1.3678697347640991, -0.5568803548812866, 0.2927934527397156, -0.5892439484596252, 0.025915903970599174, 0.04238615930080414, 1.0970815420150757, 0.1002395749092102, -0.4133509695529938, -0.8367518186569214, -2.1679635047912598, 0.07484016567468643, 2.1782941818237305, 0.25241491198539734, -0.7919542193412781, -0.9175471663475037, -0.26700034737586975, 0.6997487545013428, -0.2682233154773712, 0.3997224271297455, -0.5636135339736938, 0.24061763286590576, -1.026950716972351, 0.702316164970398, -0.4890134930610657, 0.5734877586364746, 0.6808724999427795, 1.49909245967865, -0.7304727435112, -0.11893340945243835, -0.007085233926773071, -0.3966137170791626, 0.8241117596626282, 0.43557482957839966, 0.4026627838611603, -0.025948092341423035, 0.8055729866027832, 0.7631955146789551, 1.254716396331787, 0.49464723467826843, 0.7935378551483154, -1.3363898992538452, 0.24372917413711548, -0.08463864773511887, 1.080475091934204, -0.05672399699687958, 0.394998162984848, 0.5493589639663696, -0.13283586502075195, -0.35259491205215454, -0.36690956354141235, 0.1429254710674286, -0.26927363872528076, 1.2259975671768188, 0.3449661135673523, -0.1785108894109726, 1.0375577211380005, -0.5107921361923218, -1.0891767740249634, 0.22720667719841003, -0.58866947889328, 0.29886937141418457, -0.53205406665802, 1.2558400630950928, -0.5371865034103394, 0.2596345543861389, -0.19883744418621063, -0.18104416131973267, -1.3420970439910889, 0.2630369961261749, 0.8695101737976074, -0.5687156319618225, -1.0150721073150635, 0.4858277440071106, -0.3643190264701843, -1.2946679592132568, -0.8335168361663818, -0.15438339114189148, 0.3794889450073242, 0.5317182540893555, 0.5124049186706543, 1.4656141996383667, -0.46861928701400757, 0.5713760852813721, -0.05395260453224182, 0.9907334446907043, -0.7724883556365967, 0.14555585384368896, 0.09232817590236664, 0.6485776305198669, -1.181008219718933, 0.41260114312171936, -0.526950478553772, 0.4202231168746948, 0.6186617016792297, -0.39837005734443665, 0.6525488495826721, -0.48819220066070557, -1.1616288423538208, 1.122438669204712, 0.22739411890506744, -0.575249969959259, -0.2948108911514282, 1.198730707168579, 0.3233630955219269, -0.6519916653633118, 0.9295558333396912, -0.17740152776241302, -0.3334621787071228, 1.2401633262634277, 0.13678233325481415, 0.026830188930034637, 0.336900532245636, 0.035677775740623474, -0.3590942621231079, 0.8091880083084106, -1.837364673614502, 0.6652953624725342, 0.7865535616874695, -0.2053656429052353, -0.11360897123813629, -0.9740870594978333, 0.2586205005645752, -0.9885261654853821, 0.32730212807655334, 0.9764558672904968, -0.1929062008857727, 0.4525374174118042, -0.21799156069755554, 0.11278823018074036, 0.6717616319656372, -0.49250316619873047, 0.6271775960922241, 0.426941454410553, -0.05020558089017868, -0.9540393948554993, -0.2768353223800659, 0.8984364867210388, -0.39060160517692566, 0.4925036132335663, 0.494845986366272, 0.5252030491828918, 1.0122014284133911, -0.05737478286027908, -0.5023637413978577, 0.2869829535484314, 0.052869558334350586, 0.12049078196287155, -0.13895566761493683, 0.1334928572177887, 0.7389861345291138, -0.04910609498620033, 1.0347033739089966, -0.2146053910255432, -0.6836675405502319, -0.7900865077972412, -0.17881758511066437, 0.2377575784921646, -0.056606393307447433, 2.271347761154175, 0.4156861901283264, 1.0295110940933228, -0.6162002682685852, -0.16859130561351776, -0.15681856870651245, -0.21162943542003632, 1.0442290306091309, 0.6569348573684692, 0.01400785893201828, -0.9296679496765137, -0.20133987069129944, 0.2901556193828583, 0.09079533815383911, -0.5770005583763123, 0.2944397032260895, 0.3260264992713928, 0.19562292098999023, -1.0050904750823975, 0.892108142375946, 1.019134759902954, 0.18998613953590393, 1.1302247047424316, -0.6274529099464417, 0.504055917263031, -0.3997100293636322, 0.25373101234436035, 0.1479474902153015, 0.2656571865081787, -0.42521584033966064, 1.0573502779006958, 0.5364273190498352, 0.4969472885131836, 0.08735375106334686, 1.6765024662017822, 1.2155283689498901, -0.5954762101173401, -1.738630771636963, -0.6536228656768799, -1.0977319478988647, 0.024843869730830193, 0.6387422680854797, 0.08065547049045563, -0.24777096509933472, 0.2225043773651123, -0.08139310777187347, -1.181606650352478, 0.6017071008682251, -0.5137792825698853, -1.2838689088821411, 1.6810311079025269, 0.9324030876159668, -1.0129505395889282, -0.43905946612358093, -0.3007383942604065, -0.6712968945503235, -0.7499485015869141, 0.06671356409788132, -0.682045042514801, 0.030307672917842865, 0.5124644637107849, 0.5503275990486145, 0.24487504363059998, 0.022128403186798096, -0.7213377356529236, 0.767558753490448, 0.6815207004547119, -0.9098681211471558, 0.42992928624153137, 0.1427733451128006, -0.0718689113855362, -0.18347559869289398, -0.865591824054718, -0.8900110125541687, 1.2591655254364014, -0.2238251119852066, -0.3167657256126404, -1.6058826446533203, -0.32641834020614624, 0.6013268828392029, 0.08866284787654877, 1.0160422325134277, -0.6665273904800415, 0.5077853798866272, -0.7546072006225586, -0.7626766562461853, 0.21740856766700745, -1.2165621519088745, -0.8020910024642944, 0.83414626121521, 0.047112323343753815, 0.7989810705184937, -0.5411189794540405, 0.012843992561101913, 2.028515100479126, -0.2702527940273285, 0.25998455286026, -0.0926101878285408, -11.583024978637695, 0.5479590892791748, 0.32664039731025696, 0.3226354718208313, 1.064275860786438, -0.2089380919933319, 0.922862708568573, -0.14641809463500977, 0.32755187153816223, -1.4266847372055054, 0.35980188846588135, 0.719497561454773, 0.357357919216156, 0.4073893129825592, -0.8012579679489136, -1.3275964260101318, -0.298290878534317, -0.8307614922523499, 0.3026949167251587, 0.211847186088562, -0.0244431234896183, -0.6705632209777832, -0.8219525814056396, -0.44730907678604126, 0.4252655506134033, -0.029303409159183502, -0.7554063200950623, -0.5706318020820618, -0.2872525453567505, -0.23777490854263306, 0.5540890693664551, 0.013884281739592552, -0.36397379636764526, -0.15781299769878387, -0.43484586477279663, 0.0023364638909697533, -0.5729566812515259, 0.27312567830085754, 0.8580910563468933, 0.09590371698141098, -0.005947507917881012, -0.23578119277954102, 0.2081037163734436, 0.36756742000579834, -0.4713456332683563, 0.5229309797286987, -0.18909676373004913, -0.7756941318511963, -0.04733990132808685, -0.09274788200855255, -0.6455333828926086, -0.44498082995414734, -0.4230559468269348, -0.6110014319419861, 0.37839996814727783, 0.6272983551025391, -1.069473147392273, -0.28592684864997864, -0.7807410359382629, -1.2696573734283447, 0.6745259165763855, 0.13638269901275635, -0.21319997310638428, 0.05641765892505646, 0.5210521221160889, -0.27944645285606384, 0.2668563723564148, 0.3017530143260956, -0.715305507183075, -0.003615044057369232, -0.5151088833808899, 0.9774207472801208, 0.2750800848007202, 0.631761372089386, -0.9563141465187073, 0.5543745160102844, -0.8670514822006226, 0.9916706681251526, 0.14642548561096191, -0.13428129255771637, -1.4884036779403687, 0.7126800417900085, 0.4498123526573181, -0.9776452779769897, -1.0987952947616577, 0.7171823978424072, -0.33609071373939514, 0.7687047123908997, 0.37897294759750366, -0.5579603314399719, 1.0465567111968994, 0.6002846956253052, -0.6347459554672241, -0.8005058169364929, -0.4017396867275238, 0.6788463592529297, -0.2219870537519455, 0.5723753571510315, 0.08172793686389923, -0.32630035281181335, 0.6396264433860779, -0.5517396926879883, -0.6488450765609741, 0.3800453543663025, -0.2223905473947525, 0.4089330732822418, 0.7020431160926819, -0.04864782094955444, -0.33358219265937805, -0.9572790265083313, 0.7150869369506836, -0.38092783093452454, -0.7148020267486572, 0.6536270380020142, -0.6034643650054932, 0.3412039875984192, 0.106238454580307, -0.32264676690101624, 0.39277008175849915, 0.0699806958436966, -0.17091819643974304, 0.614786684513092, 0.3126123249530792, 1.4340291023254395, -0.007586846128106117, -0.5142872333526611, 0.5123137831687927, 0.30983155965805054, -0.370258092880249, -1.4453659057617188, 0.9730584621429443, -0.3241577744483948, -0.016409875825047493, -0.5475301146507263, -0.8069870471954346, 0.14479021728038788, 0.24403128027915955, 1.534267544746399, -0.8880789875984192, 0.2073071002960205, -0.33424413204193115, 0.07715357840061188, -0.4047674238681793, -1.0509475469589233, -0.684506893157959, 0.18038874864578247, -0.9451195597648621, 0.314970463514328, -0.5317354202270508, -0.71739661693573, -0.23977699875831604, -0.8048699498176575, 0.6377950310707092, -0.6338098049163818, -0.12130807340145111, -0.43231073021888733, 0.25610941648483276, -0.16901592910289764, -1.035322904586792, -0.091679647564888, 0.04919204115867615, 0.639867901802063, -1.199924111366272, 1.1085262298583984, 0.18477661907672882, -0.7950870394706726, -0.41901466250419617, 0.0169573575258255, -0.6507852673530579, -0.2419399917125702, 0.7906888127326965, -1.1989601850509644, 0.02455441839993, -0.282250314950943, -0.07196449488401413, -0.8288232684135437, 0.6401355266571045, 1.1833704710006714, -0.5649617910385132, -0.2153496891260147, -0.23060433566570282, 1.3731420040130615, 0.36995813250541687, -0.5213886499404907, -0.014794304966926575, -0.05104218050837517, -0.04517127573490143, 0.18349137902259827, 0.13085709512233734, 0.7985929846763611, -1.490530014038086, -0.9744197130203247, -0.3456179201602936, 0.27870672941207886, 0.8888438940048218, 0.423691064119339, 0.5288397073745728, 0.7961660623550415, 0.2922070622444153, 0.236465185880661, 0.4268077611923218, 0.955713152885437, 0.2446027547121048, 0.6246246099472046, -0.1624268740415573, 0.36355817317962646, -0.8021365404129028, -0.33812275528907776, 0.617768406867981, 1.1251509189605713, -1.2937631607055664, -0.2723565995693207, 0.18956497311592102, -0.3980584442615509, 0.7033149003982544, -1.0834064483642578, 0.20234468579292297, -0.4341488778591156, -0.8616636395454407, -1.0194746255874634, 0.6187905073165894, 1.2184698581695557, -0.3727501630783081, 1.0270371437072754, -0.14285063743591309, 1.3986512422561646, 0.5793810486793518, -0.2810157537460327, 0.4535365104675293, -0.6563389301300049, 0.0734231099486351, 0.48480555415153503, 0.5924203395843506, 0.1201377883553505, -0.6330521106719971, -1.3950493335723877, -0.6180052757263184, 0.5035187602043152, -0.5138660073280334, 0.620598316192627, -0.4687405228614807, 0.4681680202484131, 1.1355974674224854, 1.103989839553833, -0.6409578919410706, -1.2792104482650757, -0.277931809425354, -1.2532869577407837, 0.20127218961715698, 0.8015967011451721, 0.30329573154449463, 0.9153137803077698, 0.9097639918327332, 0.021951057016849518, 0.7297865152359009, -0.7109505534172058, 0.12413846701383591, 0.2356777787208557, -0.48129892349243164, 0.8081244230270386, 0.5956339836120605, 0.20486950874328613, 0.5222061276435852, -0.18456262350082397, -1.1005185842514038, -0.17576734721660614, -0.6678858399391174, 0.9366008043289185, 0.8563405275344849, -0.7643482089042664, -0.21774473786354065, -0.07251506298780441, 0.7332083582878113, -0.6423912048339844, 0.9423311948776245, -0.30452078580856323, -0.2928231358528137, -0.5891914367675781, -0.6739427447319031, -0.6945242285728455, 0.7814923524856567, 0.0676327496767044, -0.18423961102962494, -0.09869134426116943, 1.1968268156051636, -0.31584036350250244, -0.648736834526062, -0.8692513108253479, -0.3565452992916107, -0.7919988036155701, 0.3461858630180359, 0.2671334147453308, -1.1165111064910889, -0.686234712600708, 0.003154415637254715, -0.9026011228561401, 0.22530455887317657, 0.21905241906642914, -0.6729429364204407, -0.9104214906692505, 0.16475678980350494, -0.5053447484970093, 0.347433865070343, 0.34309208393096924, 0.2467200756072998, -1.5747137069702148, 0.4165562391281128, 0.9860312342643738, -0.1763903796672821, -0.5343817472457886, 0.025333615019917488, 0.524835467338562, 0.08402467519044876, 0.5277692079544067]} +{"paper_id": "xcopa", "embedding": [0.08220575749874115, 0.34634706377983093, -0.040574025362730026, -0.20288987457752228, 0.8021125793457031, -0.07838428020477295, 0.6208452582359314, 0.024429358541965485, 0.8660419583320618, 0.7834013104438782, -0.07554946839809418, -0.02274959534406662, -0.04066675901412964, 0.21233804523944855, 0.12362946569919586, -0.48902636766433716, -1.3140499591827393, -0.7627702355384827, -1.1914186477661133, -0.21944963932037354, -0.36324745416641235, -0.8120669722557068, -0.028921423479914665, 1.3505841493606567, -0.3744768500328064, -0.5290083289146423, 0.2768438756465912, -0.6028925180435181, 0.8526837825775146, 0.4378213584423065, -0.18837007880210876, 1.4204314947128296, -1.241024136543274, 0.8435434103012085, -0.5871939063072205, 0.05720321834087372, -0.02120072767138481, 1.1490401029586792, 0.1453460156917572, 0.2879774272441864, -0.5199005007743835, -0.0864262655377388, 0.05894436314702034, 0.4054059386253357, 0.29646021127700806, -0.02687104046344757, -0.4752568006515503, -0.1610732227563858, -0.03162495791912079, 0.13749364018440247, 0.25149989128112793, -0.023706309497356415, 0.12475725263357162, 0.27080270648002625, -0.1542872190475464, 1.42428457736969, 0.39853739738464355, -0.7304346561431885, 1.015702247619629, -0.6471604108810425, 1.2842960357666016, 1.5906610488891602, -0.9243061542510986, 0.08095359802246094, 1.7058911323547363, 0.23837466537952423, 2.020301580429077, 0.5208929181098938, 0.6830651760101318, 0.8444254994392395, 0.17738951742649078, -0.9877438545227051, 0.6921690106391907, 0.3158366084098816, 0.7085812091827393, 0.7428021430969238, 0.6771873831748962, 0.8181101679801941, -0.4450504779815674, 0.0714542418718338, -0.12232686579227448, 0.6829566359519958, 0.4522448182106018, -0.7380598783493042, -0.44672253727912903, 0.785366952419281, 0.9954164028167725, -1.0894078016281128, 0.6323442459106445, -2.5372960567474365, 0.46245741844177246, 0.34020107984542847, 0.3356327414512634, -0.44927462935447693, 0.17186099290847778, 0.6597208976745605, -0.09541015326976776, 0.10854680091142654, -0.18069854378700256, -0.3976360857486725, 0.21205121278762817, -0.7933899164199829, 0.4745427668094635, -0.07608773559331894, 0.09340091049671173, 1.3304728269577026, 0.23341983556747437, -0.5512406826019287, -0.8349260091781616, -0.24879170954227448, 0.12167897820472717, 1.6524426937103271, -0.13448379933834076, 0.5052878260612488, 0.008446089923381805, -0.11255032569169998, 0.3618411719799042, -0.5324223637580872, -0.7758492231369019, 0.48268604278564453, -0.5424057841300964, -0.8487958312034607, -0.6814026236534119, -0.13206592202186584, 0.8129177689552307, -0.5413220524787903, -0.4027286469936371, -0.0835714340209961, 0.28187188506126404, -0.3949754536151886, -0.020267866551876068, 0.14670732617378235, -0.7401869297027588, -0.12587875127792358, 3.2012345790863037, -0.5410618782043457, 1.7485427856445312, -1.2729392051696777, 0.40413758158683777, -0.2329377830028534, -0.2124098241329193, 0.9136220812797546, 0.30579695105552673, -0.14547833800315857, -1.0402504205703735, 0.049912020564079285, -0.7244656085968018, 0.10622455179691315, -0.25778383016586304, -0.35131651163101196, 0.5345843434333801, 0.07273434102535248, -1.3107810020446777, -0.19571810960769653, -0.0696699321269989, -0.20133838057518005, -0.2024286985397339, 0.8472957611083984, -0.43901410698890686, 1.0544003248214722, 0.05335826426744461, 0.30907243490219116, -0.047462932765483856, 0.0724530965089798, -0.7215145230293274, 0.5895711779594421, 1.3234584331512451, 0.11031606048345566, -0.5574131608009338, -0.448784738779068, 0.637506365776062, 0.2437056303024292, 0.013750173151493073, -0.2126188576221466, -0.210853710770607, 0.4648629128932953, 0.8068169951438904, 0.5672594308853149, 0.11397294700145721, -0.2801819145679474, -1.1487571001052856, -0.46355122327804565, -0.1034359484910965, 0.40004149079322815, -0.09978687018156052, 0.03471216931939125, -2.5051991939544678, -0.5088730454444885, -1.3248546123504639, 0.40284961462020874, -0.4963611662387848, -0.17890755832195282, 0.2732069492340088, -0.42835497856140137, 0.8474052548408508, -0.008774086833000183, 0.8551031351089478, -1.0641342401504517, -0.5635549426078796, -0.37955838441848755, -0.5669960975646973, -0.7816637754440308, 0.02148902229964733, 0.318886935710907, -0.15118741989135742, -0.40876632928848267, -0.5852066278457642, -1.6538947820663452, -0.06797859817743301, 2.2087526321411133, 0.24448956549167633, -0.5428475141525269, -1.2003275156021118, -0.37409400939941406, 0.6409579515457153, -0.38850346207618713, 0.2773176431655884, -0.8577714562416077, 0.05122432857751846, -1.0258945226669312, 0.5034111738204956, -0.27424901723861694, 0.6475305557250977, 0.5300561785697937, 1.503711462020874, -0.8079543709754944, -0.31312891840934753, -0.7023555040359497, -1.1590759754180908, 0.4087698459625244, 0.8901638388633728, 0.30467721819877625, -0.5079038739204407, 1.0525240898132324, -0.10160177946090698, 0.8977249264717102, 0.7755448818206787, 0.7300541996955872, -0.7856930494308472, -0.051038958132267, -0.3101135790348053, 0.9831482768058777, -0.4373776912689209, 0.47679218649864197, 0.7044029831886292, 0.6646414399147034, -0.06977340579032898, -0.31421589851379395, -0.16963952779769897, -0.7016609311103821, 0.6450479030609131, 1.1834183931350708, -0.783621609210968, 1.6042659282684326, -1.1971471309661865, -0.11815633624792099, 0.22612641751766205, -1.4442245960235596, -0.1749686300754547, 0.028076261281967163, 0.5434471964836121, -0.4600190818309784, 0.3948284983634949, -0.16335678100585938, -0.32243043184280396, -1.6833614110946655, 0.34663474559783936, -0.41636234521865845, -0.07899484038352966, -1.6421470642089844, 0.026538431644439697, -0.6566627621650696, -0.9996911287307739, -0.8107538223266602, -0.023374047130346298, 0.45619431138038635, 0.1990378350019455, 0.5963499546051025, 1.9787575006484985, 0.26499512791633606, 0.4615330398082733, -0.11815039068460464, 0.8256425261497498, -0.7122986912727356, 1.1063205003738403, 0.517663836479187, 0.6612356305122375, -1.0782324075698853, 0.2410304844379425, -0.7248522043228149, 0.3860768675804138, 0.8584219217300415, -0.2500774562358856, 0.5107098817825317, -0.6237866878509521, -0.4514836072921753, 0.780813455581665, 0.34608104825019836, 0.16882532835006714, -1.2192553281784058, 1.7424988746643066, 0.16895854473114014, 0.2666187286376953, 0.9887478947639465, -0.44609498977661133, -0.030453603714704514, 1.338403582572937, 0.19284769892692566, 0.4273378551006317, 0.6726681590080261, 0.3007613718509674, -0.04224062338471413, 0.37353014945983887, -2.080064058303833, 0.509109616279602, 0.7617813348770142, -0.32246679067611694, -0.16152580082416534, -1.3104325532913208, 0.5176299810409546, -1.014283299446106, -0.754817545413971, 0.7323716878890991, -0.01034257747232914, 0.013499367982149124, -0.12389662861824036, -5.885958671569824e-05, 1.0968714952468872, -1.0573253631591797, 0.9862592220306396, 1.2961541414260864, 0.5761951804161072, -0.07156192511320114, 0.032673291862010956, 0.5440142750740051, -0.8542216420173645, 0.8740259408950806, 0.15712624788284302, 1.1517647504806519, 1.4403834342956543, -0.177413672208786, -0.6079638600349426, 0.6507361531257629, 0.5724037885665894, 0.5692124366760254, 0.4446200728416443, -0.7565510869026184, 0.23487798869609833, -0.10368913412094116, 1.0030220746994019, 0.07113294303417206, -1.330642819404602, -1.0483486652374268, -0.5057157278060913, -0.4987339377403259, -0.8187088370323181, 1.8482834100723267, 1.0995742082595825, 0.6237680315971375, -0.5439326763153076, 0.24384444952011108, -0.21340999007225037, 0.3100244104862213, 1.052878499031067, -0.22655528783798218, -0.5785840153694153, -0.6476075649261475, 0.16677439212799072, 1.5355851650238037, -0.24728845059871674, -0.6411588788032532, -0.2760303318500519, 0.6757788062095642, -0.5105454921722412, -0.19078320264816284, 0.5300284028053284, 0.3058898448944092, -0.00735675310716033, 0.876711368560791, -1.0595060586929321, -0.34454846382141113, 0.34224948287010193, 0.275808721780777, -0.0027277320623397827, 0.8593817949295044, -1.0263581275939941, 0.4930627942085266, 0.37244606018066406, 1.2414891719818115, -0.06485807150602341, 0.6656560301780701, 0.6722822785377502, -0.8160539269447327, -1.3859668970108032, -0.04012104496359825, -1.2806682586669922, -0.5741607546806335, 0.03259805589914322, -0.5576788187026978, 0.391370564699173, 0.5604191422462463, -0.4633694589138031, -0.29800549149513245, 0.9895755052566528, -0.6538551449775696, -1.1662973165512085, -0.00802668184041977, 0.541367769241333, -0.9902160167694092, 0.0871254950761795, -0.38326674699783325, -0.49301183223724365, -0.9020754098892212, -0.016513042151927948, 0.09153777360916138, 0.40241318941116333, -0.284854918718338, 0.8536823987960815, -0.0001957947388291359, -0.7023389935493469, -0.7483062744140625, 0.8458752632141113, 1.186745524406433, -0.4202099144458771, 0.3433617949485779, 0.6628636717796326, 0.7653785347938538, 0.14601483941078186, -0.27070069313049316, -0.12995284795761108, 0.8784438967704773, 0.5292426347732544, 0.19200268387794495, -0.5243712663650513, -0.9356159567832947, 1.175266981124878, 0.15983808040618896, 0.9660377502441406, -1.0320097208023071, 0.34218907356262207, -0.3693767488002777, 0.32970887422561646, 0.1667591631412506, -0.6588385105133057, -1.2838436365127563, 0.6601724624633789, -0.6725119948387146, -0.0161149725317955, -0.7405019998550415, -0.29597294330596924, 1.7898924350738525, 0.11041256040334702, 0.18957895040512085, -0.589442253112793, -11.073132514953613, 0.5913665294647217, 0.03796360641717911, 0.13517756760120392, 0.7957680821418762, -0.7882554531097412, 0.3850347697734833, -0.12406572699546814, -0.314463347196579, -0.5618757009506226, -0.12393227219581604, 1.0867573022842407, 0.21924173831939697, -0.285664439201355, -0.4912709593772888, -1.0699026584625244, -0.919482409954071, -0.24413661658763885, -0.4385848641395569, -0.001841232180595398, -1.036953330039978, -1.327389121055603, 0.3390229344367981, 0.41704174876213074, 0.332330584526062, 0.04078522324562073, -0.46615806221961975, -0.48870134353637695, 0.42746788263320923, -0.32095232605934143, 0.6085652112960815, -0.4599895775318146, -0.43475842475891113, 0.010823765769600868, 0.7842079401016235, 0.2632158696651459, -1.0281109809875488, 0.10985300689935684, 0.7907997369766235, -0.08893639594316483, 0.21138368546962738, 0.27366480231285095, 0.1077258437871933, 0.38272836804389954, -0.39902207255363464, 0.26056599617004395, 0.4118751585483551, -0.41341638565063477, -0.0014463961124420166, -0.4464767277240753, -0.25757282972335815, -0.8915387392044067, -1.291345477104187, -1.0645387172698975, 0.06759263575077057, -0.4437078535556793, -0.3976157605648041, 0.5897682309150696, -0.7930480241775513, -2.1673269271850586, 0.48199084401130676, -0.3023928999900818, -0.35964298248291016, 0.016360227018594742, -0.1153552308678627, -0.015185314230620861, 0.4277724325656891, 0.4564516246318817, -0.566396176815033, -0.05311201140284538, -0.6301376223564148, 0.3687816858291626, -0.39494988322257996, 0.34975022077560425, -0.21508416533470154, -0.05724778026342392, 0.07154732197523117, -0.21421277523040771, 0.5045485496520996, 0.03340096026659012, -0.9165966510772705, 0.20192278921604156, 0.09303538501262665, 0.2138829529285431, -0.5025737881660461, -0.2697475552558899, -0.09039635211229324, -0.2688767910003662, 0.2822456955909729, -0.16423417627811432, 0.9976540207862854, -0.16066348552703857, 0.039261382073163986, 0.008242912590503693, -0.4569397568702698, 0.8620001673698425, -0.24848106503486633, 0.6808474063873291, 0.5007166862487793, -0.6764288544654846, 0.04150461032986641, -0.19856920838356018, -1.2177391052246094, 0.15464690327644348, 0.6577591896057129, 0.6096559166908264, 0.5740602612495422, -0.5806436538696289, -0.14646847546100616, -0.5396366715431213, 1.0824413299560547, 0.47966712713241577, -0.1292618215084076, 0.9864797592163086, -0.21612685918807983, 0.7856599688529968, 0.2891412675380707, 0.4813528060913086, 0.5504347085952759, 0.9360317587852478, -0.6407901048660278, 0.48442643880844116, 0.15723882615566254, 1.7109652757644653, -0.4810902774333954, 0.606086790561676, 0.15265332162380219, 0.703725278377533, -0.3596317768096924, -1.5834745168685913, 0.084281325340271, -0.28067076206207275, 0.27410802245140076, -0.1902870237827301, -0.6650153994560242, -0.4378788471221924, -0.40083426237106323, 0.9877840280532837, -0.4181241989135742, 0.542356550693512, 0.20348061621189117, -0.6066956520080566, 0.16719505190849304, -0.9890591502189636, -0.702802836894989, 0.1421971470117569, -1.557974100112915, -0.01749565824866295, -0.4831593632698059, -0.8592687249183655, 0.12284775078296661, -0.12193737924098969, 0.9240188598632812, -0.3431124687194824, 0.258777916431427, -0.36860233545303345, -0.0012991055846214294, -0.8553279638290405, -0.8660386204719543, 0.06488171219825745, -0.2290676236152649, 1.7436468601226807, -0.9252901673316956, 0.6379796266555786, -0.3528333902359009, 0.05540330708026886, -0.46177780628204346, -0.2546688914299011, -1.0481985807418823, 0.6757997274398804, 0.6530100107192993, -1.4855802059173584, -0.2065867930650711, -0.3678128719329834, -0.6960784196853638, -0.9781867265701294, 1.074494481086731, 1.2225263118743896, -0.33720678091049194, -0.13933028280735016, -0.44304725527763367, 0.24286824464797974, -0.703189492225647, -0.698168933391571, -0.6464594602584839, -0.3828662037849426, -0.297210156917572, 0.8548524379730225, -0.2716117799282074, 1.0060703754425049, -1.6882826089859009, -0.6831564903259277, -0.30208101868629456, 0.23842251300811768, 0.9207907915115356, -0.4614652097225189, 0.9208685159683228, 0.3219161331653595, 0.1903437376022339, 0.16266942024230957, -0.3634577691555023, 0.6902592778205872, -0.3429272174835205, 0.16287174820899963, -0.24721142649650574, 0.32593345642089844, -0.7206653356552124, 0.024543102830648422, -0.03932913765311241, 0.18407240509986877, -1.5090194940567017, -0.24540284276008606, 0.26835179328918457, -0.30823248624801636, -0.014517869800329208, -0.4250868260860443, 0.5796500444412231, -0.5573236346244812, 0.0037777014076709747, -0.6469718813896179, 0.14422927796840668, 1.624855399131775, 0.5580362677574158, 0.5339679718017578, 0.7393385171890259, 0.5598438382148743, 0.7600443959236145, 0.705357015132904, 0.9986149668693542, -0.04632599279284477, -0.7220398187637329, -0.31139951944351196, 0.7250610589981079, 0.3541577458381653, -0.1474202275276184, -0.35038456320762634, -0.7765874862670898, 0.3763940632343292, -0.9501560926437378, 1.0283863544464111, -0.2983420491218567, -0.07861839979887009, 0.7466990947723389, 0.5471487641334534, -0.31661921739578247, -1.430983066558838, 0.06471037864685059, -1.2310785055160522, 0.267984539270401, 0.3775147497653961, 1.0104888677597046, 0.7127248644828796, 0.7199242115020752, 0.3904607892036438, 1.0117486715316772, -0.3844115138053894, -0.19629471004009247, 0.11911208927631378, 0.13257040083408356, 1.2802602052688599, 0.7569988965988159, 0.3134571313858032, -0.1583642214536667, 0.09521042555570602, -0.7073426842689514, -0.18830600380897522, -0.25397616624832153, 0.9408637285232544, 0.9946863651275635, 0.1832597553730011, 0.6805364489555359, -1.0672134160995483, 0.6516690850257874, -1.0615453720092773, 0.6642408967018127, 0.8582203388214111, -0.5966765284538269, -1.0554516315460205, -1.2163987159729004, -0.10369157791137695, 1.1710879802703857, -0.4920974373817444, -0.2722044587135315, -0.5372480750083923, 0.9455938339233398, 0.5508536100387573, -0.7878287434577942, -1.1870174407958984, -0.05047455430030823, -0.044687848538160324, -0.11490392684936523, -0.20981961488723755, -0.881256639957428, -0.4584800601005554, 0.027511421591043472, -0.9504529237747192, 0.8339845538139343, -0.00022776424884796143, -0.7422815561294556, -1.0505449771881104, 0.41406989097595215, -0.3035407066345215, -0.6334137320518494, 0.5350455641746521, -0.24805331230163574, -2.1592535972595215, 0.8519644141197205, 0.8651835322380066, -0.4219699501991272, -0.372068852186203, -0.07111360132694244, 0.18375083804130554, 0.26617589592933655, 1.5631250143051147]} +{"paper_id": "dream", "embedding": [-0.577984094619751, 0.9009958505630493, -0.2609841823577881, 0.2842625677585602, 0.44936603307724, 0.6919563412666321, -0.03821603208780289, 1.0105363130569458, 1.0670450925827026, 0.437650203704834, 0.5655478239059448, -0.37498247623443604, -0.006850694306194782, -0.20363755524158478, 0.18578986823558807, -0.193180650472641, -0.32088422775268555, -0.3008936047554016, -1.312432885169983, -0.18351049721240997, -0.7041777968406677, -0.725786566734314, -0.3612635135650635, 1.756486177444458, -0.984653651714325, -0.7275606989860535, 0.7263898253440857, -1.4761502742767334, 0.558211088180542, 0.38093459606170654, -0.17808112502098083, 1.1375744342803955, -1.0795691013336182, 0.7385432124137878, -0.2274317741394043, -0.6936913132667542, 0.10985177010297775, 0.2128513753414154, 0.26558375358581543, -0.34175530076026917, -0.6599109172821045, 0.3787703514099121, -0.03443257138133049, 0.3711540400981903, 0.6201974153518677, -0.24679872393608093, 0.5783507823944092, -0.09694236516952515, -0.28471484780311584, -0.23305214941501617, -1.4035699367523193, 0.33039426803588867, -0.3360424041748047, 0.9495996236801147, -0.3994623124599457, 0.5731341242790222, 0.008368335664272308, 0.1152862012386322, -0.02690562792122364, -0.41884636878967285, 1.7898727655410767, 1.3578495979309082, -0.46183472871780396, 0.40713685750961304, 1.5912673473358154, 0.37926656007766724, 0.9959847927093506, -0.25197499990463257, -0.8701972365379333, 0.7607353925704956, -0.2393348515033722, 0.1203872337937355, 0.8758441209793091, -0.9855074286460876, -0.4153808653354645, 1.305275797843933, 0.5273762941360474, 0.15458789467811584, -0.11572598665952682, -0.22142449021339417, 0.4724719226360321, 0.16201533377170563, 0.49062493443489075, 0.3658338487148285, 0.6346436738967896, 0.2149505913257599, 0.4578661620616913, -0.6294653415679932, 0.00660849642008543, -2.7134852409362793, 0.36060816049575806, 0.5638101100921631, 0.1919160634279251, 0.1348246932029724, -0.29219934344291687, 0.0002924203872680664, -0.3878897428512573, -0.4616425931453705, -0.33828169107437134, -0.1614307463169098, 0.43277958035469055, -0.4972422420978546, 0.48128342628479004, -1.053525686264038, 0.20953381061553955, -0.2542341351509094, 0.540091335773468, 0.1188080832362175, -0.3412894904613495, -0.9324979782104492, 0.0965380072593689, 0.7743000388145447, -0.046049416065216064, 1.2367042303085327, 0.027066025882959366, 0.514289140701294, 0.9514704346656799, -0.4396674931049347, -0.4703823924064636, 0.2658669352531433, -0.19691066443920135, -0.4031349718570709, -0.261576771736145, -0.8699240684509277, 0.5657753944396973, -0.5025216937065125, -0.8888083100318909, -1.4016060829162598, -0.5210297107696533, -0.48156866431236267, 0.149306982755661, 0.19153974950313568, -0.850973904132843, -0.40428292751312256, 3.0038180351257324, -1.6391019821166992, 1.329663634300232, -1.2469139099121094, -0.34716352820396423, -0.980916440486908, -0.8397451639175415, 1.4289376735687256, -0.43822428584098816, -0.682174563407898, -0.8251940011978149, 0.1796882003545761, -0.4223843812942505, -0.017961381003260612, -0.18336983025074005, -0.4971984326839447, 0.2505033314228058, 0.3412799835205078, -1.8112174272537231, -0.6374412178993225, -0.3573495149612427, -0.3560848832130432, -0.17326763272285461, 0.7649226784706116, -0.13959914445877075, 0.8058946132659912, 0.5015923380851746, -0.05823705345392227, -0.32886701822280884, 0.5001899003982544, -0.8270722031593323, -0.324552983045578, 0.6879040002822876, -0.13116605579853058, -0.6632817387580872, -0.20123068988323212, -0.1818087100982666, 0.14706116914749146, -0.5691284537315369, -0.4455820918083191, -0.4025869369506836, -0.10616312175989151, 0.4381238520145416, 0.6508824825286865, 0.7676126956939697, -0.9567180871963501, -0.647319495677948, -0.7735518217086792, 0.1976637840270996, 1.176851511001587, -0.28149619698524475, 0.39200103282928467, -2.8387081623077393, 0.008343711495399475, -0.7756004929542542, 1.5204789638519287, 0.5272982120513916, -0.1632542759180069, 0.3813488185405731, -0.032105930149555206, 0.5224176049232483, -0.5423166751861572, 0.7668647766113281, -1.2599284648895264, 0.8623910546302795, 0.42945927381515503, -0.08008307218551636, -0.7583633661270142, 0.1845870316028595, 0.9877097606658936, 0.5880436301231384, -0.5133224129676819, -0.8425458073616028, -1.642490029335022, -0.15393486618995667, 1.7182241678237915, 1.097246766090393, -0.5060692429542542, -0.13136623799800873, -0.4730791449546814, -0.10699877142906189, 0.4797801077365875, 0.41429784893989563, -0.7749653458595276, 0.40770676732063293, -0.610531747341156, 0.5891858339309692, -0.38226544857025146, 0.07842611521482468, 1.1364063024520874, 1.4131076335906982, -0.41394302248954773, -0.3125905394554138, -0.9476258158683777, -0.03490486368536949, -0.1745454967021942, 0.578610360622406, -0.0618019737303257, 0.4855175018310547, 0.12064653635025024, 0.678352952003479, 0.782545268535614, 0.8633485436439514, 0.6136929392814636, -0.18919724225997925, 0.5175742506980896, 0.04218421131372452, 1.5035682916641235, -0.5448336005210876, 0.034738920629024506, -0.5652831792831421, 0.3335602581501007, -0.26324236392974854, -0.08194804191589355, -0.1882215291261673, -0.04578296095132828, 1.0569684505462646, 0.6559978127479553, -0.5714320540428162, -0.3195841312408447, -0.364249587059021, -0.23113077878952026, -0.0546812079846859, -0.2336498498916626, -0.9512985348701477, 0.15076801180839539, 0.360004186630249, -0.2686132490634918, 0.28285953402519226, -0.1528463065624237, 0.5398386120796204, -0.9676768779754639, -1.1194939613342285, 0.08725433796644211, 0.42551660537719727, -1.0794847011566162, -0.29467642307281494, 0.2755567729473114, -1.2453662157058716, 0.15179766714572906, -0.03996681049466133, -0.26625052094459534, -0.4377809762954712, 0.3001372516155243, 1.8693243265151978, 0.008861377835273743, -0.10706482082605362, -0.6845712661743164, 1.3234540224075317, -0.9659762382507324, 0.5966258645057678, -0.5755230188369751, -0.42767226696014404, -1.1302438974380493, 0.4978162348270416, -0.587121844291687, 0.1734309196472168, 0.5508630275726318, -0.24858695268630981, 1.2952343225479126, -0.3001096248626709, -0.8042504191398621, 1.0454977750778198, -0.1472291201353073, 0.14067718386650085, -0.7812567949295044, 2.3797786235809326, -0.08387011289596558, -0.6225546002388, 0.712854266166687, -0.7125828862190247, -0.11910706758499146, 0.779448390007019, 0.22375115752220154, 0.16815905272960663, 0.621308445930481, -0.3291468322277069, -0.10970360040664673, 0.0324704647064209, -1.4501392841339111, 0.6776957511901855, 0.7729915976524353, -0.22623133659362793, -0.12765580415725708, -0.971421480178833, 0.6667659282684326, 0.32071423530578613, -0.11768975853919983, 0.8751204609870911, -0.6689649224281311, 0.1874988079071045, -0.27779078483581543, 0.0472240149974823, 0.4916202425956726, 0.6824257373809814, -0.06479925662279129, 0.6701758503913879, 0.10793410986661911, -1.0979777574539185, 0.24020898342132568, 0.9096889495849609, -0.6541690230369568, -0.48435893654823303, 0.26785969734191895, 0.7297043204307556, 0.6811841726303101, -0.3816724121570587, 0.13705264031887054, 0.7869277000427246, 0.6023184061050415, -0.12320420891046524, -0.017430905252695084, -0.18568211793899536, 0.6459175944328308, -0.6394624710083008, 1.5178107023239136, -0.02179989591240883, -0.21307675540447235, -1.2291613817214966, -0.1307162046432495, -0.5298952460289001, -0.11735985428094864, 1.6282280683517456, 0.5374346375465393, 1.9845887422561646, 0.3010605275630951, 0.2963581681251526, -0.7881234884262085, -0.2568873167037964, 1.013101577758789, 0.26483121514320374, -0.07812149822711945, -0.7536258697509766, 0.1452334076166153, 0.787339448928833, 0.7656250596046448, -0.5029817223548889, 0.04995168372988701, 0.6341440677642822, 0.16484595835208893, -0.8686867356300354, 0.1817421168088913, 0.8190388083457947, 0.7172339558601379, 1.4647207260131836, -0.7994468212127686, 0.0490255169570446, 0.3183917999267578, 0.306333065032959, 0.6058769822120667, 0.28761783242225647, 0.4688129723072052, 0.6775496602058411, 0.06743761897087097, 1.0359772443771362, 0.01633867621421814, 1.024683952331543, 0.7213387489318848, -0.5040517449378967, -1.1984909772872925, 0.44991376996040344, 0.08636966347694397, -0.11513083428144455, 0.33495643734931946, 0.3656088411808014, -0.4419202506542206, 0.7182726860046387, 0.27474990487098694, -0.9371271133422852, 0.7133313417434692, -0.21960584819316864, -0.8720477819442749, 0.7218977212905884, 0.6979286670684814, -0.8758148550987244, -0.3984416723251343, -0.13238680362701416, -1.0611366033554077, 0.025634758174419403, -0.37856268882751465, -1.1851636171340942, 1.2474768161773682, 0.3354632258415222, 0.8317199945449829, 0.11840177327394485, -0.30485260486602783, -0.8793176412582397, 1.670849084854126, 0.8319985270500183, -0.9615822434425354, 0.4027758240699768, 0.07289063930511475, 1.0548197031021118, 0.5543549060821533, -1.0959827899932861, -0.6949682235717773, 1.3069361448287964, -0.5914199352264404, -0.3819386959075928, -1.102648138999939, 0.302559494972229, 0.6296817660331726, 0.7671511173248291, -0.343097060918808, -0.7252944111824036, -0.415168821811676, -0.7453003525733948, 0.5488261580467224, 1.187464714050293, -1.2961299419403076, -1.6788499355316162, 0.12310060858726501, -1.3472142219543457, 0.16806146502494812, -0.37277957797050476, 0.1816723644733429, 2.688863754272461, 0.5265637040138245, 0.3012242913246155, -0.026696711778640747, -10.746322631835938, 1.1026524305343628, -0.011564746499061584, 0.2292972356081009, 0.3803916275501251, -0.2601335942745209, 0.09936920553445816, -0.01970813423395157, 0.7509450316429138, -0.4070042073726654, -0.14582230150699615, 0.8704202771186829, 0.5325025916099548, -0.7115668654441833, -0.46144938468933105, -0.829031765460968, -0.7644761204719543, -1.326699137687683, -0.3478049635887146, 0.7644266486167908, 0.18728649616241455, -0.7956236600875854, -0.36157917976379395, 0.19949191808700562, 0.18802469968795776, -0.7553843855857849, -0.5455241799354553, -0.013881871476769447, -0.1470758616924286, 0.09143826365470886, 0.9950140714645386, -0.692230224609375, -0.3270930051803589, -0.376743882894516, 0.5595546364784241, -0.21125228703022003, -1.072320818901062, -0.47815051674842834, 0.5177776217460632, -0.9711041450500488, -0.9092665910720825, -0.3865959048271179, 0.9346908330917358, -0.6206232905387878, -0.5213766694068909, -0.1315600872039795, 0.374860554933548, -1.031807780265808, -0.2204807698726654, -0.6905966401100159, -0.8501824736595154, -0.3344782590866089, -1.1482419967651367, -0.3295997083187103, 0.18725940585136414, -0.09113162010908127, -0.3267514705657959, -0.0888737142086029, -0.5680725574493408, -0.8464992046356201, 0.7114129662513733, -0.743317186832428, -0.7634291648864746, 1.0383920669555664, 0.5855063199996948, -0.6472426056861877, 0.49104538559913635, 0.04562888666987419, 0.4038837254047394, 0.8682745099067688, -0.8619635701179504, 1.0891882181167603, -0.3418537974357605, 0.4533485472202301, -1.1005464792251587, 0.23879331350326538, -0.3488054573535919, -0.8504055738449097, 0.808102011680603, 0.19429494440555573, -0.6716243624687195, 0.5073052644729614, 0.48259177803993225, -0.5785698294639587, -0.6328919529914856, 0.4753142297267914, 0.3369833528995514, 0.1371239423751831, 1.1353834867477417, -1.1280300617218018, 1.5326346158981323, 0.2961266338825226, -0.505027174949646, 0.2759747803211212, -0.5271143913269043, -0.11085774004459381, -0.4204895496368408, 0.6864699125289917, 0.8185675144195557, -0.10741851478815079, -0.579823911190033, 0.3691650331020355, -0.6148624420166016, -0.03756128251552582, 1.3313349485397339, -0.10481113195419312, 0.33402878046035767, 0.35901540517807007, 0.38035622239112854, -0.4576994478702545, 0.8147587776184082, 1.1360405683517456, -0.3437778353691101, 1.1051117181777954, -0.7713195085525513, 0.9028142690658569, 0.6859976649284363, 0.3292604982852936, 0.07031221687793732, 0.7513929605484009, -0.6889702081680298, 1.284171462059021, 0.49681898951530457, 1.4180346727371216, 0.13645507395267487, 0.09311127662658691, 0.39335358142852783, 0.4808465540409088, -0.5272005200386047, -1.2160358428955078, 0.24877873063087463, -0.28008145093917847, 0.1340588927268982, -0.45094430446624756, -0.3726648986339569, 0.31170186400413513, -0.4623926281929016, 1.7664867639541626, -0.6464494466781616, 0.21063891053199768, -0.15863166749477386, -0.33189454674720764, -0.5776710510253906, -0.53556889295578, -0.872359037399292, -0.20059263706207275, -1.9237396717071533, 0.026616554707288742, 0.05089703947305679, -0.4683361053466797, 0.31755754351615906, -0.5839183330535889, 0.5166452527046204, -0.4816569685935974, -0.30017760396003723, -0.1469559222459793, 0.586419403553009, -1.0785719156265259, -0.5516799092292786, 0.40037769079208374, 0.31590181589126587, 1.426467776298523, -1.301472783088684, 0.891524076461792, 0.20851486921310425, -0.06228064373135567, -0.6652349233627319, 0.6985460519790649, -0.7828353643417358, 0.8940182328224182, 0.7555382251739502, -1.3663995265960693, -0.6508617401123047, -0.977300763130188, -0.04618290066719055, -0.5853719115257263, 0.06260664761066437, 0.8317873477935791, -1.4798004627227783, -0.0631587952375412, -0.7366129159927368, 0.44587215781211853, 0.6195629835128784, -0.9604966044425964, 0.00929976999759674, -0.029091350734233856, -0.8052409291267395, 0.8449037671089172, 0.12544018030166626, 0.5061812996864319, -1.0032804012298584, -1.2453949451446533, -0.5621281862258911, -0.4803847372531891, 0.45715075731277466, 0.27968573570251465, 1.058673620223999, 0.4154770076274872, -1.0892364978790283, -0.3170880973339081, -0.1258174031972885, 0.14937901496887207, 0.3424525558948517, 0.3141196370124817, -0.08220870792865753, 0.6599888801574707, -0.46091216802597046, -0.2668905556201935, 0.5613113045692444, 0.8593522906303406, -0.7616015076637268, -0.2660236954689026, -0.13978679478168488, -0.07288241386413574, 0.6218458414077759, -1.1154520511627197, 0.058369431644678116, -0.6706393361091614, -0.38063257932662964, -1.0175416469573975, -0.33495745062828064, 0.22175873816013336, -0.4223664402961731, 0.6466963291168213, 1.016279697418213, 0.4648454189300537, 0.8678007125854492, -0.5380712151527405, 0.8689332008361816, 0.24272659420967102, 0.011577022261917591, 0.5258232355117798, 0.8027987480163574, 0.6146941781044006, -0.08712288737297058, -0.7884380221366882, -0.5852954387664795, 0.24342671036720276, -0.7491589784622192, 0.711594820022583, -0.06510492414236069, 0.2771964371204376, 0.9624732136726379, 1.627212643623352, -0.25495004653930664, -1.6013822555541992, -0.7975177764892578, -1.2234363555908203, -0.07339802384376526, 0.9034835696220398, 0.2082112431526184, 0.29697948694229126, 0.5407249331474304, -0.6151939630508423, 1.6037547588348389, -0.7425956726074219, -0.12277109920978546, 0.8949633240699768, 0.12241462618112564, 0.4090888500213623, 0.3069121241569519, 0.6242921948432922, 0.5808181762695312, -0.2034229338169098, -0.9089857935905457, 0.1214214563369751, -0.5309284925460815, 0.486905574798584, 0.14115040004253387, -0.5581454038619995, -0.3112795054912567, -0.16576381027698517, 0.7989832162857056, 0.06076321378350258, 1.684192180633545, -0.08532049506902695, -0.22222694754600525, -0.7559294104576111, -1.4820057153701782, -0.8934820890426636, 0.5283263921737671, 0.09687863290309906, -0.3232457637786865, -0.42672163248062134, 0.08707106113433838, 0.5249280333518982, 0.348904013633728, -0.7111111879348755, -0.15915602445602417, -0.6841769814491272, 0.24880532920360565, -0.351039856672287, -0.9462174773216248, -1.2391225099563599, 0.03715779632329941, -1.0846298933029175, 0.4034154713153839, 0.47653728723526, -0.9368674159049988, -0.4397035539150238, 1.2515302896499634, 0.9755600690841675, -0.4683120548725128, 0.05965288728475571, 0.5233690142631531, -1.3952382802963257, 0.9076874852180481, 1.001991629600525, -0.7525190114974976, -0.1935565024614334, 0.6419636607170105, 0.4092133641242981, 0.2164994180202484, 1.4012726545333862]} +{"paper_id": "quartz", "embedding": [-0.6553720235824585, 0.6170243620872498, -0.35472798347473145, -0.2618290185928345, 0.3648563623428345, 0.11589209735393524, 0.7730661630630493, 0.11787934601306915, 0.4501235783100128, 0.23090264201164246, 0.15092548727989197, 0.7030580639839172, 0.2602020502090454, 0.13303422927856445, -0.8370730876922607, -0.43784207105636597, -0.8836960792541504, -0.6347103714942932, -0.556389570236206, 0.26929640769958496, -0.2536601424217224, -1.3757556676864624, -0.03549494966864586, 1.5623044967651367, -0.9637666344642639, -0.9900513887405396, 1.1855288743972778, -0.44293421506881714, 0.26998281478881836, 0.22484725713729858, -0.08510186523199081, 1.4352121353149414, -1.214362621307373, 1.143388032913208, 0.05489969998598099, -0.1168006882071495, -0.09469646960496902, 0.8873782753944397, -0.2827869951725006, -0.16153599321842194, 0.0342932865023613, 0.5672813653945923, 0.6033108830451965, 0.6219829320907593, 0.6888550519943237, -0.6245888471603394, -0.23258289694786072, 0.44712015986442566, -0.3582894802093506, -0.032325394451618195, -0.23096004128456116, -0.05718214809894562, 0.19621552526950836, -0.31150469183921814, 0.38843250274658203, 0.8843799829483032, -0.42820921540260315, -0.8108800649642944, 0.556243360042572, -0.20046840608119965, 1.2306358814239502, 1.6305495500564575, -0.43906745314598083, -0.5983102321624756, 0.445767879486084, -0.06740047037601471, 1.3254187107086182, 0.33881354331970215, 0.7604708671569824, 0.8568866848945618, -0.3747600018978119, -0.8790486454963684, 0.3368918299674988, 0.8317631483078003, -0.17951127886772156, 0.19472117722034454, 0.03513325750827789, 0.13226695358753204, 0.05102703720331192, 0.9117251634597778, 0.26558825373649597, -0.27093565464019775, 0.40866899490356445, -0.7417237162590027, 0.6412628293037415, -0.3969678282737732, 0.3641771972179413, -0.3366399109363556, -0.21495197713375092, -0.4694719910621643, 1.1546210050582886, -0.21734493970870972, 0.198053240776062, -0.3109651803970337, 0.42485541105270386, 0.5693002343177795, 0.19350489974021912, -0.0012887390330433846, 0.18749722838401794, 0.7799477577209473, 0.07926761358976364, -0.366798996925354, 0.5767564177513123, 0.25207051634788513, -0.21717816591262817, 0.08531840890645981, 0.07040968537330627, -0.04913725703954697, -0.26515790820121765, 0.0007596779614686966, 0.15916812419891357, 0.7458091378211975, 0.08125665038824081, 0.3981652855873108, -0.1031235083937645, 0.5508163571357727, -0.45316407084465027, -0.26970523595809937, 0.34566208720207214, 0.8872353434562683, -0.09058206528425217, -0.7642344832420349, 0.07628719508647919, 0.48527395725250244, 0.7803409695625305, -0.07732072472572327, -0.029827851802110672, 0.45233961939811707, -0.8817809224128723, 0.21243128180503845, -0.12656788527965546, -0.18859589099884033, -0.8099615573883057, 0.6572850942611694, 2.511462926864624, -0.08687220513820648, 0.7363531589508057, -0.4485945999622345, -0.5011927485466003, -0.24962593615055084, 0.0977369025349617, 0.18629461526870728, 0.3518834114074707, -1.317500114440918, -0.7902531027793884, -0.1231800839304924, -0.11727182567119598, 0.4510733187198639, -0.9957306981086731, -0.15319262444972992, 0.4729883372783661, -0.4353906810283661, -1.422275424003601, -0.020656868815422058, 0.22000937163829803, -0.02501707896590233, -0.06942406296730042, -0.7401403784751892, -0.07141906023025513, 0.7699388265609741, -0.6230804324150085, 0.6179185509681702, -0.18215757608413696, -0.30817005038261414, -0.48728546500205994, -0.20985138416290283, 0.34179913997650146, -0.7338650822639465, -0.8580690622329712, 0.05093707889318466, 0.15244215726852417, 0.13025936484336853, 0.20443207025527954, -0.06623322516679764, 0.022081905975937843, 0.5977429747581482, 0.48433226346969604, 1.3059735298156738, 0.18331123888492584, -0.5469164252281189, -0.7584884166717529, -0.3842293620109558, -0.5974043607711792, -0.12530910968780518, -0.08131806552410126, -0.38605913519859314, -1.944039225578308, 0.251092791557312, -2.084479570388794, 0.14849655330181122, 0.26708894968032837, 1.120825171470642, -0.006719488650560379, 0.7301211357116699, -0.9278314113616943, 0.2217058390378952, -0.3794395923614502, -1.6539561748504639, -0.16726946830749512, 0.10003359615802765, -0.9099785685539246, -0.037815675139427185, -0.3337111175060272, 0.5299775004386902, 0.09213992953300476, -0.20660465955734253, -0.7656257152557373, -1.5520846843719482, 1.0490971803665161, 1.055537462234497, 0.13825033605098724, -0.6687278747558594, -0.6388113498687744, -0.12672531604766846, 0.7356281876564026, 0.5136635899543762, 0.6183769702911377, -0.3778423070907593, 0.036814987659454346, -0.8438076376914978, 0.7210713028907776, -0.041994959115982056, 0.10471238940954208, 0.3369062840938568, 1.5119764804840088, -0.30078431963920593, -0.25802165269851685, -0.05446958169341087, -1.4171066284179688, 1.0553776025772095, 0.47888970375061035, 0.7318897247314453, 0.15398916602134705, 1.1519827842712402, 0.03698359429836273, 0.704359769821167, 0.8182748556137085, 0.38871943950653076, -1.0350425243377686, 0.1572086066007614, -0.7992126941680908, 0.2956039011478424, 0.20505014061927795, -0.3457242250442505, 0.6833074688911438, 0.038308918476104736, 0.3250746428966522, -0.4232099652290344, 0.37172895669937134, -0.49131274223327637, 1.2370190620422363, 0.5077041983604431, 0.21713684499263763, 0.39039483666419983, -0.6571440100669861, 0.22291705012321472, -0.4085320830345154, -0.4870374798774719, -0.15282878279685974, -0.42591238021850586, 0.35672158002853394, -0.30832135677337646, 0.2564304769039154, 0.3728443384170532, -0.3511776924133301, -1.0532516241073608, 0.6647837162017822, 0.7575001120567322, -0.25912824273109436, 0.19276589155197144, 0.12329317629337311, 0.023441769182682037, -1.3994956016540527, -0.30591338872909546, 0.06365096569061279, 0.007438210770487785, 0.12540414929389954, 1.0406421422958374, 0.4004305303096771, -0.4178338348865509, -0.324202299118042, -0.32476890087127686, 0.8064993619918823, -0.44934147596359253, 0.5197582244873047, -1.156649112701416, 0.14698666334152222, -0.8574748039245605, 0.4923848807811737, -1.288711428642273, 0.6657305359840393, 0.4669297933578491, -0.7590197324752808, 0.22258394956588745, -0.33214107155799866, -1.0894824266433716, 1.0711793899536133, 0.9817871451377869, -0.3916216790676117, 0.5087668895721436, 0.36519697308540344, -0.16943836212158203, -1.3007276058197021, 0.5015872716903687, 0.3253379762172699, -0.34822696447372437, 1.0614502429962158, 0.14718329906463623, 0.5966830253601074, 0.48250532150268555, 0.5431485176086426, -0.28427398204803467, -0.257492333650589, -1.834834337234497, 0.41818276047706604, 1.0117948055267334, -0.49924108386039734, -0.3059176802635193, -0.9266002178192139, 0.15004323422908783, -0.3322477638721466, 0.016738148406147957, 0.6221882104873657, -0.3450568616390228, 0.6048908233642578, -0.5443041324615479, 0.3463500142097473, 0.8967438340187073, -0.5799493789672852, -0.26804202795028687, 0.24113233387470245, 0.14506670832633972, -0.8205443024635315, -0.4059417247772217, 0.7419583201408386, -0.37366873025894165, 0.12205144762992859, 0.4562334418296814, 1.1246882677078247, 0.70002281665802, 0.32055893540382385, -0.014994947239756584, -0.35230058431625366, -0.7339683175086975, 0.5505619049072266, 0.05945060774683952, -0.4769148826599121, 0.6154118180274963, -0.3863968551158905, 0.7544319033622742, -0.8732843399047852, -0.3929120600223541, -1.3241106271743774, -0.4018910527229309, -0.4710700511932373, -0.22709301114082336, 1.5247536897659302, 0.6950030326843262, 1.414270043373108, -0.841029167175293, 0.4528215229511261, -0.2975316643714905, -0.1968299299478531, 0.697226881980896, 0.4712598919868469, 0.43526703119277954, -0.3907530605792999, 0.38458865880966187, 0.6497014760971069, 0.8211097121238708, -0.20997150242328644, -0.1280992329120636, 0.5858142375946045, 0.8069310188293457, -0.3722180128097534, 0.5529161095619202, 0.8244806528091431, -0.3490958511829376, 0.7439656853675842, -0.5881458520889282, 0.4200732707977295, 0.013744821771979332, 0.03668879717588425, -0.06344817578792572, -0.40320536494255066, -0.37930071353912354, 1.095220923423767, -0.09352944791316986, 0.4632500112056732, 0.2560366988182068, 0.6666553020477295, 1.1497974395751953, -0.06025584042072296, -1.3122873306274414, -0.2820706069469452, -0.5792768597602844, -0.016925567761063576, 0.8871698379516602, -0.23435313999652863, 0.27622660994529724, 0.5163508057594299, 0.047891050577163696, -0.5816177129745483, 0.8140996694564819, -0.7332032322883606, -1.2355760335922241, 0.6767957806587219, 1.1015665531158447, -1.0169364213943481, -0.027986127883195877, -0.5164117813110352, -0.8177080154418945, -0.5335143208503723, -0.5156651139259338, -0.3345468044281006, 0.4557259976863861, 0.10315421223640442, 0.3771956264972687, 0.0661952942609787, 0.13348616659641266, -0.48105308413505554, 1.0567141771316528, 0.11690517514944077, -0.19410789012908936, 0.4950807988643646, 0.14770105481147766, 0.27669209241867065, 0.37026897072792053, -0.23499226570129395, 0.057952944189310074, 1.252544641494751, 0.2450234293937683, 0.6865552663803101, -0.5588932633399963, -0.623634934425354, 0.716331422328949, -0.19085289537906647, 0.9887182712554932, -1.015424132347107, 0.3761715888977051, -0.1228429526090622, 0.4049210548400879, 0.18700011074543, -0.579165518283844, -1.0714508295059204, 0.9755955934524536, -0.3728143274784088, -0.013320512138307095, -1.5202324390411377, -0.1437404751777649, 1.9929007291793823, -0.31139814853668213, -0.2588484287261963, -0.43921947479248047, -12.834868431091309, 1.293939232826233, 0.24220691621303558, 0.3282868266105652, 0.25494250655174255, -0.5841291546821594, 0.6196246147155762, -0.39732295274734497, 1.2808738946914673, -0.4620181918144226, -0.5901437401771545, 0.7181669473648071, 0.27303045988082886, 0.706417441368103, -0.3984760344028473, -2.2110354900360107, -0.3840365409851074, -0.4521872401237488, -0.16853168606758118, -0.6698170900344849, 0.48039501905441284, -0.6317622661590576, -0.1376267820596695, 0.09030957520008087, 0.5743744373321533, -0.13099521398544312, -0.5938178896903992, -0.9600305557250977, 0.11006613075733185, 0.4223465919494629, 0.9099612832069397, 0.5427607297897339, 0.21668682992458344, -0.11018417030572891, -0.7117569446563721, -0.25547143816947937, -0.8210020661354065, -0.24108575284481049, 1.0341042280197144, 0.0007353232940658927, -0.11352185904979706, 0.33837106823921204, 0.3514934182167053, 0.15446634590625763, -0.4084172248840332, -0.0038919150829315186, 0.09163742512464523, -0.8182458877563477, -0.31752556562423706, 0.6427307724952698, -0.42034173011779785, 0.2708436846733093, -0.14511391520500183, -0.2791706323623657, -0.13843227922916412, 0.6163670420646667, -0.5970177054405212, 0.16507388651371002, -0.6748435497283936, -1.5217115879058838, 0.5972329378128052, 0.35704201459884644, 0.009042873978614807, 0.4462836682796478, -0.018397711217403412, -0.04363059252500534, -0.21309363842010498, -0.20804443955421448, -0.6221740245819092, 0.10154598951339722, -0.3630717396736145, 0.56260746717453, 0.03612864017486572, 0.6497749090194702, -0.69831383228302, 0.36200788617134094, -0.36864379048347473, 0.0753079280257225, -0.3222678005695343, -0.2906343936920166, -0.8716606497764587, 1.1797255277633667, -0.5276099443435669, -0.9010680913925171, -0.28720623254776, 0.8001323938369751, 0.014121219515800476, 0.3011269271373749, 0.2296832799911499, -0.5478569269180298, 0.30974167585372925, 0.11724301427602768, -0.5329426527023315, -0.15164929628372192, -0.6297048926353455, 0.7788183093070984, 0.053133200854063034, 0.959018886089325, -0.02783948928117752, 0.1604509949684143, -0.4051036536693573, 0.08425543457269669, -0.640717625617981, -0.3672578036785126, 0.051089636981487274, 0.4329967200756073, 0.06373903155326843, -0.4579251706600189, -0.21010027825832367, -0.46304208040237427, 0.5780742168426514, -0.36640268564224243, -0.6328195333480835, 0.9282519221305847, -0.7648957967758179, -0.5218946933746338, 0.8092488646507263, -0.570722222328186, -0.29286548495292664, 0.38447776436805725, 0.25003576278686523, 0.3957732915878296, -0.2528919279575348, 0.37887096405029297, 0.2978934943675995, -0.47303539514541626, 0.7110588550567627, -0.18578118085861206, -0.3444935381412506, -1.7998780012130737, 0.41354885697364807, -0.2797607183456421, -0.34111401438713074, -0.5906088352203369, -0.42263856530189514, -0.04792749136686325, -0.5054909586906433, 0.6521844863891602, -0.48660337924957275, 0.6410663723945618, 0.044537998735904694, 0.12114349007606506, -0.5708369612693787, -0.9692751169204712, -1.0543627738952637, -0.08495347946882248, -1.1704747676849365, -0.09764961898326874, -0.5342473387718201, -1.2183241844177246, -0.8476070761680603, -0.5492743253707886, 0.6498603820800781, -0.24604974687099457, 0.1606370508670807, -0.08107160031795502, 0.10287836194038391, -0.6642181277275085, -1.2756314277648926, 0.15923088788986206, 0.6145138144493103, 0.8267168998718262, -0.5178539752960205, 1.0886412858963013, -0.14266744256019592, -0.4480690360069275, -0.20448049902915955, -0.21194733679294586, -0.34904441237449646, -0.31574276089668274, 0.7117690443992615, -1.1086407899856567, -0.9155789017677307, -0.467909574508667, 0.34112128615379333, -0.618899405002594, 0.7540353536605835, 0.8290959596633911, -0.6751287579536438, -0.16467781364917755, 0.019448380917310715, 0.6341507434844971, 0.5722540020942688, -0.2709881663322449, 0.00783558189868927, -0.20299217104911804, 0.6887305974960327, 0.46490478515625, -0.44296708703041077, 0.9995303750038147, -1.2754476070404053, -0.8486066460609436, -0.4391641914844513, 0.5387160778045654, 1.0222249031066895, -0.07480213046073914, 0.7926985621452332, 1.1061723232269287, 0.28038012981414795, 0.38361796736717224, -0.04373227059841156, 0.37290823459625244, -0.05237342044711113, 0.18866024911403656, -0.2297200858592987, 0.5627413988113403, -0.35903027653694153, -0.4045201539993286, -0.5694682002067566, 0.49914658069610596, -1.1173704862594604, -0.24772107601165771, 0.1712568998336792, -0.720258355140686, -0.33952194452285767, -0.9598211050033569, 0.6962242722511292, -0.2766681909561157, -0.36882010102272034, -0.6119003295898438, 0.7697291970252991, 1.3972642421722412, 0.6232275366783142, 0.6189185976982117, 0.9516422748565674, 0.8069661855697632, 0.48943963646888733, 0.26224765181541443, 0.6372914910316467, 0.3147132396697998, -0.48834341764450073, 0.5670872330665588, 0.15934982895851135, 0.4531216323375702, -0.45840317010879517, -1.3106410503387451, 0.21042469143867493, 1.3657102584838867, 0.2284204512834549, -0.08944142609834671, -0.1473076343536377, 0.1916162073612213, 1.2487764358520508, 0.4865897297859192, -0.3316801190376282, -2.2321324348449707, -0.8732532262802124, -1.1964070796966553, 0.20634952187538147, 0.23621630668640137, 0.9212796092033386, 0.6244320869445801, 0.49928075075149536, 0.7907626628875732, 0.9917768239974976, -0.22477281093597412, -0.08866465091705322, 0.33908575773239136, -0.04129084199666977, 1.4294546842575073, 1.2766921520233154, -0.1841263473033905, 0.5397614240646362, -0.13927775621414185, -0.9118843674659729, 0.028804656118154526, -0.9383893013000488, 0.8227718472480774, 0.18483571708202362, -0.2298123836517334, -0.04731949791312218, -0.45612239837646484, 1.248139500617981, -0.6116683483123779, 0.5112036466598511, -0.6182901859283447, -0.6682990789413452, -0.7280930876731873, -0.07942556589841843, 0.2758791744709015, 0.9840103983879089, -0.31403160095214844, -0.6725926995277405, 0.6183977723121643, 1.0753533840179443, 0.4888773560523987, 0.02205931581556797, -0.8748416900634766, -0.133457750082016, -0.13922831416130066, 0.03054536134004593, -0.37215444445610046, -0.7041037082672119, -0.07185563445091248, -0.09334692358970642, 0.12770049273967743, 0.262078195810318, -0.3417091965675354, -0.9235764741897583, -0.898178219795227, 0.43350523710250854, -0.8704351186752319, 0.8048231601715088, -0.060665324330329895, 0.1889403611421585, -1.3909350633621216, 0.5336377024650574, 0.6684468984603882, 0.6209828853607178, -0.3722287118434906, -0.5238919258117676, 0.6626346111297607, -0.39362964034080505, 0.3018261194229126]} +{"paper_id": "bookcorpus", "embedding": [-0.13261017203330994, 1.2487356662750244, 0.7700744867324829, 0.09606072306632996, 0.5057770609855652, -0.7747241258621216, 0.07728563249111176, 0.7088719606399536, 0.7219572067260742, -0.7601523995399475, 0.899400532245636, 0.26719215512275696, -0.33507171273231506, 0.16881009936332703, -0.6034305095672607, 0.4295624792575836, -0.2440970242023468, 0.06744367629289627, -0.9658154845237732, 0.29399314522743225, 0.10389818251132965, -1.0246899127960205, -0.42675846815109253, 0.8642753958702087, -0.5059398412704468, 0.189019575715065, 0.6759406924247742, -1.2445330619812012, 0.4029434025287628, 0.3661205768585205, -0.27878549695014954, 1.2924717664718628, -0.943461000919342, 0.023124173283576965, -0.24976688623428345, -0.4862503409385681, 0.17208868265151978, 0.8737562894821167, -0.10594171285629272, -0.8073399066925049, -0.2917191684246063, 0.5362586975097656, 1.1098181009292603, -0.3152152895927429, 0.7799838185310364, -0.036622218787670135, 0.1404537409543991, 0.3735845983028412, 0.07501906156539917, -0.051743052899837494, -0.8332117199897766, -0.41990625858306885, -0.03817615658044815, 0.01597963273525238, -0.34498023986816406, 1.358415961265564, -0.32887279987335205, -0.4599880278110504, -0.32756826281547546, -0.8903913497924805, 1.5659420490264893, 1.4969525337219238, -0.3209986090660095, 0.2831827700138092, 1.6796904802322388, 0.11401261389255524, 1.4205483198165894, 0.6767727136611938, -0.3452643156051636, 0.41791120171546936, -0.8244291543960571, -1.2479428052902222, 0.49730736017227173, -0.2246215045452118, -0.13937363028526306, 0.25792253017425537, 0.6827078461647034, 0.038746390491724014, 0.11300472170114517, 0.9994950890541077, -0.1322525441646576, 0.3380308747291565, 0.2770354449748993, -0.2985064685344696, 0.3931926488876343, -0.18067508935928345, 0.47886624932289124, -0.15818338096141815, 0.3578488826751709, -1.449652075767517, 0.046497851610183716, -0.12310130149126053, 0.6505130529403687, -0.013848960399627686, -0.731225311756134, -0.22229206562042236, 1.07600998878479, -0.7150167226791382, -0.3848339021205902, 0.6194289326667786, 0.006700310856103897, 0.5177363157272339, -0.2751016914844513, -0.4678495228290558, 1.086320400238037, 0.0452226884663105, 0.7035108208656311, -0.7206044793128967, -0.3218962848186493, -0.808516800403595, -0.04228488355875015, 0.99545818567276, -0.0040302216075360775, 0.6968094110488892, 0.14546900987625122, -0.7554313540458679, 0.35117217898368835, 0.30277079343795776, -0.8681656718254089, 0.8377697467803955, -0.3585878312587738, -1.549232006072998, -0.1393907368183136, -0.1747201681137085, 0.2798646092414856, -0.609792947769165, -0.42306217551231384, -1.156610369682312, -0.47979480028152466, -0.8675984144210815, 0.01823779195547104, 0.44962236285209656, -0.4980227053165436, -0.49199357628822327, 2.6757373809814453, -0.7310048341751099, 1.0536471605300903, -0.5908994078636169, -0.7441424131393433, -0.7230573296546936, -0.4162543714046478, 1.309571623802185, 0.26809975504875183, -0.6960583329200745, -0.1288825124502182, -0.7561826705932617, -0.4802096486091614, -0.06759463250637054, -0.36415061354637146, -0.322603315114975, 0.10799306631088257, 0.11851575970649719, -1.1885716915130615, -1.0483309030532837, -0.6122268438339233, -0.013746313750743866, 0.3471997380256653, 0.3699685037136078, -0.12959757447242737, 1.1450833082199097, 0.030795015394687653, 0.7457439303398132, -0.6930665969848633, -0.09648389369249344, -0.3819562494754791, 0.5027313232421875, 0.6607878804206848, -0.24874678254127502, 0.7380934953689575, -1.1361150741577148, 0.5974743366241455, -0.4044724404811859, 0.06825795769691467, -0.5812052488327026, -0.09246356040239334, 0.6032410860061646, 0.8168976902961731, 0.8735219836235046, 0.4235400855541229, -0.22609452903270721, -0.9528354406356812, -0.4294099509716034, 0.2962627112865448, 0.26971879601478577, 0.44926702976226807, 0.14555509388446808, -2.749802827835083, -0.4695347547531128, -0.9370546340942383, 0.18490076065063477, 1.010507345199585, 0.0531601756811142, 0.03195952624082565, 0.2780483067035675, -1.4615410566329956, -0.26703476905822754, 0.013908437453210354, -0.7147328853607178, 0.02468225359916687, 0.812452495098114, -0.25131702423095703, -0.14926765859127045, -0.4970567226409912, 0.8074283599853516, 0.5856501460075378, 0.6904255747795105, -0.15788714587688446, -1.321299433708191, 0.9218980073928833, 1.2112046480178833, 0.34867623448371887, -0.2855542302131653, -1.741693377494812, 0.24177013337612152, 0.8663709759712219, 0.004328160081058741, 0.9242948293685913, -0.25914835929870605, 0.5133885741233826, -0.7188846468925476, 0.512971818447113, -0.08533519506454468, 1.033643364906311, -0.40511325001716614, 0.980789065361023, -0.37196385860443115, -0.20643186569213867, -0.742082417011261, -1.7452306747436523, 0.24228180944919586, 0.30904680490493774, 0.08210235834121704, 0.24532857537269592, 1.2666486501693726, 1.0235426425933838, 0.3202143907546997, 1.2446314096450806, 1.010469675064087, 0.08386130630970001, -0.02042943239212036, 0.7061040997505188, -0.0033672451972961426, -0.34417933225631714, -0.16084666550159454, -0.5950307250022888, 0.4469905495643616, -0.19642814993858337, -0.4910695552825928, -0.2761183977127075, -0.4081774950027466, 1.6512534618377686, 1.0197604894638062, -0.7426002621650696, 0.43650177121162415, -0.9468300938606262, -0.544461190700531, 0.4354628920555115, -0.49041548371315, 0.47384631633758545, -0.06910515576601028, 0.18690666556358337, -0.11916907131671906, 0.5969179272651672, -0.24849136173725128, -0.2152426689863205, 0.18977582454681396, -1.5973620414733887, 0.05967269092798233, -0.10956163704395294, -0.5120447874069214, -0.5229214429855347, 0.4874753952026367, -1.2236336469650269, -0.5315544009208679, -0.39185503125190735, 0.5198009014129639, 0.07890284806489944, 0.2874118685722351, 1.6994924545288086, -0.360123872756958, 0.7802197933197021, -1.2808259725570679, 0.7027236223220825, 0.27683553099632263, 0.7517070174217224, -0.7838281989097595, 0.07975856214761734, -1.1397919654846191, 0.23233231902122498, -1.0100617408752441, 0.08086857944726944, 0.5090710520744324, -0.7344211339950562, 0.7945230603218079, -0.1171957328915596, -1.0220013856887817, 1.4150199890136719, 0.2381538599729538, -0.5833186507225037, -0.6302147507667542, 1.036618947982788, 0.6781427264213562, -0.8491249680519104, 0.6470640897750854, -0.8978274464607239, -0.8867679238319397, 1.9158121347427368, -0.44218504428863525, 1.1637970209121704, 1.6533573865890503, 0.8295244574546814, 0.11536139249801636, -0.9819384217262268, -1.9662981033325195, -0.37814679741859436, 1.1323660612106323, -0.21581289172172546, -0.017692115157842636, -1.3939238786697388, 1.475051760673523, 0.05293276533484459, -0.43881601095199585, 0.6429473757743835, -0.9072550535202026, 0.20827795565128326, -0.4254802167415619, 1.0417534112930298, 1.156496286392212, 0.2215219885110855, 0.23897992074489594, 0.6733018159866333, 0.21268510818481445, -0.7851954102516174, 0.2328801155090332, 1.4147226810455322, -0.8256855607032776, 0.012537321075797081, 0.824289858341217, 1.0866199731826782, 0.3729635179042816, -1.0168445110321045, 0.04589870944619179, 0.35027021169662476, 0.15794190764427185, 0.5552492737770081, 0.17484402656555176, -0.26309579610824585, 0.08745904266834259, -0.6641095280647278, 0.7508366107940674, 0.08834965527057648, -0.3186716139316559, -0.8288561701774597, 0.6295440196990967, -0.27371835708618164, -0.0392739400267601, 1.3267649412155151, 0.6469082236289978, 2.0455362796783447, 0.05476897209882736, -0.6720041632652283, -0.6733800172805786, 0.10957345366477966, 0.18730491399765015, 0.7767196893692017, -0.0722436010837555, -0.229850172996521, 0.11106465756893158, 0.9009373188018799, 0.53242027759552, -0.23350360989570618, -0.07874754071235657, 0.8209342360496521, -0.6486039161682129, -0.15221863985061646, 1.3736934661865234, 0.6089651584625244, 1.5191177129745483, 1.941180944442749, 0.0472736656665802, 0.07028378546237946, -0.16970781981945038, 0.38932597637176514, 0.7024693489074707, -0.414151132106781, -0.4400385320186615, 0.9349405765533447, 0.5362472534179688, 1.718766450881958, 0.6585515737533569, 1.1937211751937866, 0.8400049209594727, 0.25992467999458313, -1.5567328929901123, -0.09587574005126953, -0.509859025478363, -0.4124346077442169, -0.1645127534866333, 0.09570755064487457, 0.2179507315158844, 0.5633467435836792, -0.12401016801595688, -0.3372955918312073, 1.084978461265564, -0.2091681957244873, -0.7217148542404175, -0.24414224922657013, 1.4684200286865234, -0.8340482115745544, -0.9666846394538879, 0.5687139630317688, -0.9175137877464294, -1.1497199535369873, -0.8218604326248169, 0.029084639623761177, 1.1320006847381592, 0.2802982032299042, -0.28763481974601746, -0.21829722821712494, 0.2425033301115036, -0.6668198108673096, 0.7364969849586487, 0.48086458444595337, -1.0176527500152588, 0.31451013684272766, 0.31044337153434753, -0.061197683215141296, 0.4750753343105316, -0.7392398118972778, -0.1090678796172142, -0.024031052365899086, -0.02471049875020981, -0.592336118221283, -0.17780674993991852, 0.1364615112543106, 0.027695586904883385, 0.5798044204711914, 0.35426872968673706, -1.4107999801635742, -0.1525726318359375, -0.2864379286766052, 1.0513664484024048, 0.13821406662464142, -0.4001416563987732, -0.11080976575613022, 0.47879278659820557, -1.3878588676452637, 0.19030438363552094, -0.040901295840740204, -0.19824016094207764, 1.8363630771636963, 0.3472658395767212, 0.015466015785932541, -0.14373666048049927, -11.035231590270996, 0.4715597331523895, -0.08975770324468613, 0.659254252910614, 0.7548526525497437, 0.006100103259086609, 0.4133617579936981, 0.24019835889339447, 0.737731397151947, -0.3352382481098175, 0.4771769642829895, 0.12950727343559265, 0.18911981582641602, -0.3749317228794098, -0.6285433769226074, -1.5599149465560913, -0.32012754678726196, -0.7993922829627991, 0.4255608320236206, 0.3102114498615265, 1.2266960144042969, -1.206800937652588, -0.7010565400123596, 0.620266854763031, -0.12407311052083969, -0.7412925362586975, -0.18550214171409607, -0.22434517741203308, -0.23715747892856598, -0.00677717849612236, 0.775814414024353, -1.5899838209152222, -0.9197651743888855, -0.6848635077476501, 1.0347555875778198, 0.46398189663887024, -0.8786612153053284, -0.21671713888645172, 0.2569464147090912, -0.09770578145980835, 0.14995072782039642, -0.2174081802368164, -0.4994295537471771, 0.2584962546825409, -0.01268865168094635, 0.21525387465953827, -0.4923277497291565, -0.7594521045684814, -0.07776933908462524, 0.1553158462047577, -0.6448443531990051, -0.5507504940032959, -0.9521563649177551, -0.893275797367096, -0.05083567649126053, 0.7875233292579651, -1.3670620918273926, 0.07226179540157318, -0.6673412322998047, -1.22426438331604, 0.4823267459869385, 0.2933770418167114, 0.39770612120628357, 0.5986610651016235, 0.3339701294898987, 0.13363313674926758, 0.9244550466537476, -0.11612090468406677, 0.4338836371898651, 1.0217382907867432, -0.7727838158607483, -0.025561830028891563, -0.08812873065471649, 0.7192137837409973, -0.4020240008831024, 0.4956305921077728, -0.2810108959674835, -0.2556845247745514, 0.905917763710022, -0.010179689154028893, -0.925115168094635, 0.5734137296676636, -0.0981847420334816, -0.8350740671157837, 0.33851107954978943, 0.535742998123169, 0.7201905250549316, 0.5780023336410522, 0.6124621629714966, -0.13725461065769196, 0.5889406204223633, -0.4802391827106476, -0.2624560594558716, -0.4945146143436432, -0.6537996530532837, 0.22587867081165314, -1.1214807033538818, 0.534589946269989, 0.6171941757202148, 0.0031848475337028503, -0.1345977783203125, 0.4745735824108124, -1.0846089124679565, 0.10848355293273926, 0.14943791925907135, -0.007308986037969589, 0.4313892126083374, 0.10973870754241943, -0.27287378907203674, 0.14612554013729095, 0.8130590915679932, 0.611467719078064, -0.37147057056427, 0.5800470113754272, -0.3847537636756897, 0.458000510931015, 0.36747097969055176, -0.5507266521453857, -0.5700913071632385, 0.8979695439338684, 0.002926167333498597, 0.572533905506134, 0.12963709235191345, 1.2622337341308594, -0.1335216462612152, 0.14463117718696594, -0.2841762900352478, 0.6963550448417664, -1.0062140226364136, -0.9900261759757996, -0.2607918679714203, -0.3944794535636902, -0.2591865062713623, -0.7679154276847839, -1.2767640352249146, -0.044655442237854004, -0.5299198627471924, 1.21727454662323, -0.43265068531036377, -0.19231709837913513, -0.34910422563552856, -0.5331096053123474, -0.9978629946708679, 0.09766839444637299, -0.7568936347961426, -0.2408362627029419, -1.9167985916137695, -0.3417026400566101, -0.8808148503303528, -0.3467181921005249, -0.1341085135936737, -0.4914120137691498, 0.7171745300292969, -0.943666398525238, -0.22708532214164734, -0.04442813619971275, 0.3388841450214386, -0.5305814146995544, -0.9047123789787292, -0.618576169013977, 0.6377643942832947, 1.3203593492507935, -1.1422960758209229, 0.7764879465103149, 0.028626970946788788, -0.3799104392528534, -1.3208850622177124, -0.04270496219396591, -0.5751912593841553, 0.5017841458320618, 0.5766177773475647, -0.4532926082611084, -0.7335137128829956, -0.8062386512756348, -0.24035002291202545, -0.44610267877578735, 0.28875598311424255, 1.214766502380371, -0.8830212354660034, -0.23771686851978302, 0.21316620707511902, 0.5531712174415588, 0.8932400941848755, -0.8874682784080505, 0.12003901600837708, -0.4870663285255432, -0.20941585302352905, 1.3535034656524658, -0.6067445278167725, 0.1600758582353592, -1.2083112001419067, -1.1394720077514648, -1.1717013120651245, -0.9802223443984985, 0.9422611594200134, -0.18194986879825592, 0.6289080381393433, 0.31558695435523987, -0.36785924434661865, 0.11552494019269943, -0.6674676537513733, 0.6779882311820984, 0.6408970355987549, 1.0939257144927979, 0.3865959048271179, -0.23646537959575653, -0.7299671173095703, -0.38463690876960754, -0.29402074217796326, 0.979280948638916, -1.0860612392425537, -0.10888902842998505, 0.027793318033218384, 0.05465400591492653, 0.7696818709373474, -1.5980899333953857, 1.1774773597717285, -0.40566331148147583, -0.37825140357017517, -0.9801270365715027, -0.7749115824699402, 0.9040530920028687, -0.49692410230636597, 1.104599952697754, 1.1701223850250244, 0.6922078132629395, 0.2804500460624695, -0.0620206743478775, 1.1674405336380005, 0.3368825912475586, -0.8186290860176086, -0.011176377534866333, 0.32248541712760925, 0.37712717056274414, -0.514332115650177, -0.3560737073421478, -0.7201129198074341, 0.13748426735401154, -0.8995782136917114, 0.6540345549583435, -0.42586249113082886, -0.2060539275407791, 0.49410557746887207, 0.6211305856704712, 0.2538084387779236, -1.3747811317443848, -1.194192886352539, -1.4309332370758057, 0.5371060967445374, 0.6010512709617615, -0.35861510038375854, 0.6579319834709167, 0.0051682740449905396, -0.12822522222995758, 0.5815823078155518, -0.30522310733795166, -0.6090291142463684, 0.7387690544128418, -0.396817147731781, 0.7872570753097534, 0.5176096558570862, -0.29376569390296936, 1.0548731088638306, 0.649732768535614, -1.0543296337127686, 0.19702009856700897, -0.9314634799957275, 0.11816130578517914, 0.684256374835968, -0.3293806314468384, -0.3820313811302185, 0.029932983219623566, 0.06005394458770752, -0.7939020395278931, 1.0865298509597778, 0.6752574443817139, 0.3191777467727661, -1.083280324935913, -0.9786116480827332, -0.8501004576683044, -0.12397594004869461, -0.5598927736282349, -0.45932120084762573, -0.3893855810165405, 0.6356255412101746, 1.0077252388000488, 0.01219932921230793, 0.013849668204784393, 0.2362285703420639, -0.2213212549686432, 0.9378718733787537, 0.21771392226219177, -1.0705296993255615, -0.05880334973335266, 0.11133882403373718, -0.884215772151947, 0.05733831226825714, 0.2789636254310608, -1.1597119569778442, -0.951374351978302, 0.45992815494537354, 0.4403519928455353, -0.448518842458725, 0.5259473323822021, 0.4881538450717926, -1.5038961172103882, 1.376863956451416, 0.8866258263587952, 0.4087594747543335, -0.5405715107917786, -0.013774055987596512, 0.3822122812271118, 0.4933493137359619, 1.107377529144287]} +{"paper_id": "openbookqa", "embedding": [-1.1676607131958008, 0.9189396500587463, 0.2032630443572998, -0.7635599374771118, 0.5063578486442566, -0.033415213227272034, 0.25494882464408875, 0.6897941827774048, 0.6465142369270325, 0.3359276056289673, 0.457093745470047, 0.06808027625083923, -0.25627750158309937, -0.13625964522361755, -0.38695526123046875, -0.04076572507619858, -0.286978542804718, -0.5931652784347534, -1.5256651639938354, -0.27782630920410156, -0.2699164152145386, -1.1219072341918945, 0.10852804780006409, 0.872036337852478, -1.146131157875061, -0.9067065715789795, 1.1071091890335083, -0.7590097784996033, 0.5436452627182007, 0.01680750586092472, -0.4436177611351013, 1.5701292753219604, -1.6483882665634155, 0.8297890424728394, -0.31422334909439087, -0.08814232796430588, 0.13247470557689667, 1.0547001361846924, -0.002937115728855133, -0.4899887442588806, -0.3911896049976349, 0.2284247875213623, 0.730839729309082, 0.15995433926582336, 0.9657284617424011, -1.3096599578857422, 0.7773293256759644, 0.2574627995491028, 0.001963511109352112, -0.31505608558654785, -0.928471565246582, 0.5986540913581848, -0.6165419220924377, 0.4275614321231842, 0.11232604831457138, 0.8125384449958801, 0.0022719576954841614, -0.23476526141166687, 0.695825457572937, -0.46351295709609985, 1.4146946668624878, 1.8739004135131836, -0.00283915176987648, -0.12747403979301453, 1.063049554824829, 0.1449170708656311, 1.3355458974838257, 0.1846592277288437, 0.11032205820083618, 0.8004409670829773, -0.5380166172981262, -0.3549272119998932, -0.08215343207120895, 0.0956861674785614, 0.37611594796180725, 0.8157315254211426, 0.2291214019060135, 0.02921719290316105, 0.662356436252594, -0.33215978741645813, -0.26606789231300354, -0.09814582765102386, 1.0360498428344727, 0.10171682387590408, -0.024331506341695786, 0.230310320854187, 0.1799401342868805, -0.7996250987052917, 0.5791841149330139, -1.2796605825424194, 0.9917798638343811, 0.5863772034645081, 0.20764735341072083, -0.2584080696105957, -0.012179255485534668, 0.4462808668613434, -1.0371118783950806, -0.4005998373031616, -0.29168224334716797, 0.539888858795166, 0.8989568948745728, 0.22704799473285675, 0.2411351054906845, -0.16128098964691162, 0.02411244809627533, 0.2407265156507492, 0.1828751564025879, 0.0778193324804306, -1.0756911039352417, -1.0121371746063232, 0.3581227958202362, 0.3491027355194092, 0.25585341453552246, 0.5191572904586792, -0.13783176243305206, 0.22071126103401184, 0.018271014094352722, -0.710525631904602, -0.20840448141098022, 0.37060678005218506, 0.15957386791706085, -1.2659473419189453, -0.7689517736434937, 0.025340907275676727, 0.353201687335968, -0.10666762292385101, -0.8262268900871277, -0.43988993763923645, -0.6434559226036072, 0.19583038985729218, 0.9219475984573364, -0.04515258967876434, -0.6726000308990479, -0.3657761216163635, 3.6306114196777344, -1.074699878692627, 1.5583384037017822, -0.5444567799568176, 0.12894383072853088, -0.44758427143096924, -0.9038840532302856, 1.3156771659851074, 0.46990665793418884, -1.1944713592529297, -0.5582252144813538, 0.3354271650314331, -0.1967189908027649, 0.08972581475973129, -0.9291951060295105, 0.2847035527229309, 0.07317419350147247, 0.3724925220012665, -1.6401818990707397, 0.09969202429056168, 0.02791927382349968, -0.0011427104473114014, -0.1250445544719696, 0.12541770935058594, -0.5532976984977722, 0.23108923435211182, 0.11098768562078476, -0.2011379897594452, -0.5968335866928101, 0.4517499506473541, -0.3679356575012207, -0.22499898076057434, 1.0552592277526855, -0.29154571890830994, -1.4729857444763184, 0.1366095244884491, 0.23649291694164276, 0.17194601893424988, -0.15524642169475555, -0.4267728924751282, -0.2850660979747772, 0.07574630528688431, 0.31508442759513855, 0.6889693140983582, 0.12609824538230896, -1.0736956596374512, 0.2703102231025696, -0.5759963393211365, 0.09904202073812485, 0.6831528544425964, -0.01534947194159031, 0.24142593145370483, -3.1201536655426025, -0.03893808275461197, -0.22470758855342865, 0.33387109637260437, 0.891579806804657, 0.6712408661842346, 0.5929720401763916, 0.3111850619316101, -0.5426381230354309, -1.3874900341033936, 0.2712119221687317, -1.5844367742538452, 0.43682968616485596, 0.8645733594894409, -0.562425971031189, 0.3866840898990631, 0.002189544029533863, 0.734596848487854, 0.5685114860534668, -0.6144260764122009, -0.761455237865448, -2.219247817993164, 0.4265037178993225, 1.3585344552993774, 0.34828388690948486, -0.050082866102457047, -0.4219331443309784, -0.1363602727651596, -0.23745891451835632, 0.09743128716945648, -0.06933341920375824, -0.45199161767959595, 0.5792315006256104, -0.19845286011695862, 0.7250848412513733, 0.026413410902023315, -0.3032168447971344, 0.11102953553199768, 1.4629324674606323, -0.5529291033744812, -0.008876703679561615, -0.5570206046104431, -0.5890011787414551, 1.0261571407318115, 0.2550238370895386, 0.06578720360994339, -0.15480341017246246, 0.8766890168190002, 0.46732980012893677, 1.3325130939483643, 0.8182668089866638, 0.8116190433502197, -1.0180636644363403, 0.4910999536514282, -0.29547685384750366, 1.2487667798995972, 0.12347036600112915, 0.1581464260816574, -0.09217271208763123, -0.10978296399116516, -0.8455235958099365, -0.37157589197158813, -0.14591625332832336, -0.6087916493415833, 1.5417355298995972, 0.37713608145713806, -1.0156184434890747, 0.33294904232025146, -0.26159992814064026, -0.2906733751296997, 0.09079591929912567, -0.35458695888519287, 0.034881025552749634, -0.5941962599754333, 1.2077593803405762, 0.22042158246040344, 0.4839818477630615, -0.02136038988828659, -0.4582687318325043, -1.517471194267273, -0.012278340756893158, 0.07579775899648666, -0.13422025740146637, -0.1598658710718155, -0.24375490844249725, 0.037491362541913986, -1.2120800018310547, -0.3474924862384796, 0.2563808560371399, -0.45714157819747925, 0.049803510308265686, 0.9627288579940796, 1.2544142007827759, 0.16564776003360748, 0.6730124354362488, -0.16219833493232727, 1.3206666707992554, -0.16291573643684387, 0.3858751058578491, 0.05464794859290123, 0.263151079416275, -1.0696808099746704, 0.26122844219207764, -0.5658204555511475, -0.06778926402330399, 0.4159618616104126, -0.22731274366378784, 1.018155813217163, -0.403959184885025, -0.8332973718643188, 1.326314091682434, 0.09754179418087006, -0.5945844650268555, -0.14499738812446594, 1.6128135919570923, -0.13098132610321045, -0.5027713179588318, 0.4007769823074341, -0.029566869139671326, -0.696351945400238, 1.1419646739959717, -0.12736153602600098, 0.0768570676445961, 0.11236163973808289, -0.08152669668197632, 0.28784865140914917, 0.28768375515937805, -1.793636441230774, 0.9988529682159424, 0.32409965991973877, -0.6912556886672974, -0.2790180742740631, -1.0472972393035889, -0.01345060020685196, -0.5518839955329895, -0.16841484606266022, 0.4689483642578125, -0.5426422357559204, 0.5940274000167847, -0.3415510356426239, -0.11856773495674133, 1.3008509874343872, 0.0007800757884979248, 0.5323222279548645, -0.1042734831571579, -0.4458995461463928, -0.7356008887290955, -0.5338121652603149, 1.15287446975708, -0.09216640144586563, -0.033689387142658234, 0.05225459858775139, 1.0758060216903687, 0.9567258358001709, -0.16775250434875488, -0.0814569815993309, 0.30783647298812866, 0.7016966342926025, -0.09486837685108185, 0.11264243721961975, -0.49597227573394775, 0.504701554775238, -0.6206170916557312, 1.3452526330947876, -0.9004786014556885, -0.5734817981719971, -0.8679964542388916, 0.3371880352497101, -0.04203860089182854, -0.23736253380775452, 2.110941171646118, 0.13154584169387817, 1.4582622051239014, -0.5406249165534973, 0.09658306837081909, -0.7237411737442017, -0.6205909848213196, 0.7616112232208252, 1.0427485704421997, 0.07576413452625275, -1.1627217531204224, 0.05818973109126091, 0.5264730453491211, 0.15580227971076965, -0.49810653924942017, 0.5640233159065247, 0.7661675214767456, 0.28454506397247314, -0.653353750705719, 0.6292545199394226, 0.8933432102203369, 0.8587698936462402, 1.3916000127792358, -0.2809543311595917, -0.38228046894073486, -0.20275044441223145, -0.07080189883708954, -0.295701801776886, 0.2461358606815338, -0.3014276623725891, 1.01128089427948, 0.11869466304779053, 0.2740519344806671, 0.2254989594221115, 1.4131097793579102, 1.7907745838165283, -0.457932710647583, -1.8745479583740234, 0.014449145644903183, -0.053512588143348694, -0.1497829407453537, 0.44918757677078247, 0.1569635421037674, -0.4912225902080536, 0.5167826414108276, 0.25167202949523926, -0.8131016492843628, 0.1962127983570099, -0.26742443442344666, -1.6938879489898682, 1.1274410486221313, 0.7643777132034302, -0.9569492340087891, -0.3530765473842621, 0.567013144493103, -0.9434114098548889, -0.6830722093582153, -0.1811167597770691, -0.6203073859214783, 0.48923254013061523, 0.47026222944259644, 0.9367953538894653, -0.1370212584733963, -0.14403977990150452, -0.33521798253059387, 1.0377507209777832, 0.5548540949821472, -0.9693782925605774, 0.1573362946510315, 0.15584196150302887, 0.5858087539672852, 0.04483760520815849, -1.056875228881836, -0.5198150277137756, 0.8199281096458435, -0.3538508415222168, 0.015303104184567928, -1.2062344551086426, -0.22390314936637878, 0.288609117269516, 0.493049293756485, 0.18020161986351013, -0.6769843697547913, -0.33427566289901733, -0.5792955756187439, 0.5544046759605408, 0.8783748149871826, -1.026926875114441, -1.0374398231506348, 0.49597814679145813, -0.3563438951969147, 0.874914288520813, -0.3360997140407562, 0.08205105364322662, 1.4061689376831055, -0.5672776699066162, 0.032247282564640045, -0.4061566889286041, -11.56995964050293, 1.0999596118927002, 0.31629276275634766, 0.5543668270111084, 0.7561198472976685, -0.21651208400726318, 0.6700809597969055, -0.23413747549057007, 0.40921106934547424, -0.6091446280479431, 0.1870347261428833, 0.5740531086921692, 0.9462594985961914, 0.13453496992588043, -0.3251267373561859, -1.149751901626587, -0.11551113426685333, -0.8181403875350952, 0.4107155203819275, 0.10300552099943161, -0.048044562339782715, -0.7977204918861389, -0.7158163785934448, 0.40838736295700073, 0.22142377495765686, -0.40879663825035095, -0.8440661430358887, 0.018724188208580017, -0.07626227289438248, -0.3360850214958191, 0.46585696935653687, -0.027763133868575096, -0.40738844871520996, -0.5264301896095276, -0.43478769063949585, -0.7149208784103394, -0.057117704302072525, -0.4104882478713989, 0.6617990136146545, -0.7565682530403137, -0.4420697093009949, 0.19191467761993408, 0.40677306056022644, 0.2679654359817505, -0.2378963679075241, 0.9723448157310486, 0.3980866074562073, -1.0887683629989624, 0.5269533395767212, -0.09159272909164429, -0.8591127991676331, -0.8613409399986267, -0.11840692162513733, -0.07929826527833939, 0.1666599065065384, 0.7774083018302917, -1.0522195100784302, -0.4362306296825409, -1.0814613103866577, -1.0314838886260986, 0.24557963013648987, -0.11341358721256256, 0.12031514197587967, 0.7531082630157471, -0.25401362776756287, 0.1288924664258957, 0.20729008316993713, 0.18757547438144684, -0.8656755089759827, 0.3414915204048157, -0.6190171837806702, 0.7884000539779663, -0.18183282017707825, -0.0265643447637558, -1.2796056270599365, 0.33719292283058167, -0.8682948350906372, 0.004673147574067116, -0.06414812803268433, -0.06080436334013939, -1.5648207664489746, 1.3015674352645874, 0.8251228332519531, -0.46848824620246887, -0.6838465332984924, 0.5012244582176208, 0.1561213880777359, 1.0259007215499878, 0.7329847812652588, -0.9891247153282166, 1.1788541078567505, 0.517512321472168, -0.5161916613578796, -0.8306494951248169, -0.14820371568202972, 0.4271308183670044, -0.07852797210216522, 0.4649050235748291, 0.3159133791923523, -0.8738682270050049, 0.18961840867996216, -0.03869371861219406, -0.708511233329773, 0.33541038632392883, 0.7494589686393738, 0.540920615196228, 0.949651300907135, -0.41425347328186035, -0.3091110289096832, 0.09850870817899704, 1.1682932376861572, -0.27513349056243896, -0.729538083076477, 1.1830337047576904, -0.6549698114395142, 0.9636843800544739, 0.14747318625450134, -0.2629840672016144, -0.28249987959861755, 0.6215726137161255, 0.15306955575942993, 0.9524118304252625, 0.005287163890898228, 1.5711474418640137, -0.31437352299690247, -0.34338900446891785, 0.21105876564979553, 0.29786503314971924, -0.22780990600585938, -1.0809605121612549, 0.30067121982574463, 0.14558903872966766, -0.06918799877166748, -1.0508551597595215, -0.9318048357963562, -0.2909703254699707, -0.34773585200309753, 1.603568434715271, -0.8287853598594666, -0.4661656618118286, -0.22147300839424133, -0.14060655236244202, -0.1958092600107193, -0.9780511260032654, -0.7559059262275696, -0.22480341792106628, -0.999748706817627, 0.03047678992152214, -0.47964319586753845, -0.5467541217803955, -0.13684096932411194, -1.0673351287841797, 0.5684472918510437, -0.948230504989624, -0.2926657199859619, -0.7002826929092407, 0.14361849427223206, -0.7423414587974548, -0.7018057703971863, -0.1367853879928589, 0.45869532227516174, 1.0023322105407715, -0.9360718727111816, 0.9668927192687988, 0.032913967967033386, -0.5284422636032104, -0.18613553047180176, 0.2640531063079834, -0.5603548288345337, 0.10063376277685165, 0.7067514657974243, -1.0214471817016602, 0.02064918912947178, -0.7813684344291687, -0.34009242057800293, -0.16507986187934875, 0.3343927264213562, 0.5007098913192749, -0.5588905811309814, -0.22711502015590668, 0.10899174213409424, 0.9037914276123047, 0.33801043033599854, -0.8754106760025024, 0.04195083677768707, 0.0797695592045784, 0.02895476296544075, 0.49288666248321533, 0.5345930457115173, 1.044854760169983, -1.0841742753982544, -0.7743130326271057, -0.2746181786060333, -0.014425914734601974, 0.7831131815910339, 0.5163503885269165, 1.0874605178833008, 0.5866718292236328, -0.5968465805053711, 0.4956028461456299, 0.39736220240592957, 0.930035412311554, 0.6722443103790283, 0.6367596387863159, -0.29325053095817566, 0.6999096870422363, -0.5824136734008789, -0.12920261919498444, 0.6600946187973022, 0.9207512736320496, -0.8905121088027954, -0.1363241970539093, 0.2090725302696228, -0.384146511554718, 0.38131240010261536, -1.262863039970398, 0.4788206219673157, -0.992571234703064, -0.48937883973121643, -1.5795503854751587, 0.12874704599380493, 0.9284893274307251, -0.09930562973022461, 0.33708181977272034, 0.5693621635437012, 0.9996944665908813, 0.6346354484558105, 0.12275665253400803, 0.6761816143989563, -0.10525082051753998, -0.2444174587726593, 0.4782744348049164, 0.8318572044372559, 0.1969967782497406, 0.2789340317249298, -1.4342796802520752, -0.14263853430747986, 0.10199368000030518, -0.1359880417585373, 1.657492756843567, -0.46332597732543945, 0.7539519667625427, 0.3466804623603821, 1.0598763227462769, -0.5709779858589172, -1.9759129285812378, -0.2892626225948334, -1.0906401872634888, 0.13879817724227905, 0.13406845927238464, 0.5318377017974854, 0.04865635931491852, 0.7224717736244202, -0.11847417056560516, 1.0294476747512817, -0.8454456329345703, 0.007124744355678558, 0.2711441218852997, -0.44053328037261963, 0.5135164260864258, 0.49701380729675293, 0.46014487743377686, 0.6348140835762024, 0.3533836305141449, -1.3091404438018799, -0.3126213550567627, -0.6529470682144165, 0.8131197690963745, 0.6582915186882019, -0.9443225264549255, 0.16450996696949005, -0.24606625735759735, 1.0696309804916382, -0.3583660125732422, 1.3804622888565063, -0.30921220779418945, -0.2973569333553314, -0.44042158126831055, -0.631077229976654, -0.1497289091348648, 0.41783198714256287, 0.13131333887577057, -0.4005773067474365, 0.20179179310798645, 0.6770644783973694, 0.17583075165748596, -0.2774866223335266, -0.5663352012634277, -0.1496358960866928, -0.6004202365875244, 0.24521775543689728, 0.22560934722423553, -0.8385608196258545, -0.7910940051078796, -0.03239864483475685, -0.9188245534896851, 0.03923157602548599, -0.19783495366573334, -0.9816704392433167, -0.5511059761047363, 0.029387645423412323, -0.18846164643764496, 1.0653594732284546, -0.17637868225574493, 0.10437456518411636, -1.3994696140289307, 0.8193048238754272, 1.2273989915847778, -0.6022186279296875, -0.575238823890686, 0.555357813835144, 0.41603079438209534, -0.3864770233631134, 0.43973711133003235]} +{"paper_id": "qasc", "embedding": [-0.6743771433830261, 0.4372485280036926, -0.12119008600711823, -0.476283460855484, 0.3348720371723175, -0.28778108954429626, 0.46151357889175415, 0.8940660953521729, 0.7646796107292175, 0.7574464678764343, 0.3874518871307373, 0.4595992863178253, 0.08346511423587799, 0.547417402267456, -0.2022688388824463, -0.4515382647514343, -1.2009714841842651, -0.36148321628570557, -1.6147884130477905, -0.2510157823562622, -0.28984498977661133, -0.665349006652832, 0.028354894369840622, 0.7787243723869324, -0.6305928230285645, -0.7240592837333679, 1.0727453231811523, -0.9102182388305664, 0.31310969591140747, 0.02367091178894043, 0.42137444019317627, 1.5503126382827759, -1.575255036354065, 1.1205016374588013, -0.3293694257736206, -0.0176843274384737, -0.057685282081365585, 1.4616461992263794, -0.024607397615909576, 0.27547019720077515, -0.06154593080282211, 0.32344651222229004, 0.17011816799640656, 0.39101946353912354, 0.9278545379638672, -0.2686644494533539, 0.24535052478313446, 0.1154855340719223, -0.4275584816932678, 0.07286648452281952, -0.1801851987838745, -0.11895013600587845, -0.10549181699752808, 0.8129290342330933, 0.05019880458712578, 1.132224202156067, 0.09170859307050705, -0.6615181565284729, 0.8448235392570496, -0.6681355237960815, 1.4161938428878784, 1.4717838764190674, -0.3111415207386017, 0.1210949569940567, 1.2097737789154053, -0.09055519104003906, 1.2550958395004272, 0.18565140664577484, 0.15021498501300812, 0.9570844173431396, 0.06922172009944916, -0.9402781128883362, 0.4054325520992279, -0.14293000102043152, -0.2523333430290222, 0.8262526988983154, 0.6743518114089966, 0.4680301249027252, 0.41571730375289917, 0.2205178439617157, 0.1974988728761673, 0.14133301377296448, 1.291556477546692, -0.3887690007686615, 0.06651993095874786, 0.424155056476593, 0.34570053219795227, -0.8202065825462341, 0.30775877833366394, -1.818272352218628, 0.6483860015869141, 0.09670070558786392, 0.18438245356082916, 0.09069490432739258, -0.1732112467288971, 0.819469153881073, -1.1485064029693604, -0.7086848616600037, 0.1339554637670517, 0.39666688442230225, 0.5526553392410278, -0.6535882949829102, 0.02945156767964363, -0.22490566968917847, 0.4847133457660675, 0.3811917304992676, 0.5228801369667053, 0.13296210765838623, -0.44387564063072205, -0.8061343431472778, -0.3002879023551941, 0.8783426284790039, -0.11386431753635406, 0.1841953694820404, -0.6978746652603149, 0.16960307955741882, -0.08631470054388046, -0.8090677261352539, -0.2502976357936859, 0.3125053644180298, 0.29720255732536316, -1.031672716140747, -0.470467209815979, -0.03594491258263588, 1.1355645656585693, -0.8871536254882812, -0.3906983435153961, -0.7574052214622498, -0.1005278080701828, 0.22267812490463257, 0.5167360305786133, -0.2271461933851242, -0.7402153015136719, -0.3529435992240906, 3.172091484069824, -0.2186894714832306, 1.9285454750061035, -0.2529772222042084, -0.26943734288215637, -0.5207757949829102, 0.028519704937934875, 0.9193105697631836, 0.06021575629711151, -0.2692990005016327, -0.931003987789154, -0.016535723581910133, -0.08438985049724579, 0.5353061556816101, -1.1896605491638184, -0.37704941630363464, -0.491566002368927, -0.12846535444259644, -1.9325724840164185, -0.1936754286289215, -0.32150760293006897, 0.5097222924232483, -0.43034088611602783, 0.26611873507499695, -1.0513108968734741, 0.29786917567253113, 0.061937570571899414, -0.335477352142334, -0.23777823150157928, 0.11592212319374084, -0.03436825051903725, -0.055166490375995636, 0.9889524579048157, -0.017042089253664017, -1.135695457458496, -0.2517668902873993, 0.4978422224521637, 0.04529833048582077, 0.03661618009209633, -0.4276770353317261, 0.33659371733665466, 0.35436809062957764, 0.4682508707046509, 0.533033013343811, 0.4079433083534241, -0.3974127173423767, -0.3852981626987457, 0.1139531135559082, -0.41573312878608704, 0.5080283284187317, 0.0018793996423482895, 0.31548675894737244, -2.7516257762908936, -0.43821489810943604, -0.2680704891681671, 0.6242783069610596, 0.4503999352455139, 0.2631964087486267, 0.27338460087776184, 0.13165445625782013, -0.32297825813293457, -0.8583599328994751, 0.7705593705177307, -1.319962739944458, -0.09795540571212769, -0.18793009221553802, -0.5990883708000183, 0.41246235370635986, 0.13798438012599945, 1.3068503141403198, 0.5314916968345642, -0.23885512351989746, -0.9054322838783264, -1.683287262916565, 0.20963090658187866, 2.116508960723877, 0.11930897831916809, -0.4937162697315216, -1.2165946960449219, -0.3092540502548218, 0.44442200660705566, -0.2656165063381195, 0.11448432505130768, -0.8232975602149963, 0.34771978855133057, -0.595685601234436, 0.4537285566329956, -0.28622832894325256, 0.6616860032081604, 0.8427577018737793, 1.2278379201889038, -1.107496738433838, 0.09752808511257172, -0.9325653910636902, -0.4412209093570709, 0.7441354393959045, 0.2512534558773041, 0.27870288491249084, -0.004057832062244415, 1.1114271879196167, 0.5608090162277222, 1.1650269031524658, 0.7338595986366272, 0.6974472403526306, -0.30257704854011536, -0.1604822725057602, -0.14956443011760712, 1.2534137964248657, 0.189741849899292, 0.28452268242836, 0.056125178933143616, 0.07569994032382965, -0.379950612783432, -0.3714165687561035, -0.010676455684006214, -0.0687786415219307, 1.4282894134521484, 0.6925792694091797, -0.27772265672683716, 0.8636855483055115, -0.7195534706115723, -0.5988097786903381, -0.2544196844100952, -0.8078244924545288, -0.3137974441051483, -0.11974672228097916, 0.9903091192245483, 0.15875865519046783, 0.2659286558628082, -0.16612118482589722, -0.027608830481767654, -1.5522236824035645, -0.3637293875217438, 0.20483580231666565, -0.3620671033859253, -1.097033977508545, -0.04029766842722893, -0.10175782442092896, -0.49419525265693665, -0.8800273537635803, -0.23666222393512726, 0.22325585782527924, 0.46329638361930847, 0.8026067018508911, 1.5712147951126099, -0.12110595405101776, 0.32039564847946167, 0.14518733322620392, 1.0158181190490723, -0.454890638589859, 1.0932139158248901, -0.20812974870204926, 0.00868226122111082, -0.9863774180412292, 0.5277600288391113, -0.7766504883766174, 0.18158385157585144, 0.43421322107315063, -0.5514844655990601, 0.4316149055957794, 0.05351035296916962, -1.0133618116378784, 0.5379780530929565, 0.48113465309143066, -0.313029944896698, -0.034328047186136246, 1.0215671062469482, -0.2321944385766983, -0.7458115220069885, 0.877781331539154, -0.38018766045570374, -0.4614449739456177, 1.1728969812393188, 0.1873665153980255, 0.18284808099269867, 0.7532098293304443, 0.004233269486576319, -0.40249544382095337, 0.3379606306552887, -1.4718307256698608, 0.5944991707801819, 1.2127859592437744, 0.006589815020561218, -0.5478073358535767, -1.204013466835022, 0.3964756727218628, -0.5055894255638123, -0.09996236115694046, 0.3399556279182434, 0.07206470519304276, 0.30020979046821594, -0.15747733414173126, 0.6201797723770142, 1.1528571844100952, -0.7947508096694946, 1.055107593536377, 0.6006518602371216, -0.08036690205335617, -0.4766440689563751, -0.9015089273452759, 0.9842646718025208, -0.02495921403169632, 0.24610355496406555, -0.47781944274902344, 0.9714692234992981, 0.8048964738845825, -0.37926504015922546, -0.3515770733356476, 0.7399159669876099, 0.7404837608337402, 0.7300264835357666, -0.5206140279769897, -0.7889515161514282, 0.46128249168395996, -0.11518476903438568, 1.201490879058838, -0.5904074311256409, -0.6386669278144836, -0.9750860333442688, 3.32975760102272e-05, 0.14298956096172333, -0.597534716129303, 2.000941753387451, 0.5155634880065918, 1.4328243732452393, -0.7039270997047424, 0.1593175083398819, -0.6010276675224304, -0.16626735031604767, 1.2434149980545044, 0.6043263673782349, 0.07784441113471985, -1.264634609222412, 0.25682342052459717, 1.2487635612487793, -0.18865729868412018, 0.006961537525057793, -0.10729384422302246, 0.19330501556396484, 0.49085474014282227, -0.8020208477973938, 0.9941627979278564, 0.9613038897514343, 0.23992982506752014, 1.1337151527404785, -0.2702696919441223, -0.427181214094162, -0.2654896080493927, 0.32686156034469604, -0.2376154363155365, 0.36357492208480835, -0.6520828008651733, 0.6525213718414307, 0.011114753782749176, 0.6923268437385559, 0.41868525743484497, 1.5619381666183472, 1.186460256576538, -0.536231517791748, -1.6639981269836426, 0.1034678965806961, -0.4240807890892029, 0.1757200062274933, 0.35471346974372864, -0.43289509415626526, 0.06637057662010193, 0.7991460561752319, -0.19335666298866272, -0.43159961700439453, 0.4613560140132904, -0.35705405473709106, -1.1396173238754272, 1.3305200338363647, 0.6963704824447632, -1.2117080688476562, 0.005968684330582619, 0.08059331774711609, -0.9090795516967773, -0.44423907995224, -0.1376127302646637, -0.5457997918128967, 0.3147883117198944, 0.1577232927083969, 0.42822015285491943, 0.021513119339942932, -0.18751350045204163, -1.2026348114013672, 1.0985358953475952, 0.8065620064735413, -0.9429998397827148, 0.35913699865341187, 0.667311429977417, 0.5246251821517944, 0.16787225008010864, -1.3854413032531738, -0.9087610244750977, 0.8114628195762634, -0.3909973204135895, 0.14746055006980896, -1.0243197679519653, -0.6660792231559753, 0.3348735570907593, -0.23884648084640503, 0.4338330924510956, -0.4869370758533478, 0.19217820465564728, -0.22535240650177002, -0.09322318434715271, 0.2265038639307022, -0.7229067087173462, -0.5723006129264832, 0.9505382180213928, -0.5117848515510559, 1.0391030311584473, -0.7509206533432007, -0.44304540753364563, 2.379948854446411, 0.25579893589019775, 0.5158607959747314, -0.4427574872970581, -11.26755428314209, 0.8787740468978882, 0.07092811912298203, 0.09994380176067352, 0.4727376103401184, -0.7639035582542419, 0.7570385336875916, -0.17162904143333435, 0.2900938391685486, -1.2696009874343872, 0.12392695248126984, 1.5233019590377808, 0.3536522388458252, 0.21079689264297485, -1.1662899255752563, -1.8036994934082031, -0.3886016309261322, -0.474493145942688, 0.3881441354751587, -0.4979439675807953, -0.309582382440567, -0.8489110469818115, -0.36241376399993896, 0.48605307936668396, 0.16009368002414703, 0.15195220708847046, -0.46791625022888184, 0.03073830157518387, -0.6099786162376404, -0.43421685695648193, 0.959736168384552, -0.34299972653388977, -0.21511781215667725, -0.48171767592430115, -0.2167554348707199, -0.5570005774497986, -0.7804176807403564, -0.40014028549194336, 0.6693933010101318, -0.05618836730718613, -0.13488680124282837, 0.09846246242523193, -0.09307141602039337, 0.295641154050827, -0.4563537836074829, 0.6688635945320129, -0.1579284816980362, -0.6865954399108887, 0.052068375051021576, -0.08095971494913101, -1.0855368375778198, -0.24161788821220398, -0.15420712530612946, -0.8009533882141113, 0.2613241374492645, 0.5126338601112366, -1.0493545532226562, -0.06519801169633865, -0.7742093205451965, -0.9130731821060181, 0.7920606732368469, -0.07634692639112473, -0.31234049797058105, 0.34286075830459595, -0.009242907166481018, -0.6229153275489807, 0.5543529987335205, 0.3538091778755188, -0.6173530220985413, -0.03838769719004631, -0.6588162779808044, 0.9015297889709473, 0.26891428232192993, 0.018671639263629913, -0.899578332901001, 0.1740129441022873, -0.8064630031585693, 0.5248075127601624, 0.3018133044242859, -0.014934629201889038, -1.036291241645813, 0.8109801411628723, 0.6884263753890991, -1.3350393772125244, -1.3029587268829346, 0.21818065643310547, -0.004479244351387024, 0.1773735135793686, 1.0044642686843872, -0.5948626399040222, 2.023712158203125, 1.0503871440887451, -0.4511690139770508, -0.9587118625640869, -0.1848754584789276, 0.7130884528160095, 0.2170598953962326, 0.572300374507904, -0.1743956357240677, -0.6042701601982117, 0.4190521538257599, -0.1018945649266243, -1.1150761842727661, 0.2644658088684082, -0.09962031245231628, 0.7606992125511169, 0.6812030673027039, 0.44422534108161926, -0.08425645530223846, -0.517212450504303, 1.1038286685943604, -0.027334943413734436, -0.7750887274742126, 1.4062039852142334, -0.8791471719741821, 0.5774177312850952, 0.6306657791137695, 0.011529892683029175, -0.20074746012687683, 0.7961729764938354, -0.1859128326177597, 0.9836206436157227, -0.11953531950712204, 1.618495225906372, -0.36527687311172485, -0.12877018749713898, 0.2211678922176361, 0.5161460638046265, -0.4567383825778961, -1.2806605100631714, 1.004734754562378, -0.07558083534240723, 0.1342436969280243, -0.18092340230941772, -0.8438579440116882, 0.4648952782154083, -0.28545594215393066, 1.3164105415344238, -0.9083307981491089, -0.12030445784330368, -0.17122867703437805, -0.2946794033050537, -0.08514267951250076, -1.2289832830429077, -0.6173595190048218, 0.16938984394073486, -1.0851287841796875, 0.5904298424720764, -0.577874481678009, -0.3054109215736389, -0.16056369245052338, -0.5573758482933044, 1.1885937452316284, -0.47579044103622437, -0.5834553241729736, -0.42378973960876465, 0.6692792177200317, -0.5962023735046387, -1.2968988418579102, 0.040545716881752014, -0.37366291880607605, 1.1438961029052734, -1.4529929161071777, 0.9207408428192139, 0.398771196603775, -0.27345481514930725, -0.7450195550918579, 0.009096555411815643, -0.94972825050354, -0.41401180624961853, 1.024774432182312, -0.7878793478012085, -0.6489214301109314, -0.6242340803146362, -0.3506247401237488, -0.3498554825782776, 0.7084512114524841, 0.7460204362869263, -1.2719453573226929, -0.336357057094574, -0.14399832487106323, 1.1766542196273804, -0.14719003438949585, -0.32774025201797485, -0.23463068902492523, 0.4661950170993805, -0.016356397420167923, 0.6680195331573486, 0.11895587295293808, 1.347399115562439, -1.8076353073120117, -0.6723999381065369, -0.5827646255493164, 0.3910064995288849, 0.7285856604576111, -0.2297067940235138, 0.6845242381095886, 0.22822071611881256, 0.3426351845264435, 0.4264751076698303, 0.2152050882577896, 0.7644593119621277, 0.21811775863170624, 0.5785133242607117, -0.5786254405975342, 0.7317126989364624, -0.8885095715522766, -0.47215986251831055, 0.4736860394477844, 0.9919061660766602, -0.7690640687942505, 0.13954196870326996, 0.42116087675094604, -0.16833052039146423, 0.004812519997358322, -1.4021612405776978, 0.30689939856529236, -1.1353269815444946, -0.19717596471309662, -1.5506324768066406, 0.13261204957962036, 1.5755834579467773, -0.490164577960968, 1.2534797191619873, 0.26179951429367065, 0.7030868530273438, 0.3355969190597534, 0.4183157682418823, 0.252540647983551, 0.17002809047698975, -0.15476880967617035, 0.35854217410087585, 0.15508970618247986, -0.15431445837020874, -0.2771146893501282, -1.6731630563735962, -0.23633362352848053, 0.1291089951992035, -0.3468729853630066, 0.7630530595779419, -0.2958694100379944, 0.44156041741371155, 0.8190181255340576, 1.1763553619384766, -1.1856746673583984, -1.5698764324188232, -0.1959437131881714, -1.5776621103286743, 0.7122495770454407, 0.8105687499046326, 0.6702700257301331, 0.014002000913023949, 0.6516213417053223, 0.44008904695510864, 0.8320530652999878, -0.97881680727005, 0.22549603879451752, 0.10322223603725433, -0.12982980906963348, 1.130973219871521, 0.8105420470237732, 0.22556160390377045, 0.23417438566684723, -0.24107897281646729, -0.9286811351776123, 0.3356766998767853, -0.3978062570095062, 0.6955587863922119, 0.8797920346260071, -0.8214588761329651, -0.6016262769699097, -0.6471623182296753, 1.0293467044830322, -0.8655888438224792, 0.7688159346580505, -0.06916078180074692, -0.7834977507591248, -0.6828289031982422, -1.32500422000885, -0.3154979944229126, 0.31322798132896423, -0.13297556340694427, -0.25229135155677795, 0.30465203523635864, 1.041164755821228, 0.01259553898125887, 0.15094073116779327, -0.5635288953781128, -0.11185173690319061, -0.7205592393875122, -0.13298675417900085, -0.06386139243841171, -0.7305759191513062, -0.2901975214481354, -0.1331666260957718, -0.5470302700996399, -0.045535553246736526, -0.2807224988937378, -0.7348560690879822, -0.8992182612419128, -0.0006186403334140778, -0.12026700377464294, 0.5485547184944153, -0.351421594619751, 0.12350154668092728, -1.628711223602295, 0.4051850140094757, 0.9947564005851746, 0.15779243409633636, -1.0490936040878296, -0.08957631140947342, 0.45304468274116516, 0.04323418438434601, 0.5688388347625732]} +{"paper_id": "social_i_qa", "embedding": [-0.7741903066635132, 0.1814262419939041, 0.0105668306350708, -0.24180342257022858, 0.6520452499389648, 0.39728015661239624, 0.8146511912345886, 0.10890653729438782, 0.7209948301315308, 0.4942294657230377, -0.09195005148649216, -0.07984167337417603, -0.09914416819810867, 0.15141095221042633, -0.17979569733142853, -0.2288806140422821, -1.2112013101577759, -0.2369575798511505, -1.1613655090332031, -0.013609640300273895, -0.7095032930374146, -0.6700498461723328, -0.067498579621315, 0.9871225357055664, -0.8315077424049377, -0.5397977232933044, 0.43881672620773315, -0.9967474341392517, 0.4217434227466583, 0.09841805696487427, 0.11628586053848267, 1.622819185256958, -1.1387414932250977, 0.9338007569313049, -0.5090363621711731, -0.18934281170368195, 0.06580713391304016, 0.9737895727157593, -0.2965412735939026, -0.3302481472492218, -0.09164857864379883, 0.4404642581939697, 0.4198278784751892, 0.24530179798603058, 0.20598265528678894, 0.3706839382648468, 0.2931942343711853, 0.2468145340681076, -0.2720486521720886, 0.00795925036072731, -0.5670243501663208, 0.07967958599328995, 0.15607066452503204, 0.16982553899288177, -0.23464155197143555, 1.0130703449249268, 0.35360220074653625, -0.7592202425003052, 0.37140142917633057, -0.6768172979354858, 1.619496464729309, 1.252184510231018, 0.5156054496765137, 0.6359412670135498, 1.1846064329147339, 0.15676526725292206, 1.0255117416381836, 0.4372437596321106, 0.47913748025894165, 0.22051414847373962, -0.16373547911643982, -1.119645118713379, -0.05697514861822128, 0.46418607234954834, -0.2849140167236328, 0.3778478801250458, -0.050186313688755035, 0.13319721817970276, 0.14729544520378113, 0.7196761965751648, 0.44940099120140076, -0.21977737545967102, 0.4390333294868469, -0.6466701030731201, 0.2961222529411316, 0.4675554931163788, 0.8074560165405273, -0.8735141158103943, 0.6977975964546204, -1.5912889242172241, 0.2771034240722656, 0.1738281548023224, 0.7236910462379456, 0.03846624493598938, -0.6516898274421692, 0.8711212873458862, -0.1458674669265747, 0.23031988739967346, -0.6216675043106079, 0.9730555415153503, 0.18774637579917908, -0.35531488060951233, 0.39385607838630676, -0.1245458647608757, 0.4081808626651764, 0.5050695538520813, 0.6630730628967285, -0.03273458033800125, -0.42861464619636536, -0.21773721277713776, -0.19500988721847534, 1.4216641187667847, 0.2595004439353943, 0.12148778885602951, -0.09211838990449905, 0.43172818422317505, -0.02576053887605667, -0.8080493211746216, -0.007169417105615139, 0.2759767770767212, -0.31811559200286865, -0.8835035562515259, 0.13407853245735168, 0.009662739932537079, 1.2546807527542114, -0.05902092531323433, -0.13965661823749542, -0.005559604614973068, -0.1846679449081421, 0.23710063099861145, 0.2964315414428711, -0.08041538298130035, -0.5963358879089355, -0.028414081782102585, 2.889518976211548, -1.0027046203613281, 1.8244072198867798, -1.4432038068771362, -0.056637346744537354, -0.3097093403339386, -0.28297364711761475, 0.7861341238021851, -0.18846502900123596, -0.0293083768337965, -1.3493359088897705, -0.11799181252717972, 0.05441262573003769, 0.01852208375930786, -0.653279185295105, -0.3286949098110199, -0.047542545944452286, 0.012717388570308685, -1.7252976894378662, -0.1752934753894806, 0.2109460085630417, 0.5671977996826172, -0.6847231388092041, 0.30268779397010803, -0.422858327627182, 0.05362745374441147, -0.1610867977142334, 0.3704262971878052, -0.22673609852790833, 0.361371248960495, -0.17864194512367249, -0.16820330917835236, 0.6362001299858093, -0.10264292359352112, -1.1567810773849487, -0.5305303335189819, 0.7839590311050415, 0.0037471074610948563, 0.6212338209152222, 0.23523102700710297, -0.7986520528793335, 0.46940985321998596, 0.8877189755439758, 0.8625159859657288, 0.1427493691444397, -0.43227827548980713, -0.4965890049934387, -0.05303981527686119, -0.377572625875473, 0.4635024666786194, -0.6754301190376282, -0.7349517345428467, -2.2664036750793457, -0.283844530582428, -0.8260257840156555, 0.6906341314315796, 0.37100160121917725, 0.349526584148407, 0.280529260635376, -0.06062751263380051, -0.407559871673584, 0.2807995080947876, 0.8323840498924255, -1.8464502096176147, -0.03925175964832306, 0.1800413429737091, -0.259143590927124, -0.267337441444397, -0.33579936623573303, 1.0936461687088013, 0.5215915441513062, -0.21957743167877197, -0.4915999472141266, -1.5320993661880493, 0.12406748533248901, 1.823828935623169, 0.12463955581188202, -0.7488431930541992, -0.8025126457214355, 0.04987327754497528, 0.468610942363739, -0.06871476024389267, 0.5830801725387573, -0.712035596370697, 0.5931129455566406, -1.3584613800048828, 0.7196227312088013, -0.12161167711019516, 0.5336907505989075, 0.6970985531806946, 1.442626714706421, -1.0243998765945435, -0.13370360434055328, -0.5810745358467102, -0.7554818987846375, 0.5463398694992065, 0.6435251235961914, 0.6827181577682495, 0.3292423188686371, 0.678487241268158, 0.736301600933075, 0.5434374213218689, 0.6248160600662231, 1.0183072090148926, -0.722686767578125, 0.26509618759155273, -0.4601247310638428, 0.3524489402770996, -0.0734223872423172, 0.2795402407646179, 0.32738399505615234, 0.09585820138454437, -0.06375438719987869, -1.0021599531173706, -0.1983596831560135, 0.18075045943260193, 0.7405453324317932, 0.5018714070320129, -0.32143697142601013, 0.2881353795528412, -0.503669023513794, -0.5980970859527588, -0.3652961850166321, -0.5075513124465942, -0.22481492161750793, -0.6831594109535217, 0.7313704490661621, -0.028966858983039856, -0.12385391443967819, -0.46566545963287354, -0.06593314558267593, -1.1043325662612915, 0.22821491956710815, 0.35965800285339355, 0.2506776452064514, -0.833831787109375, -0.19980701804161072, -0.5488063097000122, -1.2280302047729492, -1.0093051195144653, -0.530361533164978, -0.011331673711538315, -0.15586808323860168, 0.754104733467102, 1.5038100481033325, -0.5608881115913391, 0.1552610695362091, -0.4941011667251587, 1.047783613204956, -0.7180395722389221, 0.8644260764122009, -0.6393065452575684, 0.7411100268363953, -0.6283414363861084, 0.6225560903549194, -0.9106068015098572, 0.242933988571167, 0.5551196932792664, -6.064027547836304e-05, 0.6086046099662781, -0.39499974250793457, -0.054201558232307434, 0.9621071219444275, 0.15103140473365784, 0.026925018057227135, 0.02085622027516365, 1.2089195251464844, 0.23320560157299042, -0.874814510345459, 0.5428948402404785, -0.546870768070221, 0.21840329468250275, 1.0936248302459717, -0.03600216656923294, 0.14342857897281647, 0.4092313051223755, -0.04406251385807991, -0.03791717067360878, 0.3182084560394287, -2.1159934997558594, 0.36038270592689514, 0.6927086710929871, -0.4025294780731201, 0.13251104950904846, -0.5661953091621399, 0.024857372045516968, -1.194814682006836, -0.011714243330061436, 0.3826739192008972, -0.1948377937078476, 0.3893551230430603, -0.4493001401424408, 0.3001598119735718, 0.5049665570259094, -0.5387024879455566, 0.11723192036151886, 0.2238839864730835, 0.11001892387866974, -0.6723188757896423, -0.30935609340667725, 0.33908897638320923, -0.1445802003145218, 0.3022173047065735, 0.2771416902542114, 0.7896603941917419, 0.2790297865867615, 0.1784605085849762, -0.5340421795845032, 0.5323192477226257, 0.4210886061191559, 0.3595539331436157, -0.3980940878391266, 0.2015022188425064, 0.964928150177002, -0.678929328918457, 1.0554561614990234, -0.04437180981040001, -0.100658118724823, -0.777665376663208, -0.40550363063812256, -0.19323097169399261, -0.41677573323249817, 1.521056056022644, 0.44800621271133423, 0.9906573295593262, -0.7074241638183594, 0.27119892835617065, -0.11870752274990082, -0.23673643171787262, 0.5390940308570862, 0.29682767391204834, 0.4656652808189392, -0.5406277775764465, 0.1884928047657013, 0.610908031463623, 0.1411689966917038, -0.2627067565917969, 0.4409906268119812, 0.9198163747787476, 0.005071789026260376, -0.5926395654678345, 0.6678833365440369, 0.8804678320884705, 0.14577719569206238, 0.7225474119186401, -0.41920235753059387, 0.031373124569654465, -0.22317275404930115, 0.33356302976608276, 0.3160237967967987, -0.1016426831483841, -0.4821718633174896, 0.6974309086799622, 0.5894335508346558, 0.8616626262664795, 0.11422620713710785, 1.0704389810562134, 0.49730414152145386, -0.4513965845108032, -1.7455921173095703, 0.015482131391763687, -0.7843652367591858, 0.09774138778448105, 0.8036260604858398, -0.25748977065086365, 0.20459744334220886, 0.31181228160858154, -0.23706236481666565, -1.5016173124313354, 0.5864677429199219, -0.7998732328414917, -0.5071820020675659, 0.5189312696456909, 0.9781527519226074, -0.5712918043136597, -0.48585981130599976, -0.1988653540611267, -0.9916029572486877, -0.6025139689445496, -0.05234506353735924, -0.18761691451072693, 0.6447742581367493, -0.16510331630706787, 0.470659077167511, 0.30939412117004395, -0.24783258140087128, -0.6478520035743713, 1.0026241540908813, 0.6807904243469238, -0.9340869188308716, 0.8881161212921143, 0.09876693785190582, -0.14054198563098907, 0.2681505084037781, -0.21197320520877838, -0.787563681602478, 1.1809016466140747, 0.35544657707214355, -0.2567124366760254, -0.9936707615852356, -0.38805755972862244, 0.5387620329856873, -0.4799744188785553, 0.4694778025150299, -1.0239925384521484, 0.6182836890220642, -0.35243359208106995, -0.3552696406841278, 0.5456502437591553, -0.7764176726341248, -1.192670226097107, 0.8199982643127441, -0.18636932969093323, 0.4640122354030609, -0.9236932992935181, -0.38506144285202026, 2.291550874710083, 0.2031044065952301, 0.20454886555671692, 0.4600631296634674, -12.682408332824707, 1.5987393856048584, -0.10048913955688477, 0.16736188530921936, 0.43288612365722656, -0.6845659017562866, 0.3018198311328888, -0.13258038461208344, 1.0855977535247803, -1.105857253074646, -0.12978489696979523, 0.6917369365692139, 0.5337722301483154, 0.44624626636505127, -0.9056004881858826, -1.3530030250549316, -0.6071082949638367, -0.5688715577125549, -0.4169032573699951, 0.24781274795532227, -0.2206917405128479, -0.8812034726142883, -0.25147706270217896, -0.8348047137260437, 0.5168708562850952, 0.014113232493400574, -0.888110876083374, -0.9188128113746643, -0.12024899572134018, 0.3624544143676758, 1.2770657539367676, -0.0314045287668705, -0.027267128229141235, -0.8286133408546448, -0.06816893815994263, 0.1890142261981964, -0.7980231642723083, 0.127247154712677, 0.890596866607666, 0.6637513041496277, -0.02578827738761902, 0.1178726851940155, 0.7574639916419983, 0.2477429360151291, -0.23801152408123016, 0.7011253237724304, -0.21804602444171906, -0.31844690442085266, -0.3379538655281067, 0.042418189346790314, -0.5206365585327148, -0.5739768743515015, -0.7603094577789307, -0.7676557302474976, 0.38920894265174866, 0.2765200138092041, -0.45690131187438965, 0.18473131954669952, -0.9883435368537903, -1.2489783763885498, 0.5299869775772095, 0.4553035497665405, -0.23373159766197205, 0.5517114996910095, 0.4908028244972229, -0.797719419002533, -0.35776135325431824, 0.49007153511047363, -0.9891442656517029, 0.20255759358406067, -0.3440832197666168, 1.1771717071533203, -0.17886149883270264, 1.1219382286071777, -0.2606641948223114, 0.14562970399856567, -0.6902124285697937, 0.46264970302581787, 0.5130959153175354, -0.6198397874832153, -1.0468276739120483, 0.6101216673851013, -0.13181442022323608, -0.6421866416931152, -1.27359139919281, 0.817419707775116, -0.08596663922071457, -0.034676846116781235, 0.8760790824890137, -0.5128932595252991, 0.4077000916004181, 0.5032567977905273, -0.513401985168457, -0.06245741248130798, -0.41749078035354614, 0.688389241695404, 0.452875018119812, 0.29045701026916504, -0.2176424264907837, -0.11148355156183243, 0.17236579954624176, -0.7663609981536865, -1.1735305786132812, 0.2438403218984604, 0.07579970359802246, 0.055929578840732574, 0.6087883114814758, -0.1356278657913208, -0.10393266379833221, -0.47574588656425476, 0.15925291180610657, -0.7579919099807739, -0.250194251537323, 1.0673123598098755, -0.07833230495452881, -0.13741815090179443, 1.0704474449157715, -0.28589117527008057, 0.6964435577392578, 0.16187086701393127, -0.3442181348800659, 0.6136438250541687, -0.26106077432632446, 1.1305961608886719, 0.19618958234786987, 0.07514171302318573, 0.38602498173713684, 0.4974057972431183, -0.6441869735717773, -1.8775156736373901, 0.9477362632751465, -0.1880941390991211, -0.041090793907642365, 0.00021500885486602783, -0.3436013460159302, 0.5414841175079346, -0.40529146790504456, 1.1091687679290771, -0.8020350337028503, 0.8413661122322083, 0.33912211656570435, -0.009213835000991821, -0.8190749287605286, -1.2358896732330322, -1.0985912084579468, -0.1175687238574028, -1.3372042179107666, 0.4856353998184204, -0.3952508866786957, -0.10758403688669205, -0.17492035031318665, 0.0051481276750564575, 0.7663097977638245, -0.37242448329925537, 0.14173007011413574, 0.014711115509271622, -0.1418660283088684, -0.32163283228874207, -0.5744642019271851, 0.03598722815513611, 0.6699421405792236, 0.5360369682312012, -1.1273194551467896, 1.0671015977859497, -0.17311564087867737, -0.19266492128372192, 0.11061614006757736, -0.04884916916489601, -0.7683326601982117, -0.13123904168605804, 1.1601818799972534, -0.5859072804450989, -0.15370185673236847, -0.26780012249946594, 0.5191265940666199, -1.2468233108520508, 0.7827407121658325, 0.998806357383728, -0.7065168619155884, 0.08497132360935211, -0.6188585758209229, 0.5004408955574036, 0.21026243269443512, -0.6111372709274292, -0.39715316891670227, -0.08374924212694168, 0.34939196705818176, 0.31267136335372925, -0.10722552984952927, 0.9119046330451965, -1.4670662879943848, -1.143545150756836, -0.5106728076934814, 0.2442704439163208, 0.9107974767684937, 0.38492029905319214, 0.5980708599090576, 0.8031764626502991, 0.07396171987056732, -0.05717719346284866, 0.2908887565135956, 0.6740528345108032, -0.6089504957199097, -0.36453336477279663, -0.30368518829345703, 0.10622067749500275, -0.7072917222976685, -0.12225227057933807, 0.23488479852676392, 0.6803613305091858, -1.2450840473175049, -0.539326548576355, 0.010461382567882538, -0.23757778108119965, 0.7147601246833801, -0.7213091850280762, -0.08970275521278381, -0.37672874331474304, -0.46371522545814514, -0.8015285730361938, 0.2694612741470337, 1.3180938959121704, 0.14814530313014984, 1.273054838180542, 0.421286016702652, 1.2691055536270142, 0.6216767430305481, 0.5268184542655945, 0.4747082591056824, -0.2182571440935135, -0.14288802444934845, -0.4099734127521515, -0.15996520221233368, 0.4667463004589081, -0.6725640296936035, -0.9670403003692627, -0.3566785454750061, 0.6089990139007568, -0.9660069346427917, 0.587253212928772, -0.04484022408723831, 0.23384559154510498, 1.1543900966644287, 0.9400202631950378, -0.716229259967804, -1.3022878170013428, -0.5526712536811829, -0.977565348148346, 0.058894459158182144, 0.30069300532341003, 0.39957451820373535, 0.8986549973487854, 0.7774382829666138, 0.04355708509683609, 0.7573655247688293, -0.21827633678913116, 0.20910850167274475, 0.261955589056015, 0.3156087100505829, 1.3859740495681763, 0.424483984708786, 0.13751867413520813, 0.18780969083309174, 0.021749816834926605, -0.8904485106468201, 0.3117062449455261, -0.7141579389572144, 0.8896753787994385, -0.029118698090314865, -0.19931694865226746, -0.5948145389556885, -0.545648992061615, 0.09735888242721558, -0.654733419418335, 0.35645791888237, 0.34708911180496216, -0.31299930810928345, -0.20097589492797852, -0.5631994605064392, -0.6396732330322266, 0.6803918480873108, 0.30526503920555115, -0.3488823175430298, -0.4498276114463806, 0.7489709854125977, -0.37246349453926086, -0.02656019851565361, -0.4875490367412567, -0.19781984388828278, -0.3976503312587738, 0.20192454755306244, -0.14654138684272766, -0.9219491481781006, -0.6992769837379456, -0.19820815324783325, -0.3382384181022644, 0.6262551546096802, 0.05876043438911438, -0.9595638513565063, -0.8302849531173706, 0.2279677391052246, 0.19171395897865295, -0.44192633032798767, 0.2438904494047165, 0.45554956793785095, -1.8639585971832275, 0.1416572630405426, 0.8159227967262268, 0.04707340896129608, -0.23437604308128357, 0.22214007377624512, 0.6017009615898132, -0.21506217122077942, 1.1571298837661743]} +{"paper_id": "multi_news", "embedding": [-0.3691164255142212, 1.3755202293395996, -0.5641005635261536, -0.05530426651239395, 0.6289836764335632, -0.2288362979888916, 0.48887497186660767, 1.1562342643737793, 0.8032635450363159, 0.5502538681030273, 1.0998449325561523, -0.03177264332771301, 0.2862755060195923, 0.6982729434967041, -0.3038352429866791, -0.09573768824338913, -0.16207432746887207, -0.32889220118522644, -0.2564305067062378, -0.7072035074234009, -0.8882067203521729, -0.028372202068567276, -0.45530182123184204, -0.10279139876365662, -1.0625739097595215, -0.07965342700481415, 0.8692507743835449, -1.6454652547836304, -0.1686534583568573, 0.5452103018760681, 0.07387136667966843, 0.9447619915008545, -1.7730300426483154, -0.13140781223773956, -1.1982356309890747, -0.524044930934906, 0.30687761306762695, 0.5321285128593445, -0.0005270019173622131, -0.35000336170196533, -0.7057334780693054, 0.07192609459161758, 1.1102057695388794, 0.015572731383144855, -0.073135145008564, -0.4663756489753723, 0.4580230116844177, 0.04313620179891586, -0.3237301707267761, -0.1477656215429306, 0.41461989283561707, 0.5813578963279724, -0.34884586930274963, 1.2142890691757202, -0.4307432770729065, 2.4727783203125, -0.1686825454235077, -0.6531197428703308, -0.1053246483206749, -0.8648943901062012, 1.6102304458618164, 1.178743839263916, -0.8922263383865356, -0.32062795758247375, 1.6508922576904297, -0.3617693781852722, 1.5065559148788452, 0.15854136645793915, 0.37683168053627014, 0.8898149132728577, -0.3093424439430237, -1.2821073532104492, 0.23007693886756897, -0.6797747015953064, -0.0985267162322998, 0.7540874481201172, 0.8521261811256409, -1.2814189195632935, 0.05349741131067276, -0.29428693652153015, -0.5540185570716858, 0.6809051036834717, 0.7896544933319092, -0.18831855058670044, -0.7383095026016235, -0.500530481338501, -0.008198138326406479, 0.3990919589996338, 0.428697407245636, -1.5967085361480713, -0.44870972633361816, -0.36836832761764526, -0.544140636920929, 0.06277036666870117, -0.839559018611908, 0.04739813506603241, 0.1494860053062439, -0.5999427437782288, -0.8013455867767334, 0.2316388487815857, 0.8403689861297607, -0.7342290878295898, -0.39740926027297974, 0.1282634437084198, 0.9933286309242249, 1.0793147087097168, -0.5944344401359558, -0.36253324151039124, -0.7164351940155029, -1.255513310432434, -0.12286204099655151, 0.6535972952842712, 0.24536730349063873, 0.9077732563018799, -0.5563306212425232, -0.3412240147590637, -0.3969946503639221, 0.3249988853931427, -1.3849862813949585, -0.40660858154296875, -0.6939191222190857, -1.9730000495910645, -0.400256872177124, -0.06360473483800888, 0.6012517809867859, -0.7806751728057861, 0.05582636967301369, -1.1687591075897217, -0.5631726980209351, -0.12357066571712494, 0.8061835765838623, -0.2571544349193573, -0.9188142418861389, -0.36730626225471497, 2.17860746383667, -0.3823062479496002, 1.5200793743133545, 0.6821536421775818, -0.5235822796821594, -0.6970166563987732, 0.13397669792175293, 2.054985523223877, -0.4804205894470215, -1.2024587392807007, 0.06856860965490341, -0.0895971953868866, -1.0132932662963867, 0.7032223343849182, -0.48299333453178406, -0.6991726756095886, -0.536766767501831, 0.25722169876098633, -1.071130633354187, -0.8532716631889343, -0.6426555514335632, 0.4966047704219818, 0.6091617345809937, 0.6497010588645935, -0.4177420139312744, 1.739930272102356, 1.4414294958114624, 0.3912251591682434, -0.1371210813522339, 0.684192955493927, -0.9019080400466919, -0.009326599538326263, 1.053877592086792, 0.009292151778936386, -0.10951584577560425, -0.6639001965522766, 1.2217098474502563, -0.8790184259414673, 0.08574523031711578, -0.5224081873893738, -0.13538795709609985, 0.40532386302948, 0.32351353764533997, -0.23287826776504517, 0.22850759327411652, -0.4320070445537567, -0.48603636026382446, 0.4127352833747864, 0.5911434888839722, 0.6838099360466003, 0.0761416032910347, 0.5829916000366211, -1.7227686643600464, -0.2899225950241089, -0.713108479976654, 0.6538175940513611, -0.04858890920877457, -0.5319033265113831, 0.006738647818565369, -0.07387280464172363, -0.48647093772888184, -0.9312300682067871, 0.13615983724594116, -0.35779696702957153, 0.808235228061676, 0.41966813802719116, 0.46223148703575134, 0.16209907829761505, 0.009361492469906807, 0.5713621377944946, 1.467545986175537, -0.3343426585197449, -0.3162248134613037, -1.4478309154510498, 0.6568283438682556, 1.5800997018814087, -0.46064382791519165, -0.5147238969802856, -2.260518789291382, -0.3895506262779236, 1.3023757934570312, -0.22017277777194977, 0.060716018080711365, -0.4025932848453522, -0.5707418322563171, -1.3862838745117188, 0.20197398960590363, -1.1777918338775635, 0.6055079102516174, 0.26241859793663025, 0.015152841806411743, -0.7868320345878601, -0.5542534589767456, -0.3539269268512726, -1.2859179973602295, 0.6573320031166077, 1.2409971952438354, -0.3648693561553955, -0.17278970777988434, 0.8104182481765747, -0.0986916720867157, 0.353565514087677, 0.11642823368310928, 0.5035804510116577, 0.1650097370147705, -0.9165986180305481, 0.2153582125902176, 0.5790718793869019, -0.09029993414878845, 0.0593249648809433, 0.010620683431625366, 0.2517322599887848, -0.20480629801750183, -0.5382672548294067, -0.22433455288410187, -0.44416141510009766, 0.7887863516807556, 1.1263372898101807, 0.1820833384990692, 1.6973589658737183, -1.1200908422470093, 0.04138194024562836, 0.3602898418903351, -1.225517749786377, 0.19171194732189178, 0.09829699993133545, 0.575708270072937, 0.26226094365119934, 0.8202073574066162, -0.3148690462112427, -0.1593763530254364, -0.8940163850784302, -0.8717861175537109, -0.428331583738327, -1.097261905670166, -1.8030544519424438, 0.005167737603187561, -0.3040734529495239, -0.7702016830444336, -0.27895936369895935, -0.07057744264602661, 0.38810116052627563, 0.22535261511802673, 0.40693792700767517, 1.26744544506073, 0.2968910336494446, 0.735645055770874, -1.1520565748214722, 0.8919183611869812, 0.07206341624259949, 1.7877845764160156, -1.0917810201644897, -0.24690434336662292, -1.3685449361801147, 0.1318962574005127, -0.6154571175575256, -0.21682649850845337, 0.44132596254348755, -0.9129002094268799, 0.8546677231788635, 0.2894226610660553, -1.6317226886749268, 0.9745050668716431, -0.7736088037490845, 0.13406586647033691, -0.8877987265586853, 1.1708528995513916, 0.3877561688423157, -0.6915122866630554, 0.44387710094451904, 0.1106744185090065, -0.24320846796035767, 1.5957250595092773, -1.205121397972107, 1.9387917518615723, 0.7638729810714722, -0.11893727630376816, 0.2006685435771942, -0.428714781999588, -1.443353295326233, -0.2261410653591156, 1.3355110883712769, -0.7782577872276306, -0.5262486934661865, -0.5456856489181519, 0.1325427144765854, 0.09992453455924988, -0.3304339349269867, -0.20965445041656494, -1.2500951290130615, 0.3688546419143677, -0.16037626564502716, 0.4098929762840271, 1.062947154045105, 0.007048889994621277, 1.4860844612121582, 0.6382444500923157, 0.5033233165740967, -0.45102083683013916, -0.9193889498710632, 1.2041223049163818, -0.05387865751981735, 0.09198523312807083, -0.19610846042633057, 1.1149861812591553, 1.2708847522735596, -0.839581310749054, -0.016227398067712784, 1.1291241645812988, 0.586180567741394, 0.18913988769054413, 0.027802065014839172, -0.6278144121170044, 1.1338497400283813, 0.06588414311408997, 0.834434449672699, 0.6456981301307678, -0.5478454828262329, -1.0534751415252686, -0.184764102101326, -0.6460302472114563, -0.9664503335952759, 1.3209447860717773, 0.5497761368751526, 2.451258420944214, 0.32028838992118835, 0.6221976280212402, -0.12092672288417816, -0.17569893598556519, 0.26817789673805237, 0.23232440650463104, 0.12139976024627686, -0.47289106249809265, 0.6256730556488037, 1.6868258714675903, -0.3854246139526367, -0.04793066531419754, -0.4582088887691498, 0.27561047673225403, -0.8546390533447266, -0.5874208211898804, 0.7276833653450012, 0.5867179036140442, 0.9300987720489502, 2.3453786373138428, -0.23629434406757355, -0.4272315204143524, 0.41892072558403015, -0.058114491403102875, 0.3961747884750366, 0.6689900159835815, -1.1344813108444214, 0.0367218554019928, 0.8363360166549683, 0.5902090072631836, -0.36362361907958984, 0.5980942845344543, 0.4448169469833374, -0.0459103100001812, -0.6404953002929688, -0.6743689179420471, -0.8487575650215149, -0.38571906089782715, -0.6184475421905518, 0.300603985786438, -1.067895531654358, 0.5916052460670471, -0.30471253395080566, -1.2314432859420776, 0.4434542953968048, -0.08303235471248627, -0.5489422082901001, 0.4830377697944641, 1.6878572702407837, -1.890899658203125, -0.6929023265838623, 0.15860940515995026, -1.3868807554244995, -0.26626622676849365, -0.44279706478118896, -0.49204936623573303, 0.6160905957221985, 0.08034612238407135, 0.3099324405193329, -0.12390069663524628, -0.1809644252061844, -1.145372748374939, 0.37628644704818726, 1.057960867881775, -1.0739229917526245, 1.047036051750183, 0.0005086371675133705, 0.07189755141735077, 0.5410171747207642, -1.3812662363052368, -0.5125206708908081, 0.8113573789596558, 0.0437493771314621, 0.02820179983973503, -0.6912794709205627, -0.22245211899280548, -0.06400901079177856, 0.519009530544281, 1.1963666677474976, -1.0346934795379639, 0.2536669373512268, -0.7324340343475342, 0.8021937012672424, 0.236126109957695, -0.9659887552261353, -0.5242095589637756, 1.1916499137878418, -0.501734733581543, 0.6962296962738037, 0.16744476556777954, -0.24244382977485657, 1.355053424835205, 0.9900709986686707, 0.2923569679260254, -0.6337308883666992, -9.72988224029541, -0.4076046347618103, 0.1805161088705063, -0.24323824048042297, 0.5798245668411255, 0.6565375924110413, 0.7204524874687195, 0.3151472210884094, 0.557045042514801, -0.6052072644233704, 0.7360482215881348, 1.737770676612854, -0.1742825210094452, -0.5499771237373352, -0.7232537269592285, -1.3643947839736938, -0.39383700489997864, -0.2973686456680298, 0.7743067145347595, -0.9336790442466736, 0.9168502688407898, -0.7854219079017639, 0.45069408416748047, -0.08796265721321106, -0.1398153007030487, -0.14307600259780884, 0.3909088671207428, 0.10031013935804367, -1.0611042976379395, 0.5206619501113892, 0.883735716342926, -0.42773064970970154, -0.847707986831665, -1.0773407220840454, 1.259124517440796, 0.04676520451903343, -1.2428843975067139, -0.2669805884361267, 0.921240508556366, -0.9069573879241943, -0.12811100482940674, 0.10236962884664536, -0.7803058624267578, -0.11722906678915024, -0.24690081179141998, -0.3993883728981018, -0.11756322532892227, -1.1135094165802002, 0.40441250801086426, -0.39151448011398315, -1.3176020383834839, -0.43045535683631897, -0.9818474650382996, -0.28168433904647827, 0.5697858333587646, 0.5094072818756104, -0.9320167899131775, 0.5203170776367188, -0.0756860226392746, -0.597572922706604, 1.126887559890747, -0.22394080460071564, -0.06067321449518204, -0.3577486276626587, 0.3981521427631378, -0.5728929042816162, 1.2879416942596436, -0.23279105126857758, 0.2732853591442108, 0.6897140145301819, -0.540075421333313, 0.8035357594490051, 0.7576084136962891, -0.8426831364631653, 0.2777623236179352, 0.19381463527679443, -0.23818105459213257, -1.360175609588623, 0.5400671362876892, 0.8860712051391602, -1.1667366027832031, 0.3768284320831299, 0.3956626057624817, -0.7400956749916077, -0.7722858786582947, -0.24148188531398773, 0.4228743016719818, -0.8472592234611511, 0.3836387097835541, -0.38994941115379333, 0.8130257725715637, -0.13459917902946472, -0.017639420926570892, -0.3922366201877594, -0.276863157749176, 1.030730962753296, -1.7687369585037231, 0.24444574117660522, 0.6177393198013306, -1.2982523441314697, 0.5821043252944946, 0.19647350907325745, -0.6314899921417236, -0.5279397368431091, 0.4857405722141266, -0.3813100755214691, -0.2102382928133011, 0.79905104637146, -0.3232180178165436, -0.24013787508010864, 0.4632968306541443, 0.36656346917152405, -0.25824713706970215, 1.0842835903167725, -0.5060027837753296, 1.5278910398483276, 0.886056125164032, -0.4364677369594574, 0.02290900982916355, 1.6096982955932617, -0.5610417127609253, 0.7614462971687317, 0.3207722306251526, 0.8670880794525146, 0.375718891620636, 0.4812558591365814, -0.5152715444564819, 0.5258508920669556, -0.1378990113735199, -0.7689914107322693, -0.2635999321937561, -0.4003075957298279, 0.17001678049564362, -0.35466569662094116, -0.7368598580360413, -0.11080548167228699, -0.1530425101518631, 2.21972393989563, 0.16103051602840424, 0.19289043545722961, -0.4279972314834595, -0.9136866927146912, 0.30784690380096436, -0.22662144899368286, -0.012205072678625584, 0.07399607449769974, -1.7241638898849487, 0.46408286690711975, -0.9189820885658264, -0.029284603893756866, 0.6540192365646362, -0.1708984673023224, 0.17459946870803833, -0.8147867918014526, -0.7245305776596069, 0.10584599524736404, 0.4099459648132324, -0.20432674884796143, -1.0229260921478271, -0.21325325965881348, 0.029198043048381805, 0.9745872020721436, -0.7988473773002625, 0.6750196218490601, 0.03250264376401901, 0.6763511300086975, -0.9198090434074402, -0.0095706507563591, -0.9726722240447998, 0.5465858578681946, 1.1255322694778442, -0.7750961184501648, -0.052021682262420654, -0.7209884524345398, -0.22025659680366516, -0.250712513923645, 0.5678722858428955, 1.5710920095443726, -1.0776867866516113, 0.7027672529220581, -0.0072662681341171265, 0.45374903082847595, 0.7584661841392517, 0.15727365016937256, 0.35394489765167236, 0.7265780568122864, -0.10593534260988235, 0.8285768628120422, -0.19866573810577393, -0.005410125479102135, -1.315343976020813, -1.3336727619171143, -0.7374874949455261, -1.3640844821929932, 1.1380645036697388, -0.6522427797317505, 1.1915533542633057, 0.2758379280567169, -0.3089665472507477, -0.028639856725931168, 0.2310527265071869, 1.264615535736084, 0.9773414134979248, 1.1034228801727295, 0.2667067050933838, -0.5806424617767334, -0.7970079183578491, 0.17955465614795685, -0.018713390454649925, 0.6224011778831482, -0.8493438363075256, 1.1055272817611694, 0.9878795146942139, -0.25944724678993225, -0.38858655095100403, -1.4914547204971313, 0.837189793586731, -0.07400498539209366, 0.25607237219810486, -1.3238619565963745, -0.12130919843912125, 0.6805576086044312, -1.0296458005905151, 1.4074422121047974, 0.073878213763237, -0.06962332129478455, 0.7581310272216797, 0.5787344574928284, 1.2394742965698242, 0.2170640379190445, -1.1890146732330322, 0.22501210868358612, -0.24862392246723175, -0.2169061303138733, 0.6666620373725891, 0.14500202238559723, -1.292715072631836, 0.07399506866931915, -1.148178219795227, -0.4335005581378937, 0.2419404238462448, -0.1888282746076584, 0.1569916307926178, 1.1454492807388306, 0.5177692174911499, -1.0293995141983032, -0.17021781206130981, -0.7548031806945801, -0.28963151574134827, 0.9952688813209534, 0.14505241811275482, -0.013043181970715523, 0.49685046076774597, -0.844926118850708, 1.1025257110595703, -0.8316660523414612, -0.47117507457733154, 0.4484953284263611, -0.22426868975162506, 0.9236041903495789, 0.2570584714412689, 0.3643207848072052, -0.0016114190220832825, 0.22100749611854553, -0.24812406301498413, -0.5294570326805115, -0.2297585904598236, 0.1690666526556015, 1.6687068939208984, -0.35165905952453613, -0.6305201649665833, -0.9321259260177612, 0.06267695128917694, -0.8457160592079163, 0.257029265165329, 0.8752150535583496, -0.8742355108261108, -0.8790595531463623, -0.970506489276886, -0.3341832756996155, 0.5964608788490295, 0.2826550304889679, -0.12051353603601456, 0.28099125623703003, 0.6358218193054199, 0.34497740864753723, -0.1468365639448166, -0.03667476400732994, 0.4731946587562561, 0.22850638628005981, -0.26030558347702026, 1.0623435974121094, -0.8667313456535339, -0.4016590118408203, 0.2872338891029358, -0.4687756299972534, 0.6623725295066833, 0.45335304737091064, -1.138088583946228, 0.3816545903682709, 0.11691218614578247, 1.5867152214050293, -0.16604763269424438, 0.6734743714332581, 0.0015271678566932678, -0.9218970537185669, 1.3910740613937378, 0.8365312814712524, -0.09005575627088547, -0.21049006283283234, 0.33524173498153687, 0.3538389801979065, 0.2736941874027252, 1.3363538980484009]} +{"paper_id": "wiki_hop", "embedding": [-0.49058181047439575, 0.8113917112350464, -0.05458912253379822, -0.34052935242652893, 0.2107323706150055, -0.3850101828575134, 0.6919376850128174, 0.7478517293930054, 0.883794367313385, 0.32471325993537903, 0.7116471529006958, -0.24213610589504242, 0.6188761591911316, 0.2986820340156555, -0.16644106805324554, 0.11311816424131393, -0.509455144405365, -0.4236268401145935, -1.431368112564087, -1.0813401937484741, -0.6445528864860535, -0.45347338914871216, -0.5525741577148438, 1.2538321018218994, -0.6653776168823242, -0.9214621186256409, 1.001240611076355, -1.065312385559082, 0.013219419866800308, 0.3966732323169708, 0.16114115715026855, 0.6850947737693787, -1.4785453081130981, 0.790848433971405, -0.19069042801856995, 0.12760961055755615, 0.2002953141927719, 0.45541122555732727, 0.40711045265197754, -0.531792938709259, -0.510003924369812, 0.4369869828224182, 0.2787550389766693, 0.4057198762893677, -0.1488114446401596, -0.6132144331932068, 0.5381472706794739, -0.017706412822008133, -0.11806689947843552, -0.3517981767654419, -0.6124970316886902, -0.21895217895507812, -0.19350378215312958, 0.7562226057052612, -0.20470169186592102, 1.0615707635879517, -0.23510479927062988, -0.5219721794128418, 0.32541510462760925, -0.46908050775527954, 1.368665337562561, 1.2875031232833862, -0.47260725498199463, 0.10688565671443939, 1.771348237991333, -0.06495747715234756, 0.7228533625602722, -0.22365261614322662, -0.4351193606853485, 1.3314639329910278, -0.4977409243583679, -0.5179092288017273, 0.004415620118379593, -0.4934237599372864, 0.24845947325229645, 0.9927268028259277, 0.4622170031070709, -0.3357226550579071, 0.361195832490921, -0.3404375910758972, -0.17148475348949432, 0.1452525109052658, 0.9632555246353149, 0.3038807213306427, -0.2027648389339447, -0.1732308566570282, 0.4952540099620819, -0.4104762375354767, 0.29708895087242126, -1.728678822517395, 0.7433786392211914, 0.6116530299186707, 0.4484493136405945, 0.051885977387428284, -0.024619586765766144, 0.1652030646800995, -0.6308419108390808, -0.6706013679504395, -0.15320494771003723, -0.20895937085151672, 0.23383459448814392, -0.0025870054960250854, 1.0174874067306519, -0.32571378350257874, 0.3755536377429962, -0.4268427789211273, 0.3935270607471466, -0.028019540011882782, -0.15028059482574463, -0.9951755404472351, 0.01875367760658264, 0.3149279057979584, 0.13581734895706177, 0.5050826072692871, -0.36630043387413025, 0.7487615346908569, 0.5006946325302124, -0.7494577169418335, -0.5994328856468201, 0.3340758681297302, 0.6527912020683289, -0.5712993144989014, -0.9317469000816345, -0.9511391520500183, 0.5290006995201111, -0.544420599937439, -0.6867019534111023, -1.3626689910888672, -0.7959647178649902, -0.22591543197631836, 0.4068089723587036, 0.6314086318016052, -0.9100167751312256, -0.5530862212181091, 3.0396082401275635, -0.5804629325866699, 1.3300484418869019, 0.1126660406589508, -0.5605632662773132, -0.47903972864151, -0.5248579382896423, 1.2495440244674683, 0.679709255695343, -1.0971403121948242, -0.30992186069488525, -0.11849725991487503, 0.13526855409145355, -0.11213459074497223, -0.663394570350647, -0.11130170524120331, -0.020748477429151535, -0.3164338767528534, -1.283815622329712, -0.4317777156829834, -0.29243895411491394, -0.20580169558525085, -0.06806075572967529, 0.1488334983587265, -0.21296051144599915, 0.9431326389312744, -0.3031299114227295, -0.26598894596099854, -0.6626503467559814, 0.6389519572257996, -0.5036970973014832, 0.3341301381587982, 1.3097248077392578, -0.12380381673574448, -0.6500344276428223, 0.09159836918115616, 0.09590160846710205, -0.2434573769569397, -0.5787050127983093, -0.9057517051696777, -0.038501422852277756, -0.09675730764865875, 0.19641084969043732, 0.5294798612594604, 0.4191190004348755, -0.6331508159637451, 0.09497303515672684, -0.16390369832515717, 0.41286665201187134, 0.9140747785568237, -0.30444926023483276, 0.5468570590019226, -3.3030624389648438, 0.1087452620267868, -0.9690677523612976, 0.8217117786407471, -0.03909388184547424, -0.1101767048239708, 0.6089919209480286, -0.21981297433376312, -0.5385816693305969, -0.8704742789268494, 0.49048227071762085, -1.200919508934021, 1.0956776142120361, -0.09013037383556366, 0.18797357380390167, -0.396619975566864, 0.19974663853645325, 1.050689697265625, 0.39468300342559814, -0.5996319651603699, -1.2134064435958862, -2.0438232421875, 0.4457136392593384, 1.804895281791687, -0.13634969294071198, -0.09706294536590576, -1.094413161277771, -0.17707951366901398, -0.09040363878011703, -0.15423451364040375, 0.2316994071006775, -0.6695125102996826, 0.0862855315208435, -0.3173307776451111, 0.5382567048072815, -0.6896233558654785, -0.0462300181388855, 0.40173038840293884, 0.9861745834350586, -0.4514543116092682, -0.5000585317611694, -0.6543434858322144, -0.7819141149520874, 0.44606611132621765, 0.361413836479187, -0.05966756120324135, -0.09067260473966599, 0.657850980758667, 0.15033209323883057, 0.9741042852401733, 1.121382474899292, 0.8232395648956299, -0.6081094741821289, 0.35742616653442383, -0.5823333263397217, 1.6598221063613892, -0.3188130855560303, 0.41032320261001587, -0.004030786454677582, -0.009958107024431229, -0.5931352376937866, -0.3841199278831482, -0.37667959928512573, -0.07439758628606796, 0.5255408883094788, 0.9268362522125244, -0.5430750250816345, 0.15908721089363098, -0.4428561329841614, -0.22923743724822998, -0.13673117756843567, -0.8196964263916016, -0.910887598991394, 0.067053884267807, 0.3952040672302246, -0.5283651947975159, 0.5310291051864624, -0.11984480172395706, 0.2947923541069031, -1.0963090658187866, -0.8143042922019958, -0.3620189428329468, 0.26503080129623413, -0.930628776550293, -0.7586874961853027, 0.14342810213565826, -1.0400525331497192, -0.02672901377081871, -0.06709019839763641, -0.6352601051330566, 0.052753299474716187, 0.22406968474388123, 1.2019513845443726, 0.5272189974784851, 0.5320797562599182, -0.38395506143569946, 1.2621030807495117, -0.37125131487846375, 0.06876875460147858, -0.13621559739112854, -0.3823568820953369, -1.2876921892166138, 0.20324832201004028, -1.1297067403793335, 0.061688557267189026, 0.698796272277832, -0.151658296585083, 0.9317790269851685, -0.19527587294578552, -1.0935791730880737, 0.6042944192886353, 0.11727695167064667, -0.05531731992959976, -0.9093765020370483, 1.5948044061660767, -0.4401519298553467, -0.7151106595993042, 0.7646763324737549, -0.3437124192714691, -0.729482114315033, 1.0617140531539917, 0.2843855321407318, -0.15772055089473724, 0.6980842351913452, -0.6791952252388, -0.08933578431606293, 0.14514169096946716, -1.587040662765503, 1.345039963722229, 0.8037678599357605, -0.4085036814212799, -0.26503002643585205, -0.6649415493011475, 0.3644753098487854, 0.0785161629319191, 0.2177368551492691, 0.7622179388999939, -0.8170458674430847, 0.48164424300193787, 0.37757137417793274, 0.7046263813972473, 0.692477285861969, -0.16207364201545715, 0.8285772204399109, 0.4010888934135437, 0.5529088973999023, -0.5093998908996582, -0.3824273645877838, 0.8743847012519836, -0.2474317103624344, 0.6062265634536743, -0.012573476880788803, 0.8327469825744629, 0.7227693796157837, -0.29110831022262573, -0.306097149848938, 0.3684903383255005, 0.5432783961296082, 0.4432511329650879, 0.07545459270477295, -0.4589157700538635, 0.29332002997398376, 0.17431485652923584, 1.2635730504989624, -0.05133993178606033, -1.1191041469573975, -0.7892866134643555, -0.7215348482131958, -0.8340057730674744, -0.27465951442718506, 1.3540033102035522, 0.3336170017719269, 2.058985948562622, 0.6154247522354126, -0.2709457278251648, -0.6906810402870178, -0.19073674082756042, 0.33095699548721313, 0.18999865651130676, -0.30228638648986816, -0.8394837379455566, 0.12632036209106445, 1.3941243886947632, 0.757306694984436, -0.212041974067688, 0.5261609554290771, 0.5357916355133057, 0.05751741677522659, -0.6709398031234741, 1.2907480001449585, 0.9241988658905029, 0.8372868895530701, 1.605638861656189, -0.6065013408660889, 0.2972317636013031, 0.45936357975006104, -0.20801857113838196, 0.00746594462543726, -0.2151574194431305, 0.33652937412261963, 0.29849618673324585, 0.5071185827255249, 1.2149630784988403, 0.2902671694755554, 0.8494728803634644, 1.6582486629486084, -0.3572278618812561, -1.8037126064300537, -0.1852111667394638, -0.42986658215522766, -0.13572219014167786, -0.40132400393486023, -0.052643705159425735, -0.5137643814086914, 0.7793405652046204, 0.11026107519865036, -0.35412561893463135, 0.5273269414901733, -0.3366034924983978, -1.0538777112960815, 0.39953285455703735, 0.9664970636367798, -1.284894347190857, -0.3077893853187561, 0.29004257917404175, -1.030900239944458, 0.18089984357357025, -0.4635156989097595, -0.8213198781013489, 0.9664767384529114, -0.022305484861135483, 0.7707474231719971, 0.030058709904551506, 0.14570578932762146, -0.9974446296691895, 1.8355920314788818, 1.0081005096435547, -0.8509316444396973, 0.44296905398368835, 0.32729387283325195, 1.1817086935043335, 0.7060418128967285, -0.8298166394233704, -0.25109627842903137, 1.4538719654083252, -0.2876240611076355, 0.4357961118221283, -1.0236847400665283, 0.15984439849853516, 1.3975777626037598, 0.9929742217063904, 0.32374799251556396, -0.6108404397964478, 0.00653227511793375, -0.8808280825614929, 0.7754421830177307, 0.8013688325881958, -1.5509852170944214, -1.333356499671936, 0.49067583680152893, -1.057043194770813, 0.3683408200740814, -0.1565435379743576, 0.06690727174282074, 2.453197717666626, -0.03051624819636345, -0.0037573128938674927, -0.6081860661506653, -11.089897155761719, 0.7912045121192932, 0.4431096911430359, 0.008562035858631134, 0.7048189640045166, -0.27621230483055115, 0.3004413843154907, 0.15129688382148743, 0.09491350501775742, -0.7091362476348877, -0.02857855334877968, 1.1634502410888672, 0.32301318645477295, -0.13517944514751434, -1.0812262296676636, -1.011760950088501, -0.4845179617404938, -0.4569375514984131, 0.2908645272254944, 0.2712603509426117, -0.3023696839809418, -0.33447402715682983, -0.5679329037666321, 0.0985165536403656, 0.28664425015449524, -0.4993644654750824, -0.38081106543540955, -0.7770112752914429, 0.42094165086746216, -0.2982483506202698, 0.6794398427009583, -0.1524122804403305, -0.43843626976013184, 0.1852521151304245, 0.017568223178386688, -0.48594045639038086, -1.013423204421997, -0.7469848990440369, 0.4819875955581665, -0.8509265184402466, -0.34856224060058594, -0.34627267718315125, 0.18230406939983368, -0.12597520649433136, -0.7713887691497803, 0.34546297788619995, 0.2060077041387558, -1.2082722187042236, -0.18215835094451904, -0.5729502439498901, -0.6896829009056091, -0.7675644755363464, -0.6924235224723816, -0.006833195686340332, 0.7631985545158386, 0.47423577308654785, -0.28701499104499817, -0.4147126078605652, -0.5517594218254089, -0.6529948711395264, 0.5623924136161804, -1.158864974975586, -0.5719850659370422, 0.6183406710624695, 0.18486343324184418, -0.4374036192893982, 0.6565858721733093, 0.3608641028404236, 0.4538332521915436, 0.5121790766716003, -0.17182421684265137, 1.2870619297027588, 0.006215016357600689, 0.2644217014312744, -0.45354703068733215, 0.5262465476989746, -0.8348308205604553, -0.8093793392181396, 0.8397194743156433, 0.06087980791926384, -0.9231750965118408, 0.7299961447715759, 0.7582548260688782, -0.462628573179245, 0.1132533848285675, 0.0006348975002765656, 0.41475334763526917, 0.18575789034366608, 0.6036368608474731, -0.5712023973464966, 1.5123519897460938, 0.3061257004737854, -0.41676318645477295, -0.8921570777893066, -0.9250686168670654, 0.44237130880355835, -1.2080506086349487, 0.5447448492050171, 0.9062526226043701, -0.8433089852333069, -0.5045108795166016, 0.3553771376609802, -1.2804934978485107, -0.6273804306983948, 1.1336897611618042, 0.44594457745552063, 0.021424129605293274, 0.32043716311454773, -0.23786042630672455, -1.0346990823745728, 0.7798213958740234, 0.748319149017334, -0.34321534633636475, 1.6462286710739136, -1.064500331878662, 1.0059419870376587, 0.6835888028144836, 0.12827268242835999, -0.6910043358802795, 1.5165938138961792, -0.7480741739273071, 1.1935840845108032, 0.6115632057189941, 1.5155030488967896, 0.3115500807762146, -0.07141659408807755, 0.2266751229763031, 0.42763879895210266, -0.7841277718544006, -0.8838856816291809, 0.04497729241847992, -0.7944363951683044, 0.05937899649143219, -0.4033351540565491, -0.8237349390983582, -0.01974472776055336, -0.2238752394914627, 1.223992943763733, -0.5607579946517944, 0.28925275802612305, -0.8245511651039124, -0.250243216753006, -0.4689040184020996, -0.4523647725582123, -0.9032389521598816, 0.44836100935935974, -1.5328474044799805, 0.04777602106332779, -0.5311194658279419, -0.4098242521286011, -0.5755767226219177, -0.824026882648468, 0.8047831654548645, -0.022943392395973206, -0.3662168085575104, -0.37296921014785767, 0.20729123055934906, -0.5265753269195557, -0.955481231212616, -0.3265284597873688, -0.43425625562667847, 1.5737589597702026, -1.1895986795425415, 1.1603957414627075, 0.1808287352323532, -0.46204307675361633, -1.043899655342102, 0.19865015149116516, -1.056799292564392, 0.44111600518226624, 0.9417974352836609, -0.6921255588531494, -0.5508320927619934, -0.6117044687271118, 0.05129871144890785, 0.022997215390205383, 0.09300940483808517, 1.1586945056915283, -1.2289680242538452, -0.025743156671524048, 0.457984060049057, 0.6460831761360168, 0.13971729576587677, -0.6488099098205566, -0.09865903854370117, 0.19250085949897766, -0.15548613667488098, 0.7755860090255737, 0.26448097825050354, 1.0894535779953003, -0.7208458781242371, -0.7649823427200317, -0.35374173521995544, -0.4636193513870239, -0.028991609811782837, -0.21685972809791565, 1.4076305627822876, 0.15696243941783905, -0.84454345703125, -0.23123404383659363, -0.10910691320896149, 0.7480787634849548, 0.016182541847229004, 1.4013216495513916, -0.23560485243797302, 0.7855328321456909, -1.2512401342391968, 0.17119243741035461, -0.06025400012731552, 1.088627576828003, -0.31634482741355896, 0.26761066913604736, 0.4538021981716156, -0.4822068214416504, -0.3461366295814514, -1.5293418169021606, 0.05654528737068176, -0.9436007142066956, -0.09994417428970337, -0.846803605556488, -0.07080083340406418, 1.0792162418365479, -0.24365241825580597, 0.6135779619216919, 0.518144428730011, 0.43629494309425354, 0.6714583039283752, 0.8854184150695801, 0.6378284692764282, 0.043845344334840775, -0.546090841293335, 0.7136160731315613, 0.9873577356338501, 0.33378973603248596, 0.2725537419319153, -0.810530960559845, -0.2670285701751709, 0.1275593340396881, -0.499631404876709, 1.1802406311035156, -0.005934562534093857, 0.933387041091919, 0.803084671497345, 1.2705999612808228, -0.3834272027015686, -2.2344651222229004, -0.32066673040390015, -1.572231411933899, 0.501697838306427, 0.8744450807571411, 0.563291072845459, -0.4234786033630371, 0.44285768270492554, -0.8667090535163879, 1.2080904245376587, -1.24232816696167, 0.32576411962509155, 0.2390013039112091, -0.4043591618537903, 0.7823952436447144, 0.2248285859823227, 0.7799115180969238, 0.43787166476249695, 0.007475204765796661, -1.2899302244186401, -0.0739845260977745, -0.8474607467651367, 1.096453309059143, 0.3684319853782654, -0.0024852389469742775, 0.005720190703868866, -0.11762294173240662, 0.979617178440094, -0.611622154712677, 1.074784755706787, 0.37693119049072266, 0.04302433133125305, -0.6311502456665039, -1.0605348348617554, 0.08273021131753922, -0.059532660990953445, 0.12754181027412415, -0.06828460097312927, -0.24427153170108795, 1.0577340126037598, 0.6212369203567505, 0.45771166682243347, -0.31457793712615967, -0.10377009212970734, -0.2083018273115158, 0.46360325813293457, 0.803221583366394, -0.7554184198379517, -1.050249695777893, 0.2668904662132263, -0.3770129680633545, 0.7829041481018066, 0.09837688505649567, -0.6974485516548157, -0.5505882501602173, 0.5272966623306274, 0.44495734572410583, 0.16314764320850372, 0.3937487006187439, 0.013620016165077686, -1.371070146560669, 0.7177173495292664, 0.9519057869911194, -0.28558146953582764, 0.4095969498157501, -0.2030753195285797, -0.277839720249176, 0.4332846403121948, 1.3756937980651855]} +{"paper_id": "wiqa", "embedding": [-0.7252063751220703, 0.9723182320594788, -0.17155486345291138, -0.003915071487426758, 0.5634062886238098, 0.17802786827087402, 1.2345019578933716, 0.09874381124973297, 0.12871673703193665, 1.1214983463287354, 0.14631003141403198, 0.1664196401834488, 0.019776780158281326, -0.14728425443172455, -0.5844987034797668, -0.7219938635826111, -1.1424614191055298, 0.1377812623977661, -1.185402750968933, -0.576747715473175, -0.7392539978027344, -0.9241608381271362, 0.04088987037539482, 0.37226930260658264, -1.1317627429962158, -0.06941178441047668, 0.4515445828437805, -0.5804378986358643, -0.4479585587978363, 0.3187650442123413, 0.012327373027801514, 1.8788511753082275, -1.6333028078079224, 1.1900346279144287, -0.3562580347061157, -0.5895024538040161, 0.010594178922474384, 0.9219475388526917, -0.31405067443847656, -0.3299854099750519, -0.8398892283439636, 0.5748429298400879, 0.5792588591575623, 0.1798465996980667, 0.30311882495880127, -0.6453655362129211, -0.4653303921222687, 0.2078118473291397, -0.3908897042274475, 0.33308911323547363, -0.41396039724349976, 0.5368790626525879, -0.2996634840965271, 0.5956512689590454, 0.21167781949043274, 0.8593577742576599, -0.0062410868704319, -1.3295708894729614, 0.16854968667030334, -0.3711646497249603, 0.42127087712287903, 1.2914503812789917, -0.42653095722198486, -0.12609797716140747, 0.33698830008506775, -0.06711220741271973, 1.2142677307128906, 0.2371370941400528, 0.46905145049095154, 0.9587305784225464, -0.08172507584095001, -0.6177704334259033, 0.33882665634155273, 0.13068526983261108, 0.4161182940006256, 0.26075661182403564, 0.5053524374961853, -0.4555124342441559, 0.1264210045337677, -0.16619661450386047, 0.212333083152771, 0.06139320135116577, 0.21351583302021027, -0.7438668608665466, -0.6627658009529114, -0.24570366740226746, 0.4852699339389801, -0.45324835181236267, -0.24865442514419556, -1.0916767120361328, 0.5290480256080627, -0.23646482825279236, 0.21861794590950012, -0.48090365529060364, 0.038143955171108246, 0.6229137182235718, 0.3019883632659912, 0.06993316113948822, -0.6243047714233398, 0.47490644454956055, 0.8493613004684448, -0.25008103251457214, 0.7443089485168457, 0.026685699820518494, 0.45786404609680176, 0.45604297518730164, -0.36436131596565247, -0.10319418460130692, -0.46248823404312134, -0.6209116578102112, -0.22290782630443573, 0.11155878752470016, 0.4664355218410492, 0.33919385075569153, -0.5644372701644897, 0.528817892074585, -0.21636351943016052, -0.39401501417160034, -0.2413410246372223, 0.17152826488018036, -0.35704925656318665, -0.784882128238678, -0.3910650312900543, 0.03631307929754257, 0.9642078280448914, -0.13684383034706116, -0.042769741266965866, 0.6992238163948059, -0.07748063653707504, 0.031205134466290474, 0.4007607102394104, 0.4362318515777588, -0.6302071213722229, 0.7566207647323608, 2.663203001022339, -0.31673818826675415, 0.7353235483169556, -0.05320548266172409, -0.3874763250350952, -0.04679074138402939, 0.014035459607839584, 0.8696914315223694, 0.6107060313224792, -1.2303353548049927, -0.8876221179962158, 0.7340636849403381, -0.3463185131549835, 0.17907236516475677, -1.1826972961425781, -0.1290132999420166, 0.3218916058540344, 0.059138134121894836, -1.1355243921279907, -0.4431484341621399, 0.35184773802757263, 0.27234798669815063, -0.12318183481693268, -0.14988428354263306, -0.22258669137954712, 0.19056352972984314, 0.2714916169643402, -0.26074445247650146, -0.7941325902938843, 0.3877396583557129, -0.8950527906417847, 0.2737865149974823, 1.2713760137557983, -0.6258979439735413, -1.4421758651733398, 0.24252846837043762, 0.3723224103450775, -0.29697439074516296, -0.02518784999847412, -0.7603363394737244, -0.104572594165802, 0.2892058491706848, 0.006042135879397392, 0.3722226917743683, -0.08748260885477066, -0.17126916348934174, -0.3992786109447479, -0.28110963106155396, -0.18740129470825195, 0.4178719222545624, -0.6658296585083008, -0.29570040106773376, -2.3776490688323975, -0.1928333193063736, -1.0771793127059937, 0.5707079172134399, -0.16764581203460693, 0.5599125623703003, 0.20651939511299133, 0.5154716968536377, -0.8026378750801086, -0.5090128183364868, 0.03785635903477669, -1.6916898488998413, 0.5791711211204529, 0.35102492570877075, 0.2416648268699646, -0.006063343025743961, -0.33454594016075134, 0.973236620426178, 0.7172385454177856, -0.7669188380241394, -0.2931252419948578, -1.6640875339508057, 0.27327799797058105, 2.058779239654541, -0.03591342270374298, -0.16388535499572754, -1.3612005710601807, -0.5127612352371216, 0.49425047636032104, 0.11924288421869278, 0.4040358364582062, -0.06512558460235596, -0.278016597032547, -1.3095216751098633, 0.6086816787719727, -0.15527382493019104, 0.2997550666332245, -0.094652459025383, 1.003870964050293, -0.722185492515564, -0.4253566563129425, -0.5762316584587097, -0.4745631217956543, 0.49604931473731995, 0.42463862895965576, 0.30131328105926514, -0.10726325213909149, 0.6418737173080444, -0.24929529428482056, 0.4700002074241638, 0.41201940178871155, 0.633734941482544, -1.0821398496627808, 0.1331859678030014, 0.06058875471353531, 0.9174975752830505, -0.10324116051197052, -0.023819461464881897, 0.6693879961967468, -0.2687435746192932, -0.10387840867042542, -0.24356992542743683, -0.06565308570861816, -0.25441431999206543, 0.8066586256027222, 0.7085615396499634, -0.42616355419158936, 0.7869455814361572, -0.9734195470809937, 0.6368823647499084, -0.09780137240886688, -0.9274160861968994, -0.31687498092651367, -0.3824458122253418, 0.2660110890865326, 0.2679124176502228, 0.11043304204940796, 0.3757425546646118, -0.4255126714706421, -1.1571524143218994, 0.4344717562198639, -0.5803247690200806, 0.25830531120300293, -0.856837272644043, 0.045290544629096985, -0.7106092572212219, -0.9184194803237915, -0.2777332663536072, 0.20926974713802338, 0.09688002616167068, -0.2791767716407776, 0.40327054262161255, 0.7694411873817444, -0.14761841297149658, -0.41733598709106445, -0.2435503900051117, 0.9601443409919739, -0.17937488853931427, 0.8107346296310425, -0.502506673336029, -0.42281538248062134, -1.0145045518875122, -0.1972879022359848, -0.9663547277450562, 0.5036761164665222, 0.3266172707080841, -0.4474508762359619, 0.24499493837356567, -0.5973698496818542, -0.5519111752510071, 0.8719465732574463, 0.014871850609779358, 0.36845633387565613, -0.7554770708084106, 1.1363627910614014, 0.5252204537391663, -0.37165674567222595, 0.3794759511947632, 0.4440440237522125, 0.17880764603614807, 1.016059160232544, -0.10165431350469589, -0.18209561705589294, 0.1458001583814621, 0.2405569702386856, 0.6746435165405273, -0.1511206328868866, -2.0057380199432373, 0.7421451210975647, 0.6877810955047607, -0.8595865964889526, 0.1941221058368683, -0.3822145462036133, 0.13259200751781464, -0.5683891773223877, -0.0886072888970375, 0.5540551543235779, -0.29775911569595337, 0.45409685373306274, -0.3438794016838074, 0.2568005323410034, 0.2730723023414612, -0.6314071416854858, 0.2807701528072357, -0.06059311702847481, 0.5354079604148865, -1.1679655313491821, -0.44114306569099426, 0.5108596682548523, 0.3438953161239624, 1.0630837678909302, -0.07567445933818817, 1.1566585302352905, 0.8923856019973755, -0.05531793087720871, -0.13998943567276, 0.714057207107544, 0.26311391592025757, 0.436855286359787, 0.595069408416748, -0.22444884479045868, 0.5390245914459229, -0.23603558540344238, 0.9740994572639465, 0.017317529767751694, 0.015102025121450424, -0.9380550980567932, -0.5762911438941956, -0.8386994004249573, -0.5018517971038818, 1.3723224401474, 0.7617896199226379, 1.758589744567871, -0.3625147044658661, 0.5836235880851746, -0.756171464920044, -0.6223239898681641, -0.07151056826114655, -0.12820231914520264, 0.6067575812339783, -0.8618506193161011, 0.28442615270614624, 0.6957911849021912, 0.9888700246810913, 0.09147697687149048, -0.24545498192310333, 1.1047989130020142, 0.5247348546981812, -0.2564765512943268, 0.2545984089374542, -0.019920211285352707, 0.0369688905775547, 1.524810552597046, -0.8524560928344727, -0.2781401574611664, -0.06407054513692856, 0.29281342029571533, 0.17658689618110657, 0.9051582217216492, -0.8610414266586304, 0.38010287284851074, 0.1849701702594757, 0.2233256846666336, 0.42360734939575195, 0.6981858015060425, 1.392789602279663, -0.2861838638782501, -0.9413844347000122, -0.024591948837041855, -0.7267844676971436, 0.007857929915189743, 0.7984799742698669, -0.46888428926467896, 0.04609661549329758, 0.7272559404373169, -0.023860102519392967, -0.8721160292625427, 0.9665902853012085, -0.5005841255187988, -1.2944365739822388, -0.5006129741668701, 1.115628957748413, -0.9936013221740723, -0.4149645268917084, 0.6436136960983276, -0.5560593605041504, -0.6438449025154114, 0.13102594017982483, -0.162995383143425, 1.4232876300811768, 0.607735276222229, 0.7554640173912048, 0.09391093254089355, 0.1706320196390152, -0.942230761051178, 1.2758538722991943, 0.4576520025730133, -0.34694263339042664, 0.3265412151813507, 0.21099571883678436, 0.8214500546455383, 0.781201958656311, -0.8220216631889343, -0.003978293854743242, 0.8609910607337952, 0.3089815676212311, 0.3793477416038513, -0.40009334683418274, -0.7724543213844299, 0.6016949415206909, 0.1862562894821167, 0.5725029706954956, -1.265577793121338, 0.1748429387807846, -0.7411237359046936, 0.8119481801986694, 1.131895661354065, -0.651286780834198, -1.2225583791732788, 0.6299253702163696, -0.7589635848999023, 0.5806194543838501, -0.31208735704421997, -0.31723853945732117, 0.7363653182983398, 0.2559415102005005, 0.006072264164686203, -0.3085135817527771, -12.965974807739258, 1.4143235683441162, 0.574490487575531, 0.06488595902919769, 0.6180368661880493, -0.20554298162460327, -0.05294118821620941, -0.429146409034729, 0.3649599552154541, -0.129694864153862, 0.46242228150367737, 1.0804167985916138, 0.44270163774490356, 0.27776241302490234, -0.5626903772354126, -2.1001508235931396, -0.9443514943122864, 0.1272672414779663, -0.05051770433783531, -0.2482861578464508, -0.41247427463531494, -0.9030888676643372, 0.4914014935493469, -0.055076729506254196, 1.0545423030853271, -0.08071698248386383, -0.38769200444221497, -0.28748390078544617, -0.560472309589386, 0.21989482641220093, 0.5819271206855774, 0.6455167531967163, -0.13978661596775055, -0.4289717376232147, 0.05416420102119446, 0.0024582198821008205, -0.6349881291389465, -0.28497982025146484, 0.7170954942703247, 0.16908158361911774, -0.3556728959083557, 0.29797855019569397, 0.396232932806015, -0.4894994795322418, -0.9750940799713135, 0.0343349426984787, 0.1167965978384018, -0.8030523657798767, -0.14731913805007935, -0.04216174781322479, -0.24512827396392822, -1.0888638496398926, -0.405485600233078, -0.7049536108970642, 0.2630543112754822, 0.012872124090790749, -0.5070757865905762, -0.064332976937294, -0.5072514414787292, -0.6117490530014038, 0.008697085082530975, 0.3803207278251648, 0.022883370518684387, 0.18959927558898926, 0.10567774623632431, 0.051168784499168396, 0.09101300686597824, 0.7220385074615479, -0.6164098381996155, 0.4691128730773926, -1.0552514791488647, 0.6355385780334473, 0.5220686197280884, 0.3332180976867676, -0.10827518254518509, 0.1258678436279297, -0.425771564245224, -0.990142285823822, 0.02428331971168518, -0.40964967012405396, -0.6870786547660828, 0.8001754879951477, 0.08382734656333923, 0.21885773539543152, -0.15562483668327332, -0.01720179244875908, 0.10357800871133804, -0.3006122410297394, 0.5055814981460571, -0.15943408012390137, 0.6405332088470459, -0.03398644179105759, -0.35830217599868774, -0.02478063851594925, -0.9297742247581482, 1.1300342082977295, -0.7131377458572388, 0.525187075138092, 0.9008082151412964, -1.0704777240753174, -0.14213809370994568, -0.1722448170185089, -1.1551424264907837, -0.3675509989261627, 1.0198771953582764, 0.1259583830833435, -0.3708750605583191, -0.6255519390106201, -0.23133333027362823, -0.9834163188934326, 0.7124163508415222, -0.15150710940361023, -0.5562145709991455, 1.1376665830612183, -0.5211886167526245, 0.2539564371109009, 1.382059097290039, 0.038825154304504395, 0.7261401414871216, 0.6596777439117432, -0.20453590154647827, 0.86446213722229, -0.25930601358413696, 0.9334297180175781, -0.21531306207180023, -0.37434110045433044, 0.5759031772613525, 0.3064287602901459, -0.5439363718032837, -1.4916579723358154, -0.29139038920402527, -0.23469415307044983, -0.09250426292419434, -0.2924644649028778, -0.3622060716152191, -0.33033204078674316, -0.5432121157646179, 1.0892716646194458, -0.7652182579040527, 0.6265707612037659, 0.25698941946029663, -0.19978486001491547, -0.068926140666008, -0.6003559827804565, -0.7472954392433167, 0.08808375895023346, -1.705156683921814, 0.3042965233325958, -0.778641402721405, -0.7411615252494812, -0.029388312250375748, -0.7666817307472229, 0.4739384055137634, -1.0684592723846436, 0.14309027791023254, -0.3191204071044922, 0.327375203371048, -0.6680601835250854, -0.6956590414047241, 0.03339339792728424, -0.1350836455821991, 1.3827420473098755, -0.1481722742319107, 0.81319659948349, 0.1103699654340744, -0.42508193850517273, -0.27983373403549194, -0.15355178713798523, -0.28970804810523987, 0.15529105067253113, 0.8605639338493347, -1.203477144241333, -0.15472933650016785, -0.07615361362695694, 0.07156726717948914, -0.4397851824760437, 1.2782783508300781, 0.5501205325126648, -0.7607583999633789, -0.380972683429718, -0.1382024884223938, 0.30159062147140503, 0.2930629551410675, -0.42208734154701233, -0.3940911293029785, -0.017610281705856323, 0.8169544339179993, 0.5265824198722839, 0.09948562830686569, 0.7968199253082275, -1.0230551958084106, -0.6817656755447388, -0.5797678232192993, 0.4328961670398712, 0.9458860754966736, -0.16291584074497223, 0.5642561316490173, 1.0702725648880005, -0.45581015944480896, -0.07256242632865906, 0.016485504806041718, 1.3383047580718994, 0.1692637801170349, 0.3616829216480255, -0.5650976300239563, 0.4213418662548065, -0.28350114822387695, 0.057593267410993576, -0.46451446413993835, 0.3540527820587158, -1.2544392347335815, 0.24307675659656525, 0.2815733253955841, -0.4060666561126709, -0.23717001080513, -0.825255274772644, 0.14874649047851562, -0.536206066608429, -0.1263665109872818, -0.7823363542556763, 0.48888099193573, 1.4682557582855225, 0.6376050114631653, 0.9192513227462769, 0.4836070239543915, 0.4875274896621704, 0.7267248630523682, 0.47773468494415283, 1.0922656059265137, 0.5282449722290039, -0.5989805459976196, 0.7259349226951599, 0.19429773092269897, 0.3126888871192932, 0.20207616686820984, -0.7362092733383179, -0.5823100209236145, 0.3825017809867859, -0.2517693042755127, 0.5748153328895569, -0.031882546842098236, 0.23714572191238403, 0.9754562973976135, 0.7855835556983948, -0.1984756886959076, -1.628453016281128, -0.7560385465621948, -0.8685490489006042, 0.41000059247016907, 0.6483332514762878, 1.3041845560073853, 0.12212365865707397, 0.5777851343154907, 0.469541072845459, 0.32266876101493835, -0.07599087804555893, 0.44742220640182495, -0.07449562102556229, 0.1979093849658966, 1.737817645072937, 0.6446819305419922, 0.10079415142536163, -0.11281221359968185, 0.5020025372505188, -0.7044119238853455, -0.6881849765777588, -0.32478004693984985, 0.8333618640899658, 0.47738581895828247, -0.2661864757537842, 0.25378596782684326, -0.6048006415367126, 0.3277767598628998, -0.21848733723163605, 0.16246792674064636, -0.25223928689956665, -0.971375584602356, -0.6159199476242065, -0.22376222908496857, 0.24622300267219543, 0.9041558504104614, -0.3324003219604492, -0.9443327784538269, 0.38744017481803894, 1.1490211486816406, 0.4836764931678772, 0.31994396448135376, -0.3026013970375061, -0.15433575212955475, 0.06220497563481331, 0.13974454998970032, 0.28788432478904724, -0.5699794292449951, -0.3256879448890686, 0.18971163034439087, -0.16214348375797272, 0.4117991328239441, -0.127461776137352, -1.2237645387649536, -0.10316862165927887, 0.14216330647468567, 0.02169995754957199, 0.23304814100265503, 0.544537365436554, -0.05289437621831894, -1.209537148475647, 0.6087285280227661, 0.7368670105934143, -0.21573948860168457, -0.3876124322414398, -0.24731895327568054, 0.5893504023551941, -0.17073652148246765, 1.1855437755584717]} +{"paper_id": "xquad_r", "embedding": [-0.1961296647787094, 1.1671855449676514, 0.5874310731887817, -0.801970362663269, 0.7398465275764465, -0.9680752754211426, 0.11343027651309967, 0.6878834962844849, 0.8694404363632202, 0.24758361279964447, 0.003781452775001526, -0.05858778953552246, 0.4693358838558197, 0.24805472791194916, -0.2143029272556305, -0.7820873856544495, -1.2517774105072021, -0.9132617115974426, -0.9742743372917175, -0.0527447834610939, -0.6852380037307739, -0.13891658186912537, -0.12369516491889954, 1.0986874103546143, -0.043081387877464294, -1.1092759370803833, 0.7586311101913452, -0.6710759997367859, 0.32929641008377075, 0.2457331120967865, -0.34173548221588135, 0.5091224312782288, -1.4796797037124634, 0.3062136173248291, -0.370449423789978, -0.21689045429229736, 0.5428850650787354, 0.8232505917549133, -0.2467344105243683, -0.5008358359336853, -0.212774395942688, -0.7054694890975952, 0.8502795100212097, 0.3704022169113159, 0.84708172082901, 0.20615920424461365, -0.24947871267795563, -0.2100173681974411, 0.12651370465755463, -0.3286765217781067, -0.14751268923282623, -0.3952994644641876, -0.3378538191318512, 0.4831825792789459, -0.8983293771743774, 0.779380738735199, 0.8729968667030334, -1.3864619731903076, 0.5960823893547058, -1.3709248304367065, 0.9904953837394714, 1.6277016401290894, -0.34308740496635437, 0.06291649490594864, 1.4783459901809692, 0.04940129816532135, 1.3349475860595703, 0.438409686088562, -0.1517394632101059, 0.1585441380739212, -0.12703971564769745, -1.4330432415008545, 0.690043568611145, 0.5575669407844543, 0.8843904733657837, 0.9718492031097412, 0.4944345951080322, -0.25001034140586853, -0.017965391278266907, -0.4009797275066376, -0.928504467010498, 0.6598039269447327, 0.5886359214782715, -0.3748563528060913, 0.2812028229236603, -0.18478891253471375, 0.14493310451507568, -0.8363574743270874, 1.0379691123962402, -1.2352409362792969, 0.7578936815261841, 0.20819784700870514, 0.6195608973503113, 0.031543806195259094, -0.334273099899292, 0.24570080637931824, -0.528427243232727, 0.2549077868461609, -0.4318123459815979, -0.018415207043290138, 0.37305450439453125, 0.17249152064323425, 0.6514918804168701, 0.22898676991462708, 0.1905568689107895, 0.6799127459526062, 0.17917048931121826, -0.4990082383155823, -0.9423961639404297, -0.6975215077400208, 0.12941527366638184, 1.3273922204971313, -0.26499873399734497, 0.002558475360274315, 0.14247781038284302, -0.21168047189712524, 0.77568119764328, -0.4960930049419403, -0.6281383037567139, 0.15792590379714966, 0.06508512049913406, -1.2125283479690552, -0.2673601806163788, 0.011920511722564697, 0.3428816795349121, -0.7529170513153076, -0.3050882816314697, -0.6052201390266418, -0.16628335416316986, 0.37910914421081543, 1.3083834648132324, 0.06632836163043976, -0.5485085248947144, -0.3266163766384125, 3.1794016361236572, -1.020055890083313, 1.5159330368041992, -0.7921831607818604, -0.5649587512016296, -0.44942599534988403, -0.3298058807849884, 1.1546428203582764, 0.5282815098762512, -1.4299635887145996, 0.2620631754398346, 0.6824442148208618, -0.6031569838523865, 0.12138035893440247, -0.7889960408210754, -0.7202464938163757, -0.5248596668243408, -0.06211506575345993, -0.8827222585678101, -0.5023365616798401, 0.1889447271823883, 0.2528175711631775, 0.12150903046131134, 0.6692186594009399, -0.08595003187656403, 1.5008288621902466, -0.5047106742858887, 0.027303731068968773, -0.7074251770973206, 0.31812673807144165, -0.43348801136016846, -0.332851767539978, 1.070237398147583, -0.015447249636054039, 0.0542636439204216, -0.01143597811460495, 0.8255378603935242, -0.1923392415046692, -0.612175703048706, 0.08366604894399643, -0.06482505798339844, -0.14354106783866882, 0.9742028117179871, 0.703086793422699, 0.043142449110746384, -0.34560438990592957, 0.4934117794036865, 0.2961660921573639, 0.5556972622871399, 0.540435254573822, 0.7314414381980896, 1.2529280185699463, -2.2899632453918457, -0.2666764259338379, -0.3386838436126709, 0.010219968855381012, -0.35189318656921387, -0.6233873963356018, -0.5491254329681396, -0.592981219291687, -0.0030341260135173798, -0.344787061214447, 0.2999807894229889, -0.7980939745903015, -0.08430009335279465, 0.5289479494094849, -0.47125574946403503, 0.09659700095653534, 0.4600712060928345, 0.7931080460548401, -0.3811405301094055, 0.25278276205062866, -1.0771375894546509, -1.6156824827194214, 0.27158883213996887, 2.5485360622406006, -0.09134522080421448, -0.9221873879432678, -1.2131824493408203, -0.34973621368408203, -0.01138082891702652, -0.424675852060318, 0.29163408279418945, -0.5057061314582825, -0.128137469291687, -1.227578043937683, 0.4800671339035034, 0.060428351163864136, 0.241080641746521, 0.4447481036186218, 1.1858716011047363, -0.5987944006919861, -0.1236766129732132, -0.17843715846538544, -1.000319480895996, 0.4153628349304199, 0.3892458975315094, 0.41682466864585876, -0.6524540185928345, 1.4667404890060425, 0.2451612651348114, 0.8437070250511169, 0.6266190409660339, 0.8577360510826111, -0.46652835607528687, -0.2820484936237335, 0.1318378746509552, 0.7459431290626526, -0.40893620252609253, 0.07624270766973495, -0.0006600767374038696, 0.5206623673439026, -0.7365606427192688, -0.19524061679840088, 0.3738662600517273, -0.2897336184978485, 1.3331116437911987, 0.9736244678497314, -0.4593794643878937, 1.604026198387146, -0.7726348638534546, -0.1827254295349121, -0.3276258707046509, -0.5493988394737244, 0.08025000989437103, -0.6655901670455933, 0.9406915307044983, -0.48654529452323914, 0.34338703751564026, -0.2560770511627197, 0.01764342188835144, -1.5284428596496582, -0.456228107213974, 0.1086961105465889, -0.963377058506012, -1.095460295677185, -0.6119015216827393, -0.39732420444488525, -1.3660461902618408, -0.9504238963127136, 0.23246333003044128, 1.133657455444336, 0.39190882444381714, 1.4443325996398926, 2.0562944412231445, 0.10986433923244476, 0.7214707136154175, 0.017964288592338562, 0.9730362296104431, -0.8345614075660706, 0.42913758754730225, 0.6059194803237915, 0.38035470247268677, -1.0781054496765137, -0.3791678249835968, -0.19475211203098297, 0.06082922965288162, 1.0697590112686157, -0.35183849930763245, 0.7378658056259155, -0.2681058347225189, -1.828633427619934, 0.7162739634513855, -0.34258341789245605, -0.3128804862499237, -0.3790087103843689, 1.6909139156341553, 0.19573050737380981, 0.023909825831651688, 0.9929548501968384, -0.5075684785842896, -0.4495290219783783, 1.3321232795715332, -0.39073657989501953, 0.123765729367733, 0.6305288672447205, -0.5763298273086548, -0.7617586851119995, 0.6434639096260071, -1.858436107635498, 0.6820533871650696, 1.223548173904419, -0.25849640369415283, -0.36430367827415466, -0.5558131337165833, 1.1620676517486572, -0.39325442910194397, 0.07363996654748917, 0.39191606640815735, -0.3006567060947418, 0.4309796988964081, -0.6065300107002258, -0.34760743379592896, 1.3601711988449097, -0.9791911840438843, 0.7963160872459412, 1.055403232574463, 0.647344172000885, -0.7545760869979858, -0.34196051955223083, 1.2760521173477173, -0.5244690179824829, 0.5642044544219971, 0.5518304705619812, 0.24482247233390808, 1.3055766820907593, -0.8825819492340088, -0.3194063603878021, -0.02156330645084381, 0.4877980053424835, 0.6045185327529907, 0.49344030022621155, -0.4358164072036743, 0.16262346506118774, -0.07728816568851471, 1.3976435661315918, 0.1967940628528595, -1.5377544164657593, -0.7408786416053772, -0.35956698656082153, -0.4437013864517212, 0.26718515157699585, 1.6466195583343506, 0.294158011674881, 1.4152672290802002, 0.5617782473564148, -0.3325032889842987, -0.18960417807102203, 0.31505709886550903, 1.188002586364746, 0.11263610422611237, -0.47793400287628174, -0.022805243730545044, -0.08213537931442261, 0.545756995677948, -0.1456174999475479, -0.500828742980957, 0.7514743804931641, 0.7524060010910034, -0.06107505038380623, -0.6695064306259155, 1.0908677577972412, 1.000645399093628, -0.11903837323188782, 1.4020423889160156, -0.6458139419555664, 0.32216760516166687, -0.35724878311157227, 0.8823176622390747, -0.2854275405406952, -0.14029765129089355, 0.018210776150226593, 1.3844833374023438, 0.49010318517684937, 0.9827146530151367, -0.0754222422838211, 0.4683237075805664, 0.8089354038238525, -0.4790339469909668, -1.6470297574996948, -0.7814576625823975, -0.7051398754119873, -0.10209981352090836, -0.09763732552528381, -0.10250768065452576, -0.45698225498199463, 0.6565861701965332, 0.006655901670455933, -0.7479922771453857, 0.5950145721435547, -0.5761793851852417, -1.7171504497528076, 1.2749989032745361, 1.402956485748291, -0.7172510623931885, -0.31835609674453735, -0.6884942054748535, -1.0629347562789917, -0.4668656587600708, -0.2634362578392029, -1.2065504789352417, -0.1474999189376831, -0.08066573739051819, 1.1914818286895752, -0.4183441400527954, -0.07303901016712189, -0.7731901407241821, 0.8818982243537903, 1.6837466955184937, -0.7057048678398132, 0.16364511847496033, 0.28781750798225403, 0.5751813054084778, -0.6218831539154053, -0.8398534655570984, -1.033467411994934, -0.02438606135547161, -0.461306095123291, 0.7470164895057678, -1.071578025817871, -0.39104020595550537, 0.401162713766098, 0.3373646140098572, 1.8608853816986084, -1.1629019975662231, 0.40722787380218506, -0.6579333543777466, -0.3152710795402527, 0.08089356124401093, -0.4374517798423767, 0.11217790842056274, 1.272247314453125, -0.666499674320221, -0.1200946792960167, -0.5315921902656555, 0.2511758506298065, 1.0796006917953491, 0.19643634557724, 0.21244226396083832, -0.5353208780288696, -10.958864212036133, 0.3823348581790924, -0.03753481060266495, 0.005967594683170319, 1.5103678703308105, -0.523311197757721, 0.9398832321166992, 0.6320743560791016, 0.562150239944458, -0.5995136499404907, 0.20530909299850464, 0.76030033826828, 0.463657945394516, -0.47584274411201477, -0.7571356296539307, -1.0706886053085327, -0.4637255370616913, -0.32663512229919434, 0.558036744594574, 0.23638761043548584, -1.163920521736145, -0.6613324880599976, -0.31410080194473267, 0.07327856123447418, 0.0205216147005558, -0.05772584676742554, -0.7116891741752625, -0.6398051977157593, 0.7203199863433838, -0.18902015686035156, 0.5348607301712036, -0.31844255328178406, -1.144951581954956, -0.357467383146286, -0.01807308942079544, -0.22787223756313324, -0.9801594018936157, -0.10337572544813156, 1.0990456342697144, 0.09667710214853287, -0.17722560465335846, 0.062176499515771866, 0.037202175706624985, 0.23379559814929962, -0.16962824761867523, 0.3358956575393677, 0.20841528475284576, -0.9357717037200928, 0.44197115302085876, -0.5771443843841553, -0.48380911350250244, -0.5002326369285583, -0.6973642110824585, 0.008513525128364563, 0.493127703666687, 0.6418913006782532, -0.5972294211387634, -0.06145855411887169, -0.34568390250205994, -1.7646396160125732, 0.8988080024719238, -0.1951276808977127, -0.2778787314891815, -0.01289990171790123, -0.019152507185935974, 0.08752129971981049, 0.4305986762046814, -0.20766636729240417, -0.25917506217956543, 0.2257709950208664, -0.7400385737419128, 0.9142888784408569, 0.4977055490016937, 0.2795249819755554, -0.3517913818359375, 0.18696755170822144, -0.7206202745437622, 0.2976391315460205, 0.10334058105945587, -0.09860806167125702, -1.2235130071640015, 0.7760786414146423, 0.6642829775810242, -0.30758100748062134, -0.3110135495662689, 0.3240523040294647, -0.6804057955741882, 0.372902512550354, 0.120706707239151, -0.3338869512081146, 0.7277243733406067, 0.09804289788007736, -0.3522949814796448, -0.3596343398094177, -0.43910080194473267, 0.838858962059021, -1.2228152751922607, 0.9144671559333801, 0.13176491856575012, -0.35701191425323486, 0.07888823747634888, -0.3986698389053345, -0.37784630060195923, 0.04730352386832237, 0.6362867951393127, 0.3449140787124634, 0.3578106760978699, -0.2502932846546173, -0.3130192458629608, -0.4849877953529358, 1.1037518978118896, 0.4329723119735718, -0.17776331305503845, 0.9593865275382996, -0.37488311529159546, 0.9549858570098877, 0.22586962580680847, 0.4757072329521179, 0.048894040286540985, 1.1585369110107422, -0.6333264112472534, 0.7427712678909302, 0.6507788300514221, 1.002350926399231, -0.39314383268356323, 0.49213895201683044, 0.3390870988368988, 0.4550149738788605, 0.12861625850200653, -1.0688841342926025, 0.11480768024921417, -0.7379933595657349, -0.3648248016834259, -1.0368350744247437, -0.1633012890815735, -0.7007141709327698, -0.9223889708518982, 1.5302566289901733, -0.07463088631629944, 0.31987252831459045, -0.24313126504421234, -0.8972161412239075, -0.267303466796875, -0.8346010446548462, -0.48111894726753235, 0.6387119889259338, -1.0048991441726685, 0.09678302705287933, -0.11666782200336456, 0.10405036807060242, 0.0019855983555316925, -0.43040981888771057, 1.3023087978363037, -0.20008255541324615, -0.11827528476715088, -0.3144679367542267, 0.0477338470518589, -0.35358837246894836, -1.5732617378234863, -0.8862615823745728, -0.06801009923219681, 1.5978803634643555, -1.328188180923462, 1.4763206243515015, 0.5628162622451782, -0.8121681213378906, -1.0850673913955688, 0.22192537784576416, -0.7240360379219055, 0.39670512080192566, 0.9864403605461121, -0.21755297482013702, -0.017301594838500023, -0.46392855048179626, -0.7151107788085938, -1.3327813148498535, 0.5743615031242371, 1.4395495653152466, -0.33188706636428833, 0.0020769089460372925, 0.30606934428215027, 0.8556112051010132, -0.08398455381393433, -0.1705871820449829, -0.7415263652801514, 0.10133781284093857, -0.1557897925376892, 0.8769026398658752, -0.07302571833133698, 0.647567093372345, -1.4482635259628296, -1.0112760066986084, -0.008238842710852623, -0.2671530842781067, -0.0467308834195137, -0.08366195857524872, 0.780398428440094, -0.04900109022855759, 0.26822662353515625, -0.20143252611160278, -0.3614219129085541, 0.4713767468929291, 0.1491386890411377, 0.46373897790908813, -0.1395927369594574, -0.1737661063671112, -0.8333286046981812, -0.07344262301921844, 0.05073999613523483, 1.2223811149597168, -1.1643084287643433, -0.26580068469047546, 0.07854355871677399, 0.33740895986557007, 0.002439528703689575, -1.0118541717529297, 0.34668031334877014, -0.03193145990371704, -0.15300388634204865, -1.4626327753067017, -0.22210106253623962, 1.6669970750808716, -0.16760951280593872, 0.9549862742424011, 0.24453207850456238, 1.1394429206848145, 0.600235641002655, 0.3146842122077942, 0.7253239154815674, -0.37991493940353394, -0.6142500042915344, -0.0892816036939621, 0.4215606153011322, -0.12930220365524292, -0.42712149024009705, -0.4483203887939453, -1.0211827754974365, 0.4308266341686249, -0.9270924925804138, 0.48340800404548645, 0.10970877856016159, 0.551116943359375, 0.6733409762382507, 0.34499144554138184, 0.10698296129703522, -1.270840048789978, 0.4352225959300995, -1.20268714427948, 0.22168053686618805, 0.18940113484859467, 0.02486921288073063, 0.4336816966533661, 0.5954589247703552, -0.20309533178806305, 0.9723011255264282, -0.7719143629074097, -0.3143049478530884, 0.04223449155688286, 0.14602071046829224, 0.8061079978942871, 0.25040310621261597, 0.26349183917045593, 0.23643112182617188, -0.5930757522583008, -0.8459191918373108, -0.7233390808105469, -0.3446846902370453, 0.8652442097663879, 0.8210883736610413, -0.033089473843574524, -0.1237587183713913, -0.35353004932403564, 1.0269745588302612, -1.1634047031402588, 1.0143177509307861, 0.2612149119377136, -0.33720266819000244, -0.8346002101898193, -0.9718805551528931, 0.6204589009284973, 0.6110604405403137, -0.27128714323043823, 0.16726884245872498, -0.5352359414100647, 0.24702253937721252, -0.20628631114959717, -0.793342649936676, -0.9720715880393982, 0.5102117657661438, -0.3442953824996948, 0.35651081800460815, 0.6109540462493896, -0.9080570340156555, -0.500099241733551, 0.20974485576152802, -1.0284427404403687, 0.7026079297065735, 0.22732006013393402, -0.7241866588592529, -0.8581312298774719, 0.6507716774940491, -0.5573880076408386, 0.15019910037517548, 0.700384795665741, -0.4388546049594879, -2.037203788757324, 1.288323163986206, 1.5368834733963013, -0.4917921721935272, -0.74828040599823, -0.022962328046560287, 0.08512987196445465, 0.5187557935714722, 1.5707428455352783]} +{"paper_id": "opus100", "embedding": [-0.06085633113980293, 1.0282419919967651, 0.6536295413970947, -0.10698200017213821, 0.7585111856460571, -0.5254538059234619, -0.08033920079469681, 0.7730836868286133, 1.1513460874557495, 0.0896330401301384, 1.0484721660614014, -0.02588452771306038, 0.2887583374977112, -0.33095410466194153, 0.2065134048461914, -0.21548426151275635, -0.7925981283187866, -0.732650637626648, -1.8702738285064697, -0.7663460373878479, -0.5604177713394165, -0.02500620298087597, 0.4036319851875305, 0.9423830509185791, -0.45329779386520386, -1.0600395202636719, 0.681154191493988, -1.0537707805633545, 0.05249898135662079, 0.8043347001075745, -0.45884430408477783, 0.9859133362770081, -1.1087881326675415, 0.7512986063957214, -0.5931653380393982, 0.015300450846552849, 0.6154518127441406, 0.8823925256729126, 0.3398461937904358, -0.1798066794872284, -0.3128353953361511, -0.8875012993812561, 0.3865290582180023, 0.45995333790779114, 1.045952320098877, 0.02878553420305252, -0.505495011806488, -0.045152682811021805, -0.16458646953105927, -0.36402609944343567, 0.07495379447937012, 0.4570602774620056, 0.1641853004693985, 0.47982195019721985, -0.7012704014778137, 1.6073261499404907, 0.3140735626220703, -0.5634806752204895, 0.4495513439178467, -1.3441073894500732, 1.2856389284133911, 1.281854271888733, -0.8504481911659241, -0.01724361628293991, 1.5889599323272705, -0.07252271473407745, 1.7701603174209595, 0.40242958068847656, 0.49017155170440674, 0.29714521765708923, 0.5094873309135437, -1.9077457189559937, 0.8633548021316528, -0.3972160816192627, 1.106590747833252, 0.7109483480453491, 0.7331351637840271, 0.45953959226608276, -0.5799962878227234, -0.2663155794143677, -1.014495849609375, 0.994412899017334, 0.4140012562274933, -0.7547418475151062, -0.058165598660707474, 0.9278849363327026, 0.07878445833921432, -0.573322057723999, 0.8541563153266907, -2.3027503490448, 0.358745813369751, -0.2610841989517212, 0.5959690809249878, -0.12005776166915894, -0.31580233573913574, 0.3163187503814697, -0.00968373566865921, -0.19259324669837952, -0.3880281448364258, 0.18908685445785522, 0.606856644153595, -0.20145918428897858, 0.23579707741737366, 0.1545221209526062, 0.21073894202709198, 1.3038462400436401, 0.1711408495903015, -1.2064967155456543, -2.117699384689331, -0.6094298362731934, 0.36952194571495056, 1.0101678371429443, -0.451271116733551, 1.0306248664855957, 0.42979109287261963, -0.8608102202415466, 0.6441290974617004, -0.36188435554504395, -0.39580556750297546, -0.2131187468767166, -0.18894486129283905, -1.3198881149291992, -0.8230792284011841, -0.9854758381843567, 0.41635704040527344, -1.2356634140014648, -0.12421941757202148, -0.8017016649246216, -0.5436159372329712, -0.5390749573707581, 0.9675078392028809, 0.48894208669662476, -0.6198621988296509, -0.7009241580963135, 2.963120222091675, -0.6739899516105652, 1.3851228952407837, -1.1738468408584595, -0.2774661183357239, -0.6060026288032532, -0.25815367698669434, 1.4702017307281494, -0.22825267910957336, -0.3003612160682678, -0.1790321320295334, -0.05075129121541977, -1.3445868492126465, -0.14135637879371643, -0.5900195240974426, -0.8055658936500549, 0.019448192790150642, 0.64373779296875, -0.8621107935905457, -1.4183313846588135, -0.6389984488487244, 0.47773370146751404, 0.6706246137619019, 1.1223008632659912, -0.2563614547252655, 1.1733994483947754, 0.07312430441379547, 0.13813944160938263, -0.4400469660758972, 0.4276975691318512, -1.1220804452896118, 0.5956373810768127, 1.1520891189575195, -0.4422536790370941, 0.2258450984954834, -1.4514085054397583, 0.9449030756950378, -0.37323999404907227, -0.07970911264419556, 0.6057636141777039, -0.3390772044658661, 1.0677800178527832, 0.6881906986236572, 0.6112070083618164, 0.2622719705104828, 0.2141662985086441, -0.34018343687057495, -0.0032277312129735947, 0.20678874850273132, 0.38649216294288635, 0.48231104016304016, 0.2985594570636749, -2.775975465774536, -0.8698657751083374, 0.15326867997646332, 0.013021320104598999, -0.15659068524837494, -0.2655867040157318, -0.08165288716554642, -0.8170030117034912, 0.5662474632263184, -0.4563713073730469, 1.1455482244491577, -0.4605303704738617, -0.8034849166870117, 0.41436803340911865, 0.39001137018203735, -0.35901936888694763, 0.3251984119415283, 0.561377227306366, -0.009474795311689377, 0.3187643587589264, 0.0246205423027277, -1.0485477447509766, -0.6528643369674683, 2.5193867683410645, 0.3277953267097473, -0.4794364869594574, -0.6574872136116028, -0.9346651434898376, 0.2690433859825134, -0.6253570318222046, 0.6345933675765991, -1.1301352977752686, -0.4984283447265625, -1.9627963304519653, 0.06812557578086853, -0.4419894218444824, 0.3174848258495331, 0.22843196988105774, 0.8025927543640137, -0.5976269841194153, -0.24119356274604797, -0.5802023410797119, -1.1862802505493164, 0.6521986126899719, 0.8050324320793152, 0.050605371594429016, -0.6437588334083557, 0.7783721685409546, 0.45939338207244873, 0.2332036942243576, 0.7360935211181641, 0.9236897826194763, -0.18319784104824066, -0.6314867734909058, 0.15440917015075684, 1.1467350721359253, -0.3231973648071289, 0.5698097348213196, 0.3461616039276123, 0.920298159122467, -0.6025504469871521, -1.0134785175323486, -0.3225663900375366, 0.00048466771841049194, 1.4626598358154297, 1.1668896675109863, -0.16381892561912537, 1.527155876159668, -0.6306650638580322, 0.035691358149051666, 0.018997423350811005, -1.3798941373825073, 0.4591222405433655, -0.5904375910758972, 0.6681075692176819, -0.6761278510093689, 0.47927629947662354, -0.6699895858764648, -0.2137656956911087, -1.5822535753250122, -0.3584393858909607, -0.9346098303794861, -0.7938835620880127, -1.8754520416259766, -0.5684332847595215, -0.1635599583387375, -0.06733420491218567, -0.5757709741592407, 0.2613871097564697, 1.0629976987838745, 0.24621686339378357, 1.3179094791412354, 2.1416420936584473, -0.2248532921075821, 0.8510177731513977, -0.3501795530319214, 0.07408928871154785, -0.8945890069007874, 1.3067818880081177, 0.877728283405304, 0.5937373638153076, -0.9328169226646423, 0.04023797810077667, -0.11435364186763763, -0.10308972001075745, 0.3614487946033478, 0.10007143765687943, 0.3300228416919708, -0.07814718782901764, -0.9485505223274231, 0.9231104850769043, -0.5351592302322388, 0.8049222826957703, -0.8807323575019836, 1.688571572303772, 0.5839204788208008, 0.09340940415859222, 0.48979175090789795, -0.33373668789863586, 0.06550885736942291, 1.4244121313095093, -0.8875588178634644, 0.9135568141937256, 1.5050036907196045, -0.30852335691452026, 0.4225190579891205, -0.3726266622543335, -1.2216012477874756, -0.4390651285648346, 0.489014595746994, 0.1660049557685852, -0.33101943135261536, -0.9912673830986023, 0.5465357303619385, -0.6066940426826477, -0.46999576687812805, 0.2994273900985718, -0.4550186097621918, -0.033774834126234055, -0.05855579674243927, 0.6537854075431824, 1.1503872871398926, -0.5866343379020691, 1.0525435209274292, 2.1099627017974854, 0.04453017935156822, 0.20552721619606018, -0.49796825647354126, 0.9857489466667175, -0.6940062642097473, -0.1593894213438034, 0.35675540566444397, 0.4669281244277954, 1.919179916381836, -0.07672130316495895, -0.05788044631481171, 0.762396514415741, 1.4797650575637817, -0.10716057568788528, 0.6248790621757507, -0.5891364812850952, -0.10145889222621918, 0.2911543846130371, 1.0404696464538574, -0.3327990174293518, -1.163376808166504, -0.7386028170585632, 0.6141221523284912, -0.4383295178413391, -0.34435731172561646, 1.9573948383331299, 0.6846371293067932, 1.3679111003875732, -0.14338183403015137, -0.09040830284357071, -0.25384676456451416, 0.2743355929851532, 0.5674836039543152, 0.6228106021881104, -0.5541648864746094, -0.34076637029647827, -0.28187239170074463, 1.3301966190338135, -0.6057945489883423, -0.6462082862854004, -0.06088170036673546, 0.9430503845214844, -0.919190526008606, -0.9417222738265991, 0.4956017732620239, 0.6330879330635071, 0.6670114398002625, 0.9077728390693665, -0.5527603030204773, -1.1978659629821777, 0.42289960384368896, 1.0012054443359375, -0.20220030844211578, 0.3438178300857544, -0.4897395074367523, 0.31975656747817993, 0.7014845013618469, 1.1902425289154053, 0.4794023036956787, 0.5419613122940063, 0.4710288345813751, -1.1489598751068115, -0.6785322427749634, 0.10313992202281952, -0.7397271394729614, -0.9201439619064331, -0.7698742151260376, -0.14627690613269806, -1.3736393451690674, 0.8341831564903259, -0.747890055179596, -0.39352449774742126, 0.8006953001022339, 0.19863834977149963, -1.5227130651474, 0.42858952283859253, 1.3103301525115967, -1.5095069408416748, -0.31203046441078186, -0.44306236505508423, -0.6638786196708679, -0.5266061425209045, -0.02960681915283203, 0.32601574063301086, -0.845051109790802, -0.2197021096944809, -0.02128516137599945, -0.7596021294593811, -0.29063165187835693, -1.4239073991775513, 0.47308123111724854, 1.6779824495315552, -0.6346288919448853, 0.8339515924453735, 0.6237671375274658, 0.5553364157676697, 0.1657816618680954, -0.7103581428527832, -0.3942502439022064, 0.24506883323192596, 0.4009244441986084, 0.13555358350276947, -0.23045417666435242, -0.6898449659347534, 0.13879480957984924, -0.44799500703811646, 1.4871219396591187, -0.9707427620887756, -0.06979750096797943, -0.6580810546875, 0.7735632061958313, 0.5982393622398376, -0.34281158447265625, -0.3063753843307495, 1.1455941200256348, -0.32507145404815674, 0.020514652132987976, 0.30364513397216797, 0.5752410888671875, 1.2581830024719238, 0.3465028703212738, 0.44721537828445435, -0.3106938600540161, -9.12635612487793, -0.317891001701355, -0.6121731400489807, -0.4753504991531372, 0.7256648540496826, -0.21687087416648865, 1.181179165840149, 0.41662538051605225, -0.43727001547813416, -0.696070671081543, 0.5371294021606445, 1.190816879272461, 0.40744128823280334, -1.0559085607528687, -0.7089977264404297, -0.8080019950866699, -0.5655819773674011, 0.17510001361370087, 0.6730176210403442, 0.45515507459640503, -1.2372950315475464, -1.1018766164779663, -0.2713838815689087, 0.533270537853241, -0.8574062585830688, 0.42055073380470276, -0.18958207964897156, -0.43562376499176025, -0.1508929282426834, -0.15255171060562134, 0.721345067024231, -0.4733273386955261, -0.9215495586395264, -1.2022285461425781, 1.134819507598877, -0.07576408982276917, -1.291245698928833, 0.16081123054027557, 1.456251859664917, 0.05073316767811775, -0.05047767609357834, 0.5179646015167236, -0.11013906449079514, 0.7485209107398987, -0.4922943711280823, -0.038531698286533356, 0.6884161829948425, -0.8363193869590759, 0.6328660845756531, -0.7912942171096802, -0.8952372670173645, -1.2460811138153076, -0.93495112657547, -0.33649858832359314, 0.9025984406471252, 0.4945748746395111, -1.0434165000915527, 0.3874763548374176, -0.047455690801143646, -1.4653915166854858, 0.5976499915122986, 0.41950279474258423, -0.19587713479995728, -0.12643322348594666, -0.10406773537397385, -0.26471415162086487, 0.3662540018558502, 0.13730505108833313, -0.8943459391593933, 0.4261458218097687, -1.0306339263916016, -0.16564808785915375, 0.060946185141801834, 0.32227766513824463, -0.3920190632343292, -0.10215713828802109, -0.03437665477395058, -0.038624681532382965, 0.4027806222438812, 0.49505850672721863, -0.9452803730964661, 0.4080698788166046, -0.22142493724822998, -0.5198237299919128, -0.326678603887558, 0.21905460953712463, -0.7301828265190125, 0.4622979760169983, 0.7362328767776489, 0.669922947883606, 0.6278480887413025, -0.427839994430542, 0.007018230855464935, -0.12659475207328796, -0.06784151494503021, 1.5376924276351929, -1.2057937383651733, 0.08909620344638824, -0.04926394671201706, -1.733225703239441, 1.1059813499450684, 0.44315555691719055, -0.14868539571762085, -0.10136290639638901, 0.9974241256713867, 0.3611886203289032, 0.10731697082519531, 0.3891352117061615, 0.33529016375541687, -0.10430140793323517, 0.9293926358222961, -0.2410445362329483, -0.18257729709148407, 0.7901637554168701, 0.07357935607433319, 1.318175196647644, 0.7524256706237793, 0.5845863223075867, 1.0436983108520508, 0.6341677904129028, -0.5665898323059082, 1.0256825685501099, 0.2722149193286896, 1.574660062789917, -0.29689720273017883, 0.5516142249107361, 0.24085375666618347, 0.9940766096115112, -0.1306496560573578, -0.8088141679763794, 0.06330227106809616, -0.13527968525886536, -0.32441797852516174, -0.4027419984340668, -0.4059208929538727, -0.1869802623987198, -0.5675131678581238, 1.9163228273391724, -0.06648331880569458, 0.6458467245101929, 0.22478608787059784, -1.417182207107544, 0.48729634284973145, -0.3395581543445587, -1.195369839668274, -0.2541521191596985, -0.3846132755279541, -0.4170071482658386, -0.40180832147598267, -0.270922988653183, 0.8246573209762573, 0.3225869834423065, 0.8280007243156433, -1.2204699516296387, -0.03334582597017288, -0.29416146874427795, 0.17195503413677216, -0.9956606030464172, -0.2572827935218811, -0.5573761463165283, 0.08050411194562912, 2.130354642868042, -0.8181679844856262, 0.8734635710716248, -0.1359192132949829, 0.624896228313446, -0.605197548866272, -0.3487863838672638, -0.6466243267059326, 0.7118401527404785, 1.1206204891204834, -0.3601493835449219, -0.212893545627594, -0.5863558650016785, -0.8400406837463379, -0.7508631944656372, 0.6903092265129089, 1.6531037092208862, -0.09316016733646393, 0.751711905002594, -0.02203809842467308, 0.6421933770179749, -0.3145461678504944, -0.45506370067596436, -0.8094300031661987, 0.35554078221321106, -0.48780688643455505, 1.109344720840454, -0.5524126887321472, 0.7072299122810364, -2.3512699604034424, -1.3435704708099365, -0.16401059925556183, -0.6263848543167114, 0.3111627399921417, -0.26714029908180237, 0.618195652961731, -0.32282009720802307, 0.6435871124267578, 0.14942628145217896, -0.20513635873794556, 0.3521225154399872, -0.46867427229881287, 0.4114021360874176, 0.2076578587293625, 0.1552855670452118, -0.8860746026039124, 0.2874680757522583, 0.15508998930454254, -0.04836287721991539, -1.3618158102035522, 0.281067430973053, -0.02169802412390709, 0.15410517156124115, -0.2804710268974304, -0.6927804946899414, 0.785145103931427, -0.3709588348865509, 0.29596754908561707, -1.3527276515960693, -0.363979697227478, 1.2869300842285156, -0.6937732696533203, 0.8266327977180481, 0.3627157509326935, 0.7674815058708191, 0.4919520914554596, 0.5999538898468018, 0.7713422179222107, -0.4758269786834717, -1.0423798561096191, -0.22376835346221924, 0.33127427101135254, -0.955077588558197, -0.09180671721696854, 0.1663455367088318, -1.8008525371551514, -0.2794552147388458, -1.6733345985412598, 1.0824772119522095, -0.45560407638549805, 0.5898027420043945, 0.2567178010940552, 0.611081063747406, -0.16386902332305908, -1.4399445056915283, 0.5529757738113403, -0.4891916513442993, 0.2399854212999344, 0.9830443859100342, 0.05837458372116089, 0.2949070334434509, 0.509502649307251, 0.10545823723077774, 0.752659797668457, -0.4297906458377838, -0.802610456943512, -0.11450078338384628, 0.3692435026168823, 1.0180314779281616, 0.04979247599840164, -0.02261875942349434, -0.22026166319847107, 0.36421430110931396, -0.4413147568702698, -0.8264814615249634, 0.3928563594818115, 0.28363603353500366, 1.3856456279754639, -0.08478692173957825, -0.07156093418598175, -1.8897089958190918, -0.18051008880138397, -1.4333288669586182, 1.1646935939788818, 1.4181292057037354, -0.49497461318969727, -1.8344871997833252, -1.2292152643203735, 0.07632525265216827, 0.8457643985748291, -0.20561963319778442, 0.38079941272735596, -0.9837728142738342, 1.020512342453003, 0.1728564351797104, -0.635807454586029, -1.3947243690490723, 0.29422637820243835, -0.23465366661548615, 0.15734916925430298, 0.3611404299736023, -0.6968067288398743, -0.48853281140327454, 0.30070534348487854, -1.154583215713501, 0.2921319007873535, -0.15680447220802307, -0.44841906428337097, -0.6540225744247437, -0.3609800636768341, -0.23940744996070862, -0.19875764846801758, 0.4444822669029236, -0.40518897771835327, -1.9199931621551514, 1.148561954498291, 0.8985403776168823, -0.9171267151832581, -0.970198929309845, 0.3378836214542389, -0.019576217979192734, -0.25188887119293213, 1.8006784915924072]} +{"paper_id": "tydiqa", "embedding": [-0.6659566164016724, 0.6176953911781311, 0.2510777413845062, -0.4413410425186157, 0.6216241121292114, -0.30818718671798706, -0.04391852021217346, 0.9172974228858948, 0.8708286285400391, 0.36437010765075684, 0.2549523115158081, -0.16611063480377197, 0.7364917397499084, 0.03096979483962059, -0.0074341557919979095, -0.6125281453132629, -1.1197419166564941, -0.8546473979949951, -1.0888928174972534, -0.2531919479370117, -0.15225377678871155, -0.14772018790245056, -0.43636640906333923, 1.347014307975769, -0.431850403547287, -1.357138752937317, 0.7479828596115112, -0.46312209963798523, 0.5099141001701355, 0.5589155554771423, -0.1492672860622406, 0.6254726052284241, -1.5779427289962769, 0.2571835517883301, -0.40829572081565857, -0.2608041763305664, -0.0734766349196434, 1.11990225315094, -0.1895124316215515, -0.2081892490386963, -0.6363725662231445, -0.201827734708786, 0.251629114151001, 0.9003733992576599, 0.8324882388114929, -0.21657711267471313, -0.07634556293487549, 0.023507583886384964, -0.4484819769859314, -0.3317963182926178, -0.3810454308986664, 0.3645116686820984, 0.004826001822948456, 0.7419921159744263, -0.3942655920982361, 0.49691659212112427, 0.4723612368106842, -1.0922057628631592, 0.6186882853507996, -1.4114203453063965, 1.031334400177002, 1.7535473108291626, -0.9306474924087524, 0.37353020906448364, 1.2533626556396484, -0.25276651978492737, 0.9477521777153015, 0.4482728838920593, 0.11566559225320816, 0.9644695520401001, 0.19569958746433258, -0.4130553603172302, 1.2942448854446411, 0.5396754741668701, 0.8017280101776123, 0.6187219619750977, 0.026946546509861946, 0.1987033635377884, -0.40219324827194214, -0.5125809907913208, -0.26583364605903625, 0.12222598493099213, 0.3028365671634674, -0.6653855443000793, -0.051529716700315475, 0.27511003613471985, 0.2623794972896576, -1.2472058534622192, 0.669272243976593, -1.581304907798767, 0.6180922985076904, -0.0077886031940579414, 0.163404643535614, -0.2820194661617279, -0.31032928824424744, 0.21350231766700745, -0.9276525974273682, 0.39327582716941833, 0.16044571995735168, 0.275885671377182, 0.5157645344734192, -0.044736213982105255, 0.7366947531700134, 0.057306427508592606, -0.05177769064903259, 0.2160232663154602, 0.02109818160533905, -0.336497038602829, -0.6799530982971191, -0.2924538850784302, -0.14349134266376495, 0.7006520628929138, -0.49034228920936584, 0.3539707362651825, 0.22063666582107544, 0.44520607590675354, 0.44347870349884033, -1.1024550199508667, -0.5036736130714417, 0.15501144528388977, 0.20393772423267365, -0.7967050671577454, -0.18339797854423523, 0.20967648923397064, 0.7955201268196106, -0.40267613530158997, -0.2589187026023865, -0.3038775622844696, -0.5675110220909119, 0.1257852464914322, 1.0789107084274292, 0.06563689559698105, -0.26958543062210083, -0.45897337794303894, 3.1243085861206055, -0.7482156753540039, 1.652551531791687, -0.7130785584449768, 0.027787119150161743, -0.29867812991142273, -0.8009091019630432, 0.7774611115455627, 0.45948290824890137, -1.3971047401428223, -0.26267796754837036, 0.04216908663511276, -0.4386633336544037, 0.07815847545862198, -0.9223631620407104, -0.021395154297351837, -0.23445996642112732, 0.46196725964546204, -0.8764446377754211, -0.411737322807312, 0.5950385332107544, 0.31947943568229675, -0.031810786575078964, 0.6278305053710938, -0.5633140206336975, 0.866131067276001, -0.16648414731025696, 0.2598913908004761, -0.40157991647720337, 0.5069169402122498, -0.8921090364456177, -0.22611315548419952, 0.8021271228790283, -0.05092538893222809, -0.27126461267471313, -0.06738018989562988, 0.321338415145874, -0.40248802304267883, -0.22405055165290833, 0.15358832478523254, -0.09368948638439178, -0.43852707743644714, 0.5859407186508179, 0.4196934700012207, 0.29755735397338867, -0.6367380619049072, -0.12654778361320496, 0.1244017630815506, 0.287735253572464, 1.058988094329834, 0.028694897890090942, 0.296301007270813, -2.004033327102661, 0.09546665847301483, 0.07859350740909576, -0.19818896055221558, 0.026824817061424255, -0.4984188675880432, -0.04620205610990524, -0.6124520897865295, 0.11050204932689667, -0.12596191465854645, 0.4624691605567932, -1.3320153951644897, -0.4283202886581421, 0.10137730836868286, -0.6110308766365051, 0.32961681485176086, 0.3318474590778351, 0.5879504680633545, 0.24394261837005615, -0.27536776661872864, -0.9491385221481323, -1.3041483163833618, 0.17561136186122894, 2.058976650238037, 0.0340130440890789, -0.3829425573348999, -1.0254738330841064, -0.33985960483551025, -0.471535325050354, -0.8363147974014282, -0.18069246411323547, -0.8931161761283875, 0.1825924664735794, -1.390710473060608, 0.3874633014202118, -0.4227617681026459, -0.05894777178764343, 0.3504638373851776, 1.3404086828231812, -0.872066080570221, -0.2532179355621338, -0.5400409698486328, -0.9973480701446533, 0.5863550305366516, 0.84176105260849, 0.3624119460582733, -0.4520452320575714, 0.6704769134521484, -0.22426004707813263, 0.8519704341888428, 0.3607567250728607, 0.8363221883773804, -0.7823266983032227, -0.3216668367385864, -0.181726336479187, 1.351923942565918, -0.06759791076183319, 0.41850605607032776, 0.37385278940200806, 0.7311107516288757, -0.6633356213569641, -0.25736570358276367, 0.05950687825679779, -0.19082781672477722, 1.3499549627304077, 1.1532951593399048, -0.7119936347007751, 1.4404940605163574, -1.143956184387207, 0.27603229880332947, -0.1741887629032135, -0.7751260995864868, -0.5021120309829712, -0.4783458113670349, 1.2098129987716675, -0.2903713881969452, 0.6877278089523315, 0.2962872385978699, 0.08771900832653046, -1.4616572856903076, 0.09100997447967529, -0.11242539435625076, -0.5176936984062195, -0.6865934133529663, -0.30128002166748047, -0.48470252752304077, -0.7455898523330688, -0.9096670150756836, 0.11420992761850357, 0.6871466636657715, -0.23268063366413116, 1.330397367477417, 1.2159701585769653, 0.41251078248023987, 0.5533064603805542, 0.00348113477230072, 1.2558283805847168, -0.9969863295555115, 0.4210641384124756, 0.06631280481815338, -0.03962143138051033, -1.0782957077026367, -0.12718597054481506, -0.5614672899246216, -0.2534869909286499, 0.7910611629486084, -0.4379332661628723, 0.8160697221755981, -0.14759157598018646, -1.4117268323898315, 0.8186417818069458, -0.42374011874198914, -0.35183894634246826, -0.4776650667190552, 1.6896305084228516, -0.31219181418418884, 0.007437966763973236, 0.944073498249054, -0.6564053297042847, 0.19588159024715424, 0.9105695486068726, 0.19417735934257507, -0.2753770649433136, 0.5378310084342957, -0.08141693472862244, -0.14649349451065063, 0.6835240125656128, -1.9212238788604736, 0.7725040316581726, 1.0885525941848755, -0.10722030699253082, -0.18132361769676208, -0.6332137584686279, 0.5132144093513489, -0.36226019263267517, 0.04014843702316284, 0.663375973701477, -0.07672715932130814, 0.6264996528625488, 0.1441022753715515, 0.03378929942846298, 1.244508147239685, -0.1990489661693573, 0.11867494881153107, 1.0022754669189453, 0.6406076550483704, -0.5897387862205505, -0.10035362839698792, 0.3080272972583771, -0.6668784618377686, 0.6456379890441895, 0.346424400806427, 0.6301370859146118, 1.2010014057159424, -0.3921046257019043, -0.3823647201061249, 0.4390100836753845, 0.4041057825088501, 0.34032654762268066, 0.002579796127974987, -0.3185267448425293, 0.8074359893798828, 0.12848837673664093, 1.3979573249816895, 0.3914128243923187, -1.1990611553192139, -0.9596789479255676, -0.4945230484008789, -0.6330457329750061, -0.1329173445701599, 1.3627753257751465, 0.8358513712882996, 0.8796678781509399, 0.18300336599349976, 0.1583978235721588, -0.8440545797348022, -0.2546980679035187, 1.1691946983337402, -0.004084457643330097, -0.1676950305700302, -0.28791624307632446, 0.06857497245073318, 0.8388091921806335, -0.39214807748794556, -0.5345001220703125, 0.02363796904683113, 1.1620818376541138, 0.3982413709163666, -0.43892765045166016, 0.5295524001121521, 0.9158572554588318, 0.059501662850379944, 0.8034141063690186, -0.7039617896080017, 0.11708314716815948, -0.1633189469575882, 0.5048921704292297, -0.2406350076198578, 0.2224549651145935, -0.2634456753730774, 0.561303436756134, 0.06324993073940277, 1.0685619115829468, 0.09187203645706177, 0.8614168763160706, 0.9605890512466431, -0.7813102006912231, -0.7215889692306519, -0.26158007979393005, -1.262158751487732, -0.11383546888828278, 0.4363560080528259, 0.04291876032948494, -0.9375745058059692, 0.547346293926239, -0.09902747720479965, -0.2532699406147003, 0.39911356568336487, -0.6818963885307312, -0.7063847780227661, 0.6805565357208252, 0.9639155864715576, -0.9879680871963501, -0.5489047765731812, -0.3187062740325928, -0.939619243144989, -0.8266147375106812, 0.09060221165418625, -0.9953416585922241, -0.06182045862078667, -0.18799501657485962, 0.7609544396400452, -0.35591739416122437, -0.2755082845687866, -0.9733090400695801, 1.0982810258865356, 0.982609212398529, -0.49877631664276123, -0.10209472477436066, 0.031842563301324844, 1.0000476837158203, -0.09111464023590088, -1.0182396173477173, -0.7442625164985657, 0.9261497855186462, 0.020448632538318634, 0.6191953420639038, -0.5277734398841858, -0.7232757210731506, 0.5056155323982239, 0.3848436176776886, 0.9555132985115051, -1.26083505153656, 0.12156806886196136, -0.6663565635681152, 0.15874207019805908, 0.9905300140380859, -0.7627695798873901, -0.43896403908729553, 0.5525631904602051, 0.01425180584192276, 0.4905604422092438, -0.7485001087188721, 0.0789097249507904, 0.5592523217201233, 0.030054189264774323, 0.34973621368408203, -0.19037379324436188, -12.382689476013184, 0.8736082911491394, -0.16661331057548523, 0.47711318731307983, 0.9605374932289124, -0.5627716779708862, 1.0116533041000366, 0.1923428475856781, 0.3864772319793701, -0.7204549908638, -0.18238647282123566, 0.7976065874099731, 0.45365098118782043, -0.06754527240991592, -0.7429968118667603, -1.4329806566238403, -0.6491808891296387, -0.4980725049972534, 0.19143255054950714, -0.23447149991989136, -0.7053954601287842, -0.4250865578651428, -0.5288044214248657, 0.5432484745979309, 0.23348556458950043, -0.4247548580169678, -0.5227751135826111, -0.41354525089263916, 0.06325787305831909, -0.5406175255775452, 0.6020801663398743, 0.1984063982963562, -0.674129068851471, -0.23120412230491638, -0.30674371123313904, -0.010778287425637245, -0.6096270680427551, 0.08353520184755325, 1.1133058071136475, -0.3267509639263153, -0.2915040850639343, 0.46540164947509766, 0.538280189037323, 0.32854512333869934, -0.0166079830378294, -0.0624350905418396, 0.22979316115379333, -0.38434141874313354, 0.5545918345451355, -0.7500426173210144, -0.5752358436584473, -0.613474428653717, -0.403912752866745, -0.47044965624809265, 0.027189645916223526, 0.19244635105133057, -0.5058993101119995, -0.32313641905784607, -0.40865927934646606, -1.3280595541000366, 0.34620147943496704, -0.07831873744726181, -0.7222974300384521, 0.09545272588729858, -0.41089892387390137, -0.21177077293395996, 0.05432404205203056, -0.026000142097473145, -0.2288230061531067, 0.11972007155418396, -0.8401418328285217, 0.7177494168281555, -0.010127779096364975, 0.28377360105514526, -0.7607290744781494, -0.22996267676353455, -0.8746246695518494, -0.35075652599334717, 0.411170095205307, 0.006182674318552017, -1.0332927703857422, 1.1084315776824951, 0.8427234888076782, -0.2121383547782898, -0.2502882778644562, 0.02147437259554863, -0.045024894177913666, 0.2788834571838379, 0.6775124073028564, -0.41516274213790894, 0.90556800365448, 0.1075606420636177, 0.01650775410234928, -0.17141452431678772, -0.4090821444988251, 1.1900711059570312, -0.7532129287719727, 0.4578748345375061, 0.028401993215084076, -0.38980427384376526, -0.7498035430908203, -0.5340429544448853, -0.8401330709457397, 0.12296631932258606, 0.8238363265991211, 0.033612191677093506, 0.5244249105453491, 0.16248705983161926, 0.5142804384231567, -0.3940572142601013, 1.0947250127792358, -0.004377149045467377, -0.21073687076568604, 1.21796715259552, -0.45934924483299255, 0.9984573721885681, 0.332853764295578, 0.3017805516719818, 0.626043438911438, 1.0104076862335205, -0.47757792472839355, 0.8791224360466003, -0.21427828073501587, 1.356029987335205, -0.6283007264137268, 0.39698460698127747, 0.08017183840274811, 0.5703012347221375, -0.0019688885658979416, -1.0370324850082397, -0.13611626625061035, -0.5433505773544312, 0.1164834201335907, -1.0378493070602417, -0.1647253930568695, -0.40657839179039, -0.45203644037246704, 1.2311069965362549, -0.4876289367675781, 0.3619890511035919, -0.5017579793930054, -1.0002557039260864, -0.5223805904388428, -1.3346368074417114, -0.742099404335022, 0.1558782458305359, -0.7831234931945801, 0.2127375453710556, -0.22207781672477722, -0.49291396141052246, 0.3079010844230652, -0.19840610027313232, 1.3409805297851562, -0.7375903129577637, -0.08559717983007431, -0.4350167214870453, 0.08047010004520416, -0.2770547568798065, -1.1805166006088257, -0.10350802540779114, 0.21812447905540466, 1.521051287651062, -0.8247472643852234, 1.9051017761230469, 0.3090684711933136, 0.10918109118938446, -0.5512604117393494, -0.10506780445575714, -0.2989378273487091, 0.18308573961257935, 0.6499993205070496, -0.5732435584068298, -0.7352201342582703, -0.6203629374504089, -0.635405957698822, -0.6675772666931152, 0.08317461609840393, 0.8348538875579834, -0.6268743276596069, 0.19137698411941528, -0.0018390882760286331, 0.7935357093811035, -0.7224100828170776, -0.19687488675117493, -0.7147085666656494, 0.17333221435546875, -0.25192707777023315, 0.9793934226036072, 0.8195661902427673, 1.1076960563659668, -1.2998502254486084, -1.3480384349822998, -0.5165748596191406, 0.4703737497329712, 0.36668938398361206, -0.22642716765403748, 0.6578084230422974, -0.010197898373007774, -0.029444240033626556, -0.0844842791557312, -0.1461850106716156, 0.3349469304084778, 0.3652728199958801, -0.14863121509552002, -0.3059304654598236, 0.44151216745376587, -0.22148042917251587, 0.024158846586942673, 0.38431835174560547, 0.7805799841880798, -0.8563501834869385, -0.9843254089355469, 0.45857641100883484, 0.0203004851937294, -0.1877158284187317, -0.6630345582962036, 0.22818955779075623, 0.051373984664678574, 0.12985453009605408, -0.8891855478286743, -0.08453574031591415, 1.4191765785217285, -0.2599027156829834, 0.8958652019500732, 0.4313470721244812, 1.0919773578643799, 0.4687601923942566, 0.6528238654136658, 0.4815187454223633, -0.4739648699760437, -0.45050323009490967, 0.1407957524061203, 0.3882165849208832, -0.06251746416091919, -0.5020246505737305, -0.17984436452388763, -0.569835901260376, 0.42608803510665894, -0.6558143496513367, 0.9338708519935608, -0.1851920634508133, 0.7574642300605774, 0.4312446117401123, 0.9612099528312683, -0.3463779091835022, -1.4239495992660522, -0.149623304605484, -0.996960461139679, 0.08815087378025055, -0.0358591228723526, 0.9715451002120972, 0.5610300898551941, 0.8016072511672974, 0.18443512916564941, 1.1185420751571655, -0.8883166909217834, -0.19394148886203766, 0.3434045910835266, 0.06777646392583847, 1.2361494302749634, 0.35774385929107666, 0.23938031494617462, 0.2935400605201721, -0.15481793880462646, -0.8182142376899719, -0.29156938195228577, -0.07398158311843872, 1.0453898906707764, 1.0298694372177124, -0.0019238106906414032, 0.06180013716220856, -1.0910362005233765, 1.558403491973877, -0.450753778219223, 0.6833090782165527, 0.6759244799613953, -0.2777169346809387, -0.4617643356323242, -0.9072476625442505, 0.455267071723938, 0.5583791136741638, -0.09503327310085297, 0.08024725317955017, -0.4835659861564636, 0.34965571761131287, 0.35864731669425964, -0.5731875896453857, -0.9563701748847961, 0.4618600606918335, -0.5424946546554565, -0.09808829426765442, 0.8786183595657349, -0.5118325352668762, -0.4952123165130615, -0.05384707823395729, -0.9127272963523865, 0.4118022918701172, 0.5409079790115356, -0.9445077776908875, -0.6937060952186584, 0.3090722858905792, -0.40897423028945923, 0.38078808784484863, 0.15962320566177368, -0.6333335638046265, -1.4353461265563965, 0.9810295701026917, 1.7201883792877197, -0.31332260370254517, -0.2404603213071823, -0.29118895530700684, -0.24264217913150787, 0.4854997992515564, 1.3296663761138916]} +{"paper_id": "codah", "embedding": [-0.04587067663669586, 0.8478814363479614, 0.2322482466697693, -0.39969080686569214, 0.3608730137348175, 0.12057033181190491, 0.3934396803379059, 0.4799463152885437, 0.9926212430000305, 0.2430601567029953, 0.34018728137016296, 0.45861464738845825, 0.01734902337193489, -0.12302108108997345, -0.42820560932159424, -0.38928133249282837, -0.5532957315444946, 0.17679180204868317, -1.6957898139953613, 0.07191964238882065, -0.6656607389450073, -0.9843758940696716, -0.2765652537345886, 0.912973165512085, -0.7497091889381409, -0.528061032295227, 0.6723170280456543, -1.1369999647140503, 0.829136073589325, 0.3402397334575653, -0.3927844762802124, 1.4647340774536133, -1.5423380136489868, 0.5649935007095337, -0.6207841038703918, -0.504119873046875, 0.32963064312934875, 0.9284470081329346, 0.394979864358902, -0.4771002531051636, -0.5560780763626099, 0.5196475386619568, 0.7468582391738892, 0.2643442749977112, 1.0416289567947388, -0.33102428913116455, 0.4589214026927948, -0.4637283384799957, -0.8914963006973267, -0.062106840312480927, -0.876250147819519, 0.21572163701057434, 0.21261554956436157, 0.6690800189971924, -0.11514069885015488, 0.5684642195701599, 0.5553221106529236, -0.1637500375509262, 0.804408848285675, -0.9139212369918823, 1.9337033033370972, 1.6047124862670898, -0.06080588698387146, 0.46627897024154663, 1.2116775512695312, 0.1750389188528061, 2.052483320236206, 0.7130820155143738, -0.538615882396698, 0.8327832818031311, -0.3170660734176636, -1.3236258029937744, -0.2943131625652313, 0.00922393798828125, -0.0870032012462616, 0.08888083696365356, -0.4455185830593109, 0.5638429522514343, 0.19108876585960388, 0.20026642084121704, -0.042519185692071915, 0.2576534152030945, 0.34179869294166565, -0.026031095534563065, 0.2858293950557709, 0.15798300504684448, 0.8555750846862793, -1.381223440170288, 0.3690185546875, -2.1129608154296875, 0.5898087620735168, 0.6875295042991638, 0.5446702837944031, -0.49070796370506287, -0.517283022403717, 0.9545176029205322, -0.32274824380874634, -0.5665314197540283, -0.5321508646011353, 0.4023895263671875, 0.6395314335823059, 0.36027365922927856, 0.03435133025050163, -0.5584985017776489, 0.560029923915863, 0.7362505197525024, 0.5747824311256409, -0.33100083470344543, -0.8233471512794495, -0.9832549095153809, 0.14151212573051453, 0.8701358437538147, -0.26431694626808167, 0.5805966854095459, -0.01028719823807478, 0.47171148657798767, 0.487109512090683, -0.8720251321792603, 0.029900068417191505, 0.0685870572924614, -0.1742822378873825, -1.1809418201446533, -0.043305903673172, -0.4305092692375183, 0.5188099145889282, -0.3814573287963867, -0.8381521701812744, -0.7634314298629761, -0.07392233610153198, 0.36754924058914185, 0.9587851762771606, 0.030857300385832787, -0.7990175485610962, -0.4395431578159332, 3.3365561962127686, -0.7842791676521301, 1.7657922506332397, -1.1360304355621338, 0.11095945537090302, -0.5398074388504028, -0.5758559703826904, 1.4776514768600464, 0.3713645339012146, -0.021429214626550674, -1.1672883033752441, 0.2954972982406616, -0.44085749983787537, -0.3557845652103424, -0.8143904209136963, -0.6445162892341614, -0.04231897369027138, 0.7071555256843567, -1.4803138971328735, -0.5123946070671082, 0.331898957490921, 0.7411330938339233, -0.6333502531051636, 0.7905901670455933, -0.4254206418991089, 0.5793188810348511, -0.3220241963863373, -0.35043543577194214, -0.009643778204917908, 0.3981121778488159, -0.8600300550460815, 0.025989890098571777, 0.26977622509002686, -0.3194553256034851, -0.7184519171714783, -0.2033286839723587, 0.6513156890869141, -0.743663489818573, -0.3056616187095642, 0.05115184187889099, -0.3829367160797119, 0.7752364873886108, 0.49167007207870483, 0.4992731511592865, 0.35859614610671997, -0.6529092788696289, -0.8099939823150635, -0.30514055490493774, -0.22602275013923645, 0.5391294956207275, -0.37956702709198, -0.3159560561180115, -2.624741315841675, -0.2831765413284302, 0.10736973583698273, 0.9807046055793762, 0.6177921891212463, -0.12523314356803894, 0.20071092247962952, 0.5961376428604126, -0.21773160994052887, -0.615858793258667, 0.7610220313072205, -1.1494601964950562, -0.05843827873468399, 0.3067736029624939, -0.11760455369949341, -0.5334004163742065, 0.009973965585231781, 0.6182903051376343, 0.8381370902061462, -0.2092134654521942, -0.47551101446151733, -1.5955313444137573, 0.08452289551496506, 1.811037302017212, 0.7819954752922058, -0.7023144960403442, -0.8970201015472412, -0.2361719012260437, 0.3760783076286316, -0.0069956667721271515, 0.4243400990962982, -0.8749262094497681, 0.3456103503704071, -1.2695767879486084, 0.5646589398384094, 0.09594828635454178, 0.4766792356967926, 1.1906795501708984, 1.8243687152862549, -0.4770927131175995, -0.28922104835510254, -0.6314772367477417, -0.4469105005264282, 0.5129117965698242, 0.5705861449241638, 0.2066369652748108, 0.19623492658138275, 1.322051763534546, 0.4417637586593628, 0.8132787942886353, 0.7984402775764465, 0.8779134750366211, -0.8532085418701172, 0.33888474106788635, -0.19799081981182098, 0.5100928544998169, 0.3430827260017395, -0.21970416605472565, -0.18266701698303223, 0.31805193424224854, -0.33555734157562256, -0.7719767689704895, -0.2629052400588989, -0.05682239681482315, 1.3284577131271362, 0.4269384741783142, -0.5611065030097961, 0.46947669982910156, -0.5689324736595154, -0.28230947256088257, -0.2902226448059082, 0.09264172613620758, -0.06260621547698975, -0.7344797253608704, 0.6416757702827454, 0.08076125383377075, 0.7640404105186462, -0.7643726468086243, 0.3433597683906555, -0.881356418132782, -0.11642569303512573, 0.12875798344612122, -0.11861477792263031, -0.7271522283554077, -0.47242870926856995, -0.5517913699150085, -0.9710272550582886, -0.9861671328544617, -0.18871673941612244, 0.06465457379817963, 0.18556071817874908, 0.8129351139068604, 1.5752471685409546, 0.08650186657905579, -0.06920816004276276, -0.277763694524765, 1.321114182472229, -0.4168599843978882, 0.6834390163421631, -0.04580903798341751, 1.098083734512329, -1.0931671857833862, 0.5293329954147339, -0.8737378120422363, -0.1290685534477234, 0.4994181990623474, -0.11419981718063354, 0.9098918437957764, -0.433862566947937, -0.02333814650774002, 1.479091763496399, -0.11422677338123322, 0.1773819625377655, 0.1054583191871643, 1.4247804880142212, 0.37944847345352173, -1.0639328956604004, 0.9225227236747742, -0.47483891248703003, -0.45884081721305847, 1.0861012935638428, -0.40924710035324097, 0.16718469560146332, 0.3727625608444214, 0.10733665525913239, 0.7177154421806335, 0.26850324869155884, -2.4235386848449707, 1.0283101797103882, 0.869728147983551, -0.4165321886539459, -0.35499778389930725, -0.8399606943130493, 0.3939818739891052, -1.0238959789276123, 0.02387920580804348, 0.41500920057296753, -0.574862003326416, 0.2413451075553894, 0.00206611305475235, 1.0322988033294678, 0.6941739916801453, -0.11617152392864227, 0.5170309543609619, 0.8649544715881348, -0.33479541540145874, -0.8508269786834717, -0.5323207974433899, 1.3198928833007812, -0.492146372795105, -0.402159720659256, 0.2309320867061615, 0.8252385258674622, 0.38059917092323303, 0.22492656111717224, -0.45513516664505005, 0.38524961471557617, 0.6062358021736145, -0.4065936803817749, -0.6413458585739136, -0.6505944728851318, 0.44939759373664856, -0.2711324989795685, 0.99783855676651, -0.568870484828949, 0.16504231095314026, -1.3774340152740479, 0.4019894003868103, -0.1484929770231247, -0.2143946886062622, 1.5124139785766602, 0.2973271608352661, 0.7323018312454224, 0.18470162153244019, 0.20971783995628357, -0.2240653783082962, -0.17012834548950195, 0.43861985206604004, 0.15239380300045013, 0.026611946523189545, -0.6029937267303467, -0.2909005880355835, 0.5698258876800537, 0.19150389730930328, -0.8109427690505981, 0.5600647926330566, 0.9598864316940308, -0.29254451394081116, -0.6780849695205688, 0.8980979323387146, 1.2292598485946655, 0.6387931704521179, 1.444928765296936, -0.047493353486061096, 0.14933454990386963, -0.2825586795806885, 0.5685580372810364, 0.5359436869621277, 0.5135871171951294, -0.04603738337755203, 0.48829156160354614, 0.7755000591278076, 0.49005961418151855, 0.1611548513174057, 1.2590187788009644, 1.038869857788086, -0.7953977584838867, -1.7103172540664673, 0.0679728239774704, -0.9764227271080017, -0.18631574511528015, 0.7609467506408691, 0.1373962163925171, 0.23655454814434052, 0.527689516544342, -0.07391821593046188, -1.31651771068573, 0.40809157490730286, -0.5902509093284607, -1.0997244119644165, 0.9625191688537598, 1.2960314750671387, -0.6178491115570068, -0.7830908894538879, 0.022664040327072144, -1.0227711200714111, -0.30086544156074524, -0.21141283214092255, -0.543128490447998, 0.7939708232879639, 0.04504961520433426, 0.7860521674156189, 0.638731837272644, -0.02813667431473732, -1.067168951034546, 0.6744585633277893, 1.2685002088546753, -1.3330299854278564, 0.993403434753418, 0.021215233951807022, 0.009861201047897339, 0.28843218088150024, -0.5710863471031189, -0.7289553880691528, 0.8845277428627014, 0.04848456382751465, -0.36916017532348633, -0.4839031994342804, -0.24008893966674805, 0.888571560382843, 0.08217771351337433, 0.32570284605026245, -1.1129014492034912, -0.515381395816803, -0.6891684532165527, -0.05804011970758438, 0.6079961061477661, -1.1333484649658203, -0.4839113652706146, 0.3530900776386261, -0.1293695569038391, 0.894921064376831, -0.01958293467760086, -0.4726434648036957, 1.8357163667678833, 0.25273364782333374, -0.0372181236743927, 0.17847174406051636, -10.964252471923828, 0.9444535970687866, 0.14267419278621674, 0.1390645056962967, 0.3751358687877655, -0.8242948651313782, 0.4391539990901947, 0.1039300262928009, 0.2793740928173065, -1.1212013959884644, 0.5774784684181213, 0.3056228756904602, 0.02066863887012005, 0.229999840259552, -0.6749051213264465, -0.6332531571388245, -0.826474130153656, -1.3699302673339844, 0.6026290059089661, 0.47129350900650024, 0.07881009578704834, -0.7863155007362366, -0.6058430075645447, 0.3662518858909607, 0.7730297446250916, -0.06429871171712875, -0.8762615323066711, -0.30002832412719727, -0.1757756918668747, 0.29999810457229614, 1.0659624338150024, -0.046312883496284485, 0.04370903968811035, -1.2635639905929565, 0.027788683772087097, 0.13116037845611572, -0.6677154302597046, 0.2419615238904953, 0.5318007469177246, -0.08543884754180908, -0.08964963257312775, 0.3184657096862793, 0.11704766005277634, 0.4039234220981598, -0.10667169839143753, 0.10762251913547516, 0.43227657675743103, -0.920367956161499, -0.13706329464912415, -0.15029200911521912, -0.9013638496398926, -0.4714682698249817, -0.9675999283790588, -0.7145759463310242, 0.3155982494354248, 0.1297358274459839, -1.1387325525283813, -0.11620023101568222, -0.4415465295314789, -1.080228567123413, -0.08038418740034103, -0.02960546314716339, -0.23999062180519104, 0.33850887417793274, 0.2521848678588867, -0.34933775663375854, 0.15957829356193542, 0.4142298698425293, -0.8152304887771606, 0.8725091218948364, -0.5992958545684814, 1.6093398332595825, -0.045451290905475616, 1.3180224895477295, -1.1165547370910645, 0.05447662994265556, -0.7639554142951965, 0.45822492241859436, 0.44052812457084656, -0.13012482225894928, -1.6321238279342651, 0.9753432273864746, 0.46607983112335205, -0.26712551712989807, -1.161038875579834, 0.5555355548858643, 0.016940295696258545, 0.4847832918167114, 1.1453642845153809, -0.4096367061138153, 0.8865200281143188, 0.2815300524234772, -0.826122522354126, 0.13774406909942627, -0.1705283522605896, 0.32090094685554504, -0.44839662313461304, 0.08764158189296722, 0.23714974522590637, -0.6919386386871338, 0.3537580966949463, -0.5596136450767517, -1.1086030006408691, 0.6020128130912781, 0.32439061999320984, 0.283936083316803, 0.6780222058296204, -0.6852482557296753, 0.02361009083688259, -0.6997384428977966, 0.9759870767593384, -0.20269542932510376, -0.09506028890609741, 0.946918785572052, -0.38148725032806396, 0.7194980382919312, 0.7221928834915161, -0.3712587356567383, 0.3983669579029083, 0.254039466381073, -0.8767954707145691, 0.9331924915313721, 0.16933651268482208, 1.8359094858169556, -0.2801707983016968, 0.338146448135376, 0.4006291627883911, 0.2818244397640228, -0.09721782803535461, -1.2234283685684204, 0.7029867172241211, -0.281838059425354, 0.08571964502334595, -0.33153530955314636, -0.5763341188430786, 0.42375919222831726, -0.4802689552307129, 1.4820390939712524, -1.130671739578247, 0.1035289317369461, 0.11867095530033112, 0.04221147671341896, -1.0421183109283447, -1.4071555137634277, -1.3323017358779907, -0.060887716710567474, -1.5422508716583252, 0.4649544060230255, -0.8261620402336121, -0.018645308911800385, 0.2630757689476013, -0.7702168226242065, 1.1297894716262817, -1.1461243629455566, -0.4216272234916687, -0.43525272607803345, 0.6492173075675964, -0.9256364703178406, -0.37649911642074585, -0.4259096682071686, 0.5728569030761719, 0.7991390824317932, -0.7153970003128052, 1.414486289024353, -0.5239291191101074, -0.16926683485507965, 0.24053844809532166, 0.2597750425338745, -0.5756038427352905, 0.31166911125183105, 1.4259560108184814, -1.62566339969635, -0.3158438503742218, -0.6608806252479553, -0.03673568367958069, -0.8341075778007507, 0.21501192450523376, 1.2643688917160034, -0.6512131690979004, -0.2571420669555664, -0.13985559344291687, 1.0218230485916138, 0.397716760635376, -1.0846760272979736, -0.045442529022693634, 0.13600412011146545, 0.18189868330955505, 0.7917442321777344, 0.23547980189323425, 0.8041474223136902, -1.764078974723816, -0.9824461936950684, -0.5856558680534363, -0.5694875717163086, 0.6896288394927979, 0.937870979309082, 0.3544546365737915, 0.4812721610069275, 0.06718906760215759, 0.012414433062076569, 0.1469961553812027, 0.6499711871147156, 0.03060225211083889, 0.13108909130096436, -0.03793249651789665, 0.3337661921977997, 0.07043302804231644, -0.19912703335285187, 0.3608562648296356, 0.6902337074279785, -0.9039624929428101, -0.14937327802181244, 0.0983380675315857, -0.3669547736644745, 0.23904667794704437, -1.198293685913086, -0.2295840084552765, -0.7631211876869202, -0.7813573479652405, -1.4528803825378418, 0.256671279668808, 1.2356884479522705, -0.40950924158096313, 0.8549145460128784, 0.5576878786087036, 1.2544924020767212, 0.7238644361495972, -0.3190336227416992, 0.23761293292045593, -0.1376264989376068, 0.15589606761932373, -0.24026364088058472, -0.20467278361320496, 0.5550881624221802, -0.3748285174369812, -0.31599482893943787, -1.1202033758163452, 0.46610283851623535, -0.35406720638275146, 0.926673173904419, -0.15836204588413239, 0.09561124444007874, 0.7336470484733582, 0.8383963704109192, -0.4396241307258606, -1.660698413848877, -0.39251986145973206, -1.481871247291565, -0.1836365908384323, 0.5930941700935364, 0.6272710561752319, 0.7297019362449646, 0.8137829303741455, -0.27868491411209106, 0.8440830111503601, -0.6256017684936523, 0.15401872992515564, 0.1816285252571106, -0.5242609977722168, 0.924117922782898, 0.7330902218818665, -0.2619366943836212, 0.8662405610084534, -0.209343820810318, -1.2064189910888672, 0.08774606883525848, -0.8003343343734741, 1.0038936138153076, 0.3122915029525757, -0.7996212244033813, -0.5260372161865234, -0.6640413403511047, 0.476115345954895, -0.6694965958595276, 1.5293623208999634, -0.13032719492912292, -0.5006744861602783, -1.0406001806259155, -0.8405389189720154, -0.97417813539505, 0.5188624858856201, -0.19210267066955566, 0.07197970896959305, -0.794449508190155, 0.8549749851226807, 0.3690946400165558, -0.08213630318641663, -0.8861064910888672, -0.13571037352085114, -0.7185541391372681, -0.0205824114382267, 0.4273609519004822, -1.0603595972061157, -0.4414944350719452, -0.09300126135349274, -0.8443012833595276, 0.48790234327316284, 0.1779194474220276, -1.1641137599945068, -1.2851135730743408, 0.2841344177722931, -0.26145198941230774, 0.12062791734933853, -0.05988068878650665, 0.08747448027133942, -1.822493076324463, 0.41247740387916565, 0.977673351764679, -0.48605048656463623, -0.018945040181279182, 0.2177129089832306, 0.7585792541503906, -0.3476811349391937, 1.2880967855453491]} +{"paper_id": "head_qa", "embedding": [0.1937946081161499, 0.6211206912994385, -0.27716177701950073, 0.10648775100708008, 0.26469507813453674, 0.31321579217910767, 0.19964244961738586, 1.4042115211486816, 1.0212550163269043, 0.6894198656082153, -0.09851781278848648, 0.6904988884925842, 0.0889328345656395, 0.27695485949516296, -0.3775833249092102, -0.24398991465568542, -1.1765930652618408, -0.7750963568687439, -1.354451298713684, -0.18439990282058716, -1.0468382835388184, -0.5498633980751038, 0.3805224895477295, 1.4846831560134888, -0.6831779479980469, -1.2316207885742188, 1.0713962316513062, -0.9777294993400574, 0.09132996201515198, 0.1620219349861145, -0.06662092357873917, 1.1235687732696533, -1.6251708269119263, 1.0343239307403564, -0.5415794849395752, -0.3752565085887909, 0.027676906436681747, 1.275443434715271, -0.009644851088523865, 0.05022520571947098, -0.8194900155067444, 0.5048170685768127, 0.07899338752031326, 0.8472663760185242, 0.7309808135032654, -0.9911289215087891, 0.44647854566574097, 0.11900656670331955, -0.2257811576128006, 0.1564408540725708, -0.5177876949310303, 0.5853335857391357, -0.38914430141448975, 0.860815167427063, -0.13339561223983765, 0.8799107074737549, 0.7191841006278992, -0.6388364434242249, 0.12367010116577148, -1.3231207132339478, 1.591997742652893, 1.2042653560638428, -0.1855972707271576, 0.19964906573295593, 1.2436892986297607, 0.574350118637085, 1.7193573713302612, 0.0641951858997345, -0.022977912798523903, 1.1493175029754639, 0.10780821740627289, -0.8280589580535889, 0.6138520240783691, 0.5631532669067383, 0.10991887003183365, 0.8798196315765381, 0.36599454283714294, -0.01587636023759842, 0.07762641459703445, -0.4221654534339905, -0.4138842821121216, -0.28478097915649414, 0.9208550453186035, -0.8373491764068604, -0.013430546969175339, 0.001223824918270111, 0.4128802716732025, -0.5623494982719421, 0.033612046390771866, -1.6200567483901978, 1.0683921575546265, 0.34593841433525085, -0.0138305788859725, 0.3155800402164459, 0.27463698387145996, 0.474504292011261, -0.9116289019584656, -0.3426054120063782, -0.4173007011413574, 0.4301564693450928, 0.3177386522293091, -0.2616741359233856, 0.41277018189430237, -0.2880971431732178, 0.31085121631622314, -0.08120685815811157, 0.40177106857299805, -0.2533077001571655, -0.7895378470420837, -0.7706779837608337, 0.04845172539353371, 0.2745877802371979, -0.04747224971652031, 0.15657076239585876, -0.4107533097267151, 0.7709271311759949, 0.500271201133728, -0.812410831451416, 0.012677788734436035, 0.3588096499443054, 0.4772626757621765, -0.6743353009223938, -0.32768765091896057, -0.36261874437332153, 0.4112021327018738, -0.5798354148864746, -0.1137617975473404, -0.3540027141571045, -0.36803245544433594, 0.6038728356361389, 0.5811771154403687, -0.2936580181121826, -1.008323073387146, -0.015806347131729126, 3.2551558017730713, -1.1527386903762817, 1.8607933521270752, -1.1670269966125488, 0.16584540903568268, -1.1362674236297607, -0.338461309671402, 0.6470783352851868, -0.05797398462891579, -0.7787004113197327, -1.0366159677505493, 0.4923698306083679, -0.09768465161323547, 0.7098786234855652, -1.057300090789795, 0.028021913021802902, -0.1090615838766098, 0.6971496939659119, -1.5266071557998657, -0.21564239263534546, -0.3570544719696045, 0.29624950885772705, 0.016101719811558723, 0.33660146594047546, -0.7347187995910645, 0.07320524752140045, -0.001651071012020111, -0.38852882385253906, -0.5445939898490906, 0.22800312936306, -0.6986585259437561, -0.540610671043396, 0.837361752986908, 0.14925479888916016, -1.3263314962387085, -0.054056569933891296, 0.12481770664453506, 0.04435866326093674, -0.5734108686447144, 0.11885262280702591, 0.17372530698776245, 0.26267626881599426, 0.35918474197387695, 0.6670905947685242, 0.3017980456352234, -0.8552641868591309, -0.40542322397232056, -0.050401847809553146, -0.24517738819122314, 0.4973304271697998, 0.07208234071731567, 0.720565915107727, -2.0466270446777344, -0.5322815179824829, -0.8308302760124207, 0.3392353355884552, 0.039698272943496704, 0.07109128683805466, 0.07688389718532562, -0.17026756703853607, 0.2502076029777527, -0.5118991136550903, -0.15929755568504333, -1.3917889595031738, 0.1565503478050232, 0.4080924987792969, -0.4961162805557251, 0.2414669543504715, 0.08885986357927322, 1.3575407266616821, 0.8604530096054077, -0.798514723777771, -0.6962832808494568, -1.5645854473114014, -0.09266728907823563, 1.976280689239502, 0.4361269772052765, -0.2318567931652069, -1.0171089172363281, -0.29556310176849365, -0.08126483112573624, 0.28624847531318665, -0.21531575918197632, -0.7062634229660034, 0.845265805721283, -0.9457472562789917, 0.8760877251625061, -0.368221253156662, -0.23218929767608643, 0.9648075103759766, 1.6910374164581299, -0.7756291627883911, 0.22924545407295227, -0.23689399659633636, -0.2543671727180481, 0.5917381048202515, 0.6936864852905273, 0.20972797274589539, 0.34612077474594116, 0.8774888515472412, 0.46734440326690674, 0.767734944820404, 0.7585692405700684, 0.828113317489624, -0.7262072563171387, 0.543420135974884, -0.7412095665931702, 1.1219866275787354, -0.10218296945095062, 0.9023563265800476, 0.3748091459274292, 0.24701929092407227, -0.7029418349266052, -0.6243996620178223, 0.5591349005699158, -0.19851744174957275, 1.5583834648132324, 0.27718305587768555, -0.3100064992904663, 0.7160741090774536, -0.6988595128059387, -0.9534637928009033, -0.16056427359580994, -0.4368456304073334, -0.6676139235496521, -0.5833991765975952, 0.9041160345077515, -0.33610427379608154, 0.1444690227508545, 0.4718153476715088, -0.09882296621799469, -1.3190513849258423, -0.037372127175331116, 0.17298531532287598, -0.35093194246292114, -0.5894488096237183, -0.4682368040084839, -0.03092813491821289, -0.4577704071998596, -0.38409990072250366, 0.18358078598976135, -0.011859286576509476, 0.07133803516626358, 1.6091148853302002, 1.2699604034423828, -0.06347489356994629, 0.2511429190635681, 0.06374698877334595, 1.175926685333252, -0.541862428188324, 1.1189591884613037, -1.1321290731430054, 0.3493444621562958, -0.7995691895484924, 0.20371121168136597, -0.5645151734352112, -0.46133336424827576, 0.5723325610160828, -0.26388606429100037, 0.6232457756996155, -0.3040194511413574, -1.3668304681777954, 0.5912975668907166, 0.5298488140106201, -0.20434001088142395, -0.013846518471837044, 1.4613428115844727, -0.14810287952423096, -1.128970980644226, 0.5371309518814087, 0.1576036512851715, 0.07453939318656921, 0.6640933156013489, 0.7525416612625122, -0.05423156917095184, 0.7747471332550049, -0.030050426721572876, 0.08046583831310272, 0.8253635168075562, -2.0159761905670166, 0.48587217926979065, 0.7204052805900574, -0.5715099573135376, -0.3947644829750061, -1.1783796548843384, -0.3467335104942322, -0.16591580212116241, 0.08599557727575302, 0.5661196708679199, -0.17771585285663605, 0.429970920085907, 0.19179174304008484, -0.0271160826086998, 1.0059266090393066, -0.36024123430252075, 0.06786300241947174, 0.2915111780166626, -0.7262275218963623, -0.6993443369865417, -1.0114004611968994, 0.5471290349960327, 0.25399672985076904, 0.03731515631079674, -0.18461641669273376, 0.8522184491157532, 1.2975956201553345, 0.0683773085474968, -0.4443080425262451, 0.6658750176429749, 0.509573757648468, 0.5603489279747009, 0.09311042726039886, -0.8712958097457886, 0.47883254289627075, -0.011284071952104568, 1.638999342918396, -0.29172372817993164, -0.6467130184173584, -1.045888900756836, -0.19939422607421875, 0.1721199005842209, -0.2779977321624756, 2.0682692527770996, 0.014372222125530243, 1.1282347440719604, -0.29181018471717834, 0.7749926447868347, -0.548097550868988, 0.032938163727521896, 0.6401697993278503, 0.3883403241634369, -0.12260569632053375, -1.1512707471847534, -0.7572007179260254, 0.4351471960544586, -0.4462015926837921, -0.7125215530395508, 0.15971152484416962, 1.2525193691253662, 0.9805454015731812, -0.5754178762435913, 0.4973175823688507, 1.2881883382797241, 0.5274010300636292, 0.7761409878730774, -0.25172460079193115, -0.11666524410247803, -0.20814073085784912, 0.4730762541294098, -0.2819534242153168, -0.016608700156211853, -0.446562796831131, 0.2504103183746338, 0.12033641338348389, 0.4356310963630676, 0.36408811807632446, 0.7904043793678284, 0.885564923286438, -0.734882116317749, -1.459887146949768, 0.12246440351009369, -0.07990123331546783, -0.33523625135421753, 0.7999690175056458, -0.1357634961605072, -0.5584790706634521, 0.9284309148788452, 0.2101467251777649, -0.6522443294525146, 0.32922640442848206, -0.239240825176239, -1.5378592014312744, 1.322683334350586, 0.6524155139923096, -1.0931308269500732, 0.6667974591255188, -0.12733565270900726, -0.9375234246253967, -0.5505385994911194, -0.16402511298656464, -1.0013529062271118, 0.2793506383895874, 0.37676048278808594, 1.1559827327728271, 0.0008203750476241112, 0.1947372406721115, -0.7758285403251648, 1.4748477935791016, 0.3962942957878113, -0.8227647542953491, 0.10058479756116867, -0.030119458213448524, 1.0049033164978027, -0.27417612075805664, -1.3203480243682861, -1.0350593328475952, 0.6363981366157532, -0.5324081182479858, 0.024241629987955093, -0.8028735518455505, -0.5613809823989868, 0.22563806176185608, -0.04672480747103691, 0.577855110168457, -0.37916579842567444, -0.4766579866409302, -0.4534141421318054, -0.12014371156692505, 0.5048792362213135, -0.4508431553840637, -0.9634599685668945, 0.4621495008468628, -0.4333145022392273, 0.8485875129699707, -0.9786497354507446, 0.41487008333206177, 1.6995251178741455, -0.07639089971780777, 0.05961970239877701, -0.6210746765136719, -11.449206352233887, 1.2830666303634644, 0.19726203382015228, -0.28255629539489746, 0.6065877079963684, -0.4988202154636383, 0.8167944550514221, -1.132229208946228, 0.4504299759864807, -0.4826558828353882, 0.3343313932418823, 1.258277177810669, 0.8214427828788757, -0.37378495931625366, -0.8216484785079956, -1.5321004390716553, -0.2852465808391571, -0.6935963034629822, 0.1265149712562561, -0.1872985064983368, 0.10220003128051758, -0.6083768606185913, -0.6137371063232422, -0.07030288875102997, 0.09145854413509369, -0.07447179406881332, -0.9158612489700317, -0.04322901740670204, -0.2421589493751526, -0.39270201325416565, 0.6393147706985474, 0.19583046436309814, 0.21053709089756012, -0.704448401927948, -0.3362792134284973, -0.7899109125137329, -0.5811941027641296, 0.1409510225057602, 0.8279543519020081, 0.04658649116754532, -0.772156298160553, -0.003092613536864519, 0.3314753472805023, 0.050424836575984955, -0.18295659124851227, 0.735086977481842, 0.2880871891975403, -0.7269483804702759, 0.4562472701072693, 0.002745397388935089, -0.6088573932647705, -0.24373018741607666, -0.05493038520216942, -0.136219784617424, -0.3616427481174469, 1.094346046447754, -0.6339056491851807, -0.07028080523014069, -0.574546754360199, -1.3883525133132935, 0.315688818693161, 0.17045049369335175, -0.5281092524528503, 0.7294847369194031, 0.10022905468940735, 0.13251230120658875, -0.5847600698471069, 0.1920015662908554, -0.8002433776855469, 0.4316568970680237, -0.9513211846351624, 1.2051329612731934, -0.2006925344467163, 0.46370992064476013, -1.208803415298462, 0.042685527354478836, -0.6125430464744568, -0.016339732334017754, 0.5740699768066406, -0.32379090785980225, -1.1013689041137695, 0.7576903104782104, 0.5682475566864014, -0.4189930260181427, -0.9545364379882812, 0.40536585450172424, -0.047935254871845245, 0.3076901137828827, 1.383914589881897, -1.0479222536087036, 0.9050360321998596, 0.320038765668869, -0.42145150899887085, -0.34396642446517944, 0.07352261245250702, 0.6656714081764221, 0.39359650015830994, 0.8791351318359375, 0.12619832158088684, -0.37364912033081055, -0.26063984632492065, -0.6484013795852661, -0.9786046743392944, 0.5067476630210876, 0.46692734956741333, 0.3825337290763855, 0.7429007291793823, -0.014927990734577179, -0.04080668464303017, -0.299504816532135, 1.5774264335632324, -0.00857999175786972, -0.35038620233535767, 1.0239447355270386, -0.8095190525054932, 0.672805666923523, 0.8087790012359619, 0.16474950313568115, -0.027375703677535057, 0.3382596969604492, -0.06492912024259567, 0.6596308946609497, 0.13242389261722565, 1.1622153520584106, -0.38810354471206665, -0.3585992753505707, 0.6874487400054932, 0.5303648114204407, -0.06432116031646729, -1.3019047975540161, 0.5128050446510315, -0.06718163937330246, -0.1224067211151123, -0.3531947135925293, -0.37777429819107056, 0.5869477987289429, -0.6100401878356934, 1.0223625898361206, -0.5159618258476257, 0.430612713098526, 0.07655240595340729, -0.09116930514574051, -0.3732879161834717, -1.1774884462356567, -0.9830681681632996, 0.11944630742073059, -0.6534149050712585, 0.2902669310569763, -0.1357581466436386, -0.21041353046894073, 0.18348582088947296, -0.38626399636268616, 1.5396791696548462, -0.5419672131538391, -0.5530848503112793, -0.9657874703407288, 0.8931942582130432, -0.19299796223640442, -1.247549295425415, 0.1944575309753418, 0.1847020387649536, 0.9953078627586365, -1.392054557800293, 1.306673288345337, 0.0074500590562820435, -0.5188930034637451, -0.2556583285331726, 0.5550370216369629, -0.7441079020500183, -0.07818594574928284, 0.27410468459129333, -1.12790846824646, -0.33779603242874146, -0.9137026071548462, 0.6864825487136841, -0.302010715007782, -0.06712330132722855, 1.1097959280014038, -1.4780536890029907, -0.5462465286254883, -0.46803179383277893, 1.7334543466567993, 0.5322619676589966, -0.6927955150604248, -0.928215503692627, -0.1297391653060913, -0.057239919900894165, 0.8936327695846558, 0.4362381100654602, 1.1149640083312988, -1.6778138875961304, -0.601932942867279, -0.6281784176826477, 0.12626418471336365, 0.48464035987854004, 0.2766256034374237, 0.9860965609550476, 0.5858789086341858, -0.1730343997478485, 0.06874411553144455, -0.2382003366947174, 0.4974150061607361, 0.4204413592815399, 0.04880213364958763, 0.04760810360312462, 1.0270971059799194, -0.3381102383136749, -0.06124626100063324, 0.3639277517795563, 1.12501060962677, -1.5711404085159302, -0.1250379979610443, 0.20005421340465546, 0.027882356196641922, 0.5415375232696533, -1.0195151567459106, -0.1457194685935974, -0.1874055117368698, -0.2881934642791748, -1.633702278137207, 0.06918974965810776, 1.0264970064163208, 0.2814965844154358, 1.029977560043335, 0.08213827013969421, 1.235093355178833, 0.5382220149040222, -0.5971969366073608, 0.85808265209198, -0.2975883483886719, 0.2640538513660431, 0.36918938159942627, 0.8096075057983398, 0.005068555474281311, -0.32610294222831726, -0.9323077201843262, -0.1228482574224472, 0.6646303534507751, -0.7555310726165771, 0.6608836054801941, -0.3997935652732849, -0.10764913260936737, 1.149422526359558, 1.2599138021469116, -0.038132693618535995, -1.2921814918518066, -0.5779717564582825, -1.4174703359603882, -0.2203366905450821, 0.39923951029777527, -0.18897314369678497, 0.4616585671901703, 0.38472339510917664, -0.20926041901111603, 0.9795961380004883, -0.775148332118988, -0.05426366627216339, 0.06759406626224518, -0.3208537697792053, 0.9682439565658569, 0.5454779267311096, 0.27765437960624695, 0.8490481972694397, -0.4143522083759308, -0.4248505234718323, -0.07161183655261993, -0.7281657457351685, 0.8077119588851929, 0.4459958076477051, -0.4004143476486206, -0.3335897922515869, -0.05790108069777489, 0.8491088151931763, -0.530162513256073, 1.028928518295288, -0.5532322525978088, -0.42485517263412476, -1.1033498048782349, -0.8071191310882568, -0.04225785657763481, 0.5634048581123352, 0.0867636650800705, -0.37055182456970215, 0.38149166107177734, 0.24292327463626862, -0.031171172857284546, 0.28112509846687317, -1.0277090072631836, -0.4985988140106201, -0.9812782406806946, -0.11791371554136276, -0.368362158536911, -0.5714437365531921, -0.7186005711555481, -0.6525686979293823, -1.146446943283081, 0.6335150003433228, 0.09024381637573242, -0.17086303234100342, -1.0383464097976685, 0.5073626041412354, -0.5057733654975891, 0.5240062475204468, 0.011669985949993134, 0.16919325292110443, -1.1917072534561157, 0.08812086284160614, 1.167914867401123, -0.7061738967895508, -0.32730334997177124, 0.3712432384490967, 0.6218105554580688, -0.04100250452756882, 0.401400625705719]} +{"paper_id": "subjqa", "embedding": [-0.3416145443916321, 1.4500536918640137, 0.2794290781021118, -0.46655726432800293, 0.5140231847763062, -0.22064444422721863, 0.7231518626213074, 0.4332082271575928, 0.08601704239845276, 0.501222550868988, 0.589177668094635, 0.30077335238456726, -0.031832508742809296, 0.393987774848938, -0.9524398446083069, -0.6406489014625549, -0.2633935511112213, -0.8894726634025574, -0.7503111362457275, -0.3179587125778198, -0.6479001641273499, -1.084395408630371, 0.04103710129857063, 1.012657642364502, -1.2202363014221191, -1.2670626640319824, 0.7467470169067383, -0.7105348706245422, 0.4893370270729065, -0.18391096591949463, -0.2522214651107788, 0.8436471223831177, -1.2529312372207642, 0.5564695596694946, -0.14389008283615112, -0.08122528344392776, -0.2438635677099228, 0.7668251395225525, -0.4815059304237366, -0.2135494351387024, -0.19744230806827545, 0.3223313093185425, 0.9728918075561523, 0.5066895484924316, 1.3229167461395264, -0.7992383241653442, 0.004669420421123505, -0.2790582776069641, 0.3404631018638611, -0.05420280247926712, -0.8477680683135986, 0.2586412727832794, -0.45622625946998596, 0.6184573173522949, -0.761357307434082, 1.3587043285369873, 0.321750283241272, -0.49126771092414856, 0.7024039030075073, -1.051020860671997, 1.5494410991668701, 1.5277531147003174, 0.6926891207695007, -0.37729552388191223, 1.0113447904586792, -0.11713112145662308, 1.6878547668457031, -0.11425283551216125, -0.2545138895511627, 0.3199184536933899, -0.08485184609889984, -0.12857666611671448, 0.09108085930347443, 0.20345303416252136, 0.7206859588623047, 0.3437405824661255, 0.9768144488334656, 0.09010492265224457, -0.01096724346280098, 0.2898131012916565, -0.3786222040653229, 0.3638884425163269, 0.41318395733833313, -0.29096561670303345, -0.21281054615974426, -0.05711670219898224, -0.2972472310066223, -0.3900441825389862, 0.7203369736671448, -1.2902286052703857, 0.9075457453727722, 0.13122786581516266, 0.0024516014382243156, 0.13638007640838623, -0.6536292433738708, 0.2307446002960205, -0.4591633677482605, 0.30902528762817383, -0.5631808042526245, 0.6424680948257446, 0.3400462567806244, 0.2992773950099945, 0.32772985100746155, -0.26046574115753174, -0.021316364407539368, 0.49659615755081177, 0.4460265636444092, 0.3484358787536621, -0.43619051575660706, -0.608443558216095, 0.6537351608276367, 0.686575174331665, -0.10834981501102448, 1.007558822631836, 0.22277629375457764, 0.47343316674232483, -0.044893987476825714, -0.5874704122543335, -0.39684516191482544, 0.7741914987564087, 0.14552803337574005, -1.2176347970962524, 0.3572826683521271, 0.4396928548812866, 0.8616536855697632, 0.013563251122832298, -0.14497603476047516, -0.809705913066864, 0.14249688386917114, 0.40007010102272034, 0.6180951595306396, -0.29970744252204895, -0.5926654934883118, -0.8708255290985107, 3.2046494483947754, -0.7938024401664734, 1.0428967475891113, -0.6913679838180542, -0.6565806865692139, -0.14706546068191528, -0.26041102409362793, 0.699090301990509, 0.3128679096698761, -1.0403501987457275, -0.4467240869998932, 0.20539037883281708, -0.15366636216640472, 0.4094085395336151, -1.2677664756774902, 0.058588892221450806, 0.08750608563423157, -0.3420841693878174, -1.874675989151001, 0.25461456179618835, -0.24412555992603302, -0.2265290915966034, 0.12833459675312042, 0.5447487831115723, -0.1907869130373001, 0.7410160303115845, 0.26783210039138794, -0.08500215411186218, -0.20414358377456665, 0.8316820859909058, -0.5777927041053772, -1.3760437965393066, 0.7406277060508728, -0.1270187795162201, -1.3121302127838135, 0.11336787790060043, 0.609670102596283, -0.2775404751300812, -0.03654007613658905, -0.5577576756477356, -0.10871806740760803, -0.09941425174474716, 0.9943940043449402, 0.5687832236289978, 0.2823953926563263, -0.40676167607307434, -0.27531298995018005, -0.4367521107196808, -0.2949798107147217, 0.5155431628227234, -0.5192330479621887, 0.9939461350440979, -2.199887752532959, 0.1051044762134552, 0.10116656124591827, -0.03756510466337204, 0.31847259402275085, 0.14689724147319794, 0.04734834283590317, -0.04839443787932396, -0.06725551933050156, -0.12540856003761292, 0.734354555606842, -1.8863089084625244, 0.2104286551475525, 0.7505868673324585, -0.4909871816635132, 0.5847512483596802, -0.19903840124607086, 1.2974227666854858, 0.2428743541240692, -0.19047322869300842, -0.903035581111908, -2.3746306896209717, 0.36208051443099976, 2.058016777038574, -0.1065530925989151, -0.028861522674560547, -0.7778640389442444, -0.2244763970375061, -0.7478243112564087, 0.3658648133277893, 0.6074919700622559, -0.3251004219055176, 0.12944625318050385, -0.8424526453018188, 0.26674339175224304, -0.2089601457118988, 0.03773006051778793, 0.6680210828781128, 1.7113059759140015, -0.6733887195587158, -0.6112644672393799, -0.5463043451309204, -0.6921762824058533, 0.3238528370857239, 0.2885218560695648, 0.4262887239456177, 0.5605907440185547, 0.7200367450714111, 0.33985060453414917, 1.4542479515075684, 0.5069555640220642, 0.09420796483755112, -0.633129894733429, 0.13455092906951904, -0.026616733521223068, 0.886191189289093, 0.03890730440616608, -0.007151946425437927, 0.5899277925491333, 0.08886095881462097, -0.6774746775627136, -0.3344491720199585, 0.10745728015899658, -0.42122673988342285, 0.85033118724823, 0.28035688400268555, -0.20681887865066528, 0.9616032242774963, -0.14260508120059967, 0.07811342179775238, -0.1535613238811493, -0.7752889394760132, -0.27358222007751465, -0.5530185699462891, 0.869234561920166, 0.09803985059261322, 0.060453616082668304, -0.15399396419525146, 0.16803665459156036, -0.5578340888023376, 0.2643772065639496, 0.0872252807021141, -0.9222724437713623, -0.80781090259552, 0.31442832946777344, 0.15610483288764954, -1.432528018951416, -0.31997087597846985, 0.2011636197566986, 0.43482083082199097, -0.3877033591270447, 1.2477928400039673, 1.3607500791549683, -0.5937457084655762, 0.14767083525657654, -0.06019606441259384, 1.3079148530960083, -1.0690639019012451, 0.5026018619537354, -0.6644522547721863, 0.2572029232978821, -0.5391853451728821, 0.23043286800384521, -0.6280820965766907, 0.2137097716331482, 1.2553250789642334, -0.7690049409866333, 0.006475362926721573, -0.502718448638916, -1.1233752965927124, 0.2588253319263458, -0.15699242055416107, -0.43912288546562195, -0.5616265535354614, 1.4867596626281738, -0.23275364935398102, -0.46358948945999146, 0.49430567026138306, 0.06726811081171036, -0.043776899576187134, 1.02660071849823, 0.4882796108722687, 0.9667902588844299, 0.00793507695198059, -0.5901203751564026, -0.09149046242237091, 0.2758316397666931, -1.4660625457763672, 0.9798690676689148, 0.568237841129303, -0.5200272798538208, 0.14891819655895233, -1.1184920072555542, 0.20771636068820953, -0.9752336740493774, 0.9187870621681213, 0.3410453200340271, -0.5079349279403687, 0.4762180745601654, -0.40606632828712463, -0.056778717786073685, 0.23295816779136658, -1.1474101543426514, 0.0058477334678173065, 0.8997467756271362, -0.09037809818983078, -0.7537487149238586, 0.06202104687690735, 0.6955065131187439, -0.4255639910697937, -0.14587710797786713, 0.008364789187908173, 0.744425356388092, 0.17531973123550415, 0.12854930758476257, -0.2705800533294678, -0.11164574325084686, 0.13889923691749573, 0.056828100234270096, 0.16345646977424622, -0.1724555343389511, 1.184445858001709, -0.8623522520065308, 1.5154523849487305, -0.42700865864753723, -0.6520669460296631, -0.9128125905990601, -0.5863280892372131, -0.9312680959701538, -0.4832947552204132, 1.5138919353485107, 0.996161699295044, 1.7808202505111694, -0.4418642222881317, -0.16286000609397888, -0.12436960637569427, 0.02240024507045746, 1.0073001384735107, 0.9688042998313904, 0.1196175366640091, -1.0959384441375732, 0.32136738300323486, 0.3094026446342468, 0.39987343549728394, -0.15347494184970856, 0.2452346682548523, 0.8967567682266235, 0.22772549092769623, -0.30702176690101624, 0.46905967593193054, 1.056164264678955, 0.5775508284568787, 1.288799524307251, 0.32963860034942627, -0.08425299823284149, -0.3097226619720459, 0.09784094244241714, 0.18919050693511963, -0.08638328313827515, -0.5634729862213135, 0.6852688193321228, 0.6750833988189697, -0.2744588255882263, 0.5312078595161438, 0.5890898704528809, 1.156751036643982, -0.44361549615859985, -2.1643154621124268, -0.670211911201477, -1.1470478773117065, -0.3848276734352112, -0.0062929801642894745, 0.6644107699394226, -0.34791454672813416, 0.3153300881385803, 0.0505341961979866, -0.8358656764030457, 0.37591877579689026, -0.7325056791305542, -1.2652355432510376, 1.2118171453475952, 0.9536211490631104, -1.0670113563537598, -0.025391845032572746, -0.02318985015153885, -0.9454302787780762, -0.28980422019958496, -0.5531545877456665, -0.9915363788604736, 0.5012285709381104, 0.6352730989456177, 0.11268817633390427, 0.2360246181488037, -0.015373338013887405, -0.8864650130271912, 0.7632449865341187, 1.4618958234786987, -0.06548698246479034, 0.8471710681915283, 0.2186104655265808, 0.1735396832227707, 0.11009460687637329, -0.7385960817337036, -0.7200392484664917, 0.9007706046104431, -0.4661136567592621, 0.15482211112976074, -0.6782402992248535, -0.3707280457019806, 0.705828070640564, 0.0020279325544834137, 0.8746378421783447, -0.5507214665412903, -0.14389964938163757, -1.0093967914581299, -0.5538696050643921, 0.7135066986083984, -1.1160625219345093, -1.52446448802948, 1.016230583190918, 0.17087781429290771, 0.4475306570529938, -0.4916633069515228, -0.07182193547487259, 1.285835862159729, -0.34525877237319946, -0.4477514624595642, -0.4086509048938751, -11.503974914550781, 0.8491038084030151, 0.16394202411174774, 0.45787662267684937, 0.7495794296264648, 0.1376456767320633, 0.2770887613296509, -1.2476612329483032, 0.8042172193527222, -0.5034487843513489, 0.06275418400764465, 1.7327508926391602, 0.5009458065032959, 0.048435427248477936, -0.3842006325721741, -1.3515604734420776, -0.04524213448166847, -0.161421999335289, 0.007852330803871155, -0.17414122819900513, -0.4321969747543335, -1.1041336059570312, -0.5943397283554077, -0.22575701773166656, 0.6830583214759827, -0.16706332564353943, -1.1248140335083008, -0.7007097005844116, -0.39586204290390015, 0.04400062561035156, 0.47398126125335693, -0.24824394285678864, -0.39429986476898193, -0.14415588974952698, -0.8746456503868103, 0.0685935765504837, -0.1118115782737732, 0.19915422797203064, 0.8733091950416565, -0.14924456179141998, -0.10325758159160614, 0.1442861109972, 1.123753547668457, -0.6224156022071838, -1.1207345724105835, -0.18390530347824097, -0.006322704255580902, -0.38083410263061523, 0.35566920042037964, -0.06540565192699432, -0.6914149522781372, -0.21716809272766113, -0.34265339374542236, 0.1547289788722992, -0.02239472232758999, 0.5425454378128052, -1.3997244834899902, -0.574500560760498, -0.6827706694602966, -1.3271030187606812, 0.8080587983131409, -0.18347281217575073, -0.08963334560394287, 0.123938649892807, 0.7446644902229309, -0.2461041659116745, -0.6572280526161194, -0.2604171931743622, -1.1381794214248657, 0.6480602622032166, -0.8914358019828796, 1.3750808238983154, 0.134467214345932, 0.31132158637046814, -1.1873406171798706, 0.2653495967388153, -1.350797176361084, 0.027820108458399773, 0.25720199942588806, -0.15552830696105957, -1.1730910539627075, 1.691961646080017, 0.7841897010803223, -0.6646324396133423, -1.1057121753692627, 0.6128296256065369, -0.48101112246513367, 0.06488542258739471, 0.491914302110672, -0.8341724872589111, 0.5120489001274109, 0.4143824279308319, -0.575019896030426, 0.21132102608680725, -0.8667097687721252, 0.9579154253005981, -0.2676217555999756, 0.8313355445861816, 0.175871342420578, -0.22322875261306763, -0.08464676886796951, 0.2399398386478424, -0.7291803359985352, -0.41187408566474915, -0.27139487862586975, 0.09399213641881943, 0.584104597568512, -0.25843173265457153, -0.38131627440452576, -0.5671984553337097, 1.0244780778884888, 0.7435089945793152, -0.10798059403896332, 1.2138382196426392, -0.6329551935195923, 0.37040480971336365, 0.17115063965320587, -0.3060028851032257, 0.08574899286031723, 0.5960951447486877, -0.22968259453773499, 0.5638271570205688, 0.304623007774353, 1.0210809707641602, 0.08891856670379639, -0.016466714441776276, 1.1577454805374146, 0.13342879712581635, 0.41929081082344055, -1.588250994682312, 0.7471639513969421, 0.09643569588661194, 0.18277260661125183, -0.9237226247787476, -0.40172672271728516, 0.08429412543773651, -0.05779363587498665, 1.1995879411697388, -0.5670742988586426, 0.0524970144033432, -0.6581209897994995, -0.20394566655158997, -0.9410174489021301, -0.4690728187561035, -0.9721561074256897, 0.3483957052230835, -1.402022361755371, 0.48011451959609985, -0.1439007818698883, -1.2437466382980347, -0.5687760710716248, -0.43968480825424194, 0.2865753769874573, -0.8756852746009827, -0.3800741732120514, -0.33144596219062805, 0.7491356730461121, -0.2649696469306946, -0.9466733932495117, -0.16224321722984314, 0.8600496649742126, 1.0768964290618896, -0.3172341585159302, 1.1268006563186646, 0.5765763521194458, -0.6956934332847595, 0.5099214911460876, 0.6600786447525024, -0.5857358574867249, -0.08370393514633179, 0.48468446731567383, -1.1703699827194214, -0.402712881565094, -0.3191547989845276, 0.045225922018289566, -0.6939651966094971, 0.846688985824585, 0.9593297243118286, -0.9366923570632935, 0.08288315683603287, -0.20907239615917206, 0.6115806698799133, 0.26319700479507446, -0.007648274302482605, -0.019327647984027863, -0.19954830408096313, 0.06708140671253204, 0.6430684328079224, 0.2524665892124176, 1.0811041593551636, -1.4064220190048218, -1.2940258979797363, -0.5559238791465759, 1.0790951251983643, 0.8825796842575073, -0.2815191149711609, 0.4980589747428894, 0.7059016227722168, -0.5171521306037903, 0.5824116468429565, 0.34182989597320557, 1.0880863666534424, -0.11703377962112427, 0.667173445224762, -0.10150264203548431, 0.4626011550426483, -0.49875789880752563, -0.1429106742143631, 0.5918201208114624, 0.9919275641441345, -1.6674339771270752, -0.49038809537887573, -0.015842024236917496, 0.43935808539390564, 0.25452297925949097, -0.8105363845825195, 0.35517266392707825, 0.4252104163169861, -0.9952048063278198, -1.1469547748565674, 0.17593201994895935, 0.558247447013855, -0.6860877275466919, 0.3273404538631439, 0.9063462615013123, 0.9555047750473022, 0.24263915419578552, 0.24774904549121857, 0.8553673028945923, -0.028094623237848282, -0.8372671008110046, 0.9622154235839844, 0.2988974452018738, 0.25084009766578674, -0.006767630577087402, -1.2180957794189453, -0.4512585997581482, 0.502395510673523, -0.4854600429534912, 0.6310933232307434, -0.5208200812339783, 0.3361050486564636, 0.6471471786499023, 1.1781569719314575, -0.1981983184814453, -1.5317823886871338, -1.0297513008117676, -1.412649154663086, 0.32002004981040955, 0.643485426902771, 0.4210665225982666, 1.0686893463134766, 0.7524044513702393, 0.35577625036239624, 1.3861557245254517, -0.15969660878181458, -0.013071835041046143, 0.22730422019958496, 0.04651844501495361, 0.9464095234870911, 1.2168083190917969, -0.04596748575568199, 0.8094369173049927, 0.2622833847999573, -0.9878101944923401, -0.056660111993551254, -0.8660111427307129, 1.0596388578414917, 0.2703550457954407, -0.7126270532608032, 0.1539456695318222, -0.6484837532043457, 1.4815680980682373, -0.7618656754493713, 0.5322797894477844, -0.16801418364048004, -0.655687153339386, -1.289755940437317, -0.5705373287200928, 0.01981990598142147, 0.7944402098655701, -0.2073100209236145, -0.16304947435855865, -0.12509335577487946, 0.4647422134876251, 0.39016708731651306, -0.3790251612663269, -0.7963361144065857, 0.14829114079475403, -0.901772141456604, 0.6087369322776794, 0.12903496623039246, -1.208181381225586, -0.5629570484161377, -0.2636811137199402, -0.32422107458114624, 0.6427302956581116, 0.37533265352249146, -0.8441964387893677, -0.49192628264427185, -0.08474452793598175, -1.0753533840179443, 0.8404624462127686, 0.19358767569065094, 0.0017617158591747284, -1.4764150381088257, 0.7667829990386963, 0.9495741724967957, 0.07385890185832977, 0.23350608348846436, -0.30896708369255066, 0.603154718875885, 0.3021516799926758, 0.32861000299453735]} +{"paper_id": "mc4", "embedding": [-0.4651072025299072, 0.8668358325958252, 0.04534319415688515, -0.0723881945014, 0.9159802794456482, -0.41899460554122925, 0.2437654435634613, 0.13561517000198364, 0.8823241591453552, 0.8334450125694275, 0.8608771562576294, -0.027867790311574936, 0.642943799495697, -0.03913704305887222, -0.07097667455673218, -0.06021410971879959, -0.5227103233337402, -0.7873900532722473, -1.1429380178451538, -0.24679043889045715, -1.1644234657287598, -0.17872191965579987, -0.011902563273906708, 0.964665949344635, -0.3393532633781433, -0.9624194502830505, 0.2488097995519638, -0.5060117244720459, -0.0697823092341423, 0.7855353355407715, -0.06626012176275253, 1.2236143350601196, -1.5198752880096436, 0.6121783256530762, -0.377030611038208, -0.2394847422838211, 0.5822360515594482, 0.666144073009491, -0.006016463041305542, -0.29734325408935547, -0.7296019792556763, -0.3092612326145172, 0.6372290253639221, 0.1525951772928238, 0.684977650642395, 0.1156228557229042, -0.10187938064336777, -0.20669950544834137, 0.07969088852405548, -0.11433367431163788, -0.0903354063630104, 0.38598522543907166, -0.43013694882392883, 0.3778369426727295, -0.2058314085006714, 1.4478819370269775, 0.02373659610748291, -0.7933048009872437, 0.3998299241065979, -0.9305287599563599, 0.9306751489639282, 1.5843204259872437, -0.4969131648540497, 0.21879833936691284, 1.4189443588256836, -0.059359110891819, 1.174160122871399, 0.4421265125274658, 0.5510519742965698, 0.8476689457893372, -0.26143693923950195, -1.2936508655548096, 0.6509334444999695, -0.17745870351791382, 0.30754315853118896, 1.0620661973953247, 0.29475530982017517, -0.22692187130451202, -0.5511470437049866, -0.5967291593551636, -0.7530738711357117, 0.4709470868110657, 0.08279027789831161, -0.6781217455863953, 0.003980226814746857, 0.6257582902908325, -0.02792448177933693, -0.30390846729278564, 0.5977510213851929, -1.8037317991256714, 0.5238078236579895, 0.18867266178131104, 0.42116326093673706, -0.3518415689468384, -0.4780712127685547, 0.18072474002838135, -0.4791240096092224, 0.35379987955093384, -0.15999795496463776, 0.39249712228775024, 0.5611974596977234, -0.22169436514377594, 0.9620903730392456, -0.004017770290374756, 0.2548697590827942, 0.8792642951011658, -0.38787201046943665, -1.277238368988037, -0.8107692003250122, -0.42856186628341675, -0.26944032311439514, 0.8857977390289307, 0.03840901330113411, -0.0038835937157273293, 0.05922962352633476, -0.3236587941646576, 0.6031990647315979, -0.387719064950943, -0.4027424454689026, 0.06993335485458374, -0.2829228639602661, -1.7047760486602783, -0.8364378809928894, -0.28395891189575195, 1.070477843284607, -0.7052853107452393, -0.23478209972381592, -0.5426760315895081, -0.08910314738750458, -0.30502715706825256, 0.5565185546875, 0.34670546650886536, -0.8446093797683716, 0.2286643087863922, 2.9169108867645264, -0.5123687982559204, 1.3225301504135132, -0.08054465055465698, -0.21691113710403442, -0.03415609151124954, 0.2875930666923523, 0.8506677746772766, 0.454473078250885, -0.7218105792999268, -0.30267104506492615, 0.45083174109458923, -0.8243605494499207, -0.008886627852916718, -0.6163966059684753, -0.5645702481269836, 0.331835001707077, -0.01955709606409073, -0.22783112525939941, -0.8456283211708069, -0.3850747346878052, 0.03394599258899689, 0.3437645137310028, 0.5555424690246582, -0.7011194229125977, 1.0920147895812988, 0.8640058636665344, 0.5909957885742188, -0.6904372572898865, 0.6668635606765747, -1.1178754568099976, 0.33087074756622314, 1.4018794298171997, 0.06772760301828384, -0.156072199344635, -0.26553863286972046, 0.5985339879989624, -0.6127198338508606, 0.3058773875236511, 0.08623407036066055, -0.4915814697742462, 0.34441620111465454, 0.6236796379089355, 0.6498948931694031, 0.04559837281703949, 0.516975462436676, -0.6183803081512451, -0.3022528290748596, 0.4298790693283081, 0.46078813076019287, -0.16118858754634857, 0.39989200234413147, -2.3763153553009033, -0.3526815176010132, -0.282123327255249, 0.2129841297864914, -0.245473712682724, -0.9146996736526489, 0.3192841410636902, -0.3042214512825012, 0.6139367818832397, -0.5828408002853394, 0.07828192412853241, -0.3806403875350952, -0.08958195894956589, 0.4560210108757019, 0.5442529916763306, -0.028234561905264854, 0.5272983908653259, 0.4549807906150818, 0.2583004832267761, -0.12444337457418442, -0.5700436234474182, -1.3046869039535522, 0.2824634611606598, 1.9637030363082886, -0.6500204205513, -0.779956579208374, -1.012555480003357, -0.5242103338241577, 0.35294827818870544, -0.7350024580955505, 0.13959644734859467, -1.0018974542617798, -0.28916043043136597, -1.4675687551498413, -0.3162064552307129, -0.19509592652320862, 0.10456878691911697, -0.2848915457725525, 0.9476189613342285, -0.4410683214664459, -0.13580192625522614, -0.7384609580039978, -1.1871953010559082, 0.6510165333747864, 0.554859459400177, 0.14781475067138672, -1.130510687828064, 1.0964161157608032, -0.5786049365997314, 0.696321427822113, 0.8404471278190613, 0.5130733847618103, -0.1826242357492447, -0.03880927339196205, 0.001185629516839981, 1.3511725664138794, -0.1247403472661972, -0.278930127620697, -0.020675629377365112, 0.967430830001831, -0.2367563247680664, -0.7392368912696838, 0.41234296560287476, 0.22943423688411713, 0.9524970650672913, 0.7843577861785889, -1.1547046899795532, 0.8573846817016602, -0.5641188025474548, 0.27846044301986694, -0.00925801694393158, -0.9657433032989502, 0.3574564456939697, -0.4179048538208008, 0.4330648183822632, -0.7212983965873718, 0.373033344745636, -0.24544920027256012, -0.252854585647583, -1.170495629310608, -0.7832377552986145, -0.5919337868690491, -0.5434567332267761, -1.4189002513885498, -0.664826512336731, -0.579147458076477, -0.44630274176597595, -0.6571945548057556, 0.7256273031234741, 0.4409647285938263, -0.18310600519180298, 0.6952226161956787, 1.2673449516296387, -0.030431006103754044, 0.8770644068717957, -0.5973363518714905, 0.6402221322059631, -0.4705635905265808, 0.9142220616340637, 0.7142122983932495, 0.24193131923675537, -1.3414627313613892, -0.45187655091285706, -0.2745492458343506, 0.32744652032852173, 0.4709573984146118, -0.28853657841682434, 0.458152174949646, -0.08652426302433014, -1.268437385559082, 0.9520615339279175, -0.8142935037612915, 0.5703980326652527, -1.3794749975204468, 1.6734919548034668, 0.2980074882507324, 0.2348758727312088, 0.8587560057640076, 0.2008877545595169, -0.2919165790081024, 0.8412616848945618, -0.6636999845504761, 0.5468957424163818, 0.9204093217849731, -0.15428908169269562, 0.1600269377231598, 0.07813359051942825, -2.0497357845306396, 0.03809020295739174, 0.6227799654006958, -0.08849070966243744, -0.2021939903497696, -0.6615778803825378, 0.3248695731163025, -0.028700876981019974, -0.2892684042453766, 0.1331881433725357, -0.08747221529483795, 0.22957366704940796, -0.20213192701339722, 0.4692692160606384, 1.6051106452941895, -0.693895697593689, 0.40068671107292175, 1.0814889669418335, 0.15616637468338013, -0.5284298658370972, -0.43476468324661255, 0.5413329601287842, -0.36880257725715637, 0.03659619390964508, 0.6820797324180603, 0.37117481231689453, 1.4189215898513794, -0.5520902276039124, -0.007432442158460617, 0.436092734336853, 0.7403743863105774, -0.2366957813501358, 0.9289687871932983, -0.06610583513975143, 0.1295412927865982, 0.6548460721969604, 1.1343024969100952, -0.050659678876399994, -0.8291290402412415, -1.1195122003555298, 0.030130881816148758, 0.06018787622451782, -0.6495699882507324, 1.528076171875, 0.3600195646286011, 0.7719423770904541, 0.24512924253940582, -0.22567176818847656, -0.809611976146698, -0.1978161334991455, 0.6422507762908936, 0.6107732057571411, -0.05442878603935242, 0.10123521089553833, 0.327193945646286, 0.9232779145240784, -0.19966460764408112, -0.41945067048072815, -0.12858574092388153, 0.929519772529602, 0.01780877262353897, -0.9548646211624146, 0.4707365036010742, 1.1169805526733398, 0.20496788620948792, 1.1389373540878296, -0.5382258892059326, -0.8527916073799133, -0.3199079930782318, 0.6669432520866394, 0.14369766414165497, 0.5818722248077393, -0.19975197315216064, 0.2695538103580475, -0.06352194398641586, 0.8546234965324402, 0.3922346234321594, 0.28605979681015015, 1.3856463432312012, -0.5020859241485596, -0.49224209785461426, 0.2186017632484436, -1.2687572240829468, -0.5141446590423584, -0.2034364640712738, -0.28427454829216003, -0.9543909430503845, 0.7634350657463074, -0.9675365686416626, -0.47434911131858826, 1.0007084608078003, -0.14514094591140747, -1.4142237901687622, -0.2046779841184616, 0.9570059776306152, -1.3061758279800415, -0.19633358716964722, -0.025670550763607025, -1.047612190246582, -1.1727901697158813, 0.013401995413005352, 0.03281541168689728, -0.15209847688674927, -0.4221035838127136, 0.5023294687271118, -0.23270678520202637, -0.04904782027006149, -1.4229282140731812, 0.8540714383125305, 1.4058772325515747, -0.5996320843696594, 0.18712975084781647, 0.06902071088552475, 0.5411865711212158, -0.24096718430519104, -0.6317444443702698, -0.4069831371307373, 0.495331734418869, 0.3420546352863312, 0.5229054093360901, -0.11695007979869843, -0.4680772125720978, 0.6727686524391174, 0.14543290436267853, 1.5124835968017578, -0.8760992288589478, -0.04720659181475639, -0.350003182888031, 0.8602263927459717, 0.6446808576583862, 0.05291402339935303, -0.3181653320789337, 1.0676807165145874, -0.33986201882362366, 0.8774784803390503, -0.6254305839538574, 0.5294290781021118, 0.1428133249282837, 0.4748746156692505, 0.1767396777868271, -0.2601276636123657, -11.772285461425781, -0.08166493475437164, -0.1830858439207077, 0.08523911237716675, 1.0548328161239624, 0.059786342084407806, 1.2565641403198242, 0.03150421380996704, -0.14501342177391052, -0.44439268112182617, 0.5644779801368713, 1.0821475982666016, 0.12335892021656036, -0.4240330159664154, -0.5770158171653748, -0.554213285446167, -0.9810053706169128, 0.3342598080635071, 0.340642511844635, -0.5088765621185303, -1.012802004814148, -0.1467369794845581, -0.22920368611812592, 0.24316281080245972, -0.09927044808864594, -0.011324703693389893, 0.03645377233624458, -0.2856093943119049, 0.017631590366363525, -0.4536987841129303, 0.29193517565727234, -0.014386573806405067, -1.2984676361083984, -0.7057929039001465, 0.4244863986968994, 0.39439713954925537, -1.4440449476242065, -0.1256599724292755, 1.559280514717102, -0.007556301541626453, -0.13788849115371704, 0.7054434418678284, 0.06420718878507614, 0.697848379611969, -0.5994071960449219, 0.6538606286048889, 0.6743952035903931, -0.6174664497375488, 0.8915499448776245, -0.7601925730705261, -0.19227978587150574, -1.4467966556549072, -1.1041486263275146, -0.7722864747047424, 0.7185379266738892, 0.5064993500709534, -0.6270353198051453, 0.22461524605751038, -0.03548350930213928, -0.9878443479537964, 0.9623333811759949, 0.5655530691146851, -0.2770377993583679, -0.16379405558109283, -0.04438760131597519, -0.7574003338813782, 0.3034761846065521, 0.7968338131904602, -0.04520087316632271, 0.11042925715446472, -0.3528403341770172, 0.4356943666934967, 0.4756046533584595, 0.15231919288635254, -0.030999645590782166, -0.15279394388198853, -0.12506727874279022, -0.1018359437584877, 0.2867587208747864, 0.34849926829338074, -0.8730080127716064, 0.4555343687534332, -0.3987250030040741, -0.40222620964050293, 0.31602993607521057, -0.19760052859783173, -0.539578914642334, -0.04133050888776779, -0.05923224985599518, 0.4320096969604492, 1.0190508365631104, -0.5349612236022949, 0.24838019907474518, 0.3472730815410614, -0.7893872261047363, 1.0468149185180664, -1.606345772743225, 0.625190794467926, 0.09612531960010529, -1.185721755027771, -0.03663395345211029, 0.29801270365715027, -0.23078493773937225, -0.4360194504261017, 1.0905873775482178, 0.22822389006614685, 0.04194733500480652, 0.3665020763874054, 0.23125521838665009, -0.3280128538608551, 0.4501306414604187, 0.07511362433433533, -0.04395341873168945, 1.045963168144226, -0.1699601113796234, 0.885244607925415, 0.623206377029419, 0.28051069378852844, 0.9666997194290161, 0.9146746397018433, -0.8357419371604919, 1.1362169981002808, 0.2519802451133728, 0.7048904299736023, -0.28503891825675964, 0.5773528218269348, -0.08440445363521576, 0.5553300380706787, 0.06794089078903198, -1.211352825164795, -0.21792197227478027, -0.15996313095092773, -0.3655966520309448, -0.7902372479438782, -0.3836703598499298, -0.4966939389705658, -1.1064871549606323, 1.8750407695770264, -0.1569802165031433, 0.6516437530517578, -0.0871710479259491, -0.8364256620407104, 0.23171678185462952, -0.8806207180023193, -1.0715467929840088, 0.0786813497543335, -0.7691980004310608, -0.1591380387544632, -0.6489739418029785, -0.2487695813179016, 0.5265176892280579, -0.30135974287986755, 0.7836267948150635, -1.3045263290405273, -0.05135985463857651, -0.4851432144641876, 0.1804802566766739, -0.7943822145462036, -0.9302363991737366, -0.4702092707157135, -0.027798503637313843, 1.761521816253662, -0.8597112894058228, 1.2084181308746338, 0.4256977438926697, 0.009054755792021751, -0.5407972931861877, -0.3039841651916504, -0.5446362495422363, 0.5287489295005798, 1.3189668655395508, -0.11315194517374039, -0.3339618146419525, -0.6685086488723755, -0.7886626720428467, -1.1845180988311768, 0.6505786776542664, 1.6074135303497314, -0.21145880222320557, 0.4193681478500366, 0.016799893230199814, 1.0081430673599243, -0.5532407164573669, -0.29778239130973816, -1.0699259042739868, 0.1576327383518219, -0.3307385742664337, 1.4105210304260254, -0.46258753538131714, 0.44716107845306396, -1.6609209775924683, -1.1457350254058838, -0.41977769136428833, -0.4047695994377136, 0.03509216010570526, -0.41442587971687317, 0.9266347885131836, 0.40305444598197937, 0.11837923526763916, -0.01834731549024582, -0.40671414136886597, 0.8416480422019958, -0.3948957920074463, 0.5264047980308533, 0.16604368388652802, 0.16508866846561432, -0.7415246367454529, 0.3513215482234955, -0.09070281684398651, 0.3665573000907898, -1.5449033975601196, -0.22841492295265198, -0.11873576045036316, -0.33705469965934753, -0.3833622336387634, -1.0740776062011719, 0.2592774033546448, -0.18414320051670074, 0.2853465676307678, -0.9188735485076904, -0.10236645489931107, 1.966069221496582, 0.33827096223831177, 0.9406102299690247, 0.7032270431518555, 0.4307025969028473, 0.7004092931747437, 0.8189136385917664, 1.4563930034637451, 0.018086500465869904, -1.279474139213562, -0.22590920329093933, -0.11988528072834015, -0.2995438575744629, -0.06194687262177467, 0.11684742569923401, -1.3160632848739624, 0.4174603521823883, -1.3834441900253296, 0.49112462997436523, -0.20808646082878113, 0.3856510519981384, 0.5969633460044861, 0.5095745325088501, -0.2084817886352539, -1.5208218097686768, -0.3317466080188751, -0.6139459609985352, 0.031161557883024216, 0.5762212872505188, 0.33282211422920227, 0.06348630040884018, 0.6743738651275635, -0.3176383376121521, 0.925568163394928, -0.15701285004615784, -0.4539651870727539, -0.135623961687088, 0.1097334623336792, 1.2455124855041504, 0.3856974244117737, 0.40091732144355774, -0.5659677386283875, -0.027212858200073242, -0.18797412514686584, -0.7679466009140015, 0.34043338894844055, 0.27662092447280884, 1.4421374797821045, 0.19361039996147156, 0.18081392347812653, -1.3659037351608276, -0.039596837013959885, -0.9295620918273926, 0.9679774045944214, 0.7669000029563904, -0.569856584072113, -1.0072393417358398, -0.6945161819458008, 0.7715755701065063, 0.7233490943908691, -0.07481031119823456, 0.14496181905269623, -0.804137647151947, 0.9498116970062256, 0.6473804712295532, -0.373668909072876, -1.0041146278381348, 0.37547630071640015, -0.05935452878475189, 0.3715090751647949, 0.6294777393341064, -0.4641036093235016, -0.2856399416923523, 0.23894570767879486, -0.8650177717208862, 0.44243401288986206, -0.1671520471572876, -0.7495297789573669, -0.43447670340538025, 0.38273701071739197, -0.32650232315063477, -0.13082171976566315, 0.4890126585960388, -0.8353655338287354, -1.4019598960876465, 0.971840500831604, 0.7559065818786621, -0.6662395000457764, -0.4243677258491516, 0.0005925260484218597, -0.04512127861380577, 0.5081328749656677, 1.5998691320419312]} +{"paper_id": "web_questions", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "pubmed_qa", "embedding": [-0.7722348570823669, 0.9085707068443298, -0.1092967689037323, -0.5851795673370361, 0.13138368725776672, 0.1884920746088028, 0.6020210385322571, 1.1630879640579224, 0.396776020526886, 1.0565283298492432, 0.1640912890434265, 0.46092018485069275, -0.5663070678710938, -0.10116337984800339, -0.6408331990242004, -0.6490936875343323, -1.1204956769943237, -0.3661177456378937, -1.0936639308929443, -0.39123910665512085, -1.0496225357055664, -0.36709558963775635, 0.315498024225235, 1.0680934190750122, -0.6157622337341309, -0.9657535552978516, 0.5931529998779297, -0.5770658850669861, 0.2307066023349762, -0.011781450361013412, 0.08850927650928497, 1.358426809310913, -1.593733310699463, 0.35002249479293823, -0.6729266047477722, -0.3837314248085022, 0.0628661960363388, 0.982214093208313, -0.2792365550994873, -0.30591538548469543, -0.844463586807251, 0.5090713500976562, 0.5961102247238159, 0.7376381158828735, 1.6013493537902832, -0.8418766856193542, 0.4109523892402649, -0.10962826013565063, -0.26226669549942017, -0.1871025115251541, -0.2714448571205139, 0.7382062077522278, -0.49511659145355225, 0.5192315578460693, -0.39511922001838684, 0.9070000052452087, 0.21433961391448975, -0.0653567686676979, 0.7375020980834961, -1.200847864151001, 1.6825979948043823, 1.4547351598739624, -0.018598655238747597, -0.5156639814376831, 0.7345727682113647, 0.41187238693237305, 1.6120244264602661, 0.23156605660915375, 0.29206281900405884, 0.578159749507904, -0.23822614550590515, -0.9313931465148926, -0.17370060086250305, -0.42412862181663513, 0.015813209116458893, 0.3138836920261383, 0.23888225853443146, -0.40010640025138855, 0.1961176097393036, -0.056465812027454376, -0.10570979118347168, 0.22342859208583832, 0.8695093393325806, -0.6968014240264893, 0.2302212119102478, -0.16819199919700623, 0.08777633309364319, -0.7059919834136963, 0.6131169199943542, -1.5301579236984253, 0.6550012230873108, 0.5093374252319336, -0.24846461415290833, -0.21830248832702637, -0.19048026204109192, 0.3435147702693939, -0.8310338258743286, -0.1945984959602356, 0.0646871030330658, 0.4388844668865204, 0.7984768152236938, -0.756223201751709, 0.7110838890075684, -0.6327768564224243, -0.1629587560892105, 0.5366367697715759, -0.24108368158340454, -0.2583700716495514, -0.5346183180809021, -0.49980729818344116, 0.652484655380249, 0.09508904069662094, 0.4047097861766815, 0.33254724740982056, -0.02815300226211548, 0.5047510266304016, 0.30531102418899536, -0.39083316922187805, -0.4356502592563629, 0.06882058829069138, 0.14905168116092682, -1.1886146068572998, -0.1625823676586151, -0.209016352891922, 0.7785689830780029, -0.507936418056488, 0.5025203824043274, 0.14509239792823792, -0.03246830403804779, 0.7370848655700684, 0.16669251024723053, 0.0973195880651474, -1.5904808044433594, 0.644309937953949, 3.443673849105835, -0.5245065093040466, 1.599402904510498, -0.3846234083175659, 0.21170075237751007, -0.6267291307449341, 0.38424912095069885, 0.4577523469924927, 0.7241402864456177, -0.7906740307807922, -0.6815134882926941, 0.7903168201446533, -0.5553489327430725, 1.0597410202026367, -1.2481226921081543, -0.662368655204773, -0.6934383511543274, -0.07557036727666855, -1.2612773180007935, -0.9284231066703796, 0.1934063881635666, 0.7702174782752991, -0.1994471251964569, 0.6264357566833496, -0.5505576133728027, 0.6463900208473206, 0.46245259046554565, -0.20793496072292328, -0.3520297706127167, 0.676628589630127, -0.7968339920043945, -0.7458098530769348, 1.0049608945846558, 0.08820510655641556, -1.3071705102920532, 0.05316182225942612, 0.4730764627456665, -0.4249553382396698, -0.39708516001701355, 0.055898718535900116, -0.2260303795337677, -0.28043776750564575, 0.7427724003791809, 0.6653534173965454, -0.2019876390695572, -0.480883926153183, -0.22736364603042603, 0.0692986398935318, -0.19485130906105042, 0.31631505489349365, 0.48590728640556335, 0.4734410047531128, -2.0536839962005615, -0.06835827231407166, -0.5009267926216125, 0.8400601744651794, 0.0029319003224372864, 0.25263431668281555, 0.021089427173137665, 0.13162365555763245, -0.2932465970516205, -1.0379638671875, 0.12247765064239502, -1.6539193391799927, 0.005499973893165588, 0.54682457447052, -0.32584118843078613, 0.35088714957237244, 0.26487746834754944, 0.9736680388450623, 0.9825347065925598, -0.826511561870575, -0.9726190567016602, -1.8105103969573975, 0.4158269464969635, 2.432706117630005, -0.37023815512657166, -0.3284173011779785, -1.0761820077896118, -0.46645307540893555, 0.4836561679840088, 0.06379271298646927, -0.5440830588340759, -0.6032351851463318, 0.25626084208488464, -0.8296442627906799, 0.6110004782676697, -0.35990631580352783, 0.10245952755212784, 0.7056681513786316, 1.4370074272155762, -0.6969665884971619, -0.39436832070350647, -0.45794638991355896, -0.45744818449020386, 0.8182023763656616, 0.07557453960180283, -0.10373665392398834, -0.04811064153909683, 0.5833501219749451, 0.2597448527812958, 0.521097719669342, 0.500736653804779, 0.13965237140655518, -0.5182721018791199, 0.7611715197563171, -0.5031291246414185, 0.9681777954101562, -0.5491315126419067, 0.46705326437950134, 0.595058023929596, -0.14618292450904846, -0.5808594822883606, -0.6766979694366455, -0.04899268597364426, -0.39284271001815796, 0.8160682916641235, 0.39142853021621704, 0.05709531903266907, 1.287335991859436, -0.4788709878921509, -0.26615822315216064, -0.15945327281951904, -0.511681079864502, -0.36223989725112915, -0.4723122715950012, 0.5967998504638672, 0.6382433772087097, -0.11587245762348175, -0.09796330332756042, 0.04705357551574707, -1.4909744262695312, 1.0901238918304443, 0.18647661805152893, -0.557327926158905, -0.5394319295883179, -0.35299253463745117, -0.006327725946903229, -1.0357187986373901, -0.2985474169254303, 0.6225156188011169, 0.25500649213790894, -0.266737699508667, 1.4207687377929688, 0.7980449199676514, 0.16761872172355652, -0.06623025238513947, 0.08575031161308289, 1.128995418548584, -0.959458589553833, 0.3045947551727295, -0.4248265027999878, 0.3239714205265045, -0.8023426532745361, 0.4533725082874298, -0.3806280493736267, 0.49824750423431396, 0.012539133429527283, 0.13278666138648987, 0.42008307576179504, -0.23303508758544922, -0.7893765568733215, 0.8492608070373535, 0.15997999906539917, -0.4657292664051056, -0.5117312669754028, 1.8220704793930054, -0.03870043158531189, -0.26906314492225647, 0.6532940864562988, 0.4604557752609253, 0.23185963928699493, 0.7507471442222595, 0.3361126482486725, 0.768273115158081, 0.16330048441886902, -0.2723938226699829, 0.4652804732322693, 0.8225367665290833, -1.5070995092391968, 0.3647545874118805, 0.7726703882217407, -0.5669732689857483, -0.8654652237892151, -1.2215458154678345, -0.36014044284820557, -0.2830236852169037, 0.2553199827671051, 0.36318469047546387, -0.7323779463768005, 0.40928009152412415, -0.20825394988059998, 0.21622364223003387, 0.6885780692100525, -0.7640831470489502, 0.23705531656742096, 0.6466571092605591, -0.5867040157318115, -0.8180915117263794, -1.1704094409942627, 0.9357250332832336, 0.04729125648736954, -0.032041676342487335, 0.4302861988544464, 0.9599408507347107, 1.1579521894454956, -0.11974076181650162, -0.5261049270629883, 0.2786332368850708, 0.3632594048976898, 0.1312870979309082, -0.24186696112155914, 0.11448509991168976, 0.7013950347900391, 0.2700740396976471, 0.9087995886802673, -0.06100832670927048, -0.4119574725627899, -0.9993937611579895, -0.4110872149467468, 0.0900094211101532, -0.2319323718547821, 2.271771192550659, 0.6025604009628296, 1.457098364830017, -0.22857993841171265, 0.35685768723487854, -0.20030422508716583, -0.21645742654800415, 0.6996233463287354, 0.6426444053649902, 0.1575797200202942, -0.9605388641357422, -0.2285195291042328, 0.04443124309182167, -0.07629802078008652, -0.33592647314071655, 0.413074254989624, 0.39460131525993347, 0.2008281648159027, -0.8568786382675171, -0.09598881751298904, 0.37288305163383484, 0.6313015818595886, 1.4153954982757568, -0.49676114320755005, -0.8397658467292786, -0.2280179113149643, 0.2438555359840393, 0.3468596339225769, 0.1840415894985199, -0.5139031410217285, 0.3181859254837036, 0.03714253380894661, -0.20360036194324493, -0.3059436082839966, 1.0064961910247803, 0.4004250168800354, 0.006037559360265732, -1.8633521795272827, -0.6091209053993225, -0.5741013884544373, -0.20292378962039948, 0.2280018925666809, -0.05733160302042961, -0.7205759882926941, 0.45385855436325073, 0.14416587352752686, -1.1161900758743286, 0.18564373254776, -0.19529187679290771, -1.7882226705551147, 1.6172999143600464, 0.9723794460296631, -1.605041742324829, -0.06109800189733505, -0.1390329897403717, -0.6242260932922363, -0.28806236386299133, 0.14349929988384247, -0.6746776103973389, -0.05779062211513519, 0.13520024716854095, 1.33226478099823, 0.07897115498781204, 0.38413703441619873, -0.8950329422950745, 1.3467891216278076, 0.854595422744751, -1.4781122207641602, 1.0821996927261353, -0.14496038854122162, 0.847438633441925, -0.373193621635437, -0.9641404747962952, -1.0516407489776611, 0.271086186170578, -0.688867449760437, -0.3093578815460205, -1.1056907176971436, -0.7859517931938171, 0.6077819466590881, -0.19177880883216858, 1.0688989162445068, 0.02211523801088333, -0.2270900011062622, -0.8836289048194885, -0.5836561322212219, 1.1499006748199463, -0.496826708316803, -0.6871592998504639, 0.8361738324165344, 0.14869388937950134, 1.118915319442749, -0.4387494921684265, 0.4940152168273926, 1.2423584461212158, -0.6688141226768494, -0.10111474990844727, -0.4217381477355957, -11.624722480773926, 0.8369405269622803, -0.07287061214447021, 0.06377872824668884, 0.5510581135749817, -0.2994430363178253, 0.9186029434204102, -1.065751552581787, 0.19219498336315155, -0.38710570335388184, 0.763430118560791, 1.5438816547393799, 0.4298744201660156, -0.6037598252296448, -0.1654655784368515, -1.712680697441101, -0.6432953476905823, -0.2943865656852722, 0.020407840609550476, -0.47634878754615784, 0.2311430722475052, -0.5494006872177124, -0.372908353805542, -0.2772887051105499, 0.4488707184791565, 0.4966262876987457, -0.5580599904060364, 0.05475100129842758, -0.39432013034820557, 0.6161177158355713, 0.6800100207328796, 0.4340125024318695, 0.2562481164932251, -0.3136018216609955, -0.15275147557258606, -0.35449501872062683, -0.2548389136791229, 0.09624657034873962, 1.123461365699768, -0.01498266402631998, -0.4769315719604492, 0.1424914449453354, 0.5055265426635742, -0.12563414871692657, -0.6834960579872131, 0.38564765453338623, 0.2943311333656311, -1.29567289352417, 0.2595233917236328, -0.14956791698932648, -0.9886170029640198, -0.4395084083080292, -0.28109532594680786, 0.0035780668258666992, 0.021652959287166595, 0.5545984506607056, -0.9402540922164917, -0.26014575362205505, -0.9464501142501831, -0.5668531656265259, 0.3182410001754761, -0.266284704208374, -0.3750769793987274, 0.760546863079071, -0.04915842413902283, -0.013884931802749634, 0.2099127173423767, 0.40115728974342346, -1.7276972532272339, 0.460376113653183, -0.41035404801368713, 1.5133134126663208, 0.32495829463005066, -0.25068777799606323, -0.7272623181343079, 0.06669542193412781, -0.7551209926605225, -0.6918766498565674, 0.19459111988544464, 0.17007531225681305, -1.3609241247177124, 0.7807248830795288, 0.856759250164032, -0.984020471572876, -1.1744637489318848, 0.3284689486026764, -0.6175123453140259, 0.6798073053359985, 0.726057767868042, -0.5966321229934692, 1.084349274635315, 0.1035093292593956, -0.49277400970458984, -0.6053076982498169, -0.08942222595214844, 0.446809321641922, -0.5842568874359131, 0.38873377442359924, 0.18802562355995178, -1.0340654850006104, 0.7417216897010803, -0.39951658248901367, -0.7662118673324585, 0.1404261738061905, 0.6790139675140381, -0.37824228405952454, 0.14601904153823853, 0.01815110445022583, -0.910599946975708, -0.6683101058006287, 1.2815464735031128, -0.28659194707870483, -0.19236312806606293, 0.442901074886322, -0.8204523324966431, 0.6386052966117859, 0.7513975501060486, -0.09379714727401733, 0.4347803592681885, 0.9174589514732361, -0.4630528390407562, 0.787692666053772, 0.13745960593223572, 1.3141916990280151, -0.45789870619773865, -0.25520583987236023, 0.507817268371582, -0.03837347775697708, -0.3971010446548462, -0.9358600378036499, 0.7420583367347717, -0.15354780852794647, 0.1817476749420166, -0.6379162669181824, -0.1603706330060959, 0.3079465329647064, -0.049127887934446335, 1.5687942504882812, -0.468326210975647, -0.08097347617149353, -0.08970612287521362, 0.1484912484884262, 0.2540714740753174, -1.1165498495101929, -1.1698901653289795, 0.18862509727478027, -1.0001276731491089, 0.26691603660583496, 0.17949753999710083, -0.4110333323478699, 0.3237743377685547, -0.2027825117111206, 1.3357239961624146, -1.141878366470337, -0.4855217933654785, -0.7972944378852844, 0.956061065196991, 0.043017610907554626, -1.366673469543457, -0.21337123215198517, -0.24034270644187927, 0.2625185549259186, -1.0083956718444824, 1.043443202972412, 0.8836965560913086, -0.154270201921463, 0.09599026292562485, 0.7764765024185181, -0.411342591047287, 0.008327022194862366, 0.8041749000549316, -1.2537708282470703, -0.01405363529920578, -0.5519372224807739, 0.39807313680648804, 0.5143654942512512, 0.7799813747406006, 1.081676959991455, -1.2202616930007935, 0.17128464579582214, -0.24103081226348877, 1.136979579925537, 0.44019776582717896, -0.3538306951522827, -0.6447244882583618, 0.32611337304115295, 0.43233802914619446, 0.3490329384803772, 0.32490697503089905, 0.8191319108009338, -1.8078831434249878, -0.9100624322891235, -0.10291747748851776, 0.18493720889091492, 0.6370376348495483, 0.4291994273662567, 0.6765203475952148, 0.3681200444698334, -0.04501762241125107, 0.3709586262702942, 0.6095932722091675, 1.3931883573532104, 0.08115838468074799, 0.9002236127853394, 0.006180942058563232, 0.4996051490306854, -0.5672326683998108, 0.09482885897159576, 0.30488821864128113, 1.2963489294052124, -1.2088453769683838, -0.2141459882259369, 0.2640214264392853, -0.21891851723194122, 0.42215695977211, -1.1558738946914673, 0.5504550337791443, 0.03433062508702278, -0.7495638728141785, -1.6115597486495972, 0.33556684851646423, 1.058199167251587, 0.14118123054504395, 0.6086940169334412, 0.039330508559942245, 1.2601720094680786, 0.6492971181869507, -0.5311176180839539, 0.8074793219566345, -0.03249702230095863, -0.20723842084407806, 0.4408462941646576, 0.36821046471595764, -0.06996558606624603, 0.09148633480072021, -0.5529017448425293, -0.36479049921035767, 0.6311646699905396, -0.20924833416938782, 0.8889848589897156, -0.4997968077659607, 0.14524097740650177, 1.1023690700531006, 1.213358998298645, -0.37279069423675537, -1.798706293106079, -0.21817946434020996, -0.6918653249740601, -0.2393380105495453, 0.9465402364730835, 0.03275516629219055, 0.34953710436820984, 0.7991613149642944, 0.10389204323291779, 0.656602680683136, -0.3282192051410675, 0.32709619402885437, 0.24362799525260925, -0.5946688652038574, 0.6146939396858215, 0.8720866441726685, -0.26284894347190857, 0.07360813766717911, -0.9056528806686401, -0.4877122640609741, 0.13111558556556702, -0.627379298210144, 0.8362939357757568, 0.8819042444229126, -0.7397832274436951, 0.20025835931301117, -0.4851771593093872, 0.5337678790092468, -0.6647080183029175, 0.23390212655067444, -0.3173478841781616, -0.9055776000022888, -0.9647146463394165, -0.8416737914085388, 0.0716789960861206, 0.7630516886711121, -0.13002683222293854, -0.24908365309238434, 0.3637996315956116, 0.8515740633010864, -0.08472414314746857, 0.027141807600855827, -0.8902668356895447, -0.21922741830348969, -0.7541951537132263, 0.3150767683982849, 0.3465166985988617, -0.34327834844589233, -0.40540826320648193, -0.3957066535949707, -0.8873663544654846, 0.49764204025268555, -0.46372509002685547, -0.5986657738685608, -0.27227523922920227, 0.26042523980140686, -0.4813825190067291, 0.44465601444244385, -0.008700601756572723, 0.15357692539691925, -1.4163999557495117, 0.4586566090583801, 0.9678268432617188, 0.19327668845653534, -0.297028511762619, -0.19081827998161316, 0.6599599719047546, 0.008592691272497177, 0.6254111528396606]} +{"paper_id": "sciq", "embedding": [-1.2208460569381714, 0.5408682823181152, -0.1962428241968155, -0.17240697145462036, 0.6594215035438538, -0.6066840887069702, 0.2934070825576782, 0.6716139912605286, 0.36610597372055054, -0.2801646888256073, -0.16895584762096405, 0.3268994987010956, -0.23649123311042786, 1.0630359649658203, -0.3594273030757904, -0.9085744619369507, -0.5796636939048767, -0.6314423084259033, -0.8103593587875366, -0.545899510383606, -1.2658050060272217, -0.35771387815475464, 0.27744463086128235, -0.17392346262931824, -0.03823953494429588, -1.0653051137924194, 0.8353835940361023, -0.6690584421157837, 0.47481968998908997, -0.20698773860931396, -0.05252813547849655, 0.9759060144424438, -1.296385645866394, 0.153729647397995, -1.025720477104187, 0.1258295327425003, -0.034401681274175644, 1.6399056911468506, -0.2715704143047333, -0.16106414794921875, -0.7738388180732727, 0.6506772041320801, 0.8042263388633728, -0.2970711588859558, 0.14924712479114532, -0.9745015501976013, 0.872391939163208, -0.43435728549957275, 0.031264305114746094, 0.03279213234782219, -0.5929015278816223, 0.7622406482696533, -0.0982232540845871, -0.19065196812152863, -0.16237685084342957, 0.45138663053512573, 0.6758770942687988, -0.5050199627876282, 1.005932092666626, -0.9647570848464966, 1.2140147686004639, 1.197675347328186, 1.0309659242630005, 0.13636408746242523, 0.515663206577301, -0.06837832927703857, 1.1343741416931152, 0.16059733927249908, -0.3473396599292755, -0.02820509485900402, -0.880856454372406, -0.6046158671379089, -0.4427262544631958, 0.31401941180229187, 0.010591655969619751, 0.023110322654247284, -0.36286503076553345, 0.2646842300891876, 0.4946237802505493, -0.12422202527523041, -0.3197345733642578, -0.018906235694885254, 0.92298823595047, 0.08503276854753494, 0.027700506150722504, -0.4890460669994354, 0.21201691031455994, -0.9371195435523987, 0.4000295400619507, -0.876244306564331, 0.5003769397735596, 0.04632922261953354, 0.40119653940200806, 0.18678879737854004, -0.7284014225006104, 0.8105558753013611, -0.5931906700134277, -0.3969939947128296, -0.8307803869247437, 1.3487064838409424, 0.2568696439266205, 0.06219145283102989, 0.48357972502708435, 0.22135445475578308, 0.417365163564682, 0.4090186655521393, 0.5051988363265991, 0.08048771321773529, -0.5227177739143372, -0.9122682213783264, -0.2011173516511917, 0.4084084630012512, 0.1758781373500824, 0.4858315587043762, -0.16165953874588013, 0.24404749274253845, 0.08071769773960114, -1.1792256832122803, -0.1959947645664215, -0.2686977982521057, 0.16204196214675903, -1.1491148471832275, -0.26593339443206787, 0.060532793402671814, 0.9164777994155884, -0.14172326028347015, -0.3246200680732727, -0.6611867547035217, -0.7372801303863525, 0.7748000025749207, 1.389650583267212, -0.061291467398405075, -0.16926787793636322, -0.0942012369632721, 2.9796106815338135, -0.46014535427093506, 0.9974147081375122, 0.04738546907901764, -0.24884158372879028, -0.32947245240211487, -0.40608149766921997, 0.5622700452804565, 0.15677961707115173, -0.9807422757148743, -0.6946008801460266, 0.21300266683101654, 0.4947062134742737, -0.249235600233078, -1.2984414100646973, 0.14581088721752167, -0.24600178003311157, 0.7377601861953735, -1.2295676469802856, 0.2064242959022522, 1.0291943550109863, 0.4881686866283417, 0.09381937980651855, -0.5189785957336426, -0.6170940399169922, -0.30808719992637634, 0.11552940309047699, 0.12526528537273407, -0.5098202228546143, 0.739340603351593, -0.17064982652664185, -0.7315414547920227, 0.9539213180541992, -0.1323862373828888, -1.5712502002716064, 0.06332582980394363, 0.4233202040195465, -0.48646268248558044, -0.026261091232299805, 0.2727786600589752, -0.4014196991920471, -0.5251715779304504, 0.4524374008178711, 0.07162649929523468, -0.42281001806259155, -1.070847749710083, 0.594782292842865, 0.03653638809919357, -0.2968742251396179, 0.8145873546600342, -0.09861211478710175, 0.0879562497138977, -2.5486340522766113, 0.05544648692011833, -0.14730863273143768, -0.1226637065410614, 0.08375272154808044, 0.5755181908607483, 0.07165501266717911, 0.5239647626876831, -0.02651701495051384, -0.7248722314834595, 0.06894154846668243, -1.8551360368728638, 0.9665316939353943, 0.5941082239151001, -0.0327858030796051, 1.0235600471496582, 0.5762490630149841, 1.3341718912124634, 0.6586003303527832, 0.29745742678642273, -1.108795404434204, -1.8645291328430176, 0.20613208413124084, 1.2326982021331787, -1.0789518356323242, -0.17379286885261536, -0.7688565254211426, 0.0241270512342453, -0.33891019225120544, 0.06723015755414963, 0.057487644255161285, -0.10181526839733124, -0.05741714686155319, -1.1514852046966553, 0.6703075766563416, -0.5282531976699829, -0.6816747784614563, 0.25987204909324646, 1.5738935470581055, -0.6462147235870361, -0.40896710753440857, 0.22867852449417114, -0.9758424162864685, 0.5651340484619141, 0.46053487062454224, 0.07582946866750717, 1.2207980155944824, 0.7609588503837585, 0.41612815856933594, 1.097618818283081, 0.25622567534446716, 0.4417639672756195, -0.8393539190292358, 0.2679588496685028, -0.2015962451696396, 1.150511384010315, 0.5801811218261719, -0.4319372773170471, 0.18092574179172516, -0.19320279359817505, -0.5402404069900513, -0.2710241675376892, -0.22604869306087494, 0.0052915215492248535, 1.0205532312393188, 0.8568370938301086, -0.5985409617424011, 0.8739377856254578, -0.7871783375740051, -0.6963510513305664, -0.4145241379737854, 0.11731705069541931, -0.1813593953847885, -0.38384801149368286, 0.9405643939971924, 0.37785065174102783, 0.23705387115478516, -0.45501208305358887, -0.5951158404350281, -1.0179253816604614, 0.16315126419067383, 0.17118853330612183, -0.5913003087043762, 0.013304419815540314, -0.5239466428756714, -0.21653859317302704, -0.710757315158844, -0.9731517434120178, -0.2439175695180893, -0.7342029213905334, -0.6516003608703613, 1.5151340961456299, 0.8151826858520508, -0.2004135549068451, -0.013210056349635124, 0.6634740829467773, 0.6314123272895813, -0.32468870282173157, 0.4872506856918335, -0.23152141273021698, 0.39332881569862366, -1.128048062324524, -0.02219623327255249, -0.46281373500823975, -0.2197977900505066, 0.3053680956363678, -0.19733470678329468, 0.32719069719314575, -0.7837425470352173, -0.9902237057685852, 0.09640395641326904, 0.4935806095600128, 0.28319376707077026, -0.32604730129241943, 1.1434731483459473, -0.006033392623066902, -0.3489246368408203, 0.8350124359130859, 0.2263844907283783, 0.2634142339229584, 1.191045880317688, -0.36078208684921265, -0.027678797021508217, -0.5003644227981567, -1.0408668518066406, -0.027439769357442856, 0.26343145966529846, -1.7963770627975464, 1.0628215074539185, 1.3020329475402832, -0.5250645875930786, -0.4087958037853241, -0.08297841250896454, -0.2154688984155655, -1.315913438796997, 0.7550418972969055, 0.7385832071304321, -0.841871976852417, 0.9713526964187622, -0.21553176641464233, 0.1708270013332367, 1.136336326599121, -0.8153325915336609, 0.5749731063842773, 0.1651434451341629, -0.18653100728988647, -0.9232333898544312, -1.0816296339035034, 0.7409380674362183, 0.24877314269542694, -0.13060219585895538, 0.0071132592856884, 0.785943865776062, 0.660585880279541, -0.8517959117889404, -0.6929442882537842, -0.11493270099163055, 0.845798134803772, 0.021241022273898125, -0.8240664601325989, 0.25700104236602783, 0.6776354312896729, 0.4235559403896332, 1.9803845882415771, 0.06653083860874176, -0.5515844225883484, -0.30443790555000305, -0.6817087531089783, -0.6878212094306946, 0.09830551594495773, 0.9416086673736572, 0.600108802318573, 1.0322446823120117, 0.5055312514305115, 0.634941816329956, -0.15472176671028137, -0.42729949951171875, 1.1541489362716675, 0.4870668351650238, 0.29212653636932373, -0.7923446893692017, 0.20708344876766205, -0.06967411935329437, 0.5549250245094299, -0.28075480461120605, 0.9059644341468811, 0.7502004504203796, 0.28836914896965027, -1.4415191411972046, 1.4578627347946167, 1.0841326713562012, 0.34609270095825195, 1.83503258228302, 0.2864573001861572, 0.3314184248447418, -0.7666783332824707, -0.3406667113304138, -0.14600367844104767, -0.05024212598800659, 0.21628543734550476, 0.6501001715660095, 0.6417081356048584, 0.7192984223365784, 0.27089786529541016, 0.7708696722984314, 0.9149672985076904, -1.0804200172424316, -1.5281041860580444, 0.13433293998241425, -0.696264922618866, -0.3888603448867798, 0.15378183126449585, 0.12872806191444397, -0.4168854355812073, 0.7650645971298218, -0.07831168174743652, -1.7749590873718262, -0.16668701171875, -0.645410418510437, -0.8434478044509888, 1.5018196105957031, 0.8662137985229492, -1.1131547689437866, -0.47132930159568787, -0.5020482540130615, -0.7872199416160583, -0.34862589836120605, 0.3223830461502075, -0.6545184850692749, 0.11194176226854324, 0.7016704082489014, 0.591699481010437, 0.18039651215076447, 0.4227634072303772, -0.7657867670059204, 1.0331754684448242, 0.9354379773139954, -1.0085954666137695, 0.7079963684082031, -0.43971455097198486, 1.167107105255127, 0.10564982146024704, -0.7645893692970276, -0.8310215473175049, 1.478096842765808, -0.12835431098937988, 0.01064672414213419, -1.139356255531311, 0.26419633626937866, 0.26762425899505615, 0.5070619583129883, 0.3425457179546356, -0.12693704664707184, -0.4341343641281128, -0.6398332715034485, -0.0692145973443985, 1.3223323822021484, -1.1843196153640747, -0.4106653928756714, 0.9126273393630981, 0.10627026110887527, 0.7605646848678589, -0.6608631610870361, 0.12928617000579834, 1.089248538017273, -0.36932072043418884, -0.5583219528198242, -0.22461217641830444, -11.59592342376709, 1.6384421586990356, -0.3438418507575989, 0.02458883821964264, 0.6227825880050659, -0.008418887853622437, 0.7237831950187683, -0.07413829863071442, -0.009605221450328827, -1.1839464902877808, 0.14437627792358398, 1.2598875761032104, 0.1381542682647705, 0.6825294494628906, -0.8071602582931519, -0.7433562874794006, -0.0037489570677280426, -1.042285442352295, 1.3206802606582642, 0.23502638936042786, 0.10598790645599365, -0.2881736755371094, -0.6160111427307129, -0.7955450415611267, 0.3802656829357147, -0.6051129698753357, -0.8128164410591125, -0.08307874947786331, -0.21980220079421997, 0.3985982835292816, 0.8237669467926025, 0.5742881894111633, -0.6165806651115417, -0.2219989001750946, -1.3640403747558594, 0.26238635182380676, -0.6227567195892334, 0.2206067442893982, 0.9071842432022095, -0.019147707149386406, 0.13326862454414368, 0.7267423868179321, 0.3003767728805542, 0.005995621904730797, -0.3224683701992035, 0.7256509065628052, 0.2106814980506897, -1.0741057395935059, 0.22960945963859558, -0.23118668794631958, -1.0026378631591797, -0.3951765298843384, -0.2877044081687927, -0.003330513834953308, 0.3540700376033783, 0.7519428730010986, -1.0960642099380493, -0.10874050855636597, -0.7864999771118164, -0.878989577293396, 0.13475748896598816, -0.42655259370803833, -0.785187304019928, 0.49177005887031555, -0.04073742777109146, -0.4118826687335968, -0.3480575680732727, 0.4849557876586914, -0.5430598258972168, 0.7004094123840332, -0.43969911336898804, 1.3713573217391968, 0.6767212152481079, 0.5099847912788391, -0.5739403367042542, -0.0731579139828682, -0.7403903603553772, 0.23335061967372894, 0.054131120443344116, -0.5485595464706421, -1.8743219375610352, 0.8306208848953247, 0.4322846829891205, -0.7301751375198364, -0.8266506791114807, 0.8467810153961182, -0.14831653237342834, -0.009866572916507721, 0.8376505374908447, -0.5257341265678406, 0.7482185959815979, 0.734799861907959, -0.4990149140357971, -0.9199531078338623, 0.2793501615524292, 0.7931033968925476, -0.5164201259613037, 0.21262860298156738, -0.0047303736209869385, -0.6281858682632446, 0.3740355968475342, -0.8030462265014648, -1.2797000408172607, 0.4587782323360443, 0.9970371723175049, -0.1438904106616974, 0.9752808213233948, 0.38482216000556946, 0.09808257222175598, -0.3332158327102661, 0.016327662393450737, -1.2007322311401367, 0.8191081881523132, 1.5260087251663208, -0.9026963710784912, 0.9747084379196167, 0.8676196336746216, -0.0755394697189331, 0.3484589755535126, -0.13359519839286804, -0.4238581657409668, 1.0740408897399902, 0.7661365270614624, 1.3968130350112915, -0.4163033068180084, 0.21931445598602295, 0.33644920587539673, 0.3110625743865967, -0.1759314239025116, -0.8625622391700745, 1.2190696001052856, 0.0034094862639904022, 0.29137125611305237, -0.9738885164260864, -0.515458881855011, -0.20074424147605896, -0.30027639865875244, 1.3286824226379395, -0.9645237326622009, 0.5313902497291565, -0.0319451168179512, 0.38206353783607483, -0.8870682716369629, -0.6989030241966248, -1.212127685546875, 0.027748294174671173, -0.9302434921264648, 0.8862491846084595, -0.2555704414844513, -0.43406498432159424, 0.2517356276512146, -0.9494480490684509, 0.8807357549667358, -1.1734446287155151, -0.506982684135437, -0.6643692255020142, -0.04008927941322327, 0.24184873700141907, -0.5813084840774536, -0.6751645803451538, 0.6045842170715332, 0.16757580637931824, -0.545132040977478, 1.502677083015442, 0.7662596702575684, -0.6010241508483887, 0.08117356151342392, 0.3780156970024109, -0.8485709428787231, -0.3901256322860718, 0.7429496049880981, -0.7599500417709351, 0.04230296611785889, -0.1594005823135376, 0.6424875855445862, 0.12492139637470245, -0.015407644212245941, 1.045575499534607, -0.980065643787384, 0.2072495073080063, -0.18131262063980103, 1.1571284532546997, 0.2941264808177948, -1.145124912261963, -0.48430877923965454, 0.2235986888408661, 0.8356251120567322, 0.14517223834991455, 0.3973063826560974, 0.8358669877052307, -1.1500167846679688, -1.7992398738861084, -0.6972482204437256, 0.21515506505966187, 0.30369725823402405, 0.32572489976882935, 0.9939796924591064, 0.43677979707717896, -0.49906936287879944, -0.16016808152198792, 0.4918137490749359, 0.595716118812561, 0.28907525539398193, -0.04539486765861511, -0.17428061366081238, 0.385417640209198, -0.682000994682312, -0.03259124234318733, 0.5104796290397644, 1.0109786987304688, -0.3735436499118805, -0.143569678068161, 0.38290855288505554, 0.06812233477830887, -0.017383359372615814, -1.1742315292358398, -0.8950905799865723, -0.42034614086151123, -0.5734623074531555, -1.448486566543579, 0.5499816536903381, 0.9349474310874939, -0.4238666892051697, 0.7666530013084412, 0.15138447284698486, 0.6715190410614014, 1.1606121063232422, 0.4146638512611389, -0.3112305998802185, -0.4536184072494507, -0.05280136317014694, 0.5959282517433167, -0.1080029085278511, 0.48744311928749084, 0.16808830201625824, -0.1778537780046463, -0.9119879603385925, -0.5955753922462463, -0.11648548394441605, 0.9895939826965332, -0.1797005832195282, 0.5581777691841125, 0.16598555445671082, 1.210964322090149, -0.10965816676616669, -0.9384222626686096, 0.18990536034107208, -1.1723898649215698, -0.703960120677948, 0.24393554031848907, 0.16212327778339386, 0.2107807993888855, 0.7628915905952454, -0.4851446747779846, 0.7729673385620117, -0.5384876728057861, 0.8058393001556396, -0.10898569971323013, -0.5638256072998047, 1.1325079202651978, 0.24348998069763184, -0.11537269502878189, 0.8933757543563843, 0.026383794844150543, -0.8774270415306091, 0.17476247251033783, -0.8344762325286865, 1.063319444656372, 0.3603665232658386, -0.6325065493583679, -0.40941953659057617, -0.022120704874396324, 0.6166738271713257, -0.45962703227996826, 1.1669487953186035, -0.43123000860214233, -0.30119776725769043, -0.3447719216346741, -0.3695945143699646, 0.7143763303756714, 0.6675975322723389, 0.3263656497001648, 0.1624302715063095, 0.44983941316604614, 0.66839200258255, -0.48364540934562683, -0.08508401364088058, -0.5604913234710693, 1.0039082765579224, -0.5816066861152649, 0.21192540228366852, 0.037936657667160034, -0.03254447504878044, -1.0897588729858398, 0.0902995616197586, -0.5795530080795288, 0.4531468451023102, 0.1425361931324005, -1.3955796957015991, -0.2749919593334198, 0.6871121525764465, -0.5015044212341309, 1.179182767868042, 0.20958295464515686, 0.17835529148578644, -1.3571202754974365, 0.28785616159439087, 0.5427910089492798, -0.6091086268424988, -0.13297609984874725, 0.20248624682426453, 0.5297665596008301, -0.3087105453014374, 0.6168409585952759]} +{"paper_id": "multi_nli", "embedding": [0.08613147586584091, 1.0108355283737183, -0.37972667813301086, -0.14354121685028076, 0.6841617226600647, -0.08572450280189514, 0.8511468768119812, 1.0656918287277222, 0.9887707829475403, 0.6747757196426392, 0.21699848771095276, 0.0042830221354961395, 0.3867764472961426, 0.12018661201000214, 0.05847708135843277, -0.7034018039703369, -1.2973014116287231, -0.7355281710624695, -1.4104517698287964, -0.5626295208930969, -0.715658962726593, -0.40399640798568726, -0.08336951583623886, 0.35081005096435547, -0.25372210144996643, -0.7428614497184753, 1.195550560951233, -1.1139942407608032, 0.4871387779712677, 0.4651743769645691, -0.2870722711086273, 1.289740800857544, -1.3320430517196655, 0.4690638482570648, -0.45631781220436096, -0.513906717300415, -0.21668125689029694, 0.5540044903755188, -0.35021814703941345, 0.05554793030023575, -0.7815995216369629, -0.24862563610076904, 0.3553652763366699, 0.42740997672080994, 0.38859042525291443, -0.26415789127349854, -0.20497219264507294, 0.2819378674030304, -0.38633912801742554, -0.1640629917383194, -0.37046775221824646, 0.2043287754058838, 0.018075771629810333, 0.21380114555358887, 0.13428905606269836, 0.9058025479316711, 0.6645992398262024, -1.2496439218521118, 0.7134237289428711, -1.4840775728225708, 0.9543783664703369, 1.3844194412231445, -0.9378504157066345, 0.2760026454925537, 0.9926007390022278, -0.3534368872642517, 1.5219544172286987, 0.28329819440841675, 0.4654095768928528, 1.0451897382736206, -0.05654166638851166, -0.6227010488510132, 0.3801679015159607, 0.24595165252685547, 0.4821927547454834, 1.077030897140503, 0.14174604415893555, 0.21160179376602173, -0.058084357529878616, -0.16569411754608154, -0.1750311553478241, 0.6695383191108704, 0.7982583045959473, -0.41710567474365234, 0.25837355852127075, 0.6363185048103333, 0.37110456824302673, -0.4650254547595978, -0.08738119900226593, -1.642557144165039, -0.10437612235546112, -0.11821608245372772, -0.39808493852615356, 0.04452165961265564, -0.3034467101097107, 0.6053542494773865, -0.16157442331314087, -0.2144729048013687, -0.04186231642961502, 0.4672521948814392, 0.5850088000297546, -0.37182101607322693, 0.10980638116598129, 0.2351265847682953, 0.070268414914608, 0.28649356961250305, -0.061948660761117935, -0.2604347765445709, -0.9591814279556274, -0.6105358004570007, -0.19704557955265045, 1.0128740072250366, -0.27744609117507935, 0.8599489331245422, -0.4758222997188568, -0.04415469616651535, 0.7348470091819763, -0.7802257537841797, -0.6033000946044922, -0.037420645356178284, -0.34815454483032227, -0.6564240455627441, -0.18298491835594177, -0.5293012857437134, 1.2019553184509277, -1.1206170320510864, 0.3136998116970062, -0.5163465142250061, 0.7376173138618469, -0.21906790137290955, 0.6022665500640869, 0.3607978820800781, -0.220889613032341, -0.14181606471538544, 2.6197869777679443, -0.7289219498634338, 1.4987382888793945, -0.842717170715332, 0.06243548542261124, -0.6049268841743469, 0.45574691891670227, 1.3549455404281616, 0.06228034198284149, -0.749851405620575, -0.6129655241966248, -0.024548398330807686, -0.6977783441543579, 0.3266827166080475, -1.0792171955108643, 0.028036991134285927, 0.14031493663787842, 0.14652876555919647, -1.2704702615737915, -0.33230552077293396, -0.001217477023601532, 0.4645991623401642, 0.18702857196331024, 1.0503408908843994, -0.6937100291252136, 0.48181819915771484, 0.5795512199401855, -0.22765378654003143, -0.07413478195667267, -0.051962822675704956, -1.1848187446594238, -0.1642928123474121, 0.685386598110199, -0.3542172908782959, -0.4380263388156891, -0.37338367104530334, 0.6814544200897217, 0.04325326904654503, -0.4503045082092285, -0.2658463418483734, 0.20104873180389404, 0.589607298374176, 0.42511245608329773, 0.3366975784301758, 0.16558514535427094, -0.8822538256645203, -0.12527316808700562, -0.36855435371398926, -0.09837105870246887, 0.7860395312309265, -0.12787239253520966, 0.8791367411613464, -2.180722713470459, -0.32291173934936523, 0.288127601146698, 0.116501584649086, -0.2896854281425476, -0.3176160752773285, 0.2449500858783722, 0.19190987944602966, 0.024860337376594543, 0.009905967861413956, 0.7273402214050293, -0.7500553131103516, -0.22755874693393707, 0.25053226947784424, -0.21942201256752014, -0.013056728057563305, -0.07188442349433899, 1.2940762042999268, 0.7739194631576538, -0.5056518316268921, -0.7554728388786316, -1.4994189739227295, 0.46394675970077515, 2.213772773742676, 0.0010859519243240356, -0.5813824534416199, -0.8736379146575928, -0.040914811193943024, 0.5685542821884155, -0.6982660889625549, -0.03569286689162254, -1.0221073627471924, 0.15879416465759277, -1.4074479341506958, 0.30088621377944946, -0.6153430938720703, -0.07435066998004913, 0.7776647210121155, 1.3017635345458984, -0.23883646726608276, -0.5892332792282104, -0.5778067708015442, -0.2749418020248413, 0.027522191405296326, 1.003477931022644, 0.08574981987476349, -0.45157185196876526, 0.644463837146759, -0.08424074947834015, 0.7918820977210999, 0.2555140256881714, 0.7078066468238831, -0.3071056008338928, -0.2747589349746704, 0.022117486223578453, 0.6935705542564392, -0.27335548400878906, 0.075492724776268, 0.07189758121967316, 0.5816249847412109, -0.6223517656326294, -0.2357613742351532, -0.02756090834736824, 0.1476534903049469, 1.7386244535446167, 1.109582543373108, -0.3822096586227417, 1.1935597658157349, -1.4226449728012085, 0.5119091868400574, -0.41748183965682983, -0.9528776407241821, -0.8718534111976624, -0.05873486027121544, 1.0796419382095337, -0.35040557384490967, 0.3353153169155121, -0.045637279748916626, -0.07708074897527695, -1.3092777729034424, -0.72406005859375, -0.595312237739563, -0.510387122631073, -1.0908756256103516, -0.44458866119384766, -0.04033435881137848, -0.5975412130355835, -0.4050685167312622, -0.4338240921497345, 0.684018611907959, 0.012373518198728561, 0.8743622303009033, 1.9168133735656738, 0.07323277741670609, 0.3847961127758026, -0.282778263092041, 1.013757348060608, -0.7809218168258667, 0.618018388748169, -0.11699004471302032, 0.06429272145032883, -0.6428099870681763, 0.10429151356220245, -0.48044782876968384, 0.1396772861480713, 0.2156444787979126, -0.016009382903575897, 0.13747966289520264, -0.356507271528244, -1.1966084241867065, 0.8004235625267029, -0.7878099083900452, 0.4043591022491455, -0.6184691190719604, 1.598387598991394, 0.020072882995009422, -0.27676358819007874, 0.7357480525970459, -0.04836760833859444, 0.110694020986557, 0.959831953048706, -0.5226976871490479, 0.5581880807876587, 0.1485232412815094, 0.04699939489364624, 0.5082388520240784, -0.05489593371748924, -1.8588368892669678, 0.41479209065437317, 1.4270710945129395, 0.04906700924038887, -0.7095146179199219, -1.1415748596191406, 0.43799471855163574, -0.1575479954481125, -0.21889939904212952, 0.3277745842933655, -0.8847810626029968, 0.48674336075782776, -0.0560874417424202, 0.2723657488822937, 0.8316022753715515, -0.3906310796737671, 0.3580778241157532, 0.6142417192459106, 0.6063112020492554, -0.7212214469909668, -0.006523758172988892, 0.46277791261672974, -0.8215439915657043, 0.46337273716926575, 0.41247761249542236, 1.1359508037567139, 1.454877257347107, -0.5328772664070129, -0.03879522532224655, 1.1795483827590942, 0.9512279033660889, 0.6674857139587402, 0.3464897572994232, -0.4268417954444885, 0.37055665254592896, 0.30069398880004883, 1.1805580854415894, 0.2979377508163452, -0.7562912702560425, -0.7512705326080322, -0.3752796947956085, -0.3781759738922119, -0.700431764125824, 1.3434572219848633, 0.7748705744743347, 1.5584760904312134, 0.16662190854549408, 0.3643506169319153, -0.5254912972450256, 0.19885937869548798, 0.9115121960639954, -0.10082955658435822, -0.24687276780605316, -0.5883356928825378, -0.18744197487831116, 1.2539933919906616, -0.32697492837905884, -0.8364836573600769, -0.3165043890476227, 0.9649620056152344, 0.17242607474327087, -0.5267528295516968, 0.28333041071891785, 1.0071748495101929, 0.5597311854362488, 1.643748164176941, -0.8320081830024719, -0.17613527178764343, 0.17813171446323395, 0.5790441632270813, 0.19172142446041107, 0.08761592954397202, -0.5995848178863525, 0.24765545129776, 0.38886409997940063, 1.0326513051986694, -0.07320178300142288, 0.9186218976974487, 0.9150345921516418, -0.6568738222122192, -0.8771998286247253, -0.5132812261581421, -0.8595595359802246, -0.6484952569007874, -0.13101208209991455, -0.3016568720340729, -0.3446837067604065, 0.7260767221450806, -0.400675505399704, -0.8367966413497925, 0.7401467561721802, -0.3398546576499939, -1.0414679050445557, 0.765240490436554, 1.3708351850509644, -1.438738226890564, -0.17232707142829895, -0.21538445353507996, -0.8001824617385864, -0.6511388421058655, 0.23785920441150665, -0.858533501625061, 0.22405710816383362, 0.16284845769405365, 0.666977047920227, 0.00700589083135128, 0.14668075740337372, -0.9184315800666809, 0.9315025210380554, 0.7763657569885254, -0.9249708652496338, 0.22185756266117096, -0.08768630027770996, 0.3974129557609558, -0.11515212059020996, -0.9556981325149536, -0.2891731262207031, 1.055598258972168, -0.40348345041275024, 0.12903425097465515, -0.9775368571281433, -0.3175257742404938, 0.20463523268699646, 0.21301303803920746, 0.5646625757217407, -1.3941296339035034, 0.3348313570022583, -0.05677761137485504, 0.5518237948417664, 0.8700481653213501, -0.9464516639709473, -0.8268046379089355, 0.6531281471252441, -0.5970501899719238, 0.13603562116622925, 0.003617428243160248, 0.5696240067481995, 0.9347639083862305, 0.2979069948196411, 0.46052098274230957, -0.2388460636138916, -12.127273559570312, 0.47483745217323303, -0.1491176038980484, 0.015763744711875916, 0.753178060054779, -0.3079412579536438, 0.48735129833221436, -0.018542993813753128, 0.376695454120636, -0.5779582262039185, 0.20016150176525116, 0.9536038041114807, 0.3594854176044464, -0.7516759037971497, -0.510077714920044, -0.8823431134223938, -0.8437801599502563, -0.6731597781181335, 0.33897727727890015, 0.10673072934150696, -0.4619907736778259, -0.8261960744857788, -0.1853790283203125, 0.40950414538383484, 0.3930627107620239, -0.45515522360801697, -0.42150458693504333, 0.12323819845914841, -0.7185225486755371, -0.1139712929725647, 0.735406219959259, -0.23370365798473358, -0.7210087180137634, -0.48713746666908264, 0.23209132254123688, -0.26329219341278076, -0.7370417714118958, -0.0603923425078392, 0.3723197877407074, 0.1755770444869995, -0.34206777811050415, 0.10895416885614395, 0.2672717869281769, -0.5458170175552368, -0.41611960530281067, 0.009785786271095276, 0.348091185092926, -0.6824423670768738, 0.2232116013765335, -1.0941510200500488, -0.4165067672729492, -0.2749803364276886, -0.675376832485199, -1.0683425664901733, 0.21310438215732574, -0.29870423674583435, -0.3936379551887512, 0.08211080729961395, -0.1189933717250824, -0.9166637659072876, 0.4647589325904846, 0.07117637991905212, -0.3326801359653473, 0.2314481884241104, 0.5592736601829529, -0.8484036922454834, 0.5033827424049377, 0.3670925796031952, 0.022286199033260345, 0.47099852561950684, -1.0045348405838013, 0.8680522441864014, 0.0828678086400032, -0.03294731676578522, -0.4597090184688568, 0.030422523617744446, -0.4307742416858673, -0.580145537853241, 0.860718309879303, 0.11654165387153625, -0.7716555595397949, 0.5164239406585693, 0.3818298876285553, -0.18927502632141113, -1.0459719896316528, 0.5998139977455139, 0.0225253663957119, 0.3519192039966583, 1.2036490440368652, -0.015931464731693268, 1.1837912797927856, 0.12238951772451401, -0.419339656829834, -0.40589722990989685, -0.24872460961341858, 1.1859785318374634, -0.8790693283081055, 0.8636564612388611, 0.7883327007293701, -0.391231894493103, 0.0924031138420105, -0.43153372406959534, -0.6216486692428589, -0.22828945517539978, 0.7931886911392212, 0.07047247141599655, 0.10762950778007507, 0.17375117540359497, 0.26972177624702454, -0.241000235080719, 1.416369080543518, 0.15667623281478882, -0.4189026951789856, 1.052106261253357, -0.36612606048583984, 0.8434629440307617, 0.965930700302124, 0.22416362166404724, 0.7512579560279846, 0.9924406409263611, -0.5486506819725037, 0.5011051297187805, -0.019562063738703728, 1.426967978477478, 0.43267005681991577, 0.06335145235061646, 0.4499335289001465, 0.5803588628768921, -0.19772958755493164, -0.834523618221283, -0.13134312629699707, -0.11019566655158997, 0.039791181683540344, -0.5426890254020691, -0.18628011643886566, 0.07269206643104553, -0.6947068572044373, 1.2467988729476929, -0.42890530824661255, 0.29914769530296326, -0.05831904336810112, -0.6356355547904968, -0.5583717823028564, -0.630031168460846, -0.9635480642318726, 0.217262864112854, -1.9894026517868042, 0.14525409042835236, -0.24061986804008484, -0.7059556841850281, 0.1172230988740921, -0.7262267470359802, 0.7359005212783813, -0.8743147850036621, -0.2508794069290161, -0.1901278793811798, 0.6712408065795898, 0.014359630644321442, -0.6745708584785461, -0.16730238497257233, 0.09634745866060257, 1.1982353925704956, -1.057047724723816, 0.8738656044006348, 0.34450557827949524, 0.39958763122558594, -0.43226489424705505, -0.029865872114896774, -0.4868394136428833, 0.22990989685058594, 1.2486261129379272, -1.5512075424194336, -0.906413733959198, -0.9672096371650696, 0.02708226814866066, -0.9040435552597046, -0.020387351512908936, 1.142221212387085, -1.02146577835083, -0.14683301746845245, -0.15634599328041077, 0.4319955110549927, 0.09558688849210739, -0.4910587966442108, -0.970400333404541, -0.057292863726615906, 0.034781090915203094, 1.005753755569458, 0.5803547501564026, 0.974297821521759, -1.683853030204773, -1.1730940341949463, -0.6253763437271118, 0.21864670515060425, 0.5764113664627075, 0.11793072521686554, 0.689939022064209, 0.25091248750686646, 0.24465179443359375, 0.2928321659564972, 0.11759713292121887, 0.7693292498588562, 0.10897926986217499, 0.371773362159729, -0.30497294664382935, 0.2881215214729309, -0.9120162725448608, 0.2621667981147766, 0.20559442043304443, 0.7877615094184875, -1.4519295692443848, -0.5180367231369019, -0.09547203779220581, -0.2419910579919815, -0.1178404837846756, -0.8290181159973145, 0.16560328006744385, -0.14692416787147522, -0.15923374891281128, -1.2643355131149292, 0.24484819173812866, 0.891940176486969, -0.23514385521411896, 1.0255553722381592, 0.6972959637641907, 0.5098426938056946, 0.28020375967025757, 0.3513290286064148, 1.406962275505066, -0.51054847240448, -0.3098018765449524, -0.2319236397743225, 0.6394661664962769, -0.03439969941973686, -0.20144636929035187, 0.29213279485702515, -1.2308319807052612, 0.09494850784540176, -0.7449789643287659, 0.7236528992652893, -0.20311962068080902, 0.4354308247566223, 0.70049649477005, 1.0348217487335205, -0.21973064541816711, -1.4493542909622192, -0.11493009328842163, -1.1770048141479492, 0.17731575667858124, 0.5493679046630859, 0.5673035383224487, 0.6408878564834595, 0.8228417038917542, 0.008270666003227234, 1.2258825302124023, -0.6971439719200134, 0.1218942403793335, 0.16992108523845673, 0.04054049029946327, 1.0059466361999512, 0.3474276065826416, 0.6541184186935425, 0.29996392130851746, -0.5726363658905029, -0.7980344891548157, -0.142517551779747, -0.2767431437969208, 1.0670443773269653, 1.001009225845337, -0.2264116108417511, 0.022611193358898163, -1.0526399612426758, 0.49088072776794434, -0.19561733305454254, 0.7229975461959839, 0.19264692068099976, -0.07106193900108337, -1.5296385288238525, -1.146238088607788, -0.20079456269741058, 0.8797887563705444, -0.42636117339134216, -0.26823070645332336, -1.1331466436386108, 0.018824424594640732, 0.12848211824893951, -0.11561927944421768, -0.862877607345581, 0.22919687628746033, -0.5926814675331116, -0.04584740102291107, 0.5201510190963745, -0.7694710493087769, -0.6512627005577087, 0.12953996658325195, -0.6315708160400391, 0.9915626049041748, -0.1746501922607422, -1.0603445768356323, -0.4971925616264343, 0.6659989356994629, 0.03864271193742752, -0.25442004203796387, 0.3557072877883911, -0.4224957823753357, -1.7019468545913696, 0.8486407995223999, 1.1832014322280884, -0.4070546329021454, -0.08627491444349289, 0.5586574673652649, 0.3317130208015442, 0.3442787826061249, 1.3149744272232056]} +{"paper_id": "quarel", "embedding": [-0.7839719653129578, 1.1470621824264526, -0.30990058183670044, -0.19638879597187042, -0.07481900602579117, 0.18420663475990295, 1.3052901029586792, 0.6799490451812744, 0.5424711108207703, 0.39000970125198364, 0.37629979848861694, 0.32998141646385193, -0.09278152137994766, -0.3950989246368408, -0.684730589389801, -0.36801519989967346, -0.8381329774856567, -0.9621344208717346, -1.2888727188110352, -0.6498604416847229, -0.5509228706359863, -0.799286425113678, 0.018576424568891525, 0.758655846118927, -1.5628756284713745, -0.6690964698791504, 1.3445358276367188, -1.3418620824813843, 0.15828146040439606, 0.3613414764404297, -0.15687206387519836, 1.4600965976715088, -1.259824514389038, 0.821045458316803, -0.03654145449399948, 0.11178085952997208, -0.0466841384768486, 0.47241997718811035, -0.23766165971755981, -0.001497223973274231, 0.008259156718850136, 0.15833503007888794, 0.3953992426395416, 0.6295166015625, 0.6991570591926575, -0.5523473620414734, -0.28564831614494324, 0.4151138663291931, -0.7247201204299927, 0.042122792452573776, -0.4591143727302551, 0.16867607831954956, 0.5999786257743835, 0.40722665190696716, -0.038316793739795685, 1.5481898784637451, -0.08266906440258026, -0.5379080772399902, 0.9732885360717773, -0.6358367204666138, 0.4585717022418976, 1.560705304145813, -0.5044052600860596, 0.16195455193519592, 0.7430657148361206, 0.03238403797149658, 1.1299654245376587, 0.519978940486908, -0.14212405681610107, 0.8754859566688538, -0.12772491574287415, -0.5987387895584106, 0.3543802797794342, 0.3584555387496948, 0.32994067668914795, 0.3339724838733673, 0.2066923975944519, 0.06350120157003403, 0.35250309109687805, -0.08894520252943039, 0.0945357084274292, 0.29916566610336304, 0.6359888911247253, -0.7894145250320435, -0.5243041515350342, 0.7613396048545837, 0.49805721640586853, -1.0978713035583496, 0.23895519971847534, -1.16048264503479, 0.5921409726142883, -0.4856172502040863, 0.44402313232421875, -0.4068232774734497, 0.029871277511119843, 0.24410510063171387, -0.7068440318107605, -0.6287534236907959, 0.03830333054065704, 1.1669776439666748, 0.5025328397750854, -0.13429367542266846, 0.40084993839263916, -0.24240875244140625, 0.5172865390777588, -0.21906590461730957, -0.47392964363098145, -0.00925077497959137, -0.4594413936138153, -0.36329197883605957, 0.0001399107277393341, 0.5985050797462463, 0.15907131135463715, 1.0744308233261108, -0.43861067295074463, 0.0740240141749382, -0.2777700424194336, -0.40586361289024353, -0.16475412249565125, 0.8140430450439453, 0.1479281783103943, -0.9122138619422913, 0.11760654300451279, -0.26564449071884155, 0.5555106997489929, 0.045414507389068604, -0.1783781498670578, -0.013472605496644974, -0.44973981380462646, 0.07452474534511566, -0.043137699365615845, -0.4431937336921692, -1.0023151636123657, 0.09935453534126282, 3.4698243141174316, -0.36723053455352783, 1.584977149963379, -0.7688440680503845, -0.5378912687301636, 0.013837844133377075, -0.8126168251037598, 0.5352675914764404, 0.3688300848007202, -0.7215232849121094, -0.45959147810935974, 0.14981065690517426, 0.029904140159487724, 0.4444304406642914, -1.115776538848877, 0.28195735812187195, -0.14602014422416687, 0.2046964168548584, -1.4894344806671143, -0.38835448026657104, 0.3774750828742981, 0.3985702097415924, -0.10436341166496277, -0.10615776479244232, -0.8864204287528992, 0.8136435151100159, -0.6773560643196106, -0.029574744403362274, -0.6037261486053467, 0.12809361517429352, -0.6163071393966675, -0.3625565767288208, 1.0105339288711548, -0.7383822202682495, -1.034905195236206, -0.3778766691684723, 0.4520873725414276, 0.05254274606704712, -0.13548225164413452, -0.5251027941703796, 0.018206225708127022, 0.4059283435344696, 0.6298866868019104, 0.14583763480186462, 0.5511112213134766, -0.6217449903488159, -0.5148403644561768, -0.10671111941337585, -0.31279808282852173, 0.014223592355847359, -0.08106067031621933, -0.06514278799295425, -2.715083360671997, 0.3074047565460205, -0.9313926696777344, 0.7675352096557617, 0.8394923806190491, 0.7938821315765381, 0.449702650308609, 0.5378628373146057, -0.4178059697151184, -0.22064441442489624, -0.09669002890586853, -1.4060757160186768, -0.47313782572746277, 0.4889260530471802, -0.9757571816444397, 0.2542729377746582, -0.5428684949874878, 1.6133795976638794, 0.8749192357063293, -0.4812262952327728, -0.26649174094200134, -2.1497714519500732, 0.2599729299545288, 1.4647009372711182, 0.7385382652282715, -0.1925666183233261, -0.6992489099502563, -0.10536597669124603, 0.5095825791358948, -0.11648601293563843, 0.17761839926242828, -0.12134900689125061, 0.22616219520568848, -0.9662361145019531, 0.36500677466392517, -0.010195430368185043, 0.7748203873634338, 0.2824881374835968, 1.4004030227661133, -0.3761364221572876, -0.07227642089128494, -0.07141785323619843, -0.5647531747817993, 0.7289235591888428, 0.6520747542381287, 0.35564377903938293, 0.025482429191470146, 0.6285894513130188, 0.20419341325759888, 0.6134834885597229, 0.6292660236358643, 0.8228476047515869, -0.8147170543670654, 0.2883759140968323, -0.22600547969341278, 0.7632437944412231, 0.7915719151496887, -0.2668493986129761, 0.4369444251060486, -0.77810138463974, -0.7771710157394409, -0.12962251901626587, 0.2912888526916504, -0.2026890516281128, 1.4621158838272095, 0.5578588247299194, -0.26452210545539856, 0.43748560547828674, -0.78466796875, 0.14102007448673248, -0.29611310362815857, -0.2616822421550751, -0.12017236649990082, 0.34217947721481323, 0.7298548817634583, -0.08775374293327332, 0.23487943410873413, 0.18228410184383392, -0.065603107213974, -1.1590183973312378, 0.4527852535247803, 0.1928359568119049, -0.16833123564720154, -0.13575513660907745, 0.4267383813858032, -0.0024604126811027527, -0.34056395292282104, -0.5371036529541016, 0.2368459850549698, 0.13751783967018127, 0.8845337629318237, 0.7449694871902466, 0.8655513525009155, 0.21970921754837036, 0.07170534133911133, 0.14956267178058624, 1.0403645038604736, -0.5587577819824219, 0.7688072323799133, -0.6252513527870178, 0.27692314982414246, -1.2024625539779663, 0.43004146218299866, -1.0270646810531616, 0.22339138388633728, 0.11576593667268753, -0.986028790473938, 0.5154056549072266, -0.17631223797798157, -0.7804924845695496, 1.3603402376174927, 0.4511982500553131, -0.017526209354400635, 0.19678567349910736, 1.0549907684326172, 0.1505749523639679, -1.03167724609375, 0.39218103885650635, -0.15695205330848694, -0.32665690779685974, 1.185300350189209, -0.10836104303598404, 0.6970473527908325, 0.20915062725543976, 0.28844118118286133, 0.05715840682387352, 0.15142157673835754, -2.3989105224609375, 0.5671529173851013, 0.8052064180374146, -0.4664243459701538, -0.9557504653930664, -1.2660669088363647, -0.04371272772550583, -0.8127809762954712, -0.013962244614958763, 0.7862933278083801, -0.5110255479812622, 0.46345946192741394, -0.3459172546863556, 0.6864174008369446, 0.9650403261184692, -0.13815288245677948, -0.4341084659099579, 0.4640890061855316, 0.2977912425994873, -0.620061457157135, -0.0032375454902648926, 1.156570315361023, -0.1429004967212677, 0.18651382625102997, 0.20923346281051636, 1.4113327264785767, 0.9679129123687744, -0.14846447110176086, -0.016861960291862488, 0.8517347574234009, 0.21587753295898438, 0.726715087890625, 0.013439038768410683, -0.6228587627410889, 0.4340853989124298, -0.0737152248620987, 0.4993360936641693, -1.057300090789795, -0.01949596032500267, -1.2036596536636353, -0.19097912311553955, -0.44288170337677, -0.9044899344444275, 1.7675966024398804, 1.0077006816864014, 1.5861573219299316, -0.9639169573783875, -0.003715292550623417, -0.6630280613899231, -0.45955634117126465, 0.2343374788761139, 0.5729315876960754, 0.13075591623783112, -0.5120499134063721, 0.42183253169059753, 0.3491734266281128, 0.1724640130996704, -0.03882311284542084, -0.42323562502861023, 0.7984452843666077, 0.6323026418685913, -0.348204106092453, 0.026777995750308037, 1.0661659240722656, 0.26737919449806213, 1.2924686670303345, -0.25830066204071045, 0.0027286671102046967, 0.1433490365743637, -0.3171688914299011, 0.08966983109712601, -0.2966516315937042, -0.9178208112716675, 0.9129244089126587, 0.21753953397274017, 0.16786354780197144, 0.6982373595237732, 1.303849220275879, 1.2136660814285278, -0.012822065502405167, -1.3195492029190063, 0.003763459622859955, -0.8922768235206604, 0.23261746764183044, 0.6752485632896423, -0.34266236424446106, 0.37049615383148193, 0.8206718564033508, 0.612643301486969, -0.6078677177429199, 1.0563467741012573, -0.38491183519363403, -1.179819107055664, 0.3377346992492676, 1.5073411464691162, -0.9136731624603271, -0.5547623038291931, 0.21053214371204376, -0.679744303226471, -0.9318493008613586, -0.09265930205583572, -0.340442955493927, 0.79803466796875, 0.47380584478378296, 1.0699121952056885, -0.08750097453594208, 0.4428631663322449, -0.7270510196685791, 1.21614408493042, 0.3794827163219452, -0.4141322672367096, 0.25139302015304565, 0.16106228530406952, 0.42210954427719116, -0.4764890968799591, -1.2244329452514648, 0.20032139122486115, 0.845285952091217, -0.001336909830570221, 0.0727732852101326, -0.6018296480178833, -0.8983899354934692, -0.1966465711593628, -0.20515596866607666, 0.5845434069633484, -0.9839169383049011, 0.21437698602676392, -0.3388400673866272, -0.27926671504974365, 0.32503682374954224, -0.6807029843330383, -1.2953218221664429, 0.5702241659164429, -0.5577427744865417, 0.6888308525085449, -0.7784065008163452, -0.07262783497571945, 2.1332297325134277, -0.06212986633181572, 0.18813331425189972, 0.21858325600624084, -12.03763484954834, 1.0227769613265991, -0.06452237069606781, 0.532996416091919, 0.08409388363361359, -0.6277816891670227, 0.5212669968605042, 0.019590528681874275, 1.0548343658447266, -0.8867594003677368, 0.01944061368703842, 0.6504086852073669, 0.614035427570343, 0.22000236809253693, -0.7960750460624695, -2.307187080383301, 0.23545509576797485, -0.6535809636116028, 0.4323861002922058, -0.35392680764198303, -0.14910760521888733, -1.4567581415176392, -0.5050191283226013, 0.6335311532020569, 0.3481720983982086, 0.07445604354143143, -0.5721198320388794, -0.2639349400997162, -0.43795549869537354, 0.14584004878997803, 1.2169970273971558, 0.24349120259284973, -0.29080870747566223, 0.1678011268377304, 0.07890024781227112, -0.33353638648986816, -0.7324541211128235, -0.21906784176826477, 0.38276395201683044, -0.4193212687969208, -0.8535954356193542, 0.2197643220424652, 0.3047453463077545, 0.3550015091896057, -0.5149672627449036, 1.2175694704055786, 0.4988269507884979, -0.929509699344635, -0.22655552625656128, -0.18476374447345734, -0.931166410446167, -0.3089958727359772, -0.16033725440502167, -0.7715120911598206, -0.05444081872701645, -0.3324246108531952, -0.7789060473442078, -0.5098479390144348, -0.6183152794837952, -1.398565649986267, 0.4695177972316742, 0.4414111375808716, -0.2893671691417694, 0.5958499312400818, 0.3085138201713562, -0.005408952012658119, 0.011259138584136963, 0.32845616340637207, -0.5628691911697388, 0.005730463191866875, -0.6971545815467834, 0.7631815671920776, 0.04776902496814728, 0.4497108459472656, -1.0495842695236206, 0.2848033905029297, -0.827110230922699, 0.24760766327381134, 0.270168274641037, 0.022330904379487038, -1.1082861423492432, 0.8881934285163879, 0.1391797512769699, -0.8981894850730896, -1.1306840181350708, 0.5298789739608765, 0.19475723803043365, 0.5635982751846313, 1.0629035234451294, -0.525000274181366, 1.1365582942962646, 0.14830276370048523, -0.882535457611084, -0.14057087898254395, -0.6135089993476868, 0.9055108428001404, 0.4377642571926117, 1.028928518295288, 0.024364791810512543, -0.8894997239112854, -0.1591944694519043, -0.2442658543586731, -0.5822957754135132, -0.09734012186527252, 0.18878859281539917, 0.5669622421264648, 0.4145868420600891, -0.04054290056228638, -0.3101452589035034, -0.23196226358413696, 1.032272219657898, -0.014746107161045074, -0.9064164757728577, 1.2223975658416748, -0.9960590600967407, -0.2582479417324066, 0.41838952898979187, -0.19043615460395813, 0.4878792464733124, 0.5015325546264648, 0.3157971203327179, 0.6197666525840759, -0.35696351528167725, 1.0845566987991333, -0.12267223000526428, -0.8385050296783447, 0.7933758497238159, 0.576481819152832, -0.32927727699279785, -0.8960375785827637, -0.1259516477584839, -0.1413041353225708, -0.21765488386154175, -0.7284696698188782, -0.28034842014312744, -0.17756204307079315, 0.20936401188373566, 0.706189751625061, -0.31030580401420593, -0.21762889623641968, -0.11413735151290894, -0.48616138100624084, -0.5924421548843384, -1.1489251852035522, -1.0910288095474243, 0.30033621191978455, -1.1515299081802368, -0.17876097559928894, -0.29472509026527405, -0.9534168243408203, 0.10642509162425995, -0.4794871509075165, 0.9948242902755737, -0.7068673968315125, -0.29267120361328125, -0.7161252498626709, 0.16350452601909637, -0.2831501364707947, -1.0977072715759277, -0.2535853385925293, 0.3545564115047455, 0.5025970935821533, -0.7677975296974182, 0.769263744354248, -0.0017755255103111267, 0.30123183131217957, -0.8745914101600647, 0.15951001644134521, -0.2514599561691284, -0.06781763583421707, -0.05958596616983414, -0.8299289345741272, 0.05046141892671585, -0.9412019848823547, -0.47574540972709656, -0.5300484299659729, 0.8045143485069275, 0.5678713321685791, -0.5378139019012451, -0.5184730887413025, -0.01012474112212658, 0.6792329549789429, 0.2804071605205536, -0.5137858390808105, 0.06267590820789337, -0.3826483190059662, 0.15219566226005554, 0.42067086696624756, 0.15619273483753204, 1.3006309270858765, -1.2872984409332275, -1.1194615364074707, -0.49824899435043335, 0.14958541095256805, 1.2167389392852783, 0.03751949965953827, 1.144896388053894, 0.7520866394042969, 0.12198397517204285, 0.7458668947219849, 0.3474966883659363, 0.6645379662513733, 0.5737019181251526, 0.21505261957645416, 0.07294805347919464, 0.6749895811080933, -0.38066524267196655, -0.029767349362373352, 0.14496415853500366, 0.1420401781797409, -0.5520957112312317, -0.2689906358718872, 0.44035351276397705, -0.6430848836898804, 0.016336042433977127, -1.5683691501617432, 0.5661177635192871, -0.5023458003997803, -0.12160250544548035, -1.173035979270935, 0.3400653004646301, 1.4467171430587769, -0.15509821474552155, 0.704918622970581, 0.5529466867446899, 0.26100561022758484, 0.1667749285697937, 0.2447144240140915, 1.0706148147583008, 0.4716503918170929, -0.3279840350151062, 0.294106125831604, 0.3154827058315277, -0.15512457489967346, -0.2646912932395935, -0.8631556630134583, 0.17235571146011353, 0.9278302192687988, 0.2574436664581299, 0.6496416330337524, -0.6391395926475525, 0.40055418014526367, 0.6776349544525146, 1.0729224681854248, -1.1074576377868652, -2.1347105503082275, -0.9046274423599243, -1.3054580688476562, 0.46699953079223633, 0.7178521156311035, 0.8657994866371155, 0.3958149552345276, 0.6829586029052734, 0.6636191606521606, 0.18742327392101288, -0.24755480885505676, -0.30860763788223267, 0.28461533784866333, 0.12273092567920685, 1.3390722274780273, 1.3900856971740723, -0.6386603116989136, 0.9134423136711121, -0.23807275295257568, -0.542151927947998, 0.020076557993888855, -0.6665026545524597, 0.6203406453132629, 0.5522111654281616, -0.4487123191356659, -0.507412314414978, -0.48877453804016113, 1.1400456428527832, -0.7986736297607422, 0.2849758565425873, 0.10745441168546677, -0.4935683608055115, -0.7325955629348755, -0.27301156520843506, 0.10172206908464432, 0.7064570188522339, 0.1160605251789093, -0.6627842783927917, 0.08483931422233582, 1.0817714929580688, 0.08066797256469727, -0.07149197161197662, -0.5143063068389893, 0.1032385304570198, -0.9087414145469666, 0.005609177052974701, -0.1938330978155136, -0.8712505102157593, 0.03001220151782036, 0.11413872241973877, -0.46265143156051636, -0.12864597141742706, -0.19640560448169708, -0.3708459138870239, -1.291944146156311, 0.02022586390376091, -0.8876358270645142, 0.35100001096725464, 0.08585362136363983, 0.11095341295003891, -1.6009929180145264, 0.6438890695571899, 0.92277592420578, 0.21929645538330078, -0.2655666768550873, 0.0026002442464232445, 0.3908877670764923, -0.06773070991039276, 0.2342371642589569]} +{"paper_id": "lama", "embedding": [-0.5850488543510437, 1.479323148727417, -0.459757536649704, -0.34123891592025757, 0.4661961793899536, -0.6887812614440918, 0.5982800126075745, 0.519572913646698, 0.7857096195220947, 1.1561119556427002, 0.38944151997566223, 0.28443285822868347, -0.05077357217669487, -0.4034396708011627, -0.3520338535308838, -0.6159220337867737, -0.8767868280410767, -1.1278785467147827, -1.805191159248352, -0.5510402917861938, -0.7769619226455688, -0.8644388318061829, -0.025005538016557693, 1.376081943511963, -0.8461796045303345, -1.5220882892608643, 1.2913037538528442, -0.8178525567054749, 0.746033787727356, 0.2644232511520386, -0.5072320103645325, 1.0921685695648193, -1.8777267932891846, 0.4801907241344452, -0.4270239770412445, -0.07678872346878052, 0.1443444788455963, 1.0967302322387695, -0.0018345490097999573, 0.20092616975307465, -0.24608708918094635, -0.3138340413570404, 0.2344919592142105, 0.5837156176567078, 0.966645359992981, -0.8695968985557556, 0.374858021736145, 0.008841235190629959, 0.13776569068431854, -0.675242006778717, -1.0506603717803955, 0.08054637908935547, -0.27024734020233154, 0.7491073608398438, -0.2802095115184784, 1.5671160221099854, 0.3252962529659271, -0.9223804473876953, 1.3363252878189087, -1.0102458000183105, 1.2701730728149414, 2.235400438308716, -0.3789500296115875, 0.037807855755090714, 0.720820426940918, -0.04155258461833, 1.4623574018478394, 0.0963255912065506, 0.6237387657165527, 0.5327273011207581, 0.21256978809833527, -0.08750047534704208, 0.6068241000175476, -0.1332513988018036, 0.8691195249557495, 1.2160166501998901, 0.5364406108856201, -0.03255823627114296, -0.21065476536750793, -0.5547850728034973, -0.3032402992248535, 0.39945369958877563, 0.47073230147361755, -0.39080798625946045, -0.09239287674427032, 0.3737891614437103, -0.05683872848749161, -0.712559163570404, 0.6002050638198853, -1.6656136512756348, 1.369676113128662, 0.14542259275913239, -0.017380863428115845, -0.35960853099823, -0.293658971786499, -0.06669855117797852, -1.062621831893921, -0.37987419962882996, -0.02530783787369728, 0.9521556496620178, 0.3676363229751587, -0.0810360386967659, 0.8510218262672424, 0.322988897562027, -0.28859084844589233, 1.0267452001571655, 0.1786012351512909, 0.03969068080186844, -0.9607565402984619, -0.37025150656700134, 0.5613243579864502, 1.1420291662216187, 0.19147467613220215, 0.3174278140068054, 0.1601196527481079, 0.5850903391838074, 0.5116176009178162, -0.9266544580459595, 0.09620130807161331, 0.5732094049453735, 0.4071613848209381, -1.1430327892303467, -0.6374983787536621, 0.1269509196281433, 0.6530552506446838, -0.3626821041107178, -0.174540176987648, -0.26107901334762573, 0.16067683696746826, 0.16744264960289001, 0.5371529459953308, 0.08503694832324982, -0.8417825698852539, -0.36451849341392517, 3.075300931930542, -1.2869287729263306, 1.7819498777389526, -0.8050305843353271, 0.19862446188926697, -0.281279981136322, -0.7434926629066467, 0.589592456817627, 0.31795385479927063, -1.2780429124832153, -0.17863915860652924, 0.6998023390769958, -0.3022806942462921, 0.5101302862167358, -1.4900295734405518, -0.056989457458257675, 0.010127346962690353, -0.32839515805244446, -1.3543213605880737, -0.42187047004699707, 0.4622412919998169, 0.0032931677997112274, -0.2728786766529083, 0.5272285342216492, -0.37124103307724, 1.3119570016860962, -0.20255258679389954, -0.15737587213516235, -0.07543369382619858, 0.3648579716682434, -0.8980219960212708, -0.6892544627189636, 0.9258019328117371, -0.3080371916294098, -0.9958068132400513, -0.2296406328678131, 0.7698308229446411, -0.011632058769464493, -0.3959529995918274, -0.14716729521751404, -0.07030288130044937, 0.08503900468349457, 0.7920058965682983, 0.775249183177948, 0.20652639865875244, -0.4968530535697937, -0.22568875551223755, -0.8627336621284485, 0.025263212621212006, 0.8221567273139954, -0.55612713098526, 0.8624804615974426, -2.3235559463500977, 0.28300875425338745, -0.5471646189689636, 0.3608369827270508, 0.15408408641815186, 0.008342532441020012, 0.3994382321834564, 0.33066555857658386, 0.6090914607048035, -1.2057735919952393, 0.6213139891624451, -1.1844626665115356, -0.6571937799453735, 0.08282752335071564, -0.6179839968681335, -0.10054294019937515, 0.36461785435676575, 0.8436152338981628, 0.24726492166519165, -0.5196441411972046, -0.784920334815979, -2.40432071685791, 0.4662019610404968, 2.3692100048065186, 0.1859448254108429, -0.6674844622612, -0.4723852276802063, -0.5700122714042664, -0.16687195003032684, -0.37596893310546875, 0.0863504707813263, -0.19958335161209106, 0.4054543375968933, -0.8843151330947876, 0.4381279945373535, -0.32420849800109863, 0.1964161992073059, 0.5163531303405762, 1.34681236743927, -0.3336530923843384, -0.10859140753746033, -0.3819476068019867, -1.4200468063354492, 0.7344534993171692, 0.7193648815155029, 0.2733628451824188, -0.2748890221118927, 0.9934908747673035, 0.11464093625545502, 0.9525059461593628, 0.9197412729263306, 0.6205369830131531, -1.177783727645874, 0.511452317237854, -0.37499892711639404, 1.1192717552185059, 0.08026938885450363, 0.022115426138043404, 0.342668354511261, 0.14981062710285187, -0.6865135431289673, -0.5210819244384766, 0.2971401810646057, -0.6778802275657654, 1.3465946912765503, 0.662004292011261, -0.6672956943511963, 0.9405892491340637, -0.5360442996025085, -0.06374900788068771, -0.5845513343811035, -0.672570526599884, -0.09687435626983643, 0.143399178981781, 1.0272657871246338, -0.21583902835845947, 0.32181817293167114, -0.15837430953979492, -0.23443002998828888, -1.6914710998535156, 0.0026429221034049988, 0.3777351379394531, -0.4233039617538452, -1.1532522439956665, 0.4121550917625427, -0.3055185079574585, -1.131283164024353, -0.6263787746429443, 0.7388182282447815, 0.07464037835597992, 0.07227358967065811, 1.3531904220581055, 1.4557121992111206, -0.3434050977230072, 0.6968235969543457, 0.3221815228462219, 1.6145721673965454, -0.8796666264533997, 0.29438158869743347, 0.2602017819881439, 0.25317373871803284, -1.0244951248168945, 0.9522615671157837, -0.608241081237793, 0.36806127429008484, 1.009660005569458, -0.34620392322540283, 0.44764846563339233, -0.267793208360672, -1.5258808135986328, 1.1970680952072144, -0.02979368343949318, -0.2756035625934601, -0.5668700933456421, 1.8396294116973877, -0.09938394278287888, -0.3097154200077057, 0.5301244854927063, 0.2948968708515167, -0.4146918058395386, 1.2002698183059692, -0.245767742395401, 0.5395255088806152, -0.1114489957690239, 0.13161598145961761, 0.11175994575023651, 0.506177544593811, -1.9695813655853271, 0.9740732908248901, 0.7269488573074341, -0.18347546458244324, -0.48398271203041077, -0.7937714457511902, 0.12354621291160583, -0.78855961561203, 0.3198528289794922, 0.4982074499130249, -0.4386163055896759, 0.1431766301393509, -0.2026890218257904, 0.015757005661725998, 1.5714257955551147, -0.9987105131149292, 0.07422369718551636, 1.00975501537323, 0.018785271793603897, -1.0428218841552734, -0.4508359432220459, 0.5524929165840149, -0.1377219706773758, 0.10679134726524353, 0.24496552348136902, 1.010036826133728, 1.0855255126953125, -0.06786300987005234, -0.09172245115041733, 0.4935547709465027, 0.527921199798584, 0.3226877748966217, 0.604525625705719, -0.9982264041900635, 0.14552049338817596, -0.4555506110191345, 1.307716965675354, -0.4448617994785309, -0.8239138722419739, -1.1504136323928833, -0.37249815464019775, -0.5125172138214111, -0.89961177110672, 2.1155591011047363, 0.22304341197013855, 1.3895432949066162, -0.1908770352602005, 0.18022304773330688, -0.8975821733474731, 0.04792917147278786, 0.9224005341529846, 0.6356605887413025, -0.013490468263626099, -1.047602891921997, 0.04989542067050934, 0.4830050766468048, -0.04784492775797844, -0.2021595984697342, 0.13056057691574097, 0.9647448062896729, 0.2604166269302368, -0.9509344696998596, 0.31016862392425537, 0.929976761341095, 0.04613635689020157, 0.9909472465515137, -0.7563692331314087, -0.12200720608234406, 0.45494866371154785, 0.08460202068090439, 0.2329813539981842, 0.2588072717189789, -0.7137126922607422, 0.9819436073303223, 0.39958420395851135, 0.24353089928627014, 0.2214837521314621, 0.9282581806182861, 1.8756905794143677, -0.6520077586174011, -1.198393702507019, -0.33211126923561096, -0.691618800163269, -0.2734193503856659, 0.14022418856620789, 0.028477009385824203, -0.7175495028495789, 1.1138478517532349, -0.5130026340484619, -0.7654916048049927, 0.9132082462310791, -0.6415035724639893, -1.5804506540298462, 0.9121782183647156, 0.7793365716934204, -1.0998635292053223, -0.373891681432724, 0.10441382229328156, -1.0648446083068848, -0.9359153509140015, -0.22810351848602295, -0.680465042591095, 0.41195639967918396, 0.2728540599346161, 1.031653642654419, -0.418130099773407, -0.2963709831237793, -0.940179705619812, 0.5571678876876831, 1.0920617580413818, -0.6704387068748474, 0.3114907443523407, 0.16479846835136414, 0.0597420334815979, -0.18080265820026398, -0.7332854866981506, -0.584892749786377, 1.1724975109100342, 0.06522130966186523, 0.6998706459999084, -1.1258450746536255, -0.7196593284606934, 0.629545271396637, -0.22692076861858368, 1.1530956029891968, -0.8893842101097107, -0.021901506930589676, -0.08032006025314331, 0.2601812183856964, 0.5907007455825806, -0.40100306272506714, -1.1856966018676758, 0.7853595018386841, -0.046364203095436096, 0.41439130902290344, -0.423860102891922, 0.6761846542358398, 1.4674177169799805, -0.5209382176399231, -0.3059248924255371, -0.44283416867256165, -10.590478897094727, 0.3058852255344391, 0.15127943456172943, 0.2710116505622864, 0.6341748833656311, -0.4788025915622711, 1.0384067296981812, -0.597246527671814, 0.44867226481437683, -0.8925908803939819, 0.13330408930778503, 1.3012425899505615, 0.7802059054374695, -0.017825616523623466, -0.7142089009284973, -1.406018614768982, -0.23739789426326752, -0.43714439868927, 0.18924160301685333, 0.10829901695251465, -0.5158607363700867, -0.5535245537757874, -0.25202006101608276, 0.3503228724002838, 0.6078644394874573, 0.031002119183540344, -0.7375237941741943, -0.2756853997707367, -0.247965008020401, -0.23111404478549957, 0.3796722888946533, 0.0016305295284837484, -1.0429418087005615, -0.35524868965148926, -0.32510635256767273, -0.7502905130386353, -0.4549882411956787, -0.2576458752155304, 1.134401559829712, -0.4904882311820984, -1.0107760429382324, 0.49882856011390686, 0.9071465730667114, -0.017852265387773514, -0.6739022731781006, 0.6303174495697021, 1.1008907556533813, -1.3277015686035156, 0.13357535004615784, -0.12229405343532562, -0.7428018450737, -0.6549926400184631, -0.6662304997444153, -0.2559323310852051, 0.17355045676231384, 0.4226696789264679, 0.04366611689329147, -0.2603839933872223, -0.9255968332290649, -1.486325979232788, 0.5565428137779236, -0.056098684668540955, -0.6048246026039124, 0.011188242584466934, 0.013866875320672989, -0.07475478202104568, 0.016527917236089706, -0.06309130042791367, -0.5132687091827393, 0.05786784738302231, -0.8806151747703552, 0.7778539061546326, -0.11511019617319107, -0.10796761512756348, -0.7318393588066101, 0.29550790786743164, -0.48231855034828186, -0.48787763714790344, -0.2182774841785431, 0.014495862647891045, -1.5438224077224731, 0.8958712816238403, 0.48579105734825134, -0.8208303451538086, -0.6076772809028625, 0.09002232551574707, -0.38375940918922424, 0.6553653478622437, 0.9444783926010132, -0.5305308699607849, 1.076714038848877, -0.0014922618865966797, -0.06353718042373657, 0.31048816442489624, -0.6482824683189392, 1.0442602634429932, -0.32787877321243286, 0.9345561265945435, 0.17269322276115417, -0.890203058719635, 0.3767666518688202, -0.5642492175102234, -0.3364380896091461, -0.2754261791706085, 0.3964887857437134, 0.8598158955574036, 0.38342422246932983, -0.046310506761074066, 0.0795673355460167, -0.3245474696159363, 1.3457248210906982, 0.5803988575935364, -0.6582264304161072, 1.3284120559692383, -0.6817315816879272, 0.2736709415912628, 0.029040822759270668, 0.5494688153266907, 0.030735211446881294, 1.001429557800293, -0.2635144591331482, 1.4892076253890991, -0.1988726258277893, 1.0077842473983765, 0.037601735442876816, -0.4018029272556305, 0.7058687806129456, 0.568431556224823, 0.13558711111545563, -1.6693158149719238, 0.20587864518165588, -0.33455607295036316, -0.26328736543655396, -0.8699952960014343, -0.2913849949836731, -0.4620540738105774, -0.8031854629516602, 1.459480881690979, -0.15771529078483582, -0.05676521360874176, 0.2611507177352905, -0.5989312529563904, 0.3094334602355957, -1.2300983667373657, -1.094724416732788, 0.25759533047676086, -1.257705569267273, -0.1852467656135559, -0.6612556576728821, -1.199337363243103, -0.3913743793964386, -0.2503736615180969, 0.7258265018463135, -0.9279917478561401, -0.3552819788455963, -0.24605819582939148, 0.47536489367485046, -0.18132983148097992, -0.47428640723228455, 0.006607189774513245, -0.23606693744659424, 0.8038803339004517, -0.8471066951751709, 0.9778140783309937, 0.2700081169605255, -0.8019250631332397, -0.09324375540018082, 0.1953701674938202, -0.49796271324157715, -0.003677085041999817, 0.7488217353820801, -0.930033266544342, 0.22000959515571594, -0.968598484992981, -0.3852015733718872, -1.1420552730560303, 0.4646564722061157, 1.2110158205032349, -0.14898736774921417, -0.20106081664562225, 0.5208017230033875, 1.039249300956726, 0.019453339278697968, 0.006825283169746399, -0.16837754845619202, -0.4271599054336548, -0.152287095785141, 0.44813650846481323, 0.0026095984503626823, 1.0235319137573242, -1.9067611694335938, -0.8767139315605164, -0.26590242981910706, 0.08523795008659363, 0.5775038599967957, -0.12644349038600922, 1.4564545154571533, 0.5565464496612549, -0.1933102309703827, 0.6700480580329895, 0.49553215503692627, 0.8374521136283875, 0.544438362121582, 0.5192161202430725, 0.12895698845386505, 0.1729186326265335, -0.6000092625617981, 0.2437496781349182, 0.2009735405445099, 0.43975985050201416, -1.2394334077835083, -0.4372416138648987, -0.09943549335002899, -0.5091949105262756, 0.18870297074317932, -0.7019929885864258, 0.9383131861686707, -0.5469315648078918, -0.3707139194011688, -1.6164225339889526, 0.2511252760887146, 1.0942248106002808, -0.23697596788406372, 0.30609574913978577, 0.8877550959587097, 0.7489163875579834, 0.8402224183082581, 0.50874263048172, 1.1695994138717651, -0.22731997072696686, -0.7549383640289307, 0.5856268405914307, 0.7879458665847778, 0.03097807615995407, -0.46503838896751404, -1.0341579914093018, -0.6328610777854919, 0.6232319474220276, -0.23321178555488586, 1.0180201530456543, -0.2984431982040405, 0.791414201259613, 0.8330946564674377, 0.9493690729141235, -1.0375988483428955, -1.410343050956726, -0.4290822744369507, -1.8012661933898926, 0.03714624419808388, 0.562135636806488, 1.1706538200378418, 0.5596439242362976, 0.8437727093696594, 0.2726008892059326, 1.5549265146255493, -0.6707128286361694, -0.4250260591506958, -0.19795149564743042, -0.13288769125938416, 1.1799243688583374, 0.3503127992153168, 0.9150598645210266, 0.26203930377960205, -0.22162818908691406, -0.6194025278091431, -0.47757023572921753, -0.5977255702018738, 1.0078907012939453, 0.35991716384887695, 0.09131966531276703, 0.0001535862684249878, -0.5273000597953796, 0.99800705909729, -0.6366922855377197, 0.42543670535087585, 0.254392147064209, -0.1447363942861557, -0.26017627120018005, -0.7593894600868225, -0.08344248682260513, 0.9488288760185242, -0.3368151783943176, -0.14825743436813354, -0.028398483991622925, 0.7424566149711609, 0.06240388751029968, -0.39188724756240845, -0.8803040981292725, -0.12144652754068375, -0.4757221043109894, 0.1788221150636673, 0.1221841499209404, -1.1602061986923218, -0.35909491777420044, -0.3307252526283264, -0.904062807559967, 0.6954350471496582, 0.022715404629707336, -0.7623862028121948, -0.8316178321838379, 0.2599061131477356, -0.6072835922241211, 0.6878330707550049, 0.22232089936733246, -0.5033987760543823, -1.5920019149780273, 0.6515864133834839, 1.2955305576324463, -0.7735565900802612, -0.6410099267959595, 0.11614296585321426, 0.11642411351203918, 0.34922271966934204, 0.7058894634246826]} +{"paper_id": "babi_qa", "embedding": [-0.7279456257820129, 0.9913596510887146, -0.3597637116909027, -0.46710434556007385, 0.18516677618026733, -0.22737818956375122, 0.2258855700492859, 1.2100064754486084, 1.0238615274429321, 0.18440985679626465, -0.1557425558567047, 0.38070905208587646, 0.04828046262264252, 0.030663464218378067, -0.436107337474823, 0.030132649466395378, -0.5629448890686035, -0.7085649371147156, -1.7148382663726807, -0.4832215905189514, -0.7385926842689514, -0.733336329460144, 0.12819649279117584, 1.643895149230957, -0.8938087821006775, -1.2080525159835815, 1.1741738319396973, -1.230195164680481, 0.5353319644927979, 0.535202145576477, -0.05479332059621811, 1.4639371633529663, -1.5773781538009644, 1.145769476890564, -0.3035467863082886, -0.6767822504043579, 0.38346174359321594, 0.8929345607757568, 0.4114583134651184, -0.26015859842300415, -0.3923012316226959, 0.43842804431915283, 0.014716729521751404, 0.2051820158958435, 0.7414056658744812, -0.8849207162857056, 0.8883657455444336, 0.2277282327413559, -0.43666112422943115, 0.03604702278971672, -1.5081559419631958, 0.15728703141212463, -0.27351734042167664, 1.023513674736023, 0.4356500804424286, 0.6707602143287659, 0.5418716073036194, -0.010486414656043053, 0.2325037121772766, -0.8304952383041382, 1.3922128677368164, 1.4569091796875, -0.6803001165390015, 0.31098172068595886, 1.4307290315628052, 0.27418673038482666, 0.8911438584327698, 0.5875353217124939, -0.26543354988098145, 0.27339816093444824, -0.515233039855957, 0.09169647842645645, 1.0112824440002441, -0.6768654584884644, 0.2972448468208313, 0.895505428314209, 0.3823292851448059, 0.3274061381816864, -0.10246991366147995, -0.5905447006225586, 0.039980448782444, 0.09550197422504425, 0.5831223130226135, -0.35621389746665955, 0.6503311395645142, 0.7024657130241394, 0.2604145109653473, -0.6229081153869629, -0.29041796922683716, -1.8571730852127075, 1.0531985759735107, 0.6646915078163147, 0.23206232488155365, -0.750773012638092, -0.29766491055488586, 0.3239275813102722, -1.0477794408798218, -0.3717484176158905, -0.30934393405914307, -0.024798797443509102, 0.5628543496131897, -0.04054538905620575, 0.40014660358428955, -0.2935333549976349, -0.13789424300193787, -0.8686519265174866, 0.4695342779159546, 0.02411584183573723, -0.6067225337028503, -0.9419162273406982, -0.2767471373081207, 0.6405802369117737, -0.4764082729816437, 0.32001399993896484, -0.3312687277793884, 0.8463053107261658, 0.9670170545578003, -0.8272627592086792, -0.13220611214637756, 0.10204489529132843, -0.20784802734851837, -0.5779558420181274, -0.5627836585044861, -0.3327409029006958, 0.19885587692260742, -0.7799829840660095, -0.7690925002098083, -0.5926252007484436, -0.3639208674430847, 0.16565436124801636, 0.9238284826278687, 0.43754127621650696, -0.9500715136528015, -0.8696883320808411, 3.530276298522949, -1.3785091638565063, 1.6214016675949097, -1.120168924331665, 0.10114842653274536, -1.2297474145889282, -0.6789051294326782, 0.9944060444831848, 0.2004770040512085, -0.4856187105178833, -0.2681257128715515, 0.14912202954292297, 0.11386769264936447, -0.37656843662261963, -0.9166317582130432, 0.03739664703607559, 0.03864241763949394, 0.6509352326393127, -1.6128363609313965, -0.386691153049469, -0.5368720889091492, 0.4864315092563629, -0.5513752102851868, 0.9052842855453491, -0.7666888236999512, 0.026744980365037918, -0.35422593355178833, -0.4413415193557739, -0.3589017391204834, -0.31108558177948, -0.4247171878814697, -0.3341228663921356, 0.6394354701042175, 0.46031174063682556, -0.6671599745750427, -0.13825960457324982, -0.6541740894317627, 0.5692727565765381, -0.8279865980148315, -0.011041628196835518, 0.16896772384643555, 0.5523868799209595, 0.16644176840782166, 0.46231961250305176, 0.32066425681114197, -0.9264918565750122, -0.4871149957180023, -0.6654967665672302, -0.13842672109603882, 0.8512586355209351, -0.20420947670936584, -0.18735049664974213, -2.3990910053253174, 0.8117316365242004, -0.24699145555496216, 0.5625978708267212, 0.2862764298915863, 0.5935574173927307, 0.8565337657928467, 0.03515396639704704, -0.027606617659330368, -0.8155455589294434, 0.9786418080329895, -1.2005538940429688, 0.21616238355636597, 0.4861442446708679, -0.1797179877758026, 0.06506180018186569, 0.08040429651737213, 1.2571887969970703, 0.09076956659555435, -0.38412439823150635, -0.8649427890777588, -1.5481972694396973, 0.22108876705169678, 1.628485083580017, 0.29401612281799316, -0.1596127301454544, -0.70644211769104, -0.31452658772468567, -0.6624817848205566, -0.23750239610671997, 0.2477990984916687, -0.6359786987304688, 0.8460035920143127, -1.1775763034820557, 0.35285985469818115, -0.3285159468650818, 0.33267998695373535, 0.7653355598449707, 1.30898916721344, -0.3222551941871643, 0.03519101440906525, -1.0075479745864868, -0.8685598373413086, 0.41482365131378174, 0.5234243869781494, 0.33371737599372864, 0.41448962688446045, 0.1713595688343048, 0.4422363042831421, 0.8127401471138, 0.47281381487846375, 0.32534050941467285, -0.9949227571487427, 0.06328658759593964, -0.1516304612159729, 1.3494938611984253, 0.20352840423583984, 1.0095951557159424, -0.7626965045928955, 0.21323642134666443, -0.9512248635292053, -0.3048138916492462, 0.5581327676773071, -0.2472270429134369, 1.9249098300933838, 0.28680670261383057, -0.524568498134613, -0.1154605820775032, -0.21882295608520508, 0.07030460983514786, -0.4656544327735901, -0.251323938369751, -0.5941286683082581, -0.13070809841156006, 1.56588876247406, 0.1852712333202362, 0.14166299998760223, 0.08555005490779877, 0.46596455574035645, -1.0206308364868164, -0.3959848880767822, 0.17896631360054016, -0.0692158117890358, -0.6553590297698975, -0.20721647143363953, -0.22864072024822235, -0.7075733542442322, -0.3604356050491333, -0.3557763695716858, -0.5382278561592102, 0.2579590678215027, 0.4645169675350189, 2.058844566345215, 0.21119645237922668, -0.016342710703611374, -0.3919585049152374, 1.530490517616272, -0.6683977246284485, 0.6172698736190796, 0.07212129235267639, 0.13969077169895172, -1.3078442811965942, -0.1704760491847992, -0.4630412459373474, 0.35500451922416687, 0.3047843277454376, -0.41964659094810486, 1.1628999710083008, -0.48262786865234375, -0.5258731245994568, 0.9872860312461853, -0.013246521353721619, -0.2879185080528259, -0.3823786973953247, 1.5936766862869263, -0.3788885474205017, -0.48382440209388733, 0.8167205452919006, 0.06851744651794434, -0.5433886647224426, 0.21768781542778015, -0.08241849392652512, -0.22452175617218018, 0.17146918177604675, -0.01702694594860077, 0.3395158350467682, 0.1396903693675995, -2.44065523147583, 1.5075302124023438, 0.3349122405052185, -0.2586595118045807, -0.3714727759361267, -0.4796038866043091, -0.05527964234352112, -0.3295263648033142, 0.4903084933757782, 0.4324187636375427, 0.11124062538146973, 0.3638105094432831, -0.32766902446746826, -0.04586051031947136, 1.313344120979309, -0.0523141510784626, -0.1680099070072174, 0.6788271069526672, 0.021183155477046967, -0.9759917259216309, -0.16496911644935608, 0.514448344707489, -0.33533504605293274, 0.09699711203575134, 0.08796010911464691, 0.821986198425293, 0.8242253065109253, -0.020782575011253357, 0.2121896594762802, 0.3737162947654724, 1.0269540548324585, 0.32569456100463867, 0.17850007116794586, -0.8521219491958618, 0.01415020041167736, -0.3749910295009613, 1.6552611589431763, -0.5292200446128845, -0.4235615134239197, -1.0098730325698853, 0.5242390632629395, -0.18140901625156403, -0.548931896686554, 1.7511690855026245, 0.2228458821773529, 1.1887969970703125, 0.7951622605323792, 0.4615130126476288, -0.8548064231872559, -0.5320996046066284, 0.5777124762535095, -0.14574895799160004, 0.0238218754529953, -0.7993940114974976, -0.6847484111785889, 0.8963126540184021, -0.04733869433403015, -0.7779406309127808, 0.022933784872293472, 1.1470633745193481, 0.7811828255653381, -0.6668176651000977, 0.7115214467048645, 1.0780978202819824, 0.8714128732681274, 1.3152738809585571, -0.5939734578132629, -0.13521482050418854, 0.11730913817882538, 0.2922379672527313, 0.14786909520626068, 0.6575563549995422, -0.4353868365287781, 1.046622395515442, -0.21876464784145355, 0.7203043103218079, -0.11622610688209534, 1.1805603504180908, 1.7749409675598145, -0.8425853848457336, -1.5937621593475342, 0.2676964998245239, -0.19841374456882477, 0.12181733548641205, 0.36519619822502136, 0.01092882826924324, 0.13680347800254822, 0.8874353170394897, 0.5093052387237549, -0.5869143009185791, 0.2822364568710327, -0.7065256237983704, -0.8241093158721924, 0.7662112712860107, 0.9621595144271851, -0.7256067395210266, -0.17203181982040405, 0.29037410020828247, -1.1288187503814697, -0.1231701523065567, -0.15981343388557434, -0.9262433052062988, 0.6518607139587402, 0.5088050365447998, 1.1069371700286865, -0.22605811059474945, 0.14732936024665833, -0.7012740969657898, 1.4576629400253296, 0.2468327432870865, -0.7355048656463623, 0.6673130989074707, 0.10827730596065521, 0.9421458840370178, 0.21268877387046814, -0.8673471808433533, -0.5312147736549377, 0.9708983898162842, -0.5591960549354553, 0.041069649159908295, -0.9738248586654663, -0.2450198084115982, 0.6995618939399719, 0.6050154566764832, -0.10349348187446594, -1.1092506647109985, -0.29947429895401, -0.7520361542701721, -0.15936270356178284, 0.9189003705978394, -0.6361213326454163, -1.199517011642456, 0.08562501519918442, -0.6951512098312378, 0.47580209374427795, -0.7720191478729248, 0.007055964320898056, 1.620192289352417, -0.04521431773900986, -0.2698354125022888, 0.1299368143081665, -11.191557884216309, 0.9725755453109741, 0.12135908007621765, 0.07922540605068207, 0.84284508228302, -0.3071928322315216, 0.20302468538284302, -0.375698447227478, 0.44520631432533264, -0.46648478507995605, 0.3778521716594696, 0.4286617934703827, 0.539797306060791, -0.6789808869361877, -0.6461209654808044, -0.8070247173309326, -0.543104887008667, -1.009711742401123, 0.053425922989845276, 0.10940507054328918, 0.2915436029434204, -0.5850209593772888, -0.5246186852455139, 0.15020187199115753, 0.2706143260002136, -0.5943991541862488, -1.173304796218872, -0.08725038170814514, -0.2550557851791382, -0.45292869210243225, 0.7372049689292908, 0.08259712904691696, -0.10962165892124176, -0.5844102501869202, -0.04515506327152252, -0.6402260065078735, -0.7940390110015869, -0.04702635854482651, 0.817374050617218, -0.8651185035705566, -0.7682016491889954, 0.21643848717212677, 0.2552797496318817, -0.10261493921279907, -0.39274540543556213, 0.5132377743721008, 1.063310980796814, -0.7130553722381592, -0.08558817207813263, -0.29608386754989624, -0.05322473496198654, -0.13443103432655334, -0.6409684419631958, -0.4167986810207367, 0.38652175664901733, 0.6632148623466492, -0.2415444552898407, -0.2689354717731476, -0.600580096244812, -0.892227053642273, 0.45613083243370056, 0.13398247957229614, -0.39369434118270874, 0.48645099997520447, 0.43094882369041443, -0.419867604970932, -0.31839752197265625, 0.5199659466743469, -0.6195220947265625, 0.4985700249671936, -0.9494206309318542, 1.0084114074707031, -0.367953896522522, 0.06762026250362396, -1.3270585536956787, 0.2469751536846161, -0.81175696849823, 0.2775568962097168, 0.7148129343986511, -0.3079683780670166, -1.2314039468765259, 0.7999882102012634, 0.595496654510498, -0.1543043553829193, -0.5990659594535828, 0.48595109581947327, 0.41507089138031006, 0.3401578962802887, 1.1479684114456177, -0.6896355152130127, 1.3503185510635376, 0.4055342376232147, -0.18306207656860352, -0.07182823121547699, -0.3033452332019806, 1.031309723854065, 0.19745242595672607, 0.09239453077316284, 0.5958521366119385, -0.2586078643798828, -0.03394535928964615, -0.011495795100927353, -0.5667394399642944, 0.3660678267478943, 1.2812479734420776, 0.5483679175376892, 0.4819737672805786, -0.03435264527797699, 0.7848048806190491, -0.38517576456069946, 0.8870601654052734, 0.9465187788009644, -0.42281055450439453, 1.7404955625534058, -0.6691508293151855, 1.0073163509368896, 0.5313310027122498, 0.7554924488067627, 0.22687898576259613, 0.4986589252948761, -0.5228089690208435, 0.751714289188385, -0.19334350526332855, 1.4058326482772827, 0.10896581411361694, 0.2112327218055725, 0.11269766092300415, 0.5344557762145996, 0.07543663680553436, -1.4280434846878052, -0.001228880137205124, -0.8210492134094238, -0.0691462978720665, -0.46290674805641174, -0.03164522349834442, 0.30723071098327637, -0.7226909399032593, 1.8292944431304932, -0.5103997588157654, -0.12117765098810196, 0.13965974748134613, 0.30071955919265747, -0.52082359790802, -1.3132785558700562, -1.185189127922058, 0.21869352459907532, -1.495975375175476, 0.3404961824417114, -0.10568161308765411, -0.25985535979270935, -0.11920925974845886, -0.5837900042533875, 0.678446888923645, -0.20810121297836304, -0.33501607179641724, -0.38339394330978394, 0.16435037553310394, -0.6212252974510193, -0.5253164172172546, 0.24530985951423645, 0.566830575466156, 1.2961499691009521, -0.9640772342681885, 1.1189284324645996, 0.10251238942146301, -0.7032492756843567, -0.5843184590339661, 0.5147391557693481, -0.516149640083313, 0.04631669074296951, 0.6126945614814758, -1.0738308429718018, -0.6851322650909424, -1.1788252592086792, -0.052570194005966187, -0.7711560130119324, 0.2284720540046692, 0.4299358129501343, -0.8583908677101135, -0.5761703252792358, 4.883855581283569e-05, 0.6964198350906372, 0.31342464685440063, -0.2710022032260895, -0.4374309182167053, -0.43227267265319824, -0.29713213443756104, 0.25953951478004456, 0.59295254945755, 1.249253511428833, -1.5418744087219238, -0.8560250997543335, -0.3198005259037018, 0.23690494894981384, 0.2747719883918762, 0.6477991938591003, 0.5491485595703125, 0.9918531775474548, -0.835972785949707, 0.4568910002708435, 0.04386969283223152, 0.2694070637226105, 0.21496382355690002, 0.7941260933876038, -0.1278902143239975, 0.6351121664047241, -0.18903934955596924, -0.0959216058254242, 0.48435112833976746, 1.0177533626556396, -0.8800559639930725, -0.14740851521492004, -0.5139118432998657, -0.06707757711410522, -0.12062923610210419, -0.8092726469039917, -0.6027337312698364, -1.0272518396377563, -0.030935142189264297, -1.2150672674179077, 0.07115566730499268, 0.32648932933807373, -0.5270560383796692, 0.9771744608879089, 0.4827300012111664, 1.192971110343933, 0.7406662702560425, -0.06659340858459473, 0.5100300908088684, 0.010949347168207169, 0.26338669657707214, 0.3287402391433716, 0.39620164036750793, -0.05811237543821335, -0.1958390176296234, -1.1741604804992676, -0.5127549767494202, 0.6658254861831665, -0.3648548126220703, 1.5314079523086548, 0.1940258890390396, 1.0003166198730469, 0.630248486995697, 1.3340622186660767, -0.42544323205947876, -1.9859699010849, -0.29121649265289307, -1.6288821697235107, -0.21408091485500336, 0.8189755082130432, 0.4899596571922302, 0.1204046830534935, 0.6451038718223572, -0.11989779770374298, 0.8528285622596741, -0.7748002409934998, 0.18839943408966064, 0.6461473703384399, -0.445811927318573, 0.5007912516593933, -0.32643795013427734, 0.5030098557472229, 1.013511300086975, 0.19766457378864288, -0.8721515536308289, -0.2078070491552353, -0.4007042944431305, 0.3022187352180481, 0.1109447330236435, -0.6138423681259155, -1.0136712789535522, -0.3057214021682739, 1.0639245510101318, -0.022938471287488937, 1.4627275466918945, -0.24639616906642914, -0.06373666226863861, -0.9507450461387634, -0.9030828475952148, -0.6842085123062134, 0.43286076188087463, 0.3643469512462616, -0.3329038619995117, -0.22980906069278717, 0.04052478075027466, 0.5420070886611938, 0.11061953008174896, -0.7864786982536316, -0.28769049048423767, -0.8621836304664612, -0.04692969471216202, -0.534530758857727, -0.9291888475418091, -1.0735400915145874, -0.3241976499557495, -1.1758888959884644, 0.6301635503768921, -0.39380884170532227, -0.6354156136512756, -0.9136780500411987, 0.45186805725097656, 0.18199267983436584, 0.4375768303871155, -0.32975584268569946, -0.2488040328025818, -1.7407749891281128, 0.48921799659729004, 1.6808362007141113, -0.30275440216064453, -0.31996241211891174, 0.7828142046928406, 0.010020330548286438, 0.07156898826360703, 0.9716460704803467]} +{"paper_id": "scitail", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "math_qa", "embedding": [-0.6298534274101257, 1.911130428314209, -0.2435719519853592, 0.45681795477867126, 0.0908026397228241, 0.29673120379447937, -0.32349368929862976, 1.8073559999465942, 0.9616146683692932, 0.7724933624267578, -0.012707322835922241, 0.3774760961532593, -1.2209336757659912, -0.7547687292098999, -0.6359803676605225, 0.14335393905639648, -0.5127820372581482, -0.7237452268600464, -2.571181058883667, -0.7809006571769714, -1.2017242908477783, -1.4633585214614868, -0.14824385941028595, 1.168677806854248, -0.07134116441011429, -0.6546415686607361, 0.7701150178909302, -1.8007642030715942, 0.33122846484184265, 0.6124377846717834, -0.06886299699544907, 0.9184889793395996, -1.6636176109313965, 0.6786805987358093, -0.6701391935348511, -0.08317463099956512, -0.4052284061908722, 0.10192716866731644, -0.2679244577884674, 0.545052707195282, -0.4789443910121918, 0.09515107423067093, 0.11514706164598465, -0.05730022117495537, 1.1143958568572998, -0.42072680592536926, 0.16937606036663055, 0.34043917059898376, 0.5782639384269714, 0.04308880493044853, -1.3347002267837524, 1.3559163808822632, 0.09136448800563812, -0.47089359164237976, 0.4658406376838684, 1.3732569217681885, 0.4486202299594879, 0.3016294538974762, 0.9465382695198059, -0.6515322923660278, 1.103156328201294, 0.7899484634399414, 0.17959831655025482, 0.33347734808921814, 0.42218101024627686, 0.32785964012145996, 1.197712779045105, -0.253980427980423, -0.08498309552669525, 0.3878035247325897, -0.04535186290740967, -1.0468438863754272, 0.33483120799064636, 0.219818115234375, 0.3393762707710266, 0.4902710020542145, 0.5583211779594421, -0.42113468050956726, 0.5102161169052124, -0.3576783239841461, -0.44057297706604004, -0.6286215782165527, 1.1462550163269043, -0.2643931806087494, -0.15175485610961914, 0.17382526397705078, 0.5828051567077637, -0.2611273527145386, 0.6382931470870972, -1.2320451736450195, 0.2932704985141754, -0.3451782166957855, 1.3045783042907715, -0.7695565819740295, -1.0058164596557617, -0.19905447959899902, -0.5712244510650635, -0.964108407497406, -0.5801980495452881, 0.710400402545929, 0.6888702511787415, 0.387708455324173, 0.4376371502876282, -0.018324799835681915, 0.7583441138267517, 0.6913143396377563, 0.7223957777023315, -0.5808093547821045, -1.481939673423767, -0.9772256016731262, 0.8605694770812988, 0.21315324306488037, 0.07761934399604797, 0.790001630783081, -0.08076932281255722, -0.2657620906829834, 0.40567171573638916, -0.472686767578125, 0.0810694620013237, -0.37056398391723633, 0.09254001080989838, -0.5114213824272156, -0.31697919964790344, -0.5244722962379456, 0.1400138884782791, -0.1397017389535904, 0.18735705316066742, -0.22266456484794617, 0.2900615334510803, 0.13013602793216705, 1.1212655305862427, -0.4008656144142151, -0.9768661856651306, -0.10867786407470703, 3.2384941577911377, -0.40955430269241333, 1.050209641456604, -0.8643052577972412, 0.46047064661979675, -0.6987125873565674, -0.49621814489364624, 1.107900857925415, -0.21422883868217468, -0.4686965346336365, -1.022358775138855, 0.4893443286418915, -0.3338303864002228, 0.614538311958313, -1.2834420204162598, 0.5207681655883789, -0.4634523391723633, 1.3446897268295288, -0.9879799485206604, -1.009399175643921, -0.37185347080230713, 0.15716508030891418, 0.20780779421329498, 0.9583659768104553, -0.9933595061302185, -0.5165652632713318, 0.8809779286384583, -1.1271061897277832, -0.5940496325492859, 0.25827234983444214, -0.384981632232666, -0.6951903104782104, 1.8087797164916992, -0.7343640923500061, -1.4468870162963867, -0.7985778450965881, 0.23262643814086914, 0.14022356271743774, 0.057993046939373016, 0.5853322148323059, 0.07534162700176239, 0.9601287841796875, 0.48969733715057373, 0.45259180665016174, 0.7733746767044067, -0.5879864692687988, 0.22915610671043396, -0.4143925905227661, 0.052281059324741364, -0.14549480378627777, 0.47316181659698486, 0.6554346680641174, -2.7953007221221924, -0.22965310513973236, -0.7324917912483215, 0.6965406537055969, 0.321434885263443, 0.4449012875556946, 0.5981631278991699, 0.5024365186691284, 0.3079165816307068, -0.5178813338279724, -0.08583064377307892, -1.6314384937286377, -0.07699021697044373, 1.1721664667129517, 0.128252774477005, 0.9792681932449341, -0.2498079240322113, 1.1895297765731812, 0.5641001462936401, -1.1055071353912354, 1.031367301940918, -1.8131685256958008, -0.7556682825088501, 1.9256395101547241, 0.5345462560653687, 0.742150604724884, -0.11380990594625473, -0.606043815612793, 0.3773644268512726, 0.11369725316762924, -0.20096509158611298, -0.6496161222457886, 0.24201920628547668, -1.2100569009780884, 0.6169443130493164, -0.36387407779693604, 0.9343171715736389, 0.2886850833892822, 1.7205208539962769, -0.81346195936203, 0.37033185362815857, 0.15438257157802582, -0.1490112990140915, 0.16096147894859314, 0.6563807129859924, 0.3920397460460663, 0.2735976278781891, 0.6128376722335815, 0.7676571607589722, 0.49664855003356934, 1.132429599761963, 1.0172085762023926, -0.0018594413995742798, 0.6434147357940674, 0.20609936118125916, 1.0968573093414307, -0.010208934545516968, -0.17975899577140808, 0.20408670604228973, -0.28771817684173584, -0.7082864046096802, -0.793483555316925, 0.6594274044036865, -0.002048388123512268, 1.9469326734542847, -0.6478424072265625, 0.052217040210962296, 0.42123648524284363, -0.5338131189346313, -0.3990389406681061, -0.08664542436599731, -0.31269338726997375, -0.43277233839035034, 0.00581582635641098, 0.41084739565849304, 0.08773406594991684, 0.03914842754602432, -0.15198791027069092, -0.508673906326294, -1.7599492073059082, -0.46304798126220703, -0.9294398427009583, -0.0754135325551033, -0.6895780563354492, -0.5698801875114441, 0.18782630562782288, -1.2355546951293945, 0.11585366725921631, 0.10350750386714935, 0.1377544105052948, -0.11424624174833298, 0.8887069225311279, 1.6338884830474854, -0.8841212391853333, 0.5440839529037476, 0.421983540058136, 0.9540581107139587, -0.33442726731300354, 0.7977474331855774, 0.394954115152359, 0.23043546080589294, -1.754612922668457, 0.19830137491226196, -0.689167857170105, -0.4131098985671997, 0.4967910051345825, -0.13731807470321655, -0.5061303377151489, -0.21979553997516632, -0.21164223551750183, 0.9013737440109253, 0.27934756875038147, 0.34227675199508667, -0.3336029648780823, 1.1357171535491943, 0.44440117478370667, -1.0698812007904053, 0.4494593143463135, 0.1320376843214035, -0.06876172870397568, 1.1051231622695923, -0.32736411690711975, 0.2313777208328247, -0.23544079065322876, 0.15879933536052704, 0.4896833002567291, 0.48494115471839905, -1.8457040786743164, 0.8790462613105774, 0.13370013236999512, 0.027046870440244675, -0.5060132741928101, -1.0708110332489014, -0.7336779832839966, -1.0923975706100464, 0.3677864074707031, 0.2157411277294159, -0.6045059561729431, 0.15311174094676971, 0.05102326720952988, 0.1585477739572525, 0.4441007375717163, -0.6536432504653931, 0.1712220311164856, 0.41830629110336304, -0.22855836153030396, -1.0536173582077026, -0.2930547595024109, 0.5516781806945801, 0.09636801481246948, 0.020390186458826065, 0.12143266201019287, 0.8231034278869629, 1.239050269126892, 0.1192726343870163, 0.6006159782409668, 0.7265748977661133, 1.7244446277618408, -0.05667022988200188, 0.36480656266212463, -0.6111748218536377, -0.4059867262840271, -0.43760302662849426, 1.0832531452178955, -0.6603506803512573, -0.2711392343044281, -1.0008549690246582, -0.16482406854629517, -0.034922707825899124, -0.8374846577644348, 1.9715791940689087, 0.0689801573753357, 1.934752106666565, -0.8683022260665894, 0.3080695867538452, -0.024003395810723305, -0.375705748796463, 0.012832045555114746, 0.9428586959838867, 0.36707937717437744, -0.996466875076294, -0.6912931203842163, -0.02663133665919304, -0.4668565094470978, 0.06919567286968231, 0.01596919074654579, 0.6296059489250183, 0.0429815910756588, -0.6795178055763245, 0.8159034848213196, 0.6727802753448486, 0.5935735106468201, 1.2743433713912964, -0.36168453097343445, -1.1293439865112305, -0.2592345178127289, 0.18138721585273743, -0.23209607601165771, -0.08164431154727936, -0.417808473110199, -0.20403459668159485, 0.4214940071105957, -0.1798902302980423, 0.45441514253616333, 1.114025354385376, 1.4437180757522583, -0.7153896689414978, -2.0772955417633057, 0.3458995223045349, -0.22062689065933228, -0.1944192498922348, -0.19574323296546936, -1.0200939178466797, -0.2112247496843338, 0.43731892108917236, 0.2763724625110626, -1.330627202987671, -0.4369916021823883, -0.05204685032367706, -1.9057315587997437, 1.0866286754608154, 1.0076864957809448, -0.5074858665466309, 0.3415670096874237, 0.8401992321014404, -1.3148611783981323, 0.15827737748622894, -0.48589059710502625, -0.25140342116355896, 0.6793973445892334, 0.7710189819335938, 0.7143394947052002, -0.08407831937074661, 0.7334212064743042, -1.069711685180664, 1.183701515197754, 0.8850960731506348, -0.8176912069320679, -0.006986167281866074, -1.1038793325424194, 0.6020053029060364, -0.4253658056259155, -1.827640414237976, -0.7074273824691772, 0.46082600951194763, -0.9054733514785767, -0.7370541095733643, -1.4319816827774048, -0.8058018088340759, -0.14625564217567444, -0.43722134828567505, -0.11095476150512695, -0.4244878590106964, -0.1796451210975647, 0.23466844856739044, -0.3056492507457733, 1.029754877090454, -0.3517799377441406, -0.1475697159767151, 1.4270331859588623, -0.234360009431839, 0.5452319383621216, 0.8146718740463257, 0.15867210924625397, 1.6148260831832886, 0.44336920976638794, -0.34926003217697144, -0.32802870869636536, -9.723772048950195, 0.4737386405467987, 0.14758312702178955, 0.2959904074668884, 0.7493879199028015, 0.30326440930366516, 0.5532758831977844, -0.4018699824810028, -0.1022428348660469, -0.9366649985313416, 0.17912089824676514, 0.5817859172821045, 1.053831696510315, -0.20647276937961578, -0.441715806722641, -1.2616522312164307, -0.04300548881292343, -0.18217697739601135, 0.9631950855255127, 1.1438080072402954, -0.192467600107193, -1.1390767097473145, -0.46180713176727295, -0.1311597228050232, 0.23446477949619293, 0.10771746188402176, -0.3531794846057892, -0.18977884948253632, -0.3888281583786011, -0.08545242249965668, 0.7583031058311462, 0.7366321682929993, -0.18720458447933197, -0.6030928492546082, 0.15890420973300934, -0.49984556436538696, -0.7326210141181946, 0.5028935074806213, 0.8575289845466614, -0.16777943074703217, -1.1457831859588623, 0.31012967228889465, 0.47241976857185364, -0.5347325801849365, -0.38961973786354065, 0.9241428971290588, 0.5537072420120239, -2.143277883529663, 0.7454235553741455, -0.6091413497924805, -0.7348180413246155, -1.4695720672607422, -0.3227596879005432, -0.6484228372573853, 0.2531343996524811, 0.9391265511512756, -0.6697388887405396, -0.21498267352581024, -0.7053126692771912, -0.46166306734085083, 0.23148062825202942, 0.9063389301300049, -0.002034410834312439, 0.9468408226966858, 0.09294101595878601, -0.02204141952097416, 0.19795453548431396, 0.6021197438240051, -0.843704104423523, 0.02802901528775692, -1.5351818799972534, 0.5436674952507019, 0.0006261849775910378, 0.12778179347515106, -0.6609362363815308, -0.16980761289596558, -0.18261049687862396, -0.06764888763427734, -0.11861225962638855, 0.8901243805885315, -1.1282004117965698, 0.15193085372447968, -0.3971213698387146, -1.0723341703414917, -1.4796526432037354, 0.695154070854187, -0.0276726633310318, 1.140243411064148, 1.3913967609405518, -1.2524161338806152, 1.300234079360962, 0.006814103573560715, -0.18293841183185577, -0.7332836389541626, 0.28271347284317017, 0.49632176756858826, 0.2298426777124405, 0.6867531538009644, 0.5745452642440796, -1.7086098194122314, 1.2078561782836914, -0.39935165643692017, -0.8338284492492676, 0.0860552042722702, 0.36249497532844543, 1.2227848768234253, 0.6141356825828552, 0.3545064330101013, -0.5767223834991455, 0.14012937247753143, 0.7796785235404968, -0.660400390625, -0.9409263730049133, 0.38645070791244507, -0.7606387138366699, 0.66469407081604, 1.1252838373184204, 0.8647207617759705, 0.28050360083580017, 0.09136877954006195, 0.6487393379211426, 1.1306899785995483, 0.20362842082977295, 1.1698163747787476, -0.5020911693572998, -0.7548139095306396, 0.6593843698501587, 0.7502185106277466, -1.0110259056091309, -0.3990684449672699, 0.30543646216392517, 0.11936542391777039, -0.6498376727104187, -0.08575373142957687, -0.22527943551540375, -0.09919336438179016, -0.5714561343193054, 1.6417423486709595, -0.02769254893064499, 0.12825444340705872, 0.7474134564399719, 0.180946484208107, -0.05889211595058441, -0.9510474801063538, -1.33282470703125, 0.6939519047737122, -1.4871835708618164, -0.3400944769382477, -0.08441652357578278, -0.9421489238739014, 0.2565333843231201, -0.7615360617637634, 1.4143599271774292, -1.0963404178619385, -0.6346100568771362, -1.1362980604171753, 1.0137183666229248, -0.24707156419754028, 0.18750187754631042, 0.05247358977794647, 0.6949791312217712, 0.5508233308792114, -0.40676960349082947, 1.0825039148330688, -0.5755386352539062, 0.5392395257949829, -0.17569926381111145, 0.09383463859558105, -0.383041113615036, -0.0070754364132881165, 0.5490460395812988, -0.4586070775985718, 0.2631649076938629, -0.17908090353012085, 0.4531184434890747, -0.039215337485075, 0.13135755062103271, 1.1881582736968994, -0.6543068289756775, -0.2357165664434433, -0.6001660227775574, 1.4130737781524658, 1.3643075227737427, -1.1608123779296875, -1.0872176885604858, -0.1895337998867035, 0.16847434639930725, 0.7961878180503845, 0.18770305812358856, 0.34047457575798035, -1.4227707386016846, -1.4500226974487305, -0.17633776366710663, -0.832798957824707, 0.3213484585285187, 0.1156715452671051, 1.335220456123352, 0.7399851679801941, 0.8683744668960571, 0.07818105071783066, 0.6829326748847961, 0.8749731183052063, 0.6751837730407715, 0.0831645131111145, -0.10415256023406982, 1.1579724550247192, -0.81120765209198, 0.18322958052158356, 0.6961311101913452, 0.9615139961242676, -0.9326929450035095, 0.6903690099716187, 0.1279972940683365, 0.2818761169910431, 0.3771401047706604, -1.772890329360962, -0.02277286723256111, -0.7812803983688354, -1.049289345741272, -1.0087076425552368, 0.3604338765144348, 0.3604919910430908, 0.4403235912322998, 0.6802343726158142, 0.29618796706199646, 0.6623299717903137, 0.18780331313610077, -0.25983595848083496, 1.7374060153961182, 0.21080271899700165, -0.20485791563987732, -0.14521940052509308, 0.4738902151584625, -0.7954396605491638, 0.08912421762943268, -0.803286612033844, -0.703395664691925, 0.1667092740535736, -0.516395628452301, 1.6398289203643799, -1.1430567502975464, 0.0031903069466352463, 0.12853780388832092, 1.4271382093429565, -0.4187408685684204, -1.8745776414871216, -0.04199422150850296, -0.4034627377986908, -0.3631580173969269, 0.6278544068336487, -0.6004994511604309, -0.49463504552841187, 0.7640404105186462, -0.12011243402957916, 0.1258947253227234, 0.8022862672805786, -0.21385984122753143, -0.38040807843208313, -0.469243586063385, 0.6883960962295532, 0.6362369656562805, -0.18237324059009552, 0.12929882109165192, -0.3618619441986084, -0.36525973677635193, -0.30322426557540894, -1.0054594278335571, 0.4648274779319763, 0.8531779646873474, -0.3941431939601898, -1.0635913610458374, -0.026029551401734352, 0.6681135296821594, -0.7643303275108337, 0.972301185131073, -0.05584394931793213, -0.559850811958313, -1.5689724683761597, -0.39469560980796814, -0.08728466182947159, 0.6244155764579773, -0.12780411541461945, 0.6234947443008423, 0.8764570355415344, 0.5631234049797058, -0.6787317395210266, 0.33516979217529297, -1.1414878368377686, -0.5375530123710632, -0.6905628442764282, 0.11709271371364594, -0.5793777704238892, -0.358310729265213, -0.9346016645431519, 0.3584737181663513, -1.3897207975387573, 0.29390668869018555, 0.2230454534292221, -0.13721756637096405, -0.3499857783317566, 0.41632169485092163, -0.2983279526233673, -0.15865498781204224, 0.4622904658317566, 0.33275845646858215, -1.8003959655761719, 1.0377882719039917, 0.33821189403533936, -1.0469330549240112, -0.05829663574695587, -0.17918476462364197, 0.19715571403503418, -0.4572846293449402, 0.3299657106399536]} +{"paper_id": "mc_taco", "embedding": [-0.6830195188522339, 0.8520451188087463, 0.46526047587394714, 0.33747270703315735, 0.8695948123931885, 0.4903843104839325, 1.4605016708374023, 0.00237458199262619, 0.5027058124542236, 0.5423696041107178, -0.12039293348789215, 0.10035135596990585, -0.08827845752239227, -0.1545880287885666, -1.2163103818893433, -1.3666445016860962, -1.150555968284607, 0.4650845229625702, -0.7381340265274048, -0.016097061336040497, -0.6067020297050476, -0.527685284614563, -0.47098177671432495, 0.6138947606086731, -0.4832855761051178, 0.15759147703647614, 0.6362763047218323, -1.1621224880218506, 0.48204508423805237, -0.08148498833179474, 0.05588291585445404, 1.4300693273544312, -0.4368327856063843, 0.6869634389877319, -1.1640214920043945, -0.04477952420711517, 0.23448751866817474, 0.8651488423347473, -0.4202587902545929, 0.014283750206232071, -1.0703749656677246, 0.6191911697387695, 0.6023030281066895, 0.035101406276226044, 0.2527553141117096, -0.013853929936885834, -0.4275815188884735, 0.7215724587440491, -0.39867252111434937, 0.7159147262573242, -0.43331387639045715, -0.17495384812355042, 0.46388518810272217, 0.016589201986789703, 0.7420436143875122, 0.5998228192329407, -0.032716941088438034, -0.5894996523857117, -0.11894536763429642, -0.3344841003417969, 0.29075831174850464, 0.6017383337020874, 0.03312445059418678, 0.568110466003418, 0.7711821794509888, -0.3335896134376526, 1.5826234817504883, 0.31896722316741943, 0.6121843457221985, 0.8026682138442993, -0.6208348870277405, -0.8189765214920044, -0.1192033514380455, 0.37114518880844116, 0.07958966493606567, 0.5349557399749756, 0.4821511507034302, 0.10575729608535767, 0.6803149580955505, 0.8511527180671692, 0.5151023864746094, 0.24931113421916962, 0.34520384669303894, -0.8644824624061584, -0.19543534517288208, -0.15231062471866608, 1.0994395017623901, -0.7906312942504883, 0.26917269825935364, -1.323980450630188, 0.23995882272720337, 0.029367821291089058, 0.3761845827102661, -0.19857901334762573, -0.5645427107810974, 1.0552399158477783, 0.663648247718811, -0.6247463822364807, -0.5151374340057373, 0.85932856798172, 0.38185933232307434, -8.244253695011139e-05, -0.13223636150360107, 0.004200257360935211, 0.9833518266677856, 0.8313066363334656, 0.1991560161113739, 0.14808562397956848, 0.09802725911140442, -0.2381560206413269, -0.07194729149341583, 1.254957914352417, 0.5383844971656799, 0.6943472623825073, -0.4296606481075287, -0.3826550543308258, 0.07905618101358414, -0.3583368957042694, -0.7345470190048218, 0.17234016954898834, -0.9325135946273804, -0.06205056607723236, 0.589150071144104, -0.6858441829681396, 0.6724711060523987, -0.1600806564092636, 0.12819822132587433, 0.42138969898223877, 0.04905266687273979, -0.17083489894866943, -0.3101435601711273, 0.30665144324302673, 0.024707544595003128, 0.23845261335372925, 2.7790772914886475, -0.659224808216095, 0.5842733979225159, -0.6707366704940796, -0.03677669167518616, -0.019436374306678772, 0.30812615156173706, 1.123449683189392, -0.13827328383922577, 0.06186623498797417, -1.1846277713775635, -0.8919782042503357, -0.23081189393997192, 0.18277952075004578, -0.01753445342183113, -0.38608041405677795, 0.2830330431461334, 0.3990063965320587, -1.4717620611190796, -0.12398073077201843, 0.561559796333313, 0.631472647190094, -0.8257704973220825, 0.11112046241760254, -0.02673526480793953, 0.021181661635637283, 0.13155107200145721, 0.25716325640678406, -0.8393226265907288, 0.45671337842941284, -0.008198287338018417, 0.3766781687736511, 1.0458859205245972, -0.18927934765815735, -1.2303712368011475, -0.23140305280685425, 0.6538845300674438, -0.029242750257253647, 0.5315389633178711, -0.3110544979572296, -0.46159154176712036, 0.5412171483039856, -0.03629257157444954, 0.6808215379714966, -0.17847633361816406, -0.252393901348114, -0.6887503862380981, -0.34577906131744385, -0.5152076482772827, 0.029025765135884285, 0.23206794261932373, -0.7164473533630371, -2.3802735805511475, -0.21179316937923431, -1.041520118713379, 0.9787875413894653, -0.0024168193340301514, 0.4699901044368744, 0.1410180628299713, 0.07344140112400055, -0.7967270016670227, 0.06768710911273956, 0.9790585041046143, -1.097084641456604, -0.6921979188919067, -0.031824059784412384, -0.5566375851631165, 0.27415311336517334, -0.7488836050033569, 1.0280983448028564, 0.8251296877861023, -0.1726052165031433, -0.23993268609046936, -1.3983272314071655, -0.22161051630973816, 1.6976585388183594, 0.109771229326725, -0.17499218881130219, -1.5751302242279053, -0.064019113779068, 1.2139912843704224, -0.027029963210225105, 0.8144404888153076, 0.10164462774991989, 0.12445051223039627, -1.2112410068511963, 0.5866255164146423, -0.7376934885978699, 0.8123750686645508, -0.24713671207427979, 1.3998183012008667, -0.4774951934814453, -0.39745083451271057, 0.03516368195414543, -0.02111862599849701, 0.6830376982688904, 0.4870840907096863, 0.14200928807258606, -0.030484527349472046, 0.7526729106903076, 0.7099339962005615, 0.379996657371521, 0.2447887659072876, 0.7832669615745544, -0.7423956394195557, -0.41001543402671814, 0.2887621521949768, 0.46531665325164795, -0.47321420907974243, 0.08979018032550812, 0.7724324464797974, -0.34328699111938477, 0.31917768716812134, -0.24866610765457153, -0.26746028661727905, -0.223097026348114, 0.8920822739601135, 0.7368730902671814, -0.10083805024623871, 0.8983758091926575, -0.3579510450363159, -0.2084466814994812, -0.013707678765058517, -0.9436356425285339, 0.09101086854934692, -0.41908085346221924, 0.35820937156677246, -0.1883716732263565, -0.021400105208158493, -0.23840156197547913, -0.36842724680900574, -1.1424574851989746, 0.2780768871307373, 0.04141581803560257, 0.15563952922821045, -0.42166492342948914, -0.4233155846595764, -0.5621946454048157, -0.7448285818099976, -0.5610414743423462, -0.41695672273635864, 0.6479923725128174, 0.3536607325077057, 0.11242851614952087, 1.5011768341064453, 0.2731986939907074, -0.2708694338798523, -0.26529449224472046, 0.22188161313533783, -0.5178137421607971, 0.11950531601905823, -0.6750984787940979, 0.08979371190071106, -0.8508825302124023, 0.40360328555107117, -0.66490638256073, 1.0683263540267944, -0.05999134108424187, -0.6065455079078674, 0.22066041827201843, -0.8591349720954895, -0.6442356705665588, 0.6137598156929016, -0.2511816620826721, 0.4929555058479309, -0.8232213854789734, 0.409782737493515, 0.5548110604286194, -0.1837465465068817, 0.34081244468688965, -0.6570469737052917, 0.016217757016420364, 1.543917179107666, -0.11869532614946365, 0.6355901956558228, 0.6494638323783875, 0.2522231340408325, -0.16873474419116974, 0.548812985420227, -2.3574249744415283, -0.11954367905855179, 0.47107037901878357, -0.17518161237239838, 0.1520029604434967, -0.5995829701423645, 0.257659912109375, -0.908108115196228, -0.5231032371520996, 0.41906362771987915, -0.4937020540237427, 0.22547999024391174, -0.606494128704071, 0.40160930156707764, -0.024147260934114456, -0.4199514389038086, 0.4346551299095154, 0.0008083963766694069, 0.208642840385437, -0.8572424650192261, -0.22140532732009888, 0.5037562847137451, -0.41498568654060364, 0.9388093948364258, 1.0065711736679077, 0.6441914439201355, 1.0286343097686768, 0.10618682950735092, -0.6876535415649414, 0.8667577505111694, -0.1481059342622757, 0.33813759684562683, 0.9924983382225037, 0.05134229734539986, 0.5326430201530457, -0.21751627326011658, 0.421821653842926, 0.19229601323604584, 0.25785771012306213, -0.5128147006034851, 0.45721426606178284, -0.7672985792160034, -0.3595151901245117, 1.1012506484985352, 1.1424152851104736, 1.6596741676330566, -0.3974170386791229, -0.11116544902324677, -0.37973344326019287, 0.048706863075494766, 0.2866959869861603, 0.09240062534809113, 0.2423914670944214, -0.3260801434516907, -0.12142731249332428, -0.040974535048007965, 0.8074352145195007, -0.5433417558670044, 0.15892162919044495, 0.3243754208087921, -0.014544155448675156, -0.6119116544723511, 0.39945828914642334, 0.23917149007320404, 0.5373460650444031, 1.6120198965072632, -0.6890842318534851, 0.20296691358089447, -0.11947991698980331, 0.18501253426074982, 0.1430038958787918, 0.2522640526294708, -1.3592584133148193, 0.07220622897148132, 0.3072412610054016, 0.611004114151001, -0.0443909652531147, 1.5143402814865112, 0.9263249039649963, -0.36040857434272766, -1.1899107694625854, -0.4282847046852112, -0.9581064581871033, -0.18041113018989563, 0.27399036288261414, -0.7562573552131653, 0.47614309191703796, 0.9925999641418457, 0.2814435362815857, -1.8810274600982666, 0.6757340431213379, 0.002915838733315468, -0.9005671739578247, 0.010761171579360962, 1.1553725004196167, -1.109904170036316, -0.1193893700838089, 0.37265247106552124, -0.6563291549682617, -0.5429845452308655, -0.2686880826950073, 0.18155796825885773, 0.8705949783325195, -0.18771319091320038, 0.594829261302948, 0.12325192987918854, 0.76549232006073, -0.1129932552576065, 1.119808316230774, 0.2242051362991333, -0.04575861617922783, 0.6500622034072876, 0.4143275022506714, 0.15308381617069244, 0.5082181692123413, -0.7514432072639465, -0.4875103831291199, 0.8742160797119141, 0.7316914796829224, -0.964038074016571, -0.5699645280838013, -0.38475996255874634, 0.14483216404914856, -0.11148020625114441, -0.09924325346946716, -1.4757100343704224, 0.8165003061294556, -0.35896652936935425, -0.4412957727909088, 0.6134358644485474, -0.8460741639137268, -1.607279896736145, 0.2566989064216614, -0.48592567443847656, 0.30136746168136597, -0.7295949459075928, -0.10234233736991882, 1.2506624460220337, 0.3386591672897339, 0.5848310589790344, 0.11946707218885422, -13.014294624328613, 1.3666168451309204, -0.0715954527258873, 0.32639914751052856, 0.37428176403045654, -0.3727038502693176, -0.24774816632270813, 0.7115706205368042, 0.3834001421928406, -0.7508063316345215, 0.5447030663490295, 0.03816177695989609, 0.1771090030670166, 0.6588629484176636, -0.37644845247268677, -1.1606831550598145, -0.6434648036956787, -0.3537912368774414, 0.5120888352394104, 0.6195567846298218, -0.22572065889835358, -0.9898843169212341, -0.3048415184020996, -0.41636478900909424, 0.46302667260169983, 0.12772232294082642, -0.09305799007415771, -0.5550130605697632, -0.3497430682182312, -0.4075566828250885, 1.191387414932251, -0.13517241179943085, -0.23962131142616272, 0.2844826579093933, 1.0449355840682983, 0.7437812089920044, -1.0201719999313354, -0.15196460485458374, 0.35961225628852844, 0.7558436393737793, 0.48301780223846436, -0.13871575891971588, 0.06863124668598175, -0.3164161145687103, -0.4033404588699341, 0.2962403893470764, -0.3609345853328705, 0.0150550976395607, -0.4563264846801758, 0.19012552499771118, -0.5080307126045227, -0.29721012711524963, -0.6232126951217651, -1.0215953588485718, 0.4324193298816681, -0.7980515956878662, -0.5578744411468506, -0.1985376626253128, 0.10728505253791809, -1.143518090248108, 0.4364488422870636, 0.2933042645454407, -0.2231769561767578, 0.6336444020271301, 0.2183707356452942, -0.2817818820476532, 0.6664612889289856, 0.25242120027542114, -0.0130595862865448, -0.10884523391723633, -1.135633945465088, 0.35512489080429077, -0.315532386302948, 0.9554594159126282, 0.36897245049476624, -0.06871289759874344, -0.2868981957435608, 0.45213648676872253, 0.4261212646961212, -0.09931541979312897, -0.46683475375175476, 0.41694536805152893, -0.6396679282188416, 0.35737890005111694, -0.922661304473877, 0.02296769991517067, 0.2580099105834961, -0.2016839236021042, 0.32110369205474854, -0.11411454528570175, 0.17830884456634521, 0.17835021018981934, -0.5314508080482483, -0.009944641962647438, -1.1924548149108887, 0.8129732608795166, 0.4335024058818817, 0.8566246032714844, 0.16105550527572632, -0.15445631742477417, 0.06451573967933655, -0.186428040266037, -1.0020532608032227, 0.020134638994932175, 0.4621342420578003, -0.6028819680213928, 0.2690679430961609, -0.24945074319839478, -0.49439340829849243, -0.32414114475250244, 0.5058098435401917, -0.9984866380691528, 0.08413296192884445, 0.023127181455492973, 0.48192229866981506, -0.2150356024503708, 0.37081676721572876, -0.33836859464645386, 0.7652961611747742, 0.10926689207553864, 0.1659678816795349, 0.23724809288978577, 0.023853158578276634, 0.8169589042663574, -0.019927576184272766, -0.35594847798347473, 0.17439892888069153, 0.9679616093635559, -0.7815561890602112, -1.0214189291000366, 0.008773140609264374, -0.6122775673866272, 0.33417412638664246, -0.7556142807006836, -0.983909010887146, -0.4173852205276489, 0.216998890042305, 1.0410617589950562, -0.698715090751648, 0.5609403848648071, 0.11064620316028595, -0.032631874084472656, -0.9911547899246216, -0.43557488918304443, -0.8851401209831238, -0.2375248372554779, -1.7616896629333496, 0.3465341031551361, -0.6589922308921814, -0.4207589030265808, 0.5506108999252319, -0.15650120377540588, 0.6508426666259766, -0.536090612411499, -0.023858122527599335, -0.02925988845527172, -0.45483919978141785, -0.11398740112781525, -0.3121653199195862, -0.5112816095352173, -0.09690166264772415, 0.5669311285018921, -0.7271103262901306, 0.6470288634300232, -0.10127942264080048, 0.28492414951324463, -0.8591009378433228, -0.4710724949836731, -0.35619884729385376, -0.030680567026138306, 1.1021686792373657, -0.9376358985900879, 0.029366226866841316, 0.06877167522907257, 0.07910408079624176, -0.5996285676956177, 0.737073540687561, 0.9680215120315552, -1.0501670837402344, -0.18129335343837738, 0.008983485400676727, 0.0702478438615799, 0.11405186355113983, -0.8294275999069214, 0.27745866775512695, -0.2303454577922821, 0.5889253616333008, 0.4411167502403259, -0.19585874676704407, 0.18796470761299133, -1.1605195999145508, -0.5575248003005981, -0.7136790752410889, -0.3233087956905365, 1.143764615058899, 0.12335585057735443, 1.0339521169662476, 0.966484785079956, 0.10211087763309479, -0.11525726318359375, 0.4422566294670105, 0.821812629699707, -0.1456494927406311, -0.040693312883377075, -0.6757574081420898, -0.6585074663162231, -0.7533683776855469, 0.13370327651500702, 0.10078756511211395, -0.22565561532974243, -0.9700402617454529, -0.30526575446128845, 0.4378790855407715, -0.7634073495864868, 0.4058215022087097, -0.9924831390380859, 0.23537006974220276, -0.1331339329481125, -0.39572665095329285, -0.25838741660118103, 0.5839734673500061, 1.5778945684432983, -0.34899312257766724, 1.461616039276123, -0.1171698048710823, 0.3532159924507141, 0.6599405407905579, 0.05883142724633217, 0.7571840286254883, 0.16836759448051453, -0.31923869252204895, 0.21827073395252228, 0.11073577404022217, 0.22227436304092407, -0.26301926374435425, -0.679315447807312, -0.44457143545150757, 0.5081681609153748, -0.901944100856781, 0.5829025506973267, -0.19951225817203522, 0.1868765503168106, 1.2697142362594604, 0.6712128520011902, -0.763409435749054, -1.3792476654052734, -1.0703479051589966, -0.5022550225257874, 0.5863313674926758, 0.8521143794059753, 0.26473066210746765, 0.39643532037734985, 0.6616870164871216, 0.6157549619674683, 0.6499950885772705, -0.5353105068206787, 0.6684603691101074, 1.1277886629104614, 0.5346232056617737, 1.2904473543167114, 1.2865688800811768, -0.6510769724845886, 0.6198438405990601, 0.6590908169746399, -0.9649202823638916, 0.4080584645271301, -0.7425490617752075, -0.24954301118850708, 1.0206670761108398, -0.9387567639350891, 0.19075722992420197, -0.5584943294525146, 0.0657561719417572, -0.17922018468379974, 0.17131303250789642, 0.38922590017318726, -0.3793751001358032, -0.16473093628883362, -0.26488959789276123, -0.5084834098815918, 0.8187331557273865, 0.35216110944747925, -0.8292218446731567, -0.6330662965774536, 0.5135533213615417, -0.45044073462486267, -0.07488375902175903, -0.32941704988479614, 0.4421517848968506, -0.5420276522636414, 0.6072194576263428, -0.7171012163162231, -0.49707913398742676, -0.16483573615550995, 0.4711053967475891, -0.3256775736808777, -0.3006865680217743, -0.07166671007871628, -1.0057272911071777, -0.5885119438171387, 0.22188611328601837, -0.514729917049408, -0.9598318934440613, 0.7672443389892578, 0.09584596008062363, -0.8798196911811829, 0.032320886850357056, 0.054494887590408325, 0.33597996830940247, -0.2827439308166504, -0.38966336846351624, 0.8005462884902954, -0.874524712562561, 0.6619095206260681]} +{"paper_id": "squadshifts", "embedding": [-0.6136847138404846, 0.6366541981697083, 0.11767283082008362, -0.4434216022491455, 0.24536874890327454, 0.017835527658462524, 0.8528048992156982, 0.5429569482803345, 0.7539163827896118, 0.21953240036964417, -0.17915484309196472, 0.3675909638404846, 0.5337005853652954, 0.050174638628959656, -0.4807538092136383, -0.28272995352745056, -1.0638065338134766, -0.341122031211853, -0.9844953417778015, -0.2043183445930481, -0.36513495445251465, -0.21066264808177948, 0.06264354288578033, 1.155089259147644, -0.5460658073425293, -1.338547706604004, 0.8140957951545715, -0.85050368309021, 0.4451362192630768, 0.21113210916519165, -0.09866245836019516, 1.2120765447616577, -1.3732348680496216, -0.19061098992824554, -0.6335523128509521, -0.7029709219932556, 0.10908161848783493, 1.2798627614974976, 0.05312996357679367, -0.3362337052822113, -1.1599737405776978, 0.058108799159526825, 0.5390259027481079, 0.676028847694397, 1.0961244106292725, -0.5258273482322693, 0.04606875032186508, -0.5116365551948547, -0.3149029612541199, -0.09318572282791138, -0.5665552616119385, 0.2086775302886963, -0.017174946144223213, 0.3823187053203583, -0.6939806342124939, 0.45865294337272644, 0.5691160559654236, -1.247802972793579, 0.5368282794952393, -0.9706212282180786, 1.2293322086334229, 1.523740530014038, 0.1593269258737564, 0.1696280986070633, 1.3014863729476929, 0.1843370646238327, 1.8308684825897217, 0.33500343561172485, -0.3760131001472473, 0.7258158922195435, -0.7868450284004211, -1.0401053428649902, 0.10412973165512085, 0.13364380598068237, 0.3467460572719574, 0.6723364591598511, -0.11104584485292435, -0.16703777015209198, 0.39195021986961365, -0.45174652338027954, -0.48455214500427246, 0.35961389541625977, 0.18175411224365234, -0.2771334648132324, -0.08804085850715637, -0.33094802498817444, 0.6241189241409302, -1.4102505445480347, 0.5024538040161133, -1.2926876544952393, 1.1190059185028076, -0.047262515872716904, 0.5029443502426147, -0.20181289315223694, -0.42357003688812256, 0.34072455763816833, -0.7791662812232971, 0.14450660347938538, -0.5870646238327026, 0.6685146689414978, 1.0369514226913452, -0.15334954857826233, 0.9212081432342529, -0.18214064836502075, -0.16657240688800812, 0.8147194385528564, 0.08877694606781006, -0.7719820737838745, -0.3133028447628021, -0.8281267285346985, 0.24970507621765137, 0.736738383769989, -0.28169623017311096, 0.5483382940292358, -0.10242731124162674, 0.7872247099876404, 0.9253858327865601, -0.8529922962188721, -0.44694438576698303, 0.2695324420928955, 0.3072264492511749, -1.331114411354065, -0.20983895659446716, 0.1250479370355606, 0.8669398427009583, -0.37519651651382446, -0.1549554020166397, 0.23627278208732605, -0.15191172063350677, 0.3924393355846405, 1.2253702878952026, 0.10941416025161743, -0.5267031192779541, -0.0878491997718811, 2.867048740386963, -1.3459911346435547, 1.267134666442871, -0.6416184902191162, -0.5108875632286072, -0.3986254930496216, -0.4683637022972107, 0.8602575659751892, 0.2070423662662506, -0.9328542351722717, -0.9226987957954407, 0.4860354959964752, -0.44687044620513916, 0.26149287819862366, -0.842828094959259, -0.09134094417095184, -0.08183586597442627, 0.2523443102836609, -1.004510521888733, -0.6582655906677246, 0.678822934627533, 0.4518526494503021, -0.2408638447523117, 0.3474317491054535, -0.01718105748295784, 1.2205322980880737, -0.41468459367752075, 0.3467164635658264, -0.36527514457702637, 0.8376030325889587, -0.3446170687675476, -0.6231651902198792, 0.9725732207298279, 0.31947630643844604, -0.9846429228782654, -0.24006636440753937, 0.23761332035064697, -1.1352570056915283, -0.5011738538742065, 0.2917344570159912, -0.4167797863483429, -0.16862502694129944, 0.7919272184371948, 0.23498010635375977, 0.2119583785533905, -0.41091710329055786, -0.218228280544281, 0.46529772877693176, -0.01499231904745102, 0.945419192314148, -0.07056217640638351, 0.34432974457740784, -1.4896411895751953, -0.13803139328956604, 0.14753825962543488, 0.3634841740131378, -0.1311613768339157, -0.4736962616443634, -0.41800248622894287, 0.07267941534519196, -0.04919780418276787, -0.41738319396972656, 0.6637712121009827, -1.1075952053070068, -0.07917968928813934, 0.4471837282180786, -0.5995370149612427, 0.061712492257356644, 0.6703329682350159, 0.9092907309532166, 0.06396489590406418, -0.4370855689048767, -0.7889397740364075, -1.8554327487945557, 0.20151326060295105, 2.340141773223877, -0.3083227574825287, -0.6241099834442139, -1.1428755521774292, -0.6073722243309021, -0.03547029569745064, -0.38348034024238586, 0.11572165787220001, -0.3422120213508606, -0.2636708617210388, -1.3961026668548584, 0.6571545004844666, -0.5337224006652832, -0.14782831072807312, 0.4955277442932129, 1.8422613143920898, -0.4781978130340576, -0.1286906898021698, 0.0852389857172966, -1.2238070964813232, 0.22278107702732086, 0.7826800346374512, 0.581998348236084, -0.21398548781871796, 0.8358138203620911, 0.04711489379405975, 0.7536542415618896, 0.5550270676612854, 0.5636669993400574, -0.777086615562439, -0.0154564892873168, -0.15006251633167267, 1.0882683992385864, 0.27127233147621155, -0.10878938436508179, 0.3576911687850952, 0.274123877286911, -0.2313777059316635, -0.774406373500824, 0.34379756450653076, -0.18002551794052124, 0.5943476557731628, 0.750457227230072, -0.8472047448158264, 1.3237534761428833, -0.28525814414024353, -0.29933613538742065, 0.19674065709114075, -0.32985204458236694, -0.3396337032318115, -0.9229579567909241, 0.8426975011825562, -0.1776173710823059, -0.06511010974645615, 0.06263233721256256, 0.17002539336681366, -0.5995815992355347, -0.12120971083641052, 0.27804985642433167, -0.6408560872077942, -0.40698376297950745, -0.4308020770549774, -0.3792715072631836, -1.0430809259414673, -0.6739042401313782, 0.541350245475769, 0.6971051096916199, 0.1299416571855545, 1.3205922842025757, 1.1994175910949707, 0.08235971629619598, 0.13829827308654785, -0.07426732778549194, 1.3099199533462524, -0.7523316740989685, 0.22007954120635986, -0.2273898869752884, 0.4269757866859436, -1.1510955095291138, 0.2684350907802582, -0.41205012798309326, 0.29945433139801025, 0.7174116373062134, -0.21791061758995056, 1.3322644233703613, -0.44359245896339417, -0.7178726196289062, 1.104193925857544, -0.07948125898838043, -0.2548738420009613, -0.37218743562698364, 1.2016992568969727, 0.7948303818702698, -0.39878201484680176, 0.5937603116035461, -0.18108472228050232, 0.0306185744702816, 0.9806216955184937, -0.25730347633361816, -0.1639070361852646, 0.21953733265399933, -0.4289608895778656, 0.11770458519458771, 0.9049527645111084, -1.8950576782226562, 0.796961784362793, 1.056368112564087, -0.2121988832950592, -0.2827353775501251, -0.7141738533973694, 0.2689237594604492, -0.5748589634895325, 0.23781126737594604, 0.5709445476531982, -0.41545018553733826, 0.9029410481452942, -0.17715051770210266, 0.029643885791301727, 0.7369601130485535, -0.31979644298553467, 0.15558409690856934, 0.8762418627738953, -0.016037650406360626, -0.741609513759613, -0.9062380790710449, 0.7299145460128784, -0.23830027878284454, -0.029475055634975433, 0.42811933159828186, 0.5049269795417786, 1.1258070468902588, -0.004794381558895111, -0.4935954213142395, 0.2758558988571167, 0.16195568442344666, 0.017298733815550804, 0.06907406449317932, -0.03732505440711975, 0.4847867488861084, 0.3991829752922058, 1.2554717063903809, -0.0049988627433776855, -0.4392273724079132, -1.2432066202163696, -0.1627727895975113, -0.8302414417266846, 0.2973194122314453, 1.7039175033569336, 0.4967975914478302, 1.019261121749878, 0.16612352430820465, 0.4369596540927887, -0.5029162168502808, 0.41796085238456726, 0.4919794201850891, 0.40992996096611023, -0.10413460433483124, -0.4260207414627075, 0.5408819913864136, 0.3231552243232727, 0.014609623700380325, -0.7611889839172363, 0.5744228363037109, 1.3729534149169922, -0.33588558435440063, -0.6050214767456055, 0.3350692093372345, 0.9162382483482361, 0.18064925074577332, 1.6838269233703613, 0.0981799066066742, 0.23376919329166412, -0.07629687339067459, 0.510527491569519, 0.12778496742248535, 0.5470485091209412, 0.022748813033103943, 0.05741772800683975, 0.17280152440071106, 0.2336748242378235, -0.15014545619487762, 1.0940022468566895, 0.4235142469406128, -0.5381248593330383, -1.1244866847991943, -0.364602655172348, -1.3536183834075928, -0.241841122508049, 0.30406537652015686, 0.43317222595214844, -0.5324304699897766, 0.773474395275116, -0.3691697120666504, -1.3797146081924438, 0.6604807376861572, -0.5774675607681274, -1.4189876317977905, 0.3993251323699951, 1.2433117628097534, -0.9367095232009888, -0.5894399881362915, -0.8889139294624329, -0.9457258582115173, -0.431153804063797, -0.4122335910797119, -0.7271202802658081, 0.16941726207733154, -0.3661468029022217, 0.7891436219215393, -0.2837374210357666, 0.1040344089269638, -0.8443978428840637, 0.8863802552223206, 0.9746757745742798, -0.9289831519126892, 0.8540607690811157, 0.0913047268986702, 0.5711385607719421, -0.047764211893081665, -0.6095831394195557, -0.5158892869949341, 0.6280323266983032, -0.417634516954422, 0.933414101600647, -0.6392753720283508, -0.3259633779525757, 0.5314924120903015, 0.06221785768866539, 1.264905333518982, -0.7352108359336853, -0.0002690451219677925, -0.8343110680580139, -0.33492571115493774, 0.6418634653091431, -0.8451898097991943, -0.7840080261230469, 0.02631838247179985, 0.08456466346979141, 0.37422457337379456, -1.1777509450912476, -0.2406349629163742, 0.7036819458007812, 0.08472340553998947, 0.2956559658050537, -0.5021282434463501, -12.413049697875977, 1.0728119611740112, -0.15329009294509888, 0.1333068162202835, 1.0294822454452515, -0.3913578391075134, 0.6631994247436523, -0.2408120036125183, 0.3835170567035675, -0.693248450756073, 0.3030487596988678, 0.899868905544281, 0.022701717913150787, -0.0052353814244270325, -0.4535389840602875, -1.3480212688446045, -0.40605735778808594, -0.7595027685165405, 0.3975459933280945, -0.5786210894584656, -0.5033469200134277, -0.37125164270401, -0.20690426230430603, -0.008804604411125183, 0.14972233772277832, -0.14372676610946655, -0.7710543870925903, -0.4588654339313507, 0.0011382251977920532, -0.025769073516130447, 1.062447428703308, 0.2926231026649475, -0.3373602330684662, -0.587185800075531, -0.24907173216342926, -0.16206511855125427, -0.5294795632362366, -0.2016841620206833, 1.2151899337768555, -0.35333582758903503, -0.08498530089855194, 0.19731828570365906, 0.2083534151315689, 0.5532639622688293, -0.48560377955436707, -0.012798547744750977, 0.3677551746368408, -0.6662059426307678, 0.19343456625938416, 0.093174509704113, -0.13919690251350403, 0.6061223745346069, -0.5110828876495361, 0.02528132125735283, -0.05168083310127258, 0.14747503399848938, -1.0348745584487915, -0.15164177119731903, -0.5064444541931152, -1.1668801307678223, 0.6645717024803162, 0.12323017418384552, -0.7376536726951599, 0.12069743871688843, 0.18224401772022247, -0.05135339871048927, -0.02638755738735199, 0.39241355657577515, -0.7500268816947937, 0.5318982005119324, -0.6329440474510193, 0.9691951870918274, 0.4051511287689209, 0.5594738721847534, -0.5735718011856079, -0.09856950491666794, -0.6384379863739014, 0.19405190646648407, 0.024486156180500984, 0.2751205563545227, -1.2727059125900269, 0.8698363900184631, 0.17560067772865295, -0.3417196571826935, -0.34469589591026306, -0.07688248157501221, -0.45605525374412537, -0.053473081439733505, 0.6963900327682495, -0.12710806727409363, 0.7754834294319153, -0.18175923824310303, -0.5089835524559021, 0.19503408670425415, -0.47341033816337585, 1.1257730722427368, -0.7991752624511719, 0.26068493723869324, -0.06477195024490356, -0.21774089336395264, -0.1767246425151825, -0.7014495730400085, -0.7127977609634399, 0.3612173795700073, 0.6404826045036316, -0.33075618743896484, 0.5278266668319702, -0.252305269241333, -0.26413217186927795, -0.5126469135284424, 0.9427436590194702, -0.01898382604122162, -0.20396210253238678, 1.1757807731628418, -0.4068017303943634, 0.834889829158783, 0.5939614176750183, 0.02270202338695526, 0.4962468147277832, 0.9876314997673035, -0.7712785601615906, 1.2804282903671265, 0.36478346586227417, 1.4270119667053223, -0.48016029596328735, 0.09099297970533371, 0.011755619198083878, 0.4238119423389435, 0.1245034858584404, -1.2601041793823242, -0.07101728022098541, -0.4804985821247101, -0.010242504999041557, -1.3257172107696533, -0.24088317155838013, -0.29343700408935547, -0.4026232063770294, 1.236997365951538, -0.8018001317977905, 0.37697893381118774, -0.19748856127262115, -0.6163448691368103, -0.5494533181190491, -1.542410135269165, -1.226404070854187, 0.2556677460670471, -0.8212331533432007, 0.4516461193561554, -0.4911564886569977, -0.32882049679756165, 0.1999300867319107, -0.30672532320022583, 0.9990848302841187, -0.4346996545791626, -0.36072495579719543, -0.08186770975589752, 0.1780708134174347, -0.26619210839271545, -0.5913386940956116, -0.6164178848266602, 0.1636071503162384, 1.052086591720581, -0.7163133025169373, 1.5952385663986206, 0.4364822804927826, -0.4463632106781006, -0.12783896923065186, 0.506182074546814, -0.26076653599739075, 0.1691286265850067, 0.7256244421005249, -0.5712957978248596, -0.5940653681755066, -0.5500239133834839, -0.5405167937278748, -0.7483142614364624, 0.5873078107833862, 1.3630484342575073, -0.2373693436384201, -0.3487837314605713, -0.1430307775735855, 1.1108856201171875, -0.3442796766757965, -0.1548670083284378, -0.49113231897354126, -0.04312731698155403, 0.3094630241394043, 0.6141048669815063, 0.4091533422470093, 0.7932343482971191, -1.8548104763031006, -1.7219362258911133, -0.42642223834991455, -0.027462277561426163, 0.545346736907959, 0.46105527877807617, 0.3676266670227051, 0.6443513035774231, -0.5069595575332642, -0.127921462059021, -0.23192451894283295, 0.720572829246521, -0.02347736433148384, 0.09369063377380371, 0.44414612650871277, 0.19190643727779388, -0.460506409406662, 0.7309713363647461, 0.3115520477294922, 1.2684298753738403, -1.1133594512939453, -0.6886216402053833, 0.11006578803062439, -0.20212389528751373, 0.3453778326511383, -0.3936300277709961, 0.006107805296778679, 0.44809773564338684, -0.3035337030887604, -1.3509547710418701, 0.22064992785453796, 1.333300232887268, 0.20520050823688507, 0.8928756713867188, -0.16455012559890747, 0.9164406061172485, 0.5938323736190796, 0.5910647511482239, 0.398245632648468, 0.09644866734743118, -0.5341075658798218, 0.5186440348625183, -0.24816396832466125, 0.07830693572759628, -0.47395408153533936, -0.5760341286659241, -1.1227233409881592, 0.7022451162338257, 0.010892748832702637, 0.12251070886850357, -0.23376859724521637, 0.46972689032554626, 0.6123623251914978, 0.3252864181995392, 0.08895663917064667, -1.4077317714691162, 0.13367366790771484, -1.329045057296753, -0.07980653643608093, 0.43039876222610474, 0.631583571434021, 0.6337051391601562, 0.48740696907043457, -0.157549187541008, 0.8511101603507996, -0.9143237471580505, 0.23577633500099182, -0.5166879296302795, -0.08758629858493805, 1.1285935640335083, 0.13200314342975616, 0.12983687222003937, 0.21420110762119293, -0.11140399426221848, -0.6277075409889221, -0.3939138948917389, -0.09887658059597015, 0.9527137279510498, 0.8657348155975342, -1.011993408203125, 0.03380539268255234, -0.511634111404419, 0.9552533030509949, -0.4849998652935028, 0.6426805257797241, 0.4837743043899536, -0.4369027614593506, -0.37080344557762146, -0.7412273287773132, 0.31727540493011475, 0.6443495154380798, 0.19796088337898254, -0.09559884667396545, 0.09793023020029068, 0.28973764181137085, 0.3689194321632385, -0.46540769934654236, -0.8503492474555969, 0.14890101552009583, -0.5451086163520813, -0.19346918165683746, 0.5846865177154541, -0.5129315853118896, -0.2646757662296295, -0.01989877223968506, -0.8861263990402222, 0.613250195980072, 0.466050386428833, -0.8162361979484558, -0.8475947380065918, -0.054231900721788406, -0.5672594308853149, 0.7732328176498413, 0.02069227024912834, -0.3328004777431488, -1.5332566499710083, 0.52098548412323, 1.3721356391906738, -0.21432550251483917, 0.07321560382843018, -0.32908761501312256, 0.29734253883361816, 0.3849809169769287, 1.642397165298462]} +{"paper_id": "cbt", "embedding": [-0.616714358329773, 1.4337377548217773, 0.633101761341095, 0.12474806606769562, -0.04645925760269165, -0.5826277732849121, 0.3972192406654358, 0.9748761653900146, 0.987050473690033, 0.4006548523902893, 0.6191447973251343, -0.07670912146568298, -0.161153182387352, -0.22400657832622528, 0.0020581670105457306, 0.3001534044742584, -0.18237435817718506, 0.04721493646502495, -1.135663390159607, -0.80470871925354, -0.5732022523880005, -0.8011166453361511, -0.10322502255439758, 1.257576823234558, -1.1119701862335205, -0.42726024985313416, 0.592294454574585, -1.108801245689392, 0.15585118532180786, 0.3242066204547882, -0.5917428731918335, 1.1749080419540405, -0.8276048302650452, 0.630750834941864, -0.6507866382598877, -0.2374669909477234, 0.15634779632091522, 0.6808040738105774, -0.033847324550151825, -0.3531278669834137, -0.5047155022621155, 0.0526057705283165, 0.5866735577583313, 0.06434807926416397, 0.5920156836509705, -0.2936079800128937, 0.6658584475517273, -0.009775232523679733, 0.4854167103767395, -0.7249622941017151, -1.34028959274292, 0.6074060797691345, -0.5778526067733765, 0.6443283557891846, -0.09169062227010727, 1.087336778640747, -0.2146269679069519, -0.2094191163778305, 0.12313860654830933, -0.33078518509864807, 1.0226963758468628, 1.5336947441101074, -0.6174084544181824, 0.22815725207328796, 1.3402363061904907, 0.5598744750022888, 0.9511125087738037, 0.3155794143676758, -0.6468561291694641, 0.5643611550331116, -0.22484710812568665, 0.02706798166036606, 0.47318923473358154, -0.5210853815078735, 0.6982448101043701, 1.0721838474273682, 0.5989862680435181, -0.49900022149086, 0.2762782871723175, -0.2260625660419464, -0.5580849051475525, 0.693030059337616, 0.07920465618371964, -0.22239965200424194, -0.1444040834903717, 0.15803462266921997, 0.28390249609947205, -0.5778363943099976, -0.25058940052986145, -1.696511149406433, 0.8229109048843384, 0.11746817082166672, 0.956148624420166, -0.18018072843551636, -0.6517693400382996, -0.5786601305007935, 0.31272345781326294, -0.3156982660293579, -0.7669867277145386, 0.3650836944580078, 0.362294465303421, 0.0711561068892479, 0.5658277273178101, -0.46612080931663513, 0.08513300120830536, -0.025248300284147263, 0.3785621225833893, -0.6146528720855713, -0.42630735039711, -0.8161444664001465, 0.3456672132015228, 0.8312219977378845, -0.008197770453989506, 0.5984311699867249, -0.3562617599964142, -0.03748193383216858, 0.7768507599830627, -0.10663861036300659, -0.24348154664039612, 0.08540883660316467, 0.03342544287443161, -1.3134057521820068, -0.31350067257881165, -0.3387046456336975, 0.7156076431274414, -0.3471476137638092, -0.45279961824417114, -0.7817341089248657, -0.25292614102363586, -0.5617657899856567, 0.645962119102478, 1.000836968421936, -0.9371196031570435, -0.8067728877067566, 2.8494210243225098, -1.5508794784545898, 0.695603609085083, -0.7460713982582092, -0.016740037128329277, -0.5055270195007324, -0.8981965184211731, 1.094178557395935, 0.22312799096107483, -0.7810442447662354, -0.5037767887115479, 0.23478133976459503, -0.27875933051109314, 0.3872743546962738, -0.5237018465995789, 0.21141457557678223, 0.2254522740840912, 0.8718817234039307, -1.5035754442214966, -0.8758763670921326, -0.3836386203765869, 0.00845397636294365, 0.18606320023536682, 0.7285956144332886, -0.49796706438064575, 1.0293723344802856, 0.5830984115600586, 0.1556195616722107, -0.804130494594574, 0.47285225987434387, -0.7301384210586548, 0.16144582629203796, 1.452069878578186, -0.27458927035331726, -0.17624428868293762, -0.6721222400665283, 0.40122130513191223, -0.028431151062250137, -0.35390424728393555, -0.6443900465965271, 0.23559871315956116, 0.12679389119148254, 0.34867534041404724, 0.06901012361049652, 0.5975676774978638, -0.2079363763332367, -0.2184494137763977, -0.04818353429436684, 0.5142443776130676, 0.7756268978118896, -0.24991591274738312, 0.529329776763916, -2.631892204284668, 0.049642324447631836, -0.37160080671310425, 0.1473921835422516, 0.08613543212413788, -0.20812968909740448, 0.7725762128829956, 0.24609561264514923, -0.5379750728607178, -0.6708291172981262, 0.9501600861549377, -0.5551514029502869, -0.37867796421051025, 0.572527289390564, -0.11547164618968964, -0.3170076310634613, -0.17991428077220917, 0.8563719391822815, 0.4172505736351013, 0.048372939229011536, -0.2985859513282776, -1.7441383600234985, 0.519419252872467, 1.952102780342102, 0.4016844928264618, -0.40221837162971497, -0.797073483467102, -0.6767275333404541, 0.0636746808886528, -0.4348900616168976, 0.4826389253139496, -0.07964567840099335, 0.4530945420265198, -1.1496013402938843, 0.8221268057823181, -0.11025898158550262, 0.19119352102279663, -0.11406629532575607, 1.4647191762924194, -0.2749195098876953, -0.4110172688961029, -0.7939575910568237, -1.01987624168396, 0.22785118222236633, 0.6709592342376709, -0.25806787610054016, 0.10303374379873276, 0.013355545699596405, 0.7402889728546143, 0.3725675344467163, 0.8714514374732971, 0.8304657936096191, -0.45574644207954407, 0.43827489018440247, 0.33228573203086853, 0.5184325575828552, -0.21855168044567108, 0.35058918595314026, -0.1346152126789093, 0.28893664479255676, -0.7648082375526428, -0.4653433561325073, -0.15333954989910126, 0.057047054171562195, 1.3338468074798584, 0.36219698190689087, -0.40742361545562744, 0.4149138629436493, -0.7479565739631653, 0.04603198915719986, -0.5014669895172119, -0.8667933940887451, -0.3146739602088928, 0.40389543771743774, 0.971779465675354, -0.00944891944527626, 0.2603699266910553, -0.29696765542030334, 0.29917648434638977, -0.6192783713340759, -1.0766282081604004, -0.11684022098779678, 0.04585530608892441, -1.1632652282714844, -0.35181865096092224, 0.5797046422958374, -1.0918091535568237, -0.20976166427135468, -0.14820827543735504, -0.2230159342288971, -0.31299588084220886, 0.20618414878845215, 1.7507892847061157, -0.5279649496078491, 0.5708453059196472, -0.45355767011642456, 1.3127959966659546, -0.6280819773674011, 0.19990339875221252, -0.5885170102119446, -0.6206091046333313, -1.1922173500061035, 0.1988142430782318, -0.7267695069313049, 0.12183786183595657, 0.3370220363140106, -0.05705859512090683, 0.5258034467697144, -0.317318856716156, -0.8621461391448975, 1.0666667222976685, -0.616844892501831, 0.1279631406068802, -1.4383955001831055, 1.375272512435913, 0.16739344596862793, -0.5353552103042603, 0.36462318897247314, -0.7873814702033997, -0.1885242611169815, 0.9255152940750122, -0.29966413974761963, 0.8277809619903564, 0.23044978082180023, -0.005228807218372822, 0.7327332496643066, -0.25068506598472595, -1.998104453086853, 0.6097860932350159, 0.03909382224082947, 0.11139947175979614, 0.0007395148277282715, -0.6818675398826599, 0.3973236083984375, -0.11427996307611465, 0.017182061448693275, 0.509556233882904, -0.46890419721603394, 0.3981519341468811, -0.27509796619415283, 0.10943737626075745, 0.45503056049346924, -0.14935818314552307, -0.2662062644958496, 1.0694745779037476, 0.5952019095420837, -1.1564940214157104, 0.3308171331882477, 0.939323365688324, -0.361227422952652, 0.5385614633560181, 0.26458296179771423, 0.7293343544006348, 0.2603827714920044, -0.24146637320518494, 0.6531214714050293, 0.41851603984832764, 0.7706941366195679, -0.24365662038326263, 0.4399307370185852, -0.2769790291786194, 0.17135384678840637, -0.5036486983299255, 1.6311564445495605, 0.2620914578437805, -0.5268210768699646, -0.5615336298942566, -0.027648918330669403, -1.0734535455703735, -0.06262483447790146, 1.3206336498260498, 0.6864783763885498, 2.0698461532592773, 0.19880364835262299, -0.012799335643649101, -0.48133230209350586, -0.3108620047569275, -0.1864418387413025, 0.06100993975996971, 0.21941408514976501, -0.48245564103126526, -0.14627395570278168, 0.6447218060493469, 0.4829150140285492, -0.49505615234375, -0.022772539407014847, 1.1057698726654053, -0.13375794887542725, -0.456296443939209, 0.3687081038951874, 0.07615739107131958, 1.656310796737671, 1.189634084701538, -0.7005580067634583, -0.4699954688549042, 0.09608718007802963, -0.2516038715839386, 0.6527782082557678, -0.01039140298962593, -0.595248818397522, -0.02658933587372303, 0.12952673435211182, 0.6297733783721924, 0.8791706562042236, 1.1639114618301392, 1.1666486263275146, -0.31498488783836365, -1.2357879877090454, 0.16948308050632477, -0.738398551940918, -0.10839888453483582, -0.433711975812912, 0.4203396737575531, -0.37669679522514343, 0.3808845579624176, -0.14546310901641846, -0.8188831210136414, 0.7653137445449829, -0.425462543964386, -0.5276957750320435, -0.06441172957420349, 1.409522294998169, -0.5553628206253052, -0.9741494655609131, 0.1907452493906021, -0.912933886051178, -0.9059962630271912, -0.20720674097537994, -0.6188597083091736, 0.7598172426223755, -0.01849491149187088, 0.3680127263069153, -0.45415836572647095, 0.14810457825660706, -0.5801598429679871, 1.5189740657806396, 0.6871379017829895, -0.5911518931388855, 0.9192801713943481, -0.012637738138437271, 1.093152403831482, 0.5180219411849976, -0.739759087562561, -0.26341643929481506, 0.5975096225738525, -0.4322217106819153, -0.4656522572040558, -0.8413340449333191, 0.1959572285413742, 0.25499027967453003, 0.5749551653862, 0.33993828296661377, -0.8629840016365051, -0.13177959620952606, -0.9162046909332275, 0.8522484302520752, 1.188598871231079, -0.3514585494995117, -1.3365298509597778, 0.5142963528633118, -0.8170514106750488, -0.1822444051504135, -0.03001769259572029, 0.10742856562137604, 1.5335559844970703, 0.22975051403045654, 0.051845893263816833, -0.12728700041770935, -12.555380821228027, 0.6238817572593689, 0.15649783611297607, 0.44061756134033203, 0.8110876679420471, 0.3772081732749939, 0.1477113962173462, 0.3254295587539673, 0.4904974699020386, -0.3245104253292084, 0.251201331615448, 0.7735053896903992, 1.0402894020080566, -0.643743634223938, -0.9479861259460449, -1.2828134298324585, -0.18018141388893127, -0.8497151136398315, 0.42704319953918457, 0.5489697456359863, 0.6474317908287048, -0.5189468860626221, -0.44734281301498413, 0.033102601766586304, 0.1696285456418991, -0.9029946327209473, -0.28664666414260864, -0.20283903181552887, 0.16751231253147125, -0.08043979108333588, 0.4793572425842285, -0.47651365399360657, -0.6641191244125366, -0.23673740029335022, 0.4942203760147095, 0.09319043159484863, -1.0604708194732666, 0.0766562670469284, 0.3708080053329468, -0.9266239404678345, -0.9741644263267517, 0.2582801580429077, 0.2324899435043335, -0.11454056948423386, -0.6918790936470032, 0.12994782626628876, 0.17460986971855164, -1.3599915504455566, 0.11112256348133087, -0.7433742880821228, -0.451337993144989, -1.0363872051239014, -0.8573711514472961, -0.321551650762558, 0.7001556754112244, 0.4875239431858063, -0.45438989996910095, -0.4600241780281067, -0.7552648186683655, -1.0296505689620972, 0.8538001179695129, 0.1177271381020546, -0.3009381890296936, 0.611207127571106, 0.5081914663314819, -0.23905161023139954, -0.05305560678243637, 0.15820132195949554, -0.15114428102970123, 0.9642963409423828, -0.7843839526176453, 0.7306267023086548, 0.10286208242177963, -0.05998200178146362, -0.07339484244585037, 0.661575198173523, -0.07775505632162094, -0.6779579520225525, 0.34115636348724365, 0.13398216664791107, -1.0625863075256348, 0.841695249080658, -0.18695499002933502, -0.16495764255523682, 0.1694776862859726, 0.20013877749443054, -0.09705235809087753, 0.7360242605209351, 0.6848481893539429, 0.0863255187869072, 1.0662100315093994, -0.4207390546798706, -0.18613950908184052, -0.09850269556045532, -0.9264333248138428, 0.9467164278030396, -1.2231489419937134, 0.3522333800792694, 1.0128240585327148, -0.4664505422115326, 0.19164353609085083, -0.357393741607666, -0.6870541572570801, -0.6588230729103088, 1.1122387647628784, -0.3406016230583191, 0.1275821030139923, -0.06133978068828583, 0.09149719774723053, -0.7124274969100952, 0.38136038184165955, 1.240186095237732, -0.4744263291358948, 1.0191786289215088, -0.6141918897628784, 0.8297860622406006, 0.3576408326625824, -0.02293771505355835, 0.3460352420806885, 0.8144399523735046, -0.24741239845752716, 0.8460357785224915, 0.14126205444335938, 1.3116642236709595, 0.06172660365700722, 0.2502862215042114, 0.43403899669647217, 0.7442935705184937, -0.4099242687225342, -0.9065017700195312, -0.34686145186424255, -0.49240440130233765, -0.018893053755164146, -0.4379100501537323, -0.27665162086486816, -0.020440518856048584, -0.7403497695922852, 1.6749978065490723, -0.2281101495027542, 0.2829020321369171, 0.11866843700408936, -0.4818159341812134, -0.6790053844451904, -0.15682832896709442, -0.7648815512657166, 0.20181599259376526, -1.9332822561264038, -0.2947159707546234, -0.45409324765205383, -0.8309871554374695, 0.08808262646198273, -0.12930390238761902, 0.7408004403114319, -0.6118310689926147, -0.2666265070438385, 0.041329093277454376, 0.8225651979446411, -0.2155246138572693, -0.2519669234752655, -0.4329628646373749, 0.8584713339805603, 1.5013397932052612, -1.1886811256408691, 0.9167032837867737, 0.06342250108718872, -0.12424738705158234, -0.4290020167827606, 0.053896933794021606, -0.6834595203399658, 0.3723507523536682, 0.19544701278209686, -1.1281815767288208, 0.04291003197431564, -0.4413715898990631, -0.048673853278160095, -0.7786434292793274, -0.03613173961639404, 0.39710769057273865, -0.8392075896263123, 0.24471524357795715, 0.09141666442155838, 0.5270267128944397, 0.9219899773597717, -0.1542237102985382, -0.26020193099975586, -0.6094925999641418, -0.3421654999256134, 0.606713593006134, -0.1542348563671112, 0.7139453291893005, -0.8742542266845703, -0.9797690510749817, -0.656435489654541, 0.09011241793632507, 0.8290330171585083, -0.01036209985613823, 1.32771897315979, 0.6398990750312805, -0.8547407388687134, 0.38004356622695923, -0.17189247906208038, 0.6230462789535522, 0.44964948296546936, 0.7202413082122803, 0.1705581247806549, 0.14528366923332214, -1.20087468624115, -0.13161785900592804, 0.4862547218799591, 0.5633829832077026, -0.7890821695327759, -0.1584540605545044, -0.0549137257039547, -0.23141856491565704, 0.1945437788963318, -0.7045886516571045, 0.3708769679069519, -0.7042478322982788, 0.19756478071212769, -1.0138572454452515, -0.15312883257865906, 0.06636063009500504, -0.4955868124961853, 0.5654094815254211, 0.5338463187217712, 0.3974704444408417, 0.16907517611980438, 0.11553707718849182, 1.3791637420654297, 0.03972263261675835, -0.6624549627304077, 0.6384751796722412, 0.24565687775611877, -0.0896485298871994, -0.4460434317588806, -0.25600138306617737, -1.085342288017273, 0.2382003664970398, -0.966871440410614, 0.7108193039894104, -0.7395212054252625, 0.47908371686935425, 0.7408080101013184, 1.1313027143478394, -0.06852132827043533, -1.3731539249420166, -0.5639451742172241, -0.8206095099449158, 0.07666409015655518, 0.836332380771637, -0.03397803381085396, 0.5158881545066833, 0.5423892140388489, -0.27711713314056396, 0.6234562397003174, -0.22598616778850555, -0.17304165661334991, 0.62572181224823, 0.25910529494285583, 0.9030278921127319, 0.25620877742767334, 0.624733030796051, 0.7704041004180908, 0.4147413969039917, -0.7390724420547485, -0.35047540068626404, -0.7322292923927307, -0.09447258710861206, 0.32548069953918457, 0.041952863335609436, -0.6846791505813599, 0.04047469049692154, 0.6658931970596313, -0.5253672003746033, 0.8894328474998474, 0.6474609971046448, 0.16125823557376862, -0.8937647342681885, -1.087922215461731, -0.1575034111738205, 0.4831205904483795, -0.13602064549922943, -0.03976738452911377, -0.7147282361984253, 0.05828864127397537, 0.36659690737724304, -0.2768074572086334, -0.35256823897361755, -0.02241520583629608, 0.01055219117552042, 0.259834885597229, -0.1307719498872757, -0.6101357340812683, -0.5424681901931763, 0.010730022564530373, -0.9857448935508728, 0.6087941527366638, -0.07696805894374847, -0.6061385869979858, -0.030925801023840904, 0.09064215421676636, 0.4490516483783722, -0.3325347602367401, 0.7240756750106812, 0.2663925588130951, -1.139983892440796, 1.0372321605682373, 0.40136757493019104, -0.7141615152359009, -0.03023635596036911, 0.19149020314216614, 0.21593697369098663, 0.8644297122955322, 1.0069127082824707]} +{"paper_id": "sms_spam", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "winograd_wsc", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "acronym_identification", "embedding": [-0.38744276762008667, 1.7962881326675415, 0.4226618707180023, -0.32125505805015564, -0.16363584995269775, 0.12434038519859314, 0.006307210773229599, 0.943173348903656, 0.8398451805114746, 0.664455235004425, 0.3784356117248535, -0.45615002512931824, -1.2399141788482666, -0.6127974987030029, -1.014011263847351, -0.39152926206588745, -1.0915623903274536, -0.6278257369995117, -1.5701857805252075, -0.8271499276161194, -0.6418160796165466, -0.7724470496177673, -0.25582951307296753, 0.5082643032073975, -1.0911813974380493, -0.6052126288414001, 0.07584497332572937, -1.602064609527588, 0.5911582112312317, 0.1255670189857483, -0.34636059403419495, -0.3416249454021454, -1.9863181114196777, 0.3884350657463074, -0.8614544868469238, 0.10336209088563919, 0.9603573679924011, -0.1094316765666008, -0.4807344973087311, -0.022281464189291, -1.181653380393982, -0.23650050163269043, 0.6864165663719177, -0.1321461945772171, 0.8013571500778198, -0.3229478597640991, 0.6033564209938049, -0.015988308936357498, 0.3094179034233093, 0.3711856007575989, 0.09243176132440567, -0.5557901263237, 0.47417300939559937, 0.15303711593151093, -0.28989651799201965, 1.5038961172103882, 0.3010834753513336, -0.6600229740142822, 0.2781746983528137, -0.04716666415333748, 0.9796626567840576, 1.398816704750061, -0.6278048157691956, 0.1944948136806488, 0.5398894548416138, 0.39002305269241333, 1.1890320777893066, 0.44213467836380005, 0.3320479691028595, 0.6016740202903748, 0.17862065136432648, -1.0072578191757202, 0.7861749529838562, -0.6527697443962097, 0.26142418384552, 0.8070721626281738, 0.048825882375240326, 0.3191636800765991, 0.984975278377533, -0.47465866804122925, -0.7708775401115417, 0.9832197427749634, 1.264128565788269, -0.2572965919971466, -0.592241108417511, 0.6569353938102722, -0.02351071871817112, -0.06243167445063591, 0.5843750834465027, -2.2888801097869873, 0.25486525893211365, 0.48475784063339233, -0.8429577946662903, -0.6559312343597412, 0.3508842885494232, -0.3220880627632141, -0.25291359424591064, -0.5357566475868225, -1.401980996131897, 0.1950804889202118, 0.7523130774497986, -0.8788464069366455, -0.03140825405716896, -0.611194372177124, 0.440775066614151, 0.5257416367530823, -0.3230828046798706, -0.07081422954797745, -1.3058691024780273, -0.571845293045044, 0.8336337804794312, 0.7272175550460815, -0.09208906441926956, 0.35142719745635986, -0.3880643844604492, -0.41570889949798584, 0.15459829568862915, -0.7003297805786133, -0.4125925302505493, -0.179188534617424, -0.7921953201293945, -1.6023545265197754, -0.1700586974620819, 0.3388752341270447, 0.22246721386909485, -1.1641608476638794, 0.11358483880758286, -0.2360338568687439, 0.40672606229782104, 0.3667891323566437, 1.079240322113037, -0.3817189335823059, -1.2190757989883423, -0.4457121193408966, 3.878223180770874, -1.0665080547332764, 0.7929682731628418, -0.9150128960609436, 0.8614221811294556, -0.789432168006897, -0.31211337447166443, 1.6658637523651123, 0.04566545784473419, -0.17889262735843658, -1.2670016288757324, 0.3408568501472473, -0.8485618829727173, 0.5056562423706055, -1.113616704940796, 0.07686333358287811, -0.20820146799087524, 0.18726269900798798, -1.6173663139343262, -0.5095826387405396, -0.24647438526153564, 0.31129249930381775, -0.29585179686546326, 0.9449445009231567, -0.4115855097770691, 1.4284389019012451, 0.5671799778938293, -0.4983944296836853, -0.3153540790081024, -0.14464828372001648, -0.6046966314315796, -0.20123863220214844, 0.8761472105979919, -0.021084805950522423, -1.1154330968856812, -0.7720515131950378, 0.6007229089736938, 0.06367948651313782, -0.05808889865875244, -0.019928133115172386, 0.4591085612773895, 0.3582678437232971, 0.29119205474853516, -0.18843325972557068, 0.4729570746421814, -0.6630005240440369, 0.08782918006181717, -0.37652212381362915, -0.10922250151634216, 0.06663398444652557, 0.648719310760498, 0.8711234331130981, -2.403597354888916, -0.4645034074783325, -0.553239107131958, 1.3650411367416382, -0.01682695746421814, -0.4818517863750458, -0.12128648906946182, 0.19418860971927643, 0.5128992199897766, -0.5160611271858215, 0.061481885612010956, -1.4681974649429321, -0.035848915576934814, 1.5808700323104858, 0.33819302916526794, -0.14174874126911163, -0.20598475635051727, 1.107987403869629, 0.3597298860549927, -1.6521302461624146, 0.08727307617664337, -1.3605517148971558, -0.574209988117218, 2.432406187057495, -0.6628268361091614, -0.4398100674152374, -1.3990371227264404, -0.18923713266849518, -0.2498895823955536, 0.24392762780189514, -0.5148203372955322, -0.5585501194000244, -0.3113524317741394, -0.604472815990448, 0.9383295774459839, -0.8912932276725769, 0.5917338132858276, 0.3544754385948181, 1.1392768621444702, -0.8307883739471436, -0.07451097667217255, 0.3056289255619049, -0.424752414226532, 0.31753259897232056, 0.7748000621795654, -0.15866601467132568, 0.37792566418647766, 0.7024366855621338, 1.0201199054718018, 0.8166122436523438, 0.6345197558403015, 0.7661290168762207, -0.3346706032752991, 0.1304992288351059, 0.2729318141937256, 0.9996561408042908, -0.5959599018096924, 0.5138878226280212, -0.00015729665756225586, -0.08586565405130386, -0.13960042595863342, -0.1802208423614502, 0.1267462968826294, -0.08650607615709305, 1.1800072193145752, 0.5728704333305359, 0.07831405103206635, 0.9845499396324158, -0.7909218668937683, -0.22337809205055237, -0.13789072632789612, -0.7589746117591858, -0.06658636033535004, -0.39109647274017334, 0.3322201371192932, -0.0981597825884819, 0.7198333740234375, -0.9193146824836731, 0.027457498013973236, -1.3908838033676147, -0.27785664796829224, -0.5078285336494446, -0.49379539489746094, -1.9463562965393066, 0.2470884621143341, 0.4434505105018616, -1.7470226287841797, -0.3291817307472229, -0.14331266283988953, 0.43067508935928345, 0.4542395770549774, 0.29260581731796265, 1.960472822189331, -0.35272079706192017, 0.1732979714870453, 0.830518901348114, 0.6330711841583252, -0.9122408032417297, 1.1341313123703003, -0.030969515442848206, -0.06739412993192673, -1.2673813104629517, 0.4838469922542572, -0.2046695500612259, 0.21830299496650696, 0.2918305993080139, -0.5728543400764465, 1.037780523300171, -0.17881333827972412, -1.1793359518051147, 0.19363999366760254, 0.01696816459298134, -0.571625292301178, -1.6495567560195923, 1.5086809396743774, 0.5470313429832458, 0.23513351380825043, 1.263670802116394, -0.32000622153282166, 0.294912725687027, 0.8463342189788818, -0.2063770294189453, 0.7106353044509888, 0.5217781662940979, 0.18872009217739105, 0.29805517196655273, 0.2966306209564209, -2.013120412826538, 0.1795976161956787, 1.0451945066452026, -0.2565193176269531, -0.843937873840332, -0.508390486240387, -0.2830934226512909, -0.7492332458496094, -0.28400540351867676, 1.1249269247055054, -0.7111625075340271, 0.6291003227233887, 0.09994520992040634, -0.6843394041061401, 0.14166812598705292, -0.20850463211536407, 1.339298129081726, 1.6687599420547485, 0.35736438632011414, -1.0886949300765991, 0.3633814752101898, 0.6594758629798889, -0.8625591993331909, 0.7719193696975708, -0.46451282501220703, 0.10979656130075455, 0.8416107892990112, -0.6305842995643616, 0.25553444027900696, 0.06688456237316132, 1.3476930856704712, 0.44560104608535767, 0.008098212070763111, -0.26312071084976196, 0.7240085601806641, -0.04433615878224373, 1.690178632736206, -0.2673090696334839, -0.6926978230476379, -0.7425063848495483, -0.28824445605278015, -0.5868662595748901, -0.4731948673725128, 2.3714897632598877, 1.3174959421157837, 1.690346598625183, 0.30607885122299194, 0.14667558670043945, -0.7809454798698425, 0.11039450764656067, 1.0836156606674194, 1.56541109085083, -0.07052192091941833, 0.08685648441314697, -0.3193970024585724, 0.3371230959892273, -0.695661187171936, -0.31321799755096436, 0.5342877507209778, -0.06651914864778519, -0.7086079120635986, -1.3568860292434692, 0.5878695249557495, 0.6115410327911377, 1.1460049152374268, 1.8448184728622437, -1.1588594913482666, -0.05108299106359482, -0.29045870900154114, 0.548700213432312, 0.7376323342323303, 0.4645766019821167, -1.4953125715255737, 0.6360326409339905, 0.6130812168121338, -0.11281813681125641, -0.6361303329467773, 1.2791268825531006, 1.0410597324371338, -0.14905299246311188, -1.399505853652954, -0.49016615748405457, -0.3173200190067291, -0.10796467959880829, -0.3889121115207672, 0.33141955733299255, -0.9097297191619873, -0.3260977864265442, 0.3794868588447571, -1.2143936157226562, 0.5575414896011353, -0.19853977859020233, -0.8959368467330933, 1.4915727376937866, 0.5622369050979614, -1.1089327335357666, -0.3228561282157898, 0.26062536239624023, -0.9377349615097046, -0.7007791996002197, 0.5413501858711243, -0.6807190775871277, 0.5217341184616089, 0.4966832101345062, 1.0994817018508911, 0.5596742033958435, -0.8466280698776245, -0.5985936522483826, 0.3153752088546753, 1.0017815828323364, -0.5044652223587036, 0.30337873101234436, -0.17453478276729584, -0.2806960344314575, -0.4696674048900604, -1.3083263635635376, -1.1017745733261108, 0.12009283155202866, -0.17262116074562073, -0.4000609517097473, -1.6379733085632324, -0.6756425499916077, -0.3283959627151489, 0.29938074946403503, 0.5685375332832336, -1.025738000869751, -0.4452023506164551, -0.6231505870819092, -0.016457978636026382, 0.09640585631132126, -0.754024088382721, -0.3025941550731659, 1.0176506042480469, -0.06882339715957642, 1.008819341659546, 1.217984676361084, 0.21436825394630432, 1.2558691501617432, -0.3668990433216095, -0.08161161839962006, -0.7451887130737305, -9.523541450500488, 1.0118114948272705, 0.35111796855926514, 0.10154059529304504, 0.515874445438385, -0.02604292333126068, 0.9693637490272522, -1.0242706537246704, 0.9173997044563293, -0.19283771514892578, 0.26678821444511414, 1.767661690711975, 0.7502419352531433, -0.48343464732170105, -0.47329163551330566, -1.063586950302124, -1.199505090713501, -0.682623028755188, 1.1456431150436401, 1.5102999210357666, -0.28461477160453796, -0.9274159073829651, -0.13380132615566254, 0.5333033204078674, 0.8464124202728271, 0.4097028076648712, -0.5308301448822021, -0.1296667754650116, -0.9070858955383301, 0.5937173366546631, -0.1974206268787384, -0.08241567015647888, -1.2114484310150146, -0.570236325263977, 0.4097340703010559, -0.4436470866203308, -1.1940773725509644, -0.24468447268009186, 1.248034119606018, -0.38188686966896057, 0.14149513840675354, 0.17763876914978027, 1.0752123594284058, -0.4419814348220825, -0.6390632390975952, -0.17476105690002441, 0.35772886872291565, -0.6940140724182129, -0.15493807196617126, -0.4607130289077759, -0.5701406598091125, -0.6455194354057312, -1.2523287534713745, -0.7817602753639221, 1.0621150732040405, 0.7009295225143433, -0.6647418737411499, 0.5836400985717773, -0.8747151494026184, -0.6901923418045044, 0.9791752099990845, -0.6571826338768005, -0.6537472009658813, 0.7010094523429871, -0.2688200771808624, -0.22256270051002502, 0.5560793280601501, 0.21701166033744812, 0.3337870240211487, -0.3965393006801605, -0.8854910135269165, 1.101020097732544, 0.5267812013626099, -0.37924543023109436, 0.026200057938694954, -0.09060955792665482, -0.07673213630914688, 0.11784075200557709, 0.27715128660202026, 0.9525483846664429, -1.1135246753692627, 0.7394270300865173, 0.06104838103055954, -0.32869255542755127, -1.1656677722930908, 0.20526835322380066, -0.12060067802667618, 0.4747288227081299, 0.12490580976009369, -0.5778073668479919, 1.2354567050933838, -0.08371997624635696, -0.2303328961133957, -0.04606042802333832, -0.31022465229034424, 0.4108857810497284, -1.0608912706375122, 0.30789482593536377, -0.007347755134105682, -0.6151425242424011, 1.4626679420471191, -0.08833126723766327, -0.46156877279281616, 0.010425470769405365, 0.5570434331893921, 0.05680357664823532, 0.1535356640815735, 0.4204165041446686, -0.5054166913032532, -0.9506747126579285, 0.641668438911438, -0.13276979327201843, 0.02230910211801529, 0.13196779787540436, -0.14391368627548218, 1.4049744606018066, 0.5810336470603943, -0.23911267518997192, 0.42259353399276733, 0.5374742150306702, 0.1504039615392685, 0.2814329266548157, 0.24439837038516998, 1.614911437034607, 0.39050137996673584, 0.10195855051279068, 0.4443455934524536, 0.642410933971405, -0.7904595732688904, -0.7856560349464417, 0.789404571056366, -0.8003166913986206, -0.3021336495876312, -0.6564154624938965, 0.07344140112400055, -0.49462831020355225, -0.09780587255954742, 1.308436632156372, -0.56377774477005, 0.03470979630947113, 0.12471276521682739, -0.13285966217517853, 0.9896132946014404, 0.2859743535518646, -0.45849117636680603, 0.20493124425411224, -1.76456618309021, -0.3831419348716736, -0.10107805579900742, -0.7863265872001648, 0.39338424801826477, -0.07392672449350357, 0.8467264771461487, -0.41046586632728577, -0.667383074760437, -0.4941738247871399, 0.5882406234741211, -0.43727654218673706, -0.16160288453102112, 0.4651396870613098, 0.29858097434043884, 0.7195479273796082, -0.4051435887813568, 0.38921958208084106, -0.0719415470957756, -0.020918231457471848, -0.675705075263977, 0.7105429172515869, -0.6625664830207825, 0.3379644751548767, 0.7999745607376099, -0.9333917498588562, 0.3134196698665619, -0.3370569348335266, -0.7939645648002625, -0.4018079936504364, 0.9558157920837402, 1.9125012159347534, -0.42243948578834534, 0.32147762179374695, 0.10462868213653564, 0.5077235102653503, 0.938300371170044, -0.8350585103034973, 0.08326481282711029, 0.08793170005083084, -0.2524144947528839, -0.06207185238599777, 0.44322219491004944, 0.7143164277076721, -1.4061230421066284, -0.9870081543922424, 0.3570706844329834, -0.09760986268520355, 1.067974328994751, 0.5385528802871704, 0.7438631653785706, 0.2534410059452057, 0.5201365947723389, 0.6344391107559204, 0.3583313822746277, 0.7401531934738159, 1.049121379852295, 0.5942842960357666, -0.8804226517677307, -0.24085287749767303, -0.45338210463523865, 0.503582775592804, 1.1904687881469727, 0.19498635828495026, -0.2415364533662796, 0.8478504419326782, 0.7191746830940247, 0.8098629713058472, 0.9153428673744202, -1.0156768560409546, 0.872418999671936, -0.6277455687522888, -1.060728907585144, -1.2694963216781616, 0.7434115409851074, 0.8916481137275696, -0.9753054976463318, 0.972837507724762, 0.07408341020345688, 0.27593979239463806, 0.05053657665848732, 0.12461517751216888, 1.8340213298797607, -0.9500329494476318, -0.6788156032562256, 0.5151481628417969, 0.8268327713012695, -0.3715592920780182, -0.2791416049003601, -0.6737783551216125, -0.3546939492225647, 0.3732919991016388, -0.8644749522209167, 0.7345057129859924, -1.023692011833191, 0.6106665730476379, 0.2520286440849304, 2.0778558254241943, -0.10717655718326569, -0.9647011160850525, 0.6592578291893005, -1.5288925170898438, -0.29596227407455444, 0.7345432639122009, 0.20638467371463776, 0.15187157690525055, 0.8413870930671692, 0.21274013817310333, 1.188549280166626, 0.11415448784828186, -0.017066307365894318, -0.1248813197016716, -0.5807169079780579, 0.9655200242996216, 0.3804778456687927, 0.314624547958374, -0.17360752820968628, -0.574744462966919, -1.0812041759490967, -0.8631396889686584, -0.6869919896125793, 0.7945261597633362, 0.8925722241401672, -0.330475777387619, -0.348294734954834, -0.9373133182525635, 0.19527973234653473, 0.06320371478796005, 0.9265873432159424, 0.28148752450942993, -0.7613999843597412, -1.115931749343872, -1.0187166929244995, -0.7931278347969055, 0.6323699355125427, -0.7541292309761047, 0.5771682858467102, -0.16289867460727692, 0.5442284345626831, -0.9412754774093628, -0.13520611822605133, -0.04534446448087692, -0.19644640386104584, -0.8009344935417175, 0.07376253604888916, 0.025971952825784683, -1.1958986520767212, -0.8514003157615662, -0.7755128145217896, -1.140558123588562, 1.086891531944275, -0.26888126134872437, -1.227055311203003, 0.31531822681427, 0.6910237669944763, 0.08206851780414581, -0.3683950901031494, 0.5631601810455322, 0.02027968131005764, -1.7557635307312012, 0.814836323261261, 1.4525730609893799, -0.07399466633796692, -0.01031215488910675, 0.3806346356868744, 0.2214251011610031, -0.33098578453063965, 1.4481861591339111]} +{"paper_id": "wmt14", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "ncbi_disease", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "hate_speech_offensive", "embedding": [-0.5422819256782532, 1.2887115478515625, 0.13236330449581146, 0.23051899671554565, 1.0845685005187988, 0.2868509590625763, -0.012876249849796295, -0.31666100025177, 0.42638474702835083, 1.2961385250091553, 0.24015969038009644, -0.12515710294246674, -0.47110357880592346, 0.43478938937187195, 0.20457251369953156, 0.02134830877184868, -0.856650710105896, -0.12011639028787613, 0.17974242568016052, -0.22576525807380676, -0.2890849709510803, -0.49546414613723755, -0.3234243094921112, -0.07510165125131607, -0.7363083958625793, -0.5050646662712097, 0.305027574300766, -0.9463488459587097, -0.17473623156547546, 0.23488309979438782, -0.3441655933856964, 1.4395685195922852, -0.8587192893028259, -0.11544545739889145, -1.06853449344635, -0.05910613387823105, -0.7259172201156616, -0.05493265390396118, -0.738884687423706, -1.0905537605285645, -1.1675238609313965, 0.31488364934921265, 0.961482048034668, 0.563220739364624, 0.5609122514724731, 0.5403822064399719, 0.1624315232038498, 0.2630542516708374, -0.2370765060186386, -0.4149641692638397, -0.3655397891998291, 0.9922540187835693, -0.00426180474460125, 0.6454763412475586, -0.7303116917610168, 0.5577812194824219, -0.27469128370285034, -1.007727861404419, 0.21804632246494293, -1.5358667373657227, 0.8541229367256165, 1.3810908794403076, -0.4871170222759247, 0.6108167171478271, 0.05239665508270264, -0.5622439980506897, 0.40602511167526245, -0.39914047718048096, 0.34357815980911255, 0.612637460231781, -0.47746360301971436, -0.8397332429885864, 0.07916176319122314, -0.01587890088558197, -0.34252479672431946, -0.06030513346195221, -0.2769045829772949, 0.3958219587802887, -0.6630462408065796, 0.2887851893901825, -0.43689772486686707, 0.7421338558197021, 0.04521084949374199, -0.6148926019668579, 0.0038706734776496887, -0.0761232003569603, 0.35350301861763, -0.624156653881073, 0.35345545411109924, -1.208935022354126, 1.0276596546173096, -0.29101017117500305, 0.05323120579123497, 0.9838892817497253, -0.8325579762458801, 1.227453351020813, -0.10613507032394409, 0.12944252789020538, -0.9287011623382568, 1.078399896621704, 0.2266286015510559, -0.4537314176559448, -0.3116668462753296, -0.47490057349205017, 0.005593590438365936, 1.233270525932312, -0.20413795113563538, -0.6023855209350586, 0.3421703279018402, 0.043395474553108215, -0.07241915166378021, 1.5074340105056763, -0.7578303217887878, 0.34088513255119324, -0.19086702167987823, -0.04975641146302223, -0.13172012567520142, -0.9789015054702759, -0.2307175248861313, 0.4583812355995178, -1.0313431024551392, -1.1598501205444336, 0.07675258815288544, 0.8980410099029541, 1.4823341369628906, 0.07881732285022736, 0.9266836047172546, -0.32384610176086426, -0.09704379737377167, 0.013855906203389168, 0.6926138401031494, -0.24840715527534485, -0.42273765802383423, 0.06935431063175201, 2.194272518157959, -1.2412294149398804, 1.515180230140686, -1.1285758018493652, 0.8021306395530701, -0.32204312086105347, -0.7802060842514038, 1.15143620967865, -0.3530248999595642, -1.7987964153289795, -1.2376691102981567, 0.1743999719619751, -0.3832554221153259, 0.4300236105918884, 0.4296039938926697, -0.16400094330310822, 0.19123591482639313, 0.9794555902481079, -0.3954366445541382, 0.609867513179779, 0.5980086922645569, 0.26493003964424133, -0.16451013088226318, 0.30524715781211853, -0.6202583312988281, 0.060451969504356384, 0.6838188767433167, 0.6012095808982849, -0.5325714945793152, 0.19211430847644806, -0.44466298818588257, -0.3734944462776184, 0.8747014999389648, -0.0684623047709465, -1.3263070583343506, -0.13612036406993866, 0.6549798250198364, 0.1769351065158844, -0.32199305295944214, -0.12518619000911713, -0.5890910625457764, -0.48635587096214294, 0.38098829984664917, 1.1135146617889404, 0.321344256401062, -0.5137113928794861, 0.20295265316963196, -0.411327600479126, -0.06270156800746918, 0.7593330144882202, -0.7735084295272827, -0.4330436587333679, -0.5499085783958435, 0.14191284775733948, -0.0186498761177063, 0.4571642577648163, 0.35067376494407654, -0.8170022964477539, -0.3069359362125397, 0.8265498280525208, -0.24448919296264648, 0.46621939539909363, 0.7148956060409546, -1.188525676727295, -0.5895509719848633, 0.0972704142332077, 0.33234703540802, -0.6435367465019226, 0.024010563269257545, 0.8292821049690247, 0.22684279084205627, -0.8051407933235168, -0.09477128088474274, -1.1422992944717407, 1.0066643953323364, 2.189601421356201, 0.2292780727148056, -0.6873397827148438, -0.17272639274597168, 0.09729398787021637, 0.2572065591812134, -0.36663639545440674, 0.2782980501651764, -1.1266887187957764, 0.42627525329589844, -1.572960615158081, 0.3179888129234314, -0.05562710016965866, -0.18300259113311768, -0.16127097606658936, 0.6882991790771484, -0.5419049263000488, -0.8600203990936279, -0.6548671126365662, -0.2642917037010193, 0.575157642364502, 1.0521056652069092, 0.0339522510766983, 0.1319589912891388, 0.9652844071388245, 0.8471658229827881, 0.5388413071632385, -0.47765353322029114, 0.3070814609527588, -0.6911295652389526, 0.28083041310310364, 0.3841838240623474, -0.35829317569732666, -0.33450043201446533, -0.8205869197845459, 0.08272069692611694, 1.1282789707183838, -0.45834508538246155, -0.07663417607545853, -0.20446962118148804, 0.14250662922859192, 1.1786437034606934, 0.8904629349708557, -0.8348054885864258, 1.1650551557540894, -0.25703009963035583, 0.32839399576187134, -0.21375513076782227, -0.049226999282836914, 0.1343681365251541, -0.6299058198928833, 1.149396300315857, 0.13289377093315125, -0.4824562668800354, -0.1580512821674347, -0.6932233572006226, -0.5823338627815247, -0.5926123261451721, -0.18788740038871765, -0.6341761350631714, -0.683259129524231, -0.05290297791361809, -0.9710744619369507, -0.5401898622512817, -1.2645025253295898, 0.16469217836856842, 0.6128246188163757, -0.6173111200332642, 0.061067089438438416, 0.5821276307106018, -0.36691156029701233, 0.41152212023735046, -0.38271403312683105, 0.9406701922416687, -0.7066689729690552, 0.763512372970581, -0.08325383067131042, -0.30836671590805054, 0.6057188510894775, -0.8252824544906616, 0.17736311256885529, -0.5368862152099609, 0.7507110834121704, -0.696814775466919, 0.9150088429450989, -0.14735084772109985, -0.4988901615142822, 2.0163304805755615, -0.6242848634719849, 0.5561685562133789, -0.15240448713302612, 0.8926108479499817, 0.35586223006248474, -0.46847328543663025, 0.8392050862312317, -0.47086983919143677, 0.05248190835118294, 0.4687586724758148, -1.6982264518737793, 0.15705184638500214, 0.12312555313110352, -0.12042798846960068, -0.7889247536659241, 0.7008552551269531, -1.8202518224716187, -0.46154627203941345, 1.0168150663375854, -0.9538884162902832, 0.3533160388469696, -0.04979587718844414, 0.9719435572624207, -0.010481850244104862, -0.03654045611619949, -0.9427297115325928, -0.02077966369688511, 0.3382442891597748, -0.6354677677154541, -0.23525899648666382, 0.012057377956807613, -0.5804769992828369, -0.5172285437583923, 0.40992558002471924, 1.1891988515853882, -0.9252787232398987, 0.13894635438919067, -0.14427438378334045, -0.5683314204216003, 1.058149814605713, 0.34308260679244995, 0.3338969647884369, 1.1467742919921875, -0.5769156813621521, -0.21781891584396362, 0.7373926639556885, 0.5211531519889832, 0.10854193568229675, 0.042056914418935776, 0.18361946940422058, 0.6997120976448059, -0.8402853608131409, 1.4054603576660156, 0.5925260782241821, -0.23761306703090668, -0.6359815001487732, -0.504228949546814, 0.14118701219558716, -0.41659867763519287, 0.2791883945465088, 1.0754368305206299, 1.1138718128204346, -0.5131815671920776, 0.8455807566642761, -0.20719550549983978, 0.7915634512901306, 1.4299132823944092, 0.6108734011650085, 0.9460542798042297, 0.08714793622493744, -0.1800195276737213, 1.1218936443328857, -0.5071340203285217, -0.5567439794540405, -0.1349024921655655, 1.7649950981140137, -0.28369829058647156, 0.2229488044977188, -0.11651471257209778, -0.23433911800384521, 0.2669917643070221, 0.17766721546649933, -1.1357475519180298, -0.5389184355735779, -0.897264301776886, 0.5653326511383057, 1.1783372163772583, 0.5352007150650024, -0.8804960250854492, -0.34699615836143494, 0.00338141992688179, 1.3715232610702515, -0.4785970449447632, 0.2981370687484741, 0.4493952989578247, -0.4632420241832733, -0.1743045151233673, -0.0833970159292221, -0.7447239756584167, 0.18709559738636017, 0.5018298625946045, 0.2782360911369324, -0.6140263080596924, 1.1351144313812256, -0.586666464805603, -1.5799753665924072, 0.1661008596420288, 0.0757732167840004, -0.3914969265460968, 0.5686194896697998, 0.5020558834075928, -1.0208919048309326, -1.764854907989502, -0.2604520916938782, -0.6135383248329163, -1.2247942686080933, 0.5946059226989746, -0.15769915282726288, 0.7893797159194946, -0.24102792143821716, 0.20778559148311615, -0.14152662456035614, -0.036392681300640106, -0.2014983743429184, 0.6815498471260071, 1.2262492179870605, -0.025686580687761307, -0.14468257129192352, 0.4909878075122833, -0.43062782287597656, 0.4566264748573303, -1.0272533893585205, -0.23288413882255554, 0.7831714749336243, 0.3355187773704529, 0.7988696694374084, -0.7016593217849731, -0.05116252601146698, -0.2879611551761627, -0.06024353578686714, 0.7746710777282715, -1.2695997953414917, 0.44529902935028076, -0.5640149712562561, 1.1188405752182007, 0.7123616933822632, 0.29771894216537476, -0.8388237953186035, 0.9144372344017029, -0.22355183959007263, 0.11344598233699799, -0.24055984616279602, 0.02321488782763481, 0.45992910861968994, 1.3685070276260376, 0.9117119312286377, 0.08639699965715408, -11.245620727539062, 0.5471549034118652, 0.1145423948764801, 0.6779419779777527, 0.48874324560165405, -0.3521130383014679, 0.2156241536140442, 0.5726536512374878, 2.2178971767425537, -0.5420613884925842, -0.1168680340051651, 1.6794546842575073, -0.11820568889379501, -0.6085546612739563, -0.5803089141845703, -0.028726302087306976, -0.4193299412727356, -0.6619194746017456, 0.23045967519283295, 0.7366797924041748, -0.13170459866523743, -0.9201500415802002, -0.08403681963682175, -0.9538605809211731, 0.43174439668655396, -0.5067430138587952, -0.020590107887983322, -0.29960715770721436, -1.3861733675003052, 0.5171313285827637, 0.6330220103263855, -0.10069713741540909, -0.3438882529735565, -0.5685810446739197, 0.036916106939315796, 0.6864994168281555, -0.6172260046005249, -0.49351707100868225, 0.6063003540039062, 0.2743571996688843, -0.07377935945987701, 0.02429823949933052, 0.3182375133037567, -0.6966167092323303, 0.38593795895576477, -0.22572758793830872, -0.5083216428756714, 0.3781983554363251, 0.6848464012145996, -0.41250789165496826, -0.21110904216766357, -0.6715893745422363, -1.2804347276687622, -0.37910816073417664, 1.3309788703918457, -0.015775203704833984, -0.7632932662963867, 0.0656789019703865, -0.9182308316230774, -1.4038571119308472, 1.0329225063323975, 0.6796821355819702, 0.08413829654455185, 0.6768954396247864, 0.4208080768585205, -1.3297069072723389, 0.18339602649211884, -0.07239820808172226, -0.04675064608454704, 0.4742283523082733, -0.6792423129081726, 1.3545995950698853, 0.11102914810180664, 0.30494260787963867, -0.2552724778652191, -0.03020506352186203, -0.17003847658634186, 0.1984308511018753, 1.1835113763809204, -1.3151912689208984, -1.370345950126648, 0.10982842743396759, -0.22938506305217743, -0.08710245043039322, -0.42253559827804565, 0.3976138234138489, -0.2975139617919922, -0.9979085922241211, 0.6360611915588379, 0.4438483715057373, 0.15463753044605255, 0.7007246017456055, 0.16547352075576782, 0.31315189599990845, -0.08859562873840332, 0.5354888439178467, -1.2528492212295532, 1.4403176307678223, -0.3926498591899872, 0.8198959231376648, 0.2647123336791992, -0.08874773979187012, -0.6511315107345581, 0.31368008255958557, 0.5040024518966675, -0.5243580341339111, 0.4841039776802063, 0.45574256777763367, -0.04505159333348274, 0.16708333790302277, 0.3549918234348297, 0.1024981290102005, -0.3054177165031433, 0.5656706094741821, 0.41737255454063416, 0.6517072319984436, 0.80304354429245, -0.42334869503974915, 0.33481845259666443, 0.8620812892913818, -0.33913472294807434, 0.14536286890506744, -0.43052613735198975, 0.7426875829696655, 0.0009819678962230682, 0.771856963634491, 0.19860413670539856, 0.11738841980695724, 0.561485230922699, -2.060340166091919, 0.6748868823051453, -0.40511995553970337, 0.7171775102615356, -0.8715612292289734, 0.2820453643798828, -0.31406959891319275, -1.7022573947906494, 0.7374564409255981, -0.6969311237335205, 0.8365071415901184, -0.49090898036956787, -0.2601115107536316, 0.09013417363166809, -0.27929064631462097, -0.011346226558089256, -0.1291307508945465, -1.8801389932632446, 0.14445990324020386, -0.49134376645088196, 0.06999547779560089, 0.20598919689655304, -0.7400453686714172, 0.2551138401031494, -1.6346886157989502, -0.12347060441970825, 0.47594285011291504, 0.7251623272895813, -0.06770282238721848, -1.1672699451446533, -0.2432369589805603, 0.8297938704490662, 1.2211171388626099, -1.0551820993423462, 1.2411754131317139, 0.159367173910141, -0.35712820291519165, -0.5113094449043274, -0.47740527987480164, -0.3271235525608063, -0.4277368187904358, 1.4760648012161255, -0.9346394538879395, 0.006407925859093666, 0.4112997055053711, 0.1340978443622589, -1.6803021430969238, -0.1685149371623993, 0.576555609703064, -1.3985258340835571, 0.259987473487854, -0.1716354936361313, 0.2173168659210205, 0.010513842105865479, -0.2650306522846222, -0.32134148478507996, 0.4301152527332306, -0.29179948568344116, 1.5266337394714355, -0.029269911348819733, 0.152864009141922, -1.7950727939605713, -1.121330976486206, -0.7067248821258545, -0.26302188634872437, 0.49626851081848145, 0.04188871383666992, 0.5971993207931519, 0.6883912682533264, -0.12555129826068878, -0.4112316966056824, -0.39814096689224243, 0.22724369168281555, 0.12024806439876556, -0.3597707748413086, -1.5180033445358276, -0.5456512570381165, -0.4381880462169647, 0.24812906980514526, -0.04092508554458618, 0.34216323494911194, -1.7491687536239624, -0.5647627711296082, 0.013794474303722382, -0.6968899369239807, 0.3925394117832184, -0.44803446531295776, -0.4728141129016876, 0.05173083022236824, -0.5349554419517517, -0.2922915816307068, 0.13155093789100647, 0.5820102691650391, 0.046478644013404846, 1.6529567241668701, 0.2723805010318756, 0.9697826504707336, 0.26884400844573975, 0.3290437161922455, 1.7789510488510132, -0.39854180812835693, -0.19124861061573029, -0.35522112250328064, -0.6772489547729492, 0.1378486454486847, 0.20966273546218872, 0.7164727449417114, -1.2886070013046265, 0.37987977266311646, -1.6474381685256958, -0.6245711445808411, -0.3911106586456299, 0.12830887734889984, 0.49336010217666626, 0.8391461372375488, -0.47987037897109985, 0.18138286471366882, -1.2541574239730835, -0.05938450247049332, -0.28939399123191833, -0.4041943848133087, 0.45983225107192993, 1.5543359518051147, 0.6788438558578491, 0.15909980237483978, 0.5438660979270935, 0.33940067887306213, 0.19585183262825012, 0.45110759139060974, 0.8358795046806335, 1.3955708742141724, 0.38940903544425964, 0.24372898042201996, 0.09205783903598785, 0.38293832540512085, -1.1517128944396973, -0.06369297206401825, -0.373818039894104, 0.4816388487815857, 0.49578696489334106, 0.008403396233916283, 0.32900381088256836, 0.04014555737376213, -0.8689720034599304, 0.887974739074707, 0.4240516126155853, 0.0234371330589056, 0.4720746874809265, -0.8864080905914307, -0.6659449934959412, -0.02327129989862442, 0.9266833662986755, -0.5740785598754883, -0.28209757804870605, -1.732438325881958, -0.3465297818183899, 0.2849220931529999, -1.2460871934890747, -0.9219117760658264, 1.0871785879135132, 0.2611429691314697, 0.3905239701271057, 1.11529541015625, -1.493455171585083, -1.1583747863769531, -0.035608451813459396, -0.7623493671417236, 0.5744946002960205, 0.1983211487531662, -1.9213917255401611, 0.09877161681652069, 0.439471572637558, 1.0479472875595093, -0.031933050602674484, 0.11251810193061829, 0.2893308401107788, -1.0076138973236084, 1.6206977367401123, 1.638998031616211, 0.1313752681016922, 0.04123108834028244, 1.5288147926330566, -0.03802639618515968, 0.40222492814064026, 1.7487273216247559]} +{"paper_id": "boolq", "embedding": [-0.9069230556488037, 1.0016688108444214, 0.28578540682792664, -0.31961682438850403, 0.6175249218940735, 0.04638701677322388, 0.40018147230148315, 0.28860947489738464, 0.897824764251709, -0.013999156653881073, 0.29697877168655396, -0.5886347889900208, -0.027350882068276405, 0.09895732998847961, -0.20425428450107574, -0.3547326922416687, -0.7422997355461121, -0.4365368187427521, -1.9543800354003906, -0.3406210243701935, -0.37284761667251587, -0.8223106265068054, -0.07223014533519745, 1.1579229831695557, -0.8462491035461426, -0.9887375235557556, 0.7360459566116333, -0.5979030132293701, 0.27509987354278564, 0.0015898831188678741, -0.18521225452423096, 1.260331153869629, -1.6974395513534546, 0.44757357239723206, -0.1514374017715454, -0.08784067630767822, 0.23973652720451355, 1.1539665460586548, 0.2236502766609192, -0.5165309309959412, -0.22060374915599823, 0.15042364597320557, 0.2680783271789551, 0.3322070240974426, 0.9228049516677856, -0.6047641038894653, 0.7195934057235718, -0.06624065339565277, -0.16273164749145508, -0.4293196499347687, -1.0858454704284668, 0.4349764585494995, -0.09131196141242981, 0.9103794097900391, -0.2575090825557709, 0.972051203250885, 0.2869236171245575, -0.7200618982315063, 0.916347086429596, -0.8837591409683228, 1.64879310131073, 1.6092629432678223, 0.2126997411251068, 0.7196162343025208, 1.7249507904052734, 0.3205084204673767, 0.6662403345108032, 0.1504615694284439, -0.20054233074188232, 0.3598979711532593, -0.3998678922653198, -0.04100169241428375, 0.4421677887439728, -0.3646852672100067, 0.6200613975524902, 0.8856861591339111, -0.08812972903251648, 0.8718124032020569, 0.051396794617176056, -0.27610597014427185, -0.2667304277420044, -0.08058829605579376, 1.1230801343917847, 0.034819602966308594, 0.4313492178916931, 0.2638818025588989, 0.16247454285621643, -1.028554081916809, 0.5802900195121765, -1.6107008457183838, 0.6732355356216431, 0.43156883120536804, -0.11999192833900452, -0.14054739475250244, -0.37959808111190796, 0.6676197648048401, -1.3689440488815308, 0.13093528151512146, -0.07558690756559372, 0.5588297843933105, 0.6317101716995239, 0.02013159915804863, 0.4836859107017517, -0.39547199010849, -0.3055359423160553, 0.28782153129577637, 0.22992855310440063, -0.2624395191669464, -0.47690290212631226, -1.0334455966949463, -0.07219655811786652, 0.6999223232269287, -0.03868488222360611, 0.6294260025024414, 0.4739530682563782, 0.11096932739019394, 0.2136857509613037, -1.3131664991378784, 0.16577161848545074, 0.5507937073707581, -0.008742716163396835, -1.11920964717865, -0.4205653965473175, -0.5849156379699707, 0.724823534488678, -0.2112181931734085, -0.7632414698600769, -0.7667819857597351, -0.12824329733848572, 0.022727498784661293, 0.9968945980072021, 0.06116844713687897, -1.061171293258667, 0.0043601542711257935, 3.543124198913574, -1.5899710655212402, 1.5923200845718384, -0.8644270300865173, -0.12873651087284088, -0.7183946371078491, -0.7452217936515808, 1.19561767578125, 0.05294276028871536, -0.8204429745674133, -0.8480715155601501, 0.1810956448316574, -0.019181840121746063, 0.007406681776046753, -0.8091147541999817, -0.42593416571617126, -0.06798304617404938, -0.32253211736679077, -1.1986042261123657, -0.3283695578575134, 0.33890366554260254, -0.013663414865732193, 0.07441475987434387, 0.7924253940582275, -0.01884732022881508, 0.8630438446998596, -0.1876046061515808, -0.4184330105781555, -0.020075470209121704, 0.5035673975944519, -0.5521736145019531, -0.3683929443359375, 1.2050354480743408, 0.017225973308086395, -0.7835096120834351, 0.10418082028627396, -0.15869763493537903, 0.019406786188483238, -0.32497355341911316, -0.05248201638460159, -0.3535526692867279, 0.03771737962961197, 0.5414641499519348, 0.8751339316368103, 0.23942619562149048, -0.5402551293373108, 0.12284893542528152, -0.46707016229629517, 0.13220715522766113, 0.8938648104667664, 0.10032175481319427, 0.5417764782905579, -2.9979300498962402, 0.09398651123046875, -0.3487997055053711, 0.5413227677345276, 0.3481413722038269, -0.11452879756689072, 0.3557194769382477, 0.12849433720111847, -0.14036807417869568, -0.9659131169319153, 0.41757676005363464, -1.2295712232589722, 0.6452726721763611, 0.38324588537216187, -0.06465773284435272, 0.24489623308181763, 0.638105571269989, 1.1063988208770752, 0.19841471314430237, -0.1197703406214714, -0.8540754318237305, -1.934152603149414, 0.14351636171340942, 2.289048194885254, 0.26321661472320557, -0.07546918094158173, -0.4249880909919739, -0.31901663541793823, -0.2974155843257904, -0.14960402250289917, 0.1932278871536255, -0.30702465772628784, -0.3767450153827667, -0.41552770137786865, 0.5730487704277039, -0.21892210841178894, 0.026071861386299133, 0.0008322428911924362, 1.258679747581482, -0.42912787199020386, -0.4766533076763153, -0.7326658964157104, -0.6649317145347595, 0.43251562118530273, 0.4222621023654938, 0.3593165874481201, -0.32641831040382385, 0.8505606651306152, 0.49587786197662354, 0.9516859650611877, 0.8710169792175293, 0.5377538204193115, -0.8560411930084229, 0.5354388952255249, 0.008456144481897354, 1.6368515491485596, 0.19310717284679413, 0.4329204261302948, -0.09783369302749634, 0.1288537234067917, -0.8512488007545471, -0.4923325181007385, -0.3064618706703186, -0.14855220913887024, 1.246048927307129, 0.28482285141944885, -0.7170923352241516, 0.5885101556777954, -0.23065990209579468, -0.31320059299468994, -0.03414185717701912, -0.4277602732181549, -0.2877568304538727, -0.19662825763225555, 0.8659079670906067, -0.20313608646392822, 0.15465465188026428, -0.4456453323364258, 0.024991139769554138, -1.312516689300537, -0.6573301553726196, 0.6537635326385498, 0.23501022160053253, -0.8375461101531982, -0.4771953821182251, 0.06869003921747208, -1.0274710655212402, -0.658753514289856, 0.43880796432495117, -0.17628733813762665, 0.1755073517560959, 0.95930016040802, 1.9359138011932373, -0.09204117953777313, 0.5653437376022339, 0.009004071354866028, 1.0936262607574463, -0.7989497780799866, 0.028565354645252228, 0.5327927470207214, 0.5335251688957214, -1.206661343574524, 0.07008205354213715, -0.5489717125892639, 0.025209181010723114, 0.7547348141670227, -0.2686740458011627, 0.6980918645858765, -0.19886992871761322, -0.9280318021774292, 0.6801512837409973, -0.5562971234321594, -0.5138483643531799, -0.864044189453125, 1.97828209400177, -0.2998712956905365, -0.0054793208837509155, 0.5329165458679199, -0.5552007555961609, -0.5606613159179688, 0.6195350289344788, -0.6705254316329956, 0.037710703909397125, 0.5751256942749023, -0.6808022856712341, 0.34011149406433105, 0.28540733456611633, -1.8976978063583374, 1.1775178909301758, 0.43497946858406067, -0.3804242014884949, -0.645153820514679, -1.0709441900253296, 0.03798440098762512, -0.45567336678504944, 0.20556588470935822, 0.7606486678123474, -0.4489065408706665, 0.15946349501609802, -0.5859956741333008, 0.0802750512957573, 1.0438541173934937, -0.20560196042060852, 0.5076081156730652, 0.9392197728157043, 0.181092768907547, -0.6582190990447998, -0.6973775029182434, 0.9992610812187195, -0.7368307709693909, -0.3700055480003357, 0.891247034072876, 0.6180518865585327, 0.9339637756347656, 0.07505960762500763, -0.3667230010032654, 0.38793206214904785, 0.7901219129562378, -0.20784282684326172, -0.27830368280410767, -0.472822904586792, 0.2147018313407898, -0.3793582022190094, 1.3318681716918945, -0.894110918045044, -0.35565119981765747, -0.4088980555534363, -0.4718351364135742, 0.2008175104856491, -0.1644895076751709, 1.9916847944259644, -0.025242209434509277, 0.9581974148750305, 0.02725294418632984, 0.0093163987621665, -0.6972947716712952, -0.2786337733268738, 0.9305376410484314, 0.6374029517173767, 0.22773154079914093, -0.8873398303985596, -0.4450896084308624, 0.7107582092285156, 0.44264909625053406, -0.7117146253585815, 0.4899495542049408, 0.46533438563346863, -0.3890379071235657, -0.7125155329704285, 0.5669065117835999, 1.0115336179733276, 0.8643906116485596, 1.4042826890945435, -0.4313153922557831, -0.4944707155227661, -0.37451115250587463, -0.30612075328826904, 0.30291512608528137, 0.21017003059387207, -0.03775769844651222, 0.8914439678192139, 0.1532869040966034, 0.6424363255500793, 0.23246343433856964, 1.4503934383392334, 1.684220314025879, -1.0576499700546265, -1.7247511148452759, 0.13684046268463135, -0.6790811419487, -0.003843237180262804, 0.12251361459493637, 0.10051491856575012, -0.4333471953868866, 0.426748663187027, 0.012322675436735153, -0.9882252812385559, 0.3415076434612274, -0.0615721270442009, -1.446010708808899, 0.7253473997116089, 1.0265129804611206, -0.6984723210334778, -0.5832481384277344, 0.010072126984596252, -1.0689524412155151, -0.05539199337363243, -0.2802879810333252, -0.6778496503829956, 0.26188647747039795, 0.3546713590621948, 0.9334830045700073, -0.6096377968788147, -0.10221759974956512, -1.1119924783706665, 1.387386441230774, 1.183471441268921, -0.859433650970459, 0.1693899780511856, 0.745977520942688, 0.5570877194404602, -0.07804318517446518, -0.5820665955543518, -0.43296948075294495, 0.30238988995552063, 0.1302274614572525, 0.42415711283683777, -1.0264321565628052, 0.07011215388774872, 1.1663753986358643, 0.3618733286857605, 1.044334053993225, -0.7931427955627441, 0.12020060420036316, -0.5561833381652832, -0.13468167185783386, 0.8985248804092407, -0.9356321096420288, -0.9924593567848206, 0.7111549973487854, -0.3651818037033081, 0.8216924667358398, -0.21715225279331207, 0.1703285574913025, 1.7584705352783203, -0.5116787552833557, -0.1549936830997467, -0.07795698940753937, -11.412235260009766, 0.34509745240211487, -0.051104143261909485, 0.06440643966197968, 0.6658270359039307, -0.3148913085460663, 0.8258855938911438, 0.14838068187236786, 0.2396235316991806, -0.6255293488502502, 0.3663768768310547, 1.146901249885559, 0.75775545835495, -0.02444763109087944, -0.513241708278656, -0.6101875305175781, -0.23274186253547668, -0.9244027733802795, 0.12232844531536102, 0.47781333327293396, -0.25461214780807495, -0.42920637130737305, -0.3529491424560547, 0.02016448602080345, 0.4216545820236206, 0.19898918271064758, -0.8897483348846436, -0.40567851066589355, 0.2111482471227646, -0.06801524758338928, 0.18330331146717072, -0.27203568816185, -0.669879138469696, -0.044149842113256454, -0.48727482557296753, -0.3521767854690552, -0.6075513958930969, -0.3589755594730377, 0.5282161235809326, -0.8584536910057068, -0.399702787399292, 0.38611340522766113, 0.5509310364723206, -0.419650673866272, -0.38561907410621643, 1.1241384744644165, 0.33284613490104675, -0.9016236066818237, 0.12008008360862732, -0.48811405897140503, -1.0800994634628296, -0.8032197952270508, -1.0234739780426025, -0.6975385546684265, 0.22467859089374542, 0.5459115505218506, -0.5282797813415527, -0.14245015382766724, -0.7762480974197388, -0.8729987144470215, 0.7384814023971558, -0.2640804648399353, -0.4037800133228302, 0.5686764121055603, 0.05277077853679657, -0.21155992150306702, 0.11440285295248032, -0.13845929503440857, -0.7026151418685913, 0.8033989071846008, -0.6035124659538269, 0.6798235774040222, 0.03575148433446884, 0.28138864040374756, -0.6219485998153687, 0.20577949285507202, -1.0900685787200928, 0.19869312644004822, 0.5475497841835022, -0.015593916177749634, -1.3600170612335205, 0.3915726840496063, 0.9074665307998657, -0.4818345010280609, -0.5156533122062683, 0.615742564201355, 0.32317423820495605, 1.12458074092865, 0.7591267824172974, -0.8683789372444153, 1.3957622051239014, -0.12028084695339203, -0.39786815643310547, -0.13630761206150055, -0.21607494354248047, 0.7874345183372498, -0.5011401176452637, 0.23242774605751038, 0.3693184554576874, -0.63885098695755, 0.22015395760536194, -0.33804208040237427, -0.9844326972961426, 0.362351655960083, 0.9923932552337646, 0.24688512086868286, 0.576779305934906, 0.10530933737754822, -0.14521346986293793, -0.4294370114803314, 0.33087244629859924, 0.6784006953239441, -0.3032240867614746, 1.3522676229476929, -0.5178910493850708, 1.0787676572799683, 0.15126143395900726, 0.4670472741127014, -0.032330676913261414, 0.5495380163192749, -0.7752872705459595, 1.207627773284912, 0.2754918932914734, 1.7257928848266602, -0.09716521203517914, -0.365176260471344, 0.49553772807121277, 0.5008223652839661, 0.196112260222435, -1.3804458379745483, 0.15422943234443665, -0.3636220395565033, -0.13204537332057953, -0.7287142872810364, -0.03611907362937927, 0.2649049758911133, -0.48009371757507324, 1.8428009748458862, -0.9896591305732727, 0.11071073263883591, 0.4007794260978699, 0.0042277611792087555, -0.7206174731254578, -0.9228502511978149, -0.9926143288612366, 0.20342884957790375, -1.1179972887039185, 0.2465803027153015, -0.04072694852948189, -0.2979336380958557, -0.5749778151512146, -0.7367895245552063, 1.1092338562011719, -0.9559856653213501, -0.5183069705963135, -0.7535858750343323, 0.38047853112220764, -0.7652175426483154, -0.3747989237308502, -0.32718151807785034, 0.28841620683670044, 0.7137757539749146, -1.0355762243270874, 1.1329673528671265, 0.2098584771156311, -0.3489581346511841, -0.8876126408576965, 0.288224458694458, -0.5202140808105469, 0.34963634610176086, 0.8290611505508423, -0.5648927688598633, -0.4360038936138153, -0.390432208776474, -0.7929018139839172, -0.3184289038181305, 0.3790159225463867, 0.8683782815933228, -0.8666573762893677, -0.3070914149284363, -0.17452113330364227, 0.7505123615264893, 0.03740648925304413, -0.3437197208404541, -0.7742667198181152, 0.18461114168167114, -0.5413283705711365, 0.7154203653335571, -0.010006431490182877, 0.9484841823577881, -1.6063817739486694, -1.1360933780670166, -0.2582463324069977, 0.17979897558689117, 0.19528841972351074, 0.24963964521884918, 0.7953725457191467, 0.23093441128730774, -0.8448889255523682, 0.3451235592365265, 0.11244307458400726, 0.5309262871742249, -0.0432242713868618, 0.7205654978752136, -0.08196346461772919, 0.9077308177947998, -0.6244543790817261, -0.13197854161262512, 0.358163446187973, 1.206201195716858, -0.8393746614456177, -0.6483185887336731, -0.5699270367622375, -0.07047036290168762, 0.14376269280910492, -1.3844729661941528, 0.008401373401284218, -0.6084309816360474, -0.37549638748168945, -1.250936508178711, 0.11842161417007446, 1.4684720039367676, -0.1818024218082428, 0.502223551273346, 0.7929080724716187, 0.9018944501876831, 0.32462015748023987, 0.4141266345977783, 0.8470891714096069, -0.11636970937252045, -0.6488564014434814, -0.05337816849350929, 0.2967488467693329, 0.11791864782571793, 0.40627583861351013, -1.0098817348480225, -0.5754324793815613, -0.006499446928501129, -0.44787031412124634, 1.7836041450500488, -0.09715059399604797, 1.3229124546051025, 0.501190721988678, 1.216185450553894, 0.014067843556404114, -1.6332899332046509, 0.12571318447589874, -1.428135633468628, 0.2513948678970337, 0.5639868974685669, 0.5214760303497314, 0.182311549782753, 0.5047116279602051, -0.7113897204399109, 1.1149770021438599, -0.6475659012794495, -0.18332384526729584, 0.2754824757575989, -0.3180539011955261, 0.5901341438293457, 0.3358671963214874, 0.14297179877758026, 0.24054740369319916, 0.0374504029750824, -0.9985726475715637, -0.16169515252113342, -0.5188347697257996, 1.3349729776382446, -0.09249652922153473, 0.08057589828968048, 0.14674431085586548, -0.22132906317710876, 0.9949798583984375, -0.6804417967796326, 1.4528172016143799, 0.3500239849090576, -0.1724855899810791, -0.5173817873001099, -0.7961833477020264, -0.25040650367736816, 0.11324770003557205, -0.028838273137807846, -0.17764458060264587, -0.8735702633857727, 0.6252116560935974, 0.30697137117385864, -0.41840746998786926, -0.738041877746582, -0.1946050375699997, -0.6028916239738464, 0.38058584928512573, 0.6114703416824341, -0.7678257822990417, -0.7559953331947327, -0.07899892330169678, -0.6199272871017456, 0.15905281901359558, -0.01880601793527603, -1.1605968475341797, -0.8789869546890259, 0.004235425032675266, -0.19383874535560608, 0.34630393981933594, 0.6188540458679199, 0.042272359132766724, -1.8095312118530273, 0.7996568083763123, 1.467707872390747, -0.8982582092285156, -0.24511250853538513, 0.48479780554771423, -0.2472255825996399, 0.5142642259597778, 1.3309783935546875]} +{"paper_id": "billsum", "embedding": [0.2186812311410904, 0.9456702470779419, -0.39320746064186096, 0.8080853223800659, 0.6218699812889099, -0.245713472366333, 0.39573273062705994, 1.1496459245681763, 0.48197486996650696, 0.7563501596450806, 0.28002116084098816, -0.12778040766716003, -0.12047866731882095, 0.503595232963562, -0.05219573900103569, -0.647127628326416, -1.0075604915618896, -0.12167765945196152, -0.8538935780525208, -0.309024453163147, -0.6271520853042603, -0.34546178579330444, -0.5301151871681213, -0.023921415209770203, -0.6898499131202698, -0.2838190793991089, 0.6889117360115051, -1.323049545288086, 0.43938612937927246, 0.3110058009624481, -0.31227922439575195, 1.4275619983673096, -0.9482581615447998, 0.05645541101694107, -0.7113586664199829, -0.18878625333309174, -0.17860296368598938, 0.3423842489719391, -0.9760299921035767, 0.30809545516967773, -1.163441777229309, 0.2164495289325714, 0.8599080443382263, -0.09683883190155029, -0.08618155121803284, -0.17857545614242554, -0.2402457743883133, 0.29433950781822205, 0.2167452722787857, 0.12169207632541656, -0.2688276767730713, 0.9998248219490051, -0.9308942556381226, 0.5675638914108276, 0.10328175127506256, 1.7471845149993896, 0.07615231722593307, -1.1600055694580078, 0.1607854962348938, -0.670407772064209, 1.337158203125, 1.3881862163543701, -0.7755494713783264, 0.22841326892375946, 0.9236887693405151, -0.4673331379890442, 1.4182111024856567, -0.2416389137506485, 0.4523155093193054, 1.3523389101028442, -0.2247288078069687, -0.6342359185218811, 0.330289751291275, -0.4020984172821045, -0.14287284016609192, 0.6535260677337646, 0.8596557378768921, -0.09748773276805878, -0.36317116022109985, 0.07223574072122574, -0.24740971624851227, 0.6226310133934021, 0.6600565314292908, -1.0923775434494019, -0.25728756189346313, 0.1924235224723816, 0.6881208419799805, 0.12475434690713882, -0.1984303891658783, -1.0097492933273315, -0.699390709400177, -0.1859409362077713, -0.836585521697998, 0.581136167049408, -0.5562998652458191, 0.3875621259212494, 0.13339552283287048, 0.3666689693927765, -0.500083327293396, 0.4185275435447693, 0.7280665636062622, -0.7281935214996338, -0.08044389635324478, 0.15577787160873413, 0.47780710458755493, 1.0310304164886475, -0.11347076296806335, -0.616601288318634, -0.8909459114074707, -0.6507877707481384, -0.006308566778898239, 0.6848394274711609, -0.540458619594574, 0.8496822714805603, 0.0678754448890686, -0.3366740345954895, 0.02803853154182434, -0.5337721109390259, -0.7286884784698486, 0.04466523975133896, -1.0447360277175903, -1.0627321004867554, -0.22457578778266907, -0.04979214072227478, 1.0158239603042603, -0.002980172634124756, 0.5373566746711731, -0.16215509176254272, 0.06803867965936661, -0.3412930369377136, 0.5279709696769714, -0.026582639664411545, -0.2368500530719757, 0.42776772379875183, 2.5551321506500244, -0.7951832413673401, 1.3253538608551025, -0.6435736417770386, 0.5179970264434814, -0.34281596541404724, 0.5618191957473755, 1.6272916793823242, -0.5051761865615845, -1.3928020000457764, -0.4981985092163086, 0.29818224906921387, -1.2894690036773682, 0.6164116859436035, -0.03942715749144554, -0.5230805277824402, 0.0653604120016098, 0.3656527101993561, -0.9950437545776367, -0.15339654684066772, -0.035483408719301224, 0.799663245677948, 0.840546727180481, 0.7569855451583862, -0.9393728971481323, 0.5475171208381653, 1.4978095293045044, 0.255332887172699, 0.1593136489391327, 0.29513928294181824, -1.1257411241531372, -0.2918221056461334, 1.1765276193618774, -0.07435711473226547, -0.6474311947822571, -0.0647365003824234, 0.6353182196617126, 0.10340133309364319, -0.36769890785217285, -0.06065832078456879, -0.2018093317747116, 0.19398412108421326, 0.37210097908973694, 0.38475701212882996, 0.07612501084804535, -0.733707070350647, -0.3064587414264679, -0.40630021691322327, 0.32868796586990356, 0.3766091465950012, -0.329252690076828, 0.7037736773490906, -1.9217376708984375, -0.5593518018722534, -0.49170219898223877, 0.921650230884552, -0.061503004282712936, -0.277175635099411, -0.03725375980138779, 0.6427218914031982, 0.346147358417511, -0.6266999840736389, -0.03306863456964493, -0.6663913726806641, 0.31517234444618225, 0.16542847454547882, 0.3621976971626282, -0.3696792423725128, -0.3889142572879791, 0.6381866931915283, 1.4670830965042114, -0.8382542729377747, -0.3240177631378174, -1.799567461013794, 0.13643860816955566, 2.306825876235962, -0.2718263566493988, -0.08026372641324997, -1.5217204093933105, -0.07414852827787399, 1.2782392501831055, 0.004404239822179079, 0.011917456984519958, -0.9919819235801697, 0.5228460431098938, -1.1165276765823364, 0.7389124035835266, -0.25640228390693665, -0.3681040108203888, 0.34302079677581787, 0.32281923294067383, -0.20429304242134094, -0.3678540885448456, -0.30759429931640625, -0.16392555832862854, 0.39549949765205383, 0.9282849431037903, 0.11891397088766098, -0.27413320541381836, 0.5761635899543762, 0.7114236950874329, 1.0715513229370117, -0.15812766551971436, 0.5583344101905823, -0.15434685349464417, -0.34818801283836365, 0.03308534622192383, 0.5652891397476196, -0.4640411138534546, -0.5461894869804382, 0.47003430128097534, 0.6154499053955078, -0.22424891591072083, 0.04149973392486572, 0.15386976301670074, -0.22176840901374817, 1.1447113752365112, 1.504478096961975, -0.521486759185791, 1.7241086959838867, -1.670387625694275, 0.2162126898765564, -0.43296876549720764, -1.4357950687408447, -0.5063819289207458, 0.3223258852958679, 0.7199928760528564, 0.5710793137550354, 0.46326297521591187, -0.05604234337806702, -0.9033153653144836, -0.9590607285499573, -0.5981189012527466, -0.9795669317245483, 0.010472021996974945, -1.2216016054153442, 0.21184441447257996, -0.024263381958007812, -0.7100096344947815, -0.08456635475158691, -0.11885097622871399, 0.49681398272514343, -0.3977336883544922, 0.23105791211128235, 1.6551822423934937, -0.12034966796636581, 0.35740765929222107, -0.42352592945098877, 0.886574923992157, 0.030023593455553055, 1.1824750900268555, -1.3435531854629517, -0.04162531718611717, -0.28716009855270386, -0.2989329695701599, -0.3433021903038025, -0.18380644917488098, 0.1831951141357422, -0.5942111015319824, 0.27313053607940674, -0.05773099511861801, -1.1871452331542969, 0.6446048021316528, -0.926763653755188, 0.30331456661224365, -1.0755118131637573, 1.3019613027572632, 0.42324644327163696, -0.36023324728012085, 0.8476104736328125, 0.07649778574705124, 0.10828810930252075, 1.3195375204086304, -0.4479413330554962, 1.3044979572296143, -0.07394738495349884, 0.22527028620243073, 0.3154461681842804, -0.07602986693382263, -1.7401753664016724, -0.32308638095855713, 1.4991967678070068, -0.8618088364601135, -0.510258674621582, -0.831331729888916, 0.2294420748949051, -0.1651684194803238, -0.6029356122016907, 0.042945362627506256, -0.7725774645805359, 0.34253302216529846, -0.6507095098495483, -0.043318018317222595, 0.7298423647880554, -0.313052773475647, 0.7008110284805298, 0.09262648224830627, 0.4524514675140381, -1.0294225215911865, -0.49853378534317017, 0.8320974707603455, -0.37442171573638916, 1.0587193965911865, -0.13346058130264282, 1.254490613937378, 1.4764094352722168, -0.73239666223526, -0.12130525708198547, 1.1915253400802612, 0.8799750804901123, 0.42807698249816895, 0.17584487795829773, -0.16230624914169312, 0.4760306179523468, -0.6488728523254395, 1.0359820127487183, 0.5702915787696838, -0.5985492467880249, -0.8629025220870972, -0.21550092101097107, -0.27968162298202515, -1.006201982498169, 1.1079373359680176, 0.6437403559684753, 2.0777978897094727, -0.33076873421669006, 0.29777657985687256, -0.1119915246963501, -0.06312093138694763, 0.7711689472198486, 0.1531217247247696, 0.23157545924186707, -0.17863716185092926, -0.35634616017341614, 1.5230004787445068, -0.4234618842601776, -0.7091125845909119, -0.20810772478580475, 0.8964104652404785, -0.3019450902938843, -0.14532245695590973, -0.0762556865811348, 0.6695516109466553, 0.11714253574609756, 1.923173189163208, -0.6623520255088806, -0.49562472105026245, -0.3172052204608917, 0.2816120684146881, 0.38036635518074036, 0.18149998784065247, -1.80843186378479, -0.567847490310669, 0.22556157410144806, 0.8105685114860535, -0.29895129799842834, 0.4749690294265747, 0.7325130701065063, -0.18642938137054443, -0.47302645444869995, -0.19865502417087555, -0.48385265469551086, -0.20322951674461365, -0.05825414881110191, -0.22428517043590546, -0.6003465056419373, 0.8943189978599548, -0.06939150393009186, -1.4116036891937256, 0.6698981523513794, 0.01229608990252018, -1.1486819982528687, 0.7509613633155823, 0.8080581426620483, -1.6714378595352173, -0.6194783449172974, -0.009255573153495789, -0.7410323023796082, -0.8774815201759338, 0.18958978354930878, -1.0156317949295044, 0.7147851586341858, 0.9820170402526855, -0.026087630540132523, -0.11105401813983917, 0.3010622262954712, -1.1289631128311157, 0.9012443423271179, 0.28908801078796387, -0.6247837543487549, 0.18522562086582184, 0.031482286751270294, 0.24611322581768036, 0.3633762001991272, -1.4115397930145264, -0.34449538588523865, 0.47612878680229187, 0.2583991289138794, 0.05830106511712074, -0.49983111023902893, -0.27953532338142395, 0.3110671937465668, 0.46306589245796204, 0.10491275042295456, -1.2127466201782227, 0.2693019509315491, -0.29033148288726807, 1.297606110572815, 0.9428960084915161, -0.6130501627922058, -0.6771516799926758, 0.6749786734580994, -0.5294181108474731, 0.10355652868747711, 0.7248743772506714, 0.4527844190597534, 0.5905280113220215, 0.6464948058128357, 0.47635316848754883, -0.5588321685791016, -11.124974250793457, -0.20778118073940277, 0.20779703557491302, 0.0008437857031822205, 0.3458130955696106, 0.32696667313575745, 0.21706825494766235, 0.05447225645184517, 0.6272855401039124, -0.25344616174697876, 0.3633665442466736, 1.6120522022247314, -0.01965409517288208, -0.7144460082054138, -0.5773395895957947, -1.281896948814392, -1.059280514717102, -0.3563569188117981, 0.506243109703064, -0.008552804589271545, -0.10363005101680756, -1.5582506656646729, 0.5691617131233215, -0.13214576244354248, 0.9268763065338135, -0.5531103014945984, 0.15708261728286743, 0.6868497729301453, -1.3692286014556885, 0.2619360685348511, 0.8167693018913269, 0.17804625630378723, -0.40694063901901245, -0.27305570244789124, 0.8464571833610535, 0.16371220350265503, -1.0895987749099731, -0.04651287943124771, 0.22525757551193237, -0.12316464632749557, -0.24007268249988556, -0.28344783186912537, -0.09191036224365234, -1.0545761585235596, 0.06552646309137344, -0.20973020792007446, 0.022961309179663658, -0.4688369929790497, 0.8955497741699219, -0.2405421882867813, -0.810243546962738, -0.6019529104232788, -1.0561481714248657, -0.8082983493804932, -0.026686085388064384, 0.17374657094478607, -0.5118623375892639, 0.6636583805084229, -0.03270846977829933, -0.992626428604126, 0.10685743391513824, 0.43514180183410645, -0.41019541025161743, 0.4100968539714813, 0.08249333500862122, -0.4397525191307068, 0.5297456979751587, 0.1462823748588562, 0.13568812608718872, 0.5639366507530212, -1.0183740854263306, 1.3190892934799194, -0.6857268810272217, -0.025583624839782715, -0.5926638245582581, 0.13672837615013123, -0.13017797470092773, -1.7101585865020752, 0.9918645024299622, -0.36727017164230347, -1.2430088520050049, 0.20074503123760223, 0.27174243330955505, -0.2684778571128845, -0.7434881925582886, 0.1707899272441864, 0.2223069667816162, -0.8935070633888245, 1.454877257347107, -0.33272090554237366, 0.6663658022880554, -0.20170077681541443, 0.05715472623705864, -0.3910965323448181, 0.45541998744010925, 0.5354963541030884, -0.908497154712677, 1.645094394683838, 0.8170483112335205, -0.7562699913978577, 0.15492865443229675, 0.022726085036993027, -0.9853805303573608, -0.377278596162796, 0.5078920722007751, 0.057171352207660675, -0.05954751372337341, -0.015597350895404816, -0.6864715814590454, 0.038263771682977676, 1.4237467050552368, 0.5342894196510315, 0.010611876845359802, 0.26658549904823303, 0.19169315695762634, 1.0649869441986084, 0.7368045449256897, -0.07045624405145645, 0.4179011881351471, 1.1869593858718872, -0.19753916561603546, 0.5596193671226501, -0.21293789148330688, 0.7561807632446289, 0.06653302907943726, 0.05092728137969971, -0.16489332914352417, 0.6786158084869385, -0.631202220916748, -1.5574175119400024, -0.07858406007289886, 0.14528049528598785, 0.5343453288078308, -0.598930835723877, -0.12044558674097061, 0.035160671919584274, -0.6478591561317444, 0.9715465307235718, -0.17599910497665405, 0.2077503800392151, -0.1448255330324173, -0.3109636902809143, 0.4610379934310913, -0.02743099071085453, -0.5193873047828674, 0.005300335586071014, -2.400909423828125, 0.009691856801509857, -0.27346742153167725, -0.49753421545028687, 0.4470129609107971, -0.5032889246940613, 0.193421870470047, -1.2113776206970215, -0.5151127576828003, 0.07243561744689941, 0.7288705110549927, -0.05229274928569794, -0.5306273102760315, 0.008763760328292847, 0.11227539926767349, 1.657829761505127, -1.4009188413619995, 0.8255768418312073, -0.04883571341633797, 0.31424254179000854, -0.5307521224021912, -0.03851667046546936, -0.60368812084198, 0.6689822673797607, 1.2081964015960693, -1.3136624097824097, -0.5386508107185364, -0.6796411275863647, 0.3426775634288788, -0.45413053035736084, 0.43449684977531433, 1.0624207258224487, -1.4877876043319702, -0.099544957280159, -0.4780985116958618, 0.37637436389923096, 0.6772249937057495, -0.4952009618282318, -0.9992446899414062, 0.418599933385849, -0.1823320984840393, 1.3238728046417236, -0.1871536821126938, 0.5281780362129211, -1.7645354270935059, -1.370570421218872, -0.8269462585449219, -1.2645759582519531, 1.1430799961090088, 0.008624743670225143, 1.118859052658081, 0.5411462187767029, 0.0838937759399414, -0.31074994802474976, -0.02097540721297264, 0.9632573127746582, 0.5689990520477295, 0.5407740473747253, -0.9642711281776428, 0.4197707176208496, -0.5698965787887573, -0.14406226575374603, 0.2925460934638977, 0.13403178751468658, -1.9151593446731567, 0.05798342078924179, 0.423926442861557, 0.15915018320083618, 0.13517870008945465, -0.7572981119155884, 0.9418632388114929, 0.03076152130961418, -0.48853763937950134, -1.129271149635315, 0.13971459865570068, 0.31893157958984375, -0.19560447335243225, 1.2902849912643433, 0.8061238527297974, 0.09503918886184692, 0.7889635562896729, 0.263353556394577, 1.6827633380889893, 0.23750127851963043, -0.6233701705932617, -0.22937870025634766, 0.10287004709243774, 0.5958964824676514, 0.5435765385627747, 0.5536585450172424, -1.280056118965149, -0.31968140602111816, -1.2007282972335815, -0.014425665140151978, 0.1487007439136505, 0.07764456421136856, 0.20278260111808777, 1.2737386226654053, 0.34652990102767944, -0.6510859131813049, -0.34901392459869385, -1.0085514783859253, -0.24897029995918274, 0.7135680913925171, 0.3095761239528656, 0.8339845538139343, 0.637146532535553, 0.0891156941652298, 1.0406690835952759, -0.48756593465805054, 0.311532199382782, 0.5435881614685059, 0.7118597626686096, 0.4392607510089874, 0.533906877040863, 0.41892385482788086, 0.0323745496571064, -0.27723848819732666, -0.9487714767456055, -0.3968755900859833, -0.8525165915489197, 0.8088240027427673, 0.7092124819755554, -0.19415627419948578, -0.020055733621120453, -0.22664965689182281, 0.2902783155441284, 0.24037790298461914, 0.6698665618896484, 0.2978753447532654, -0.5103600025177002, -1.4557266235351562, -0.9156783223152161, -0.27099141478538513, 0.8244279026985168, -0.3829100728034973, -0.6603853106498718, -0.5230273008346558, -0.23312145471572876, -0.17973414063453674, -0.4303792715072632, -0.8420542478561401, 0.2138725072145462, -0.4471539258956909, -0.2970561981201172, 0.45036134123802185, -0.9509128332138062, -0.7485224008560181, 0.05970989912748337, -0.868169903755188, 0.8993149399757385, 0.6459442377090454, -1.0201318264007568, -0.14855076372623444, 0.813338577747345, 0.8488219976425171, -0.3368687331676483, 0.1968456208705902, -0.07185851782560349, -1.4018797874450684, 1.9492818117141724, 0.9540143609046936, -0.7212028503417969, -0.4109732210636139, 0.3612310588359833, 0.8333286046981812, -0.13109159469604492, 1.3519885540008545]} +{"paper_id": "mdd", "embedding": [-0.5370144844055176, 0.6543548107147217, 0.09794303774833679, 0.05219166725873947, 0.565152108669281, 0.6077643632888794, 0.9726743698120117, 0.4231981337070465, 0.9024969339370728, -0.26688164472579956, 0.8900839686393738, -0.019443849101662636, 0.23662269115447998, -0.40073496103286743, -0.1932496279478073, 0.5519670248031616, -1.0625280141830444, -0.523070216178894, -1.0171982049942017, -0.25003018975257874, -0.8202372789382935, -0.3747524619102478, 0.17110544443130493, 0.9429488182067871, -0.9889569878578186, -0.8805438876152039, 1.4330155849456787, -1.160446286201477, 0.3702806234359741, 0.3028273284435272, -0.25221675634384155, 1.9576650857925415, -0.22908519208431244, -0.18083234131336212, -0.295366108417511, -0.24920649826526642, 0.2822888493537903, 0.7560428977012634, -0.002681240439414978, 0.592960774898529, -0.8183982372283936, 0.34808504581451416, -0.31366774439811707, 0.7128767967224121, 0.804548442363739, -0.0968228131532669, 0.05206850916147232, 0.13367687165737152, -0.3434331715106964, -0.2688462734222412, -0.8504634499549866, -0.07692467421293259, -0.5323103070259094, 0.2957334518432617, -0.750904381275177, 1.3766851425170898, 0.325019508600235, 0.08566143363714218, 0.22279293835163116, -0.9599921703338623, 1.4120988845825195, 1.32175874710083, 0.404636412858963, 0.4162909686565399, 1.1709994077682495, 0.3500979542732239, 2.0550155639648438, 0.17128844559192657, 0.6862473487854004, 0.38035738468170166, -0.4261443018913269, -1.110652208328247, 0.7373489737510681, 0.22607362270355225, -0.17912480235099792, 0.9740149974822998, 0.8192610144615173, 0.5200478434562683, -0.4599149227142334, -0.042318880558013916, -0.16240696609020233, 0.5562022924423218, -0.05134175717830658, -0.7519610524177551, 0.200561061501503, 0.8201257586479187, 0.5316979885101318, -0.2537194788455963, 0.4307326674461365, -1.8374131917953491, 0.29137301445007324, -0.2910119891166687, 0.17064014077186584, -0.2620672583580017, -0.3942062556743622, -0.10717340558767319, 0.05065657198429108, 0.10578761249780655, -0.950197696685791, 0.06864246726036072, 0.5951603651046753, -0.387247234582901, 0.18870148062705994, -0.44986239075660706, -0.19635912775993347, 0.42374682426452637, 0.47473859786987305, -0.1245632991194725, -0.35111790895462036, -0.4483013153076172, -0.41462641954421997, 0.7729606032371521, 0.17302905023097992, 1.0379397869110107, 0.02345333620905876, 0.6231399774551392, 0.5494536757469177, -0.9604942798614502, -0.30474674701690674, 0.39728647470474243, -0.24832184612751007, -1.0265856981277466, -0.2189214527606964, 0.21545206010341644, 0.9625516533851624, -0.831049382686615, -0.33204516768455505, -0.46769779920578003, -0.7216426134109497, -0.42810267210006714, 0.9793374538421631, -0.03555421531200409, -0.7726240158081055, -0.4241178333759308, 2.9258735179901123, -1.3964396715164185, 1.9143840074539185, -1.1806951761245728, -0.9474347233772278, -0.6814349889755249, 0.5693431496620178, 1.0701266527175903, -0.4351048469543457, -0.22834041714668274, -0.6831259727478027, -0.6344090700149536, -0.8815340399742126, -0.07676488161087036, -0.5039244890213013, -0.8541651964187622, -0.14727847278118134, -0.02427520602941513, -1.6640524864196777, -0.3610488176345825, -0.36081424355506897, 0.46282532811164856, 0.31073638796806335, 0.8217189908027649, 0.08020222187042236, 0.9025540947914124, 0.4016950726509094, -0.1072997897863388, 0.12294238805770874, 0.4661458134651184, -0.7836589217185974, -0.0436539463698864, 0.41532188653945923, 0.07992149144411087, -0.6760914921760559, -0.9410238265991211, 0.8237971067428589, -0.2013237178325653, -0.5799245834350586, 0.4621713161468506, -0.4605635702610016, 0.2869683504104614, 0.7506397366523743, 0.9097475409507751, -0.24004431068897247, -0.49779602885246277, -0.9790417551994324, -0.4450055658817291, -0.6731697916984558, 0.4688915014266968, -0.2421642690896988, 0.1439976841211319, -1.115744709968567, -0.28328824043273926, -0.2125721126794815, 0.9359568953514099, 0.2955571711063385, 0.2492673546075821, 0.5298312306404114, -0.5995020270347595, 0.8814883232116699, -0.22371776401996613, 0.8573697805404663, -1.3110935688018799, 0.4315148591995239, 0.364215612411499, -0.11561842262744904, -0.0930306613445282, 0.2899428606033325, 1.8323981761932373, 0.6707054376602173, 0.07274612039327621, -0.2489161491394043, -1.2788519859313965, 0.3135074973106384, 2.508272647857666, 0.26610833406448364, -0.8632954359054565, -0.3616695702075958, 0.1526927500963211, -0.18961665034294128, -0.2026800811290741, 0.5531290769577026, -0.24630936980247498, 0.3417457640171051, -1.4840987920761108, 0.15779101848602295, -0.498281866312027, 0.1905301809310913, 1.1611253023147583, 1.586961030960083, -0.5359662771224976, 0.14941838383674622, 0.1536616086959839, -1.2885684967041016, 0.46551641821861267, 0.48968467116355896, 0.4360303580760956, 0.13148275017738342, 0.6273391842842102, 0.01998370885848999, -0.20429642498493195, 0.051692597568035126, 0.6945680975914001, -0.6275636553764343, 0.07445680350065231, 0.12415914237499237, 0.8394854664802551, 0.1010279506444931, 0.26161760091781616, -0.0225859135389328, 0.9016464948654175, 0.1454467475414276, -1.313846230506897, 0.3881893754005432, 0.057402439415454865, 0.9057294130325317, 0.7284221649169922, -0.06861938536167145, 0.46693944931030273, -0.4365837574005127, -0.3640780448913574, -0.7456960082054138, -0.3558462858200073, -0.24602234363555908, -1.14496910572052, 1.1958364248275757, -0.38825637102127075, 0.27138230204582214, -0.5608259439468384, 0.4015926420688629, -1.0464847087860107, 0.47180646657943726, 0.2646850645542145, -0.7053203582763672, -1.4129122495651245, 0.28270769119262695, -0.21167819201946259, -0.39326241612434387, -0.8111419081687927, -0.07059381902217865, 0.4959717094898224, -0.09230324625968933, 1.4478185176849365, 1.3629295825958252, -0.1946692019701004, -0.1280699372291565, -0.8557894229888916, 1.103284239768982, -0.6021285057067871, 0.9095117449760437, -0.19216202199459076, 0.2039487510919571, -0.43203234672546387, 0.6779026985168457, 0.0412735790014267, -0.10806339234113693, 0.6209460496902466, -0.26324954628944397, 0.1337530016899109, -0.04726077616214752, -0.6531718969345093, 0.7796542644500732, -0.5130921006202698, 0.29830461740493774, -0.25365114212036133, 2.5302834510803223, 0.0989016443490982, -0.5443771481513977, 0.7473002672195435, -0.03164948523044586, 0.5664067268371582, 0.7169053554534912, -0.38954874873161316, 0.6540826559066772, 0.8466653823852539, -0.42552676796913147, 0.6144300699234009, 0.05910419672727585, -2.5881009101867676, 0.19321273267269135, 0.799901008605957, -0.7366406917572021, -0.03637811914086342, -0.964745819568634, 0.46525949239730835, 0.11804331839084625, 0.3059900999069214, -0.6254463791847229, -0.27622368931770325, 0.40505164861679077, -0.5258532762527466, 0.47680187225341797, 2.140005350112915, -0.4804989695549011, -0.2961329221725464, 1.004494547843933, -0.42147573828697205, -1.1776633262634277, -1.4259216785430908, 0.1346941590309143, -0.3589494824409485, -0.7648056745529175, -0.3422698676586151, 0.5068876147270203, 1.2692095041275024, -0.09625635296106339, -0.34507444500923157, 0.799426794052124, 0.5276528596878052, 0.6899276971817017, -0.21417848765850067, -0.4348480701446533, 0.6867233514785767, -0.8159815669059753, 0.8278293609619141, -0.31763097643852234, -0.35029149055480957, -1.8057143688201904, 0.36608320474624634, -0.448241651058197, -0.8278781771659851, 1.7974584102630615, -0.3284725844860077, 0.9935551285743713, -0.00359356589615345, 0.46820390224456787, -0.8961366415023804, 0.11284486949443817, 0.6463466286659241, 0.6907649040222168, -0.5033172965049744, -0.2781251072883606, 0.0586024671792984, 0.45622244477272034, -0.5499503016471863, -0.6914819478988647, -0.14832951128482819, 1.6852831840515137, -0.003984551876783371, -0.5859827995300293, -0.3304097056388855, 1.6409718990325928, 0.4518762528896332, 0.8205490112304688, -0.34125807881355286, -0.32212433218955994, 0.2213715761899948, 1.163916826248169, 0.694154679775238, 0.5862368941307068, -0.595415472984314, 0.9298654794692993, -0.016699228435754776, 0.2734076976776123, -0.3303681015968323, 0.7008993625640869, -0.26576003432273865, -1.161618709564209, -1.1914417743682861, -0.09451641142368317, -0.8223924040794373, -0.8811729550361633, -0.1838141679763794, -0.048913028091192245, -0.7102264761924744, 1.285528302192688, -0.6308370232582092, -0.2793944478034973, 0.9097808599472046, -0.6954461932182312, -1.3038396835327148, 0.4827132225036621, 0.7954984903335571, -1.127004623413086, 0.20991447567939758, -0.6407420635223389, -1.251523733139038, -0.9240521788597107, 0.1655970811843872, -0.7440335154533386, 0.11057545989751816, -0.19822345674037933, 0.6349152326583862, -0.6264145374298096, -0.38581758737564087, -0.7929031848907471, 0.11819522082805634, 0.3622022867202759, -0.4806148409843445, 1.5862165689468384, 0.7493565082550049, -0.07418228685855865, -0.7307627201080322, -0.550308346748352, -0.8840999603271484, 0.2811267077922821, -0.33282074332237244, 0.23904937505722046, -0.4010644853115082, -0.12197060883045197, 0.5218406915664673, -0.9194546937942505, 0.37676092982292175, -1.2606807947158813, -0.116930291056633, -0.43494778871536255, 0.17796260118484497, -0.036935776472091675, -1.0704152584075928, -0.9280129075050354, -0.11832721531391144, -0.987028181552887, 0.6009476184844971, -1.1155611276626587, -0.0938614159822464, 1.9934130907058716, 0.6173885464668274, 0.6793473362922668, 0.3390199542045593, -10.515585899353027, 0.8857202529907227, 0.003280351869761944, -0.5966296195983887, 0.31818562746047974, -1.004790186882019, 1.409627914428711, -0.04206281527876854, 1.0799087285995483, -1.1980425119400024, 0.5965575575828552, 0.9769061207771301, -0.21562331914901733, -0.9224610328674316, -0.2815279960632324, -1.2603799104690552, -0.8995595574378967, -1.0938146114349365, -0.20424383878707886, -0.38415104150772095, -0.12554940581321716, -0.4564524292945862, -0.5138245820999146, 0.17008422315120697, -0.47712600231170654, 0.06524034589529037, -0.3816085755825043, -0.5108361840248108, -0.1202821359038353, 0.6256519556045532, 0.5098534226417542, -0.1501048058271408, 0.05195508897304535, -1.223321557044983, 0.05607420206069946, -0.17453327775001526, -0.576565682888031, 0.1719684898853302, 0.39032700657844543, 0.16482840478420258, -0.35907745361328125, 0.6776809692382812, 0.516528844833374, 0.043164581060409546, -0.39491698145866394, 0.38435250520706177, 0.6106202602386475, 0.1585242748260498, -0.4082936644554138, 0.38065406680107117, -0.9412954449653625, -0.14951454102993011, -1.1693882942199707, 0.008156009018421173, 0.4966176152229309, 0.12110218405723572, -0.20863696932792664, 0.9276698231697083, -0.7487224340438843, -0.945109486579895, 0.9535872936248779, -0.1875491738319397, -0.550172746181488, -0.0019928067922592163, 1.1316081285476685, -0.9730226397514343, -0.2030070424079895, 0.36441677808761597, -0.3458828628063202, 0.5064734220504761, -0.43801742792129517, 0.35475343465805054, -0.44382545351982117, 0.6103264689445496, -1.090580701828003, -0.006395347416400909, -0.30539172887802124, 0.59532630443573, 0.719620406627655, 0.13257794082164764, -1.2447004318237305, 0.8505836725234985, 0.5008339881896973, -1.2946065664291382, -0.8934789299964905, 0.679943323135376, -0.2591649889945984, -0.213237002491951, 1.1187903881072998, 0.031243138015270233, 1.3926997184753418, 0.8692840337753296, -0.4380570650100708, 0.8853178024291992, -0.08605934679508209, 0.964009702205658, 0.5684979557991028, 0.6572591066360474, 0.3548300266265869, -0.4551496207714081, 0.3673884868621826, -0.0596659779548645, -0.0801037922501564, 0.5898600816726685, 0.38566112518310547, 0.1616460084915161, -0.5075277090072632, 0.6123948097229004, 0.6650570034980774, 0.19548359513282776, 0.7921140789985657, -0.012787342071533203, -0.4009110927581787, 0.26641610264778137, 0.2469358742237091, 0.9697820544242859, 1.1592897176742554, 0.039847567677497864, 0.7346750497817993, 0.41949647665023804, -0.33937159180641174, 1.1828492879867554, 0.15498456358909607, 0.7955055236816406, -0.04228667542338371, -0.29811498522758484, 0.46222344040870667, 0.983390212059021, 0.390629380941391, -1.2048808336257935, 0.44939443469047546, -0.22719310224056244, 0.367626816034317, -0.5028712749481201, -0.32738813757896423, 0.42726966738700867, -0.6368836760520935, 1.1195006370544434, -0.23094753921031952, 0.23204442858695984, -0.4059085249900818, -0.974834144115448, 0.6714974045753479, -1.1848578453063965, -1.0649943351745605, -0.10183625668287277, -0.9754607081413269, 0.08357886970043182, -0.481791615486145, 0.7903807163238525, 0.7070934176445007, 0.26207435131073, 1.204380750656128, -0.4204728901386261, -0.3785976767539978, 0.008925314992666245, 0.8127457499504089, -0.3288113474845886, -0.9051668047904968, -0.14516456425189972, 0.05176166445016861, 1.3778562545776367, -0.570374071598053, 1.0244877338409424, 0.3184022307395935, -0.5385526418685913, 0.1996035873889923, 0.8515040874481201, -1.3855212926864624, 0.15597808361053467, 1.3529912233352661, -1.218338131904602, -0.6975362300872803, -1.2963627576828003, -0.5089015960693359, -0.6707192659378052, 0.7945784330368042, 1.5244377851486206, -0.9485457539558411, -0.4739724397659302, 0.06973502039909363, 0.25397416949272156, -0.10179945826530457, -0.21035762131214142, -0.13440953195095062, 0.24381467700004578, 0.23412832617759705, 1.2692816257476807, -0.12085851281881332, 0.24794796109199524, -2.095263719558716, -0.9994503855705261, -0.19779881834983826, -0.799164354801178, -0.7421467304229736, -0.12849581241607666, 1.017019510269165, 0.4754655659198761, -0.15920574963092804, 0.42410948872566223, 0.6093464493751526, 0.8229590654373169, -0.6450282335281372, -0.0958775207400322, 0.46629956364631653, -0.2688046991825104, -0.5728570222854614, 0.4799501895904541, 0.24475277960300446, 0.28523123264312744, -0.9524277448654175, -0.3855924606323242, 0.2581790089607239, 0.06574989855289459, 0.9636522531509399, -0.20426185429096222, -0.148479163646698, -0.42699041962623596, -0.4452613592147827, -1.8474578857421875, 0.23167604207992554, 0.6504818201065063, -0.009034477174282074, 1.0633872747421265, 0.603081464767456, 0.9230241179466248, 0.7418397665023804, 0.03886774927377701, -0.11941076815128326, -0.7147216796875, -0.45563778281211853, 0.0807226300239563, 0.160843625664711, -0.014743275940418243, -0.4045345187187195, -1.0991215705871582, -1.3541828393936157, 1.0028172731399536, -0.5366743206977844, 0.37153857946395874, -0.48236024379730225, 0.7798209190368652, 0.5931245684623718, 1.3827826976776123, -0.6622448563575745, -1.1305575370788574, -0.4751404821872711, -1.4798932075500488, -0.1989244669675827, 0.3063073754310608, 0.04698584973812103, 0.8811946511268616, 0.7002954483032227, -0.12214721739292145, 0.8777834177017212, -1.1149464845657349, -0.3661646842956543, 0.3649005889892578, 0.42455482482910156, 0.26571983098983765, 0.4426880180835724, 0.36898311972618103, 1.0017688274383545, 0.271258145570755, -0.4586837887763977, -0.06974799931049347, 0.18399649858474731, 0.35030436515808105, 0.8810278177261353, -0.5903691053390503, -1.0488226413726807, -0.7849632501602173, 0.4084513187408447, -0.9327061772346497, 1.0605075359344482, 0.5554797053337097, -0.500732421875, -1.1612513065338135, -1.451853632926941, -0.6500144600868225, 0.577178418636322, 0.2225220799446106, -0.4773367643356323, -0.6054948568344116, 0.45877358317375183, 0.39859187602996826, -0.1345112919807434, -1.154315710067749, 0.31225767731666565, -0.9784135222434998, 0.3392905592918396, -0.6124904155731201, -1.3112255334854126, -0.0444299690425396, -0.06648114323616028, -1.0086491107940674, 1.339674949645996, 0.027447231113910675, -1.2989457845687866, -1.5007699728012085, 0.3134686052799225, -0.5382099151611328, 0.1452188342809677, 0.10958564281463623, 0.21565274894237518, -2.0338356494903564, 0.8743299841880798, 1.5750688314437866, 0.4061586856842041, -0.3254894018173218, 0.7070627808570862, -0.019592665135860443, -0.8806433081626892, 1.4299753904342651]} +{"paper_id": "coqa", "embedding": [-0.3297451436519623, 0.6530641317367554, -0.20396535098552704, -0.11136096715927124, 0.8107465505599976, 0.589876115322113, 0.5394424200057983, 0.5718430280685425, 0.975210428237915, 0.18198418617248535, 0.3455902338027954, -0.235013946890831, 0.7676184773445129, 0.14120055735111237, -0.259879469871521, -0.5271605849266052, -1.2822953462600708, -0.4650570750236511, -1.5210267305374146, -0.2862510681152344, -0.6156365871429443, -0.4591584801673889, -0.29735320806503296, 1.6803064346313477, -0.7475855946540833, -0.9888160228729248, 0.8434303402900696, -0.8775759339332581, 0.17413762211799622, -0.01301679015159607, 0.3910906910896301, 1.3325473070144653, -1.347459316253662, 0.7743082642555237, -0.313380628824234, -1.0528759956359863, 0.009945863857865334, 0.7665146589279175, -0.2331053614616394, -0.22877860069274902, -0.4058786928653717, 0.5939514636993408, 0.12468007206916809, 0.42444542050361633, 0.6172835230827332, -0.29903677105903625, 0.1766728311777115, -0.17850612103939056, -0.775825023651123, -0.029490243643522263, -0.6203590035438538, 0.2456493079662323, 0.01547506544739008, 0.8904165029525757, 0.22544190287590027, 0.7541568875312805, 0.1533479392528534, -0.6625681519508362, 0.38980546593666077, -0.7887040376663208, 1.4769024848937988, 1.33657705783844, -0.25903406739234924, 0.21775157749652863, 1.4855676889419556, -0.4804447293281555, 1.2560300827026367, -0.047002289444208145, -0.3877299726009369, 0.9432010650634766, -0.6365309357643127, -0.3602087199687958, 0.3157232999801636, -0.2073764055967331, 0.18770989775657654, 0.7849559783935547, 0.4300265908241272, 0.358897864818573, -0.4114474058151245, 0.0993042141199112, 0.1975257247686386, 0.0878981202840805, 0.7644016742706299, -0.05687153711915016, 0.5428689122200012, 0.4755573570728302, 0.5547274351119995, -0.7896444201469421, 0.11319560557603836, -2.115334987640381, 0.8524557948112488, 0.5145310163497925, -0.15231452882289886, 0.36271119117736816, -0.4685317277908325, 0.882517397403717, -0.676917314529419, -0.06195312738418579, 0.08740189671516418, -0.11319603770971298, 0.5190513730049133, -0.15295441448688507, 0.5056530237197876, -0.44269171357154846, 0.12317472696304321, 0.06924834102392197, 0.8138424754142761, 0.14817285537719727, -0.3723638951778412, -0.8786037564277649, 0.12096478044986725, 0.9078435301780701, -0.08344697207212448, 0.6416316032409668, 0.21116980910301208, 0.7799684405326843, 0.8560354113578796, -1.0363991260528564, -0.33395498991012573, 0.31494149565696716, 0.048057571053504944, -0.6692004203796387, -0.29910600185394287, -0.6307669281959534, 0.9011834859848022, -0.21802741289138794, -0.3515442907810211, -1.0061912536621094, -0.014134576544165611, 0.13475894927978516, 0.21275964379310608, 0.06106652319431305, -0.5796967148780823, -0.270857036113739, 2.8875644207000732, -1.0025641918182373, 1.7685420513153076, -0.9358512163162231, -0.37588807940483093, -0.6888391971588135, -0.22752687335014343, 1.764248251914978, -0.10805685073137283, -0.8541943430900574, -0.7377015352249146, -0.15407605469226837, -0.5270979404449463, 0.15743388235569, -0.9717839360237122, -1.0062588453292847, -0.1387879103422165, -0.33003106713294983, -1.8387620449066162, -0.3114897310733795, -0.10483331978321075, 0.02671182155609131, -0.09867134690284729, 0.6122503280639648, -0.2335210144519806, 0.4140956997871399, -0.1310347616672516, -0.06530148535966873, 0.0831582099199295, 0.34748393297195435, -0.8234100937843323, -0.35147741436958313, 0.1886022388935089, -0.25414565205574036, -0.5679889917373657, 0.3604567050933838, -0.17883074283599854, -0.39199379086494446, 0.020261287689208984, -0.25676897168159485, -0.3552280068397522, 0.21032211184501648, 0.5234982967376709, 1.2827873229980469, 0.2180873602628708, -0.8077656030654907, -0.6159653067588806, -0.596148669719696, 0.14908310770988464, 0.8282967209815979, 0.006756545044481754, 0.38040071725845337, -2.773869276046753, 0.19170472025871277, -0.7760415077209473, 1.117466688156128, -0.08119078725576401, -0.08853918313980103, 0.22532519698143005, -0.44128912687301636, 0.10032951831817627, -0.3850501775741577, 0.6993350386619568, -1.2192753553390503, 0.6505764722824097, -0.1073935329914093, 0.22596266865730286, -0.24328522384166718, 0.3468070924282074, 1.0835951566696167, 0.4619664251804352, -0.3113461434841156, -1.343329668045044, -1.7748253345489502, 0.2689160108566284, 2.35748553276062, 0.46152031421661377, -0.4271675646305084, -0.3966383635997772, -0.3405175507068634, 0.02333342283964157, 0.030005978420376778, 0.17225447297096252, -0.6014023423194885, 0.19513459503650665, -0.6948381066322327, 0.6307283639907837, -0.7271093726158142, -0.012695670127868652, 1.0975685119628906, 1.2449181079864502, -0.5198138952255249, -0.06949740648269653, -0.9080348014831543, -0.13269393146038055, 0.27244651317596436, 0.34552836418151855, 0.1451912522315979, 0.23759055137634277, 0.3107944130897522, 0.5344152450561523, 1.1037392616271973, 1.2038209438323975, 0.7386700510978699, -0.8193659782409668, -0.08685511350631714, -0.3337211310863495, 1.5632967948913574, 0.006519928574562073, 0.5250756144523621, 0.3939743638038635, 0.4328051805496216, -0.17898237705230713, -0.2418576180934906, -0.16439779102802277, -0.25660666823387146, 1.2032917737960815, 0.7672086954116821, -0.3225063979625702, 0.6096036434173584, -0.3715370297431946, -0.23817506432533264, -0.17761290073394775, -0.632630467414856, -0.55973219871521, -0.6439031362533569, 0.8975206017494202, -0.31401878595352173, -0.2998591661453247, -0.3291986584663391, 0.19402411580085754, -1.0077705383300781, -0.4036772549152374, 0.4284895956516266, -0.41193920373916626, -1.3221254348754883, -0.318604975938797, -0.16802404820919037, -0.9163534045219421, -0.43728941679000854, -0.30948635935783386, -0.07163047045469284, 0.09194964170455933, 0.46209290623664856, 1.876201868057251, 0.2970758378505707, 0.058563731610774994, -0.018837779760360718, 1.2389825582504272, -0.6291593909263611, 0.5549817085266113, -0.4901072382926941, 0.11739251017570496, -1.1453741788864136, 0.18950042128562927, -0.8751055598258972, 0.26641517877578735, 0.8758800625801086, -0.36687034368515015, 0.9076132774353027, -0.439452201128006, -0.6726737022399902, 0.4837110638618469, -0.34195995330810547, -0.27631357312202454, -0.45304179191589355, 2.0619232654571533, -0.4192163348197937, -0.6946602463722229, 1.140175461769104, -0.39124637842178345, -0.21870504319667816, 0.8435026407241821, 0.5959486961364746, -0.20656785368919373, 0.6603245139122009, -0.49010971188545227, 0.010789915919303894, 0.6426795721054077, -1.6698423624038696, 0.9561083316802979, 0.9422363638877869, -0.17504118382930756, -0.12653084099292755, -1.1070902347564697, 0.6068968176841736, -0.4545583426952362, 0.2826210856437683, 0.670466423034668, -0.10971296578645706, 0.35120949149131775, -0.3144991993904114, 0.2272888571023941, 0.6134690046310425, -0.13332048058509827, 0.21896927058696747, 0.4493277966976166, 0.2922619581222534, -1.2275909185409546, -0.5012354254722595, 0.6124275922775269, -0.4848141670227051, 0.2156893014907837, 0.6413015127182007, 0.488678902387619, 0.7804582118988037, 0.09167072921991348, -0.4176275134086609, 0.6625131964683533, 0.2901396155357361, -0.04295651987195015, -0.25865882635116577, -0.19352750480175018, 0.4466288089752197, -0.661716878414154, 1.0479063987731934, 0.001843385398387909, -0.8382578492164612, -0.7082558274269104, -0.1314173936843872, -0.26997125148773193, -0.34386321902275085, 1.410091757774353, 0.5080179572105408, 1.2724217176437378, 0.3331816494464874, -0.01604471728205681, -0.40755122900009155, -0.22985412180423737, 0.9536616802215576, -0.18250024318695068, 0.29770469665527344, -0.9428145885467529, -0.029234811663627625, 0.8818268179893494, 0.6716716885566711, -0.25724756717681885, 0.1248372495174408, 0.7775453925132751, 0.10685788094997406, -0.817703366279602, 0.4701675474643707, 1.0943349599838257, 0.3550836741924286, 1.3014931678771973, -0.5221325159072876, -0.10659360885620117, -0.10095036774873734, 0.3914825916290283, -0.04797591269016266, 0.3380424976348877, 0.18327495455741882, 0.9843668937683105, 0.2595169246196747, 1.0047154426574707, -0.06460169702768326, 1.2736732959747314, 1.162088394165039, -0.8662834167480469, -1.3755815029144287, -0.5238101482391357, -0.9298873543739319, -0.062405358999967575, 0.6545152068138123, -0.23595945537090302, -0.20401671528816223, 0.4813440144062042, 0.08601511269807816, -0.9017601013183594, 0.28382617235183716, -0.3598196804523468, -0.6771166324615479, 0.9388121962547302, 1.2510004043579102, -1.170675277709961, -0.3436605632305145, -0.1591743528842926, -1.050614595413208, 0.059209004044532776, -0.36761990189552307, -0.9417763352394104, 0.5361922383308411, 0.11827528476715088, 0.7309718132019043, 0.0806240662932396, 0.1022738516330719, -0.8995006084442139, 1.5504926443099976, 0.693686306476593, -0.7586628198623657, 0.487353652715683, 0.31741154193878174, 0.8978286385536194, 0.006697997450828552, -1.0036953687667847, -0.5574502944946289, 0.9200156927108765, -0.4291529357433319, 0.23602168262004852, -0.8597707748413086, 0.12976029515266418, 1.153860330581665, 0.36000189185142517, 0.4286571145057678, -0.7128947377204895, 0.2630734443664551, -0.7604840993881226, -0.061213456094264984, 0.8630702495574951, -1.3692606687545776, -0.8989284038543701, 0.07710491120815277, -0.6842435598373413, 0.5670130252838135, -0.3631950616836548, -0.4347634017467499, 1.5803451538085938, 0.03200414031744003, 0.06656491756439209, 0.11841341108083725, -11.713120460510254, 1.1616758108139038, -0.24262404441833496, 0.009833313524723053, 0.3325395882129669, -0.5554393529891968, 0.5834737420082092, 0.1723993569612503, 0.46480250358581543, -0.8002361059188843, 0.3289690315723419, 1.0690159797668457, 0.00447067990899086, 0.05178268998861313, -0.4561600983142853, -0.8645552396774292, -0.8040478825569153, -0.8084022998809814, 0.16589143872261047, 0.01957615092396736, -0.17545665800571442, -0.32238709926605225, -0.24232631921768188, -0.05284067615866661, 0.41682884097099304, 0.19642245769500732, -0.7763494849205017, -0.6293483972549438, -0.21050071716308594, -0.29585015773773193, 0.797980785369873, -0.581257164478302, -0.10333964973688126, -0.47171103954315186, -0.15544673800468445, -0.308851420879364, -0.9984418749809265, -0.047738127410411835, 0.542345404624939, -0.3805544674396515, 0.12336881458759308, -0.17266662418842316, 0.6085760593414307, -0.4937804043292999, -0.31119123101234436, 0.3132634162902832, -0.05577671527862549, -0.32860955595970154, 0.0865497887134552, -0.20804080367088318, -1.133996844291687, -0.27113810181617737, -0.9091247916221619, -0.6380252838134766, 0.26794469356536865, 0.09093631058931351, -0.5966335535049438, -0.31274569034576416, 0.15432317554950714, -0.8168462514877319, 0.8855806589126587, -0.10797584056854248, -0.18554311990737915, 0.5059230923652649, 0.12284991145133972, -0.504901647567749, 0.002496674656867981, -0.0025308001786470413, -0.4002247154712677, 0.7220125198364258, -0.6556147933006287, 0.9354466199874878, -0.2625448405742645, 0.6311054825782776, -0.8666799068450928, 0.024263840168714523, -1.0979588031768799, -0.1726313978433609, 0.9013084769248962, 0.1340388059616089, -1.2133249044418335, 0.9855564832687378, 0.8057743310928345, -0.6316922903060913, -0.7725650072097778, 0.4557885229587555, 0.20900553464889526, 0.42056065797805786, 0.8342899084091187, -0.6459511518478394, 1.5239007472991943, 0.3615697920322418, -0.5896672606468201, 0.211553692817688, -0.5515219569206238, 1.0210461616516113, -0.32136011123657227, 0.36966851353645325, -0.07319192588329315, -0.32450535893440247, -0.4196910560131073, 0.04182501882314682, -0.8678786754608154, 0.3929658830165863, 0.24960944056510925, 0.14514374732971191, 0.03737533092498779, 0.0052255988121032715, 0.09211315214633942, -0.9361580014228821, 0.8102713227272034, 0.7695703506469727, -0.4095979928970337, 1.578413963317871, -0.6306353807449341, 0.5342825651168823, 0.566600501537323, 0.16527092456817627, 0.09719254821538925, 0.447386234998703, -0.7598140835762024, 1.010514259338379, 0.05371779948472977, 1.725456714630127, 0.11949317157268524, 0.12466111779212952, 0.28228867053985596, 0.034357499331235886, -0.4091273248195648, -1.6574313640594482, 0.18810957670211792, -0.39698901772499084, 0.41212740540504456, -0.6085666418075562, -0.02033981680870056, 0.7517606616020203, -0.8733265995979309, 1.6609734296798706, -0.966215968132019, -0.18577265739440918, -0.6233912110328674, -0.22269411385059357, -0.7334199547767639, -1.431470513343811, -0.8381614685058594, 0.22679048776626587, -1.7162002325057983, 0.729007363319397, -0.3351839780807495, -0.027737706899642944, -0.45812681317329407, -0.4371897280216217, 0.5906374454498291, -0.7148351669311523, -0.19945546984672546, -0.44275814294815063, 0.6100577116012573, -0.5853497385978699, -1.2007808685302734, -0.12070707976818085, 0.20243701338768005, 1.422690510749817, -0.7489211559295654, 1.1113808155059814, 0.19627225399017334, -0.5403009057044983, -0.23444131016731262, 0.25729578733444214, -0.7237386107444763, 0.4715495705604553, 1.183040976524353, -1.0468335151672363, -0.562766969203949, -0.7217355370521545, -0.12211726605892181, -0.3432044982910156, 0.17509639263153076, 1.0878722667694092, -1.4456546306610107, -0.6120870113372803, -0.6217271685600281, 0.7284724116325378, -0.04948814585804939, -0.387616902589798, -0.19807523488998413, 0.33304712176322937, -0.40811967849731445, 0.7328578233718872, 0.42524588108062744, 0.8928431868553162, -1.3026787042617798, -1.2755894660949707, -0.3279474377632141, 0.46142423152923584, 0.0233908761292696, 0.19404985010623932, 0.5747072696685791, 0.3337949812412262, -0.5659157037734985, -0.24647682905197144, 0.04987861216068268, 0.22169634699821472, -0.39406514167785645, 0.5033358931541443, -0.6505105495452881, 0.5387258529663086, -0.054144665598869324, -0.20924386382102966, 0.40311819314956665, 0.6671163439750671, -0.9116536974906921, -0.5162511467933655, -0.0036032013595104218, -0.2909984588623047, 0.2209516316652298, -1.2472082376480103, -0.36111703515052795, -0.214449942111969, -0.5941709876060486, -0.7868107557296753, -0.021776199340820312, 1.2201688289642334, -0.14961925148963928, 1.1188583374023438, 0.44853827357292175, 0.8202880620956421, 0.6317439079284668, -0.014519944787025452, 0.5592646598815918, -0.16915938258171082, 0.2846933901309967, 0.1993451863527298, 0.41190508008003235, 0.9627506136894226, -0.19595757126808167, -1.144852638244629, -0.2903982996940613, 0.42074620723724365, -0.17682912945747375, 0.5429932475090027, 0.09657610952854156, 1.0411841869354248, 1.4887975454330444, 1.4844796657562256, -0.12685339152812958, -1.421707034111023, -0.3126453161239624, -1.325976848602295, 0.4090522527694702, 0.8162351846694946, 0.5015292763710022, 0.45119696855545044, 0.6983372569084167, -0.3113725781440735, 1.3225585222244263, -0.9453622102737427, -0.014419354498386383, 0.4577045738697052, -0.03533359616994858, 0.6328837871551514, 0.7449836730957031, 0.3445195257663727, 0.5294817090034485, -0.3115157186985016, -0.6518911123275757, 0.3825298547744751, -0.5302921533584595, 1.0167222023010254, 0.35217946767807007, -0.48582959175109863, -0.3349855840206146, -0.5778540372848511, 0.8811958432197571, -0.055447351187467575, 1.1266313791275024, 0.21566954255104065, -0.6365835666656494, -0.4914473593235016, -1.1538734436035156, -0.9203265309333801, 0.44106045365333557, 0.37751543521881104, -0.5281460285186768, -0.3799400329589844, 0.6270416378974915, 0.7322489023208618, -0.314146488904953, -0.7468647360801697, -0.11760283261537552, -0.9661860466003418, 0.301318883895874, 0.1977623850107193, -0.9255532622337341, -0.7424676418304443, 0.005297025665640831, -0.598566472530365, 0.3489037752151489, 0.3050805926322937, -0.9798328876495361, -0.9860349893569946, 0.142045795917511, 0.05271250009536743, 0.31459710001945496, 0.298717200756073, -0.2461513876914978, -1.803438425064087, 0.746202826499939, 1.225484848022461, -0.1587240993976593, -0.2151416391134262, 0.21722620725631714, 0.3017173111438751, 0.12471481412649155, 1.1627757549285889]} +{"paper_id": "hotpot_qa", "embedding": [-0.4047265946865082, 0.5968217253684998, -0.4591173529624939, -0.5305098295211792, 0.27967649698257446, 0.013336161151528358, 0.6627745032310486, 0.6776745915412903, 1.0698652267456055, 0.3998461961746216, 0.3914811909198761, 0.3380504846572876, 0.2604406177997589, 0.30836379528045654, -0.4316866099834442, -0.4475643038749695, -0.892935037612915, -0.44527140259742737, -1.511766791343689, -0.06921796500682831, -0.3152695298194885, -0.9013001322746277, 0.5737987160682678, 1.0858691930770874, -0.9111953377723694, -0.8929477334022522, 0.9886631369590759, -1.1352806091308594, 0.42267438769340515, -0.02715175226330757, -0.1252685785293579, 1.7575814723968506, -1.6981709003448486, 0.5960540175437927, -0.31529122591018677, -0.3421568274497986, -0.005776182748377323, 1.1867364645004272, -0.1637248992919922, -0.22441565990447998, -0.6725367307662964, 0.26692572236061096, 0.6333892345428467, 0.300240695476532, 0.9354952573776245, -0.8732501268386841, 0.816446840763092, 0.11281662434339523, -0.7181752324104309, -0.46869099140167236, -0.5949426889419556, -0.060059137642383575, -0.49673670530319214, 1.1611307859420776, 0.13537552952766418, 1.0471678972244263, 0.13680189847946167, -0.6917852759361267, 0.9124852418899536, -0.7053710222244263, 2.1535418033599854, 1.6549421548843384, -0.14476646482944489, 0.056433841586112976, 1.4078452587127686, 0.2509602904319763, 1.3368659019470215, 0.44429659843444824, 0.3749576807022095, 0.5973424911499023, -0.18397681415081024, -1.2009137868881226, 0.2454371154308319, -0.3454703092575073, 0.057501547038555145, 1.1371893882751465, 0.6392707824707031, 0.19475498795509338, 0.08645771443843842, -0.14425021409988403, -0.30428239703178406, 0.06768691539764404, 0.6662321090698242, -0.08314705640077591, 0.36808353662490845, 0.41080808639526367, 0.4459441900253296, -1.2095420360565186, 0.6815969944000244, -1.7012958526611328, 0.8695068955421448, 0.566344141960144, 0.29446694254875183, -0.2938973307609558, -0.030577175319194794, 0.9383900165557861, -1.2232677936553955, -0.4330422282218933, -0.3441776931285858, 0.2800277769565582, 0.7992962598800659, -0.18102970719337463, 0.2816842198371887, -0.3647434711456299, 0.23323459923267365, 0.3906155228614807, 0.4111577868461609, 0.023542698472738266, -0.4797150492668152, -1.0535221099853516, -0.26674261689186096, 0.5894526243209839, -0.2201130986213684, 0.2866506278514862, -0.08637478202581406, 0.4993692934513092, 0.5668336749076843, -0.8848087787628174, -0.3131350874900818, 0.4820294976234436, 0.11133842170238495, -1.2341201305389404, -0.2544916570186615, -0.31924915313720703, 0.48700612783432007, -0.09761130809783936, -0.6380065083503723, -0.6371780633926392, -0.47032204270362854, 0.5312598943710327, 1.0741362571716309, -0.23922854661941528, -0.7893034219741821, -0.20990890264511108, 3.07155442237854, -0.9435274004936218, 1.80983304977417, -0.44731149077415466, -0.4579000174999237, -0.31695231795310974, -0.5509617924690247, 1.1041014194488525, 0.28904488682746887, -0.13071008026599884, -0.6050005555152893, 0.12267236411571503, -0.16243165731430054, 0.5638353228569031, -1.2128283977508545, -0.6077965497970581, -0.11918233335018158, 0.4003526270389557, -2.074315071105957, 0.22927165031433105, -0.05980007350444794, 0.4929485023021698, -0.34542369842529297, 0.03385266289114952, -0.7162073254585266, 0.5766036510467529, 0.05965183675289154, -0.01522870734333992, -0.2733873724937439, 0.7001444101333618, -0.15588626265525818, -0.29913049936294556, 0.8275957703590393, -0.25570687651634216, -0.9611002206802368, 0.19556039571762085, 0.5506076216697693, -0.5270906686782837, -0.09745875000953674, -0.31904205679893494, -0.24968001246452332, 0.10484441369771957, 0.010034982115030289, 0.4285839796066284, 0.35856106877326965, -0.45773541927337646, -0.569180965423584, -0.15265268087387085, -0.059123024344444275, 0.9130436182022095, -0.38751915097236633, 0.1314055174589157, -2.8731637001037598, 0.26689308881759644, 0.3821093440055847, 1.0866624116897583, 0.5861247181892395, 0.13506875932216644, 0.44702041149139404, -0.2807588279247284, -0.4430428147315979, -1.1136672496795654, 0.5147128701210022, -1.1162384748458862, 0.2551526725292206, 0.1421833634376526, -0.7333630323410034, 0.11044628918170929, 0.08528227359056473, 0.8062201142311096, 0.4401482939720154, -0.3039197623729706, -1.1886742115020752, -1.7551463842391968, 0.15336045622825623, 1.866578221321106, -0.07367037236690521, -0.14659006893634796, -1.181473970413208, -0.2686205506324768, -0.14055496454238892, -0.12982353568077087, -0.23332613706588745, -0.787804365158081, 0.4724116623401642, -1.115020751953125, 0.4652438163757324, -0.24270319938659668, 0.2169104516506195, 0.852217435836792, 1.5208491086959839, -0.9330701231956482, 0.07070180773735046, -0.7638100385665894, -1.198193073272705, 0.8640291094779968, 0.449948251247406, 0.16735132038593292, 0.10062862932682037, 1.2411545515060425, 0.5751472115516663, 1.5452722311019897, 0.6039234399795532, 0.8884497284889221, -1.2411651611328125, -0.14531823992729187, -0.049739040434360504, 1.334815502166748, 0.602803647518158, 0.31399425864219666, 0.23669756948947906, 0.2857823073863983, -0.23617124557495117, -0.5697978734970093, -0.10224711149930954, -0.5565789341926575, 1.4266176223754883, 0.7390480041503906, -0.4337631165981293, 0.9016605019569397, -0.4189319908618927, -0.48742035031318665, -0.1699248105287552, -0.7068048119544983, 0.0034980326890945435, -0.6272200345993042, 1.0236388444900513, 0.2705027759075165, 0.11114771664142609, -0.21601107716560364, 0.16108743846416473, -1.3011283874511719, 0.45494359731674194, 0.29664790630340576, -0.4550739526748657, -0.6670547723770142, -0.016865182667970657, -0.5388256907463074, -1.1955119371414185, -0.9210217595100403, 0.1470862627029419, -0.1708603799343109, 0.262058287858963, 1.082444429397583, 1.287264108657837, 0.11259928345680237, 0.19290688633918762, -0.11671817302703857, 1.3099769353866577, -0.4647694230079651, 0.8270689249038696, -0.050071831792593, 0.08870115131139755, -1.1557021141052246, 0.7670000791549683, -0.8190620541572571, 0.1642557680606842, 0.4214733839035034, -0.5508679151535034, 0.9862259030342102, -0.1520966738462448, -0.5408316254615784, 0.6386584043502808, -0.006470412015914917, -1.0269289016723633, -0.029294725507497787, 1.7500700950622559, -0.42533987760543823, -0.7317447066307068, 0.5788870453834534, -0.0794820785522461, -0.5812605023384094, 0.9116137623786926, 0.1856895387172699, 0.08033211529254913, 0.5594845414161682, -0.05562053620815277, 0.23820969462394714, 0.8713951110839844, -1.846390962600708, 1.0695334672927856, 1.0061556100845337, -0.3697347640991211, -0.31045472621917725, -0.7751021981239319, 0.20477445423603058, -0.9171655178070068, 0.26436182856559753, 0.3980357050895691, -0.24551087617874146, 0.3538525104522705, -0.11858884990215302, 0.35364383459091187, 1.0614556074142456, -0.550403356552124, 0.5245332717895508, 0.4301799535751343, -0.15458840131759644, -0.5725946426391602, -0.9017933011054993, 1.1900689601898193, -0.09424836188554764, -0.1847648024559021, -0.1409001350402832, 1.0068285465240479, 0.5137501955032349, 0.3192748427391052, -0.630504846572876, 0.8110978007316589, 0.1947639286518097, 0.2986619174480438, -0.34583723545074463, -0.6658485531806946, 0.5041331648826599, -0.6794607639312744, 1.2269697189331055, -0.5857652425765991, -0.3037935793399811, -1.338865041732788, -0.08792462944984436, -0.03365080803632736, -0.2912256419658661, 1.8399218320846558, 0.5981898903846741, 1.3328057527542114, -0.03758745267987251, 0.4348372220993042, -1.0723497867584229, -0.38254785537719727, 0.6987364292144775, 0.4518744945526123, 0.12239138782024384, -1.2370480298995972, 0.4385439455509186, 0.8558548092842102, -0.12049072980880737, -0.5049778819084167, 0.4020860195159912, 0.8482283353805542, 0.2969549298286438, -0.40385526418685913, 1.0314357280731201, 0.7578219771385193, 0.1781114637851715, 1.1736916303634644, -0.04815002530813217, 0.04901118203997612, 0.2269575595855713, 0.11931059509515762, -0.3873937427997589, 0.5495107173919678, -0.29773569107055664, 0.8100762963294983, 0.4002760946750641, 0.3248503804206848, 0.14004673063755035, 1.2019107341766357, 1.2393897771835327, -0.2929718792438507, -2.0620110034942627, -0.5716674327850342, -0.37675192952156067, 0.06153324618935585, 0.23556292057037354, -0.004063904285430908, -0.5741516947746277, 0.20062574744224548, 0.025673549622297287, -0.5976283550262451, 0.4771527945995331, -0.8720601201057434, -1.3687760829925537, 1.0435844659805298, 0.4613347053527832, -1.2638509273529053, -0.5439147353172302, 0.31194937229156494, -1.1218523979187012, -0.45408838987350464, -0.2120431661605835, -0.4659948945045471, 0.3796713650226593, 0.031705088913440704, 0.8168438076972961, 0.09877892583608627, 0.03623353689908981, -1.3040416240692139, 1.063823938369751, 0.5095037221908569, -1.2132030725479126, 0.6598638296127319, 0.06139246001839638, 0.568799614906311, -0.024606063961982727, -1.1360348463058472, -0.7792259454727173, 0.8535040616989136, -0.7165510654449463, 0.2705985903739929, -1.1002506017684937, -0.7012433409690857, 0.8093574643135071, 0.044923070818185806, 0.9420067667961121, -0.6279832124710083, -0.14784274995326996, -0.9681450724601746, -0.058897145092487335, 0.7202677726745605, -0.7705467343330383, -0.8262637257575989, 0.6077497005462646, -0.262420117855072, 0.8337899446487427, -0.5894511938095093, -0.5494753122329712, 2.2348968982696533, -0.3402784466743469, -0.2100491225719452, -0.6078171133995056, -11.241856575012207, 1.011052131652832, 0.26178744435310364, 0.1473533660173416, 0.5640363693237305, -0.31305813789367676, 0.7087538838386536, -0.37536150217056274, 0.18536947667598724, -1.0639935731887817, 0.27175965905189514, 1.4473057985305786, 0.4673527777194977, 0.37945133447647095, -0.8539316654205322, -1.745958685874939, -0.05550841614603996, -0.4473174810409546, -0.11492134630680084, -0.4280231297016144, -0.17734558880329132, -0.5731923580169678, 0.15379443764686584, 0.2903168797492981, 0.10915695875883102, 0.14269167184829712, -0.4964439570903778, -0.18342255055904388, -0.1641927808523178, -0.09336256235837936, 0.8292933702468872, 0.16129061579704285, 0.065100759267807, -0.6003681421279907, -0.3084121644496918, -0.3259196877479553, -0.3689807653427124, 0.006773385219275951, 0.6155105829238892, -0.2687225043773651, -0.20035599172115326, 0.06630400568246841, 0.5650791525840759, 0.2785452604293823, -0.21757526695728302, 0.44258832931518555, 0.019927067682147026, -0.50870680809021, 0.013394679874181747, 0.41751718521118164, -0.664696216583252, -0.2956739068031311, -0.7797048687934875, -0.2529902756214142, 0.45691221952438354, 0.36181262135505676, -1.2650445699691772, -0.3073417842388153, -0.8872296214103699, -1.1368509531021118, 0.41010782122612, -0.29592788219451904, -0.052890270948410034, -0.13594627380371094, 0.2933453917503357, -0.2327875941991806, 0.11024094372987747, -0.013078800402581692, -1.0379528999328613, 0.32797500491142273, -0.8578601479530334, 0.6928192377090454, 0.08278041332960129, 0.1199985221028328, -1.19102942943573, 0.01605420559644699, -1.2612329721450806, 0.18512919545173645, 0.4857877194881439, -0.17499522864818573, -1.3529196977615356, 1.2153388261795044, 0.6563504934310913, -0.4927597939968109, -1.1006540060043335, 0.15508012473583221, -0.12162529677152634, 0.2509754002094269, 0.34593915939331055, -1.0004239082336426, 1.282712697982788, 0.6030580997467041, -0.4639323949813843, -0.45781242847442627, -0.15192319452762604, 0.8006365895271301, -0.4407401978969574, 0.29641538858413696, -0.30418288707733154, -0.6724979281425476, 0.3176930844783783, -0.1756693422794342, -1.2452162504196167, 0.5702898502349854, -0.060819029808044434, 0.17510488629341125, 0.5633588433265686, 0.010004594922065735, -0.061873871833086014, -0.5961887240409851, 1.2503232955932617, 0.0007262229919433594, -0.6763871908187866, 1.490187406539917, -0.5867500305175781, 0.9581726789474487, 0.42326620221138, -0.07660701125860214, 0.1537991613149643, 0.7086576223373413, -0.5230289101600647, 0.9901763796806335, -0.12297903746366501, 1.7265375852584839, -0.4459078311920166, 0.1678561121225357, 0.16860754787921906, 0.027430817484855652, 0.013925986364483833, -1.278838038444519, 0.5194334983825684, -0.1434852033853531, 0.3071405589580536, -0.6535394787788391, -0.7134196162223816, 0.4670056998729706, -0.2656629681587219, 1.6112263202667236, -0.7365914583206177, -0.2916903793811798, -0.7960972785949707, -0.3168976306915283, -0.2397371083498001, -1.6904587745666504, -0.6901699304580688, 0.24951288104057312, -0.6043524146080017, 0.34664860367774963, -0.7921203374862671, -0.0747251957654953, -0.0332891084253788, -0.25296667218208313, 1.280141830444336, -0.5042181611061096, -0.0878094807267189, -0.7555546164512634, 0.5039548277854919, -0.41629457473754883, -1.0692567825317383, -0.2517494559288025, -0.1822076141834259, 0.8538075089454651, -0.9072741866111755, 1.3249609470367432, 0.06621041893959045, -0.3608621060848236, -0.3693626821041107, 0.10931579768657684, -0.5177428126335144, 0.10543953627347946, 0.9885232448577881, -0.7489146590232849, -0.5698866844177246, -0.5713497996330261, 0.14340610802173615, -0.8007046580314636, 0.9020482301712036, 0.9229782819747925, -1.0083796977996826, -0.3711482882499695, 0.4170316159725189, 1.0146477222442627, -0.20200081169605255, 0.04806223511695862, 0.37622156739234924, 0.24494659900665283, 0.11946427077054977, 0.6330748200416565, 0.49523910880088806, 1.0888080596923828, -1.3835514783859253, -1.1891937255859375, -0.3641801178455353, 0.06203892454504967, 0.8160789608955383, 0.0790516585111618, 0.5254406332969666, 0.35454297065734863, -0.31623953580856323, 0.03249330818653107, 0.10968178510665894, 1.1651346683502197, 0.09955524653196335, 0.9470508098602295, -0.4284300208091736, 0.5596734285354614, -0.15635675191879272, -0.05476163700222969, 0.37636813521385193, 1.4168161153793335, -0.8164891600608826, -0.004225168377161026, 0.1385311633348465, -0.1855747252702713, 0.02330891042947769, -1.2030463218688965, 0.09330008924007416, -0.7221482992172241, -0.02494954690337181, -1.4133189916610718, 0.06433166563510895, 0.9249650835990906, -0.6519566774368286, 0.7909309267997742, 0.05647147074341774, 1.0570957660675049, 0.8106574416160583, 0.4295318126678467, 0.38216662406921387, 0.409023642539978, -0.25930458307266235, 0.44872578978538513, 0.03585956245660782, -0.11221136152744293, -0.2665609121322632, -1.6906194686889648, 0.1734066903591156, 0.6803326606750488, -0.3452039361000061, 0.9751802086830139, -0.07841312885284424, 0.759896457195282, 0.883491039276123, 0.8877606391906738, -0.4940696358680725, -1.3413314819335938, -0.057651448994874954, -1.29948091506958, 0.35400012135505676, 0.8522734045982361, 0.6946556568145752, 0.12408147752285004, 0.8695551156997681, 0.004918530583381653, 0.8743765950202942, -0.9970777630805969, 0.19065792858600616, -0.22824692726135254, -0.43747323751449585, 0.6523279547691345, 0.6201956272125244, 0.3842795193195343, 0.31986936926841736, 0.11132887750864029, -0.9431833624839783, 0.06391012668609619, -0.31582561135292053, 1.1853538751602173, 0.6354331374168396, -0.3530939221382141, -0.3309478759765625, -0.6827894449234009, 1.065913200378418, -0.8004041314125061, 0.8790822625160217, -0.020210761576890945, -0.4972555637359619, -0.49236786365509033, -0.9362061023712158, -0.515373706817627, 0.5852448344230652, 0.11513203382492065, -0.36782974004745483, -0.282149076461792, 0.6349918842315674, 0.3300512135028839, -0.1878223717212677, -0.5441653728485107, -0.29343920946121216, -0.41674646735191345, -0.20381836593151093, -0.014054182916879654, -0.6176437139511108, -0.2979980707168579, -0.051087554544210434, -0.33331388235092163, 0.5316723585128784, -0.126740962266922, -1.0328878164291382, -0.5993127226829529, -0.1459488421678543, 0.03672149032354355, 0.8795658349990845, -0.522772490978241, -0.20276233553886414, -1.6718189716339111, 0.3248155415058136, 0.8537076115608215, 0.2571922242641449, -0.4345223903656006, -0.08188454806804657, 0.4895629584789276, 0.14655447006225586, 0.8461840748786926]} +{"paper_id": "cc_news", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "biosses", "embedding": [-0.2346714586019516, 1.0590413808822632, 0.24594905972480774, -0.35106801986694336, 0.23299044370651245, -0.7644500136375427, 0.3981004059314728, 1.2662461996078491, 0.07373519241809845, 0.5117490291595459, -0.06691641360521317, 0.24532456696033478, -0.12476969510316849, 0.15022288262844086, -0.8098218441009521, 0.13032004237174988, -1.157251000404358, -0.5876816511154175, -1.256569504737854, -0.18591725826263428, 0.38787031173706055, -0.7173267006874084, 0.1007004976272583, 0.09222637116909027, -0.16172203421592712, -0.6028286218643188, -0.19097422063350677, -1.6650362014770508, 1.0530717372894287, 0.38967737555503845, 0.3557058572769165, 1.0062347650527954, -0.8121823668479919, 0.0957074835896492, -0.4883045554161072, -0.04206479340791702, -0.02017165720462799, 1.2386494874954224, -1.103639841079712, 0.1956797093153, -0.8059641718864441, -0.4297648072242737, 0.4143034517765045, 0.24690142273902893, 0.6960135698318481, -0.0343409888446331, -0.3323383629322052, 0.37477871775627136, 0.18359459936618805, -0.07004240900278091, -0.4136156141757965, 0.09288748353719711, 0.0476207509636879, 0.49591562151908875, -0.8811359405517578, 1.4603569507598877, 0.15644392371177673, -0.5895951390266418, 0.825708270072937, -1.5861775875091553, 1.291220784187317, 1.6220346689224243, -0.1557287573814392, 0.34797608852386475, 1.0713087320327759, -0.2015494704246521, 0.9749874472618103, 0.036246106028556824, 0.445934534072876, 0.5593132376670837, -0.5698754191398621, -1.316359281539917, 0.35189583897590637, 0.32806333899497986, 0.5229706764221191, 0.9064038991928101, 0.8840543031692505, -0.4209088981151581, 0.5084965825080872, 0.3243585228919983, -0.8793708086013794, 0.42118120193481445, 1.7479264736175537, -0.7852831482887268, -0.2112334966659546, -0.14186489582061768, 0.28435730934143066, -0.14650964736938477, 0.9802350997924805, -0.785322904586792, 0.30421170592308044, -0.18860919773578644, -0.13881288468837738, 0.41226738691329956, -0.9625656008720398, -0.3290306031703949, -0.1795075535774231, -0.1087084636092186, -0.6669080257415771, 0.760185956954956, 0.7186473608016968, -0.38599148392677307, -0.21748945116996765, -0.26726555824279785, 0.4187954068183899, 0.774528980255127, -0.840245246887207, -0.7284096479415894, -0.4937785267829895, 0.09987303614616394, 0.43648669123649597, 0.6419850587844849, -0.24849727749824524, -0.27393481135368347, -0.5540724992752075, -0.3475034832954407, 0.19294604659080505, -0.016390055418014526, -0.3489914834499359, -0.01940760761499405, -0.4092542827129364, -1.6908149719238281, 0.5379712581634521, 0.30905771255493164, 1.2794996500015259, -0.47545698285102844, 0.7170606851577759, 0.3919588029384613, 0.39722728729248047, -0.033385492861270905, 0.15290501713752747, 0.2569557726383209, -0.7877873182296753, -0.22846098244190216, 3.1291162967681885, -0.5302709937095642, 1.036453127861023, -0.7592529058456421, 0.04741424322128296, -0.2407841682434082, 0.19684845209121704, 0.16850627958774567, 0.16385415196418762, -0.17375372350215912, -0.5254613161087036, -0.6715677380561829, 0.012563588097691536, 1.4366981983184814, -0.49916085600852966, -0.17342354357242584, -0.48276740312576294, -0.7439486384391785, -1.3603184223175049, -1.070365071296692, -0.3471626043319702, 0.01657552272081375, 0.24306748807430267, 0.8113508820533752, -0.8678427338600159, 0.7026638388633728, 0.6574373841285706, -0.010477934032678604, -0.645941972732544, -0.4826599359512329, -0.49300244450569153, -0.4176710546016693, 0.9537155628204346, -0.2784062325954437, -0.5597146153450012, -0.22379876673221588, 0.6857057213783264, -0.09691228717565536, 0.29548341035842896, -0.49279358983039856, 0.45513901114463806, 0.303191602230072, 1.1255171298980713, 0.3567604422569275, 0.34802213311195374, -0.5003944635391235, -0.16922912001609802, -0.11202523112297058, -0.44421643018722534, 0.3249779939651489, 0.05307327210903168, 0.6167827844619751, -1.9561196565628052, -0.5812991261482239, 0.17092709243297577, -0.38107046484947205, 0.16803115606307983, -0.2158670574426651, 0.03447635471820831, 0.5158334374427795, -0.35899144411087036, 0.2504315972328186, -0.161797434091568, -1.3767207860946655, -0.38113152980804443, 0.5668081045150757, -0.3888467252254486, 0.6150481700897217, -0.14740771055221558, 1.1732796430587769, 0.24877424538135529, -0.3226787745952606, -0.24228116869926453, -1.7644370794296265, 0.4203024208545685, 2.7575795650482178, -0.8569442629814148, -0.2498650848865509, -2.484276533126831, -0.565828263759613, 0.4192616939544678, -0.44368070363998413, 0.1855122298002243, -1.1215497255325317, 0.09986957162618637, -0.6892645955085754, 0.8793816566467285, -0.04285847768187523, -0.06615105271339417, 0.5178065299987793, 1.0004922151565552, -0.8125846982002258, 0.16761401295661926, -0.24179373681545258, -1.224471092224121, 0.4418294131755829, 0.9995724558830261, -0.3661941587924957, -0.499675989151001, 0.55976402759552, 0.6758121848106384, 0.707115113735199, 0.7232843637466431, 1.2047021389007568, -0.030855730175971985, -0.20900338888168335, 0.006430858746170998, 0.45912277698516846, -0.3123634457588196, 0.343617707490921, 0.1805008500814438, 0.4002915322780609, -0.2851256728172302, -0.17551293969154358, 0.1839759349822998, 0.46656322479248047, 0.9168030619621277, 0.6878440976142883, -0.08968746662139893, 1.1627177000045776, -1.3846147060394287, -0.48568663001060486, -0.6900186538696289, -0.7295584678649902, -0.7630970478057861, 0.13615120947360992, 0.9515877962112427, 0.12270339578390121, -0.3486548960208893, -0.28069382905960083, 0.09406112134456635, -1.4985119104385376, -0.47064700722694397, -1.027770757675171, -0.3250916600227356, -1.1053553819656372, -1.0751152038574219, 0.9451384544372559, -1.1556605100631714, -0.5745497345924377, 0.064845971763134, 0.7078937292098999, 0.10910362005233765, 1.3020122051239014, 1.4991754293441772, -0.30837610363960266, 0.9181050062179565, 0.15474380552768707, 1.0238447189331055, -0.23760896921157837, 0.9658254981040955, -1.044988751411438, -0.2573029696941376, -0.8799628019332886, 0.6286410093307495, -0.7709492444992065, 0.4367758631706238, 0.42759066820144653, -0.3658323585987091, -0.2501859962940216, -0.24538007378578186, -1.040112853050232, 0.45705074071884155, 0.5595859885215759, -0.5762459635734558, -0.7042756080627441, 1.7953832149505615, -0.09197664260864258, -0.5876824855804443, 0.7678879499435425, 0.006567033007740974, -0.49663424491882324, 1.1695234775543213, 0.170055091381073, 1.1905955076217651, 0.3622642159461975, 0.5271164774894714, 0.20986983180046082, 0.395168662071228, -1.988301396369934, 0.03861014172434807, 1.0403108596801758, -0.41719093918800354, -0.8585507869720459, -0.6970126032829285, 0.09149327874183655, -0.2081645131111145, -0.9215109348297119, 1.0162649154663086, -0.7361534237861633, 0.9998801350593567, 0.071844182908535, 0.26080596446990967, 0.7997238636016846, -1.130452036857605, 0.07303822040557861, 0.9149221181869507, 1.0618780851364136, -0.5213600993156433, -0.49352210760116577, 0.9357908368110657, -0.47959765791893005, 0.9787815809249878, 0.24247685074806213, 1.1055958271026611, 0.32700127363204956, -0.3705621063709259, -0.0024800077080726624, 0.08642330765724182, 0.8757041692733765, 0.5181580185890198, -0.045363448560237885, -0.18365181982517242, 1.0453699827194214, 0.6842371225357056, 1.474443793296814, 0.7791535258293152, -0.4367363750934601, -0.5375174283981323, -0.8118564486503601, -0.1545964777469635, -0.508506178855896, 1.4718456268310547, 1.7515157461166382, 2.3816747665405273, -0.25903353095054626, -0.14694474637508392, -0.20401954650878906, 0.11529180407524109, 0.8081234693527222, 0.9584819674491882, -0.05717931687831879, -0.10036110132932663, 0.14948999881744385, 0.7698865532875061, -0.5306483507156372, 0.007270069792866707, 0.06280063092708588, 0.5582569241523743, -0.29341626167297363, -0.8511199951171875, 0.48782873153686523, 0.3709195554256439, 1.036513328552246, 1.199864387512207, -0.5418396592140198, 0.3079954981803894, -0.21150550246238708, 0.4606556296348572, -0.17163558304309845, -0.7820307612419128, -1.2019962072372437, -0.11756617575883865, 0.435059517621994, 0.8315582871437073, -0.5013197660446167, 0.67792809009552, 0.46511000394821167, 0.4759484827518463, -1.3092597723007202, -0.422271728515625, -0.7265533208847046, -0.27558523416519165, -0.21857693791389465, -0.5956108570098877, -0.2879868745803833, 0.5879052877426147, -0.27804651856422424, -0.4818775951862335, 1.3482403755187988, -0.8562074899673462, -1.1209930181503296, 0.8569642901420593, 0.9091506004333496, -1.3980027437210083, 0.04572077840566635, -0.1992325484752655, -0.8488397598266602, -1.1742603778839111, -0.4373413920402527, -0.19178150594234467, 0.248405322432518, -0.028806891292333603, 1.0044621229171753, -0.046078525483608246, 0.20223481953144073, -1.2852126359939575, 0.44348233938217163, 0.8677334189414978, -0.7157889008522034, 0.19792979955673218, -0.46830883622169495, -0.12787920236587524, -0.6960734128952026, -1.3508613109588623, -0.39790427684783936, -0.1929396092891693, -0.45520612597465515, -0.4294869005680084, -0.6953606009483337, -0.7736691832542419, 0.12312116473913193, 0.7687569856643677, 0.6848875880241394, -0.7676198482513428, 0.7467496991157532, -0.269020676612854, -0.014248409308493137, 0.35865962505340576, -0.050543397665023804, -0.7533430457115173, 1.1153016090393066, -0.5267156958580017, 1.0971553325653076, -0.005512721836566925, 0.040387529879808426, 1.213265061378479, 0.46213001012802124, 0.13117825984954834, -0.10814863443374634, -10.984018325805664, 0.6387748122215271, -0.25120723247528076, 0.6902430057525635, 0.7633400559425354, -0.2641197443008423, 0.4896289110183716, -0.5123582482337952, 1.0781234502792358, -0.5039242506027222, -0.342387318611145, 1.8958663940429688, 0.12543359398841858, -0.5562540888786316, -0.9417046904563904, -1.903702974319458, -0.3072023391723633, -0.012140855193138123, 0.7941312789916992, 0.0787024050951004, -0.1137169748544693, -1.4635909795761108, -0.4523395895957947, 0.5100967288017273, 0.5717450976371765, 0.0530189573764801, -0.39617887139320374, 0.03906499594449997, -0.7810152769088745, -0.33689889311790466, 0.534774899482727, -0.7674252390861511, -0.4635778069496155, -0.190521240234375, 0.5041556358337402, 0.1495129019021988, -0.3223062753677368, 0.23734402656555176, 0.41659238934516907, 0.42710021138191223, -0.01451929658651352, -0.03134296461939812, 0.48153430223464966, -0.742527186870575, -0.29683658480644226, 0.2657545804977417, -0.7073569297790527, -0.37938299775123596, 0.334059476852417, -0.5550194978713989, -0.16986113786697388, -0.22227919101715088, -0.48778611421585083, -0.6483247876167297, 0.30145061016082764, 0.40547430515289307, -0.6388779878616333, -0.036237847059965134, -1.0375759601593018, -1.0617066621780396, 0.6752194762229919, 0.28586459159851074, -0.07447867095470428, 1.332970380783081, -0.14613831043243408, 0.3262321949005127, 0.04073993116617203, -0.0732659101486206, -0.33247607946395874, 0.04200013726949692, -0.4523659348487854, 0.5948036313056946, 0.24906229972839355, 0.137363463640213, 0.028002381324768066, -0.1136288121342659, -0.20876504480838776, 0.09065937250852585, 0.710913360118866, 0.15000994503498077, -0.9838869571685791, 0.46703076362609863, -0.44334831833839417, -1.0000381469726562, -0.7015728950500488, -0.27050596475601196, -0.508762538433075, 0.3871327042579651, 0.8460551500320435, 0.04287751019001007, 1.3776443004608154, 0.31913766264915466, 0.0784311592578888, -0.809605598449707, 0.005123380571603775, 0.6256225109100342, -1.4062310457229614, 1.2484309673309326, -0.423096626996994, -0.37227651476860046, 0.6055248975753784, -0.43717920780181885, -0.9975682497024536, -0.265362948179245, -0.21453739702701569, 0.14229634404182434, 0.7773581147193909, -0.2817732095718384, -0.1641748994588852, -0.17587321996688843, 1.1185152530670166, 0.40262144804000854, -0.3556024432182312, 0.7980623245239258, -0.5554115772247314, 0.501857578754425, 0.95372474193573, -0.9825322031974792, 0.2753410339355469, 1.5093050003051758, 0.23662510514259338, 0.2196664959192276, 0.13634812831878662, 1.31869375705719, 0.04175635799765587, 0.5198057293891907, 0.05833090469241142, 1.1793601512908936, -0.6863641738891602, -1.447295904159546, 0.5612663626670837, 0.139064222574234, 0.05136977881193161, -0.7413012981414795, -0.21795670688152313, 0.3156625032424927, -0.550143837928772, 0.9944319725036621, -0.055404309183359146, 0.22984689474105835, -0.32363057136535645, -0.9237073063850403, -1.1006654500961304, -0.5364073514938354, -0.5525541305541992, 0.6643285155296326, -0.9999350905418396, 0.1856689155101776, -0.04742899537086487, 0.14879228174686432, -0.27898314595222473, -0.04245708882808685, 0.8499345183372498, -0.9446164965629578, -0.7347057461738586, -0.3417874276638031, 0.5746349096298218, 0.558923065662384, -0.8215281963348389, -0.5822226405143738, 0.3270048499107361, 0.7748882174491882, -1.3373308181762695, 1.3833168745040894, 0.805840253829956, 0.4456031322479248, -1.0492206811904907, 0.1523735076189041, -0.8544632792472839, 0.6277933716773987, 0.3939226269721985, -0.708459198474884, -0.11231724172830582, -0.015483921393752098, -0.41905179619789124, -0.6534388065338135, 0.3420870900154114, 0.9139084815979004, -1.703606128692627, 0.46559906005859375, 0.0029907822608947754, 0.7414093613624573, 0.7450495362281799, -0.3045269846916199, -0.22372543811798096, 0.04126808047294617, 0.057393964380025864, 0.7787358164787292, -0.8423348069190979, 0.6279089450836182, -1.7631853818893433, -1.724090576171875, -0.4271458387374878, 0.38233888149261475, 0.9632540941238403, 0.2671993374824524, 1.1113054752349854, 0.1878822147846222, 0.7720497846603394, 0.6108658909797668, 0.6226445436477661, 0.5111420750617981, 0.3638346195220947, 0.8205134868621826, -0.34312155842781067, 0.10453833639621735, -1.0127673149108887, -0.03542649745941162, 0.4963184893131256, 1.103239893913269, -1.2145001888275146, -0.5397230982780457, 0.36818423867225647, -0.3756136894226074, -0.12562677264213562, -1.3547624349594116, 0.7957342863082886, -0.7205371260643005, -0.01222917065024376, -0.6465023756027222, 0.06434006989002228, 0.9959477782249451, -1.1887794733047485, 1.3201026916503906, 0.49466902017593384, 0.9490780830383301, -0.2941000461578369, 0.262190043926239, 1.8616950511932373, -0.20175544917583466, -0.9627884030342102, -0.08785147964954376, 0.4669192135334015, -0.2351798117160797, -0.6528324484825134, -0.45866212248802185, -0.2255842238664627, 0.016196981072425842, -1.23671293258667, 0.5994644165039062, -0.9302341938018799, 0.11156491190195084, 0.760151207447052, 1.1518300771713257, -0.48229891061782837, -1.48493230342865, 0.11685773730278015, -0.9866418242454529, 0.22200779616832733, -0.17265360057353973, 0.1722349226474762, -0.07197713106870651, 0.8243521451950073, 0.2392166405916214, 0.8801830410957336, -0.5197079181671143, 0.26762425899505615, 0.21520930528640747, -0.32774823904037476, 1.2516647577285767, 0.78007972240448, -0.08989924937486649, -0.3318781852722168, -0.8866295218467712, -0.6616389751434326, 0.009039945900440216, -1.1537792682647705, 0.6281348466873169, 1.6376897096633911, 0.22595219314098358, 0.22704188525676727, -0.6291107535362244, 0.9130618572235107, -0.7464385032653809, 0.052965469658374786, -0.041068390011787415, -0.15673664212226868, -1.3351271152496338, -0.7209348082542419, -0.25964978337287903, 0.6760792136192322, -0.6836537718772888, 0.09568367153406143, 0.011868149042129517, 0.21908718347549438, -0.42206600308418274, -0.09615223854780197, -0.26445984840393066, 0.14172586798667908, -0.25366345047950745, -0.05274396389722824, 0.5645779371261597, -0.6803160309791565, -0.5524711012840271, -0.11201241612434387, -0.7572047114372253, 0.442773699760437, 0.1717034876346588, -0.6832060813903809, -0.378501296043396, 1.1235814094543457, -0.20381265878677368, -0.7269813418388367, 0.2724619507789612, 0.10205761343240738, -1.5051826238632202, 1.0455498695373535, 0.8450853228569031, 0.23845171928405762, -0.5982367992401123, -0.1797698438167572, 0.08747655153274536, 0.8894585371017456, 0.7641379833221436]} +{"paper_id": "crows_pairs", "embedding": [-0.2981780767440796, 0.7784491181373596, 0.2850284278392792, 0.11641176044940948, 0.5568404793739319, -0.2271178960800171, 0.785050630569458, -0.35870108008384705, 0.7289473414421082, 0.8427650332450867, 0.6296255588531494, -0.19508768618106842, -0.1307593584060669, 0.3607388138771057, -0.11337694525718689, -0.8309553861618042, -1.409674882888794, -0.7755544185638428, -0.971144437789917, -0.0024798139929771423, -1.1935882568359375, -0.4094315767288208, -0.30538830161094666, 0.3693304657936096, -0.27183499932289124, -0.6105566620826721, 0.8636881113052368, -0.49257880449295044, 0.23088204860687256, -6.816163659095764e-05, -0.6383199095726013, 1.077840805053711, -1.6491020917892456, 0.29995790123939514, -0.4008214473724365, -0.08988387882709503, -0.26711317896842957, 1.032149314880371, -0.5270153880119324, -0.2328820526599884, -0.6977600455284119, -0.21690118312835693, 1.3528850078582764, 0.3762025237083435, -0.09709585458040237, 0.2990104556083679, -0.387401282787323, 0.608650803565979, 0.1667299121618271, -0.1398247629404068, -0.7535849809646606, 0.22620680928230286, 0.25198811292648315, 0.23377984762191772, -0.3393024504184723, 0.9635143876075745, 0.5228221416473389, -1.4546833038330078, 0.6498638391494751, -0.611627459526062, 0.7988077402114868, 1.7259050607681274, -0.4910803735256195, 0.7652226686477661, 0.36671528220176697, 0.4383392333984375, 0.7016838192939758, 0.06950975954532623, 0.20355767011642456, 0.8508485555648804, -0.07215262204408646, -0.7055484652519226, 0.6994132399559021, 0.45669025182724, 0.6841537952423096, 0.34737730026245117, -0.05400645732879639, 0.43174463510513306, -0.22387874126434326, 0.09576777368783951, -0.23269787430763245, 0.5313635468482971, -0.014803694561123848, -0.6036050319671631, -0.06980305910110474, 0.326995849609375, 0.391150563955307, -0.7899810075759888, 0.5180513262748718, -1.2705004215240479, 0.7115366458892822, -0.24487219750881195, 0.5500026941299438, 0.14676979184150696, 0.2194622904062271, 0.16812404990196228, 0.3780345320701599, 0.7253269553184509, -0.6965124607086182, 0.6108801960945129, 0.49635791778564453, -0.7539786100387573, 0.5735935568809509, 0.569053053855896, 0.33830544352531433, 0.9547142386436462, -0.053251467645168304, -0.7154169082641602, -0.8513501882553101, -0.433555006980896, -0.41050323843955994, 1.919821858406067, -0.3188764452934265, 0.4171694219112396, 0.3211013078689575, 0.4934883415699005, -0.20955321192741394, -1.112769365310669, 0.23555468022823334, 0.06856918334960938, -0.3364899456501007, -0.6103193759918213, 0.04800261929631233, 0.11885854601860046, 0.9399277567863464, -0.0484418086707592, 0.5727622509002686, 0.03478296101093292, -0.22241654992103577, -0.21640844643115997, 0.6558021306991577, 0.43331778049468994, -0.4025546610355377, 0.8309519290924072, 2.7408974170684814, -0.5935891270637512, 0.887091338634491, -0.8126388192176819, -0.11244131624698639, -0.4023975729942322, -0.7986354231834412, 1.1800487041473389, 0.3674812316894531, -1.4674338102340698, -0.665295422077179, -0.07206572592258453, -0.5598340630531311, -0.07102364301681519, -0.406570166349411, 0.07609717547893524, 0.2887825071811676, -0.03176168352365494, -1.0198991298675537, 0.09174700826406479, 0.6993005871772766, 0.39267832040786743, 0.2309654802083969, 0.4469025433063507, -0.45564424991607666, 1.0250563621520996, -0.38253527879714966, 0.8835849761962891, -0.5906596183776855, 0.566379964351654, -1.1784077882766724, 0.37064260244369507, 1.647212028503418, -0.35600751638412476, -0.31781840324401855, -0.545203685760498, 1.492800235748291, -0.24877873063087463, -0.230758398771286, 0.07991358637809753, 0.04060523957014084, 0.07089681923389435, -0.4104301929473877, 0.5057028532028198, 0.17667843401432037, -0.5129507780075073, -0.1917542815208435, -0.15806102752685547, 0.16400009393692017, 0.9694108366966248, -1.2122820615768433, 0.21020933985710144, -1.7283146381378174, -0.1585097759962082, -0.5971505045890808, 0.5132474899291992, -0.44845685362815857, -0.04922304302453995, 0.0031436607241630554, 0.42867761850357056, -0.12218144536018372, 0.11434443295001984, 1.3546053171157837, -1.0665409564971924, -0.6404967904090881, 0.19390927255153656, -0.2504330277442932, -0.7068901062011719, -0.717121958732605, 0.17654909193515778, 0.3898024260997772, -0.6000189781188965, -0.4219905734062195, -1.8692964315414429, 0.07393515110015869, 2.6589484214782715, 0.3507334589958191, -0.891105055809021, -0.9441918134689331, -0.6616085767745972, -0.4824955463409424, -0.4165610671043396, 0.6492433547973633, -0.6804415583610535, -0.3508937358856201, -1.402396559715271, 0.1695154309272766, -0.6501222848892212, 0.3354111611843109, 0.5135289430618286, 0.9959410429000854, -0.5389218330383301, -0.7146286964416504, -0.39295339584350586, -1.043543815612793, 0.29407331347465515, 0.3595954179763794, 0.6400031447410583, -0.20091032981872559, 0.6568875312805176, -0.16141930222511292, 0.8120246529579163, 0.3960634469985962, 0.6078381538391113, -1.1244847774505615, -0.027918674051761627, -0.13884684443473816, 0.43270182609558105, -0.4853300452232361, -0.15107709169387817, 0.03921302407979965, 0.7265193462371826, -0.2151361107826233, -0.6397114992141724, -0.7931848168373108, -0.08311488479375839, 1.112276554107666, 1.4377986192703247, -0.5222335457801819, 0.90498286485672, -0.5828511118888855, 0.07068855315446854, -0.33524614572525024, -0.6399127244949341, -0.3160592317581177, -0.19245025515556335, 0.2573529779911041, 0.30437368154525757, 0.07930446416139603, -0.4098505973815918, 0.022296443581581116, -1.3089052438735962, 0.11526596546173096, -0.4754403531551361, -0.44956064224243164, -1.4180063009262085, -0.36261463165283203, -0.2792109251022339, -1.3976198434829712, -0.3916807472705841, -0.2687034606933594, 0.5139136910438538, -0.0834062471985817, 0.7343456745147705, 1.180896520614624, -0.35758405923843384, 0.020387545228004456, 0.06124664843082428, 0.9731358885765076, -1.1020516157150269, 0.3667472004890442, -0.04878642037510872, 0.18849554657936096, -0.3016197979450226, -0.25677841901779175, -0.6548569798469543, 0.5244483947753906, 0.5714453458786011, -0.19384178519248962, 0.2468908131122589, -0.36442649364471436, -0.6739223599433899, 0.49297523498535156, -0.48764440417289734, 0.9769370555877686, -0.8778044581413269, 0.7501955628395081, 0.6423910856246948, 0.09599617123603821, 0.7077857255935669, -0.4279959201812744, 0.3563988506793976, 1.1563857793807983, -1.2916086912155151, -0.34048062562942505, 0.43125224113464355, -0.1616412252187729, 0.06542427837848663, 0.4556506872177124, -2.0866637229919434, 0.11671493202447891, 1.1866488456726074, -0.2795608937740326, 0.2904399335384369, -0.0453716441988945, 0.36143285036087036, -0.554488480091095, -0.1363045871257782, -0.17838117480278015, -0.612427830696106, 0.27543509006500244, -0.4059301018714905, -0.3175930976867676, -0.06604110449552536, -1.2521553039550781, -0.0006468072533607483, 1.1075091361999512, 0.8309587240219116, -0.87436842918396, 0.661073625087738, 0.34307822585105896, -0.7279109954833984, 0.7524847984313965, 0.256945937871933, 0.9869556427001953, 0.7883609533309937, -0.23104530572891235, -0.3107178509235382, -0.0033569708466529846, 0.15827816724777222, 0.09498584270477295, 0.9442005753517151, 0.4718095660209656, 0.947172224521637, -0.3230797350406647, 1.3419239521026611, 0.3372937738895416, -0.9938356280326843, -1.0189896821975708, -0.863793134689331, -0.1983049064874649, -0.31188318133354187, 0.818670392036438, 1.211668610572815, 0.7881237268447876, 0.05452124774456024, 0.9041431546211243, 0.013333689421415329, 0.1961696296930313, 0.1684975028038025, -0.20317423343658447, 0.1281501203775406, 0.006895706057548523, 0.1202632337808609, 0.09181042015552521, 0.3234449028968811, -1.029273509979248, 0.14242133498191833, 0.8468246459960938, -0.19911624491214752, -0.6248087286949158, 0.33925381302833557, -0.016681302338838577, -0.32527297735214233, 1.0061674118041992, -0.9801886677742004, 0.4017559289932251, 0.2991952896118164, 0.5585723519325256, 0.34451571106910706, 0.1773402988910675, -0.9012695550918579, 0.3642435371875763, 0.38727566599845886, 1.0904828310012817, 0.19772754609584808, -0.09130024909973145, 0.8377663493156433, -0.7519910931587219, -0.9968016147613525, -0.21503965556621552, -1.325628638267517, -0.2304980456829071, -0.33261415362358093, -0.18187008798122406, -0.161062553524971, 0.6922017335891724, -0.4546656310558319, -0.7135628461837769, 1.165840983390808, -0.6245127320289612, -0.8582429885864258, 0.8316366672515869, 0.7729707956314087, -1.2175709009170532, -0.5476391315460205, -0.2126830518245697, -0.5292559266090393, -0.8200565576553345, 0.5446119904518127, -0.7429823279380798, 0.7841677069664001, -0.6936386823654175, 0.6448025703430176, -0.2681945562362671, -0.26820695400238037, -0.7002832293510437, 0.6764450073242188, 1.686677098274231, -0.477752685546875, 0.3718770444393158, 0.05153960734605789, 0.3532004952430725, 0.5065964460372925, 0.08420072495937347, -0.007927119731903076, 1.033939242362976, 0.837943434715271, 0.5052637457847595, -0.3637632131576538, -1.1294652223587036, 0.5419226288795471, 0.1501063108444214, 1.204115867614746, -1.280060052871704, 0.5803480744361877, -0.4929986596107483, 1.088300347328186, 0.6147528886795044, -0.5896406173706055, -1.1972440481185913, 1.3535046577453613, -0.8935514092445374, -0.11071810871362686, -0.4063558578491211, 0.3146461546421051, 1.0353394746780396, 0.3200627267360687, 0.47491246461868286, -0.5437635183334351, -11.99499797821045, 0.50411057472229, -0.2714379131793976, 0.11202417314052582, 0.4516340494155884, -0.505858838558197, 0.2422509789466858, 0.3790568709373474, 1.0311083793640137, -0.2556563913822174, -0.12470418214797974, 1.534598708152771, 0.019537968561053276, -0.01070285402238369, -0.6811869144439697, -1.450487494468689, -0.7308416962623596, -0.8378990292549133, 0.10273940861225128, 0.78715980052948, -0.6924467086791992, -1.3201472759246826, 0.6439483165740967, -0.45147761702537537, 0.48518049716949463, -0.4539647400379181, -0.36440712213516235, -0.7706702351570129, 0.36787331104278564, 0.7094082832336426, 0.3055610656738281, 0.770649254322052, -0.639763355255127, -0.3875073492527008, 0.19741053879261017, 0.43704545497894287, -0.7686100006103516, 0.009166627191007137, 0.9816122055053711, 0.3398761749267578, -0.27527910470962524, -0.02964012324810028, 0.6225317716598511, -0.472362220287323, -0.669415295124054, -0.09912066161632538, 0.05864735692739487, -0.32046496868133545, -0.6199842095375061, -0.9890331625938416, 0.192561075091362, -0.7016569375991821, -1.0833582878112793, -0.5233703851699829, 0.6444143056869507, -0.3033882677555084, -0.07553739845752716, 0.04713739454746246, -0.6161853671073914, -2.1816866397857666, 0.18552517890930176, 0.555752158164978, -0.7724586725234985, -0.32889842987060547, 0.23617872595787048, -0.3495534062385559, 0.11646977066993713, 0.22591069340705872, -0.14014405012130737, 0.2061675488948822, -0.6028608083724976, 0.8662577271461487, 0.21586376428604126, 1.1212105751037598, -0.052276335656642914, 0.10760124027729034, 0.02891315147280693, -0.6430127620697021, 0.43657785654067993, -0.661350429058075, -1.3934777975082397, 0.15531063079833984, -0.5055316090583801, 0.2645210325717926, -0.44754448533058167, 0.03923977538943291, -0.4737332761287689, -0.041299160569906235, 0.8205406665802002, -0.06852643191814423, 0.49448439478874207, -0.6286411881446838, 0.3383338451385498, 0.10777200013399124, -0.6723396182060242, 1.0381150245666504, -0.13146457076072693, 0.47777068614959717, -0.01295507699251175, -0.4091322422027588, 0.47218436002731323, -0.010267207399010658, -0.7319821119308472, -0.5231688618659973, 0.5013434290885925, -0.18261200189590454, -0.009283557534217834, -0.3384126126766205, 0.27850520610809326, -0.051200829446315765, 0.44689539074897766, -0.5277815461158752, -0.16153952479362488, 1.1852607727050781, -0.15271247923374176, 0.47444796562194824, 0.9841232895851135, 0.07602943480014801, 1.1636943817138672, 0.6388498544692993, -0.7056518793106079, 0.45472627878189087, 0.0028420742601156235, 0.9104910492897034, 0.3160797655582428, 0.381060928106308, 0.3301733732223511, 0.16888724267482758, -0.07240757346153259, -2.1994383335113525, 0.11288964748382568, -0.8505759239196777, -0.2580749988555908, -0.4050295948982239, 0.45337578654289246, -0.5406755805015564, -1.6112217903137207, 1.44868803024292, -0.6315209865570068, 0.9298309087753296, 0.0860171765089035, -0.4461432695388794, -0.24209365248680115, -0.22341474890708923, -0.4385063350200653, 0.034201331436634064, -1.6266320943832397, 0.2261885106563568, -0.3614056706428528, -0.5003581643104553, 0.11422578990459442, 0.32536864280700684, 1.0613347291946411, -0.6923779249191284, 0.39130350947380066, 0.8720934987068176, 0.581065833568573, -0.5504239797592163, -0.10149851441383362, -0.6540786027908325, 0.5299834609031677, 1.1671136617660522, -0.8007541298866272, 1.2484172582626343, 0.6123601198196411, -0.2574113607406616, -0.24380850791931152, -0.509514331817627, -0.09785450994968414, 0.3078843653202057, 0.7591093182563782, -0.6470224261283875, -0.3586283028125763, -0.3565020263195038, -0.14589065313339233, -1.27962327003479, 0.6215584874153137, 1.112542986869812, -0.6379873752593994, 0.4565192461013794, 0.5693395137786865, 0.4479576647281647, -0.11607001721858978, 0.2948480248451233, -0.5296533107757568, -0.521470308303833, 0.2354012429714203, 0.8128085136413574, -0.10659512132406235, 1.0466970205307007, -1.9481240510940552, -1.020432710647583, -0.016866782680153847, 0.3492520749568939, 0.5672897100448608, -0.4079035520553589, 0.7511823773384094, 0.5092251896858215, 0.21398761868476868, -0.28034913539886475, -0.5791081786155701, 0.1950618028640747, -0.4644317924976349, -0.13023102283477783, -0.5764386057853699, 0.057256557047367096, -1.1020898818969727, -0.05379995331168175, -0.23104281723499298, 0.9121771454811096, -1.1584957838058472, -0.41842758655548096, 0.2509063482284546, -0.2747019827365875, -0.3159257471561432, 0.10637503862380981, 0.4335370361804962, -0.22789202630519867, -0.12818856537342072, -1.1263999938964844, 0.6542192101478577, 0.9335052371025085, 1.0636686086654663, 0.4924006462097168, 0.4276354908943176, 0.07111462205648422, 0.8438690900802612, 0.4725305438041687, 1.6664154529571533, 0.4174940288066864, -0.765066385269165, -0.38402169942855835, 0.14612062275409698, -0.006012946367263794, -0.18410959839820862, -0.1446845382452011, -1.0289134979248047, 0.310749351978302, -1.1619611978530884, -0.03499743342399597, 0.1056775227189064, -0.12747521698474884, 0.7791623473167419, 0.3850359320640564, -0.4466288685798645, -0.8403060436248779, -0.13645946979522705, -1.376738429069519, 0.24483118951320648, -0.15552540123462677, 0.991948664188385, 1.082330584526062, 0.7102364301681519, 0.6293047070503235, 0.9612299799919128, 0.4724937081336975, -0.01620255410671234, -0.07423438876867294, 0.7596299052238464, 1.5248324871063232, 0.6557568311691284, 0.5678840279579163, -0.039294153451919556, 0.3920619785785675, -1.0485163927078247, -0.5554642081260681, -0.5123167634010315, 1.1536625623703003, 0.19570620357990265, 0.5847243666648865, 0.23623432219028473, -0.858465313911438, 0.02664598822593689, -0.5186644792556763, -0.006848728284239769, 0.9980267286300659, -0.2647925019264221, -0.36972513794898987, -0.7167571783065796, 0.47386541962623596, 0.6958423852920532, -0.5484121441841125, -0.044839151203632355, -0.6255331039428711, 0.4706043303012848, 0.1886599361896515, -0.2696995437145233, -1.0102894306182861, 0.517071008682251, 0.14897048473358154, 0.5535135865211487, 0.27968868613243103, -0.6338453888893127, -0.5522693991661072, 0.2881242334842682, -0.4575526714324951, 0.5080084800720215, 0.1672993302345276, -1.1124573945999146, -0.6779860854148865, 0.5394201278686523, -0.2170814871788025, 0.3525327146053314, 0.814914345741272, -0.07015345990657806, -1.7448092699050903, 0.8139057159423828, 1.385148525238037, -0.5110090970993042, -0.37198519706726074, 0.1618298590183258, -0.04048122838139534, 0.11601457744836807, 1.5494188070297241]} +{"paper_id": "sem_eval_2010_task_8", "embedding": [-0.1399773210287094, 0.41457220911979675, 0.0794827938079834, -0.3253246545791626, -0.07049549371004105, 0.03274617716670036, 0.6578646898269653, 1.0012301206588745, 0.2874683737754822, 0.9908663630485535, -0.6935746073722839, -0.3787885904312134, -0.45018118619918823, -0.322253555059433, -0.5974521040916443, -0.5988776087760925, -0.8409672379493713, -0.804000735282898, -0.9262768030166626, -0.3972737789154053, -0.14997561275959015, -1.2281765937805176, -0.4479258060455322, 0.2151513695716858, 0.14838778972625732, -0.4978836178779602, 0.4558558762073517, -0.9689481854438782, 0.8838400840759277, 0.4753665328025818, -0.12567740678787231, 1.4566963911056519, -1.5034253597259521, -0.14415305852890015, -0.14643192291259766, -0.1725868582725525, -0.11689465492963791, 1.0787700414657593, -1.5349935293197632, -0.4899778962135315, 0.3039403557777405, -0.26269203424453735, 0.6569437384605408, 0.3009442090988159, 0.33372780680656433, -0.2948344945907593, 0.268037885427475, 0.28254809975624084, -0.2549915313720703, 0.05354705825448036, -0.47169604897499084, -0.27198442816734314, 0.6637967824935913, -0.07014681398868561, -0.03043293207883835, 1.1315627098083496, 0.031128495931625366, -1.4270333051681519, 1.1394118070602417, -0.48641839623451233, 0.8530973792076111, 1.636734962463379, 0.038431838154792786, -0.07453304529190063, 0.6547531485557556, -0.4160531163215637, 0.7485994696617126, 0.1620350033044815, 0.2514009475708008, 1.086395263671875, -0.5503906607627869, -0.157671257853508, 0.5806199908256531, 0.3036919832229614, 0.16506081819534302, 0.9918673038482666, 0.25894472002983093, 0.23158450424671173, 0.11878719180822372, 0.6049269437789917, -0.025369729846715927, 0.6440203189849854, 0.8187469840049744, 0.09213555604219437, -0.14860346913337708, -0.6217738389968872, -0.022616751492023468, -1.2821228504180908, 0.6906270384788513, -1.3827710151672363, 0.23385538160800934, 0.07123397290706635, -0.6275986433029175, -0.10055980086326599, -0.33570805191993713, 0.8860388994216919, -0.2839428782463074, -0.22574065625667572, 0.08248358964920044, 0.531132161617279, 1.0123478174209595, -1.0668721199035645, 0.27972257137298584, -0.24995583295822144, 0.1487991362810135, 1.2767192125320435, 0.1206752210855484, 0.181205153465271, -0.8953337073326111, 0.3209408223628998, 0.4378669559955597, 2.181339740753174, -0.6507529020309448, -0.3557813763618469, -0.1832447499036789, 0.10348644107580185, 0.7462009787559509, -0.07051686942577362, -0.697266697883606, 0.27481943368911743, -0.07824567705392838, -0.7395784258842468, -0.07261310517787933, 0.6378555297851562, 0.22027656435966492, -0.5449880361557007, 0.7701228260993958, 0.021387912333011627, 0.9994826316833496, 0.6230376958847046, 0.36502477526664734, -0.040445562452077866, 0.25475114583969116, -0.5416688919067383, 2.4098758697509766, -1.0231727361679077, 1.6118165254592896, -0.6414444446563721, 0.39047834277153015, -0.368818998336792, -0.6579190492630005, 0.38648492097854614, 0.17289283871650696, -0.17920354008674622, -0.3003459572792053, 0.5424368381500244, 0.6806704998016357, 0.6128165125846863, -1.2314229011535645, 0.10548104345798492, -0.6326066255569458, 0.15231528878211975, -1.379968285560608, 0.05821319669485092, 0.12985481321811676, 0.22828122973442078, 0.20178209245204926, 0.6165386438369751, -1.2358193397521973, 0.7595622539520264, 0.3167787194252014, 0.003837820142507553, -0.7749903798103333, 0.07070032507181168, -0.0744650810956955, -0.8233417868614197, 1.4935362339019775, 0.12590870261192322, -1.8398107290267944, -0.19414660334587097, 0.9080311059951782, 0.4172707200050354, 0.42830899357795715, 0.08653256297111511, -0.1035437360405922, -0.0693671777844429, 0.5978527069091797, 0.5963760018348694, 0.858359694480896, -0.9627200961112976, 0.3428915739059448, -0.040624260902404785, 0.04609964042901993, 0.47482573986053467, 0.053936079144477844, 0.6169112920761108, -1.7737020254135132, 0.10493925213813782, -0.020451977849006653, 0.6084595918655396, 0.44884437322616577, -0.5155702829360962, 0.08208495378494263, 0.7880366444587708, -0.08680492639541626, -0.1938234120607376, 0.35361167788505554, -1.377215027809143, -1.1597986221313477, 0.25371456146240234, -0.5685173869132996, 0.011188886128365993, 0.7404345273971558, 0.5725151300430298, 0.34036675095558167, -0.9352902173995972, -0.641526460647583, -1.9962403774261475, 0.6839490532875061, 2.098027229309082, -0.5270265340805054, 0.32357847690582275, -1.399796724319458, -0.0823449194431305, 0.5834832787513733, -0.4110123813152313, 0.36478936672210693, -1.1317487955093384, 0.9351407289505005, -0.9209095239639282, 0.7535272240638733, -0.065684974193573, 0.009046405553817749, -0.30444955825805664, 0.8763706088066101, -1.3665109872817993, -0.16664259135723114, -0.04181783273816109, -0.7021056413650513, 0.19259965419769287, 0.7244977951049805, 0.4889073669910431, 0.09683967381715775, 0.7057455778121948, 0.6531994938850403, 1.1004441976547241, -0.6697112917900085, 0.3529154062271118, -0.5562041997909546, 0.809901773929596, 0.43819350004196167, 0.011791512370109558, -0.40509599447250366, 0.10618292540311813, 0.49795734882354736, -0.023150164633989334, -0.5640956163406372, -0.784406304359436, -0.01860032230615616, -0.007625497877597809, 0.9398048520088196, 0.8535998463630676, -0.30192339420318604, 0.66390460729599, -1.0788466930389404, 0.014955919235944748, -0.6904321312904358, -1.000915765762329, -0.6014888882637024, -0.2921004891395569, 1.3780823945999146, 0.5832432508468628, -0.6345498561859131, -0.36860764026641846, -0.6122691631317139, -0.9404793381690979, -0.5925655364990234, -0.24668654799461365, -0.47546565532684326, -1.0142714977264404, 0.2792258560657501, -0.3143376111984253, -1.575912594795227, -0.8380880951881409, -0.5954292416572571, 0.37036246061325073, 0.322360634803772, 0.7091556787490845, 1.9565708637237549, 0.38834500312805176, 0.02766253799200058, 0.5683152675628662, 1.0960087776184082, -0.11701315641403198, 0.36879074573516846, 0.4700528085231781, 0.6913704872131348, -0.9727807641029358, -0.5600419044494629, -0.5619767904281616, 0.7673627138137817, -0.6192377209663391, -0.1857384890317917, 0.07544156163930893, -0.4955364763736725, -1.080605387687683, 1.2024191617965698, -0.014273937791585922, -0.8873488903045654, -0.8944551944732666, 1.4118666648864746, 0.4782329797744751, 0.10485056042671204, 0.8500648140907288, 0.10736305266618729, -0.05939825624227524, 1.7536108493804932, -0.3046225905418396, 0.5688406229019165, 0.05245460569858551, 0.24963459372520447, 0.010488554835319519, 0.5080405473709106, -1.9512871503829956, 0.4838666021823883, 0.6350452303886414, 0.1555442214012146, -0.14200779795646667, -0.41513627767562866, 0.3985828757286072, -0.9454889893531799, -0.79188072681427, 0.9618708491325378, -0.6066827774047852, 0.2214156538248062, -0.41580143570899963, -0.19831083714962006, 0.8201621770858765, -1.385930061340332, 0.2583138644695282, 0.39147496223449707, 1.0140491724014282, -1.0939271450042725, -0.19844233989715576, 1.1043877601623535, -0.2844458818435669, 1.6626530885696411, 0.44463661313056946, 1.197825312614441, 0.23769351840019226, -0.7131490111351013, 0.46050959825515747, 0.47918838262557983, 0.23086968064308167, 0.34022945165634155, -0.6988230347633362, -0.18498441576957703, 0.40763744711875916, -0.7787623405456543, 1.2006515264511108, 1.1191821098327637, -1.5865907669067383, -0.6194919943809509, -0.7461981773376465, -0.6810973286628723, -0.8870741128921509, 1.3109856843948364, 1.1276133060455322, 1.0861258506774902, -0.9754606485366821, 0.5917396545410156, 0.12417174875736237, 0.6272558569908142, 0.8283770084381104, 0.7957568168640137, 0.1578381359577179, -0.8110964298248291, 0.1395018845796585, 0.275564044713974, -0.1474139392375946, -0.3570104241371155, 0.18683969974517822, -0.010024569928646088, -0.24794359505176544, -0.41373297572135925, -0.27247968316078186, 0.03400265797972679, 1.0432711839675903, 1.5237151384353638, -0.5701875686645508, -0.5915111303329468, -0.1407124549150467, -0.10551173985004425, -0.10442892462015152, -0.24104925990104675, -1.4277842044830322, 0.46610283851623535, 0.14752237498760223, 0.9320623278617859, -0.6223663687705994, 1.3428107500076294, 0.8064451813697815, 0.143690824508667, -1.7764919996261597, -0.47090134024620056, -0.755882740020752, 0.045494381338357925, -0.3703593313694, -0.9012062549591064, -0.5600936412811279, 0.6111295819282532, -0.27513760328292847, -0.6312175393104553, 0.5086138248443604, -0.7341517806053162, -0.8465923070907593, 1.1710009574890137, 1.6135339736938477, -1.69672691822052, -0.5297430753707886, 0.04790110886096954, -0.32124873995780945, -0.873959481716156, 0.08781925588846207, -0.7442875504493713, 1.037683129310608, 0.9885792136192322, 0.46508803963661194, -0.09876300394535065, -0.21366634964942932, -0.8510713577270508, 0.7341421842575073, 0.9230141639709473, -0.7015474438667297, 0.04404442384839058, -0.20700937509536743, -0.334112286567688, -1.1783093214035034e-05, -1.084692358970642, 0.03904031589627266, 0.9257751107215881, -0.40718910098075867, -0.33958691358566284, -0.805420458316803, -1.3361024856567383, 0.07385542243719101, -0.3480832874774933, 1.3759657144546509, -0.9145447611808777, 1.0095734596252441, -0.4740478992462158, -0.5275898575782776, 0.14068488776683807, -0.29811450839042664, -0.644558846950531, 1.3129394054412842, -0.35920047760009766, 0.541609525680542, 0.6371850967407227, 0.04631884768605232, 0.7430700659751892, 0.002296663820743561, -0.6328305602073669, -0.26992878317832947, -11.277482986450195, 0.953655481338501, 0.31858009099960327, 0.6137605905532837, 1.0526983737945557, -0.012290149927139282, 0.18964838981628418, 0.5040912628173828, 0.6252020001411438, -0.41058334708213806, 0.14699849486351013, 1.5481036901474, 0.07770642638206482, 0.03309379145503044, -0.28795361518859863, -0.9086911678314209, 0.16158218681812286, -0.7088282108306885, 0.2248537391424179, 1.1566901206970215, -0.2044009417295456, -0.599880039691925, 0.2014271467924118, -0.35572317242622375, 0.18492929637432098, -0.7122139930725098, -0.6964972019195557, -0.37047988176345825, -0.5951223373413086, -0.12506826221942902, 0.18326689302921295, -0.5424694418907166, -0.3950672745704651, 0.524765133857727, -0.4363401532173157, 0.09464119374752045, 0.24436436593532562, -0.12047354131937027, 0.1161002442240715, -0.3403049409389496, -0.13910071551799774, -0.3598743677139282, 0.5861350297927856, -0.8116278648376465, -0.0532468743622303, 0.16380862891674042, -0.7516003251075745, -1.143658995628357, -0.08919297158718109, -0.1604623794555664, -0.23842768371105194, -0.38829779624938965, -0.8336666822433472, -0.7048682570457458, -0.06493246555328369, -0.2603249251842499, -0.998078465461731, 0.5946913361549377, -1.081323504447937, -0.5896934270858765, -0.07573466747999191, 0.5958265662193298, 0.47217416763305664, 0.3628518879413605, 0.305627703666687, -0.7701458930969238, 0.7926037907600403, 0.4034874737262726, -0.47534146904945374, 0.16525894403457642, -0.9777796864509583, 0.7120966911315918, -0.10985533148050308, 0.3341186046600342, 0.07467450946569443, -0.429058313369751, -0.4371451735496521, -0.01853535883128643, 0.6306478977203369, -0.07298675179481506, -1.5654017925262451, -0.037472791969776154, 0.23434138298034668, -0.17165020108222961, -1.364437460899353, 0.33059969544410706, -0.7268577814102173, 0.060260649770498276, 0.2308846414089203, -0.37632352113723755, 0.7487552165985107, 0.1692950427532196, -0.35911327600479126, -0.9780046343803406, 0.01842491328716278, 1.1080223321914673, -0.5743393301963806, 1.4729945659637451, -0.5758856534957886, 0.08958187699317932, 0.8232000470161438, 0.3133191466331482, -0.863499641418457, -0.05859949812293053, 0.061029382050037384, 0.36595064401626587, 0.5124645233154297, -0.23021364212036133, -0.6831411719322205, -0.4120654761791229, 0.8778626918792725, -0.2696833908557892, -0.35437506437301636, 1.1843446493148804, -0.5160979628562927, 0.46692273020744324, 1.0693210363388062, 0.18092244863510132, 0.5304822325706482, 0.8871590495109558, 0.057965923100709915, -0.09167734533548355, 0.0645870491862297, 0.9505617022514343, 0.5075303316116333, -0.0009834705851972103, 0.25061511993408203, 0.5805314779281616, -0.030602063983678818, -1.4275575876235962, 0.4599894881248474, 0.11976133286952972, 0.16467247903347015, -0.023265786468982697, -0.3535851240158081, -1.0287748575210571, -0.37673309445381165, 0.45584213733673096, -0.3533274531364441, -0.17209023237228394, -0.3742799162864685, -0.22763751447200775, -0.8609752058982849, -0.3539220690727234, -0.25798162817955017, 1.26435387134552, -2.4207561016082764, -0.22603583335876465, -0.5754179954528809, -0.8179280161857605, 0.012366529554128647, -0.8180399537086487, 0.49966371059417725, 0.016492366790771484, 0.3259725570678711, 0.14160451292991638, 0.5484517216682434, 0.649731457233429, -0.606856644153595, 0.09718650579452515, 0.5861728191375732, 1.1776137351989746, -0.7640001177787781, 0.5151479840278625, 0.729872465133667, -0.7814453840255737, -1.0134117603302002, -0.41754278540611267, -0.3305436074733734, -0.2776898443698883, 0.6074192523956299, -0.9740299582481384, 0.30098408460617065, 0.4009557366371155, -0.025438115000724792, -1.690659999847412, 0.3306288719177246, 0.2973734140396118, -0.5074079036712646, -0.2812366485595703, -0.3117006719112396, 0.44445404410362244, 0.7918102145195007, -0.47629794478416443, -0.5602717399597168, -0.8190561532974243, -0.34703290462493896, 0.6918578743934631, -0.10289906710386276, 0.9615047574043274, -1.0323381423950195, -1.6944105625152588, 0.006658792030066252, 1.3866218328475952, 0.890568733215332, 0.1373227834701538, 1.1130174398422241, 0.7557768225669861, 0.45172110199928284, 0.308641642332077, 0.472861111164093, 0.7344873547554016, 0.2819955050945282, 0.2312479168176651, -0.6930713057518005, 0.01674938201904297, -0.9889544248580933, 0.19947904348373413, 0.9157476425170898, 1.0458394289016724, -1.1885160207748413, -0.0017467550933361053, 0.5836964249610901, 0.5397464036941528, -0.22383609414100647, -1.3369866609573364, 0.4089415371417999, -0.5093905329704285, -0.9198124408721924, -0.7632454037666321, 0.37944501638412476, 0.762637734413147, -0.2228040248155594, 0.954315721988678, 0.469228595495224, 0.9089308977127075, 0.46222802996635437, 0.17663414776325226, 1.5265588760375977, -0.05007835105061531, -0.17894871532917023, 0.00029695406556129456, 0.4603365361690521, 0.3379453420639038, -0.259488046169281, -0.5813273191452026, -0.18841932713985443, 0.1344372183084488, -0.9119284152984619, 0.4749327301979065, -0.679489016532898, 0.2869866192340851, 0.8647688627243042, 0.6837377548217773, -0.6483914852142334, -0.1506563276052475, 0.006961748003959656, -0.8072682619094849, 0.560901403427124, -0.1890629231929779, 1.003487467765808, 0.9699879288673401, 0.7974959015846252, 0.33410853147506714, 0.624719500541687, 0.2283586859703064, 0.6801803708076477, -0.10756974667310715, -0.4566841721534729, 1.4411314725875854, 0.46638497710227966, 0.2179197371006012, -0.4021952450275421, -0.5131431221961975, -1.5997570753097534, -0.21448011696338654, -0.4893198311328888, 1.0653098821640015, 0.6702659130096436, -0.8694390654563904, 0.2592940926551819, 0.49029189348220825, 0.4564545750617981, -0.19724473357200623, 0.010463500395417213, -0.3585789203643799, 0.00326741486787796, -0.6366884112358093, -0.4603082835674286, -0.5056347846984863, 0.8683515787124634, -0.9443349242210388, -0.13587132096290588, 0.946570098400116, 0.5973661541938782, -1.0913571119308472, -0.6796229481697083, -0.4118509590625763, 0.48955902457237244, -0.1917715072631836, 0.6212697625160217, 0.39550113677978516, -1.0167782306671143, -1.0720642805099487, 0.43439388275146484, -0.8656489849090576, 0.5905577540397644, -0.3552488088607788, -0.4086184501647949, 0.1458892822265625, 0.3150723874568939, -0.11038604378700256, -0.7462647557258606, 0.1356416642665863, -0.021297762170433998, -1.7683244943618774, 1.230391025543213, 0.6489277482032776, 0.11021549999713898, -0.6949652433395386, 0.3247644901275635, 0.6306384801864624, 0.7905954122543335, 0.5117167234420776]} +{"paper_id": "wnut_17", "embedding": [-0.9589791297912598, 1.2944324016571045, -0.2922336161136627, -0.08058114349842072, 0.47852903604507446, 0.12469349801540375, 0.5767755508422852, 0.8742559552192688, 0.833276629447937, 1.0984611511230469, 0.08449036628007889, -0.5647233128547668, -0.13832348585128784, -0.4956253468990326, -0.17094598710536957, -0.4683619737625122, -0.1854478120803833, -0.23608841001987457, -0.4891051650047302, -0.462291955947876, -1.1307514905929565, -0.4717251658439636, 0.17308202385902405, 0.16777724027633667, -1.39590322971344, -0.36630210280418396, 0.3964805006980896, -1.2362937927246094, -0.3138927221298218, -0.19710227847099304, -0.866227388381958, 0.8430491089820862, -0.8071572780609131, -0.46689316630363464, -0.3191177248954773, 0.15043963491916656, 0.20190174877643585, 0.4180784225463867, -0.9116770029067993, 0.37029412388801575, -1.1563866138458252, -0.42924484610557556, 0.8794196248054504, 0.2944016456604004, 0.3595908284187317, -0.15963515639305115, 0.45681342482566833, 0.23912839591503143, 0.13520444929599762, 0.11288423836231232, -0.18983155488967896, 0.08191806823015213, -0.03618472069501877, 0.008825834840536118, -0.3125448524951935, 1.3734067678451538, 0.27638423442840576, -1.6916354894638062, 0.290016770362854, 0.13996319472789764, 0.6291895508766174, 1.0380229949951172, 0.035694293677806854, -0.3508000373840332, 0.3135795295238495, -0.15756070613861084, 1.7032183408737183, -0.15467627346515656, 0.6197546124458313, 0.37698596715927124, -0.7627570629119873, -1.560441255569458, -0.15399697422981262, -0.7802746891975403, 0.1960277557373047, 0.9653866291046143, 0.7659325003623962, 0.39970213174819946, -0.06223230063915253, -0.14861106872558594, 0.09793050587177277, 1.3473764657974243, 0.33351799845695496, 0.01197030395269394, -0.17886397242546082, 0.11559351533651352, 0.5612015724182129, -0.44296079874038696, 0.4755205810070038, -1.6193184852600098, 0.06861914694309235, 0.21960993111133575, -0.46014904975891113, 0.19313284754753113, -0.39057832956314087, 0.8073630332946777, -0.2857881784439087, -0.7206931710243225, -0.684238076210022, 0.41045984625816345, 1.109209656715393, -0.29042816162109375, 0.250681608915329, -0.4743174612522125, 0.29145151376724243, 0.9207558035850525, -0.6471846699714661, 0.3506413698196411, -0.5558848977088928, -0.23620444536209106, 0.16614365577697754, 1.4401469230651855, -0.2663125693798065, 0.9726963043212891, -0.22040891647338867, 0.18849939107894897, 0.7642436623573303, -0.8376975059509277, -0.42160460352897644, 0.1817937195301056, -1.1939613819122314, -0.536820113658905, -0.04866958409547806, 0.589625895023346, 0.6898709535598755, -0.5237074494361877, 1.0104485750198364, 0.10039839893579483, 0.046593211591243744, -0.07389357686042786, 0.9310555458068848, -0.1300581991672516, -0.5694217681884766, -0.06336924433708191, 2.234574317932129, -1.6294753551483154, 0.8955975770950317, -0.27465635538101196, -0.31935396790504456, -0.020359084010124207, 0.038708098232746124, 1.508605718612671, 0.3191514313220978, -0.3672802746295929, -0.8457720875740051, 0.06632699072360992, -0.5540242195129395, 0.23322702944278717, -0.378507137298584, -0.36360546946525574, 0.24024638533592224, 0.4809042513370514, -1.4168250560760498, 0.6002910137176514, 0.05284490808844566, 0.40615203976631165, 0.09362319111824036, 0.18321111798286438, -0.2442067265510559, 1.5348957777023315, 1.5961874723434448, -0.6605324745178223, -0.7633165121078491, 0.6568610072135925, -0.5406659245491028, -0.4593603014945984, 1.628726840019226, -0.12737755477428436, -1.2036575078964233, 0.29174304008483887, 0.8607543110847473, -0.3313160538673401, 0.07001202553510666, -0.7113660573959351, -0.581045389175415, -0.18605732917785645, 0.87375408411026, 0.5307310819625854, 0.15583962202072144, 0.26957395672798157, -0.15361833572387695, -0.06769353151321411, -0.40178242325782776, 0.6899811029434204, -0.29480060935020447, 0.9029245972633362, -2.0010898113250732, -0.6263536214828491, 0.17382754385471344, 1.2719225883483887, -0.1257525384426117, -0.4441545605659485, -0.15379652380943298, 0.9418298602104187, 0.3378812074661255, -0.2663441002368927, 0.21285344660282135, -1.7070890665054321, 0.1338808834552765, -0.09550991654396057, 0.2951882779598236, -1.056132197380066, -0.21325047314167023, 1.2945550680160522, 1.2354741096496582, -1.349907398223877, -0.5905957818031311, -1.8223096132278442, 0.2880708873271942, 1.979501724243164, -0.21671372652053833, -0.6961289644241333, -1.3742375373840332, 0.060368552803993225, -0.0038341060280799866, -0.515042781829834, 0.5737640857696533, -0.5100623369216919, 0.5846600532531738, -1.435147762298584, 0.4009057283401489, -0.4121873378753662, -0.13718771934509277, 0.43091702461242676, 0.5734207034111023, -0.07452011108398438, -0.34494757652282715, -0.4675336182117462, -0.12599606812000275, 0.3268822133541107, 0.5424312949180603, -0.0076384954154491425, 0.18833868205547333, 1.0947128534317017, 0.8334389925003052, 0.7861403226852417, -0.7417686581611633, 0.2728472650051117, -0.5292730331420898, 0.44053593277931213, 0.15687516331672668, 0.010766938328742981, -0.024215489625930786, -0.6249061226844788, 1.142648696899414, 0.21643134951591492, -0.33705583214759827, -0.5764567852020264, 0.4539455771446228, 0.05949567258358002, 0.7174718976020813, 1.0932972431182861, -0.9348084330558777, 0.4135305881500244, -1.6275684833526611, 0.6331084966659546, -0.561546802520752, -0.6724616885185242, -0.23680028319358826, 0.1519235074520111, 0.7281816005706787, -0.070892333984375, 0.011273711919784546, 0.05166718363761902, 0.12497878074645996, -1.3615092039108276, -0.754957914352417, 0.004704870283603668, -0.42496925592422485, -1.3070638179779053, 0.2061096429824829, -0.12248323857784271, -1.1139224767684937, -0.257921040058136, -0.03191251680254936, 0.3428685665130615, 0.18752598762512207, 0.6759853363037109, 1.3080205917358398, 0.15121327340602875, -0.04058045893907547, -0.4620708227157593, 0.8965907692909241, -0.9126341938972473, 1.1418907642364502, -0.15464366972446442, 0.37699055671691895, -0.9072543382644653, 0.0050683096051216125, 0.15906685590744019, 0.09973519295454025, 0.002218179404735565, -0.23968657851219177, 0.29081621766090393, 0.2511967122554779, -0.09959893673658371, 0.8821019530296326, -0.6906440258026123, -0.2283930778503418, -1.2284966707229614, 1.420084834098816, 0.2638702094554901, -0.5162180662155151, 0.28803330659866333, 0.6472604274749756, 0.8896001577377319, 1.0310841798782349, -0.5069364905357361, 0.6187271475791931, -0.20767159759998322, -0.3658917546272278, 0.338518351316452, 0.5677566528320312, -1.9837409257888794, -0.42397770285606384, 0.9667467474937439, -0.4929015636444092, 0.6367332339286804, 0.029745953157544136, 0.9021459221839905, -0.7309980392456055, -0.369198203086853, -0.260293185710907, -0.7802215218544006, 0.02608538046479225, -0.9918715357780457, -0.15065118670463562, 0.34662145376205444, -0.12209779769182205, -0.0072903744876384735, 0.026729203760623932, 0.639178991317749, -1.5245856046676636, 0.17852720618247986, 1.699501872062683, -0.1261516809463501, 0.38755080103874207, 0.31431764364242554, 1.2515672445297241, 0.9087488651275635, -0.8456027507781982, -0.11887793242931366, 1.3640273809432983, 0.40813565254211426, 0.5533612370491028, 0.06395707279443741, -0.019087649881839752, 0.7869189381599426, -0.8036766052246094, 1.272006630897522, 1.1086891889572144, -0.8346888422966003, -1.4954839944839478, -0.40210312604904175, -0.6889646053314209, -0.5730039477348328, 1.4924769401550293, 0.682622492313385, 1.915165901184082, 0.15838302671909332, 0.6599747538566589, -0.6762896776199341, 0.07246962189674377, 0.40720975399017334, 0.7748781442642212, 0.04822823032736778, -0.594988226890564, 0.16973069310188293, -0.0052963439375162125, -0.3773699104785919, -0.6805241107940674, 0.24006660282611847, 1.0183993577957153, -0.0092090405523777, -0.7098132967948914, -0.5751736164093018, -0.42175811529159546, 0.2437686026096344, 1.4812754392623901, -0.6444623470306396, -0.6048126220703125, 0.11834070831537247, 0.17989258468151093, 0.6644083261489868, 0.06704532355070114, -0.9476186037063599, 0.02928236871957779, 0.42125067114830017, -0.2917020320892334, -0.6413052082061768, 0.9658744931221008, 0.6829840540885925, 0.2149033099412918, -1.5054177045822144, -0.7272689938545227, -1.435732126235962, -0.13968168199062347, 0.36026862263679504, 0.47017279267311096, -1.070603609085083, 0.5225598812103271, -0.3010861575603485, -1.4684609174728394, 0.652207612991333, -1.011636734008789, -1.3559820652008057, 1.0681724548339844, 0.8495084047317505, -0.9372442960739136, -0.8071271181106567, 0.1320502758026123, -0.6051613688468933, -0.46505802869796753, -0.6173359751701355, -1.2421427965164185, 0.928101122379303, 0.6180224418640137, 0.32046473026275635, 0.12367541342973709, 0.025042511522769928, -0.3213699460029602, 0.7439901828765869, 0.6093838810920715, 0.3134390413761139, 0.7059613466262817, -0.00917229987680912, -0.28368574380874634, -0.5235055685043335, -1.7725133895874023, -0.9030424952507019, 0.07390590012073517, -0.8798227310180664, 0.5935748219490051, -0.706630289554596, -0.8892160654067993, 0.0816473513841629, -0.24225370585918427, 0.9119648337364197, -0.8549396395683289, 0.7113341689109802, -1.1248536109924316, 0.25942713022232056, 0.3029443919658661, -1.1246256828308105, -1.7495758533477783, 0.5700054168701172, -0.4525461494922638, 0.036691777408123016, 0.7400366067886353, 0.9542132616043091, 1.5084447860717773, 0.35857588052749634, 0.044715821743011475, -0.4773092567920685, -11.28308391571045, 0.8556864857673645, 0.23336347937583923, 0.5278056859970093, 0.4626041054725647, -0.33988773822784424, 0.4092738628387451, -0.0068916454911231995, 1.3264232873916626, -0.22120791673660278, 0.2949240505695343, 1.637969732284546, -0.43005526065826416, 0.31408026814460754, -0.47620368003845215, -1.0146042108535767, -0.298064261674881, -0.6648778319358826, 0.2698226571083069, 0.49329808354377747, -0.20173057913780212, -1.26567804813385, 0.6010924577713013, -0.1932182013988495, 0.6944193243980408, 0.2854195237159729, 0.20687982439994812, -0.14899346232414246, -0.9612871408462524, 0.5138167142868042, 0.9697144627571106, -0.23394344747066498, -1.1064236164093018, 0.08142014592885971, 0.27603161334991455, 0.45014578104019165, -0.8492898941040039, -0.22738580405712128, 0.9036251306533813, -0.08043140918016434, 0.18093034625053406, -0.25962185859680176, 0.8611820340156555, -0.503507137298584, -0.4556139409542084, -0.005683310329914093, 0.19087794423103333, -1.152735710144043, 0.13299816846847534, -0.4905114471912384, -0.6502822637557983, 0.19954608380794525, -1.5854548215866089, -0.42881497740745544, 1.3760422468185425, 0.0948304831981659, -0.4087202548980713, 0.25443193316459656, -0.9703449010848999, -1.216303825378418, 1.0661413669586182, -0.34164685010910034, -0.17495176196098328, 0.20401085913181305, 0.7868001461029053, -1.2301160097122192, 0.32968175411224365, -0.10348575562238693, 0.6408121585845947, 0.40154334902763367, -0.4177793562412262, 0.32109716534614563, 0.2090395987033844, 0.08696781098842621, 0.1340566724538803, -0.08051612228155136, -0.23745834827423096, -0.4139211177825928, 0.3904018998146057, 0.3684680759906769, -0.7661719918251038, 1.3083221912384033, -0.27872756123542786, 0.42446738481521606, -1.1919907331466675, -0.5734065175056458, -0.5321988463401794, -1.0506845712661743, 0.609931230545044, -0.4362800419330597, 0.5832226276397705, -0.17438820004463196, -0.8474182486534119, 0.740324079990387, -0.7374889850616455, 0.7292599678039551, -0.6382113099098206, 1.4050590991973877, 0.40517497062683105, -0.20857036113739014, 0.3487562835216522, -0.5675547122955322, -0.5501298904418945, 0.25241926312446594, 0.31184718012809753, 0.0367068350315094, -0.42302796244621277, 0.27657008171081543, 0.02442222833633423, -0.6381484866142273, 0.8380995392799377, -0.22044092416763306, 0.010499618947505951, 0.7531972527503967, 0.3526698052883148, 0.8827661275863647, 0.8331525325775146, 0.6174030900001526, 0.9571825265884399, 1.1775919198989868, 0.23534613847732544, 1.0446192026138306, -0.3490135371685028, 0.5292229652404785, 0.5013346672058105, -0.4834161400794983, 0.9506566524505615, 0.5652065277099609, 0.42834606766700745, -2.0030462741851807, -0.3349102735519409, -0.01176760159432888, -0.09039392322301865, -1.2629960775375366, -0.7495105862617493, -0.7856069207191467, -0.7373374104499817, 0.9788088798522949, -0.25369328260421753, 0.2652757465839386, -0.38479673862457275, -0.26984724402427673, 0.17696920037269592, -0.16037335991859436, -0.4870375394821167, 0.22069144248962402, -1.1420120000839233, 0.2641337811946869, -0.49336108565330505, -0.6765938401222229, -0.024859759956598282, -0.34520015120506287, 0.6536049842834473, -0.8688790202140808, 0.33720096945762634, -0.25324857234954834, 0.9274006485939026, 0.12445596605539322, -0.4148648977279663, 0.1840898096561432, 0.0006245225667953491, 0.47889700531959534, -0.13387124240398407, 1.3524577617645264, 0.45894375443458557, -0.32071179151535034, -0.29565635323524475, -0.20088054239749908, -0.9264907240867615, -0.07461625337600708, 1.1741756200790405, -1.0564152002334595, 0.15655918419361115, -0.2767085134983063, 0.05073407664895058, -1.2720587253570557, 1.0780702829360962, 0.9578766822814941, -0.8006455898284912, -0.23154737055301666, -0.16191861033439636, 0.1396312415599823, 0.982829749584198, 0.09722618758678436, -0.25001978874206543, -0.37398335337638855, -0.008250197395682335, 0.8933406472206116, 0.34462934732437134, 0.43884769082069397, -1.0126606225967407, -1.5246858596801758, -0.17536406219005585, -0.1339140236377716, 0.5643126368522644, 0.33119997382164, 0.9760121703147888, 1.2391175031661987, 0.2696211338043213, -0.08200105279684067, 0.5618196725845337, 1.5307575464248657, 0.3539240062236786, 0.7972219586372375, -0.5879883170127869, -0.4078965485095978, -1.0734708309173584, 0.3728456497192383, 0.6728664636611938, 0.3777243494987488, -0.7406740188598633, 0.08125366270542145, 0.6254013180732727, -0.6352216601371765, 0.6834166646003723, -0.3950507938861847, 0.20492368936538696, 0.28776222467422485, -1.2742891311645508, -0.7776793837547302, 0.188070148229599, 0.39361056685447693, -0.9486249089241028, 1.012589931488037, 0.136972576379776, -0.49693870544433594, 0.25756263732910156, 0.2863854169845581, 1.9934918880462646, -0.8156191110610962, -0.061865705996751785, 0.8929714560508728, -0.5940678119659424, 0.05878628045320511, -0.1932821273803711, 0.5418272018432617, -0.3192739486694336, 0.634670615196228, -0.8978384733200073, -0.1484905481338501, 0.04192657023668289, 0.34264644980430603, 0.6994760632514954, 0.9136638641357422, -0.19485491514205933, -0.43685588240623474, -0.5710259079933167, -0.14952805638313293, 0.16597014665603638, 0.3184560239315033, 0.42154011130332947, 0.9055401682853699, 0.4936111569404602, -0.13706959784030914, 0.9722034931182861, 0.16537953913211823, 0.0609714537858963, -0.14774742722511292, 0.2537485957145691, 1.0339405536651611, 0.9380883574485779, 0.34039774537086487, -0.12240222841501236, -0.038182057440280914, -0.9416916966438293, -1.0185106992721558, -0.5652220845222473, 0.44646358489990234, 0.686488151550293, -0.7196250557899475, 0.31611526012420654, -0.3264206647872925, 0.48130300641059875, -0.11867709457874298, 0.33957409858703613, -0.36794209480285645, 0.09309643507003784, -0.6311351656913757, -0.9239298701286316, -0.40766602754592896, 0.8934906721115112, -0.7883864045143127, -0.2309422492980957, -0.5056982040405273, 0.19519901275634766, -0.9568547010421753, -0.7190262079238892, -0.43453389406204224, 0.9146957397460938, -0.41116541624069214, 0.2720714211463928, 0.020552625879645348, -0.6232264637947083, -0.7205840349197388, -0.2651698887348175, -0.03339836373925209, 0.7979604601860046, 0.7105089426040649, -1.3737448453903198, -0.17863567173480988, -0.029442980885505676, -0.18358337879180908, 0.3697769343852997, 0.5820285677909851, -0.6679713726043701, -1.3062714338302612, 0.6380431056022644, 0.37984204292297363, 0.61394202709198, -0.1033509373664856, 0.3793144226074219, 0.6764547228813171, -0.09471146762371063, 0.8776533007621765]} +{"paper_id": "narrativeqa", "embedding": [-0.06264767795801163, 0.8845187425613403, -0.3081100583076477, 0.28180715441703796, 0.43755459785461426, -0.006629008799791336, 0.04290066659450531, 0.6616503000259399, 1.0072976350784302, 0.3871922194957733, 0.6345694661140442, 0.04052822291851044, 0.2286568284034729, 0.43919917941093445, -0.20383894443511963, -0.16942965984344482, -0.649491548538208, -0.3562682569026947, -1.2898049354553223, -0.8281353712081909, -0.5488689541816711, -0.7260725498199463, -0.16784705221652985, 1.4056177139282227, -0.9568397998809814, -0.7413683533668518, 0.8576430082321167, -0.9889336228370667, 0.13033664226531982, 0.21622717380523682, 0.01567082852125168, 0.9564488530158997, -1.0746537446975708, 0.6843089461326599, -0.39213064312934875, -0.4418504238128662, 0.5859214663505554, 1.0012240409851074, -0.026763997972011566, -0.3461906313896179, -0.4420449733734131, 0.6005631685256958, -0.0011682771146297455, 0.0832424983382225, 0.8816608190536499, -0.4391002357006073, 0.49227839708328247, -0.22642771899700165, -0.16507011651992798, -0.1677444726228714, -0.7307710647583008, 0.18572956323623657, 0.08734026551246643, 0.1518360674381256, 0.10386960208415985, 0.830751895904541, -0.010432496666908264, -0.31709083914756775, 0.17544426023960114, -0.21385478973388672, 1.4952034950256348, 1.469972848892212, -0.7427893280982971, 0.5449244379997253, 1.4979809522628784, -0.34053534269332886, 1.2922568321228027, 0.13307608664035797, -0.7511278390884399, 1.2214275598526, -0.5667058229446411, -0.2916962802410126, 0.2456042468547821, -0.3784971833229065, -0.032305821776390076, 1.081634521484375, 0.6615704298019409, 0.2373252809047699, -0.03789239376783371, -0.2088395655155182, 0.03056912124156952, 0.4015958309173584, 0.4190075397491455, -0.2893160879611969, 0.3856731653213501, 0.2611284852027893, 0.6190863847732544, -0.5821347236633301, -0.2056272029876709, -2.297823190689087, 0.9433355331420898, 0.680681049823761, 0.4654400050640106, -0.30619946122169495, -0.6710599064826965, 0.2991645932197571, -0.10031077265739441, -0.5729825496673584, -0.4467989206314087, -0.18512088060379028, 0.3317716419696808, -0.22064773738384247, 0.7324944734573364, -0.28287550806999207, 0.5478777885437012, 0.0039043277502059937, -0.02484957128763199, -0.11845894902944565, -0.24502494931221008, -0.9144859910011292, 0.09563164412975311, 0.8213410973548889, 0.00941427331417799, 0.5619145035743713, -0.3106240928173065, -0.03563337400555611, 0.5277565121650696, -0.598542332649231, -0.4559060335159302, 0.3907877206802368, -0.49060600996017456, -1.0389037132263184, -0.2823536992073059, -0.3050772547721863, 0.4139467477798462, -0.5767923593521118, -0.24538494646549225, -1.013229489326477, -0.1963050365447998, -0.30261316895484924, 0.4361630976200104, 0.19363322854042053, -1.4653252363204956, -0.47719234228134155, 2.8533034324645996, -0.9634469747543335, 1.2644944190979004, -0.5056242942810059, -0.06096261739730835, -0.6261892914772034, -0.6970247030258179, 1.2239452600479126, -0.17762404680252075, -0.8017277717590332, -0.6329352259635925, 0.03398065268993378, -0.06170717626810074, 0.23518310487270355, -0.5774263143539429, 0.11011907458305359, 0.20807476341724396, 0.12575283646583557, -1.6833962202072144, -0.4557824730873108, -0.3682776987552643, 0.09265279024839401, -0.4207233488559723, 0.24500790238380432, 0.035360194742679596, 0.9136961698532104, 0.5897067785263062, -0.022889606654644012, -0.7004625797271729, 0.15462778508663177, -0.47188153862953186, 0.25784832239151, 0.7428213953971863, -0.10862498730421066, -0.3656218647956848, 0.05914591997861862, 0.09416698664426804, -0.5973953008651733, -0.464311420917511, -1.1572332382202148, -0.11616906523704529, -0.11142025887966156, 0.9016684293746948, 0.6909976601600647, 0.546787440776825, -0.35547465085983276, -0.46157827973365784, -0.4426896572113037, 0.3022346794605255, 1.0788257122039795, 0.05541318655014038, 0.29060330986976624, -3.0664243698120117, 0.05518293380737305, -0.7025178074836731, 0.8638322353363037, 0.16671088337898254, 0.29440394043922424, 0.4080807864665985, 0.2656993567943573, -0.33033639192581177, -0.4425758719444275, 0.3604262173175812, -1.484068512916565, 0.5735839009284973, -0.1503669023513794, 0.25609859824180603, 0.0307212695479393, -0.136951744556427, 1.1535017490386963, 0.9098472595214844, -0.46976369619369507, -0.958146333694458, -1.8568315505981445, 0.38653889298439026, 1.976863980293274, 0.28895193338394165, -0.3359782099723816, -0.8545669913291931, 0.030028119683265686, 0.10688497871160507, -0.044439416378736496, 0.5047738552093506, -0.327596515417099, 0.4316604435443878, -0.5950629115104675, 0.7656710147857666, -0.2514247000217438, -0.05580407753586769, 0.3021029233932495, 1.4559634923934937, -0.31422266364097595, -0.44385626912117004, -1.2107776403427124, -0.5797903537750244, -0.02168673649430275, 0.7724180817604065, 0.13889384269714355, 0.048344649374485016, 0.7064462900161743, 0.7151554822921753, 0.6848250031471252, 1.121514081954956, 0.7574683427810669, -0.40034836530685425, 0.6483033895492554, -0.30649518966674805, 1.0970224142074585, -0.17479796707630157, 0.14853011071681976, 0.0007047578692436218, 0.33209535479545593, -0.5674580931663513, -0.40034979581832886, -0.13405101001262665, -0.3068428635597229, 1.0541998147964478, 1.0125516653060913, -0.7698898315429688, 0.33760273456573486, -0.7729663848876953, -0.25943684577941895, -0.17677582800388336, -0.2923024892807007, -0.9047001004219055, 0.37440919876098633, 0.7147904634475708, -0.09830933809280396, 0.37254032492637634, -0.07482355087995529, 0.38525694608688354, -1.1013212203979492, -0.9680365920066833, 0.30972692370414734, 0.0057653263211250305, -0.9152101278305054, -0.8256436586380005, 0.023616835474967957, -1.4676114320755005, -0.46558207273483276, -0.2862260043621063, -0.5663807988166809, -0.3870548903942108, 0.20800074934959412, 1.636770486831665, 0.2227717638015747, 0.09251686185598373, -0.05505771189928055, 1.7483274936676025, -0.5210867524147034, 0.4876800775527954, -0.7231844067573547, -0.1670149862766266, -1.5358167886734009, 0.3806418180465698, -1.065844178199768, 0.5093393325805664, 0.4867073893547058, -0.25667446851730347, 0.6972430348396301, -0.5345269441604614, -0.9173154234886169, 0.8619384765625, -0.28926485776901245, 0.27405300736427307, -0.9190052151679993, 1.5349044799804688, -0.16173620522022247, -0.8912016749382019, 0.8921003937721252, -0.5892279744148254, -1.0861632823944092, 0.8579134345054626, -0.11252927780151367, 0.39509424567222595, 0.5683629512786865, 0.4079272449016571, 0.17777277529239655, 0.20294874906539917, -2.094987392425537, 0.8628250956535339, 1.2801589965820312, -0.10468627512454987, 0.055658239871263504, -0.5643608570098877, 0.9986842274665833, 0.2036973237991333, -0.24117833375930786, 0.7970114350318909, -0.7637689709663391, 0.28405794501304626, -0.16189733147621155, 0.5533292889595032, 0.7496980428695679, 0.45865505933761597, 0.3932829201221466, 0.7892386317253113, 0.43365395069122314, -0.5926064848899841, -0.3172588050365448, 1.134124994277954, -0.16390034556388855, 0.71504807472229, -0.24385562539100647, 0.8941514492034912, 0.5009099245071411, -0.13650310039520264, -0.03737233206629753, 0.5276179313659668, 0.34255287051200867, 0.14444486796855927, -0.0307009294629097, -0.3542599081993103, 0.03513985872268677, -0.7519431114196777, 1.3437179327011108, -0.4150565266609192, -0.5531442761421204, -0.9961732029914856, -0.2331811636686325, -0.27735787630081177, 0.21720242500305176, 1.2572777271270752, 0.29712292551994324, 2.3371341228485107, 0.4367006719112396, -0.07409464567899704, -0.4312463104724884, -0.20334680378437042, 0.48586270213127136, 0.44691798090934753, 0.319158136844635, -0.7961472272872925, -0.4614226520061493, 0.8618775010108948, 0.5264992713928223, -0.2586408257484436, 0.10655698925256729, 0.27154725790023804, -0.08216065168380737, -0.7956557869911194, 1.0659297704696655, 0.6931071877479553, 0.8166144490242004, 1.490754246711731, -0.6349279880523682, 0.15719397366046906, 0.10144326090812683, -0.1532622128725052, 0.1827506572008133, 0.380817174911499, 0.29670533537864685, 0.3560664653778076, 0.00019918382167816162, 0.9070847034454346, -0.09978970885276794, 1.599360466003418, 1.9902156591415405, -0.4094089865684509, -1.1107823848724365, 0.2742033898830414, -0.5971083641052246, -0.08845589309930801, 0.4029943346977234, 0.12910477817058563, 0.1278703808784485, 0.546909749507904, 0.11038296669721603, -0.8712332844734192, 0.3789178729057312, -0.2615523040294647, -1.0816256999969482, 0.31346607208251953, 1.3236745595932007, -0.38315314054489136, -0.5974862575531006, -0.014450624585151672, -0.9388457536697388, -0.10716250538825989, -0.6887164115905762, -1.1002366542816162, 1.3372583389282227, 0.09262517094612122, 0.8280691504478455, 0.3167678117752075, -0.00046597421169281006, -0.9485445618629456, 1.660276174545288, 1.1761603355407715, -0.6041122674942017, 0.6983131170272827, 0.5100482106208801, 0.7961044311523438, 0.0830666571855545, -1.0895112752914429, -0.6793468594551086, 0.35816073417663574, -0.3187987804412842, 0.050278861075639725, -0.962321400642395, -0.4207248091697693, 0.68899005651474, 0.5558929443359375, 0.3543248176574707, -0.9245188236236572, 0.41779226064682007, -0.7948403358459473, 0.2670629322528839, 0.46684879064559937, -1.1446404457092285, -1.157820224761963, 0.23669473826885223, -0.881895124912262, 0.3393484055995941, -0.5822420120239258, 0.48507189750671387, 2.6510379314422607, -0.08616805821657181, -0.1430809497833252, -0.43917620182037354, -11.363659858703613, 0.8338186144828796, 0.06434111297130585, 0.3452908992767334, 0.7097266912460327, -0.36519908905029297, 0.19501402974128723, 0.4701083302497864, 0.9258450269699097, -0.5004278421401978, 0.03594793751835823, 0.21648603677749634, 0.2791711091995239, -0.09643921256065369, -0.7093461751937866, -0.9217394590377808, -0.7158434987068176, -1.2382913827896118, 0.21164678037166595, 5.46872615814209e-05, 0.08419303596019745, -0.5845872759819031, -0.7532966136932373, 0.20843888819217682, 0.43319377303123474, -0.383227676153183, -0.37919437885284424, -0.35654571652412415, -0.21152132749557495, -0.5279926061630249, 1.1586790084838867, -0.7575182914733887, -0.5187000036239624, -0.3171585500240326, 0.3749603033065796, -0.33721309900283813, -1.125471591949463, -0.31874755024909973, 0.5050238966941833, -0.9198244214057922, -0.6217526197433472, 0.045399412512779236, 0.39577850699424744, -0.0026793107390403748, -0.4704051911830902, 0.6053749322891235, 0.5021965503692627, -1.3124922513961792, -0.37352079153060913, -0.3918234705924988, -0.6886729001998901, -0.2685959041118622, -0.8643211722373962, -0.4157469570636749, 0.4781551957130432, -0.013615679927170277, -0.3365146517753601, -0.6542912125587463, -0.18962892889976501, -0.9505279064178467, 0.8343165516853333, 0.08370473235845566, -0.14646324515342712, 0.4368270933628082, 0.055662911385297775, -0.32784733176231384, 0.6339606642723083, 0.1852990984916687, 0.08714760094881058, 0.6864570379257202, -0.3458212614059448, 1.1301199197769165, -0.060092493891716, 0.6399181485176086, -0.2873607277870178, 0.41597992181777954, -0.5232515931129456, -0.3482644557952881, 0.5840181708335876, 0.3257855474948883, -1.045640230178833, 0.5802798271179199, 0.008640598505735397, -0.49630704522132874, -0.41829800605773926, 0.1113736629486084, 0.3625321686267853, 0.3791297376155853, 0.8926594257354736, -0.9016057252883911, 1.2645676136016846, -0.038487933576107025, -0.3893390893936157, -0.28366413712501526, -0.7120133638381958, 0.08119024336338043, -0.78086256980896, 0.4000879228115082, 0.810738205909729, -0.35504820942878723, -0.5178677439689636, 0.08898214250802994, -0.9137594699859619, -0.3391430377960205, 1.1254239082336426, 0.04218599945306778, 0.04398690164089203, -0.06757143139839172, -0.12439970672130585, -0.9404340982437134, 0.5322983264923096, 1.2013580799102783, -0.2767975926399231, 1.780308485031128, -1.1126465797424316, 0.9199833273887634, 0.8435171842575073, -0.4636625349521637, -0.32629188895225525, 1.683527946472168, -0.6654529571533203, 0.9701465964317322, 0.4368912875652313, 1.5142806768417358, -0.26728618144989014, -0.026897946372628212, 0.49903199076652527, 0.6830670237541199, -0.20870763063430786, -0.9417297840118408, -0.13320207595825195, -0.6154387593269348, 0.29851895570755005, -0.8702130317687988, -0.7967662215232849, 0.5023888349533081, -0.6958649158477783, 1.5344510078430176, -0.9597535729408264, -0.10939488559961319, -0.28031057119369507, -0.266106516122818, -0.7414222955703735, -0.7288256883621216, -0.8345431685447693, -0.3997681736946106, -1.8666160106658936, 0.4109216332435608, -0.6019133925437927, -0.2079659402370453, -0.12247155606746674, -0.8199511170387268, 1.0246310234069824, -0.052698493003845215, -0.3699676990509033, -0.16641011834144592, 0.35319697856903076, -0.6813958287239075, -1.053041934967041, 0.00513053685426712, 0.23815038800239563, 1.1617368459701538, -0.6830983757972717, 1.0080831050872803, 0.21613982319831848, -0.13001896440982819, -0.6393872499465942, 0.3431616425514221, -1.126565933227539, 0.6136389970779419, 0.7611441612243652, -0.9738591909408569, -0.3146260976791382, -1.0465229749679565, -0.21280139684677124, -0.7106636762619019, 0.2345201075077057, 0.8936593532562256, -1.2689311504364014, -0.24821890890598297, -0.09549324959516525, 0.4770601987838745, 0.5288830399513245, -0.5410971641540527, -0.10807866603136063, -0.06271891295909882, -0.17969349026679993, 0.992201030254364, 0.05019610375165939, 0.8881070017814636, -1.1278059482574463, -1.2779529094696045, -0.843364953994751, -0.8300414681434631, 0.5843241214752197, 0.08779772371053696, 0.938470184803009, 0.4409327507019043, -0.806780219078064, -0.16293169558048248, -0.4607357084751129, 0.6741193532943726, 0.16799229383468628, 0.8249393105506897, -0.031899962574243546, 0.38087061047554016, -0.6852135062217712, 0.14644135534763336, 0.45760029554367065, 1.3460863828659058, -0.2853088974952698, -0.1885298639535904, 0.5581821203231812, -0.18009205162525177, -0.19344140589237213, -1.809571623802185, -0.2427687644958496, -0.612769603729248, -0.1772392988204956, -0.9188956618309021, -0.1336686611175537, 1.2990777492523193, -0.38003450632095337, 1.10969877243042, 1.315994143486023, 0.4004594385623932, 0.10382189601659775, 0.3785502314567566, 1.0070041418075562, 0.08557556569576263, 0.1542661041021347, 0.5666205883026123, 0.3866417706012726, 0.49418267607688904, -0.10334859788417816, -0.7195802330970764, -0.5583393573760986, 0.6272448301315308, -0.1447923630475998, 0.9855788946151733, 0.2180148810148239, -0.00679238885641098, 1.2201639413833618, 1.1947009563446045, -0.22308863699436188, -2.0470855236053467, -0.9989702701568604, -1.56106436252594, -0.12292401492595673, 0.8897425532341003, 0.13204047083854675, 0.09558945894241333, 0.4206222891807556, -0.5008646249771118, 1.422738790512085, -0.5073446035385132, 0.21296575665473938, 0.6087582111358643, -0.3917732834815979, 0.7002639770507812, 0.663939356803894, 0.43436509370803833, 0.6121546030044556, -0.3051290512084961, -1.2347757816314697, 0.2361803650856018, -0.766166090965271, 0.15627123415470123, 0.4445059895515442, -0.9446935057640076, -0.07499933987855911, -0.22962641716003418, 1.0643088817596436, -0.1435532569885254, 1.0076982975006104, -0.08830678462982178, -0.5134097337722778, -0.31616947054862976, -0.9611734747886658, -0.5547459125518799, 0.105026014149189, -0.3059149980545044, 0.020154178142547607, -0.5388196706771851, 0.15456730127334595, 0.15516634285449982, 0.5257254838943481, -0.755005955696106, -0.06843098998069763, -0.5484232306480408, 0.1746816784143448, -0.0669541284441948, -0.5840050578117371, -0.7312555313110352, 0.13505133986473083, -0.4970793128013611, 0.22426347434520721, 0.5234390497207642, -0.6079365015029907, -0.7178279757499695, 0.66805100440979, -0.02975809946656227, 0.09918975830078125, 0.16926726698875427, 0.16128580272197723, -1.6881202459335327, 0.4867943227291107, 0.516255795955658, -0.25391465425491333, -0.005129365250468254, -0.04137551039457321, 0.2726205885410309, 0.5519208312034607, 0.9643183946609497]} +{"paper_id": "discovery", "embedding": [-0.031316109001636505, 0.945457398891449, -0.38240617513656616, 0.10183294117450714, 0.03621004894375801, -0.36663341522216797, 0.5885201096534729, 0.8652969598770142, 0.804276168346405, 0.17099499702453613, -0.2602495849132538, -0.25968828797340393, -0.5134176015853882, -0.2141094207763672, 0.17322388291358948, -0.2736256718635559, -0.7234506607055664, -0.7511653900146484, -1.7217588424682617, -0.8265870213508606, 0.015435546636581421, -0.9884184002876282, 0.04035303369164467, 0.8673827648162842, 0.206001877784729, -0.9859797954559326, 0.3553248941898346, -1.0838826894760132, 1.1392743587493896, 0.6704193353652954, -0.28813016414642334, 1.5106269121170044, -1.0345957279205322, 0.18460270762443542, -0.15751513838768005, 0.3073957860469818, 0.4692702889442444, 0.6928561925888062, -0.18895545601844788, 0.3470580577850342, -0.11255776137113571, -0.45529231429100037, -0.06952077150344849, 0.5037153959274292, 0.4209088981151581, 0.17014279961585999, -0.0015196073800325394, -0.3221394121646881, 0.00571027398109436, -0.9799066781997681, -0.04770180583000183, 0.019160635769367218, -0.2769937217235565, 0.3663056194782257, -0.6082233786582947, 1.565400242805481, -0.03703257441520691, -1.1658042669296265, 0.5694998502731323, -0.4439123570919037, 1.4887205362319946, 1.882171630859375, -0.2554716467857361, 0.011789698153734207, 1.6883938312530518, 0.06800176203250885, 1.9746302366256714, -0.446205735206604, 0.6531355381011963, 1.0206106901168823, -0.10811503231525421, -0.34310096502304077, 0.6095196008682251, -0.6491366028785706, -0.2598637044429779, 1.098100185394287, 1.2624436616897583, -0.00550425797700882, -0.3815150856971741, 0.28518199920654297, -0.16881616413593292, 1.2010219097137451, 0.6956815719604492, 0.0850149467587471, -0.07669077813625336, 0.4503122866153717, 0.9991039037704468, -0.7524727582931519, -0.044883936643600464, -2.0337932109832764, -0.0582367405295372, 0.16074971854686737, -0.426395446062088, -0.08481624722480774, 0.04373344033956528, -0.17217102646827698, 0.0893021896481514, -0.2779634892940521, -0.3923488259315491, 0.1277485489845276, 0.4841856360435486, -0.617072582244873, 0.02723747119307518, -0.24232399463653564, -0.25935932993888855, 1.3503453731536865, 0.3323705792427063, 0.07768100500106812, -1.2690993547439575, -0.2931833565235138, 0.33234554529190063, 1.2103521823883057, -0.69617760181427, 1.005976676940918, -0.6187924742698669, -0.49229180812835693, 0.5836997032165527, 0.24628931283950806, -0.6750550866127014, -0.18977896869182587, -1.128096342086792, -1.0091309547424316, -0.16034573316574097, 0.17595617473125458, 0.898233950138092, -1.0229965448379517, -0.09222190827131271, -0.6639877557754517, 0.07834810018539429, -0.48751100897789, 0.7843886613845825, -0.024326834827661514, -0.755161464214325, -0.564938485622406, 3.0086357593536377, -1.051248550415039, 1.468540072441101, -0.9958624243736267, -0.3241327106952667, -0.7306811809539795, -0.6637048125267029, 1.362317681312561, -0.6470363736152649, -0.12292665243148804, -0.7358993291854858, 0.18870873749256134, -0.7771590352058411, 0.3632437586784363, -0.30349305272102356, -0.6257685422897339, -0.09824894368648529, -0.28880855441093445, -1.1171445846557617, -0.5084721446037292, -0.5214822292327881, -0.2030397653579712, 0.44305071234703064, 1.3480902910232544, -0.9443099498748779, 1.2914438247680664, 0.49859678745269775, -0.637183427810669, 0.45673757791519165, 0.3906710743904114, -0.9241287112236023, -0.2455342710018158, 0.7870693206787109, 0.165208637714386, -0.3816021978855133, -0.846330463886261, 0.8182520866394043, 0.5288150310516357, -0.5021380186080933, -0.23593860864639282, 0.3537738621234894, 0.7559705972671509, 0.6146875619888306, 1.0000237226486206, 0.892916738986969, -0.42176011204719543, -1.1034232378005981, -1.0151212215423584, 0.4109727740287781, 0.9629368782043457, 0.4551835060119629, 1.1463168859481812, -2.053755283355713, -0.9526510238647461, -0.270824134349823, 0.5629773139953613, 0.27452442049980164, -0.5090122222900391, 0.18131139874458313, 0.8657091856002808, 0.6425000429153442, -0.9217396974563599, 0.4289138615131378, -0.18141421675682068, 0.15057861804962158, 0.18485713005065918, 0.03631032630801201, -0.5862568616867065, 0.05571659281849861, 0.9697118401527405, 0.8972448110580444, -0.5505632758140564, -0.13662414252758026, -1.762708306312561, 0.1899254322052002, 2.7263832092285156, 0.5338338613510132, 0.14613565802574158, -1.5192393064498901, -0.06917045265436172, 0.1836402416229248, 0.04532260075211525, 0.1802988499403, -0.4535495340824127, 0.5089970231056213, -0.8970146179199219, 0.9755504131317139, -0.24576348066329956, 0.032280705869197845, 0.7695296406745911, 0.5177739858627319, -0.4803312420845032, -0.07404717057943344, -0.7311030030250549, -0.8263056874275208, 0.456186443567276, 0.8594269752502441, 0.03661609813570976, -0.20547227561473846, 1.0145071744918823, 0.9118179678916931, 0.8662765622138977, 0.260358989238739, 0.39896243810653687, 0.045256346464157104, 0.017140300944447517, 0.1047639325261116, 0.03694150596857071, -0.26925575733184814, 0.39432385563850403, 0.3180740475654602, 0.47993332147598267, -0.24694186449050903, -0.4292047619819641, -0.4070371389389038, -0.4363473653793335, 1.228671908378601, 0.6334396600723267, 0.18271978199481964, 1.14723539352417, -1.4184074401855469, 0.29488125443458557, -0.8394036889076233, -0.954825758934021, -0.36568307876586914, 0.13147078454494476, 1.0589979887008667, -0.07179557532072067, 0.7228543758392334, -0.5925235152244568, 0.3213772773742676, -0.6933335661888123, -1.6401793956756592, -0.2533608078956604, -0.18082007765769958, -1.8516424894332886, -0.2537391781806946, 0.2784543037414551, -1.2490472793579102, -0.2122337967157364, -0.2645430564880371, 0.29602986574172974, -0.18540643155574799, 0.26905009150505066, 2.1286733150482178, -0.10670489072799683, 0.29346710443496704, -0.06446300446987152, 0.8212541937828064, -0.6747537851333618, 1.2463260889053345, -0.3821176290512085, 0.34993836283683777, -1.2925052642822266, 0.34798526763916016, -0.14229264855384827, 0.5916350483894348, -0.013042189180850983, 0.2154235541820526, 0.17361493408679962, -0.021329671144485474, -0.7459715008735657, 1.0918790102005005, -0.6769346594810486, 0.0018205344676971436, -0.5668820738792419, 1.8782570362091064, 0.37516525387763977, -0.4026506841182709, 0.4975215196609497, -0.618050217628479, 0.21873705089092255, 0.7624880075454712, -0.4851857125759125, 1.3169894218444824, 0.7693450450897217, 0.449889600276947, 0.3015502393245697, -0.33842962980270386, -2.160191774368286, -0.027206014841794968, 1.0628496408462524, 0.11483271420001984, -0.5292727947235107, -1.0054383277893066, 0.5081179738044739, -0.4120124578475952, -0.43710049986839294, 0.3647397458553314, -0.6525779962539673, 0.07426396012306213, -0.1089417114853859, 0.03877125680446625, 1.6189844608306885, -0.3999807834625244, 0.45778554677963257, 1.8353233337402344, 0.29901134967803955, -0.465032696723938, -0.09234015643596649, 1.1887729167938232, -0.37501001358032227, -0.010857272893190384, 0.023821761831641197, 0.6813427805900574, 0.27506858110427856, -0.31319788098335266, 0.5623182058334351, 0.9124930500984192, 1.2809114456176758, 0.6149225831031799, -0.1407785266637802, -0.5340301394462585, 0.25312790274620056, -0.5264793634414673, 1.6378074884414673, -0.2447572499513626, -0.8038285374641418, -1.542487382888794, -0.3129742443561554, -0.1578482985496521, -0.5773725509643555, 1.7052452564239502, 0.8619273900985718, 1.8886569738388062, -0.6502657532691956, 0.43649807572364807, -0.7280470728874207, 0.42908382415771484, 0.6725027561187744, 0.4902631342411041, -0.34214919805526733, -0.3557113707065582, -0.15155141055583954, 1.1250674724578857, -0.45532679557800293, -0.36973637342453003, -0.21575190126895905, 0.9939749240875244, -0.9163985252380371, -0.6460832357406616, -0.601576566696167, 0.5169392824172974, 0.8377906084060669, 1.7236933708190918, -0.966536819934845, -0.5848358869552612, 0.2668037712574005, -0.013031808659434319, 0.49787771701812744, 0.1305290162563324, -1.527456283569336, 0.6232879757881165, 0.45005178451538086, 0.7420991659164429, 0.16393305361270905, 0.6023033261299133, 0.5091903209686279, -0.37475720047950745, -1.775005578994751, 0.09613442420959473, -0.538532555103302, -0.4097651541233063, -0.34909501671791077, 0.03158169239759445, -0.7835801839828491, 1.0598726272583008, -0.18381553888320923, -0.3617539405822754, 0.9684922695159912, -0.42494508624076843, -1.2140971422195435, 0.4693412780761719, 0.8086882829666138, -1.5810701847076416, -1.0584497451782227, -0.1307453215122223, -1.3463326692581177, -0.4325445890426636, -0.25144341588020325, -0.7831545472145081, 0.6478275656700134, 0.5744451284408569, 0.10933715850114822, -0.521533727645874, -0.36596232652664185, -1.1877871751785278, 0.6139433979988098, 1.1478421688079834, -1.0097607374191284, 0.6611881256103516, 0.21007928252220154, -0.11784842610359192, 0.44185543060302734, -0.9458529949188232, -0.749744176864624, -0.07270339876413345, -0.36375802755355835, -0.016748791560530663, -0.7620136141777039, -0.3843216300010681, -0.12716767191886902, 0.10254321992397308, 0.3822953701019287, -1.792267084121704, -0.09314673393964767, -0.5759640336036682, 0.9056280851364136, 0.26888105273246765, -0.425167441368103, -0.631165087223053, 0.9412952661514282, -1.244078278541565, 0.48197266459465027, 0.8478153944015503, 0.3668690621852875, 2.1977732181549072, 0.3936820328235626, 0.03427083045244217, -0.2969823479652405, -10.053221702575684, -0.04598869010806084, 0.19090226292610168, 0.2946518063545227, 0.4595494866371155, -0.43001511693000793, 0.7056578397750854, -0.4965600371360779, 0.3452804982662201, -0.5971518754959106, 0.6601728796958923, 1.2133663892745972, 0.4523555338382721, -1.0628082752227783, -0.37278085947036743, -0.9948322176933289, -0.15643896162509918, -0.9478198885917664, 0.11282558739185333, 0.5789840817451477, -0.7036245465278625, -0.6725978851318359, -0.07327716797590256, 0.4719178080558777, 0.25073036551475525, 0.2099609375, -0.28701162338256836, -0.20190516114234924, -0.45054852962493896, -0.016967453062534332, 1.0052967071533203, -0.681830644607544, -0.2896537184715271, -0.2561561167240143, 0.6317681074142456, 0.18790313601493835, -0.6924755573272705, 6.807944737374783e-05, -0.16342861950397491, -0.8474581241607666, -0.7897570729255676, 0.2930428087711334, 0.6987941265106201, -0.35480472445487976, -0.474323034286499, 0.17274843156337738, 0.4095749855041504, -1.2794500589370728, 0.27235591411590576, -0.6120496392250061, -0.2919510006904602, -0.6480488181114197, -1.472930669784546, -0.35267016291618347, 0.08058599382638931, 0.36291876435279846, -0.8800902962684631, 1.1413434743881226, -0.0856069028377533, -0.820468544960022, 0.7041420340538025, -0.29928451776504517, -0.15590131282806396, 0.3552703559398651, 0.2834046185016632, -0.41831913590431213, 0.6464285850524902, 0.453088641166687, -0.0709323137998581, 0.5772342681884766, -0.7874836325645447, 0.38099154829978943, -0.4004887640476227, -0.10117925703525543, -0.15611395239830017, 0.7567324042320251, 0.12405682355165482, -0.6619956493377686, 0.2568312883377075, 0.29717445373535156, -1.1553699970245361, 0.36866429448127747, -0.24523776769638062, -0.7408678531646729, -0.4993137717247009, 0.5004587769508362, -0.4398210346698761, -0.18963389098644257, 0.927266001701355, -0.3719629645347595, 1.142483115196228, -0.13689294457435608, -0.22579647600650787, -0.23363426327705383, -0.19338259100914001, 1.241214632987976, -0.8758655190467834, 1.2832539081573486, 0.5749109983444214, -0.5469567775726318, 0.3710878789424896, -0.13950654864311218, 0.14626196026802063, -0.5876842737197876, 0.6844656467437744, 0.8433118462562561, 0.1469506025314331, 0.24948781728744507, -0.09476959705352783, -0.12753120064735413, 0.9281024932861328, 0.6047415137290955, -0.45740044116973877, 0.6292591691017151, -0.1153813824057579, 0.9361144304275513, 0.5477292537689209, 0.8362602591514587, 0.003130972385406494, 0.7197827696800232, -0.49246445298194885, 0.966281533241272, 0.15619656443595886, 0.6875650882720947, 0.31368550658226013, 0.2871319055557251, 0.3287729024887085, 0.5111011862754822, -0.35389310121536255, -1.4266462326049805, -0.07882209122180939, 0.10828463733196259, -0.019823716953396797, -0.17774489521980286, -0.5570459365844727, 0.1360933780670166, -0.28401288390159607, 1.4174144268035889, 0.23890720307826996, -0.16023558378219604, 0.20263279974460602, -1.0517284870147705, 0.25867924094200134, -0.5104123950004578, -1.2103736400604248, 0.40616530179977417, -1.2950913906097412, -0.9996429681777954, -0.6137869358062744, -0.9721643328666687, 0.6909569501876831, -0.2246297299861908, 1.1574820280075073, -0.5041554570198059, -0.7785546183586121, 0.257324755191803, 0.619493305683136, -0.18015296757221222, -0.5044287443161011, 0.8060981035232544, -0.4087713360786438, 1.8040157556533813, -1.6787681579589844, 0.8872165083885193, -0.41116929054260254, -0.40560975670814514, -1.009889841079712, 0.06085053086280823, -1.522969126701355, 0.43022993206977844, 0.6332970261573792, -0.9424119591712952, -0.682416558265686, -0.7985498309135437, -0.5552443861961365, -1.195211410522461, 1.0645791292190552, 0.8594887256622314, -0.6940308809280396, 0.0889558494091034, -0.2453020215034485, 0.057570680975914, 0.6464865207672119, 0.16683468222618103, -0.03232362121343613, -0.0584086999297142, -0.5744184255599976, 0.8702011108398438, -0.27963948249816895, 0.25237399339675903, -1.7028396129608154, -1.7518723011016846, 0.03507177159190178, -0.5931196808815002, 0.7491174936294556, 0.09107784181833267, 1.7307435274124146, -0.34375452995300293, 0.17218416929244995, -0.0310652032494545, 0.4586719870567322, 0.5996739268302917, 0.4559211730957031, 0.834968090057373, -0.46870744228363037, 0.3396660089492798, -1.2627054452896118, -0.2972339987754822, 0.3528594970703125, 0.20275303721427917, -1.2932779788970947, 0.4969913363456726, 0.366597056388855, 0.07608257979154587, 0.518485963344574, -0.664008378982544, 1.1926429271697998, -1.012028694152832, 0.061664287000894547, -1.09353768825531, -0.298511266708374, 0.23496057093143463, -0.45911991596221924, 0.8677809834480286, 1.2028214931488037, -0.0485127717256546, 0.06255053728818893, 0.0640486478805542, 1.378208875656128, -0.297310471534729, -1.0748084783554077, -0.19556137919425964, 0.4136911928653717, -0.034045372158288956, -0.7264054417610168, -0.5643477439880371, -0.5743818283081055, 0.4983406364917755, -1.2165638208389282, -0.06203938275575638, -0.7946065664291382, -0.04195906221866608, 0.3044499456882477, 1.2624433040618896, 0.07623966038227081, -1.3324170112609863, 0.0492667518556118, -0.381153404712677, 0.46222972869873047, 1.1420140266418457, 1.1465848684310913, 0.019454633817076683, 0.39227375388145447, 0.09243884682655334, 1.2813332080841064, -0.12813475728034973, -0.22530944645404816, 0.45636868476867676, 0.44411152601242065, 0.8586612343788147, 0.000749906525015831, 0.7667496204376221, -0.3230038285255432, -0.32316669821739197, -0.593956708908081, -0.2531200647354126, -0.1468413770198822, 0.02771890163421631, 0.5309857726097107, -0.1507384479045868, -0.21432287991046906, -0.4707503914833069, 1.0665212869644165, -0.5539714694023132, 1.1981174945831299, -0.10258728265762329, -0.3458673357963562, -1.3647456169128418, -1.1268837451934814, -0.6490346789360046, 0.8880173563957214, -1.0587230920791626, -0.24103869497776031, 0.24192841351032257, 0.1892617791891098, -0.007116488181054592, -0.5362367033958435, -1.3045673370361328, 0.5177084803581238, -0.1300877034664154, 0.14516575634479523, -0.10923592746257782, -0.6719289422035217, -0.7364784479141235, -0.10322955250740051, -0.9417860507965088, 1.0332708358764648, 0.32222849130630493, -1.1261236667633057, 0.03599085286259651, 0.7459648847579956, -0.5573936700820923, -0.5676438808441162, 0.4317389130592346, 0.10160915553569794, -1.9637808799743652, 2.258263349533081, 1.1987384557724, -0.3999132513999939, -1.24264395236969, 0.386746883392334, 0.01662169024348259, 0.49737268686294556, 1.1438978910446167]} +{"paper_id": "lambada", "embedding": [0.1885812133550644, 1.5917669534683228, -0.2523268163204193, -0.2747742831707001, 0.06347651034593582, 0.11724908649921417, 0.8629312515258789, 0.7522477507591248, 0.8220018744468689, 0.4967508614063263, 0.6496986150741577, -0.3073797821998596, 0.34078559279441833, 0.05633038282394409, -0.06315042078495026, -0.6113219857215881, -0.7239090800285339, -0.5490554571151733, -1.0352128744125366, -0.6860945820808411, -0.9163008332252502, -0.5877296924591064, -0.24901895225048065, 0.8894641995429993, -0.6109480261802673, -0.9442155957221985, 1.0507599115371704, -1.0900987386703491, 0.6750913858413696, 0.39682817459106445, 0.07138742506504059, 0.769359290599823, -1.1232521533966064, 0.3112843930721283, -0.6008604764938354, -0.4649440348148346, -0.04122266545891762, 0.45407140254974365, -0.48776915669441223, 0.22752350568771362, -0.7747005820274353, -0.2483537495136261, 0.2616386115550995, 0.16823625564575195, 0.5760424137115479, -0.34677302837371826, 0.34049758315086365, -0.09435245394706726, -0.13366340100765228, -0.26331305503845215, -0.281746506690979, 0.23286929726600647, -0.3074977993965149, 1.0600166320800781, -0.30899763107299805, 1.0777257680892944, 0.3535382151603699, -0.789506196975708, 0.3115599751472473, -0.9453059434890747, 1.2116163969039917, 1.9319767951965332, -0.6149289608001709, 0.216669961810112, 1.0196208953857422, -0.2594712972640991, 1.6379367113113403, 0.31908947229385376, 0.4425013065338135, 1.3006454706192017, -0.07390446960926056, -0.12844082713127136, 0.4715293347835541, -0.02449244260787964, 0.4055247902870178, 1.39931321144104, 0.6822505593299866, -0.35347115993499756, -0.08711279183626175, -0.2583422362804413, -0.3069390058517456, 0.7915067076683044, -0.11942683905363083, -0.2201668918132782, -0.09319698810577393, 0.2158432900905609, 0.33966511487960815, -0.702558159828186, -0.09603012353181839, -1.558066725730896, 0.27331918478012085, 0.14444109797477722, -0.27419018745422363, 0.01758308708667755, -0.1266554743051529, -0.11220795661211014, 0.14304226636886597, -0.08130395412445068, -0.8444886207580566, -0.020903531461954117, 0.5668346881866455, -0.8974553346633911, 0.43054506182670593, -0.5025230646133423, 0.2545689344406128, 0.8190533518791199, -0.10048482567071915, -0.71486496925354, -0.4915560483932495, -0.6160776019096375, 0.3814029395580292, 1.022170901298523, -0.521310567855835, 0.27534982562065125, 0.22729410231113434, -0.18965750932693481, 0.7981656789779663, -0.38480591773986816, -1.0938228368759155, -0.19373981654644012, -0.5201255679130554, -0.8602723479270935, -0.2233525514602661, -0.2901134490966797, 0.33305588364601135, -0.5174180269241333, 0.3159573972225189, -0.7373653650283813, 0.15025702118873596, -0.1515488475561142, 0.7804883718490601, 0.10931545495986938, -0.6878687739372253, -0.6296032071113586, 2.4783706665039062, -0.7631099224090576, 1.3774464130401611, -0.8713796734809875, -0.11076562851667404, -0.4684060215950012, -0.5893553495407104, 1.7401325702667236, -0.09292955696582794, -0.7054297924041748, -0.09656663984060287, 0.03498339653015137, -0.8760071992874146, 0.6456471681594849, -0.5121235847473145, -0.5444441437721252, 0.1328248381614685, 0.11184724420309067, -1.3720160722732544, -0.7333559989929199, 0.035881828516721725, -0.06693991273641586, 0.004359317012131214, 0.9277084469795227, -0.3712652623653412, 1.6114698648452759, 0.8192723393440247, -0.05942961573600769, -0.4600396156311035, 0.3163416087627411, -1.035326361656189, -0.19758917391300201, 1.202784776687622, 0.009744688868522644, -0.36317649483680725, -0.2505511939525604, 0.928218424320221, 0.022432513535022736, -0.48493826389312744, -0.6542835235595703, 0.2870962619781494, 0.2952266037464142, 0.4831603765487671, 0.44363677501678467, 0.21626539528369904, -0.6442661285400391, -0.40894651412963867, -0.34391358494758606, 0.20487728714942932, 0.7764233946800232, -0.011565251275897026, 0.6864314079284668, -1.8892700672149658, -0.08032788336277008, -0.22997255623340607, 0.7935341000556946, -0.41848376393318176, -0.7175762057304382, 0.008891072124242783, 0.32963529229164124, 0.3974516987800598, -0.21103723347187042, 0.574573278427124, -0.6530619263648987, -0.2937140464782715, 0.5920006036758423, 0.3922576606273651, -0.29062455892562866, 0.0630454570055008, 1.0336110591888428, 0.6251932382583618, -0.8580024838447571, -0.5190293788909912, -1.6242280006408691, 0.37262749671936035, 2.2016611099243164, 0.34453025460243225, -0.6041567921638489, -1.3907878398895264, -0.4402264356613159, -0.2790822684764862, -0.5483578443527222, -0.014589093625545502, -0.48396971821784973, 0.1980639547109604, -1.2348425388336182, 0.6013285517692566, -0.8376919031143188, 0.10698393732309341, 0.4119874835014343, 1.1398510932922363, -0.33253324031829834, -0.8396801948547363, -0.5642305016517639, -0.3645004630088806, 0.17903733253479004, 1.0355730056762695, -0.3088003098964691, -0.43711093068122864, 0.466486394405365, 0.4474865198135376, 0.25600913166999817, 0.3553328216075897, 1.1517492532730103, -0.4981423616409302, 0.194907084107399, 0.06943178921937943, 0.8023576736450195, -0.6981632709503174, -0.1754414439201355, 0.08678112924098969, 0.3071001470088959, -0.34418755769729614, -0.20740863680839539, -0.061917494982481, -0.08275604993104935, 1.1560646295547485, 1.104968547821045, -0.24780341982841492, 1.1614171266555786, -1.1926419734954834, 0.357446551322937, -0.4385738968849182, -0.8878887295722961, -0.6338066458702087, 0.08412614464759827, 0.875620424747467, -0.3188169002532959, 0.32627344131469727, -0.25682181119918823, -0.010618895292282104, -1.1157307624816895, -0.5109525918960571, -0.16084086894989014, -0.7185130715370178, -1.5590438842773438, -0.05487702786922455, -0.29178279638290405, -1.5846967697143555, -0.5098786950111389, -0.09282922744750977, 0.8982241749763489, -0.2580714225769043, 0.34792715311050415, 2.138669729232788, 0.3857487142086029, 0.17945903539657593, 0.12883113324642181, 1.091431736946106, -0.6890265345573425, 0.2943362593650818, -0.29286691546440125, -0.17458881437778473, -1.1688517332077026, 0.015208512544631958, -0.9205592274665833, 0.39746198058128357, 0.7138168215751648, -0.08479892462491989, 0.7360391616821289, -0.2103128731250763, -1.4044899940490723, 1.229854941368103, -0.6919441223144531, 0.5847988128662109, -1.345350980758667, 1.8620216846466064, 0.24306373298168182, -0.316752552986145, 0.7080587148666382, -0.45849743485450745, 0.1406560093164444, 1.0418190956115723, -0.31124070286750793, 0.6700180768966675, 0.15595614910125732, 0.1244623214006424, 0.5694684386253357, 0.31871527433395386, -2.5090134143829346, 0.6925725936889648, 0.8961949944496155, -0.21438275277614594, -0.13580608367919922, -0.5101640820503235, 0.5202088356018066, -0.26164722442626953, -0.102979876101017, 0.45785680413246155, -1.1085704565048218, 0.41921117901802063, -0.0850093811750412, -0.183467298746109, 0.6454026699066162, -0.20171931385993958, 0.12419964373111725, 0.5274493098258972, 0.7467296719551086, -1.4319583177566528, -0.055661484599113464, 0.5463734865188599, -0.8062556385993958, 0.6006028652191162, 0.3149881660938263, 0.8357280492782593, 0.7510236501693726, -0.5015977621078491, 0.14706777036190033, 0.9666042923927307, 0.5453132390975952, 0.352872371673584, -0.19119970500469208, -0.23522354662418365, 0.3598140776157379, -0.32177460193634033, 1.463160514831543, 0.4601488411426544, -0.8116020560264587, -1.4190186262130737, -0.3554828464984894, -0.5488138794898987, -0.7226587533950806, 1.1234967708587646, 0.7740303874015808, 1.8634815216064453, 0.24520690739154816, 0.43343570828437805, -0.39785993099212646, 0.0606561042368412, 0.7199429869651794, 0.06217733398079872, -0.1472582072019577, -0.25771594047546387, 0.05205238610506058, 1.0968701839447021, 0.30718880891799927, -0.457014799118042, -0.05492652952671051, 0.8422094583511353, 0.20020395517349243, -0.8346976041793823, 0.2383614331483841, 0.5126290917396545, 0.7880518436431885, 1.9249454736709595, -0.7521349191665649, -0.373828262090683, 0.5934459567070007, 0.5696097016334534, 0.48757508397102356, 0.19347786903381348, -1.1523888111114502, 0.3402692973613739, 0.3436589241027832, 0.6987037062644958, -0.7208166122436523, 0.9832369089126587, 0.979431688785553, -0.3230772614479065, -1.1756067276000977, -0.2203124463558197, -0.9287887215614319, 0.11545619368553162, -0.08546478301286697, 0.2018081396818161, -0.22299934923648834, 0.8429281711578369, 0.3416385352611542, -0.757369875907898, 0.6714385747909546, -0.2755378484725952, -1.01874840259552, 0.4284908175468445, 0.8860964775085449, -0.9199775457382202, -0.8124451637268066, 0.04656757414340973, -0.9502694010734558, -0.8356735706329346, 0.1410258561372757, -1.0080896615982056, 0.7682182788848877, 0.30174851417541504, 1.1549032926559448, -0.10839281976222992, -0.6642318367958069, -0.9205827116966248, 1.0080996751785278, 0.7838600873947144, -0.4694664478302002, 0.5835257768630981, -0.4701474905014038, 0.36952435970306396, 0.09005491435527802, -1.0659369230270386, -0.3186948001384735, 0.7818666100502014, -0.8765418529510498, -0.54225093126297, -0.948363721370697, -0.17736095190048218, 0.2987540364265442, 0.685706377029419, 0.48066261410713196, -1.5954138040542603, 0.07326686382293701, -0.7167913913726807, 0.5419332981109619, 0.5148243308067322, -1.2138205766677856, -1.0684021711349487, 0.20118606090545654, -0.7971422672271729, 0.007810639217495918, 0.39344948530197144, 0.6347322463989258, 1.351961374282837, 0.6414512991905212, 0.14316396415233612, -0.21206337213516235, -11.429590225219727, 0.5663892030715942, 0.5984084606170654, 0.0356607660651207, 0.5351271629333496, -0.45100995898246765, 0.32756781578063965, 0.06944099068641663, 0.5089540481567383, -0.6579405665397644, 0.5972786545753479, 0.8649733066558838, 0.230483740568161, -0.5845696330070496, -0.14193738996982574, -1.0360631942749023, -0.6706698536872864, -1.1284723281860352, 0.057685256004333496, 0.6215797066688538, -0.010626649484038353, -0.6460155248641968, 0.04367118328809738, 0.4155813455581665, 0.32769280672073364, -0.44767141342163086, -0.07038329541683197, -0.12025882303714752, -0.6167921423912048, 0.23806580901145935, 0.5765905380249023, -0.20310546457767487, -0.4293922185897827, -0.05122103542089462, 0.986216127872467, -0.38303324580192566, -1.125068187713623, 0.017915615811944008, 0.31879401206970215, -0.49108707904815674, -0.6907658576965332, -0.17954522371292114, 0.2644341289997101, -0.718207061290741, -0.687400758266449, -0.064970962703228, 0.24152949452400208, -1.009705662727356, -0.5400959849357605, -0.39887934923171997, -0.15789037942886353, -0.4485623836517334, -1.3880473375320435, -0.9846435785293579, 0.5561234951019287, -0.14110751450061798, -0.3245110809803009, 0.407622754573822, -0.15831874310970306, -0.7575089931488037, 0.2889772057533264, 0.12971821427345276, -0.4826742112636566, 0.1838001012802124, 0.5392531752586365, -0.4659915268421173, 0.5000734329223633, 0.22553908824920654, 0.6826741099357605, 1.1196452379226685, -1.4609363079071045, 1.065600037574768, 0.32584187388420105, -0.02334924042224884, -0.3969275653362274, 0.5126456022262573, 0.14219321310520172, -0.8319128155708313, 0.5506043434143066, 0.41213521361351013, -1.332094430923462, 0.39891955256462097, 0.6291218996047974, -0.36530381441116333, -0.30116963386535645, -0.07153937965631485, -0.19029876589775085, 0.01531367376446724, 1.3080772161483765, -0.2055211067199707, 1.2233189344406128, 0.3204352557659149, -0.34235525131225586, -0.10972689837217331, -0.29434266686439514, 0.3589966297149658, -1.3946185111999512, 0.7513206005096436, 0.9193625450134277, -0.4027600586414337, -0.12447548657655716, -0.7133756875991821, -0.4573492407798767, -0.372879296541214, 0.6541315317153931, 0.4032394289970398, -0.11383859813213348, 0.4548855125904083, -0.01275542750954628, -0.600854754447937, 1.0079346895217896, 0.6352707743644714, -0.451152503490448, 1.2435517311096191, -0.5472607612609863, 1.2994905710220337, 0.704217791557312, 0.10290682315826416, 0.3763355314731598, 1.1099603176116943, -0.6313452124595642, 0.815899133682251, 0.33831989765167236, 1.2907785177230835, 0.4369586408138275, 0.2925644814968109, 0.3442775309085846, 0.3907095789909363, -0.0353773832321167, -1.2789533138275146, -0.12637612223625183, -0.6048601865768433, 0.13347886502742767, -0.13742376863956451, -0.2621665894985199, -0.008874502032995224, -1.022000789642334, 1.5284321308135986, -0.5298904776573181, -0.2677523195743561, -0.3168796896934509, -0.5765800476074219, 0.1708066761493683, -0.46057385206222534, -0.38337793946266174, 0.3278377950191498, -2.5741305351257324, -0.5018267631530762, -0.6530426740646362, -0.6476908922195435, 0.34676066040992737, -0.2358989417552948, 0.5807256102561951, -0.4646685719490051, -0.5804919004440308, -0.46555617451667786, 1.034377098083496, -0.3338091969490051, -0.6199045181274414, 0.19321957230567932, 0.4165908098220825, 1.4326741695404053, -0.985432505607605, 0.9028498530387878, 0.13668376207351685, -0.1326410323381424, -0.9610894322395325, 0.23439493775367737, -0.6924880743026733, 0.46242398023605347, 1.2520177364349365, -1.6384552717208862, -0.30801475048065186, -0.9199163913726807, -0.1751980483531952, -1.0831353664398193, -0.03912166506052017, 1.5111750364303589, -1.017696738243103, 0.1545838713645935, -0.5001770257949829, 0.35864734649658203, 0.6378761529922485, -0.33602583408355713, 0.30638769268989563, 0.09537137299776077, -0.3918648064136505, 0.8386304378509521, 0.022121429443359375, 0.5580529570579529, -1.4256337881088257, -1.1271789073944092, -0.0045808181166648865, -0.5307136178016663, 0.671547532081604, 0.08734525740146637, 1.0781322717666626, 0.18464624881744385, -0.49235254526138306, -0.3532908856868744, 0.005367581732571125, 0.6725298166275024, 0.5726011991500854, 0.5298970937728882, -0.26702654361724854, 0.15527255833148956, -0.17422126233577728, 0.3304307162761688, 0.16076017916202545, 0.6999661922454834, -0.9527913928031921, -0.24350833892822266, -0.012105640023946762, -0.3744024932384491, 0.38379403948783875, -0.8476932048797607, 0.046493835747241974, -0.13879039883613586, -0.04414824768900871, -1.0710420608520508, -0.2057380974292755, 0.52471524477005, -0.4294232726097107, 1.152197241783142, 0.7828955054283142, 0.05673685297369957, 0.6352406144142151, 0.08306168764829636, 1.5239289999008179, -0.3035072088241577, -0.42939385771751404, 0.30337953567504883, 1.162247657775879, 0.5058674812316895, -0.5795488953590393, -0.21141782402992249, -0.8427528738975525, 0.5072330236434937, -0.8742028474807739, 0.4685468375682831, -0.2832202911376953, 0.008315255865454674, 0.3414883613586426, 1.6701781749725342, 0.2910866141319275, -1.308318018913269, -0.6033182740211487, -1.1446605920791626, -0.2792578935623169, 0.3860571086406708, 0.20035868883132935, 0.6826897263526917, 0.8858546018600464, -0.1313738375902176, 1.131649374961853, -0.407179057598114, 0.023488134145736694, 0.025664661079645157, -0.12206564843654633, 0.699307918548584, 0.6715387105941772, 0.4870985150337219, 0.7587845325469971, -0.5900357365608215, -1.1467785835266113, -0.24634452164173126, -0.7313465476036072, 0.7391641736030579, 0.9361897706985474, -0.12064091861248016, -0.19770824909210205, -0.07812497764825821, 0.3787723481655121, -0.02126864343881607, 0.6715782880783081, 0.4353567957878113, -0.16967254877090454, -0.9699026346206665, -1.1862454414367676, -0.7107923030853271, 0.8612741827964783, -0.2374172806739807, -0.110023632645607, -0.7585521340370178, 0.06084894388914108, 0.2565160393714905, -0.15198591351509094, -0.7856920957565308, 0.17459790408611298, -0.03362748399376869, -0.07033967971801758, 0.7572759389877319, -0.5308113694190979, -0.47649911046028137, 0.3673316240310669, -1.2507916688919067, 0.876966655254364, 0.2948012948036194, -1.3176593780517578, -0.18015220761299133, 0.897426187992096, 0.2324681580066681, -0.757239818572998, 1.1938828229904175, -0.082524873316288, -1.259835124015808, 1.1009808778762817, 1.0094486474990845, -0.5269678831100464, 0.2658023238182068, 0.032319121062755585, 0.45467349886894226, 0.6432032585144043, 1.5335688591003418]} +{"paper_id": "selqa", "embedding": [-0.4997568130493164, 0.7827221751213074, -0.12303230166435242, -0.31778162717819214, 0.46686258912086487, 0.17783886194229126, 0.5814158320426941, 0.8743112087249756, 0.4672943353652954, 0.26332035660743713, -0.25290948152542114, 0.526798665523529, 0.18001851439476013, 0.47116804122924805, -0.5785146355628967, -0.8957996368408203, -1.4174991846084595, -0.4471069276332855, -1.1847004890441895, -0.16569623351097107, -0.9419009685516357, -0.2826682925224304, 0.10760368406772614, 0.27051758766174316, -0.33161574602127075, -1.1596077680587769, 0.32972946763038635, -0.9016054272651672, 0.4405890703201294, -0.0009509474039077759, 0.1086454913020134, 1.2208846807479858, -1.0697964429855347, 0.0898195281624794, -0.8970701098442078, -0.14518150687217712, 0.43775254487991333, 1.378219485282898, -0.00022333115339279175, -0.35110029578208923, -0.5247002840042114, 0.22775501012802124, 0.8564584255218506, 0.08522921800613403, 0.8470667600631714, -0.6197589635848999, 0.24189527332782745, 0.10935680568218231, -0.8654698133468628, -0.14988137781620026, -0.6212063431739807, 0.3540240526199341, -0.3076174557209015, 0.31442585587501526, -0.34321510791778564, 0.36576810479164124, 0.6472446918487549, -0.8261071443557739, 0.7983723282814026, -0.8010098934173584, 1.2306437492370605, 1.3975005149841309, 0.5085803866386414, 0.6090050935745239, 1.5188277959823608, -0.4330703616142273, 1.2054578065872192, 0.13863123953342438, -0.2595187723636627, 0.23268644511699677, -0.5943193435668945, -0.46000733971595764, 0.07170511037111282, 0.29414597153663635, 0.03158329427242279, 0.4568122923374176, -0.009301679208874702, 0.015686562284827232, 0.2244565784931183, 0.05664457380771637, -0.2240525633096695, 0.37588632106781006, 0.5309886336326599, -0.5161173343658447, 0.58330237865448, 0.018273871392011642, 0.3993241786956787, -0.8607448935508728, 0.8426052331924438, -1.3216149806976318, 0.26375263929367065, 0.43059253692626953, 0.10160239040851593, 0.338446706533432, -0.596388041973114, 0.7130193710327148, -0.8604479432106018, 0.1562347412109375, -0.33510327339172363, 0.9921655654907227, 0.9443060755729675, -0.5124908685684204, 0.4675489366054535, 0.37942081689834595, 0.5171826481819153, 0.6597580909729004, 0.4354376196861267, 0.07089768350124359, -0.3046172559261322, -0.771518886089325, -0.5024359226226807, 1.1759296655654907, -0.07763660699129105, 0.36797165870666504, -0.20698149502277374, 0.4932222068309784, 0.507789671421051, -0.8752965927124023, -0.41032323241233826, 0.22060057520866394, -0.03929006680846214, -0.9473897814750671, 0.06464528292417526, -0.13693787157535553, 1.1515223979949951, -0.9043301343917847, 0.10837414860725403, -0.08806021511554718, -0.24121050536632538, 0.9271872639656067, 0.9153354167938232, 0.005646450445055962, -0.4188908338546753, -0.14590950310230255, 3.0454328060150146, -1.0792802572250366, 1.3447297811508179, -1.0340094566345215, -0.43435150384902954, -0.8808858394622803, 0.2605551481246948, 0.9385097026824951, 0.14208123087882996, -0.6691221594810486, -0.6551243662834167, 0.030792079865932465, -0.10184428095817566, 0.2972533702850342, -1.094022512435913, -0.23327799141407013, -0.6938750147819519, -0.30125734210014343, -1.4198070764541626, -0.4500260651111603, 0.28912353515625, 0.7598596811294556, -0.1949920952320099, 0.36043280363082886, -0.4095754325389862, 0.4434470534324646, -0.01121944934129715, -0.013841915875673294, -0.024934343993663788, 0.1931442767381668, -0.4156225919723511, -0.5772398710250854, 0.5178982615470886, 0.19811612367630005, -0.911775529384613, 0.20316949486732483, 0.4520963728427887, -0.9149561524391174, -0.2636493146419525, 0.1092301532626152, -0.482711523771286, 0.09301001578569412, 0.7037752270698547, 0.6194025874137878, 0.08813003450632095, -0.9767102003097534, -0.23507389426231384, 0.2704940140247345, 0.10086032003164291, 0.6114351153373718, 0.3766172230243683, 0.3992433547973633, -2.609572172164917, -0.13884210586547852, 0.14221306145191193, 0.7741760015487671, -0.28376591205596924, 0.11461120843887329, -0.30401453375816345, 0.3221900761127472, -0.717616856098175, -0.583785355091095, 1.0620882511138916, -1.1759166717529297, 0.1814471185207367, 0.21233771741390228, -0.3324250876903534, 0.44967886805534363, 0.043067850172519684, 1.0945520401000977, 0.5275022387504578, 0.04545389860868454, -0.952294111251831, -1.890819787979126, 0.2834542393684387, 2.5704426765441895, -0.23208141326904297, -0.3916322588920593, -1.1323806047439575, -0.18109998106956482, 0.2542431354522705, -0.10804413259029388, 0.22208347916603088, -0.3395588994026184, -0.042005740106105804, -1.1249401569366455, 0.5746803283691406, -0.6106016635894775, -0.08714894950389862, 0.7636019587516785, 1.3372279405593872, -1.19900643825531, -0.007540374994277954, -0.8155311942100525, -0.3177303671836853, 0.5658373236656189, 0.4188882112503052, 0.34579554200172424, 0.46240654587745667, 1.336950421333313, 0.847313404083252, 1.1736109256744385, 0.1958528459072113, 0.36829736828804016, -0.8073617219924927, -0.48753827810287476, -0.0029810145497322083, 0.9170964360237122, 0.05232863128185272, 0.22582155466079712, 0.24286256730556488, 0.037122637033462524, -0.4740709662437439, -0.17164860665798187, 0.1090833991765976, 0.025247611105442047, 1.4171868562698364, 0.630301296710968, -0.4034619629383087, 0.8071953058242798, -0.5233924984931946, -0.8967898488044739, -0.22715550661087036, -0.012039754539728165, -0.10034535825252533, -0.520879328250885, 1.2203891277313232, 0.016562307253479958, -0.5910006165504456, -0.4199720621109009, -0.1776232272386551, -0.9098263382911682, -0.11109853535890579, 0.4272975027561188, -0.6592398881912231, -0.916951060295105, -0.02320149913430214, -0.012231163680553436, -0.6961009502410889, -1.050004482269287, -0.28192394971847534, 0.34163743257522583, -0.011472542770206928, 0.9512940645217896, 1.7621999979019165, -0.3115927577018738, -0.3758193552494049, -0.029361650347709656, 1.0465725660324097, -0.6057769060134888, 0.25694552063941956, -0.6652659773826599, 0.6950989365577698, -0.8111807703971863, 0.13640831410884857, -0.2877448797225952, 1.0269148349761963, 0.0265578031539917, -0.28295376896858215, 0.5971662998199463, -0.27251696586608887, -1.1705578565597534, 0.6035338044166565, -0.04679210111498833, -0.3033671975135803, -0.21657642722129822, 1.295638918876648, 0.40029212832450867, -0.5347663760185242, 0.9125159382820129, -0.4064388573169708, -0.3032035827636719, 0.8629407286643982, -0.13610456883907318, 0.11338409036397934, 0.2259366363286972, -0.12659285962581635, -0.49897441267967224, 0.6960940957069397, -1.6630644798278809, 0.6940590143203735, 1.599189043045044, -0.16140326857566833, -0.4919101297855377, -0.6616668105125427, 0.4616175889968872, -0.5138827562332153, 0.5218535661697388, 0.6557437181472778, 0.09956252574920654, 0.8075148463249207, -1.0065851211547852, 0.025844931602478027, 1.270282506942749, -0.9842159748077393, 0.6982940435409546, 0.8316076993942261, 0.007784999907016754, -1.2401028871536255, -1.077128529548645, 0.9143270254135132, -0.38116884231567383, 0.04511304944753647, 0.2613806426525116, 0.42214858531951904, 0.8100086450576782, -0.5343090891838074, -0.8237146735191345, 0.5994946360588074, 0.29627299308776855, 0.23108692467212677, -0.04847899451851845, 0.5979442596435547, 0.9433765411376953, -0.082876056432724, 0.9314610362052917, -0.26024293899536133, -0.7198412418365479, -0.32363298535346985, -0.44577735662460327, -0.3044346272945404, 0.2266380488872528, 1.527668833732605, 0.8552998900413513, 1.499874234199524, 0.3809031546115875, 0.21125027537345886, -0.5783339142799377, 0.18771867454051971, 0.7820063829421997, 0.5748282074928284, 0.33126774430274963, -0.6271005272865295, -0.05960068106651306, 0.10886436700820923, 0.13372711837291718, -0.1712222397327423, 0.4402080178260803, 0.47130468487739563, 0.39668533205986023, -1.1760698556900024, 0.7029194831848145, 0.886408269405365, -0.06930604577064514, 1.9922258853912354, -0.2508413791656494, 0.313435822725296, -0.5487794280052185, 0.2668389081954956, -0.04388723522424698, 0.2829747200012207, -0.34699344635009766, 0.8102279901504517, 0.361451655626297, 0.4653208553791046, 0.021991103887557983, 1.1101317405700684, 0.5717161297798157, -0.4876992404460907, -1.2647489309310913, -0.6669343709945679, -0.7882528305053711, -0.08068043738603592, 0.21335002779960632, -0.14924703538417816, -0.3356894850730896, 0.2946043610572815, -0.2112501859664917, -1.1867189407348633, 0.41673484444618225, -0.710680365562439, -1.398432970046997, 1.768079400062561, 0.7548476457595825, -1.1168842315673828, -0.5265596508979797, -0.6105355024337769, -0.8092918395996094, -0.00208966713398695, 0.08344047516584396, -0.942193865776062, -0.004975659307092428, 0.11247630417346954, 0.7114793062210083, -0.2601199746131897, 0.587725818157196, -1.2328014373779297, 0.9843645691871643, 0.5037742853164673, -1.180764079093933, 1.0132677555084229, 0.6337659955024719, 0.1719234436750412, -0.019219890236854553, -0.705423891544342, -1.1293009519577026, 0.6308876276016235, -0.011063367128372192, 0.14063365757465363, -1.2929307222366333, -0.46512287855148315, 0.2800944447517395, -0.0190043356269598, 1.0039160251617432, -0.8790490031242371, 0.5973352789878845, -0.6817793250083923, -0.5512437224388123, 0.7812455892562866, -0.6442655324935913, -0.42668232321739197, 0.6967518329620361, -0.4490179717540741, 1.0854462385177612, -1.0669564008712769, -0.23545803129673004, 1.5324201583862305, -0.3063976466655731, -0.034803666174411774, -0.15513494610786438, -11.858357429504395, 0.8570212125778198, -0.1287420094013214, 0.05340099334716797, 0.7648770809173584, -0.45387962460517883, 0.8216091990470886, -0.32137978076934814, 0.5954549908638, -0.9181390404701233, 0.3100883960723877, 1.3959718942642212, -0.024638153612613678, 0.03807708993554115, -1.0944076776504517, -1.3545691967010498, -0.6323800683021545, -0.747674286365509, 0.7732812166213989, 0.21684005856513977, -0.24599377810955048, -0.3460778594017029, -0.36204445362091064, -0.6093810796737671, 0.21487556397914886, -0.1382521390914917, -0.8580857515335083, -0.7248626947402954, -0.3519272804260254, 0.0989789068698883, 1.1969791650772095, 0.1802009791135788, -0.31637704372406006, -0.5070239901542664, -0.5613051652908325, -0.08309149742126465, -0.672789454460144, -0.12007229030132294, 0.6927392482757568, 0.15564170479774475, 0.3411729335784912, 0.0311717726290226, 0.13040296733379364, -0.35624784231185913, -0.2467283457517624, 0.3312035799026489, 0.06852801144123077, -0.2757939100265503, 0.2100057303905487, 0.24240729212760925, -0.5237062573432922, -0.20439371466636658, -0.28891482949256897, -0.29581892490386963, 0.11555404961109161, 0.37454330921173096, -1.183036208152771, -0.21464382112026215, -0.5630596876144409, -0.8649617433547974, 0.9008768796920776, 0.03137832134962082, -0.5655436515808105, 0.20661403238773346, 0.24276915192604065, -0.3860616385936737, -0.20015904307365417, 0.4607415497303009, -0.7214743494987488, 0.2226550132036209, -0.6735120415687561, 1.5002745389938354, 0.7606406211853027, 0.4197862148284912, -1.028106927871704, -0.16134801506996155, -0.9747866988182068, 0.2045469731092453, 0.3942197859287262, 0.002888839691877365, -1.686903476715088, 0.6077668070793152, 0.20154064893722534, -0.8258382678031921, -1.0809648036956787, 0.8088125586509705, -0.3891931474208832, -0.24817678332328796, 0.38504672050476074, -0.7569339871406555, 1.0877025127410889, 0.389024019241333, -0.4044485092163086, -0.2597602307796478, -0.26583755016326904, 1.0925166606903076, -0.4837307929992676, 0.26353663206100464, -0.3042480945587158, -0.5172836184501648, 0.400359570980072, -0.18219617009162903, -0.6415477991104126, 0.46393534541130066, 0.6831125020980835, -0.316070556640625, 0.6421059370040894, -0.025930650532245636, 0.29102733731269836, -0.5317139029502869, 0.42830052971839905, -0.17172417044639587, -0.06273100525140762, 1.0002987384796143, -0.5150338411331177, 0.43779730796813965, 0.33663591742515564, 0.27904561161994934, 0.26769429445266724, 0.5717971324920654, -0.8926982879638672, 0.8815044164657593, 0.15145404636859894, 1.3661420345306396, -0.4003809094429016, 0.4457089900970459, -0.07063575088977814, 0.4573694169521332, -0.1808093637228012, -1.382643699645996, 0.6050918698310852, -0.41169047355651855, 0.17760054767131805, -0.9476321339607239, -0.20845076441764832, 0.3000648021697998, -0.3509403467178345, 1.3559393882751465, -0.9739727973937988, 0.026515085250139236, 0.007382631301879883, 0.3101482689380646, -0.8892382383346558, -1.231223464012146, -0.7721074819564819, 0.7175511121749878, -0.9809322953224182, 1.0421546697616577, 0.1823391318321228, 0.300960898399353, 0.3010846674442291, -0.8041695356369019, 1.2701201438903809, -0.43519270420074463, -0.214583620429039, -0.10658323764801025, 0.24004210531711578, -0.16201719641685486, -0.6573731303215027, -0.2088218331336975, -0.1424771249294281, 0.448496550321579, -1.188946008682251, 1.499510645866394, 0.7070791721343994, -0.7005469799041748, -0.4229482412338257, 0.3652414083480835, -0.2830747365951538, 0.018834631890058517, 0.5904215574264526, -0.47726958990097046, -0.10679366439580917, -0.3541054129600525, 0.13439476490020752, -0.4486297070980072, 0.7785965800285339, 1.3455528020858765, -1.2539728879928589, -0.4346703290939331, -0.24768608808517456, 1.3055208921432495, -0.26046714186668396, -0.3597414493560791, -0.5184937715530396, 0.7008941173553467, 0.35735756158828735, 0.25571635365486145, 0.15890668332576752, 1.0292507410049438, -1.8891315460205078, -1.429858922958374, -0.5631495118141174, 0.16367024183273315, 0.5980787873268127, 0.5070013999938965, 0.3393911123275757, 0.1677197962999344, -0.3390887379646301, 0.11481498926877975, 0.5887671709060669, 0.7428692579269409, 0.23540031909942627, 0.5649585723876953, -0.7388043403625488, 0.28119733929634094, -0.4325912296772003, -0.24914373457431793, 0.5133404731750488, 1.3922327756881714, -1.1316864490509033, -0.2114681601524353, 0.11867010593414307, 0.09078789502382278, 0.1439323127269745, -1.0622150897979736, -0.29073435068130493, -0.578499436378479, -0.4983680546283722, -1.0497958660125732, 0.45433634519577026, 1.3302717208862305, -0.21177275478839874, 1.3409423828125, -0.047396283596754074, 1.0743097066879272, 0.8233987092971802, 0.033417247235774994, 0.1212267354130745, -0.12866641581058502, 0.03876950219273567, 0.47472715377807617, -0.09466718137264252, 0.032572172582149506, -0.49322208762168884, -1.2849031686782837, -0.43128013610839844, 0.14983627200126648, -0.40386050939559937, 0.01832021027803421, 0.2914375066757202, 0.6398193836212158, 0.8143740892410278, 0.9632086753845215, -0.04604979604482651, -1.3431793451309204, 0.08808186650276184, -1.1966890096664429, 0.4063881039619446, 1.005610466003418, 0.44527748227119446, 0.4132014811038971, 0.902624785900116, -0.257615864276886, 0.6959505081176758, -0.8825037479400635, 0.19388920068740845, 0.10516531765460968, -0.06550009548664093, 1.0933085680007935, 0.4473166763782501, 0.2070327252149582, -0.3475273549556732, -0.24111154675483704, -0.4824235737323761, 0.1393299251794815, -0.5433990955352783, 0.9204652309417725, 0.9990265369415283, -0.905852735042572, -0.059021417051553726, -0.5576267838478088, 1.3100968599319458, -0.7372086048126221, 0.8112317323684692, -0.30303955078125, -0.30232948064804077, -0.6494037508964539, -0.5238829255104065, 0.1653899848461151, 0.6323988437652588, 0.29148244857788086, -0.10649540275335312, 0.1387312114238739, 0.3695073127746582, -0.12370175868272781, -0.25779327750205994, -0.8214187026023865, 0.18008631467819214, -0.9227631092071533, 0.05374933034181595, -0.1420939713716507, -0.7014240622520447, -0.7697681784629822, -0.32613423466682434, -0.6269946098327637, 0.11986788362264633, 0.05095226317644119, -0.9123470187187195, -0.2305002510547638, 0.06004747375845909, -0.14806562662124634, 0.7289508581161499, -0.0882122665643692, -0.35143736004829407, -1.597283959388733, 0.514554500579834, 0.8659297227859497, -0.17847418785095215, -0.7850631475448608, -0.04722519963979721, 0.955207109451294, -0.19842606782913208, 1.0377062559127808]} +{"paper_id": "sick", "embedding": [0.26753944158554077, 0.5978595018386841, -0.0011688508093357086, 0.02951560914516449, 0.28030821681022644, -0.24295508861541748, 0.7994942665100098, 0.5818373560905457, 0.5547206401824951, 0.729242742061615, -0.09109301120042801, 0.1144583523273468, -0.5116177797317505, 0.717400312423706, -0.1551656275987625, -0.946675181388855, -1.3562172651290894, -0.5406478047370911, -1.3706235885620117, -0.1377936750650406, -0.6426466703414917, -0.748424768447876, -0.619225800037384, 0.589425802230835, -0.34858694672584534, -0.4114665389060974, 0.4146532714366913, -0.7709155082702637, 0.5564621090888977, -0.10028509050607681, -0.6254681944847107, 1.524215579032898, -0.9932045936584473, 0.2890903651714325, -0.14761924743652344, -0.029119474813342094, -0.5093311071395874, 1.4491547346115112, -0.293503075838089, 0.47408416867256165, -0.4096583127975464, -0.012193718925118446, 0.3718395531177521, 0.3442598879337311, 1.0013453960418701, 0.21615448594093323, -0.44618210196495056, -0.21915577352046967, -0.17306500673294067, -0.14746184647083282, -0.45407557487487793, 0.4613446295261383, 0.6168926358222961, 0.013719931244850159, -0.2913980484008789, 1.223629117012024, 0.5356549024581909, -1.055984616279602, 1.1007626056671143, -0.49843207001686096, 1.2454675436019897, 1.6114530563354492, -0.5942099690437317, 0.5940894484519958, 0.8663747310638428, -0.002554096281528473, 1.1994272470474243, -0.23919899761676788, -0.08789755403995514, 0.5342276096343994, 0.06509928405284882, -0.6589171886444092, 0.8623668551445007, 0.2929622530937195, 0.5938441753387451, 0.34507834911346436, 0.37233033776283264, 0.7786466479301453, -0.3064669668674469, 0.6228399276733398, -0.2999626398086548, 0.866062343120575, 0.8214004635810852, -1.115783929824829, -0.4016765356063843, 0.8647407293319702, 0.4541012942790985, -1.0252137184143066, 0.5805863738059998, -1.6513514518737793, 0.06298114359378815, -0.4704846143722534, 0.12697894871234894, 0.47190070152282715, -0.33959779143333435, 0.7107574939727783, -0.41402775049209595, -0.53282231092453, -0.5010846853256226, 0.5561888813972473, 0.24784833192825317, -0.46054235100746155, 0.1226724311709404, -0.21315598487854004, 0.08832435309886932, 0.7739883661270142, -0.3101809024810791, -0.5613304972648621, -0.5676025152206421, -0.3820529580116272, 0.13057288527488708, 1.466789722442627, -0.6477859616279602, 0.9445266127586365, -0.6880967020988464, 0.334441602230072, -0.15725159645080566, -0.7892452478408813, -0.15637093782424927, 0.20030593872070312, -0.051167428493499756, -0.5638145804405212, 0.1165156289935112, -0.1351715326309204, 0.825507640838623, -0.370777428150177, 0.5227770805358887, -0.2909657061100006, 0.5288182497024536, 0.26199275255203247, 0.6373679637908936, -0.10589385032653809, -0.4561792314052582, -0.26806873083114624, 3.138294219970703, -0.01715243235230446, 1.9210199117660522, -1.0044236183166504, -0.26213014125823975, -0.2980597913265228, -0.454026460647583, 1.251209020614624, 0.07948444038629532, -0.4202675521373749, -0.9884363412857056, -0.15117894113063812, 0.03349454328417778, 0.12342440336942673, -0.7556199431419373, -0.22669251263141632, -0.1014074981212616, 0.30255362391471863, -1.5774706602096558, -0.08408795297145844, 0.23985140025615692, 0.6282277703285217, 0.38123422861099243, 1.2065050601959229, -1.0847681760787964, 0.8808525800704956, 0.3410932719707489, 0.030921608209609985, -0.543138861656189, 0.622742772102356, -0.6036432981491089, -0.027279503643512726, 1.5881692171096802, -0.29652509093284607, -0.8609029650688171, -0.2979832887649536, 0.8722475171089172, 0.030901098623871803, -0.09924091398715973, -0.028300056234002113, 0.42219892144203186, -0.09768787026405334, 0.6178112030029297, 0.34021440148353577, 0.5409799218177795, -0.6753223538398743, -0.33509811758995056, -0.1945803165435791, -0.09445877373218536, 0.46371990442276, -0.24986736476421356, 0.3906410038471222, -2.098862409591675, -0.54928058385849, 0.09583283960819244, 0.40083083510398865, -0.13002511858940125, -0.35672447085380554, 0.23370525240898132, 0.24604882299900055, 0.23798228800296783, 0.4990452229976654, 0.7310495376586914, -1.5661139488220215, -0.8705214262008667, 0.003014296293258667, -0.04552739858627319, 0.12492693960666656, -0.03173982352018356, 0.883418083190918, 0.1290699541568756, -0.3004259765148163, -0.49671271443367004, -1.960719108581543, -0.14418518543243408, 2.750915765762329, -0.3166990280151367, -0.19196030497550964, -1.4985946416854858, -0.6556453108787537, 0.015872173011302948, -0.26744771003723145, 0.5151658058166504, -1.5456987619400024, 0.31465357542037964, -1.0788036584854126, 0.6679621934890747, -0.6227130889892578, 0.36492177844047546, 0.8457323312759399, 1.4311491250991821, -0.8205245137214661, -0.22249916195869446, -0.7785678505897522, -0.38898077607154846, 0.2377602905035019, 0.4872799217700958, 0.3015497326850891, -0.35590165853500366, 0.8696891665458679, 0.5455309748649597, 1.004198670387268, 0.16165167093276978, 0.5242438912391663, -0.2068774700164795, 0.11318553239107132, -0.050794996321201324, 0.8337401151657104, 0.44030630588531494, 0.18854503333568573, 0.8394365310668945, 0.49995702505111694, -0.7531469464302063, -0.2725779414176941, -0.37785571813583374, 0.06730346381664276, 0.9389412999153137, 0.7435745596885681, -0.5311489105224609, 1.505560040473938, -1.6017128229141235, 0.20302754640579224, -0.6418874263763428, -1.001303791999817, -1.0774939060211182, 0.46364855766296387, 0.9137251973152161, 0.49333125352859497, -0.043470852077007294, -0.39620059728622437, 0.131740540266037, -0.9904206991195679, -0.42504724860191345, -0.25737476348876953, 0.0007114410400390625, -1.2704553604125977, 0.10508102178573608, -0.48956412076950073, -0.8976407647132874, -0.7787905931472778, 0.16038796305656433, 0.7217332720756531, 0.1502886414527893, 0.8274980783462524, 1.47394597530365, -0.19904744625091553, 0.1758348047733307, 0.07469451427459717, 0.7917653918266296, -1.1659680604934692, 1.194566249847412, -0.6677795052528381, 0.3242604434490204, -0.9601184129714966, -0.12191403657197952, -0.7340869307518005, -0.2500879764556885, 0.5582518577575684, -0.21706640720367432, 0.0534953698515892, -0.3278237283229828, -0.37842315435409546, 0.3880380392074585, -0.08806450664997101, 0.0032603703439235687, -0.8327843546867371, 0.7671354413032532, 0.17331178486347198, 0.0007211118936538696, 1.2681422233581543, -0.44846758246421814, -0.04677453637123108, 1.3988152742385864, -0.34372973442077637, 0.19128437340259552, 0.23382176458835602, 0.20019882917404175, -0.006030011922121048, 0.820408046245575, -2.1208744049072266, 0.7376390099525452, 0.8378630876541138, -0.05102986469864845, -0.3987939953804016, -1.0199799537658691, 0.4398568272590637, -1.3757612705230713, -0.4554373323917389, 0.5978648066520691, -0.2903330624103546, 0.30732831358909607, -0.3354904353618622, 0.5691128373146057, 0.3043355941772461, -0.9145491123199463, 0.2838006019592285, 1.4808716773986816, 0.7356377243995667, -0.4183184504508972, -0.3304428160190582, 1.0295295715332031, -0.751742422580719, 0.834128737449646, -0.12043797224760056, 1.038970947265625, 0.631628155708313, -0.09276249259710312, -0.07447651028633118, 0.3529775142669678, 1.005250096321106, 0.20205256342887878, -0.39576560258865356, -0.3689119219779968, 0.6313311457633972, -0.23655164241790771, 1.5349676609039307, 0.5361177921295166, -1.066359043121338, -1.1668163537979126, -1.0207595825195312, -0.5557529330253601, -0.21713432669639587, 1.7459074258804321, 1.1852487325668335, 0.7879676222801208, -0.2642042934894562, 0.29572516679763794, 0.5883609652519226, 0.13937915861606598, 0.8111602663993835, 0.16239750385284424, 0.5246267914772034, -0.7706048488616943, -0.29633861780166626, 0.7671495079994202, -0.3248808979988098, -0.4963794946670532, -0.296344518661499, 0.5625664591789246, -0.5806552767753601, 0.14962656795978546, 0.28556472063064575, 0.3212323486804962, 0.32475802302360535, 1.126625418663025, -0.7454950213432312, -0.8824260830879211, -0.9459607005119324, 0.3768487870693207, -0.02913661301136017, 0.22203689813613892, -1.020879864692688, 0.14067897200584412, 0.7419621348381042, 0.49718114733695984, 0.40974700450897217, 1.2153736352920532, 0.8547160625457764, -0.4623909294605255, -1.3455300331115723, -0.018954558297991753, -1.4492888450622559, 0.1336517035961151, 0.5865939855575562, -0.8088436126708984, 0.7115573287010193, 0.3089941740036011, -0.4073450267314911, -0.7186872959136963, 0.5629386901855469, -0.8297598361968994, -0.6687016487121582, 1.0731784105300903, 0.8441555500030518, -1.1181074380874634, -0.47166165709495544, -0.32446956634521484, -0.597309410572052, -0.8462904691696167, -0.21550017595291138, -0.6703982353210449, 0.7750068306922913, 0.40109166502952576, 0.2974160611629486, -0.3787972927093506, -0.32176673412323, -1.4079227447509766, 1.459821343421936, 1.5351237058639526, -0.6922869682312012, 0.16977082192897797, 0.2999507486820221, 0.5739915370941162, -0.13630181550979614, -0.7004887461662292, -0.6795622706413269, 0.5015018582344055, 0.4616391360759735, -0.013263140805065632, -0.4687357544898987, -1.1047351360321045, 0.5810108184814453, -0.33873313665390015, 1.0585739612579346, -0.7659059762954712, 0.624469518661499, -0.7131679654121399, -0.1709192842245102, 0.2906765937805176, -0.5690330862998962, -1.0471343994140625, 1.1886706352233887, -0.10760707408189774, 0.40263429284095764, 0.07741805911064148, -0.23440490663051605, 1.380476713180542, 0.10981879383325577, -0.08650249242782593, -0.3872278034687042, -11.182950973510742, 0.8300692439079285, -0.3542207181453705, 0.18949909508228302, 0.44136252999305725, -0.4310053884983063, 0.7161171436309814, 0.6510825753211975, 0.00451581459492445, -0.8647183775901794, -0.20527610182762146, 1.7972697019577026, 0.033689189702272415, 0.2964201867580414, -0.9777933955192566, -1.6360055208206177, -0.15665043890476227, -0.6506209969520569, 0.3060723543167114, 0.48303380608558655, -0.9655352830886841, -1.140869379043579, -0.04938124120235443, 0.20799362659454346, 0.6830868721008301, 0.0852404460310936, -0.5919155478477478, -0.3195922076702118, -0.6028696298599243, -0.28988730907440186, 0.6374476552009583, -0.40884727239608765, -0.4270782470703125, -0.057160232216119766, -0.008133307099342346, 0.2601173222064972, -1.3482438325881958, 0.40925246477127075, 0.792430579662323, -0.25024375319480896, -0.09568585455417633, 0.2849940359592438, 0.5052962303161621, -0.3290984034538269, -0.19791565835475922, 0.5039509534835815, -0.18243326246738434, -0.7064833045005798, -0.029940538108348846, -0.36034488677978516, -0.8340880870819092, -0.49487292766571045, -1.4274035692214966, -1.0052988529205322, 0.08849984407424927, -0.41610777378082275, -0.704071044921875, -0.08264953643083572, -0.6403424143791199, -1.2852579355239868, 0.08928919583559036, 0.40745168924331665, 0.1427406370639801, 0.11619246006011963, -0.0706339105963707, -0.832454264163971, 0.27469006180763245, 0.3193511962890625, -0.5994276404380798, 0.3609229624271393, -0.5934341549873352, 0.9563528895378113, -0.03881673142313957, 1.27223801612854, -0.6833003759384155, -0.27466073632240295, -0.29578375816345215, -0.1522555947303772, 0.676639974117279, -0.1447775512933731, -1.3675628900527954, 0.6194489002227783, 0.1661139875650406, -0.2174585461616516, -1.0289868116378784, 0.1388261914253235, -0.14911934733390808, 0.4674409031867981, 1.243285894393921, 0.04413910210132599, 1.4116982221603394, -0.5325030088424683, -0.11930330097675323, -0.3812902271747589, -0.1626250147819519, 1.0752525329589844, 0.23242910206317902, 0.8572973608970642, -0.08002623915672302, -0.9094536900520325, 0.4282875657081604, -0.20682334899902344, -1.283166527748108, 0.02944369986653328, -0.09426280856132507, 0.5001861453056335, 0.2847980558872223, -0.3362615704536438, -0.3793330490589142, -0.8334935307502747, 0.798243522644043, -0.20690861344337463, -0.4382587671279907, 1.2397851943969727, -0.5575576424598694, 0.17116118967533112, 1.1084171533584595, 0.09732718765735626, 0.6509084701538086, 0.7593587040901184, -0.28269535303115845, 0.22832712531089783, -0.09223952889442444, 1.5927455425262451, 0.18681806325912476, 0.18677246570587158, 0.8526971340179443, 1.0076897144317627, -0.17362339794635773, -1.4253615140914917, 0.7351477146148682, -0.11570946872234344, 0.13664507865905762, -0.08280521631240845, 0.19790859520435333, -0.0012985393404960632, -0.5974481105804443, 0.6791741847991943, -0.30600589513778687, 0.3592633605003357, 0.726995587348938, -0.5071844458580017, -0.570972740650177, -0.8050859570503235, -0.44722890853881836, 0.47556963562965393, -2.180856227874756, 0.5303406119346619, -0.11105220764875412, -0.8324795365333557, 0.15621381998062134, 0.10139644891023636, 1.4884147644042969, -0.9530933499336243, 0.26499420404434204, -0.1632474958896637, 0.8704579472541809, 0.019451238214969635, -0.38279616832733154, 0.07448653876781464, 0.5433304905891418, 1.1115885972976685, -0.9357659816741943, 1.055185317993164, 0.34027111530303955, 0.31232714653015137, -0.7924256920814514, -0.3764383792877197, -0.5943290591239929, -0.016110312193632126, 0.38001662492752075, -1.087238073348999, -0.648476779460907, 0.09712137281894684, -0.3272002339363098, -0.6531895995140076, 0.547347903251648, 0.5981893539428711, -1.1950504779815674, -0.13860411942005157, -0.25414204597473145, 0.6180784702301025, -0.08221949636936188, -0.39055517315864563, -0.6238744854927063, -0.5206068158149719, -0.2122957408428192, 0.8457502126693726, -0.20860330760478973, 1.4234488010406494, -1.6594027280807495, -1.7322044372558594, -0.7747750878334045, 0.7715795040130615, 0.4281935691833496, -0.41069909930229187, 0.7633538842201233, 0.15478825569152832, 0.24746078252792358, 0.26515811681747437, -0.004494032822549343, 0.2143615484237671, -0.03703713044524193, 0.030243027955293655, -0.6473214626312256, 0.3567394018173218, -1.111808180809021, -0.1291099339723587, 0.7234658002853394, 0.5346724987030029, -0.935438334941864, -0.3643064498901367, -0.16956424713134766, 0.212419331073761, -0.04293074458837509, -0.9038437604904175, 0.3480241298675537, -0.4347379207611084, -0.41874295473098755, -1.0943493843078613, 0.14755100011825562, 1.4463742971420288, 0.5382212400436401, 0.6096382141113281, 0.4930599629878998, 0.9019988775253296, 0.7886104583740234, 0.5574162006378174, 1.349250316619873, 0.18327221274375916, 0.04988166689872742, -0.6283271312713623, -0.4248855710029602, -0.04679886996746063, -0.23457108438014984, 0.11044730991125107, -0.6852700710296631, -0.31749212741851807, -0.9443116784095764, 0.27841174602508545, -0.0885082483291626, 0.13105615973472595, 0.9161570072174072, 0.7145872712135315, -0.5175332427024841, -0.5716010332107544, 0.3217746615409851, -1.460659146308899, 0.5304345488548279, 0.02615487575531006, 0.642724871635437, 1.1098030805587769, 0.6328008770942688, 0.7584637999534607, 0.35408851504325867, 0.2150391936302185, 0.3133290112018585, 0.03963649645447731, 0.46973955631256104, 1.4577804803848267, 1.358971118927002, 0.04728616774082184, 0.5217803716659546, -0.18366196751594543, -1.449662446975708, -0.016368744894862175, -0.499042809009552, 1.2486226558685303, 0.20974840223789215, 0.09976957738399506, 0.34168535470962524, -1.063663125038147, 0.860741138458252, -0.07718406617641449, 0.582244873046875, 0.731179416179657, -0.7339978814125061, -1.1950474977493286, -1.4089957475662231, -0.30669403076171875, 0.7576050162315369, -0.9996117949485779, -0.11107303947210312, -0.5740540623664856, 0.8409706950187683, -0.07992751151323318, -0.23603717982769012, -0.692486584186554, 0.0647759810090065, -0.4777784049510956, -0.6305259466171265, 0.16532686352729797, -0.808815598487854, -0.4486585855484009, -0.09939824044704437, -0.6398609280586243, 0.06972314417362213, 0.36572200059890747, -0.3903661072254181, -1.0114781856536865, 0.2795431613922119, -0.195700004696846, -0.43100422620773315, 0.05994264781475067, 0.04502922669053078, -1.9592756032943726, 0.7990341782569885, 0.7310652732849121, -0.07431162148714066, -0.5991247296333313, -0.2058587670326233, 0.5894736051559448, 0.5968932509422302, 1.1245951652526855]} +{"paper_id": "fever", "embedding": [-0.3430204391479492, 0.9516441822052002, -0.3379116654396057, 0.13013318181037903, 0.26385796070098877, -0.32249653339385986, 0.5204064846038818, 0.4731927514076233, 0.4454202950000763, 1.038928747177124, 0.7346715927124023, 0.5298766493797302, -0.15396523475646973, 0.19038595259189606, 0.09279610216617584, -0.20495063066482544, -0.7071866989135742, -0.14934538304805756, -0.20018284022808075, -0.4791923761367798, -0.6152858734130859, -0.6771492958068848, 0.08602429926395416, -0.2607041597366333, -1.2907527685165405, -0.4879857897758484, 0.4108436703681946, -0.7387994527816772, -0.0856221541762352, 0.13008061051368713, -0.5641570687294006, 1.3445996046066284, -2.0459110736846924, 0.47423872351646423, -0.3538043200969696, -0.09292362630367279, -0.05025531351566315, 0.9768860936164856, 0.0166037455201149, -0.06422288715839386, -0.864337146282196, 0.07934323698282242, 0.8651975393295288, 0.18918196856975555, 0.44802144169807434, -0.5632014870643616, 0.7091587781906128, -0.11045175790786743, 0.0022162646055221558, 0.054653946310281754, -0.2742340564727783, 0.5148568749427795, -0.30105167627334595, 0.7633581161499023, 0.03134313225746155, 0.8586595058441162, 0.16103649139404297, -0.5737291574478149, 1.0479305982589722, -0.5358905792236328, 1.7191040515899658, 1.5914543867111206, -0.8927192687988281, 0.22415152192115784, 0.3593355417251587, -0.25839507579803467, 1.3240479230880737, 0.05423559248447418, 0.13943816721439362, 0.7772712707519531, -0.4784139394760132, -1.4935225248336792, 0.10510186851024628, -0.22135892510414124, -0.026200905442237854, 0.6209765672683716, 0.6210160255432129, 0.09162518382072449, 0.26198312640190125, -0.1529434621334076, 0.3697946071624756, 0.7911064028739929, 0.5149131417274475, -0.49101877212524414, -0.07344351708889008, 0.13449376821517944, 0.13749361038208008, -0.7759754061698914, 0.6109694838523865, -0.7666863799095154, 1.1771063804626465, 0.3294615149497986, -0.28436967730522156, 0.2672079801559448, 0.0667758360505104, 0.8714085221290588, -0.5822672843933105, -0.11774536967277527, -0.36016231775283813, 0.018531814217567444, 0.5902643799781799, -0.4449590742588043, 0.26697424054145813, -0.11398857086896896, 0.31571558117866516, 1.1042110919952393, -0.5907736420631409, -0.18291175365447998, -0.8549696207046509, 0.037720344960689545, -0.25434184074401855, 1.0144624710083008, -0.34346580505371094, 0.6046179533004761, 0.10635175555944443, 0.10707580298185349, 0.4966020882129669, -0.9714668989181519, -0.2865557372570038, 0.2002154141664505, -0.2676410973072052, -0.8788322806358337, -0.3699074387550354, 0.5371319651603699, 0.8975891470909119, -0.4386419355869293, -0.013481643050909042, 0.1661398708820343, -0.3310045301914215, 0.07847205549478531, 0.4990119934082031, -0.12981393933296204, -0.8864331841468811, 0.2803206145763397, 2.7618486881256104, -1.22544264793396, 1.315200686454773, -0.03205791115760803, -0.037062376737594604, 0.39865100383758545, -0.20314723253250122, 1.1848220825195312, 1.1033287048339844, -1.0434643030166626, -0.6695144772529602, 0.7294701337814331, -0.3016338646411896, 0.5248299837112427, -1.0659396648406982, 0.010380672290921211, -0.5091889500617981, 0.476439893245697, -1.5846198797225952, 0.20886555314064026, 0.45216289162635803, 0.074402816593647, -0.19507543742656708, 0.11027505993843079, -0.5704959630966187, 0.7002264857292175, 0.45175400376319885, 0.496030330657959, -0.8566402792930603, 0.4020029306411743, -0.5284976363182068, 0.13335619866847992, 1.4562393426895142, -0.6530792713165283, -1.3321385383605957, 0.6471225619316101, 0.9603182077407837, -1.2153770923614502, -0.6294165849685669, -0.783027172088623, -0.02976934239268303, -0.05364306643605232, 0.47100239992141724, 0.4906737506389618, 0.2826349139213562, -0.42282572388648987, -0.39660534262657166, 0.013667944818735123, -0.03845980763435364, 0.6846497654914856, -0.9635104537010193, -0.20469710230827332, -2.040466785430908, 0.18135640025138855, 0.11628158390522003, 0.7746262550354004, 0.3623884618282318, 0.41067761182785034, 0.47376549243927, 1.0949970483779907, -0.004902340471744537, -0.736514687538147, -0.019356198608875275, -1.3548094034194946, 0.464408814907074, -0.5214435458183289, 0.010431181639432907, -0.6271551251411438, -0.5870392918586731, 0.08922601491212845, 1.2134190797805786, -0.7600145936012268, -0.6229189038276672, -2.3161277770996094, 0.35727813839912415, 2.1909842491149902, -0.5330219268798828, -0.32457226514816284, -1.4093847274780273, -0.09072509407997131, 0.46424949169158936, -0.48486700654029846, 0.2381311058998108, -1.0284807682037354, 0.07939283549785614, -0.8933584690093994, 0.7458348870277405, -0.10398100316524506, 0.19656533002853394, 0.3856915831565857, 0.715000569820404, -0.8626247644424438, 0.0835103988647461, -0.59050053358078, -0.8918150067329407, 0.5669916868209839, 1.02350914478302, -0.20280063152313232, 0.030791234225034714, 0.9581083059310913, 0.6509391665458679, 1.2963166236877441, -0.06241215020418167, 0.19742770493030548, -1.6107027530670166, 0.1396377980709076, -0.04596417397260666, 0.8208326101303101, 0.3701850175857544, -0.24069644510746002, 0.8767345547676086, 0.6180248260498047, -0.2631506323814392, -0.2756767272949219, -0.5676302909851074, -0.22927707433700562, 0.8400073051452637, 0.5972845554351807, -1.2974687814712524, 0.8976376056671143, -0.8601104617118835, 0.22583737969398499, -0.2869730293750763, -0.6068542003631592, -0.2906174659729004, 0.3496575951576233, 0.8875687122344971, 0.4745439887046814, 0.015705227851867676, -0.1406545788049698, -0.42732998728752136, -1.4861897230148315, 0.2996909022331238, -0.45855310559272766, -0.5025423169136047, -1.1782231330871582, 0.13151024281978607, -0.3806898593902588, -1.0118659734725952, -0.7486984729766846, 0.2080392688512802, 0.2995447814464569, -0.18304888904094696, 0.42272230982780457, 0.8303290009498596, 0.4566218852996826, -0.2388182282447815, -0.2167089730501175, 1.1960793733596802, 0.17845973372459412, 0.807732105255127, -0.2891586124897003, 0.13677679002285004, -0.796113133430481, 0.21347588300704956, -0.5237782597541809, 0.3380470275878906, 0.20873966813087463, -0.7133727073669434, 0.5568822026252747, 0.1045188307762146, -0.7026106715202332, 0.9882009029388428, 0.13108357787132263, -0.4290033280849457, -1.1178016662597656, 1.333200216293335, 0.009180082008242607, -0.44464507699012756, 0.6867378950119019, -0.10904137045145035, -0.9694081544876099, 1.4450446367263794, -0.43255504965782166, 0.22447873651981354, -0.03996582329273224, 0.3003857433795929, 0.290785551071167, 0.056677497923374176, -1.553297758102417, 0.28024494647979736, 1.307164192199707, -0.5261247754096985, -0.45944133400917053, -0.577376663684845, 0.4946932792663574, -0.3272130489349365, -0.30457261204719543, 0.23905134201049805, -0.42257946729660034, -0.07180449366569519, -0.4800845682621002, 0.4408722519874573, 1.1121269464492798, -1.180440068244934, 0.4213707447052002, 0.006651886273175478, 0.4487273097038269, -0.9944416880607605, -0.4086018204689026, 1.2391918897628784, -0.22007572650909424, 0.9783377647399902, -0.41291093826293945, 0.7274603247642517, 0.9090871810913086, -0.6614236831665039, -0.4756716191768646, 0.8044648766517639, 0.2822701334953308, 0.2766851484775543, 0.379268079996109, -0.48328495025634766, 0.8748831748962402, -0.559580385684967, 1.0771502256393433, 0.3011395037174225, -0.5254805684089661, -1.333150863647461, -0.7772992849349976, -0.179275244474411, -0.5492194294929504, 1.6992905139923096, 0.8139857649803162, 1.8026798963546753, 0.17020058631896973, 0.4294244647026062, -0.7028993964195251, 0.1653645783662796, 0.2855682075023651, 0.22319579124450684, 0.5135019421577454, -0.744783878326416, 0.41529688239097595, 1.2792493104934692, 0.15487989783287048, -0.1827729195356369, -0.1666664183139801, 0.40884849429130554, 0.16735735535621643, -0.5552537441253662, 0.5277272462844849, -0.18234854936599731, 0.23961526155471802, 1.0574052333831787, -0.37242433428764343, -0.6122170090675354, -0.4968768060207367, 0.2582237720489502, 0.48648661375045776, 0.25203651189804077, -0.8716893196105957, 0.1380898654460907, -0.13635645806789398, 0.5819509029388428, -0.44111907482147217, 0.5983642339706421, 1.8547838926315308, -0.0016262531280517578, -1.7512038946151733, -0.2513633668422699, -0.7311549186706543, 0.4418855309486389, 0.0046387650072574615, -0.2698812782764435, -0.06564721465110779, 0.4951362609863281, -0.06981275230646133, -1.1229554414749146, 1.1780203580856323, -0.48038366436958313, -1.2863359451293945, 1.2625069618225098, 1.1399898529052734, -1.5741207599639893, -0.9269696474075317, 0.4773511290550232, -0.07998809963464737, -0.7529556751251221, -0.1432659924030304, -0.736047089099884, 1.0421313047409058, 0.701489269733429, 0.5642845630645752, -0.1460103541612625, 0.40192466974258423, -0.8722637891769409, 1.1048213243484497, 0.7525535225868225, -0.5568991899490356, 0.7362788915634155, 0.3421381711959839, 0.1112702339887619, 0.350024938583374, -1.1128207445144653, -0.4161911904811859, 0.7667099833488464, -0.11727472394704819, 0.14142297208309174, -0.7748526334762573, -1.0890876054763794, 1.2225226163864136, 0.4304826855659485, 0.3094392418861389, -1.0383920669555664, 0.5722733736038208, -1.039353370666504, 0.3135066330432892, 0.5985196828842163, -0.7919638752937317, -0.6801503300666809, 0.8304650783538818, -0.2961306571960449, 0.7065757513046265, 0.28155210614204407, -0.0089784637093544, 1.1256036758422852, 0.11861882358789444, 0.12863361835479736, -0.22682330012321472, -11.58184814453125, 0.840855062007904, -0.04437795281410217, 0.7284092307090759, 0.25943198800086975, -0.3721531629562378, 0.606182873249054, 0.2560083270072937, 0.8168900012969971, -0.5598533749580383, 0.42895397543907166, 1.883808970451355, -0.24302953481674194, -0.4289728105068207, -0.7789425253868103, -1.2045601606369019, -0.7280491590499878, -0.4464898705482483, 0.11976523697376251, 0.008389420807361603, 0.6813926100730896, -1.7417597770690918, 0.3465026617050171, -0.07428006827831268, 0.9572356343269348, -0.3280039131641388, 0.06861752271652222, -0.4702417850494385, -0.1411954164505005, 0.209621399641037, 0.7735052704811096, -0.05159354209899902, 0.012872502207756042, -0.014562341384589672, -0.10005530714988708, -0.23464109003543854, -0.5452346801757812, -0.27762243151664734, 0.7540604472160339, -0.6405806541442871, 0.09831176698207855, 0.34850749373435974, -0.05461128056049347, -0.5900409817695618, -0.24019543826580048, 0.4100673794746399, -0.0002874191850423813, -0.39345335960388184, -0.058363378047943115, 0.02290291339159012, -0.0066895633935928345, -0.8045024871826172, -0.46555936336517334, -0.617595911026001, 0.47048479318618774, -0.5344668030738831, -0.7498350143432617, -0.49180203676223755, -1.1717307567596436, -1.693583607673645, 0.8494581580162048, 0.03978598862886429, -0.14643150568008423, 0.095365509390831, 0.41200608015060425, -0.20610885322093964, 0.617125928401947, -0.04459007456898689, -0.334124892950058, 0.03816505894064903, -0.6391385793685913, 1.0823160409927368, 0.47882094979286194, -0.06094995141029358, -0.7072411179542542, -0.12886804342269897, -0.7092064023017883, -0.0630306527018547, 0.25439247488975525, -0.11439713835716248, -1.369225263595581, 0.5618230104446411, 0.3295847475528717, -0.3317735493183136, -1.0574672222137451, -0.5031740069389343, -0.23160716891288757, -0.6872736811637878, 0.06234551966190338, 0.15726780891418457, 0.874403715133667, 0.6100594997406006, -0.4948580861091614, -0.3341270983219147, -0.6450384855270386, 0.4734649956226349, -0.8757171630859375, 0.8659616708755493, -0.20965568721294403, -0.6659062504768372, 0.3036237359046936, -0.2862793505191803, -1.0135629177093506, 0.0035826638340950012, 0.6584867238998413, 0.282906711101532, 0.07373306155204773, -0.5531102418899536, 0.08598855137825012, -0.30394670367240906, 0.6518407464027405, 0.07698284089565277, -0.14266091585159302, 1.5787001848220825, -0.8917452096939087, 0.21869303286075592, 0.6978606581687927, -0.35759854316711426, 0.056310221552848816, 1.5198310613632202, -0.40036776661872864, 0.5189597606658936, -0.22080616652965546, 1.1614699363708496, -0.08640759438276291, -0.0033829794265329838, 0.30150359869003296, 0.36591315269470215, -0.024010606110095978, -2.1913037300109863, 0.15004436671733856, -0.07775218784809113, 0.573351263999939, -1.2985059022903442, -0.2721017897129059, -0.672688364982605, -0.5163242220878601, 0.9595514535903931, -0.5614117980003357, 0.42548826336860657, -0.7549638748168945, 0.10493996739387512, 0.29355388879776, -1.0273644924163818, -0.6984779834747314, 0.5664014220237732, -1.1009621620178223, 0.34275755286216736, -0.990863561630249, -0.2054629623889923, 0.017069892957806587, -0.9522570967674255, 0.7958725690841675, -0.4606987237930298, 0.24548745155334473, -0.07865498960018158, 0.43499085307121277, -0.4580906927585602, -0.7735616564750671, -0.3003987669944763, -0.5063074827194214, 1.6648199558258057, -0.875360906124115, 0.7758281230926514, 0.46552929282188416, -0.40914541482925415, -0.5659845471382141, -0.4321760833263397, 0.13733462989330292, -0.20701166987419128, 1.0121649503707886, -1.0382444858551025, -0.032900236546993256, -0.1964108943939209, 0.30674776434898376, -0.5456334352493286, 1.2052466869354248, 0.9377803802490234, -0.9238402843475342, -0.32562345266342163, 0.4491177201271057, 0.2928682267665863, 0.43193870782852173, -0.42228105664253235, -0.3886166214942932, 0.06729428470134735, -0.2620881497859955, 0.9227601885795593, -0.04327209293842316, 1.2603541612625122, -1.5387859344482422, -0.770103931427002, -0.9827883243560791, 0.02484411746263504, 1.0644043684005737, 0.21517352759838104, 0.9879323840141296, 0.6643125414848328, 0.473931223154068, -0.20098167657852173, 0.7198302745819092, 1.4388328790664673, 0.11027407646179199, 0.48324549198150635, -0.8189698457717896, 0.4327981173992157, -0.5639727711677551, 0.35281237959861755, 0.05163898691534996, 0.9820936322212219, -0.7073456048965454, 0.27170807123184204, 0.06256107985973358, -0.6978357434272766, -0.09376522898674011, -0.9771034717559814, 0.4973689913749695, -0.8475522398948669, -0.12078917026519775, -0.8036848306655884, 0.9239964485168457, 0.8935189247131348, -0.0562964491546154, 1.0349626541137695, 0.6041064262390137, 0.4290635883808136, 1.333123803138733, 0.3434734344482422, 1.2802950143814087, 0.26940450072288513, -0.053637582808732986, 0.47251349687576294, 0.07391282916069031, 0.3555423319339752, 0.16403786838054657, -0.2994331121444702, -0.30111390352249146, 0.1577697992324829, -0.15252932906150818, 0.5602502822875977, -0.3453710675239563, 0.33546656370162964, 0.8566223382949829, 0.508462131023407, -0.5879371762275696, -1.035690426826477, -0.633679986000061, -1.5452759265899658, -0.6964707374572754, 0.42696264386177063, 1.2882399559020996, 0.23354405164718628, 0.9788450002670288, -0.37498950958251953, 1.1985942125320435, -0.7916887402534485, 0.4149765968322754, 0.2199098765850067, -0.32265371084213257, 0.9587423205375671, 1.1263220310211182, 0.329708456993103, 0.15428045392036438, 0.30704179406166077, -1.3056086301803589, -0.32103225588798523, -0.9897935390472412, 1.0362292528152466, 0.8269340395927429, -0.5574148893356323, 0.7017634510993958, -0.5875279307365417, 0.6258162260055542, -0.4923931658267975, 0.34219610691070557, -0.4317781329154968, -0.5426254868507385, -0.35721686482429504, -1.0495994091033936, 0.14322005212306976, 0.44953659176826477, -0.5349370837211609, -0.7571024894714355, -0.6174572110176086, 1.037239909172058, -0.06734216958284378, -0.13291117548942566, -0.6450393199920654, 0.13702604174613953, -0.5236610770225525, -0.5528900027275085, 0.3258012533187866, -0.9351359009742737, -1.06733238697052, -0.326442688703537, -0.3243229389190674, 0.3023386299610138, -0.28374457359313965, -1.0509637594223022, -0.10879506170749664, 0.2854670286178589, 0.45912107825279236, 0.585528552532196, -0.29748016595840454, -0.5214781761169434, -0.8609363436698914, 0.3263668715953827, 0.5243760943412781, 0.09002606570720673, -0.005621983669698238, 0.20339101552963257, 0.7088444828987122, -0.3074200749397278, 1.2007250785827637]} +{"paper_id": "scicite", "embedding": [-1.1158061027526855, 1.6959809064865112, 0.06082570180296898, 0.07459942251443863, 0.2761079668998718, -0.12724244594573975, 0.10366056859493256, 0.6491298675537109, 0.6301285028457642, 0.39578256011009216, 0.7494497895240784, 0.15839049220085144, -0.44785013794898987, -0.05654895305633545, -0.7031760811805725, 0.343593031167984, 0.16476517915725708, -0.4930156469345093, 0.09504594653844833, -0.9518615007400513, -1.458570957183838, -0.757904589176178, -0.9217068552970886, 0.1547558605670929, -0.7478468418121338, -0.7758044004440308, -0.32328709959983826, -0.5845850110054016, 0.16071626543998718, 0.2714127004146576, 0.7994152903556824, 0.39177048206329346, -2.0599539279937744, 0.7548407316207886, -1.4828588962554932, -0.08511108160018921, -0.011994286440312862, 0.7934353351593018, -0.33203408122062683, -0.8831005096435547, -1.14230477809906, 0.33564984798431396, 0.7389906644821167, -0.30457815527915955, 1.0940475463867188, -0.9717926979064941, 0.2814125418663025, 0.4500943720340729, 0.21951185166835785, 0.1454245150089264, -0.5690402388572693, 0.02376784011721611, -0.5762898921966553, -0.19400669634342194, -0.42976272106170654, 1.215332269668579, 0.21654200553894043, 0.036239612847566605, 0.9014206528663635, -0.09150448441505432, 1.0645685195922852, 1.5211083889007568, -0.07256844639778137, -0.6533852815628052, 0.4051559865474701, 0.17768128216266632, 1.0189155340194702, -0.004080548882484436, 0.06179218739271164, 0.7634649276733398, -0.8398945331573486, -0.8481412529945374, -0.4834522008895874, -0.4363275170326233, -0.5139940977096558, 0.44808414578437805, 0.336416095495224, -0.49752965569496155, 0.4136713445186615, 0.9415332078933716, -0.8541280031204224, 0.38632023334503174, 0.6788731217384338, -0.2892129421234131, -0.26970571279525757, -0.18705454468727112, 0.4242032766342163, -0.4860353171825409, 1.3883036375045776, -1.3250136375427246, 0.7098556160926819, 0.5023165941238403, -0.5418253540992737, -0.11695373058319092, -0.8206454515457153, 0.1186503991484642, 0.4526605010032654, -0.4032973647117615, -1.6514173746109009, 0.22345662117004395, 0.33571764826774597, -0.5421932935714722, 0.8707712888717651, -0.4415995180606842, 0.7235597372055054, 0.41669026017189026, -0.6421497464179993, -0.12894180417060852, -0.631039559841156, -0.12345638871192932, 1.4730371236801147, 0.6799591183662415, 0.16013041138648987, 0.2142530083656311, 0.012823840603232384, -0.6758365035057068, -0.10294782370328903, 0.10400378704071045, -0.9662700295448303, -0.17785821855068207, -0.5258936285972595, -0.7877386808395386, -0.33866584300994873, 0.4982558488845825, 1.1945085525512695, -0.42818954586982727, 0.2266746610403061, -0.8261614441871643, 0.3365832269191742, 0.12026498466730118, -0.27646347880363464, 0.35894864797592163, -1.121638298034668, -0.2519265413284302, 3.109966278076172, -0.1396465003490448, 0.4790719449520111, 0.6818373203277588, 0.27124303579330444, 0.18752317130565643, 0.3442758321762085, 1.0312117338180542, 0.7554685473442078, -1.6564017534255981, -0.7695386409759521, 0.17141510546207428, -0.5529550909996033, 0.700285792350769, -1.012268304824829, 0.04448987543582916, 0.17076338827610016, 0.6838638782501221, -0.9601473808288574, -0.4569062292575836, 0.30703073740005493, 0.03175031393766403, -0.15398499369621277, 0.3759709596633911, -0.11870463192462921, 1.0367053747177124, 1.2974107265472412, 0.5018233060836792, -0.7720118761062622, 0.339875191450119, -0.4008500874042511, -0.7607969045639038, 0.9764099717140198, -0.1231992170214653, -1.623124599456787, 0.015474893152713776, 0.5552293062210083, -1.0733575820922852, 0.360923707485199, -0.9630599617958069, 0.11997254937887192, -0.5989972949028015, 0.6431103348731995, 0.0659094899892807, 0.27229949831962585, -0.28782081604003906, 0.2374095618724823, -0.3291226923465729, 0.17206904292106628, 0.12843851745128632, 0.14773327112197876, -0.29332002997398376, -1.9315118789672852, -0.4859597086906433, -0.9945120811462402, 0.526360273361206, 0.025247886776924133, 0.1646529734134674, 0.19767552614212036, 0.3287130296230316, -0.7018222212791443, 0.1440352201461792, 0.18624240159988403, -2.5275769233703613, 0.18288621306419373, 0.9207285046577454, 0.8348067998886108, 0.40548163652420044, 0.8059724569320679, 0.8993520736694336, 0.44105321168899536, -0.6758120656013489, -0.8541724681854248, -1.0151679515838623, 0.28833019733428955, 1.3752319812774658, -0.7512670159339905, 0.007616914808750153, -1.0893362760543823, -0.028997354209423065, 0.20091348886489868, -0.20160719752311707, 0.03147672861814499, -0.3754301965236664, 0.35483258962631226, -0.48921769857406616, 0.8856485486030579, -0.5670825839042664, -0.4688900113105774, -0.11463003605604172, 1.104306936264038, -0.5206834077835083, -0.4036141335964203, 0.3046438992023468, -0.9124917984008789, 0.24599221348762512, 0.567386269569397, -0.2590692937374115, 0.2838037312030792, 0.3192578852176666, 0.3280610740184784, 0.563938319683075, 0.6555216312408447, 0.32394203543663025, -0.4238732159137726, 0.6577578783035278, 0.3305819034576416, 1.02626633644104, -0.2294939011335373, -0.593149721622467, 0.37483716011047363, 0.15028204023838043, 0.50837242603302, -1.1590996980667114, -0.3569658398628235, -0.07436560839414597, 0.8821033835411072, 1.2751574516296387, -0.9561370015144348, 1.1271553039550781, -0.49234238266944885, -0.01730266958475113, -0.07554025948047638, -0.8937321901321411, -0.0369899645447731, -0.7139196395874023, 0.022104773670434952, -0.06233754754066467, -0.07896039634943008, -0.04080064222216606, -0.2976279854774475, -0.9213616251945496, -0.20332585275173187, -1.134496808052063, -0.755978524684906, -0.7836023569107056, -0.613736093044281, 0.15444792807102203, -1.6989917755126953, -0.22301000356674194, 0.46873602271080017, -0.1226767897605896, -0.5219711065292358, 0.6628561019897461, 0.6007747054100037, -0.062037110328674316, -0.45395347476005554, -0.2998969554901123, 1.1398475170135498, 0.04796144738793373, 0.15633048117160797, 0.39485305547714233, -0.2062671035528183, -1.1510192155838013, -0.22708171606063843, -0.6454623341560364, 0.08361578732728958, 0.24099260568618774, -0.18130585551261902, 0.7972910404205322, -0.45292603969573975, -0.9192097783088684, 0.12943488359451294, -0.36626479029655457, 0.256632536649704, -1.0915435552597046, 0.7509454488754272, 0.2517324388027191, -0.3697267770767212, 0.5715315937995911, 0.6286001801490784, -0.5194604992866516, 1.3221288919448853, -0.01966044306755066, 0.6842777729034424, -0.045453935861587524, 0.02357749454677105, -0.13591723144054413, 0.0833464041352272, -1.713858723640442, 0.11183145642280579, 0.6328173279762268, -0.17680108547210693, 0.5471587777137756, 0.1268312633037567, -0.4883957505226135, -0.9320721626281738, -0.05601736903190613, 0.19621792435646057, -1.0519750118255615, 1.1705273389816284, -0.10482904314994812, -0.14672860503196716, 0.23867978155612946, -0.2894728183746338, 0.7701932191848755, -0.04277331754565239, 0.37526047229766846, -1.0389180183410645, 0.008974015712738037, 0.5731572508811951, 0.015979185700416565, 1.2128926515579224, 0.21009749174118042, 0.4306931495666504, 0.8498063087463379, -0.7693893909454346, 0.1900077909231186, -0.09701885282993317, 0.23441043496131897, -0.21618467569351196, 0.014824345707893372, 0.2672026753425598, 0.9431488513946533, 0.38773128390312195, 1.9961059093475342, 0.5361404418945312, -0.49261659383773804, -0.8830491304397583, -0.4205409586429596, -0.9344049692153931, -0.14437299966812134, 1.2226139307022095, 0.7897152304649353, 1.858257532119751, 0.2305702418088913, 0.15570062398910522, 0.464531272649765, -0.38595500588417053, 0.5421528220176697, 0.5666935443878174, -0.04276604950428009, -0.5670477151870728, 0.047770705074071884, 0.6037746071815491, 0.16007067263126373, 0.08325861394405365, 0.04307091608643532, 0.630352258682251, -0.43997785449028015, -1.0290948152542114, 0.7504777908325195, 0.5351812243461609, 1.2359623908996582, 1.176554799079895, -0.46886584162712097, -0.7110534906387329, -1.0725743770599365, -0.06188882887363434, 0.46080783009529114, 0.45080238580703735, -0.6806604862213135, -0.516055703163147, 0.29226887226104736, 0.6828866004943848, -0.49506646394729614, 1.2664061784744263, 1.1235486268997192, -0.04236026108264923, -1.3225129842758179, 0.10450221598148346, -1.3065873384475708, -0.8986225128173828, -0.6805328130722046, -0.06794771552085876, -0.6055395603179932, 0.16479668021202087, 0.505111813545227, -1.3428268432617188, -0.5486785769462585, -0.9510035514831543, -1.1700242757797241, 0.5080769658088684, 1.194245457649231, -1.3632996082305908, -0.6209390759468079, 0.21368084847927094, -0.7614776492118835, -0.49309611320495605, 0.3809199035167694, -0.8648980259895325, 0.32867732644081116, 0.5721005201339722, 0.10884469747543335, 1.1593775749206543, 0.5543325543403625, -0.6073994040489197, 0.5854633450508118, 1.3637267351150513, -0.49279582500457764, 0.7886991500854492, -0.5887526869773865, 0.47810930013656616, 0.34230270981788635, -1.7228739261627197, -0.47222551703453064, 0.5274019837379456, -0.40736979246139526, -0.38583627343177795, -0.8338133096694946, -0.08421656489372253, 0.5638791918754578, 0.2661386728286743, 0.2082774043083191, -0.46688881516456604, -0.44784802198410034, -1.1558902263641357, -0.09210845082998276, 0.6579650640487671, -0.7950642108917236, -0.175757497549057, 1.2119758129119873, 0.9500030875205994, 0.6231033802032471, 0.570357084274292, 0.20604273676872253, 0.5438053607940674, -0.2960594892501831, -0.6519783139228821, -0.5232781171798706, -11.106705665588379, 1.1034437417984009, 0.06221192330121994, 0.4193795919418335, 0.9933817982673645, 0.940686821937561, 0.35588881373405457, -0.5250855088233948, 0.7044029235839844, -0.525991678237915, 0.30068719387054443, 1.7092052698135376, 0.6363768577575684, -0.3565087914466858, -0.4239342212677002, -1.1231935024261475, -0.7697941064834595, -0.40522605180740356, 0.6855998039245605, 0.13151609897613525, 0.20203804969787598, -0.8208319544792175, -0.7005035877227783, -0.7506943345069885, 0.5108010768890381, -0.8400995135307312, 0.18924006819725037, -0.2698664963245392, -0.5970838665962219, 0.4783661663532257, 0.174528568983078, -0.04464677721261978, -0.5529022216796875, -1.0898646116256714, 0.11459171772003174, 0.9042603969573975, -1.5338033437728882, 0.3874359130859375, 0.7143179178237915, -0.5926864147186279, 0.45588189363479614, 0.34187325835227966, 0.5271468162536621, 0.07831650227308273, -0.5294148921966553, 0.605217695236206, -0.027259638532996178, -1.3269903659820557, 0.9569670557975769, -0.2250838726758957, -0.5671007037162781, -0.9314925670623779, -1.411537528038025, -0.143478125333786, 1.2322497367858887, 0.24598228931427002, -0.9349173307418823, 0.35664141178131104, -1.1972967386245728, -0.04760626330971718, 0.8518221974372864, -0.3736860752105713, 0.025532841682434082, 1.0770708322525024, 0.1442681849002838, -0.20495851337909698, 1.2654567956924438, 0.15424741804599762, -0.12547200918197632, 0.1285904347896576, -0.42314207553863525, 1.3156684637069702, 0.3793863356113434, -0.466916024684906, 0.6883220672607422, -0.1868443787097931, -0.3287586271762848, 0.3395344913005829, 0.6393699645996094, 0.5661865472793579, -1.4012632369995117, 0.3830898404121399, -0.4257069230079651, -0.6075712442398071, -1.6044062376022339, -0.25937381386756897, -0.2736571729183197, -0.2657037675380707, 0.0706838071346283, -0.38334769010543823, 1.0232068300247192, 0.3476853370666504, 0.7250521779060364, -0.9987009763717651, -0.791016697883606, 0.9090734124183655, -2.2036874294281006, 0.8058169484138489, -0.3525577187538147, -0.12957370281219482, 0.5214732885360718, 0.30842316150665283, -0.7381484508514404, -0.49405115842819214, 0.7329542636871338, -0.4309806227684021, 0.09806738793849945, 0.32910722494125366, -0.7468807697296143, -0.359182208776474, -0.051012277603149414, -0.06842926144599915, 0.017597243189811707, 0.7861947417259216, -0.44687482714653015, 1.6213786602020264, 0.6805223822593689, -0.6300579905509949, -0.3377835750579834, 0.7446337342262268, -0.25089263916015625, 0.6513106822967529, 0.3203752338886261, 1.3232355117797852, -0.33940139412879944, -0.004764924757182598, 0.3442399799823761, 0.34657880663871765, -0.005102183204144239, -0.4880610704421997, 0.5595355033874512, -0.4068022668361664, 0.5468636155128479, -0.7599998712539673, -0.6779947876930237, -0.8076527118682861, -1.1592568159103394, 1.5092140436172485, -0.5012489557266235, 0.13851645588874817, -0.6051609516143799, -0.2223081886768341, 0.06458128988742828, -0.4961708188056946, -1.3299050331115723, -0.16944625973701477, -1.6705585718154907, 0.0014908090233802795, -0.6470261812210083, -0.9111012816429138, 0.27670416235923767, -0.3084646165370941, 0.56449294090271, -0.5080147981643677, -0.8023739457130432, -0.09414325654506683, 0.12977580726146698, -0.20210933685302734, -0.9298064708709717, 0.45008963346481323, 0.6450198292732239, 0.5907248854637146, 0.3293938636779785, 1.163785696029663, 0.6838679313659668, -0.16330432891845703, -0.46937093138694763, 0.4499601423740387, -0.7747911810874939, 0.24468716979026794, 1.4573496580123901, -0.837551474571228, 0.4201553463935852, 0.04314015060663223, -0.10748438537120819, 0.12739838659763336, 0.4279724359512329, 0.9272280931472778, -0.23839354515075684, 1.3687725067138672, 0.2842196226119995, 0.36416709423065186, 1.345877766609192, -0.2771104574203491, -0.18635688722133636, 0.10647790879011154, -0.016318168491125107, 0.03632241487503052, 0.233456090092659, -0.22041618824005127, -0.7635869383811951, -1.5129008293151855, -0.5718265175819397, -0.025065910071134567, 0.4246622920036316, 0.20374014973640442, 0.9095475673675537, 0.10855732858181, 0.06457380950450897, 0.36291438341140747, -0.1572834849357605, 0.9522850513458252, 0.2878822684288025, 0.7913126349449158, -0.4458022713661194, -0.4401153028011322, -0.3556537628173828, 0.3035929799079895, 0.45173171162605286, 0.8270276188850403, -0.966241180896759, -0.2224869728088379, 1.128157615661621, 0.26679056882858276, 0.06929926574230194, -1.93461275100708, -0.25134602189064026, 0.29575762152671814, -0.7632073760032654, -0.8413740992546082, 0.04117422178387642, 0.8400833606719971, -0.2076674848794937, 0.7721791863441467, 0.4157502353191376, 0.5236809849739075, 0.9139420986175537, 0.5274542570114136, 0.9187213778495789, -0.14075882732868195, -0.19637247920036316, 0.7414084076881409, -0.3348696231842041, -0.1822216957807541, 0.7942640781402588, 0.8311172723770142, -0.6640035510063171, 0.05118103325366974, -0.8989502191543579, 1.0375266075134277, -0.6563899517059326, 0.27957549691200256, 0.41288167238235474, 1.4511774778366089, 0.5773929953575134, -0.9690030217170715, -0.45094382762908936, -0.4785926938056946, -0.6394462585449219, 0.24072840809822083, -0.1181461289525032, 0.5242798924446106, 0.9250268340110779, -0.7167290449142456, 0.8279336094856262, 0.8943727016448975, 0.344460129737854, 0.17373043298721313, -0.7766488194465637, 0.915097177028656, 0.8330957293510437, -0.7188358306884766, -0.05091823637485504, -0.6920672655105591, -0.9911379814147949, -0.6734036803245544, -0.7100433111190796, 0.7977616786956787, 1.245591640472412, -0.8946579098701477, -0.30018216371536255, 0.06497756391763687, 0.09969387948513031, -0.669360876083374, 0.28026002645492554, -0.48771190643310547, -0.6906303763389587, -0.9666277170181274, -0.5230938792228699, 0.08735457062721252, 0.8998602032661438, -0.046090032905340195, 1.2679365873336792, 0.27920421957969666, 1.4875006675720215, -0.45260509848594666, -0.47962117195129395, -0.5481067895889282, 0.19077470898628235, 0.08036421239376068, 0.38694846630096436, 0.9074791669845581, -0.37104836106300354, -1.846503496170044, -0.2936376929283142, -0.5455730557441711, 0.7604921460151672, 0.8429107666015625, -0.8156744241714478, 1.164560079574585, 0.9851037859916687, 0.5595955848693848, 0.343002051115036, 0.7654639482498169, 0.3696988821029663, -0.9219101071357727, 1.0931049585342407, -0.13372451066970825, 0.6646870374679565, 0.3121618628501892, 0.22742554545402527, 0.9796596765518188, 0.04160076379776001, 0.8841819763183594]} +{"paper_id": "mlqa", "embedding": [-0.3306354880332947, 1.1340047121047974, 0.10175999999046326, -0.12317980080842972, 0.8208698630332947, -0.7673192620277405, -0.38939186930656433, 0.7444627285003662, 0.5067569017410278, 0.4799327850341797, 0.39200884103775024, -0.01771947182714939, 0.09552663564682007, -0.20666328072547913, -0.24852332472801208, -0.42147111892700195, -1.1853374242782593, -0.9096119403839111, -1.394058346748352, -0.3104759752750397, -0.548078715801239, -0.25128763914108276, -0.0015403442084789276, 0.7332927584648132, -0.2416551113128662, -1.2679084539413452, 0.8597927689552307, -0.831787645816803, 0.35318097472190857, 0.5010075569152832, -0.5185275077819824, 1.0466862916946411, -1.1150115728378296, 0.43017664551734924, -0.4461733102798462, 0.1204284057021141, 0.9330391883850098, 1.3756797313690186, -0.22854170203208923, -0.05207561329007149, -0.9977350831031799, -0.18613022565841675, 0.4051780700683594, 0.26250728964805603, 1.7921046018600464, -0.6262906193733215, 0.09302925318479538, -0.1989116221666336, -0.008806630969047546, -0.4852130711078644, -0.2958923578262329, 0.7513152956962585, -0.46970322728157043, 0.5704259872436523, -0.6654032468795776, 0.6368102431297302, 0.8351711630821228, -1.1229774951934814, 0.7759175300598145, -1.175045371055603, 1.2096168994903564, 1.4163224697113037, -0.5785534381866455, -0.030539710074663162, 1.5616484880447388, -0.21095941960811615, 1.7952830791473389, 0.25027358531951904, 0.3471563756465912, 0.3456401824951172, 0.0685749351978302, -1.0764546394348145, 0.042466916143894196, 0.3890862464904785, 0.47200748324394226, 0.8410800695419312, 0.572394609451294, -0.16101498901844025, -0.16616591811180115, -0.35730549693107605, -0.9288703799247742, 0.5566160082817078, 0.5836078524589539, -0.9414085149765015, 0.3793674409389496, -0.05948629975318909, 0.5151489973068237, -0.8668633103370667, 1.268007755279541, -1.4201226234436035, 0.7785888910293579, 0.28183749318122864, -0.09989754855632782, -0.21116259694099426, -0.472084105014801, 0.4206632971763611, -0.6345303654670715, 0.11372476816177368, -0.23104509711265564, 0.4668389558792114, 0.5887792110443115, -0.02776406705379486, 0.2644292116165161, 0.0438719168305397, -0.2510693371295929, 0.6931765675544739, 0.05441740155220032, -0.2748025953769684, -1.0949676036834717, -0.40590354800224304, 0.04010273143649101, 0.6102533936500549, -0.36907896399497986, 0.2944873571395874, 0.2654888331890106, -0.17043903470039368, 0.17448389530181885, -1.0920369625091553, -0.733238160610199, 0.29255151748657227, 0.3867185413837433, -1.0520639419555664, -0.4691481590270996, 0.17688749730587006, 0.6822896599769592, -0.7222059369087219, 0.2937098443508148, -0.3301559090614319, -0.10131194442510605, 0.3805605471134186, 0.9406102895736694, -0.6024135947227478, -0.9420416355133057, -0.5443326830863953, 3.12086820602417, -0.9904876947402954, 2.4117095470428467, -0.29203030467033386, 0.1795823872089386, -0.01239834725856781, -0.046037063002586365, 0.5693801641464233, 0.39166563749313354, -0.7439358830451965, 0.25946226716041565, 0.5550402402877808, -0.5765838623046875, 0.6297881603240967, -1.2126755714416504, -0.6099488139152527, -0.35295534133911133, 0.2153489887714386, -1.109782099723816, -0.4015839695930481, 0.39148491621017456, 0.19244563579559326, 0.43825986981391907, 0.7093756198883057, -0.43928712606430054, 0.833590567111969, 0.26367899775505066, 0.00976094976067543, -0.5903233289718628, 0.6165860891342163, -0.9015207886695862, -0.6033740043640137, 0.8553934097290039, 0.13581404089927673, -0.6007973551750183, -0.1486782431602478, 0.3225373923778534, -0.6375578045845032, -0.47939229011535645, 0.3135633170604706, 0.12689806520938873, -0.21595364809036255, 1.2269577980041504, 0.7281943559646606, -0.2466326504945755, -0.43503597378730774, 0.24733027815818787, -0.2497492879629135, 0.19657281041145325, 0.6365334987640381, 0.13199429214000702, 0.9341821074485779, -2.204890727996826, -0.12250788509845734, 0.0672525018453598, 0.05562727898359299, -0.2287999987602234, -0.4409189224243164, -0.06032758951187134, -0.5210390686988831, 0.39854955673217773, -0.2806395888328552, -0.04117821529507637, -1.2513543367385864, 0.04080644249916077, 0.02300579845905304, -0.7375019788742065, 0.7821468710899353, 0.6799523234367371, 1.2777100801467896, 0.27510517835617065, -0.1336185336112976, -1.0925967693328857, -1.860048532485962, 0.15745273232460022, 2.5677926540374756, -0.3687077462673187, -0.2679469883441925, -1.1024991273880005, -0.10534098744392395, 0.1443743109703064, -0.6716652512550354, -0.06138713285326958, -0.8335197567939758, 0.0004628896713256836, -1.1044433116912842, 0.4556993544101715, -0.6789563894271851, -0.002740338444709778, 0.3856216073036194, 0.8763967752456665, -0.5599233508110046, -0.19954636693000793, -0.2292547971010208, -0.9080737829208374, 0.7052937746047974, 0.367032915353775, 0.12346802651882172, -0.7823246121406555, 1.081570029258728, 0.2573894262313843, 0.9291124939918518, 0.372761607170105, 0.35398367047309875, -0.8379232883453369, -0.022039469331502914, -0.4514703154563904, 1.6310176849365234, -0.14783068001270294, 0.08263196796178818, 0.4751240611076355, 0.5930168032646179, -0.7524653077125549, -0.30906254053115845, 0.5430622696876526, 0.20095720887184143, 1.1667439937591553, 0.7735431790351868, -1.1440584659576416, 2.2593114376068115, -1.3543591499328613, -0.12922406196594238, -0.6778138279914856, -0.5638355016708374, 0.26447123289108276, -0.45250219106674194, 1.1763113737106323, -0.0006006918847560883, 0.1393302083015442, -0.25835132598876953, -0.32603719830513, -1.8086453676223755, 0.022978484630584717, 0.12465665489435196, -0.9547779560089111, -0.9609287977218628, -0.1680763065814972, -0.44040942192077637, -0.8464919924736023, -1.0512573719024658, 0.11462996900081635, 0.8186225295066833, 0.275068074464798, 1.6496005058288574, 1.335242748260498, -0.15000884234905243, 0.4324907660484314, 0.19308502972126007, 0.9018102288246155, -0.7806639075279236, 0.8528127670288086, 0.0637885183095932, 0.24612781405448914, -0.9877182245254517, 0.05332036316394806, -0.33390629291534424, -0.06310601532459259, 0.9932927489280701, -0.13426555693149567, 0.749376118183136, -0.10578957200050354, -1.8366228342056274, 1.0013073682785034, -0.4423328936100006, -0.019125252962112427, -0.45974045991897583, 2.188020706176758, -0.23556755483150482, -0.3164004683494568, 0.6902998089790344, -0.20263975858688354, -0.2107173055410385, 0.9420694708824158, -0.24638013541698456, 0.3103036880493164, 0.06223387271165848, -0.05323939770460129, -0.3779812753200531, 0.6310698390007019, -1.8036428689956665, 0.5063649415969849, 1.1520206928253174, -0.5827550292015076, -0.36371269822120667, -0.858476996421814, 0.4665253758430481, -0.5021572113037109, 0.18577052652835846, 0.6012639403343201, -0.299204021692276, 0.780665397644043, -0.6376310586929321, -0.04725908860564232, 1.7798430919647217, -0.7733470797538757, 0.8929075002670288, 1.1085337400436401, 0.014558792114257812, -0.8516439199447632, -0.5575231313705444, 0.6370931267738342, -0.47669246792793274, 0.3559052646160126, 0.2705005705356598, 0.37484318017959595, 1.3538471460342407, -0.40206533670425415, -0.46066486835479736, 0.3590686321258545, 1.2409584522247314, 0.8044922947883606, 0.19868136942386627, -0.4771401286125183, 0.8011326193809509, 0.2447028011083603, 0.9222642779350281, -0.07942645251750946, -1.0545892715454102, -0.9576162099838257, -0.3682337701320648, -0.42415350675582886, -0.2070082426071167, 1.9996249675750732, 0.13871970772743225, 1.5553117990493774, -0.333423376083374, -0.12196531146764755, -0.503390371799469, -0.19499745965003967, 1.575083613395691, 0.9842856526374817, -0.13618335127830505, -0.20979814231395721, -0.5307178497314453, 0.5450947880744934, -0.9905937910079956, -0.4625810980796814, 0.5632684230804443, 1.0303261280059814, -0.3669441342353821, -0.6487671136856079, 0.7160152792930603, 1.507870078086853, -0.1119338646531105, 0.8741216063499451, -0.2564149796962738, -0.321795791387558, -0.6410906910896301, 0.49347183108329773, -0.3647820055484772, 0.4012501835823059, -0.588713526725769, 0.9175671339035034, 0.5094600319862366, 0.7224952578544617, -0.0870136097073555, 0.9448064565658569, 1.088093638420105, -0.6124537587165833, -1.2945531606674194, -0.46855732798576355, -0.9006291031837463, -0.486945241689682, 0.09269382804632187, 0.012969858944416046, -0.9089340567588806, 0.6939243078231812, -0.10035432875156403, -1.1010932922363281, 0.5545811653137207, -0.7009866833686829, -1.9965137243270874, 1.4556379318237305, 0.7531850337982178, -0.8450550436973572, -0.288167804479599, -0.3357159495353699, -1.0094186067581177, -0.5418452024459839, -0.35119467973709106, -1.2208635807037354, -0.5068472027778625, 0.598944365978241, 0.783277690410614, -0.11486630141735077, -0.11980857700109482, -1.459841251373291, 0.5828604102134705, 1.4729723930358887, -0.7541148662567139, 0.10599017888307571, 0.3287670314311981, 0.6641319394111633, -0.6638280153274536, -1.4291044473648071, -1.3294697999954224, 0.7407944798469543, 0.00546468049287796, 0.8237375617027283, -0.9040902256965637, -0.4221585988998413, 0.3781243562698364, -0.45983609557151794, 1.2255730628967285, -0.8042780756950378, 0.5397241711616516, -0.5733704566955566, 0.3765043616294861, 0.30203962326049805, -0.8237248063087463, 0.08519534766674042, 1.525393009185791, -0.3407469689846039, 0.8945105075836182, -0.7478841543197632, 0.6225066184997559, 1.1310539245605469, 0.18192505836486816, 0.11772756278514862, -0.7195310592651367, -10.37207317352295, 0.10453975945711136, -0.04939708858728409, -0.10282491147518158, 0.7661088705062866, -0.45106616616249084, 1.4374700784683228, -0.14824244379997253, 0.403062641620636, -0.5148049592971802, 0.3430410623550415, 1.176371693611145, 1.0150173902511597, -0.27493542432785034, -0.7359328269958496, -1.522950291633606, -0.5225182771682739, -0.15885302424430847, 0.6409815549850464, -0.6755757927894592, -0.8146461844444275, -0.33927178382873535, -0.36749958992004395, -0.16167503595352173, 0.40207141637802124, -0.24702972173690796, -0.2826029658317566, 0.0133323660120368, -0.0035666152834892273, -0.4094310998916626, 0.6073235869407654, -0.12854814529418945, -1.1481131315231323, -0.58930504322052, -0.482744038105011, -0.24936367571353912, -0.5073243379592896, 0.2326924204826355, 1.1340285539627075, 0.05857023596763611, -0.6297556161880493, 0.7617205381393433, 0.30507510900497437, 0.3640901744365692, -0.04197045788168907, 0.2807043790817261, 0.6910238862037659, -0.9119699597358704, 1.3784531354904175, -0.12860313057899475, -0.7440173625946045, -0.6131713390350342, -1.0450278520584106, -0.13801255822181702, 0.24967233836650848, 0.4531087875366211, -0.7487086057662964, -0.4985865354537964, -0.5291368365287781, -1.2648650407791138, 0.9100881218910217, 0.4526668190956116, -0.5412158966064453, 0.006996363401412964, 0.15463922917842865, -0.1916443258523941, 0.04934775456786156, 0.12704923748970032, -0.7513930201530457, 0.22616563737392426, -0.718431830406189, 0.7719179391860962, -0.055474117398262024, -0.021213948726654053, -0.5936525464057922, -0.27304208278656006, -0.7881377935409546, 0.11588364094495773, 0.39333808422088623, -0.01496872678399086, -1.3183233737945557, 0.8660187721252441, 0.5017006993293762, -0.6757268309593201, -0.7371696829795837, 0.17703042924404144, -0.5258341431617737, 0.49818122386932373, 0.2660706639289856, -0.5322139263153076, 1.1775492429733276, 0.12925979495048523, -0.07189546525478363, -0.0028946958482265472, -0.25499290227890015, 0.9466151595115662, -0.7916418313980103, 0.7176408767700195, 0.02214929461479187, -1.0369668006896973, -0.09200306981801987, -0.8876978754997253, -0.49899718165397644, -0.06020398437976837, 0.8189527988433838, 0.21548935770988464, 0.5267120599746704, 0.4104393422603607, -0.104622021317482, -0.641708254814148, 1.1547150611877441, 0.4167976379394531, -0.2968161106109619, 0.6246759295463562, -0.16156889498233795, 1.0915870666503906, 0.4039912521839142, 0.3506399393081665, 0.15308509767055511, 1.5357046127319336, -0.2691274583339691, 0.8545765280723572, 0.2255682349205017, 1.560894250869751, -1.013227105140686, 0.20053882896900177, 0.2506822943687439, 0.49126559495925903, 0.3954242169857025, -1.4753611087799072, 0.3092392683029175, 0.1123896986246109, 0.0961001068353653, -1.2107294797897339, -0.33633318543434143, -0.08355440199375153, -0.6362748742103577, 1.3899807929992676, 0.49325937032699585, 0.04592173546552658, -0.21992546319961548, -0.8884591460227966, 0.07771407067775726, -0.8362467885017395, -0.3191196918487549, 0.15728819370269775, -1.319313645362854, -0.021158810704946518, 0.2150658667087555, -0.608754575252533, 0.7122281193733215, -0.5407302379608154, 1.232261300086975, -0.6230397820472717, -0.4550996720790863, -0.4445771276950836, 0.18581101298332214, -0.1436738669872284, -1.1810266971588135, -0.1155899167060852, -0.31308773159980774, 1.1899688243865967, -0.9967970848083496, 1.6482431888580322, 0.2760741710662842, -0.46570029854774475, -0.396511435508728, -0.021275565028190613, -0.28918081521987915, -0.045658279210329056, 1.0557575225830078, -0.9759394526481628, 0.068421371281147, -0.2755683660507202, -0.9108640551567078, -0.5920772552490234, 0.5456610918045044, 1.4625579118728638, -0.7883326411247253, 0.02856072038412094, -0.15638113021850586, 1.0734145641326904, -0.30834075808525085, -0.2019641101360321, -0.8957403898239136, 0.2926715016365051, 0.15675640106201172, 0.7617375254631042, 0.3192099630832672, 1.0954731702804565, -2.020730972290039, -1.2371959686279297, -0.08267449587583542, -0.4648021161556244, 0.45036765933036804, 0.021471811458468437, 0.9244492053985596, -0.11489835381507874, 0.29713067412376404, 0.3652207553386688, 0.23327194154262543, 0.6420801281929016, 0.13963574171066284, 0.5968115925788879, -0.029950987547636032, 0.4232911169528961, -0.3026100695133209, 0.26156333088874817, 0.4443834125995636, 0.9476737380027771, -1.2433152198791504, -0.23014304041862488, 0.25038111209869385, 0.11534181237220764, -0.1194094568490982, -1.220474362373352, 0.0188087597489357, -0.049256227910518646, -0.3455815613269806, -1.6574525833129883, -0.18621191382408142, 1.1615785360336304, -0.4913308620452881, 0.8134545683860779, 0.2979290187358856, 1.14150071144104, 0.4921712279319763, 0.5697145462036133, 0.51729416847229, -0.5868321061134338, -0.41953378915786743, 0.2024964541196823, 0.1463475525379181, -0.5798230171203613, -0.019825279712677002, -0.5164482593536377, -0.7941651344299316, 0.5477650165557861, -0.7557669281959534, 0.787228524684906, 0.14050042629241943, 0.5178584456443787, 0.4487077593803406, 0.30592408776283264, 0.16923244297504425, -1.754202127456665, 0.4679338335990906, -0.9343337416648865, 0.25200217962265015, 0.09553535282611847, 0.45720893144607544, 0.29136303067207336, 0.8531471490859985, 0.013509288430213928, 1.3011611700057983, -0.6416630148887634, -0.24611355364322662, -0.2148359715938568, 0.18778467178344727, 0.5288436412811279, 0.5103771090507507, 0.37840721011161804, 0.03316172584891319, -0.5174054503440857, -0.95713871717453, -0.6752065420150757, -0.5677632093429565, 1.2246710062026978, 1.2182551622390747, -0.35621577501296997, 0.05388650298118591, -1.168654203414917, 1.2295440435409546, -0.6346457600593567, 0.5742888450622559, 0.0729030966758728, -0.2636895179748535, -0.986786425113678, -0.8694701194763184, 0.5115261077880859, 0.9324477314949036, -0.2254059612751007, 0.3455278277397156, -0.6121554970741272, 0.33843937516212463, -0.12707377970218658, -0.6745396852493286, -1.2437489032745361, 0.17919322848320007, -0.6723901629447937, 0.09878261387348175, 0.7640304565429688, -0.8580668568611145, -0.4447900652885437, -0.19021497666835785, -0.8171583414077759, 0.7377659678459167, 0.19655020534992218, -0.6423035264015198, -0.932433009147644, 0.37125229835510254, -1.163482904434204, 0.36205530166625977, 0.1310698688030243, -0.4428505599498749, -1.7309867143630981, 1.0938899517059326, 1.5544401407241821, -0.1106644794344902, -0.30993297696113586, -0.28529757261276245, 0.4914081394672394, 0.1194784864783287, 1.3797019720077515]} +{"paper_id": "clinc_oos", "embedding": [-1.3986166715621948, 1.094888687133789, -0.17982253432273865, -0.008503671735525131, 0.11806850880384445, 0.802003800868988, 0.5032126307487488, 1.0760782957077026, 0.9333048462867737, 0.4778113067150116, 0.8540416359901428, 0.33393993973731995, 0.09462511539459229, -0.683661162853241, -0.36716824769973755, 0.08787956833839417, -0.15569666028022766, -0.9622749090194702, -0.3060666024684906, -1.012177586555481, -0.6935193538665771, -0.6662991642951965, -0.04019623622298241, 0.13591203093528748, -1.01740562915802, -0.3741927146911621, 1.1802085638046265, -0.9546429514884949, 0.3728903532028198, 1.1368235349655151, 0.40536123514175415, 0.643589198589325, -0.7086548209190369, 0.050427861511707306, -0.9165926575660706, -0.07496809959411621, 0.5876885056495667, 0.27938053011894226, -0.5750776529312134, -0.004738796502351761, -1.0615650415420532, 0.6211570501327515, 0.8825110197067261, -0.02219254896044731, 0.3127593994140625, -0.8305695056915283, -0.10630324482917786, 0.5197110772132874, -0.9510586261749268, 0.3516908288002014, -0.6513710618019104, 0.463500440120697, -0.0698382556438446, 0.9095633029937744, -0.4842941462993622, 1.151987910270691, 0.541455090045929, -0.29010140895843506, 0.8431838154792786, -1.3094899654388428, 0.8065409660339355, 1.4643017053604126, 0.7166603803634644, 0.8560128808021545, 0.7479316592216492, -0.4426891803741455, 0.9883996844291687, 0.05405634641647339, -0.08950918912887573, 0.9557417631149292, -0.45666688680648804, -1.0668696165084839, 0.36287614703178406, 0.371260404586792, -0.23459097743034363, 0.8724981546401978, 0.29967930912971497, -0.7573944330215454, -0.3959920406341553, -0.16077318787574768, -0.036222685128450394, -0.19373339414596558, 0.08897910267114639, -0.6870332360267639, 0.29358625411987305, 0.42358607053756714, 0.054959654808044434, -1.0887280702590942, 0.6672280430793762, -0.8575913906097412, 0.2762201726436615, 0.3415389657020569, -0.15985459089279175, -0.5731711983680725, -0.47091490030288696, 0.1852315366268158, -0.6046273708343506, 0.30005231499671936, -0.6400159597396851, 0.9017543196678162, 0.5134873986244202, -0.41161322593688965, 0.9025794863700867, -0.2167980670928955, 0.5657439231872559, 0.38057833909988403, -0.12877541780471802, -0.30869564414024353, -0.10401234030723572, -0.23401464521884918, 0.4953352212905884, 0.6499736309051514, -0.10022042691707611, 0.3326818346977234, 0.06572135537862778, 0.3677721917629242, 1.0927400588989258, -0.7732385396957397, -0.3719688951969147, 0.02139905095100403, 0.21261997520923615, -0.33485519886016846, 0.07981379330158234, 0.032658688724040985, 1.1891725063323975, -0.4081023931503296, -0.17083396017551422, -0.5798153877258301, -0.04341477155685425, 0.3091157376766205, -0.15850289165973663, 0.06690386682748795, -0.8191536664962769, -0.040955718606710434, 3.270601749420166, -1.3088401556015015, 1.618884563446045, -0.8645574450492859, -0.8127667307853699, 0.05033497512340546, -0.04076959192752838, 0.2048286497592926, 0.7176772952079773, -0.32190409302711487, -0.49468642473220825, 0.35639476776123047, 0.030950643122196198, 0.5848987698554993, -0.6322060227394104, 0.08660902082920074, -0.07880039513111115, 0.08514334261417389, -1.3983782529830933, -0.4304726719856262, 0.1286378800868988, 0.28648701310157776, -0.36082741618156433, 0.24930915236473083, -0.16655850410461426, 0.4576209485530853, 0.8271390199661255, 0.031125744804739952, -1.1584744453430176, 0.32873260974884033, -0.5967398285865784, -0.9231629371643066, 0.8061089515686035, -0.4835323095321655, -1.4194319248199463, -0.008507885038852692, 0.9419234395027161, -0.897010326385498, -0.1616392582654953, -0.9903199672698975, -0.06751254945993423, 0.059880100190639496, 1.0932855606079102, 0.05828646197915077, -0.23603995144367218, -0.5767601728439331, -0.5940585732460022, 0.5664411783218384, -0.4633099138736725, 0.3739878535270691, -0.11219586431980133, -0.2530493140220642, -1.2785035371780396, -0.3134455680847168, 0.47369444370269775, 0.9711537957191467, -0.05757958069443703, -0.262774795293808, -0.14777210354804993, 0.27444398403167725, 0.14523783326148987, -0.24572613835334778, 0.2857298254966736, -1.0603270530700684, 0.22665351629257202, 0.5375569462776184, -0.04031696915626526, 0.16777773201465607, 0.5586947798728943, 1.4537931680679321, 0.8174835443496704, -0.4631163775920868, -0.5110129714012146, -1.769914984703064, 0.06765259802341461, 2.1134870052337646, 0.25850430130958557, -0.4811689853668213, -0.986445426940918, 0.29771333932876587, 0.17284783720970154, -0.09587258100509644, 0.335565447807312, -0.6135801672935486, 0.6639664769172668, -1.5367575883865356, -0.06187029555439949, -0.33201780915260315, -0.0729307234287262, 0.4286074638366699, 0.9565563201904297, -1.3409607410430908, 0.4337010681629181, -0.1817486584186554, -0.24286827445030212, 0.852095901966095, 1.058910846710205, -0.04269147664308548, 0.19233036041259766, 0.4380531311035156, 0.8726465702056885, 0.17095154523849487, -0.17700700461864471, 0.24368253350257874, -1.3318947553634644, 0.17719748616218567, 0.4535396993160248, 1.5017459392547607, -0.282339870929718, -0.018284030258655548, 0.20161916315555573, 0.1584962010383606, -0.24656689167022705, -0.6630117893218994, 0.424083948135376, 0.49795907735824585, 0.8879333734512329, 1.0932834148406982, -0.5008581876754761, 0.5569018125534058, -0.6314298510551453, -0.7251372337341309, -0.6057011485099792, -0.31826043128967285, -0.28481900691986084, -1.1183151006698608, 1.593833088874817, 0.07665402442216873, -0.6263964772224426, -0.13404026627540588, 0.026580028235912323, -1.2319566011428833, -0.245237335562706, 0.08112908154726028, -1.1915541887283325, -0.8965117931365967, 0.14824239909648895, -0.9201217889785767, -0.2070707082748413, -1.4808396100997925, 0.4570743143558502, 1.0031943321228027, 0.08864067494869232, 0.7562708854675293, 1.3049818277359009, 0.13794873654842377, -0.494768887758255, -0.3701392710208893, 0.9678681492805481, -0.6357024312019348, -0.2506484389305115, -0.0839194506406784, -0.0016193194314837456, -0.638495922088623, -0.017577745020389557, -0.36165350675582886, 0.22936183214187622, 0.18499788641929626, -1.2269947528839111, 0.19865810871124268, 0.48184412717819214, -0.6546033620834351, 0.8379837870597839, -0.9973811507225037, -0.02708619087934494, -0.8438917398452759, 1.6165248155593872, 0.2940691411495209, -0.9986417889595032, 0.46195095777511597, 0.6978607773780823, 0.4132731854915619, 0.9103128910064697, 0.11064672470092773, 0.2607952356338501, 0.19781102240085602, 0.10639242082834244, 0.011597223579883575, 0.45929235219955444, -2.5799458026885986, 0.7397380471229553, 1.0446131229400635, -0.6272335648536682, 0.19760632514953613, -0.8133900761604309, 0.27793699502944946, -0.4949869215488434, 0.14297333359718323, 0.16317397356033325, -0.5029406547546387, 0.6693073511123657, -0.11695735901594162, -0.08607999980449677, 0.9167468547821045, -1.2328990697860718, -0.5053039789199829, 0.05018863454461098, 0.20780876278877258, -1.6069416999816895, -0.5925225615501404, 0.38697314262390137, -0.33436331152915955, 0.6374466419219971, 0.5682722926139832, 0.60439133644104, 0.9541937112808228, -0.3133965730667114, -0.15995293855667114, 1.093814492225647, 0.037177182734012604, 0.6710643172264099, 0.17926789820194244, 0.06236577406525612, 0.7105178236961365, 0.2917872667312622, 1.2249467372894287, 1.172658085823059, -0.7110870480537415, -1.2006152868270874, -0.6721790432929993, -0.5061450004577637, -1.177496075630188, 0.8833339214324951, 0.5762842893600464, 1.1817641258239746, -0.07345137745141983, 0.6062449216842651, -0.8233262300491333, -0.6486931443214417, 0.7492187023162842, 0.06482863426208496, 0.25248879194259644, -0.8606655597686768, -0.5619382858276367, 0.09768025577068329, -0.4472598433494568, -0.06516587734222412, 0.1294882744550705, 1.8116028308868408, 0.7363042235374451, -0.7887192964553833, 0.02019466459751129, 0.8496006727218628, 0.1134173795580864, 1.1956191062927246, -0.14025168120861053, -0.6670626997947693, -0.39401012659072876, 0.4652596414089203, 0.7547482848167419, -0.12588143348693848, -0.9126040935516357, 0.18375054001808167, -0.37911534309387207, 0.22261714935302734, -0.4623042941093445, 1.0979865789413452, 0.9081854820251465, -0.4192366302013397, -1.4829574823379517, -0.8982825875282288, -1.7577943801879883, -0.03161255642771721, 0.13388746976852417, -0.7724416851997375, -0.7757399678230286, 0.777439534664154, 0.12016058713197708, -0.8786523938179016, 0.8219610452651978, -1.1572141647338867, -0.8375300168991089, 0.21041904389858246, 1.0633814334869385, -1.4645402431488037, -0.7599456906318665, -0.337825745344162, -0.7450118064880371, -0.192799910902977, 0.461862713098526, -1.1614941358566284, 0.1264374554157257, 0.6572927236557007, 0.22116324305534363, 0.03428385406732559, 0.6982945203781128, -0.9128398299217224, 1.057067632675171, 0.6300531029701233, -0.45180782675743103, 0.7607837915420532, -0.2381848394870758, 0.10278059542179108, -0.32074639201164246, -0.9927693605422974, -0.5402458906173706, 0.3266705274581909, -0.5928610563278198, -0.3306185305118561, -0.7182506918907166, -0.8112285137176514, 0.822658896446228, -0.41408905386924744, 0.21345654129981995, -0.9914514422416687, -0.2987244129180908, -1.4064762592315674, -0.6734315752983093, 0.630306601524353, -1.0923352241516113, -0.6644063591957092, 0.6998586058616638, -0.12790027260780334, 0.724109411239624, -0.6905237436294556, 0.64133620262146, 1.4328954219818115, 0.6733134984970093, 0.2098836600780487, 0.1666836440563202, -11.022607803344727, 1.2483906745910645, 0.3643204867839813, 0.5365231037139893, 0.37888988852500916, -0.005358435213565826, 0.7400351166725159, -0.11720043420791626, 1.0211039781570435, -1.0062508583068848, 0.3098635971546173, 1.5468504428863525, -0.011315353214740753, -0.5919879674911499, -0.922800600528717, -1.278042197227478, -0.9096272587776184, -0.6217476725578308, 0.4306226372718811, 0.11508078873157501, 0.010398238897323608, -0.30893439054489136, -0.5851117372512817, 0.18532419204711914, 0.3447014093399048, -0.4275262653827667, -0.00036841537803411484, -0.8359915018081665, -0.6126217246055603, 0.3420892655849457, 1.039969563484192, 0.3235569894313812, 0.08270226418972015, -0.304576575756073, -0.6786009073257446, 0.2469789832830429, -0.7278178930282593, 0.8982215523719788, 0.023329012095928192, 0.12208612263202667, 0.020298976451158524, -0.021693246439099312, 0.5653999447822571, 0.21068988740444183, -0.39822912216186523, 0.6323782801628113, 0.7414528727531433, -0.48407793045043945, 0.7190679907798767, -0.1835245043039322, 0.07092508673667908, -0.30235999822616577, -1.0744025707244873, -0.8621845841407776, 0.5808058977127075, -0.6629803776741028, -0.43424201011657715, -0.15607625246047974, -0.7434188723564148, -1.4710009098052979, 1.5471323728561401, -0.3113366365432739, -1.0833462476730347, 0.36696574091911316, 1.5247607231140137, -0.6920271515846252, -0.40502819418907166, 0.21996288001537323, 0.055282264947891235, 0.5318881869316101, -0.6192888617515564, 0.9761008620262146, 0.39226585626602173, 0.014531217515468597, -0.12176462262868881, -0.36387842893600464, -1.055463194847107, 0.7446807026863098, 1.0978350639343262, 0.3185797929763794, -1.543945074081421, 0.9548178911209106, -0.312348872423172, -1.1369938850402832, -1.3680458068847656, -0.1631719470024109, -0.1942078173160553, 0.32232654094696045, 0.7969462871551514, -0.1513458788394928, 1.0141324996948242, 0.8570361733436584, -0.06574051082134247, -0.02650373801589012, -0.3646959364414215, 1.2874436378479004, -0.9685998558998108, 1.0227530002593994, -0.2450781762599945, 0.15217339992523193, -0.5061066150665283, -0.4258832633495331, -0.6591842174530029, 0.18883869051933289, 0.8786754608154297, -0.09118106961250305, -0.4002770781517029, 0.37742504477500916, 0.07041455805301666, -0.22410272061824799, 0.2203415036201477, 0.22717830538749695, -0.3475804924964905, 0.6775646805763245, -0.3833589255809784, 1.1339179277420044, 1.0766209363937378, 0.4908905029296875, 1.1457576751708984, 0.9107542634010315, -0.5740054845809937, 0.7885341048240662, 0.024329664185643196, 0.23209677636623383, -0.3530207574367523, -0.3612261712551117, 0.4128361940383911, 0.3253016769886017, 0.2697904706001282, -0.7903946042060852, -0.0773257166147232, -0.44072622060775757, 0.4613434374332428, -0.9919501543045044, -0.2747703790664673, -0.24220359325408936, -0.3853601813316345, 1.0880751609802246, -0.5333473086357117, 0.44701841473579407, -0.6761296987533569, -0.34628066420555115, -0.18190158903598785, -1.366477608680725, -0.9381081461906433, 0.5067382454872131, -1.4680694341659546, 0.586826741695404, -0.7432358264923096, 0.31991851329803467, 0.5033758878707886, -0.8784050941467285, 1.3569625616073608, -0.37363916635513306, -0.7403174042701721, -0.08336757123470306, 0.3741624355316162, 0.30812177062034607, -1.2594125270843506, -0.7080273628234863, 0.2527558505535126, 1.0951898097991943, -0.6301212906837463, 1.7289737462997437, 0.6928101778030396, 0.05600397288799286, -0.5751397609710693, 0.3710578382015228, -0.6235613226890564, -0.41462093591690063, 1.2053284645080566, -0.7404107451438904, 1.0579683780670166, -0.19243545830249786, -0.31871557235717773, -0.9579601287841797, 0.576580822467804, 0.9743292331695557, -1.0899677276611328, 0.37674421072006226, -0.5920621156692505, 0.9168112874031067, -0.0543469674885273, 0.4732746481895447, -0.4276854991912842, 0.2744877338409424, 0.25647374987602234, 1.0895047187805176, 0.019192714244127274, 0.6309524178504944, -1.5044552087783813, -1.6300606727600098, -0.21234571933746338, 0.3745240867137909, -0.4856584668159485, 0.3818865716457367, 0.6118282675743103, 0.18056818842887878, -0.009400591254234314, -0.29461780190467834, 0.9021416902542114, 0.9748984575271606, -0.08599615097045898, 0.2491089254617691, -0.193714901804924, -0.3878628611564636, -0.7944223284721375, 0.663392186164856, -0.005898512899875641, 0.9889001250267029, -1.2717756032943726, -0.5215672850608826, 0.8106776475906372, -0.23466576635837555, 0.40201234817504883, -1.0405832529067993, -0.6525048613548279, 0.19987936317920685, -0.6338931918144226, -1.0366183519363403, 0.7729772329330444, 0.5630211234092712, -0.2757106125354767, 1.795576810836792, 0.1776873618364334, 1.0460834503173828, 0.6216942667961121, 0.032293446362018585, 0.5790339112281799, -0.8080689907073975, 0.12568266689777374, 0.8219515085220337, 0.642756462097168, 0.39311444759368896, 0.09907512366771698, -0.13890177011489868, -0.3932306170463562, 1.1340440511703491, -0.9073373675346375, 0.4775989055633545, -0.3041589856147766, 0.6950186491012573, 1.3986132144927979, 1.4567853212356567, -0.8221926689147949, -1.1773380041122437, -1.0930736064910889, -1.158913254737854, -0.40875479578971863, 0.3572017550468445, 0.3623615801334381, 0.0901547223329544, 1.1105256080627441, -1.1028836965560913, 0.26495257019996643, -0.5414415597915649, -0.05349920690059662, 0.0327632762491703, 0.21494634449481964, 0.7328640222549438, 0.6942818760871887, -0.03058651275932789, 0.23235531151294708, -0.14435610175132751, -0.1602548062801361, -0.1365177184343338, -0.5697170495986938, 0.822293758392334, 1.1299936771392822, -0.505711555480957, -0.5442747473716736, -0.32037729024887085, 0.6574404835700989, -1.195258617401123, 0.5375224351882935, -0.007723014801740646, -0.34578073024749756, -0.9351888298988342, -0.622669517993927, 0.3504973351955414, 0.18183699250221252, 0.655817985534668, 0.012243147939443588, -0.36592811346054077, 1.1442475318908691, -0.027503259479999542, -0.1842702031135559, -1.0784820318222046, 0.25375697016716003, -0.8260803818702698, 0.47714346647262573, -0.16084471344947815, -0.1877688467502594, -0.6836939454078674, 0.5257741212844849, -0.9839020371437073, 0.9930721521377563, 0.639971911907196, -0.7743000388145447, -0.39655059576034546, 0.3984176516532898, -0.0036861076951026917, 0.6181169152259827, 0.7010132074356079, -0.30782216787338257, -1.3546640872955322, 1.2743321657180786, 1.037237286567688, 0.29862523078918457, 0.010618489235639572, 0.5288909077644348, 0.08381123840808868, 0.17086291313171387, 0.8764621615409851]} +{"paper_id": "tab_fact", "embedding": [-0.6223491430282593, 1.1284425258636475, -0.25278449058532715, -0.10766355693340302, 0.12846685945987701, -0.07795295119285583, 1.2332701683044434, 0.6037175059318542, 0.5801238417625427, 0.7166523337364197, 0.046325936913490295, 0.7659094929695129, -0.037510983645915985, -0.5200687050819397, -0.5967373847961426, -0.07784110307693481, -0.35483402013778687, -0.41191327571868896, -0.9233438372612, -0.709232747554779, -0.13899178802967072, -1.1105237007141113, 0.415453165769577, 0.647804856300354, -1.1479465961456299, -0.28243735432624817, 1.1586065292358398, -1.1008217334747314, -0.2620822489261627, 0.3438738286495209, -0.4181888699531555, 1.4566229581832886, -1.7801711559295654, 0.8063243627548218, -0.4110652208328247, -0.08015894144773483, 0.22578014433383942, 0.9748814702033997, -0.09406851977109909, 0.5145355463027954, -0.4063931405544281, 0.3496488332748413, 0.4117102324962616, 0.12473863363265991, 0.4855983555316925, -0.7402170896530151, -0.1681663542985916, 0.40232452750205994, -0.37774068117141724, -0.18070968985557556, -0.7644777297973633, 0.5018429756164551, -0.1987042874097824, 0.672572135925293, 0.40319734811782837, 0.956256091594696, -0.0789555013179779, -0.3668248653411865, 0.7225565910339355, -0.11172232776880264, 1.8522144556045532, 1.2935545444488525, -0.4736018180847168, 0.16958437860012054, 0.6190155744552612, 0.09746016561985016, 1.1442145109176636, 0.39375656843185425, 0.412625789642334, 0.7128860950469971, 0.3835737705230713, -0.7022787928581238, 0.4281098246574402, -0.4079738259315491, -0.36575692892074585, 0.9188367128372192, 0.26258915662765503, -0.5324715971946716, 0.3550744950771332, -0.04362519085407257, -0.03445665165781975, 0.2132517546415329, 0.42784470319747925, -1.1237688064575195, -0.5144402980804443, 0.3361280560493469, 0.37385138869285583, -0.34952637553215027, 0.9922782182693481, -0.47493597865104675, 1.1334025859832764, 0.5987846255302429, 0.4247523844242096, -0.14796896278858185, -0.5296831130981445, 0.42034903168678284, -1.0994216203689575, -0.2741834223270416, -0.444997638463974, 0.02724185213446617, 0.8270094394683838, 0.11037410795688629, 0.8565883040428162, 0.2624971270561218, 0.08797183632850647, 0.8076155781745911, -0.037675753235816956, -0.42892852425575256, -0.390043169260025, -0.24700163304805756, 0.09356431663036346, 0.43301308155059814, -0.12056345492601395, 0.9240609407424927, 0.045896925032138824, 0.16960486769676208, 0.025051996111869812, -0.45330995321273804, -0.199375182390213, 0.23672467470169067, 0.37715938687324524, -1.2154892683029175, -0.3088506758213043, 0.22230874001979828, 0.7278628945350647, -0.22275158762931824, -0.25114551186561584, -0.26395031809806824, -0.009593846276402473, -0.45704758167266846, 0.42721301317214966, -0.25130558013916016, -0.5803475975990295, -0.07464393973350525, 3.475080728530884, -1.0094482898712158, 1.2735402584075928, -0.42996132373809814, -0.1981576681137085, 0.440585732460022, -0.2515771687030792, 0.8107497692108154, 0.9778215289115906, 0.0050896406173706055, -0.6806592345237732, 0.9455254673957825, 0.014035724103450775, 0.628679096698761, -2.0624589920043945, -0.25721755623817444, -0.3728197515010834, 0.009482324123382568, -1.740766167640686, -0.7389467358589172, 0.17568795382976532, 0.2723888158798218, -0.6046439409255981, 0.1466461569070816, -1.0379886627197266, 0.43595433235168457, 0.46209150552749634, -0.13283850252628326, -0.53367680311203, 0.6115431189537048, -0.40127405524253845, -0.26114553213119507, 1.5063847303390503, -0.6979994177818298, -1.3647791147232056, 0.09994248300790787, 0.8888759613037109, -0.4868398606777191, -0.13976836204528809, -0.6183300018310547, 0.3646162152290344, 0.12880289554595947, 0.6100247502326965, 0.1296517550945282, 1.0166566371917725, -0.9077382683753967, -0.9511798620223999, -0.31204625964164734, -0.22923223674297333, 0.4735758602619171, -0.8265898823738098, 0.10395172238349915, -3.121955394744873, 0.5589289665222168, 0.24011339247226715, 0.570415735244751, 0.7213196158409119, 0.17687276005744934, 1.0137848854064941, 0.9437315464019775, 0.21679507195949554, -1.0691866874694824, -0.08104975521564484, -1.241707682609558, 0.39249420166015625, -0.1307394951581955, -0.07028505951166153, 0.22992673516273499, -0.6701114773750305, 0.16939878463745117, 0.8539446592330933, -0.8760378956794739, -0.45130494236946106, -2.725706100463867, -0.43775656819343567, 2.131955862045288, -0.11335423588752747, -0.19795778393745422, -0.7924302220344543, -0.20984339714050293, 0.569980800151825, 0.059933289885520935, 0.6517170667648315, -0.7565118074417114, -0.20802301168441772, -0.3996862769126892, 0.4429495632648468, -0.44982197880744934, 0.7178457379341125, 0.23007819056510925, 0.5553478002548218, -1.2790087461471558, 0.8146350383758545, -0.7495273947715759, -1.7514400482177734, 0.7932373881340027, 1.1135859489440918, -0.034100551158189774, 0.026469843462109566, 0.688441812992096, -0.1056082546710968, 1.1511616706848145, 0.339232861995697, 0.7424302697181702, -1.1456782817840576, 0.14860346913337708, 0.28165173530578613, 0.9965474009513855, 0.7579779028892517, 0.26685166358947754, 0.9585148692131042, 0.05872693657875061, -0.8039717674255371, -0.5567170977592468, -0.4539375901222229, -0.29081326723098755, 0.8720660209655762, -0.23165450990200043, -0.8250516653060913, 0.49034279584884644, -0.39996904134750366, -0.19323059916496277, -0.6214820146560669, -0.8814359903335571, -0.11120189726352692, 0.19848252832889557, 0.5081222653388977, 0.4622296094894409, 0.03652556985616684, -0.4436265826225281, -0.525397777557373, -1.3214595317840576, -0.20385590195655823, -0.291930615901947, 0.3171960711479187, -1.3838131427764893, 0.26941853761672974, -0.3975292444229126, -0.8558292388916016, -0.9296099543571472, 0.6064822673797607, -0.43865635991096497, 0.24696952104568481, 0.864749550819397, 1.3628404140472412, 0.4069051146507263, 0.38396355509757996, 0.22759224474430084, 1.4966890811920166, 0.05505147948861122, 0.5034293532371521, -0.26312512159347534, 0.0952785462141037, -0.8667264580726624, 0.508590817451477, -0.8172332644462585, 0.7760711908340454, 0.7101528644561768, -0.9606626033782959, 0.3367636799812317, 0.4595377445220947, -0.3847929537296295, 1.1854127645492554, 0.3783717155456543, -0.43890097737312317, -0.7533441185951233, 1.1816232204437256, -0.35571208596229553, -0.4997849464416504, 0.39050960540771484, -0.6963384747505188, -1.0807032585144043, 0.906766951084137, -0.7252000570297241, 0.900852382183075, 0.1732197403907776, -0.13195402920246124, 0.6125330328941345, 0.029372766613960266, -1.7668812274932861, 0.7214895486831665, 0.5533217191696167, -0.08442701399326324, -0.6773384213447571, -0.5375422239303589, -0.2200881838798523, -0.8152183890342712, 0.3443356454372406, -0.05765017867088318, -0.3319539725780487, 0.012403935194015503, -0.1149369478225708, 0.4256058931350708, 1.1916782855987549, -1.1328672170639038, 0.37437689304351807, 0.44014060497283936, -0.501380205154419, -0.24476101994514465, -0.4040389657020569, 1.0036364793777466, 0.10288018733263016, 0.21716953814029694, -0.11826705187559128, 1.3423420190811157, 1.001496434211731, 0.23649382591247559, -0.16005437076091766, 1.1555982828140259, 0.5124015808105469, 0.6671284437179565, 0.5179585814476013, -0.9200429320335388, 0.6608597040176392, -0.5628611445426941, 1.0640016794204712, -1.0744110345840454, -0.47148916125297546, -1.0652567148208618, -0.5126760005950928, -0.7133497595787048, -1.1983191967010498, 1.7953141927719116, 0.7972095608711243, 2.1376993656158447, -0.5183980464935303, 0.21076053380966187, -1.2586203813552856, -0.37358903884887695, 0.1275199055671692, 0.5237342715263367, 0.7762656211853027, -0.7121962308883667, 0.09085912257432938, 1.2280261516571045, 0.4604315161705017, 0.443757563829422, -0.18016989529132843, 0.2613145411014557, 0.2819708287715912, -0.8101579546928406, 0.12484957277774811, -0.20526552200317383, 0.5330929160118103, 1.1377934217453003, -0.5083445310592651, -1.0534299612045288, -0.05628345161676407, -0.966960608959198, 0.18479487299919128, 0.20069974660873413, -1.2685245275497437, 0.40526092052459717, 0.19085130095481873, 0.25927218794822693, 0.5754691958427429, 0.6709015965461731, 1.8439407348632812, -0.09940126538276672, -2.3583929538726807, -0.12029309570789337, -0.9951620697975159, 0.008503289893269539, -0.23624145984649658, -0.3384380638599396, -0.7739068269729614, 0.4019566774368286, 0.023683223873376846, -0.43594467639923096, 0.6796984672546387, -0.18636488914489746, -1.0057803392410278, 0.5151234269142151, 0.4876502454280853, -1.331321358680725, -1.1516408920288086, 0.5833997130393982, -0.7188538908958435, -1.1955852508544922, -0.15388038754463196, -0.18820726871490479, 0.7325055599212646, 0.7350907325744629, 1.0564162731170654, -0.05136957764625549, 0.48916250467300415, -1.7144520282745361, 0.9951793551445007, 0.7064011096954346, -0.9835612177848816, 0.6205021142959595, 0.5399003624916077, 0.28975939750671387, 0.07384304702281952, -1.1093803644180298, -0.45066824555397034, 1.0636658668518066, -0.014465078711509705, 0.007487493567168713, -0.6509138345718384, -1.1392700672149658, 0.8142438530921936, 0.21374432742595673, -0.042213454842567444, -0.5604273676872253, -0.06334473937749863, -0.367693156003952, 0.09630352258682251, 1.370863437652588, -0.4229247570037842, -0.7920946478843689, 0.956893265247345, -0.4687751829624176, 1.0961469411849976, 0.34718894958496094, 0.12505564093589783, 1.5412673950195312, 0.060816653072834015, -0.30100327730178833, -0.9077441096305847, -10.381994247436523, 0.6433236002922058, 0.08317320793867111, 0.24776531755924225, 0.21868686378002167, 0.25523751974105835, 0.3903777003288269, -0.49639010429382324, 0.35965070128440857, -1.1247833967208862, 0.8106019496917725, 1.7358264923095703, 0.4475115239620209, -0.07500354945659637, -0.29257601499557495, -1.614127516746521, -0.08423025161027908, 0.3771708011627197, -0.04776662960648537, 0.09304055571556091, 0.45491406321525574, -1.286537528038025, -0.153279647231102, -0.049856994301080704, 0.7835491299629211, 0.21882879734039307, -0.18060335516929626, -0.5422321557998657, -0.21130119264125824, 0.0013509765267372131, 0.772678792476654, 0.2700798809528351, 0.37604373693466187, 0.09630011767148972, 0.060493722558021545, -0.37873905897140503, -0.9198669195175171, -0.1533343344926834, 0.647325873374939, -0.8495652079582214, -0.8135874271392822, 1.244378924369812, 0.13901476562023163, -0.37547215819358826, -0.340898722410202, 0.6528430581092834, 0.46596547961235046, -0.8454745411872864, 0.7726340889930725, 0.5560732483863831, -0.14834551513195038, -1.4335386753082275, -0.9922623038291931, -0.6502494215965271, 0.5891353487968445, -0.25632354617118835, -0.8181304931640625, -0.9560500383377075, -0.8888369798660278, -1.7434049844741821, 0.5807415843009949, 0.564606249332428, -0.0011801645159721375, 0.9619918465614319, 0.3057214021682739, 0.024488963186740875, 0.1328689604997635, -0.007021312601864338, -1.076135516166687, 0.05623583123087883, -0.7259109020233154, 0.9933652877807617, 0.01051059365272522, -0.06543256342411041, -0.7515689730644226, -0.09807505458593369, -0.9936512112617493, -0.05817245692014694, 0.256201833486557, 0.16142135858535767, -1.395002007484436, 1.1574729681015015, 0.45662862062454224, -1.1820380687713623, -0.9868937134742737, 0.0013347230851650238, -0.1448611617088318, 0.061254050582647324, 0.42230045795440674, 0.10141677409410477, 1.0211436748504639, 0.3165590763092041, -0.4962262511253357, -0.7948716282844543, -1.0880520343780518, 0.9239792823791504, -0.07741080224514008, 1.12099027633667, 0.12462407350540161, -1.3563669919967651, 0.7325018644332886, -0.060981862246990204, -0.974666953086853, -0.6816206574440002, -0.08421652019023895, 0.47112274169921875, 0.19113636016845703, -0.4299737215042114, -0.2213848978281021, -0.22415293753147125, 0.7423990368843079, 0.2474553883075714, -0.6282117962837219, 1.2231227159500122, -0.5373573899269104, 0.027996767312288284, 0.1516788899898529, 0.05253764986991882, 0.30552399158477783, 1.3836138248443604, 0.07320132851600647, 1.3537366390228271, -0.7256755232810974, 1.2131257057189941, -0.7082986235618591, 0.41471466422080994, 1.3376137018203735, 0.32977887988090515, -0.11136681586503983, -1.4830604791641235, 0.3577732741832733, -0.2919313609600067, 0.15332041680812836, -0.7910403609275818, -0.3924065828323364, -0.007804129272699356, 0.02560386434197426, 1.0729289054870605, -0.6626983284950256, -0.43609359860420227, -0.2773936986923218, -0.09275121986865997, -0.13202610611915588, -1.577618956565857, -1.2184555530548096, 1.3244194984436035, -1.0976784229278564, -0.13456663489341736, -1.044514536857605, -0.8906583786010742, -0.09541092813014984, -0.6579921841621399, 1.3615849018096924, -0.7501971125602722, -0.6057644486427307, -0.7439800500869751, 0.4841690957546234, -0.3261053264141083, -0.8752371668815613, -0.35796302556991577, -0.25249525904655457, 1.3667678833007812, -0.7567662596702576, 0.7987676858901978, -0.04738423600792885, -0.033593740314245224, -0.4653926193714142, -0.4966420829296112, 0.31144487857818604, -0.3247987926006317, 0.7167425155639648, -0.5042331218719482, 0.12987378239631653, 0.0598745197057724, 0.36150678992271423, -0.558517575263977, 1.4350502490997314, 0.4210284650325775, -0.9615952968597412, -0.12019483745098114, 0.3336181044578552, 0.5982916951179504, 0.48269668221473694, 0.1859021782875061, 0.0526224821805954, -0.27758529782295227, -0.5075777769088745, 1.1740050315856934, -0.27491411566734314, 0.8490833640098572, -1.4050496816635132, -0.8564311861991882, -0.7739424109458923, 0.07502764463424683, 1.0125994682312012, 0.09446844458580017, 1.10383939743042, 0.8535857796669006, 0.5322904586791992, 0.2615867555141449, 1.012110710144043, 1.1477477550506592, 0.30535149574279785, 0.5305469036102295, -0.4532965421676636, 0.626156210899353, -0.5612474083900452, 0.207154780626297, 0.5390446186065674, 0.703009307384491, -1.260228157043457, 0.29516786336898804, 0.2554178535938263, -0.6951427459716797, -0.24006731808185577, -1.194109559059143, 0.48436683416366577, -1.070935845375061, 0.02461651898920536, -0.7697856426239014, 0.7044863700866699, 0.584434986114502, -0.006636038422584534, 0.8730338215827942, 0.9872215390205383, 0.6671066880226135, 1.1940492391586304, 1.031872272491455, 1.3686919212341309, 0.5601028203964233, -0.5773391723632812, 0.3105504810810089, 0.47810098528862, -0.22836929559707642, 0.053458601236343384, -0.870762050151825, -0.43654072284698486, 0.4274195730686188, -0.40270310640335083, 1.3428890705108643, -0.7080449461936951, 0.1726192831993103, 0.7979187369346619, 0.8945251703262329, -0.8082179427146912, -1.2850186824798584, -0.7028669714927673, -0.9028056859970093, -0.031880877912044525, 1.093954086303711, 0.8510599732398987, 0.25129684805870056, 0.8740177154541016, -0.20002423226833344, 1.2584939002990723, 0.053141914308071136, 0.14433571696281433, 0.14687961339950562, -0.6471102833747864, 1.3969000577926636, 1.0461881160736084, -0.04897942394018173, -0.1317409873008728, 9.918957948684692e-05, -0.9384602904319763, -0.34908899664878845, -1.201043725013733, 0.8210078477859497, 0.2856690287590027, 0.3795587122440338, 0.3663462996482849, -0.2125047743320465, 1.4805976152420044, -1.3136076927185059, 0.3484748899936676, 0.1703750342130661, -0.8152462840080261, -0.5351815819740295, -0.7783674001693726, 0.2092694193124771, 0.0020503997802734375, 0.02060767635703087, -0.4808093309402466, 0.2076929807662964, 1.1246168613433838, -0.0314875952899456, 0.3805846571922302, -0.3199113607406616, -0.17567738890647888, -0.6062451601028442, -0.5328850150108337, -0.08287584781646729, -0.6273607611656189, -0.2390306442975998, -0.09766380488872528, -0.12547151744365692, 0.056234389543533325, -0.7857862710952759, -0.34189602732658386, -0.531476616859436, -0.1924058347940445, -0.5192924737930298, -0.019546229392290115, -0.31925541162490845, -0.5543895959854126, -1.159684181213379, 0.8457237482070923, 0.41371750831604004, -0.11438688635826111, -0.6130486130714417, -0.4071804881095886, 0.042303431779146194, -0.05363072454929352, 0.031681135296821594]} +{"paper_id": "poem_sentiment", "embedding": [-0.4395369589328766, 1.6200389862060547, 0.33022645115852356, -0.09464415162801743, 0.7896500825881958, -0.22476419806480408, 0.3240891695022583, -0.46940940618515015, 0.7561924457550049, 0.11271889507770538, 0.7093809843063354, 0.05051734298467636, -0.5342560410499573, 0.011054323986172676, -0.08997602760791779, 0.17741724848747253, -1.613960862159729, 0.15943560004234314, -0.9899901747703552, -0.178307443857193, -1.5193684101104736, 0.18175356090068817, -0.15364907681941986, 0.8205375075340271, -1.0358407497406006, -0.530045211315155, 0.7392459511756897, -1.2577685117721558, -0.17599689960479736, -0.6218510866165161, -0.5117829442024231, 0.7434540390968323, -1.3787810802459717, 0.5821112394332886, -0.4085574746131897, 0.105972521007061, -0.4992227852344513, 1.5948275327682495, -0.7275670170783997, -0.3053269386291504, -0.5054600834846497, 1.0860259532928467, 1.094853162765503, 0.20130693912506104, 0.16681356728076935, 0.6105507016181946, -0.3854023516178131, 0.25668272376060486, 0.5275338292121887, -0.09935586154460907, -0.1939276158809662, 0.03681771457195282, 0.10753703862428665, -1.2762247323989868, -0.2810414433479309, 1.81267511844635, -0.0873517245054245, -1.1007736921310425, 0.23723861575126648, -0.20786145329475403, 1.5156819820404053, 1.924769639968872, -0.186905175447464, -0.05487440153956413, 0.49474743008613586, -0.021991804242134094, 0.8923535943031311, 0.6701357364654541, 0.2235361635684967, -0.02935921959578991, -0.5230557322502136, -0.5765008926391602, -0.20672768354415894, 0.3290535509586334, -0.7694783210754395, 0.34443384408950806, 0.26315543055534363, 0.4007011950016022, 0.569618821144104, 0.39077937602996826, -0.8688333034515381, 0.3302568793296814, -0.040782373398542404, -1.3854268789291382, 0.2900005877017975, 0.6934555768966675, 0.144541397690773, 0.614356279373169, 0.3958222568035126, -2.3769760131835938, 0.46534889936447144, -0.597955584526062, 0.9863294363021851, 0.16399350762367249, -0.7418720722198486, 0.39980489015579224, 1.374807357788086, 0.2945460379123688, -0.3518809974193573, -0.1562950611114502, 0.18675750494003296, -0.46060237288475037, 0.5238379836082458, 0.3139689266681671, 0.3339889645576477, 0.5556697845458984, 0.706943154335022, -0.5746189951896667, -0.26238423585891724, -0.5048801898956299, -0.34602218866348267, 0.8642084002494812, 1.1063017845153809, 1.0150935649871826, -0.3511703908443451, -0.4655275344848633, -0.7643203735351562, -0.1336873173713684, 0.3148269057273865, 0.04765371233224869, -0.6172564625740051, -0.9189488291740417, -0.2513507306575775, 0.7397116422653198, 1.105932354927063, -0.24348875880241394, -0.46332183480262756, -0.29601436853408813, 0.0016168821603059769, -0.6166075468063354, 0.36920228600502014, 0.12735022604465485, -0.9793554544448853, 0.2545435130596161, 2.2538747787475586, -0.22845441102981567, 0.683379590511322, -0.7444355487823486, -0.27728667855262756, -1.0374093055725098, 0.09117231518030167, 1.1921478509902954, -0.23839986324310303, -0.9361692070960999, -0.6941778659820557, -0.28506872057914734, -1.2540342807769775, 0.32754889130592346, -0.36529529094696045, -0.4354572594165802, 0.5842189788818359, -0.08654812723398209, -1.3950589895248413, -0.1152442917227745, -0.12059405446052551, 0.0064777471125125885, 0.3269382119178772, 0.3918415307998657, 0.5694200396537781, 0.8528662323951721, 0.8572950959205627, 0.5700643658638, -0.3795069456100464, 0.045213330537080765, -1.0968668460845947, -0.0511726513504982, 0.4911808669567108, -0.36615630984306335, 0.14270639419555664, -1.175815224647522, 0.4685263931751251, -1.2089896202087402, 0.1905132532119751, 0.021822413429617882, -0.7478082180023193, 0.3189921975135803, 0.8170496225357056, 0.6900805830955505, -0.07157376408576965, -0.3624926209449768, -0.6671972274780273, -0.14300580322742462, 0.00045180320739746094, 0.27096888422966003, -0.1526142954826355, 0.3838457763195038, -2.3962769508361816, -0.7930811643600464, -1.764650583267212, 0.629829466342926, 0.09857411682605743, 0.6328948140144348, -0.41654959321022034, -0.5939849019050598, -1.0781538486480713, 0.36084914207458496, 0.9689216613769531, -1.8411948680877686, -0.054452694952487946, 0.32998406887054443, 0.2232159972190857, 0.2222001850605011, 0.12055500596761703, 1.1183593273162842, 0.5229591727256775, -0.2720092236995697, 0.047490254044532776, -1.9949378967285156, 0.5531697869300842, 2.095749855041504, -0.2215413749217987, -1.479936122894287, -0.7066230773925781, 0.08038479089736938, 0.4569016098976135, 0.8640592694282532, 0.7731497287750244, -0.2507953345775604, -0.5491466522216797, -0.7887140512466431, 0.5968375205993652, -0.6900976300239563, 1.1240853071212769, 0.5380151271820068, 1.4104368686676025, -1.0054525136947632, -0.9119436740875244, -0.04872577264904976, -1.9756083488464355, 0.2466750144958496, 0.01581679657101631, 0.5506172776222229, 0.38463282585144043, 0.5352110862731934, -0.19388163089752197, 0.4738847613334656, 0.7776907682418823, 0.5431278347969055, -0.36279287934303284, -0.5526807308197021, 0.46414104104042053, 1.3793776035308838, 0.08999171853065491, -0.25458094477653503, -0.11787757277488708, 0.11723887920379639, 0.2209760546684265, -0.31356891989707947, -0.32604777812957764, -0.15453362464904785, 0.8415597081184387, 0.7694147229194641, -0.6601039171218872, 1.5666122436523438, -0.4294099807739258, -0.18936792016029358, -0.39005517959594727, -0.6013895869255066, 0.116790771484375, -0.17728060483932495, -0.4901224970817566, 0.203231543302536, -0.03899621590971947, -0.7034068703651428, -0.9152411222457886, -0.6729322671890259, 0.3377337157726288, -0.04189714416861534, -0.36377477645874023, -1.0441431999206543, -0.5078610181808472, -0.3997918963432312, -1.8211437463760376, -0.32090651988983154, -0.12825457751750946, 0.012956423684954643, -0.8798478841781616, 0.26618701219558716, 1.0605889558792114, -0.9997857213020325, -0.19270876049995422, -0.22263233363628387, 1.2900172472000122, -0.42173680663108826, 0.5922956466674805, -0.9555777311325073, -0.0663929358124733, -0.7522459626197815, 0.4806230366230011, -0.6041356921195984, 0.1484161913394928, 0.5381608009338379, -0.19706499576568604, 0.6908135414123535, -0.691872775554657, -0.5563446879386902, 0.23976995050907135, -0.24633494019508362, 0.3447188436985016, -0.6319541931152344, 0.9309744834899902, 0.47086501121520996, -0.4803919196128845, 1.5685184001922607, -0.7481346130371094, -0.3023925721645355, 1.2154595851898193, -0.22442030906677246, 0.6102723479270935, 0.33681780099868774, 0.002821059897542, 0.10337522625923157, -0.10710956156253815, -1.0759668350219727, -0.02057824283838272, 1.4454882144927979, -0.7497268319129944, 0.21683698892593384, -0.48019880056381226, 0.5869605541229248, -0.6904457807540894, -0.08584363013505936, 0.2943607270717621, -0.4907706677913666, 0.41042953729629517, -1.1550498008728027, -0.13585741817951202, 0.307254821062088, -0.394362211227417, 0.7080110311508179, 1.0731276273727417, 0.3146979808807373, -1.871306300163269, 0.006830982863903046, 0.3306264877319336, -0.7887994647026062, 0.9949920177459717, -0.031874753534793854, 0.7005007266998291, 1.1415702104568481, -0.49895179271698, -0.542073130607605, 0.27550208568573, 0.2431921362876892, 0.40945106744766235, 0.6599248051643372, 0.19655358791351318, 0.6945691108703613, -1.0681233406066895, 1.4593924283981323, 0.13006559014320374, -0.7180716395378113, -1.0378950834274292, 0.07436716556549072, -0.932489275932312, -0.3774973750114441, 1.4629753828048706, 1.3975785970687866, 1.5429781675338745, 0.079492948949337, -0.17593128979206085, 0.6227937340736389, 0.19910724461078644, 0.35794535279273987, 0.43467673659324646, 0.009043671190738678, -0.1602514684200287, 0.22975632548332214, 0.5665131211280823, 0.253191739320755, -0.3841685354709625, 0.42948585748672485, 0.4001357853412628, -0.21670909225940704, -0.37394601106643677, 0.8288088440895081, 0.3691910207271576, -0.009717527776956558, 1.2936638593673706, -0.692311704158783, -0.4789256155490875, 0.5086897611618042, 0.5358796715736389, 0.49345505237579346, -0.34407514333724976, -0.5341566801071167, 0.7631243467330933, 0.6453325152397156, 0.6171035766601562, -0.36731868982315063, 0.7512380480766296, 0.21274611353874207, -0.43331214785575867, -0.692477822303772, -0.07928584516048431, -1.1882191896438599, -0.44056031107902527, 0.20842918753623962, 0.44077733159065247, -0.10834340751171112, -0.13711711764335632, -0.7534646391868591, -1.3877402544021606, 0.4347324073314667, -0.1316877007484436, 0.026493489742279053, 0.4450311064720154, 0.9979850053787231, -1.2124077081680298, -0.6540362238883972, -0.21014271676540375, -0.6759833097457886, -0.4026983976364136, 0.007008920423686504, -0.5736868977546692, 0.6280031204223633, 0.06932619214057922, 0.07475457340478897, 0.07891485840082169, -0.5049071907997131, -0.505317747592926, 0.6258858442306519, 1.198561668395996, -0.2597818374633789, 0.9543488025665283, 0.4772665500640869, 0.6185097694396973, 1.0313806533813477, -0.760642945766449, -0.7197461128234863, 0.94178706407547, 0.19825685024261475, -0.2812727689743042, -0.8592671751976013, -0.3991868197917938, 0.6905115842819214, -0.015203803777694702, 0.9518792629241943, -1.0846871137619019, -0.15729214251041412, -0.47026151418685913, 0.6794995665550232, 0.9834913015365601, -0.6933719515800476, -0.9733792543411255, 0.37654122710227966, 0.012982763350009918, 0.2359960377216339, -0.2364073544740677, -0.4679566025733948, 0.49517759680747986, -0.17537814378738403, -0.26717519760131836, -0.32201048731803894, -10.890425682067871, 0.7441519498825073, -0.585054337978363, 0.24577297270298004, 1.3271225690841675, -0.4015164077281952, 0.46275851130485535, -0.32128435373306274, 1.8911528587341309, -0.6950450539588928, -0.15742671489715576, 1.1564931869506836, 0.1777653992176056, 0.20020797848701477, -0.5665206909179688, -1.7105228900909424, -1.7962005138397217, -1.0337775945663452, -0.10473041236400604, 0.07902241498231888, -0.1053539514541626, -0.14126171171665192, 0.16374774277210236, -0.1893911063671112, 0.40960314869880676, 0.3883630037307739, -0.31457480788230896, -0.7830663919448853, 0.026227116584777832, 0.7960524559020996, 1.2735283374786377, 0.05585230514407158, -0.9774080514907837, -1.2815053462982178, 0.4762875437736511, 0.11466975510120392, -1.8505269289016724, -0.0020749755203723907, 1.0915122032165527, -0.19692343473434448, 0.3323083519935608, 0.18995633721351624, 0.21737529337406158, 0.4659315347671509, -1.0088096857070923, -0.12732365727424622, -0.08409624546766281, 0.11469179391860962, -0.2356863021850586, -0.5701456665992737, -1.1101577281951904, -0.7311455011367798, -0.8815694451332092, 0.026533249765634537, 0.2393953651189804, 0.515923798084259, -0.5814976692199707, -0.20534944534301758, -1.2545435428619385, -0.7305920124053955, 0.3396657705307007, 0.5782661437988281, -0.7829596400260925, 0.1362900733947754, 0.3405214846134186, -0.1624707579612732, 0.29302743077278137, 0.8353523015975952, -0.0708320140838623, -0.10537411272525787, -0.36221855878829956, 1.075890302658081, -0.24708998203277588, 0.9702777862548828, 0.5862823724746704, -0.06889910250902176, 0.08922091126441956, -0.03547795116901398, 0.8962586522102356, -0.4316832721233368, -0.8203352689743042, 1.1415555477142334, -0.3184937834739685, -0.49423810839653015, -0.5977618098258972, 1.1252933740615845, -0.13120821118354797, -0.5042534470558167, 0.21231967210769653, -0.34582534432411194, 0.6136988401412964, -0.33891263604164124, 0.6445107460021973, 0.9603014588356018, -0.5690298080444336, 0.717243492603302, -0.008055392652750015, 0.17631161212921143, 0.4976779520511627, -0.6754814982414246, 0.463491827249527, 0.24658742547035217, -0.5783294439315796, -1.0659602880477905, -0.17422863841056824, -0.5018889904022217, 0.23441535234451294, -0.2686625123023987, -0.32736894488334656, -0.9229834675788879, -0.07957902550697327, -0.07757183164358139, 0.20345516502857208, 0.7112432718276978, -0.042179740965366364, 0.9974300861358643, 1.4233053922653198, -0.7370333671569824, 0.14873433113098145, 1.38912034034729, -0.48426634073257446, 0.6900132894515991, 0.9731641411781311, 0.6111201047897339, 0.08158464729785919, 0.7084502577781677, 0.620523989200592, -0.06400777399539948, -0.25999799370765686, -1.0747853517532349, 0.20560508966445923, -0.908313512802124, -0.0006867684423923492, -0.46439850330352783, -0.4402633011341095, -0.21029062569141388, -1.6973117589950562, 0.6709996461868286, -0.6746380925178528, 0.5292710661888123, -0.2722206115722656, -0.7527671456336975, -0.08076519519090652, -0.9862211346626282, -0.5889978408813477, -0.8042807579040527, -2.3924920558929443, 0.6671160459518433, -0.26405128836631775, -0.16660964488983154, 0.1474565714597702, 0.4922862946987152, 0.0994090661406517, -1.0474263429641724, -0.0257806945592165, 0.03047112375497818, -0.06695523858070374, -0.8720924258232117, -0.19647394120693207, -0.21984213590621948, 0.7545580267906189, 0.5872294306755066, 0.1019681915640831, 0.8937066793441772, 0.3053075671195984, -0.20545324683189392, 0.7337361574172974, 0.17053136229515076, -1.446138858795166, 0.6208540797233582, 1.0272705554962158, -0.732768714427948, -0.2268305867910385, -0.818878710269928, 0.12334606051445007, -0.821355938911438, 1.1223334074020386, 1.5815839767456055, -0.35678014159202576, 0.15710347890853882, -0.3305187225341797, 0.8790119886398315, 0.6358962059020996, -0.07674532383680344, -0.5869085788726807, 0.006293531507253647, 0.377888947725296, 0.3260969817638397, 0.19581496715545654, 1.059840440750122, -1.9283078908920288, -1.2955124378204346, -0.26624205708503723, -0.09565973281860352, 0.6867247223854065, -0.28535133600234985, 0.7755507230758667, 1.096215009689331, -0.4725188910961151, 0.10319999605417252, -0.11022993922233582, 0.20763033628463745, -0.44830867648124695, 0.5226642489433289, 0.3860899806022644, -0.4978063106536865, -0.7420426607131958, -0.19194187223911285, 0.46873295307159424, 0.4485533833503723, -0.49816057085990906, -0.5332164168357849, 0.13959383964538574, 0.1897372305393219, 0.7033238410949707, -0.3403322100639343, 0.42199984192848206, -0.10360020399093628, -0.7833274602890015, -0.6035769581794739, 0.006797268986701965, 1.8201181888580322, 0.7022379040718079, 0.9482815265655518, 0.8939322829246521, 0.12903150916099548, 0.8070270419120789, 0.8431792259216309, 1.1215912103652954, -0.2222442775964737, -0.3572416603565216, -0.32996952533721924, 0.007848821580410004, 0.18433481454849243, -0.10912677645683289, -0.6021204590797424, -0.9604621529579163, 0.3207947611808777, -0.6403571963310242, 0.1222623735666275, 0.018464811146259308, 0.1692669838666916, 0.5967809557914734, 1.3764958381652832, -0.4112253785133362, -1.2549519538879395, 0.2852904498577118, -1.1870564222335815, 0.2243591696023941, 0.30831897258758545, -0.302903413772583, 1.5088471174240112, 0.6051931381225586, 0.953685998916626, 1.235997200012207, -0.24660123884677887, -0.16143465042114258, 0.11081244051456451, 0.0871618390083313, 1.2671785354614258, 0.8572209477424622, 1.2261334657669067, 0.1325838267803192, -0.1534760296344757, -0.930142343044281, -0.8071443438529968, -0.511212944984436, 1.0019704103469849, 0.746460497379303, -0.3642086982727051, -0.20118911564350128, -1.2005940675735474, 0.36291179060935974, -0.43299123644828796, 0.25134193897247314, 1.1538827419281006, -0.5788781046867371, -0.9301748275756836, -0.9633100032806396, -0.3050711452960968, 1.352299451828003, -0.27523234486579895, -0.08034808188676834, -0.48080360889434814, 0.9147610068321228, 0.024953823536634445, -0.09918756037950516, -0.5715126395225525, 0.36845624446868896, -0.24931958317756653, -0.3904803395271301, 0.17614398896694183, -0.4626021981239319, -0.742745041847229, -0.5107234716415405, -0.3448929786682129, 1.0250681638717651, 0.9509630799293518, -0.9157694578170776, -0.228006973862648, 0.24653729796409607, 0.3349122107028961, 0.7930638790130615, 0.6266960501670837, 0.6454341411590576, -1.8522640466690063, 1.1575344800949097, 0.9104127287864685, 0.18824778497219086, -0.4622040390968323, -0.12172027677297592, 0.5293563008308411, -0.35079044103622437, 1.4830162525177002]} +{"paper_id": "health_fact", "embedding": [-0.6606125831604004, 0.34334596991539, -1.3802257776260376, -0.3545546233654022, 0.22993582487106323, 0.33675917983055115, 1.0881110429763794, 0.5430370569229126, 0.7304909825325012, 0.9601375460624695, 0.01654866337776184, 0.8589813709259033, -0.41195374727249146, 0.22249263525009155, 0.29231348633766174, -0.576561689376831, -0.49807143211364746, 0.032270416617393494, -0.44170817732810974, -0.232843279838562, -0.38881295919418335, -0.41697269678115845, 0.5453018546104431, 0.42899566888809204, -1.277323842048645, -0.1572822779417038, 1.5640573501586914, -0.7315807342529297, 0.16804978251457214, 0.032868675887584686, 0.16530074179172516, 1.8717745542526245, -1.7124935388565063, 0.8620789647102356, -0.5183574557304382, -0.447564035654068, -0.7531608939170837, 1.109116554260254, -0.10546761006116867, 0.6966238617897034, -0.6595096588134766, 0.6494308710098267, 0.684675931930542, -0.08783731609582901, -0.4287234842777252, -0.3798133134841919, 0.575652539730072, 0.1010492742061615, -0.04470943659543991, -0.5193683505058289, 0.07078108936548233, 0.9739864468574524, -0.5972140431404114, 0.8265258073806763, 0.3830749988555908, 1.0972462892532349, 0.09955800324678421, -0.21212781965732574, 0.7347127795219421, -0.5355817079544067, 1.911352276802063, 1.5418647527694702, -1.129626989364624, -0.19589537382125854, 0.2149251103401184, 0.567501425743103, 1.2215431928634644, 0.09613288938999176, 0.18045954406261444, 0.763999342918396, -0.05534826219081879, -1.4395761489868164, -0.20898300409317017, -0.8585948944091797, -0.13580328226089478, 0.8693481683731079, 0.3322335481643677, -0.16706405580043793, 0.15377667546272278, -0.34927183389663696, 0.4852601885795593, -0.03143883869051933, 0.33336493372917175, -0.934300422668457, 0.008509065955877304, 0.4566863477230072, 0.11478617787361145, -0.5879083275794983, 0.2834450602531433, -1.1669565439224243, 1.308261752128601, 0.34605520963668823, 0.10415016859769821, 0.0732370913028717, -0.021827571094036102, 0.9762083292007446, -0.99575275182724, -0.49758094549179077, 0.11484362185001373, 0.2659796476364136, 0.34800219535827637, -0.2574404180049896, 0.8290346264839172, 0.030436795204877853, -0.2621183693408966, 1.2464568614959717, -0.02136360853910446, 0.04700985550880432, -0.2717374861240387, -0.43365490436553955, -0.9808049201965332, 0.9524816870689392, 0.08450621366500854, 0.6148516535758972, -0.7176592946052551, 0.5017412900924683, 0.522844672203064, -0.5329557657241821, -0.4105534851551056, 0.4907253384590149, 0.07716292142868042, -1.3885221481323242, -0.7286913990974426, 0.524093747138977, 1.1680861711502075, 0.1921253502368927, -0.015708953142166138, -0.10512498766183853, -0.24565389752388, -0.24102279543876648, 0.5015803575515747, 0.08249539136886597, -0.9510693550109863, 0.630513072013855, 2.8168785572052, -0.8070281744003296, 1.1984946727752686, -0.3711514174938202, -0.36880531907081604, -0.014564856886863708, -0.015794482082128525, 0.37764281034469604, 0.7905207872390747, -0.7862759828567505, -1.0018435716629028, 0.6111634969711304, -0.33422544598579407, 0.29147303104400635, -1.1979591846466064, -0.33397939801216125, -0.028680723160505295, 0.8431684970855713, -1.207800030708313, 0.046638987958431244, 0.27432841062545776, 0.5884552001953125, -0.6763080954551697, -0.462202250957489, -1.002028465270996, -0.03787942975759506, 0.2921178936958313, 0.31220847368240356, -0.47261640429496765, 0.9302815198898315, 0.3325095474720001, -0.019709840416908264, 1.3068585395812988, -0.5843719840049744, -1.3236826658248901, 0.6077675223350525, 0.880779504776001, -0.5529553294181824, -0.2709921598434448, -0.9110010266304016, -0.3918635845184326, -0.4795253872871399, -0.015440326184034348, 0.7181069254875183, 0.6436567902565002, -0.6480370163917542, -0.9044042229652405, 0.0786835253238678, -0.3622440993785858, 0.5430634617805481, -1.0168145895004272, -0.4186899960041046, -2.0393903255462646, 0.3532896637916565, -0.635711133480072, 0.8412134051322937, 0.3162793517112732, 0.8168769478797913, 0.726820170879364, 0.7379162311553955, -0.11849822103977203, -0.6245653629302979, 0.2430194914340973, -1.3498693704605103, 0.1679057776927948, -0.4245172142982483, -0.5105298161506653, -0.31394875049591064, -0.33705422282218933, -0.04913073778152466, 1.1514246463775635, -0.8079636096954346, -0.7933017611503601, -2.1410036087036133, 0.4876813292503357, 0.8271881341934204, -0.29717984795570374, -0.2934938073158264, -1.1021249294281006, 0.02953675389289856, 0.3508276045322418, -0.3228799104690552, 0.12614381313323975, -0.6258806586265564, 0.3900648355484009, -1.525312900543213, 0.43493497371673584, -0.05057235062122345, -0.14501157402992249, 0.33520716428756714, 0.8225358724594116, -0.6905357241630554, -0.061487164348363876, -0.6620293855667114, -2.1320621967315674, 0.4397921562194824, 0.35423049330711365, -0.049114808440208435, 0.20281827449798584, 0.03529497981071472, 0.43788301944732666, 1.5793602466583252, 0.15921375155448914, 0.09612075239419937, -1.5779579877853394, 0.10028601437807083, 0.19309666752815247, 1.1584092378616333, 1.0974372625350952, -0.37353765964508057, 0.40038567781448364, 0.513677179813385, -0.06399685889482498, -0.5955072045326233, -0.5108123421669006, -0.8818435072898865, 0.9157642722129822, 0.3498154282569885, -0.8452728390693665, 0.5209619402885437, -0.3695429861545563, 0.17865890264511108, 0.0593460351228714, -1.0283855199813843, -0.35665762424468994, 0.4199366569519043, 0.3651107847690582, 0.8847447633743286, -0.15934228897094727, -0.3414585590362549, -0.42381614446640015, -0.9553322196006775, 1.1573584079742432, -0.4624166786670685, -0.012807562947273254, -0.522696852684021, 0.09647917747497559, -0.29161912202835083, -0.6020102500915527, -0.6067202687263489, 0.29378458857536316, -0.3241485357284546, -0.680338978767395, 0.25507915019989014, 0.0697498619556427, 0.34416523575782776, -0.020894479006528854, -0.31575822830200195, 1.3155131340026855, -0.31806784868240356, 0.5577642321586609, -0.701162576675415, -0.16896292567253113, -0.26440003514289856, 0.527306079864502, -0.7405653595924377, 0.14554908871650696, -0.4435166120529175, -0.8667737245559692, 1.0822126865386963, -0.10893867909908295, 0.16604778170585632, 1.0418819189071655, 1.0048874616622925, -0.865715742111206, -0.7354866862297058, 1.1417274475097656, -0.4804563522338867, -0.08343206346035004, 0.5666562914848328, 0.009455008432269096, -0.8414853811264038, 1.174642562866211, -0.014255113899707794, 0.20582225918769836, -0.35995060205459595, -0.3125966489315033, 0.5036096572875977, 0.463655561208725, -1.0994250774383545, 0.40996024012565613, 0.9040709137916565, -0.713679313659668, -0.6170884370803833, -1.009268879890442, 0.21777664124965668, -0.40306344628334045, 0.2258269190788269, -0.22021055221557617, -0.2323439121246338, -0.17600034177303314, -0.42399975657463074, 0.22035257518291473, 1.22800874710083, -1.362858772277832, -0.1763891577720642, -0.34797510504722595, -0.35377970337867737, -0.9234955906867981, -0.48820391297340393, 0.9755623936653137, 0.16820615530014038, 0.6445658206939697, -0.3905860483646393, 1.3627557754516602, 0.8424092531204224, -0.06737466901540756, -0.32708680629730225, 1.098060131072998, -0.06704988330602646, 0.5576332807540894, 0.3931159973144531, -0.17168404161930084, 0.23695020377635956, -0.7620255351066589, 1.5771199464797974, 0.1789691150188446, 0.04512253776192665, -1.0169458389282227, 0.03267426788806915, -0.8338219523429871, -0.9029021263122559, 1.13054358959198, 0.8497247099876404, 1.1781622171401978, 0.03197915107011795, 1.2244956493377686, -0.8938754200935364, 0.0070618800818920135, -0.13540160655975342, -0.32607537508010864, 0.7298403382301331, -0.7444596290588379, 0.9928399324417114, 0.9616574048995972, -0.02638578787446022, 0.02398819848895073, -0.1512279510498047, 0.49654147028923035, 0.5179432034492493, 0.06721417605876923, 0.18414345383644104, -0.6560035347938538, 0.02116347849369049, 0.9737697839736938, -0.283337265253067, -0.7278581857681274, -0.14936897158622742, -0.4866994321346283, 0.507882297039032, 0.3700554668903351, -0.21733273565769196, 0.2777339220046997, -0.3054726719856262, 0.30025050044059753, 0.5482515692710876, -0.0776822417974472, 0.9168715476989746, 0.5232627987861633, -1.7087082862854004, 0.1559588462114334, -0.16649404168128967, 0.009161767549812794, 0.253728449344635, 0.3057903051376343, 0.12994803488254547, 0.5323490500450134, -0.21946954727172852, -1.1577439308166504, 0.3950140178203583, -0.3917118012905121, -0.8709889650344849, 0.5278990864753723, 0.36727097630500793, -1.9355231523513794, -0.5129626393318176, 0.2244039922952652, -0.4169444739818573, -0.7190260887145996, 0.3847635090351105, -0.24327953159809113, 1.313319206237793, 0.4449409544467926, 0.7856612801551819, -0.24206559360027313, 0.4998215436935425, -0.5289556384086609, 1.3373323678970337, 0.33116844296455383, -1.099204421043396, 0.938255786895752, 0.6031929850578308, 0.6107577681541443, 0.7675620317459106, -0.7892947196960449, -0.5228567719459534, 1.7233176231384277, -0.12289117276668549, 0.29259708523750305, -0.49564334750175476, -0.6901254057884216, 1.653586745262146, 0.043145593255758286, 0.214182049036026, -0.5332280397415161, -0.41803818941116333, -0.9310945868492126, 0.3326873779296875, 1.2281968593597412, -0.5558516979217529, -1.1317867040634155, 0.5346746444702148, 0.03469237685203552, 0.2878553569316864, -0.5352185964584351, -0.9443467855453491, 1.6016714572906494, -0.42269447445869446, 0.17997553944587708, -0.8815230131149292, -11.230856895446777, 1.0935314893722534, -0.4214370846748352, 0.9309024810791016, 0.36551323533058167, 0.05264294147491455, -0.36000198125839233, -0.4589325785636902, 0.6560142040252686, -0.6888118982315063, 0.516424834728241, 1.880458116531372, -0.20501136779785156, -0.32331034541130066, -1.0646939277648926, -1.6291041374206543, 0.001042831689119339, -0.06501510739326477, -0.570782482624054, -0.395163893699646, 1.2702631950378418, -1.2710576057434082, 0.4696447253227234, -0.331523597240448, 0.8126040697097778, -0.2521035969257355, -0.23844033479690552, 0.20303019881248474, -0.24609605967998505, 0.3428889214992523, 1.0974494218826294, 0.393527090549469, 0.17581941187381744, -0.31394046545028687, 0.011711351573467255, -0.10366788506507874, -0.9947866201400757, 0.17915186285972595, 1.0063211917877197, -0.5473628640174866, -0.12390965223312378, 0.5383902192115784, -0.17593298852443695, -0.41185206174850464, -0.3177352249622345, 0.6835870742797852, 0.42146122455596924, -0.5281828045845032, 0.009333573281764984, 0.04499635845422745, -0.17557291686534882, -0.18498873710632324, 0.02292390540242195, -0.406264990568161, 0.638607919216156, -0.4267420470714569, -1.0797803401947021, -0.4554438292980194, -1.6547937393188477, -1.729731798171997, 0.23366093635559082, -0.24223019182682037, -0.20519909262657166, 0.35593491792678833, 0.10688488185405731, 0.13009515404701233, 0.44644999504089355, 0.45634856820106506, -1.2974621057510376, -0.0647764652967453, -1.2029696702957153, 0.9423406720161438, -0.2596469819545746, -0.4736725687980652, -1.0992337465286255, -0.050023384392261505, -0.6521548628807068, -0.022814659401774406, 0.5988242030143738, -0.8943315148353577, -1.4287517070770264, 0.8384606242179871, 0.5081591010093689, -0.4461953043937683, -1.2801433801651, 0.07142308354377747, 0.47283434867858887, -0.9978484511375427, 0.1044095903635025, -0.3107166588306427, 0.544285774230957, 0.40995246171951294, 0.17634226381778717, -0.21764495968818665, -0.596537709236145, 0.40400493144989014, 0.11751869320869446, 0.7629175782203674, -0.1453947275876999, -0.8720943331718445, 0.0069705769419670105, -0.056447774171829224, -1.3225512504577637, 0.20331911742687225, 0.18502382934093475, 0.22763895988464355, 0.20257329940795898, -0.35941123962402344, -0.3182799518108368, 0.12166813015937805, 0.7453188300132751, -0.5269485116004944, -0.051435962319374084, 1.6117839813232422, -0.9327040910720825, 0.08166951686143875, 0.774996280670166, -0.42938143014907837, 0.6925033926963806, 1.2527108192443848, -0.3274887204170227, 0.6584688425064087, -0.21494042873382568, 0.8890159130096436, -0.3660004436969757, 0.34730902314186096, 0.26134783029556274, -0.0707683116197586, 0.08885306119918823, -1.9076281785964966, 0.43961888551712036, -0.04236457496881485, 0.23249605298042297, -0.484721302986145, 0.04161209985613823, -0.028596054762601852, -0.13642989099025726, 0.7098325490951538, -0.3265641927719116, 0.5534353256225586, -0.7937828898429871, 0.5245577692985535, 0.5769701600074768, -1.4147565364837646, -1.4670031070709229, 0.4108258783817291, -1.241174578666687, 1.1194919347763062, -0.7004589438438416, -0.6064965724945068, 0.16077806055545807, -0.38596633076667786, 0.6010718941688538, -0.41426700353622437, 0.010240519419312477, -0.5145010948181152, 0.692500114440918, 0.12204640358686447, -0.7256737351417542, -0.4772867262363434, -0.08978881686925888, 0.9342162609100342, -0.9330431818962097, 0.6132045984268188, 0.09980778396129608, -0.32041865587234497, 0.30399489402770996, -0.4524931013584137, -0.05535530298948288, -0.2477797567844391, 0.9938190579414368, -1.1882214546203613, -0.33954161405563354, -0.34871453046798706, 0.9885444045066833, -0.850161075592041, 1.0336871147155762, 0.4370745122432709, -1.1365687847137451, -0.7483772039413452, 0.25909268856048584, 0.6269803643226624, -0.02147137001156807, -0.29148176312446594, -0.39840319752693176, -0.42683765292167664, 0.021708931773900986, 0.5323817133903503, 0.0909658893942833, 1.093526840209961, -1.2291827201843262, -0.5837181806564331, -1.2145109176635742, 0.07835564017295837, 1.0647677183151245, 0.020227346569299698, 1.2205513715744019, 1.484000325202942, -0.2544059753417969, 0.19890934228897095, 0.7513905167579651, 1.0290590524673462, 0.1819847822189331, 0.23540903627872467, -0.7301598787307739, 0.465038925409317, -0.6164532899856567, 0.2628189027309418, -0.4357265830039978, 0.9431015849113464, -1.1500838994979858, -0.03533341735601425, 0.12697702646255493, -1.1644656658172607, 0.19072473049163818, -0.7639651298522949, 0.25352397561073303, -0.8193391561508179, 0.2687813341617584, -1.0909861326217651, 0.9666690826416016, 0.42521291971206665, 0.7231072187423706, 0.46915000677108765, 0.029470622539520264, 0.7504873275756836, 1.8763313293457031, 0.6998162865638733, 1.4801273345947266, 0.8162146210670471, 0.24750971794128418, 0.643144428730011, 0.08125046640634537, 0.22473350167274475, 0.5301164388656616, -0.05207909271121025, -0.17461998760700226, 1.1075325012207031, -0.24997472763061523, 1.0598468780517578, -0.5637637376785278, -0.0033602286130189896, 0.7748042941093445, 0.6562039256095886, -0.818589985370636, -0.6630921363830566, -0.6824313402175903, -1.0639986991882324, -0.49421003460884094, 0.8375056385993958, 1.6469674110412598, 0.3519284129142761, 0.7823613286018372, -0.28429126739501953, 0.9532210230827332, -0.6454539895057678, 0.3634187579154968, 0.17158296704292297, 0.26162588596343994, 1.116733193397522, 0.8741939067840576, 0.7840407490730286, 0.5005993843078613, 0.5752809047698975, -0.6658313274383545, 0.14334654808044434, -0.5417917966842651, 1.0112555027008057, 0.25025099515914917, -0.5007055401802063, 0.4934304356575012, -0.4132283329963684, 0.5470049381256104, -0.3702719807624817, 0.17751793563365936, 0.2533721923828125, -0.6741224527359009, -0.6220558881759644, -1.2824616432189941, 0.17921245098114014, 1.0131698846817017, -0.17033885419368744, -1.5103027820587158, -0.035401850938797, 1.241690754890442, 0.2936100661754608, 0.05073772370815277, -0.27273279428482056, 0.20273545384407043, -0.14684660732746124, -0.5513933897018433, -0.6854461431503296, -0.5433224439620972, -1.122763752937317, -0.013551760464906693, -0.2941802144050598, 0.14131294190883636, -0.6873171925544739, -0.8482334613800049, -0.28383851051330566, 0.2751550078392029, 0.6558536291122437, 0.5384278893470764, -0.7987103462219238, -0.2682013511657715, -0.710708498954773, 0.19569635391235352, 0.12667521834373474, 0.21816109120845795, -0.1734498143196106, 0.25834789872169495, 0.40506812930107117, -0.23764026165008545, 0.5068548321723938]} +{"paper_id": "scitldr", "embedding": [-0.3090922236442566, 1.4820220470428467, -0.26429980993270874, 0.24804431200027466, 0.5359855890274048, 0.11832739412784576, 1.1089924573898315, 0.34042254090309143, 0.7119895815849304, 0.5658525824546814, 0.19077494740486145, 0.3276689350605011, 0.3002071976661682, 0.1470406949520111, -0.2793845534324646, -0.056261271238327026, -0.6756666898727417, -0.283619225025177, -0.5606659054756165, -0.8718543648719788, -1.421035647392273, 0.18521547317504883, -0.08269356191158295, -0.36113861203193665, -0.5004070401191711, -0.07655248045921326, 0.5933108925819397, -1.3552470207214355, -0.09573181718587875, 0.24008449912071228, 0.06703385710716248, 1.1205942630767822, -1.921791672706604, 0.24443450570106506, -1.5616878271102905, -0.4998728930950165, 0.26936593651771545, 1.0848472118377686, -0.21613839268684387, -0.2624660134315491, -0.9317711591720581, 0.38229766488075256, 1.0485889911651611, -0.18402588367462158, 0.16926030814647675, -0.1828370988368988, 0.5875576734542847, 0.005835004150867462, -0.007294319570064545, 0.06095539405941963, -0.11201434582471848, 0.21365994215011597, -0.059583745896816254, 0.27481701970100403, -0.18603414297103882, 1.65301513671875, 0.0407332107424736, -0.7758868336677551, 0.4148845076560974, -0.6913734674453735, 0.9490780830383301, 1.3995299339294434, -0.4820226728916168, -0.0477539487183094, 1.0912349224090576, -0.47859227657318115, 1.389417290687561, 0.5245884656906128, 0.30069997906684875, 0.6162834167480469, -0.792177677154541, -1.111019492149353, -0.8453222513198853, -0.5258123874664307, -0.5321239233016968, 0.7841516733169556, 0.06709135323762894, -0.8889055252075195, 1.2426972389221191, -0.2627069056034088, -0.8807715773582458, 0.5728731751441956, 0.7821447849273682, -0.2976001799106598, -0.4779760539531708, -0.6269636154174805, 0.07349240034818649, 0.023144852370023727, 0.040012769401073456, -1.3791793584823608, -0.17614702880382538, 0.24903060495853424, -0.17311199009418488, -0.24362531304359436, -0.6944276094436646, 0.3193858563899994, 0.15527942776679993, -0.22986017167568207, -0.8904209136962891, 0.32894036173820496, 0.6119822263717651, -0.481937438249588, 0.5598688721656799, 0.0011526048183441162, 1.0834225416183472, 0.5512129664421082, -0.5799835920333862, -0.8204108476638794, -0.23102205991744995, -0.7137013077735901, 0.3066076636314392, 0.22069835662841797, 0.6621313095092773, 0.756815493106842, -0.7078552842140198, -0.505222737789154, -0.39283502101898193, 0.7153993844985962, -0.6442915201187134, -0.3660286068916321, -0.5881854891777039, -2.0026133060455322, 0.05601585656404495, -0.24856430292129517, 0.8235567212104797, -1.2578552961349487, -0.23850826919078827, -0.6469682455062866, -0.009315064176917076, 0.13786892592906952, 0.4548439383506775, 0.5721381306648254, -0.6551083326339722, 0.1998618245124817, 2.844541072845459, -0.343993216753006, 0.8948947191238403, 0.6391900777816772, -0.15755580365657806, -0.43394798040390015, 0.7218645811080933, 1.5219261646270752, 0.35742929577827454, -0.9175187945365906, -0.6453606486320496, 0.014975198544561863, -0.6141704320907593, 0.48442479968070984, -1.0534563064575195, -0.06022048369050026, -0.2429337203502655, 0.23645088076591492, -0.6810541749000549, -1.2744230031967163, 0.1242491751909256, 0.5443001389503479, 0.40325167775154114, 0.227745920419693, -0.36888840794563293, 0.888177752494812, 1.186423659324646, 0.49597781896591187, -0.43329232931137085, 0.5116596221923828, -0.6814579367637634, 0.06066196411848068, 1.0057672262191772, 0.007680367678403854, -0.5456492304801941, -0.38469868898391724, 0.4372045397758484, -0.7977951765060425, 0.029435575008392334, -0.43467041850090027, 0.00795464962720871, 0.26624059677124023, 0.2705118954181671, 0.18438838422298431, 0.12442570179700851, -0.9143581986427307, -0.14830365777015686, 0.13003455102443695, 0.23211756348609924, 0.09084916114807129, -0.014750232920050621, 0.5813236236572266, -2.1733930110931396, 0.056484103202819824, -0.8404555320739746, 0.6695466637611389, -0.00020270049571990967, -0.5526841878890991, 0.2126341164112091, 0.07207426428794861, -0.9978546500205994, -0.7938037514686584, 0.1612672209739685, -0.9762601852416992, 0.6529600620269775, 1.2522469758987427, 0.2624807357788086, 0.7841461896896362, 0.39201223850250244, 0.6225600838661194, 1.7214568853378296, -0.45304998755455017, -0.5368631482124329, -1.4948375225067139, 0.5043254494667053, 0.975814700126648, -0.9432976245880127, -0.609660267829895, -1.18417489528656, -0.4858587384223938, 0.9295926094055176, -0.29226627945899963, -0.3559706509113312, -0.3964320719242096, -0.4425204396247864, -0.8835253119468689, 0.34933605790138245, -0.7883410453796387, -0.02985474094748497, 0.18177103996276855, 1.2771276235580444, -0.35760071873664856, -0.7034289836883545, -0.18839342892169952, -1.3936703205108643, 0.2401549518108368, 1.2107688188552856, -0.15309205651283264, -0.07089542597532272, 1.2150543928146362, -0.506198525428772, 0.386834979057312, 0.6242101788520813, 0.6813111305236816, 0.23472389578819275, -0.11056036502122879, 0.1642707884311676, 1.05259108543396, -0.11548592150211334, -0.082135409116745, -0.38802605867385864, 0.10931029915809631, -0.5274519324302673, -1.0392149686813354, -0.34385621547698975, -0.15492728352546692, 1.149787425994873, 0.5579609870910645, -0.37459319829940796, 1.3260258436203003, -0.2987249195575714, -0.2348751723766327, 0.1922980546951294, -0.656385600566864, -0.07052458077669144, 0.1302146315574646, 0.1847715824842453, 0.12538939714431763, 0.11553864181041718, -0.42442572116851807, -0.42277663946151733, -0.9790798425674438, -0.7471298575401306, -0.494120329618454, -0.527136504650116, -1.0934512615203857, -0.3945290148258209, 0.5038482546806335, -0.8275418281555176, -0.29592588543891907, 0.08344689011573792, -0.3371918797492981, -0.4955814480781555, 0.7322834730148315, 1.088130235671997, 0.6007696986198425, 0.5896918773651123, 0.012061715126037598, 1.1648112535476685, 0.23919418454170227, 0.7366638779640198, -0.3782195746898651, -0.3136689364910126, -1.564176082611084, 0.16724461317062378, -1.0598641633987427, 0.27606332302093506, -0.11868494004011154, -0.16825926303863525, 0.5942864418029785, -0.14697284996509552, -0.8213484883308411, 0.715035617351532, -0.8123368620872498, 0.20251721143722534, -0.5693590044975281, 0.7956020832061768, 0.643877387046814, -0.3361409902572632, 0.5247535109519958, -0.08785220980644226, -0.6187223196029663, 1.3190001249313354, -0.8858788013458252, 1.600946068763733, -0.12269756197929382, -0.22074639797210693, 0.9717220067977905, -0.09612074494361877, -1.6934044361114502, -0.041500024497509, 1.1055002212524414, -0.5211296081542969, -0.4521460235118866, -0.44572868943214417, -0.589057207107544, -0.09330197423696518, -0.10507617890834808, 0.1868745982646942, -1.5084284543991089, 0.48335400223731995, -0.1800553798675537, 0.5709889531135559, 1.1931506395339966, -0.003907524049282074, 1.0678611993789673, 0.6883737444877625, 0.2027709186077118, -0.6744219064712524, -0.8675443530082703, 0.8939727544784546, -0.3546833395957947, 0.6842120885848999, 0.19805940985679626, 0.9271900057792664, 1.291518211364746, -0.4041391611099243, -0.1334111988544464, 0.7228908538818359, 0.8111199736595154, -0.3497242331504822, 0.02181408181786537, -0.04383527487516403, 0.43140503764152527, 0.11044301092624664, 1.1401273012161255, -0.07515833526849747, -0.5592682361602783, -0.4037725627422333, -0.1322239488363266, -0.9192226529121399, -0.4895796477794647, 1.1049898862838745, 0.4276691973209381, 1.4645332098007202, 0.48227524757385254, 0.48315244913101196, 0.12612663209438324, -0.26190781593322754, -0.15406616032123566, 0.841557502746582, 0.11561357975006104, -0.013695046305656433, 0.4200766086578369, 0.7761816382408142, 0.10413283109664917, -0.1700754463672638, 0.11208382248878479, -0.08807384222745895, -0.677078127861023, -1.1099634170532227, 0.5747342109680176, 0.6850646734237671, 1.5686538219451904, 2.236070156097412, -0.7813947200775146, -0.46607983112335205, -0.4140445291996002, -0.032445792108774185, 0.24360939860343933, 0.04106269031763077, -0.9568662643432617, -0.07711732387542725, 0.2669834792613983, 0.5049653053283691, -0.5503507256507874, 1.5584981441497803, 0.4429309666156769, 0.13341830670833588, -1.0965452194213867, -0.22731243073940277, -0.6835243105888367, -0.7719239592552185, -0.46546655893325806, 0.47467517852783203, -0.817711591720581, 0.3084771931171417, -0.6263220310211182, -1.276901125907898, 0.2964467406272888, 0.12156172096729279, -0.5252727270126343, 0.372056245803833, 1.1970850229263306, -1.2652474641799927, -0.5467128753662109, -0.14041052758693695, -1.2554333209991455, -0.4735925495624542, -0.11957888305187225, -0.28233081102371216, -0.003236020915210247, 0.1622413843870163, 0.7276777029037476, 0.5217139720916748, 0.34040695428848267, -0.7569150924682617, 0.7942606210708618, 0.8814464211463928, -1.2870745658874512, 0.956938624382019, -0.6986445784568787, 0.6072900295257568, 0.22285228967666626, -0.9942456483840942, -0.4082601070404053, 0.6342490911483765, -0.21911264955997467, -0.30785852670669556, -0.7382639050483704, 0.21272097527980804, 0.13859879970550537, 0.21571017801761627, 0.6630560159683228, -0.6715593338012695, 0.1431148648262024, -0.05145879089832306, 0.7516766786575317, 1.0304243564605713, -0.44779878854751587, -0.25613197684288025, 0.9476300477981567, -0.022736266255378723, 0.9810205698013306, 0.08059248328208923, -0.013982336968183517, 0.2375921756029129, -0.02454886958003044, -0.6081955432891846, -0.445198655128479, -12.067688941955566, 0.5267535448074341, -0.016360146924853325, -0.1875734031200409, 0.6746070384979248, 0.21465244889259338, 0.4456440210342407, -0.12345163524150848, 0.3529111444950104, -0.43050915002822876, 0.5154949426651001, 1.0419951677322388, 0.22685539722442627, -0.344076007604599, -0.29258546233177185, -1.036225438117981, -0.7562652826309204, -0.44322216510772705, 1.0016133785247803, -0.4811757504940033, 0.5299140214920044, -0.05698658898472786, 0.18130581080913544, -0.632757842540741, 0.1530616283416748, -0.17488668859004974, -0.05232895910739899, 0.17274117469787598, -0.5285611748695374, 0.5814554691314697, 0.6781890988349915, -0.10899931192398071, -0.7723681330680847, -1.348523497581482, 0.4870929718017578, 0.2870427966117859, -1.0401923656463623, -0.22583909332752228, 0.8004195094108582, -0.5230214595794678, -0.35528290271759033, 0.5962973237037659, -0.31867608428001404, 0.08873346447944641, -0.5502445697784424, 0.2235555797815323, -0.16980423033237457, -0.629986584186554, 0.5541367530822754, -0.38152873516082764, -0.773921549320221, -0.8206731677055359, -0.40166783332824707, -0.5013850927352905, 0.37985026836395264, 0.2635183334350586, -0.9745801687240601, 0.263246089220047, -0.4564768671989441, -0.12073146551847458, 0.44323107600212097, -0.07357408106327057, -0.390607625246048, 0.5855856537818909, 0.2730519473552704, -0.6215243339538574, 1.3783766031265259, 0.699508547782898, -0.001665942370891571, 0.45681723952293396, -0.4004274904727936, 1.2505223751068115, 0.5976033210754395, -0.5488857626914978, 0.4685231149196625, 0.08312509953975677, 0.6003961563110352, -0.9330782890319824, 0.3687576651573181, 0.7071314454078674, -1.0193575620651245, 0.45796072483062744, 0.152451753616333, -0.5012484788894653, -1.0420193672180176, 0.06796984374523163, 0.07168901711702347, -0.38257041573524475, 0.2611377537250519, -0.27707454562187195, 0.9267236590385437, -0.3807229697704315, -0.4286928176879883, -0.44529885053634644, -0.38899147510528564, 0.5794185996055603, -1.5401101112365723, -0.07201145589351654, -0.19432464241981506, -0.8174358010292053, 0.6223284602165222, 0.09523538500070572, -0.3983006775379181, -0.3631429374217987, 0.9754536747932434, -0.712207555770874, 0.1747797429561615, 0.1024884581565857, -0.5504472255706787, -0.3591419458389282, 0.10522156208753586, -0.5522494316101074, 0.28814929723739624, 1.0424401760101318, -0.7045861482620239, 1.5294829607009888, 1.101348876953125, -0.8153768181800842, -0.17169952392578125, 1.15334153175354, -0.5496203303337097, 0.8644541501998901, 0.5125558972358704, 1.423064112663269, -0.14654771983623505, 0.6809535622596741, -0.05485743656754494, 0.2217453271150589, -0.5369929671287537, -0.39763814210891724, 0.005813729017972946, -0.4469399154186249, 0.061936765909194946, -0.6755617260932922, -0.5057319402694702, -0.1694885790348053, -0.8947148323059082, 1.5384176969528198, -0.6497994065284729, 0.018981216475367546, -0.2452758103609085, -0.2916169762611389, -0.012205958366394043, -0.6218682527542114, -1.1764545440673828, 0.2959205210208893, -1.4368170499801636, 0.25492507219314575, -0.5445185303688049, -0.6113559603691101, 0.43178632855415344, -0.37074020504951477, 0.10538414865732193, -0.8838536739349365, -0.7736016511917114, -0.6259971261024475, 0.6177271008491516, -0.38935598731040955, -0.5557687282562256, -0.22949163615703583, 0.4586314857006073, 0.06926528364419937, -0.32538649439811707, 0.5340766310691833, 0.28098177909851074, 0.17292803525924683, -0.005265943706035614, 0.10416631400585175, -0.3713662922382355, 0.34327951073646545, 1.265642523765564, -0.9958564043045044, 0.27658677101135254, -0.8342315554618835, 0.10923624038696289, 0.25776365399360657, 0.3869141936302185, 1.4006423950195312, -0.8440818190574646, 0.6098467111587524, 0.3683776259422302, 0.46877777576446533, 0.8931019306182861, -0.6913207769393921, -0.7684069871902466, 0.34540855884552, 0.2649470567703247, 0.2659670412540436, -0.16980719566345215, 0.3130415380001068, -1.1310826539993286, -1.1927764415740967, -0.9756088256835938, -0.8521786332130432, 1.2237051725387573, 0.11282673478126526, 0.8657575249671936, 0.6699756979942322, -0.020414158701896667, 0.6371057629585266, 0.07387061417102814, 1.2759184837341309, 0.47394075989723206, 0.8101460933685303, 0.24533283710479736, -0.4075767695903778, -0.6048892736434937, 0.5220347046852112, 0.7730973362922668, 0.6625480055809021, -0.3064724802970886, 0.6463476419448853, 0.4801281988620758, -0.07614816725254059, -0.44310474395751953, -1.1960996389389038, 0.19777101278305054, -0.13052886724472046, -0.02268936112523079, -0.6369020938873291, 0.41145971417427063, 1.178170919418335, -0.2154596596956253, 0.8525900840759277, 0.5845713019371033, -0.16000406444072723, 0.8196383714675903, 0.9346734881401062, 0.8933184146881104, -0.008212175220251083, -0.6980192065238953, 0.44638586044311523, -0.21353986859321594, 0.07231097668409348, 0.5189700722694397, 0.08610942959785461, -1.1223942041397095, -0.1838361620903015, -0.4645613431930542, 0.16936221718788147, -0.025412537157535553, 0.24143676459789276, 0.15074194967746735, 1.2808964252471924, 0.6729568839073181, -1.3810220956802368, 0.09548231959342957, -0.911986231803894, -0.23185351490974426, 0.7221106290817261, -0.19182080030441284, 0.42403644323349, 0.6571517586708069, -0.7932502627372742, 1.038686990737915, -0.25657230615615845, -0.10153451561927795, -0.33419081568717957, -0.9714957475662231, 0.862780749797821, 0.6139693260192871, 0.45491957664489746, -0.006646810099482536, -0.6208186745643616, -0.16737890243530273, -0.6355563998222351, -0.3561125695705414, 0.36560267210006714, 1.2688215970993042, -0.7647508978843689, 0.06231944262981415, -0.8320132493972778, 0.13661795854568481, -0.6161127686500549, 0.3543131649494171, 0.15787097811698914, -1.027963399887085, -0.8456078767776489, -0.6328346729278564, -0.1500438004732132, 0.8613366484642029, 0.12110009789466858, 0.14989520609378815, 0.4784911870956421, 0.756039559841156, 0.013221285305917263, 0.30350261926651, -0.022698454558849335, 0.565910816192627, -0.27088668942451477, 0.18313908576965332, 0.9506770372390747, -0.19194543361663818, -0.618708074092865, -0.3507465124130249, -0.1963074654340744, 0.43190643191337585, -0.5283403396606445, -1.0344702005386353, 0.6065862774848938, 0.20879974961280823, 0.6057475805282593, -0.19038787484169006, 0.45121777057647705, 0.4603080153465271, -0.8487113118171692, 1.074880838394165, 0.33373820781707764, -0.35265517234802246, 0.3322162628173828, 0.13924580812454224, 0.7314503192901611, 0.20163974165916443, 1.4419246912002563]} +{"paper_id": "emo", "embedding": [-0.607211709022522, 1.2146799564361572, 0.6692019701004028, 0.33318865299224854, 1.1358765363693237, -0.009859014302492142, 0.7625472545623779, 0.5197547674179077, -0.14015856385231018, 0.7138011455535889, 0.8499438762664795, -0.48200723528862, 0.13017010688781738, 0.10535871237516403, -0.3916487395763397, -0.6742303967475891, -1.4507102966308594, -0.15733301639556885, -0.4800088107585907, -0.23763629794120789, -0.555663526058197, -0.5519794821739197, 0.05507267639040947, 0.6989402174949646, -0.6411184668540955, -0.5163893699645996, 0.22228439152240753, -1.0067617893218994, 0.056301381438970566, 0.16590240597724915, 0.2852581739425659, 1.5249143838882446, -0.588834285736084, 0.19306018948554993, -0.3106009364128113, -0.6580569744110107, 0.28149136900901794, 0.5917949080467224, -0.8774592280387878, 0.007822681218385696, -0.7295140027999878, 0.5875207185745239, 0.10432136058807373, 0.28296759724617004, 0.822364091873169, 0.2419133186340332, -0.1807309091091156, 0.14719539880752563, -0.486314594745636, -0.33388751745224, -0.04201274365186691, -0.3291608989238739, -0.5194280743598938, 0.40181276202201843, -0.4510275721549988, 0.6686872243881226, 0.25802451372146606, -0.30350977182388306, -0.08763902634382248, -0.9835513830184937, 0.7310562133789062, 1.7281297445297241, 0.11843544989824295, 0.5214973092079163, 1.136036992073059, -0.43476295471191406, 1.6554046869277954, -0.41864651441574097, 0.3877262473106384, 0.8880622982978821, -0.4827013611793518, -0.7296338677406311, 0.32539039850234985, 0.2823198437690735, 0.13663361966609955, 0.3736977279186249, 0.8830951452255249, 0.5342287421226501, -1.0546936988830566, 0.42643678188323975, -0.3592509925365448, 0.6772635579109192, 0.35103633999824524, -1.0804345607757568, 0.47064465284347534, 0.6535161137580872, 0.7015292644500732, 0.4115559756755829, 0.5950613021850586, -1.6370091438293457, -0.2519386410713196, -0.20874667167663574, -0.15346527099609375, 0.6102287173271179, -0.08592836558818817, 0.165537029504776, 0.41787558794021606, 0.3306736946105957, -0.9610079526901245, 0.39209285378456116, 0.3639577329158783, -0.300529420375824, -0.1159278005361557, -0.4904750883579254, 0.297946035861969, 0.4164755940437317, 0.29971134662628174, 0.32773447036743164, 0.005143988877534866, -0.15781235694885254, 0.161172553896904, 0.8718703389167786, -0.7465964555740356, 0.7327876091003418, 0.17147397994995117, -0.08037381619215012, 0.7441948056221008, -0.7143656015396118, -0.694898247718811, 0.09503798931837082, -1.0016628503799438, -0.48032984137535095, -0.11836525052785873, 0.5130118131637573, 1.2213701009750366, -0.3277001976966858, 0.8854328393936157, -0.38765987753868103, 0.4256199300289154, -0.670447051525116, 0.1318412721157074, -0.3176864981651306, -0.15599514544010162, -0.28375017642974854, 3.2827646732330322, -1.0546106100082397, 1.4629768133163452, -0.83750981092453, 0.06826402992010117, -0.03592479228973389, -0.22214436531066895, 1.449761986732483, -0.6861483454704285, -0.48938295245170593, -0.41083624958992004, -0.026866065338253975, -0.5302928686141968, 0.297629177570343, -0.6714766621589661, -0.8605834245681763, 0.034153543412685394, -0.13454261422157288, -1.1693047285079956, 0.0596640482544899, 0.2883310317993164, 0.4639049470424652, 0.16081008315086365, 0.93830806016922, -0.308646559715271, 0.40202319622039795, 1.2756807804107666, -0.1750338226556778, -0.4625835120677948, 0.4086381793022156, -1.0637562274932861, -0.5322375893592834, 0.8436621427536011, 0.047054000198841095, -0.9730806946754456, -0.26129579544067383, 1.1711053848266602, -0.014793716371059418, -0.16610726714134216, -0.3580262064933777, -0.5123113393783569, -0.4039199948310852, 0.7086434960365295, 1.0182493925094604, 0.02663561888039112, -0.6656360626220703, -0.40744397044181824, -0.6840968728065491, 0.05870870500802994, 0.37128540873527527, -0.15524856746196747, 0.7688616514205933, -1.471562147140503, -0.8364659547805786, 0.23475731909275055, 0.625639796257019, -0.06060505658388138, -0.4886883795261383, 0.2767591178417206, 0.0694526880979538, 0.1892329454421997, 0.36853522062301636, 0.3716299533843994, -1.090564489364624, 0.3602200150489807, 0.6739713549613953, 0.20668993890285492, -0.3128775358200073, 0.25460323691368103, 1.736818790435791, 0.9547345042228699, -0.33830952644348145, -0.7853058576583862, -1.159018635749817, 0.4850965738296509, 2.4582698345184326, -0.011068440973758698, -0.5683264136314392, -1.193730115890503, 0.2713897228240967, 0.03219369053840637, 0.10717331618070602, 0.3856169581413269, -0.9538688659667969, 0.6070597767829895, -1.561903953552246, 0.5454959273338318, -0.15408676862716675, -0.28249725699424744, 0.5944815278053284, 0.8515264391899109, -0.43859177827835083, -0.5091065168380737, -0.5561701059341431, 0.49918705224990845, 0.10584254562854767, 0.30601415038108826, -0.027339791879057884, 0.02047736942768097, 0.46086108684539795, 0.5894390940666199, 0.3875567317008972, -0.03708040714263916, 0.1946306824684143, 0.07909084856510162, 0.09464605897665024, 0.6018858551979065, -0.05728524923324585, 0.04742521792650223, -0.2504926323890686, 0.23508168756961823, 0.6987873911857605, 0.18394307792186737, -0.2418750822544098, 0.14790885150432587, 0.18507125973701477, 1.5240492820739746, 1.3355205059051514, -0.27406632900238037, 1.3027732372283936, -1.4684932231903076, 0.3755144774913788, -0.9029859900474548, -0.14418438076972961, -0.008063673973083496, -0.2792700231075287, 0.5308148860931396, -0.43318676948547363, -0.24045389890670776, -0.18521110713481903, -0.17956815659999847, -1.137161374092102, -0.5760031938552856, -0.2868768572807312, -0.4052909016609192, -1.431557536125183, -0.14896909892559052, -0.036719173192977905, -0.5768769383430481, -0.8678027987480164, -0.43357205390930176, 1.050423264503479, -0.5476908683776855, 0.08175976574420929, 2.228005886077881, -0.4609073996543884, -0.15688379108905792, -0.19876490533351898, 0.665796160697937, -0.5904327034950256, 1.233767032623291, -0.9249317049980164, -0.030733205378055573, -0.4489637017250061, -0.10024134069681168, -0.18721812963485718, -0.011855106800794601, 0.7786176800727844, -0.21772173047065735, 0.3332975208759308, 0.3196548521518707, -0.6919568777084351, 1.0633913278579712, -1.2295554876327515, 0.017282189801335335, -0.48913460969924927, 2.013233184814453, 0.2208356112241745, -0.47727853059768677, 0.7325881123542786, -0.8029810786247253, 0.5462827682495117, 1.0995051860809326, -0.502170205116272, 0.5478443503379822, 0.22285400331020355, -0.3145301938056946, -0.2383318990468979, 0.065979965031147, -2.924722909927368, 0.46653810143470764, 1.7772914171218872, -0.6362327337265015, 0.15079213678836823, -0.9754814505577087, 0.8173428177833557, 0.030089110136032104, 0.3404510021209717, -0.20042896270751953, -0.41525518894195557, 0.7888165712356567, -0.6127290725708008, -0.16307757794857025, 0.9112314581871033, -0.6158345341682434, -0.39449912309646606, 0.7260099053382874, 0.7966007590293884, -1.2781285047531128, -0.2577013373374939, 0.2711363732814789, -0.6795254349708557, 0.26716476678848267, 0.046348996460437775, 0.11311199516057968, 0.9720751047134399, -0.6497757434844971, -0.5123798847198486, 1.2429380416870117, 1.0533137321472168, 1.179839849472046, -0.0036436067894101143, -0.05033420771360397, 0.7898515462875366, -0.5585289001464844, 0.6111443638801575, 0.9850800633430481, -0.3356071412563324, -1.2787270545959473, -0.9239538908004761, -0.4367932081222534, -0.4246045649051666, 0.5766624212265015, 0.7217758297920227, 2.2313807010650635, 0.17385810613632202, 0.067191943526268, -0.6240096092224121, 0.01300918310880661, 1.2974424362182617, 0.5540056228637695, 0.6230664849281311, -0.20267796516418457, 0.42320558428764343, 0.751882791519165, -0.20685726404190063, -0.5057761669158936, -0.21582980453968048, 1.3496296405792236, -0.20396645367145538, -0.7501599788665771, -0.3083184063434601, 1.0230849981307983, 0.5685850381851196, 1.698763370513916, -0.7020289897918701, -0.31074270606040955, -0.5737778544425964, 0.9955806732177734, 1.1179460287094116, 0.12903279066085815, -0.43733030557632446, 0.46784600615501404, 0.14771205186843872, 1.0607787370681763, -0.7308768630027771, 0.5178442001342773, 0.20734882354736328, -0.2055077850818634, -0.7356323003768921, -0.4327589273452759, -0.7947115898132324, -0.12393803149461746, 0.11432676762342453, 0.18518097698688507, -0.254959374666214, 0.7381154894828796, -0.08748356997966766, -0.7952165007591248, 0.6763185262680054, -0.5400058627128601, -0.8486011028289795, 1.2768276929855347, 1.0063931941986084, -0.4687102437019348, -0.48598891496658325, 0.036654382944107056, -1.0465104579925537, -0.9289938807487488, 0.37376847863197327, -0.7813522219657898, 0.6340981721878052, 0.5605413913726807, 0.38411712646484375, -0.0018951790407299995, 0.10686315596103668, -1.1290390491485596, 0.08819492161273956, 0.9648072719573975, -0.5012476444244385, 0.6619604825973511, 0.6877939105033875, -0.7764303684234619, -0.009730890393257141, -0.9299817681312561, -0.17721761763095856, 0.3277635872364044, -0.5878989696502686, -0.38028234243392944, -0.6626667976379395, 0.0533723346889019, 0.1514756977558136, -0.03741922974586487, 0.2682851254940033, -1.5342386960983276, 0.38001686334609985, -0.5121344327926636, 0.3344285190105438, 0.5331168174743652, -0.8715987205505371, -0.32177063822746277, 0.7084643244743347, -0.5019811987876892, 0.42580267786979675, 0.32623952627182007, 1.1190508604049683, 1.5739625692367554, 1.1846725940704346, 0.7088528871536255, 0.3103407025337219, -10.73424243927002, 0.8511646389961243, -0.17916518449783325, -0.028943508863449097, 0.20813725888729095, -0.5305887460708618, 0.37687960267066956, 0.31484419107437134, 0.9596748352050781, -0.7472246289253235, 0.5071119070053101, 1.1861151456832886, -0.15297982096672058, -0.4808858633041382, -0.332243412733078, -1.0902353525161743, -1.139112114906311, -1.0704762935638428, 0.08706232905387878, 0.6973961591720581, 0.04854801669716835, -1.3942821025848389, -0.16944056749343872, -0.5959128141403198, 0.4676934480667114, -0.6621249914169312, -0.4431873857975006, 0.12046217173337936, -1.4196827411651611, 0.517249345779419, 0.7914859652519226, -0.8632498383522034, -0.5400121808052063, -0.05414765328168869, 0.26958751678466797, 0.31798890233039856, -0.6648901104927063, -0.2781361937522888, 0.3050125241279602, 0.5018450617790222, -0.07619957625865936, 0.28664731979370117, 0.7271410226821899, -0.985368549823761, 0.37675994634628296, -0.23952649533748627, -0.005395030602812767, -0.12742269039154053, 0.3511401414871216, -0.14982423186302185, -0.3897562026977539, -0.3771273195743561, -1.2424287796020508, -1.0658177137374878, 0.7531055212020874, 0.4986433684825897, 0.13586890697479248, 0.7146877646446228, -0.2566765248775482, -1.1939668655395508, 0.6230021119117737, 0.24761392176151276, -0.3760285973548889, 0.8341878652572632, 0.6635560393333435, -1.2847274541854858, 0.7090108394622803, 0.16272006928920746, 0.4954082667827606, 0.739833652973175, -0.9794209599494934, 1.0192196369171143, -0.2173609733581543, 0.5268405675888062, -0.4067867696285248, 0.23874777555465698, -0.65437251329422, 0.2460024505853653, 0.6193824410438538, -0.30893367528915405, -0.5805996656417847, 0.294627845287323, 0.3259356617927551, -0.8989746570587158, -0.8586331009864807, 0.5674773454666138, 0.3693699240684509, -0.30450406670570374, 0.8857285976409912, -0.3615976870059967, 0.997616708278656, 0.7663583755493164, -0.9420670866966248, 0.05399574339389801, 0.3175715208053589, 0.9802998304367065, -0.8527367115020752, 1.1284868717193604, 0.6393779516220093, 0.1268291026353836, 0.05527322366833687, -0.6944623589515686, -0.3802100419998169, 0.018268313258886337, 0.7765554785728455, -0.1593388319015503, -0.18523944914340973, 0.4790116846561432, 0.5906792879104614, -0.38661661744117737, 0.9516800045967102, 0.5249813795089722, -0.2757543921470642, 0.5809069275856018, 0.05305136740207672, 0.7465898394584656, 0.79393470287323, 0.25024235248565674, 0.6542494893074036, 0.9104143977165222, -0.6905468106269836, 0.44000259041786194, -0.5258309245109558, 1.2256481647491455, -0.08263012021780014, 0.23993396759033203, 0.4247797429561615, 0.1997135877609253, 0.18923543393611908, -2.078233003616333, 0.3014248311519623, -0.25934043526649475, 0.18041101098060608, -1.05206298828125, -0.010378371924161911, -0.14273758232593536, -1.1483628749847412, 1.3872385025024414, -0.5681503415107727, 0.05215753614902496, -0.1403849571943283, -0.1027446836233139, -0.36284735798835754, -0.3840084969997406, -0.2799890637397766, -0.1543044149875641, -2.608529806137085, -0.016363229602575302, 0.24278882145881653, -0.18370287120342255, 0.2790502905845642, -0.2116394340991974, 0.5281297564506531, -1.1282949447631836, -0.4878813624382019, 0.11993718892335892, 0.9603244066238403, -0.5916692018508911, -1.4344760179519653, 0.009382113814353943, 0.6402403116226196, 1.300824522972107, -1.6852314472198486, 0.6015820503234863, -0.116864413022995, -0.45619404315948486, -0.8710221648216248, 0.09637407958507538, -0.47407376766204834, 0.3021446466445923, 2.1796369552612305, -1.2342381477355957, -0.9054049849510193, -0.8809176683425903, -0.0361318439245224, -1.1007318496704102, 0.05162280797958374, 1.04483163356781, -1.2666957378387451, -0.029145538806915283, -1.3166131973266602, -0.39563706517219543, 0.20619209110736847, -0.4496309459209442, -0.7918459177017212, 0.3024812340736389, -0.6391063928604126, 1.4153647422790527, -0.521930992603302, 0.29183754324913025, -1.2831940650939941, -1.0509934425354004, -0.9846546053886414, -0.10400290787220001, 0.2336684614419937, 0.193698912858963, 0.2542319893836975, 0.5804415345191956, -0.2758095860481262, -0.6527161598205566, 0.33319997787475586, 0.7786069512367249, -0.3659362494945526, -0.00621771439909935, -0.4017248749732971, -0.1765068769454956, -0.7575673460960388, -0.7115190029144287, 0.11629712581634521, 0.6400588750839233, -1.0615870952606201, -0.544660210609436, -0.028827253729104996, -0.19107967615127563, 0.5664263963699341, -0.7386053800582886, -0.2805931568145752, -0.03980467841029167, -0.7665796875953674, -1.2360836267471313, -0.24813732504844666, 0.9224268198013306, -0.3441445231437683, 1.537704348564148, 0.7978355884552002, 0.5521118640899658, -0.041800711303949356, 0.04799898713827133, 1.745328664779663, -0.7774998545646667, -0.24025632441043854, -0.07925191521644592, 0.13172602653503418, 0.5116007924079895, -0.6714859008789062, -0.1692611426115036, -1.2033207416534424, 0.3952304720878601, -1.4307788610458374, 0.26388412714004517, -0.26280707120895386, -0.28408804535865784, 1.0895962715148926, 0.8743146061897278, 0.3117864727973938, -1.0627076625823975, -1.0335967540740967, -0.8181873559951782, 0.04819483682513237, -0.198763906955719, 0.17663301527500153, 0.8856168389320374, 0.9362109303474426, -0.46845436096191406, 1.1614794731140137, 0.22408026456832886, 0.05750909447669983, 0.5661642551422119, 0.275732159614563, 0.6459779739379883, 0.9055861234664917, -0.031017731875181198, 0.45309436321258545, -0.07154887169599533, -1.0805102586746216, -0.22091920673847198, -1.0499529838562012, 0.6648277044296265, 0.7395479083061218, -0.6096006631851196, -0.3404553532600403, -0.0812123715877533, -0.22020205855369568, 0.26453885436058044, 0.3444005250930786, -0.4763453006744385, -0.0509578138589859, -1.0260552167892456, -0.8821735978126526, -0.5266991257667542, 0.5687108635902405, -0.21244949102401733, -0.493945837020874, -1.1942503452301025, -0.4020845890045166, 0.06504980474710464, -0.07606181502342224, -0.9340846538543701, 0.12196409702301025, -0.5252337455749512, 0.44029325246810913, 0.48527631163597107, -0.8229405879974365, -0.9424453377723694, -0.551880955696106, -0.9640024900436401, 1.0362448692321777, 0.29930323362350464, -2.0009522438049316, -0.3840765953063965, 0.5348930358886719, -0.025255423039197922, -1.1703354120254517, 0.5753625631332397, 0.08102245628833771, -1.8813049793243408, 1.2200651168823242, 1.4695581197738647, -0.37649232149124146, -0.14864708483219147, 0.36568722128868103, 0.7111291289329529, 0.14648351073265076, 1.856979250907898]} +{"paper_id": "eli5", "embedding": [-0.7412046790122986, 1.621696949005127, 0.5426562428474426, 0.06071575731039047, 1.2084723711013794, 0.15710359811782837, 1.2875020503997803, 0.6164761781692505, 0.8598263263702393, 0.7645743489265442, -0.12469042837619781, -0.18448686599731445, 0.36937636137008667, -0.029528291895985603, -0.1776035577058792, -0.482178270816803, -1.0020079612731934, -0.5602709054946899, -1.3849376440048218, -0.08444284647703171, -0.4621811509132385, -0.7333573698997498, 0.16102895140647888, 1.1171878576278687, -0.6430602669715881, -1.0395359992980957, 0.8034937977790833, -1.1678756475448608, 0.10226265341043472, -0.30287230014801025, -0.2693277597427368, 1.3430171012878418, -1.5201997756958008, 0.3573901951313019, -0.15052834153175354, -0.36182475090026855, 0.3684955835342407, 1.2030988931655884, -0.18450668454170227, 0.2483006715774536, -0.12083383649587631, 0.03694213181734085, 0.6988086104393005, 0.38876062631607056, 0.9632459282875061, -0.6142787933349609, -0.05831972509622574, -0.08864472806453705, -0.37044066190719604, -0.22405356168746948, -0.8331233859062195, -0.042308151721954346, -0.14184768497943878, 0.8497486114501953, 0.16169092059135437, 0.7461547255516052, 0.18777775764465332, -1.157047986984253, 0.3248447775840759, -0.7394182682037354, 1.09568452835083, 1.8059271574020386, -0.06721367686986923, 0.49340537190437317, 1.0492831468582153, 0.29162538051605225, 1.5086175203323364, 0.09616829454898834, -0.29723575711250305, 0.6958711743354797, -0.5729040503501892, -0.6619313955307007, 0.9850135445594788, 0.3696137070655823, 0.29104816913604736, 1.172370433807373, 0.4495163857936859, 0.5172485113143921, 0.05311553180217743, -0.08358845114707947, -0.30265721678733826, 0.27390921115875244, 0.9938280582427979, -0.24680998921394348, 0.34224605560302734, 0.3034910261631012, 0.06939055025577545, -0.3288916349411011, 0.15224049985408783, -1.0587164163589478, 0.1832013875246048, 0.10139411687850952, -0.5523927807807922, 0.0140351802110672, -0.6675474643707275, 0.548697292804718, -0.9127389192581177, 0.31902384757995605, -0.10624423623085022, 0.10287100076675415, 0.7133949398994446, 0.029775381088256836, 0.4466223418712616, -0.06356098502874374, -0.36946409940719604, 0.5749223232269287, 0.24450883269309998, -0.3972812592983246, -0.44726985692977905, -0.6047404408454895, 0.39826273918151855, 0.8076997995376587, -0.3582633435726166, 0.8086618781089783, 0.23608826100826263, -0.2140888273715973, 0.4398428797721863, -0.6249239444732666, 0.3832205832004547, -0.07177332043647766, -0.5741944313049316, -1.1584208011627197, 0.15580588579177856, -0.41070640087127686, 0.8197875022888184, -0.7658692598342896, -0.5460800528526306, -0.4916425943374634, 0.021542025730013847, 0.4263937771320343, 0.6914194822311401, -0.116411954164505, -0.5453299283981323, -0.215776264667511, 2.8915278911590576, -1.5330111980438232, 1.1385329961776733, -0.8512670993804932, -0.5574455261230469, -1.065744161605835, -0.21243426203727722, 1.822686791419983, -0.4980362057685852, -0.8514481782913208, -0.8749871850013733, 0.0735311210155487, -0.45104727149009705, 0.6397669911384583, -0.7601181864738464, -0.2052178829908371, -0.2454269528388977, 0.019535936415195465, -1.1534314155578613, -0.4882630407810211, -0.011854078620672226, 0.5230047702789307, 0.12525059282779694, 0.269385427236557, -0.4739527106285095, 0.9184059500694275, 0.28184473514556885, -0.4362677335739136, 0.003276512026786804, 0.22479377686977386, -0.957651674747467, -0.5597536563873291, 0.5753930807113647, 0.09474285691976547, -1.3153784275054932, -0.5299962759017944, 0.5606443285942078, -0.10721727460622787, -0.43195784091949463, 0.12714800238609314, -0.15736982226371765, 0.2407132089138031, 0.9967123866081238, 0.3132043778896332, 0.13892830908298492, -1.1039574146270752, -0.016822807490825653, -0.2493240088224411, 0.21618837118148804, 0.7605276107788086, 0.07192989438772202, 0.8356794714927673, -2.417145013809204, -0.20990760624408722, 0.15090970695018768, 0.944477379322052, 0.06587353348731995, -0.18376940488815308, -0.1646716296672821, 0.17500245571136475, 0.12959706783294678, -0.6931321024894714, 0.5367488861083984, -0.9717777371406555, 0.27275100350379944, 0.12247802317142487, -0.5008357167243958, 0.2144738733768463, -0.08428610861301422, 1.0346039533615112, 0.7600502371788025, -0.17806744575500488, -0.7545856237411499, -1.913303017616272, -0.06695980578660965, 2.195432186126709, 0.3757435977458954, -1.1314774751663208, -0.956206738948822, -0.5653730630874634, 0.1872795820236206, 0.19543586671352386, -0.04773266613483429, -0.3344907760620117, -0.10484597831964493, -0.8625550270080566, 0.4745233654975891, -0.3288714587688446, 0.08107941597700119, 0.4890577495098114, 1.3243098258972168, -0.44215863943099976, -0.02572997286915779, -0.3856890797615051, -0.38950315117836, 0.2045639306306839, 0.8888425230979919, 0.35235360264778137, -0.45486006140708923, 1.0619679689407349, 0.06845512986183167, 0.8297215700149536, 0.7632142901420593, 0.5618330240249634, -0.2381223887205124, -0.10249388962984085, 0.042831502854824066, 0.9033299088478088, 0.12771190702915192, 0.33498385548591614, 0.4564020037651062, 0.3550529181957245, -0.20644670724868774, -0.28835585713386536, 0.07641667127609253, -0.12072829157114029, 1.3992664813995361, 0.20255520939826965, -0.24079379439353943, 0.9781602025032043, -0.6957259178161621, -0.12277793139219284, -0.38342201709747314, -0.2678682506084442, -0.18069098889827728, -0.7945417761802673, 1.1588705778121948, -0.08101412653923035, 0.6833968758583069, -0.12888455390930176, -0.08389732241630554, -1.3994227647781372, -0.5473998188972473, 0.2908981442451477, -0.3533710837364197, -1.0009026527404785, -0.1596238911151886, -0.01175614446401596, -0.9145045876502991, -0.760595440864563, 0.2036941647529602, 0.1354028731584549, 0.057668864727020264, 1.046293020248413, 2.069683074951172, 0.1453981250524521, 0.3223316967487335, 0.030975282192230225, 1.371949315071106, -0.5849647521972656, 0.3188721537590027, -0.719439685344696, 0.1306643784046173, -1.0405616760253906, 0.030762851238250732, -0.24804086983203888, 0.33854371309280396, 1.2275587320327759, -0.4508410096168518, 0.4561026096343994, 0.1454530954360962, -1.3702285289764404, 0.8977280259132385, -0.648805558681488, -0.06964325904846191, -0.09504663944244385, 1.3113713264465332, -0.06801576912403107, -0.7036926746368408, 0.558777391910553, -0.8906323909759521, -0.21006226539611816, 0.6134620904922485, -0.686040997505188, 0.7461773753166199, 0.4875553846359253, -0.35132166743278503, 0.12393422424793243, 0.606170117855072, -2.085606575012207, 1.062048077583313, 0.8243365287780762, -0.3595442473888397, -0.41607800126075745, -0.841549813747406, 0.36575132608413696, -0.013265043497085571, -0.04546492546796799, 0.057967159897089005, -0.37277576327323914, 0.3849051296710968, -0.3582471013069153, 0.19978931546211243, 0.644114077091217, -0.15134966373443604, 0.27918681502342224, 0.8809796571731567, 0.04465193673968315, -0.9728878140449524, -1.0721001625061035, 0.6580613255500793, -0.7977364659309387, -0.003917768597602844, 0.24011492729187012, 0.464380145072937, 1.1913985013961792, -0.047081999480724335, -0.3050192892551422, 0.8388098478317261, 1.0349159240722656, 0.26995670795440674, 0.017660420387983322, -0.6846107840538025, 0.4526914656162262, -0.1238531768321991, 1.2268476486206055, -0.7084328532218933, -0.3746149241924286, -1.0192697048187256, -0.18053077161312103, -0.5996122360229492, -0.07849902659654617, 1.815087080001831, 0.5644519925117493, 1.2255548238754272, -0.2233418971300125, 0.23602931201457977, -0.3750503957271576, -0.17368264496326447, 0.7568573951721191, 0.6471868753433228, 0.17492569983005524, -0.9339313507080078, 0.11717058718204498, 0.678610622882843, 0.35046499967575073, -0.3888693153858185, 0.043941959738731384, 1.0055240392684937, -0.0021881237626075745, -0.7488862872123718, -0.03495660424232483, 1.0207598209381104, 0.4892289638519287, 2.147695302963257, -0.31592535972595215, -0.3886467218399048, 0.0021752435714006424, 0.1658923178911209, 0.29815900325775146, 0.34833958745002747, -0.5808193683624268, 0.7688897252082825, 0.3390428125858307, -0.18488378822803497, 0.10308152437210083, 1.8814457654953003, 0.9923089742660522, -0.7074812054634094, -1.1218369007110596, -0.7574514150619507, -0.7329670190811157, -0.0865703821182251, 0.17501330375671387, 0.23680530488491058, -0.6895171403884888, 0.31468918919563293, 0.037516385316848755, -1.0921630859375, 0.7944825887680054, -0.3818955421447754, -1.160547137260437, 1.2719875574111938, 0.8917890787124634, -0.6217827200889587, -0.5945345163345337, -0.46416550874710083, -1.131497859954834, -0.510608971118927, 0.0006227567791938782, -1.3065600395202637, -0.20576316118240356, 0.41565850377082825, 0.4691988229751587, -0.21883469820022583, 0.052491866052150726, -1.1751095056533813, 1.0437443256378174, 0.8642003536224365, -0.4963902235031128, 0.6741544008255005, 0.5037031769752502, 0.5012328624725342, -0.4697595536708832, -0.7720654606819153, -0.8721635341644287, 0.5073606967926025, -0.5951725244522095, 0.5285125970840454, -1.0619468688964844, -0.03752142935991287, 0.5484760999679565, 0.3698868453502655, 1.1932717561721802, -0.6711544394493103, 0.19751200079917908, -0.4077054262161255, -0.37233275175094604, 0.7313296794891357, -0.6574609875679016, -0.5132428407669067, 0.4040541350841522, -0.5061711072921753, 0.649418830871582, -0.2995185852050781, 0.4328559339046478, 1.2686320543289185, 0.15328285098075867, 0.09419935941696167, -0.45376935601234436, -11.964637756347656, 0.7706289887428284, 0.20049235224723816, 0.016204282641410828, 0.7781074643135071, -0.5798699855804443, 0.8561819195747375, -0.17270003259181976, 0.6560072302818298, -0.5555791854858398, 0.09069615602493286, 0.7600913643836975, 0.5359217524528503, -0.10654560476541519, -0.7017106413841248, -1.1167383193969727, -0.9093793034553528, -0.5374170541763306, 0.44698721170425415, -0.002901718020439148, -0.11617411673069, -0.5717942714691162, -0.3475154638290405, 0.22919967770576477, 0.2681376338005066, -0.08356841653585434, -0.922368049621582, -0.7433930039405823, -0.2047387659549713, -0.35700446367263794, 0.5618318915367126, -0.2664116621017456, -0.30316823720932007, -0.17557668685913086, -0.2954530119895935, -0.5123561024665833, -0.5854533910751343, -0.3305780291557312, 0.6444180011749268, -0.5796980261802673, -0.07612793147563934, 0.055539216846227646, 0.5458866357803345, 0.016476036980748177, -0.3164733946323395, 0.5520207285881042, 0.03259541094303131, -0.20831765234470367, 0.10064125806093216, -0.23659461736679077, -0.6396656632423401, -0.25474780797958374, -0.6827466487884521, -0.6051803231239319, 0.6548482179641724, 0.333919495344162, -0.10612689703702927, -0.5930551886558533, -0.3088648021221161, -1.043076515197754, 0.6777728199958801, 0.2635112404823303, -0.5982714891433716, 0.5309255719184875, 0.286285400390625, -0.4646483063697815, 0.5248407125473022, -0.2741924226284027, -0.41232243180274963, 0.7746773362159729, -1.2060801982879639, 0.970055878162384, 0.32703864574432373, 0.4986119866371155, -0.47153791785240173, 0.28365251421928406, -0.6537309885025024, 0.19682912528514862, -0.45525720715522766, 0.1386609524488449, -0.9360744953155518, 0.9675781726837158, 0.5559490323066711, -0.4871930778026581, -0.8047176599502563, 0.4065410792827606, -0.37047770619392395, 0.5322418808937073, 0.7484997510910034, -0.5828024744987488, 1.800311803817749, -0.01601424627006054, -0.7666657567024231, 0.14707738161087036, -0.5383322238922119, 1.173358678817749, -0.37091904878616333, 0.7901707291603088, -0.25311046838760376, -0.3661222755908966, -0.06880725175142288, -0.5893988609313965, -0.28865376114845276, 0.07527205348014832, 0.7215434908866882, 0.515582263469696, 0.16164115071296692, -0.48372727632522583, 0.26758575439453125, -0.3873555660247803, 0.8135777115821838, 0.4697273373603821, -0.5069706439971924, 0.983278214931488, -0.2877577245235443, 0.5688996315002441, 0.21491429209709167, 0.18315407633781433, 0.2308243364095688, 0.32734501361846924, -0.3011745512485504, 1.156957745552063, -0.0006617866456508636, 1.010746955871582, 0.030977021902799606, 0.026610076427459717, 0.5634592175483704, 0.5331010818481445, 0.1178370788693428, -1.1063710451126099, 0.08892960846424103, -0.10747647285461426, 0.0009997785091400146, -0.9803395867347717, -0.14149488508701324, 0.2765290141105652, -0.5999225974082947, 1.666404366493225, -1.307651162147522, 0.08278459310531616, 0.3738407492637634, -0.8084884285926819, -0.03267849236726761, -1.0970497131347656, -1.0298333168029785, 0.306510329246521, -1.0728529691696167, 0.32105037569999695, -0.34517931938171387, -0.2588745355606079, 0.02224181964993477, -0.3573557436466217, 1.0428802967071533, -1.1109676361083984, -0.5891825556755066, -0.798213541507721, 0.7354306578636169, -0.5692422986030579, -1.1398670673370361, -0.043642692267894745, 0.21500185132026672, 0.9502687454223633, -0.6209316849708557, 1.1883810758590698, -0.04213818162679672, -0.6424487233161926, -0.6073872447013855, 0.43402013182640076, -0.4027068018913269, -0.07776124775409698, 0.9886024594306946, -0.833552360534668, -0.023481324315071106, -0.7630652189254761, -0.564081072807312, -0.5582818388938904, 0.8761299252510071, 1.1787312030792236, -1.1650792360305786, -0.32655012607574463, -0.2964739501476288, 0.5307163596153259, 0.6643059253692627, -0.35335731506347656, -0.5456563234329224, 0.47407492995262146, -0.014719147235155106, 0.3586394488811493, -0.023709353059530258, 0.460309237241745, -1.887699842453003, -1.2225122451782227, -0.31573954224586487, -0.10587769746780396, 0.7028133273124695, 0.047231078147888184, 0.577515184879303, 0.6688690185546875, -0.31427764892578125, 0.20450499653816223, 0.36326634883880615, 0.669384241104126, 0.1284659057855606, 0.29804176092147827, -0.15693151950836182, 0.09524288773536682, -0.6019821166992188, -0.13051891326904297, 0.8711342811584473, 0.4374227225780487, -0.9696919918060303, -0.14165055751800537, 0.07396943867206573, 0.5849058032035828, 0.306605726480484, -0.7764583826065063, -0.02365286648273468, -0.35904350876808167, -0.21234925091266632, -1.1801600456237793, 0.17526955902576447, 1.3287198543548584, -0.6679352521896362, 1.070771336555481, 0.9475883841514587, 0.7479302883148193, 0.44776925444602966, 0.29253190755844116, 0.267569899559021, -0.4901764392852783, -0.24635782837867737, 0.34505125880241394, 0.22253203392028809, -0.09152767062187195, -0.42050808668136597, -1.5273600816726685, -0.5759690999984741, 0.10214641690254211, -0.40055185556411743, 0.27151545882225037, -0.3210417628288269, 0.7342448830604553, 0.9655722975730896, 1.149862289428711, -0.08483761548995972, -1.6584571599960327, -0.21316134929656982, -1.2638213634490967, 0.16808827221393585, 1.0974845886230469, 0.11075782775878906, 0.7606396079063416, 0.6456956267356873, -0.07524698972702026, 1.4385758638381958, -0.5802314877510071, -0.029713690280914307, 0.058965180069208145, -0.12104620039463043, 0.950690746307373, 0.8841537833213806, 0.21959470212459564, 0.48381394147872925, -0.424662321805954, -0.7285944223403931, -0.18250134587287903, -0.5655937790870667, 0.6536567211151123, 0.6858044266700745, -0.7667722702026367, -0.13474321365356445, -0.6351853609085083, 0.9963549971580505, -0.8629075288772583, 1.1218159198760986, -0.13719946146011353, -0.6281923651695251, -0.15366432070732117, -1.0400645732879639, -0.33499789237976074, 0.6765225529670715, -0.11793951690196991, -0.1416388750076294, -0.08981499075889587, 0.15203380584716797, 0.15708132088184357, -0.05592687427997589, -0.7675173282623291, -0.21434253454208374, -1.1501762866973877, 0.0926140546798706, 0.5460816621780396, -0.7621133327484131, -0.36265385150909424, -0.45985764265060425, -0.6782129406929016, 0.027235573157668114, 0.20645834505558014, -0.8136990070343018, -0.6184921264648438, -0.11953417956829071, -0.2551872134208679, 0.10293421149253845, 0.3165394067764282, 0.29368409514427185, -1.5797346830368042, 0.6220590472221375, 1.278628945350647, -0.5273350477218628, -0.5464364290237427, -0.07017522305250168, 0.3424389064311981, 0.06657397001981735, 1.0844566822052002]} +{"paper_id": "cord19", "embedding": [-0.586853563785553, 0.40022727847099304, -0.3252929449081421, -0.11667660623788834, 0.0807904526591301, -0.038082923740148544, 0.698056161403656, 0.3276843726634979, 0.5246121287345886, 1.0454585552215576, 0.6333388686180115, -0.05842893570661545, 0.06169842928647995, -0.03782236576080322, -0.22491979598999023, -0.1813734471797943, -0.46118465065956116, -0.7086556553840637, 0.006361779756844044, -0.898512065410614, -1.0173629522323608, -0.30470216274261475, 0.3437378406524658, 0.7181131839752197, -0.5977362990379333, -0.2319905161857605, 0.26609015464782715, -0.3506368398666382, 0.7255517840385437, 0.14010542631149292, 0.24639174342155457, 0.5996507406234741, -1.235007405281067, 0.1692562997341156, -0.4229906499385834, 0.5616393089294434, -0.42859479784965515, 0.6799420118331909, -0.13917064666748047, -0.6306823492050171, -0.6759058833122253, 0.3885399401187897, 0.7183572053909302, -0.03617396950721741, 1.256940245628357, -0.3586476445198059, 0.02732880227267742, -0.17059360444545746, 0.03301741182804108, 0.2506827116012573, 0.4758211076259613, 0.39797163009643555, 0.29183945059776306, -0.0177180003374815, -0.07619286328554153, 0.9794725775718689, 0.2961869537830353, -0.052528806030750275, 0.7097607851028442, -0.9173576831817627, 0.31830307841300964, 0.6920275092124939, -0.3278472423553467, -0.4066051244735718, 0.4074782133102417, -0.0795208141207695, 0.1818477064371109, 0.4075775146484375, 0.7654332518577576, 0.5035951137542725, -0.08101670444011688, -1.2912853956222534, -0.11603642255067825, -0.6925704479217529, 0.21204668283462524, 0.42096126079559326, 0.17945028841495514, -0.4364599287509918, 0.4400724768638611, -0.15964338183403015, 0.37709006667137146, 0.654441773891449, -0.20434871315956116, -0.4913662075996399, -0.4874294102191925, -0.44285833835601807, 0.2855597138404846, -0.3515850007534027, 0.5056818127632141, -1.6500768661499023, 0.7356225252151489, 0.27562105655670166, -0.16851548850536346, 0.3487306535243988, -0.1997300088405609, 0.46497997641563416, -0.4814985394477844, -0.21929113566875458, -0.30259639024734497, 0.37056267261505127, -0.007796207442879677, -0.6560906171798706, 0.6957527995109558, -0.6393667459487915, 0.08568745106458664, 0.5280053019523621, -0.5843643546104431, 0.12111964076757431, -0.4732270836830139, 0.1864272654056549, -0.16319940984249115, 0.5913404822349548, 0.6368616223335266, 0.2034870684146881, -0.10486387461423874, -0.2772761583328247, 0.2714841961860657, 0.32269346714019775, -0.5917479395866394, 0.0660637766122818, -0.3962078392505646, -1.3678489923477173, -0.41219979524612427, 0.3452966809272766, 1.5017025470733643, -0.11799091100692749, 0.7378144860267639, 0.22566738724708557, -0.2981105148792267, -0.17178845405578613, 0.4953196346759796, 0.5642490386962891, -0.5894395709037781, 0.274780809879303, 2.6106836795806885, -0.18358969688415527, 1.332897663116455, 0.6551627516746521, -0.20927909016609192, -0.20032842457294464, -0.01688011921942234, 0.28029024600982666, 1.064856767654419, -0.7928445339202881, -1.214296579360962, -0.4292084872722626, -0.11570101976394653, 0.3754173219203949, -0.9338369369506836, -0.21664570271968842, 0.03207043185830116, 0.03718379884958267, -0.7024189829826355, -0.3494895398616791, 0.050825219601392746, 0.7084983587265015, -0.43182268738746643, -0.0842757448554039, -0.5292525291442871, 0.8320841193199158, 0.7507289052009583, 0.3598613739013672, -0.3637653589248657, 0.3398435115814209, -0.15273502469062805, 0.2239755243062973, 1.1174664497375488, 0.12414529174566269, -0.8296727538108826, 0.30559787154197693, 0.07700677961111069, -0.5147584080696106, 0.41555434465408325, -0.1660684049129486, -0.5044849514961243, -0.3824273347854614, 0.7527416348457336, 0.5716505646705627, 0.4572162628173828, 0.178520068526268, -0.5778528451919556, -0.42467430233955383, -0.6237176656723022, 0.13539037108421326, 0.3578507900238037, -0.03146621957421303, -1.488887906074524, -0.4108067750930786, -0.9991163015365601, 0.2693197727203369, -0.05967487022280693, -0.19725261628627777, 0.33250540494918823, 0.2513132393360138, 0.08395211398601532, -0.20126883685588837, 0.03474694862961769, -1.7434499263763428, 0.03288327157497406, 0.19477517902851105, 0.14405690133571625, 0.2273620218038559, 0.36016830801963806, 0.34326305985450745, 0.9298131465911865, -0.4434407949447632, -0.876869797706604, -1.5701879262924194, 0.6330016255378723, 1.649429202079773, -0.5481980443000793, 0.0298207625746727, -0.7782690525054932, 0.022022977471351624, -0.18902528285980225, -0.6795482039451599, -0.1897100955247879, -0.30734071135520935, 0.1866791695356369, -0.2698413133621216, 0.2771516442298889, -0.4629950225353241, 0.45295485854148865, 0.004863431677222252, 0.6439917087554932, -0.3993338346481323, -0.5143654942512512, -0.3868425488471985, -1.189619779586792, 0.32753831148147583, 0.6356778740882874, -0.3763163983821869, -0.2096257209777832, 0.832368016242981, 0.3544217348098755, 0.4669986367225647, 0.07112010568380356, -0.05062331631779671, -0.31684306263923645, 0.045057088136672974, -0.4393666088581085, 0.38489508628845215, -0.4414241909980774, -0.4694098234176636, 0.677922785282135, 0.18662044405937195, -0.30628064274787903, -0.6283142566680908, -0.07516217231750488, -0.29734891653060913, 0.1559070646762848, 0.9868831038475037, -0.19691190123558044, 0.6674611568450928, -0.7530623078346252, 0.3312813937664032, 0.21263141930103302, -0.4656590223312378, -0.1800098419189453, -0.47045016288757324, -0.1124989315867424, -0.29242074489593506, 0.282318115234375, -0.1569892168045044, 0.038529425859451294, -0.4458979368209839, -0.006163846701383591, 0.33949968218803406, -0.25166377425193787, -0.6269955635070801, -0.43060100078582764, 0.18208661675453186, -1.0231258869171143, -0.050183337181806564, 0.39360901713371277, -0.14360849559307098, -0.10666774958372116, 0.6035789251327515, 0.7032236456871033, 0.14423012733459473, 0.07059905678033829, -0.24163073301315308, 0.724611222743988, -0.2874429523944855, 0.9722460508346558, 0.04006103053689003, -0.48451074957847595, -1.2722541093826294, -0.14182181656360626, -0.3045451045036316, 0.34856244921684265, -0.3703591823577881, 0.11380109935998917, 0.40726548433303833, -0.3003045916557312, 0.09523089975118637, 0.5625907778739929, 0.29812467098236084, 0.013928335160017014, -0.7177942395210266, 1.4744592905044556, 0.07952196896076202, -0.2283240705728531, 0.5893293023109436, 0.8122979998588562, -0.23498588800430298, 0.8864410519599915, 0.2316899299621582, 0.46599745750427246, 0.8917391300201416, -0.11067716032266617, 0.5882996916770935, 0.3717558979988098, -1.5487687587738037, -0.1141844093799591, 0.30177193880081177, -0.2611522078514099, 0.321763813495636, 0.36372050642967224, -0.5296664237976074, -0.646256148815155, -0.2505587935447693, -0.2244410514831543, -0.6788762211799622, 0.13227418065071106, 0.22968122363090515, 0.4576951265335083, 0.7535691261291504, -0.3334900736808777, 0.4564749002456665, 0.3281267583370209, -0.01452454924583435, -0.21984674036502838, -0.3981572091579437, 0.2599554657936096, 0.41486087441444397, 0.7131441831588745, 0.052953049540519714, 0.6913497447967529, 0.5399792194366455, -0.6633543968200684, -0.2953834533691406, 0.5943043828010559, -0.27923819422721863, 0.31501051783561707, 0.08440707623958588, 0.21197520196437836, 0.38653242588043213, 0.43498536944389343, 1.044098973274231, 0.4693245589733124, -0.20291993021965027, -0.9915289878845215, -0.25428685545921326, -0.9012777805328369, -0.3264636993408203, 1.479609727859497, 0.7512158751487732, 0.9484845399856567, -0.2935984432697296, 0.21153123676776886, 0.030288513749837875, -0.1111609935760498, 0.5515499711036682, 0.9940710663795471, 0.183813214302063, -0.22149282693862915, -0.16520904004573822, 0.19743403792381287, 0.2828439474105835, -0.18043571710586548, -0.05991056561470032, -0.5158500671386719, 0.09754164516925812, -0.4748723804950714, -0.15212459862232208, 0.2559463381767273, 0.6920398473739624, 0.323178768157959, -0.6440576910972595, -1.053078055381775, -0.5235432982444763, -0.8706479668617249, 0.2840072810649872, 0.5531406998634338, -0.0473586842417717, 0.044485464692115784, -0.4469532072544098, -0.09478071331977844, -0.18910491466522217, 0.8068862557411194, 1.0362709760665894, 0.12997446954250336, -1.8509547710418701, -0.11785370111465454, -0.9526444673538208, -0.041262444108724594, -0.2022283971309662, 0.10233034193515778, -0.8183814287185669, 0.3108406364917755, -0.2262851893901825, -1.235222578048706, 0.03661529719829559, -0.10590759664773941, -1.3622945547103882, 0.8965586423873901, 1.1934916973114014, -1.2912489175796509, -0.3764438331127167, 0.08122250437736511, -0.39810699224472046, -0.47534945607185364, -0.1522883176803589, -0.6532645225524902, 0.4447198808193207, -0.28917598724365234, 1.1477023363113403, 0.06340135633945465, -0.08346793055534363, 0.28927862644195557, 1.484019160270691, 0.9972479343414307, -0.29015687108039856, -0.16117291152477264, -0.46895578503608704, 0.11949478089809418, 0.044714026153087616, -1.0742782354354858, -0.6818308234214783, -0.06277623027563095, -0.44070494174957275, -0.29324695467948914, -0.38206934928894043, -0.8324018716812134, -0.07398835569620132, 0.21977351605892181, 0.8179415464401245, 0.030779879540205002, 0.41537022590637207, -0.8778677582740784, -0.02914837747812271, 0.5097271800041199, -0.22188621759414673, -0.8242305517196655, 1.1929004192352295, -0.24572786688804626, 0.28906264901161194, -0.20541365444660187, -0.376625657081604, 0.9625723361968994, -0.08558854460716248, -0.32794034481048584, -0.024853646755218506, -14.339615821838379, 0.572650134563446, -0.2155890166759491, 0.7566226124763489, 0.876098096370697, 0.18709704279899597, 0.6662974953651428, -0.0006008241325616837, 0.9152367115020752, -0.5185049772262573, 0.10934881865978241, 1.4151891469955444, -0.4046713709831238, -0.26468613743782043, -0.47725754976272583, -1.0275211334228516, -0.47024989128112793, 0.05306604504585266, -0.08513270318508148, -0.5190582275390625, -0.018695887178182602, -0.498762845993042, -0.13935525715351105, -0.2599601447582245, 0.1654975414276123, 0.579312264919281, 0.4562045931816101, 0.14199361205101013, -0.26254209876060486, 0.26360610127449036, 0.5025759339332581, 0.0943831205368042, -0.2279360592365265, -0.5850574970245361, -0.5048763751983643, 0.6980288624763489, -0.5206496715545654, -0.22806809842586517, 0.9509004950523376, -0.4214027225971222, -0.012408077716827393, 0.3586830496788025, 0.6743122935295105, 0.2837038040161133, -0.6866886019706726, 0.4215337038040161, -0.04830867797136307, -0.7691039443016052, 0.31535494327545166, -0.4863276779651642, -0.2451379895210266, -0.29678142070770264, -0.7196018695831299, 0.07206138968467712, 0.5589832663536072, -0.12563200294971466, -1.0073555707931519, 0.18263554573059082, -0.7671334147453308, -0.7129318714141846, 1.6778318881988525, -0.33007293939590454, -0.21935611963272095, 0.8646836280822754, -0.2616182565689087, -0.794916570186615, 0.4942711293697357, 0.507038950920105, -0.5882017612457275, -0.333758145570755, 0.34377598762512207, 0.6487643122673035, 0.6731225848197937, -0.0798342376947403, 0.4591326117515564, 0.4330008029937744, 0.17926360666751862, -0.3710722327232361, 0.05078641697764397, 0.08783438801765442, -0.7240148186683655, 0.7840163111686707, -0.4825844168663025, -0.3260698616504669, -0.2661864161491394, -0.5351356863975525, -0.48472145199775696, -0.27811869978904724, 0.1667478084564209, 0.15150520205497742, 0.5092000365257263, 0.4585263133049011, -0.15129311382770538, -0.4848560690879822, -0.42144039273262024, 0.08255397528409958, -0.5012027621269226, 0.6084137558937073, -0.5781038403511047, -0.26097917556762695, 0.451690137386322, 0.25267380475997925, -0.3567340672016144, -0.5066256523132324, 0.5774781703948975, -0.07536031305789948, -0.24558952450752258, 0.14368784427642822, -0.3318940997123718, 0.0062607694417238235, 0.7036630511283875, -0.25035539269447327, 0.35740524530410767, 1.461759328842163, -0.20360387861728668, 0.8140899538993835, 0.7722276449203491, -0.7989351153373718, 0.30912384390830994, 1.0833654403686523, 0.36960092186927795, 0.09973938018083572, 0.6854697465896606, 0.3903670907020569, -0.34386810660362244, 0.27412405610084534, 0.0914420634508133, 0.3278585970401764, -1.0463618040084839, -0.7289342284202576, 0.3649780750274658, -0.10408879816532135, 0.2554592788219452, -0.23616603016853333, -0.5770840644836426, -0.7623302340507507, -0.11162805557250977, 0.8598858118057251, -0.03520898520946503, 0.15300047397613525, -1.0793497562408447, -0.48662474751472473, 0.24323663115501404, -0.6815478205680847, -1.012573480606079, -0.33506789803504944, -0.8359721302986145, -0.18489447236061096, -0.677594780921936, -0.35452139377593994, 0.015170315280556679, -0.22628578543663025, 0.9784265160560608, -0.5820309519767761, 0.03651384264230728, -0.7736318111419678, 0.5883108973503113, -0.03960941731929779, -0.8771247267723083, -0.20914195477962494, 0.08188008517026901, 0.5930041074752808, -0.30522844195365906, 0.877103328704834, 0.8191909790039062, 0.44353410601615906, -0.07506874203681946, -0.09994848072528839, -0.3468356430530548, 0.16476044058799744, 1.0720723867416382, -0.6713770031929016, -0.08711157739162445, -0.31275489926338196, -0.10858631134033203, -0.44542497396469116, 0.7834165096282959, 0.622115969657898, -0.41223081946372986, 0.6768225431442261, -0.22870606184005737, 0.3700684607028961, 0.46771350502967834, -0.7226424813270569, -0.011498674750328064, 0.40875208377838135, 0.07735390216112137, 0.6228761672973633, -0.08999963104724884, 0.051482509821653366, -1.1167070865631104, -0.9796364903450012, -0.17835697531700134, 0.15891428291797638, 0.6418283581733704, -0.11267520487308502, 1.0479693412780762, -0.09601690620183945, 0.02615717053413391, 0.1740633249282837, -0.42080020904541016, 0.36291858553886414, 0.11878500878810883, 0.3242345154285431, -0.4226464331150055, 0.028305761516094208, -0.7222884297370911, 0.3580673933029175, 0.5595101714134216, 0.7765836119651794, -0.15540185570716858, -0.05280173197388649, 0.8749692440032959, -0.3753923773765564, 0.3348873257637024, -1.1884710788726807, 0.7228761911392212, -0.24138110876083374, -0.5277863144874573, -0.3845173716545105, 0.04251648113131523, 0.7839169502258301, 0.13840407133102417, 0.7181368470191956, -0.08041421324014664, 0.44301164150238037, 0.7153996825218201, 0.49352705478668213, 0.8840839266777039, 0.12798680365085602, -0.6504958868026733, 0.5324237942695618, -0.8345174789428711, -0.34007999300956726, -0.16595882177352905, 0.137118399143219, -0.12996402382850647, 0.6532353758811951, -0.6833873391151428, 0.30830544233322144, -0.5607126951217651, 0.29186517000198364, 0.1075994223356247, 0.916634202003479, -0.6448724865913391, -1.0544854402542114, -0.24980196356773376, -0.4233229160308838, 0.13639862835407257, 0.8112812042236328, 0.27526313066482544, 0.2663764953613281, 0.6336346864700317, -0.010063573718070984, 0.9184147119522095, 0.45697999000549316, 0.06231696158647537, 0.20503190159797668, -0.09776313602924347, 1.2771157026290894, 0.9875998497009277, -0.14610174298286438, -0.1353655308485031, -0.057653479278087616, -0.6365858316421509, -0.04860759526491165, -0.43635430932044983, 0.20521683990955353, 0.5181684494018555, -0.18930171430110931, 0.3978477120399475, -0.3512505888938904, 0.34584441781044006, -0.4365021884441376, 0.06899899989366531, 0.08485640585422516, -0.9700188636779785, -0.5090045928955078, -0.42024171352386475, -0.12922638654708862, 0.4439341723918915, -0.2373567521572113, -0.5238932967185974, -0.06807291507720947, 1.1841340065002441, -0.19973209500312805, -0.2007705420255661, -0.41865500807762146, 0.47038891911506653, 0.253105103969574, 1.069081425666809, 0.34235116839408875, -0.2853294610977173, -0.255226731300354, -0.10154394805431366, -0.17968209087848663, 0.5193657875061035, -0.08053507655858994, -0.4680241644382477, 0.052023548632860184, 0.3938167095184326, -0.8045659065246582, 0.19445623457431793, 0.13848264515399933, 0.02781449444591999, -1.1237382888793945, 1.1749569177627563, 0.1477469801902771, 0.6982895731925964, -0.5307441353797913, -0.01761874556541443, 0.019544031471014023, 0.31911328434944153, 0.5345752835273743]} +{"paper_id": "timit_asr", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "aeslc", "embedding": [-0.705094575881958, 1.199413537979126, -0.1552131026983261, 0.26997488737106323, 1.1122190952301025, -0.18531553447246552, 1.0854023694992065, 0.3298351466655731, 0.49655190110206604, 0.24719356000423431, 0.28527939319610596, 0.35864076018333435, 0.3223220407962799, 0.4994000494480133, -0.7927101254463196, -0.14222389459609985, -0.9853933453559875, -0.23373042047023773, -1.1096971035003662, -0.6158864498138428, -0.8576076030731201, -0.4931144118309021, 0.047260332852602005, 0.3709527850151062, -0.6301687359809875, -0.6445068717002869, 1.1201597452163696, -1.3684544563293457, 0.03471416234970093, 0.412295937538147, -0.22876214981079102, 0.9779895544052124, -1.0337481498718262, 0.019439697265625, -0.7553084492683411, -0.7095047831535339, -0.2419455200433731, 0.8151613473892212, -0.5844680070877075, -0.17628353834152222, -0.8943469524383545, 0.8819014430046082, 1.3000123500823975, -0.5919409394264221, 0.209472194314003, -0.25287312269210815, 0.035942718386650085, -0.8789286613464355, -0.08367697149515152, 0.016741465777158737, -0.4226129651069641, 0.5569421052932739, 0.09491057693958282, 0.5752038955688477, 0.2521958649158478, 1.3003777265548706, -0.2627788186073303, -0.6346187591552734, 0.028503695502877235, -0.053205784410238266, 1.0640989542007446, 1.0692884922027588, 0.431982159614563, 0.5159857273101807, 0.893162190914154, -0.4194035530090332, 1.5348433256149292, -0.12060007452964783, -0.27996018528938293, 1.2488946914672852, -1.3177365064620972, -1.2518092393875122, 0.5934960842132568, -0.8333266377449036, -0.18503063917160034, 0.6202170848846436, 0.2868797481060028, -0.11391034722328186, -0.05998378247022629, -0.09122557193040848, -0.3024637699127197, 0.27182769775390625, 1.1538821458816528, -0.756145715713501, 0.5328195095062256, 0.3103679120540619, -0.29361283779144287, 0.4226815104484558, -0.6103442907333374, -1.2445815801620483, 0.5822579860687256, -0.09440525621175766, -0.0036683715879917145, 0.19702059030532837, -0.5861678123474121, 0.5867873430252075, 0.3025996685028076, 0.3153294026851654, -1.0518848896026611, 0.5708171129226685, 0.6405459046363831, -0.11868052184581757, 0.304813414812088, -0.41751810908317566, 0.11284653842449188, 0.9898504018783569, 0.06745894253253937, -0.6387144327163696, -0.12277887761592865, -0.5352808833122253, -0.052729107439517975, -0.3177792429924011, 0.035670407116413116, 0.6697530150413513, -0.21160243451595306, 0.047568291425704956, 0.23018664121627808, 0.11230677366256714, -0.11070584505796432, -0.32660841941833496, -1.002907156944275, -1.6410937309265137, 0.32546159625053406, -0.17483212053775787, 1.2973591089248657, -1.2324025630950928, -0.44003915786743164, -1.2678215503692627, 0.2450176626443863, -0.14590013027191162, 0.824786901473999, 0.39252984523773193, -0.513939380645752, 0.06230800226330757, 2.921485424041748, -1.6231485605239868, 1.1511613130569458, -0.18491314351558685, -0.34574708342552185, -0.6392328143119812, 0.5544620752334595, 1.72512686252594, -1.00205659866333, -0.83091801404953, -1.06792151927948, 0.19486752152442932, -0.6152334213256836, 0.6395480036735535, -0.6456298232078552, -0.09560805559158325, 0.26599258184432983, -0.3792870342731476, -0.7015960812568665, -0.33259010314941406, -0.22364404797554016, 0.20402246713638306, 0.554024875164032, 0.17170172929763794, -0.5907537341117859, 0.6238599419593811, 1.2696017026901245, 0.2574612498283386, 0.04082176089286804, 0.06484246999025345, -0.5809276700019836, -0.4847176969051361, 0.3216637372970581, -0.4332467317581177, -0.6734418869018555, -0.186331108212471, 0.27965080738067627, -0.27421826124191284, 0.3641372621059418, -0.3372720777988434, -0.4596514105796814, 0.14686694741249084, 0.7375417947769165, 0.7533302903175354, 0.17711879312992096, -0.9144193530082703, -0.02517310529947281, -0.9473008513450623, -0.26953625679016113, 0.3993421494960785, -0.4492473006248474, 0.4346495568752289, -1.8570759296417236, -0.6230010390281677, -0.2976934611797333, 1.1146154403686523, -0.005502417683601379, -0.38627368211746216, -0.4304349422454834, -0.26079320907592773, 0.02797713130712509, -0.6484360098838806, 0.22345338761806488, -0.6701933741569519, 1.0820932388305664, 0.44946104288101196, 0.7143344879150391, 0.06547132879495621, 0.029508372768759727, 1.2343703508377075, 1.4465649127960205, -0.3131900727748871, -0.40931081771850586, -1.7413313388824463, 0.466400682926178, 1.6257658004760742, -0.7772759795188904, -0.9160655736923218, -1.2375617027282715, -0.28652337193489075, 0.8411806225776672, 0.18861648440361023, 0.1088925302028656, -0.32000529766082764, 0.23332472145557404, -0.7023000121116638, -0.41435763239860535, -0.6132721304893494, 0.01147904247045517, 0.8128519058227539, 0.9086999893188477, -0.12246450781822205, 0.09820060431957245, -0.6610764861106873, -0.8240994215011597, 0.09872859716415405, 0.947493851184845, 0.033400632441043854, -0.2209317982196808, 0.4476718306541443, 0.17995768785476685, 1.1045470237731934, 0.6850971579551697, 0.2510978877544403, 0.06687401235103607, -0.30679723620414734, 0.24017122387886047, 1.1228281259536743, 0.0872420221567154, 0.3844936490058899, -0.3846813440322876, -0.021406233310699463, -0.2582089900970459, -0.041782598942518234, 0.13591927289962769, -0.45258957147598267, 0.9654104709625244, 0.4255882501602173, -0.19372384250164032, 0.6484408974647522, -0.855506181716919, 0.03452347591519356, -0.579007089138031, -0.5242540836334229, -0.38558030128479004, -0.14265717566013336, 0.7620320916175842, 0.22390499711036682, 0.15566962957382202, -0.4052204489707947, 0.09176909923553467, -0.4386236369609833, -1.5250749588012695, -0.04759399965405464, -0.332949697971344, -1.0881766080856323, -0.8671913146972656, -0.5113821029663086, -0.8577253222465515, -0.2982989251613617, 0.5970990657806396, 0.06139816343784332, -0.4328572750091553, 0.4593910276889801, 1.416099190711975, -0.5301159620285034, 0.49875080585479736, -0.7407552003860474, 1.2861278057098389, 0.46218180656433105, 0.7933793067932129, -0.9739722609519958, -0.5708046555519104, -0.9479133486747742, -0.014911018311977386, -0.627986490726471, 0.02670764923095703, 0.2749083638191223, -0.22645723819732666, 0.11884621530771255, -0.3870793581008911, -0.20725178718566895, 0.13220787048339844, -1.1272249221801758, 0.5847772359848022, -0.6227433085441589, 1.642945408821106, 0.3941009044647217, -0.22234804928302765, 1.1915733814239502, 0.1843194216489792, 0.1250746250152588, 0.7278019189834595, -0.5178658366203308, 1.3785701990127563, 0.25684821605682373, -0.3437429964542389, 0.7986189723014832, 0.15870600938796997, -1.9561526775360107, 0.031189249828457832, 1.527572751045227, -1.1185117959976196, -0.5120284557342529, -0.2882891595363617, -0.2644071578979492, -0.01157121267169714, -0.5169678330421448, 0.16911077499389648, -0.5372635126113892, 0.19687484204769135, -0.27652227878570557, -0.08527969568967819, 0.41411030292510986, -0.4315676689147949, 0.5627167224884033, 0.7502812743186951, 0.20729121565818787, -1.6027114391326904, -0.9821022748947144, 0.8158748745918274, -0.4854324162006378, -0.13531655073165894, 0.3459267020225525, 0.9484808444976807, 0.26393064856529236, -0.1267676055431366, 0.5639232397079468, 0.5813149213790894, 1.0523936748504639, -0.4074765145778656, 0.09935643523931503, -0.6879518628120422, 0.37406373023986816, -0.23238492012023926, 1.6393288373947144, -0.14478497207164764, -0.23810051381587982, -0.25351157784461975, -0.04186639189720154, -0.6851202845573425, -0.5867795944213867, 0.3938252031803131, 0.649393618106842, 1.352631688117981, 0.4666833281517029, 0.31573304533958435, -0.3681626319885254, -0.4609591066837311, 0.5417046546936035, 0.5145448446273804, 0.775098443031311, -1.3385686874389648, -0.06927353143692017, 1.1445391178131104, 0.5801998376846313, -0.5473389029502869, 0.2835107743740082, 1.4181512594223022, -0.8871079087257385, -0.05319704860448837, 0.21254105865955353, 0.4339570701122284, 0.6535792946815491, 1.7871958017349243, -0.671629786491394, -0.3393586277961731, -0.3652007281780243, -0.05541277676820755, 0.39220133423805237, 0.46101129055023193, -1.2337234020233154, 0.2535369098186493, 0.3710862100124359, 0.243205726146698, -0.20696304738521576, 0.8597544431686401, 1.02909517288208, -0.3286222219467163, -0.2948770225048065, -0.32852572202682495, -0.7359930872917175, -0.6376696825027466, 0.09837336093187332, 0.21621574461460114, -1.060319185256958, 0.8320949673652649, -0.40243083238601685, -1.0936123132705688, 1.097440242767334, -0.03504340350627899, -0.28971680998802185, 0.13290482759475708, 0.7086344957351685, -1.8093373775482178, -0.6529108881950378, -0.15157952904701233, -1.087536334991455, -0.5927891731262207, -0.3069602847099304, -0.43628814816474915, 0.33005180954933167, 0.39981016516685486, 0.0171070359647274, 0.1378765106201172, 0.45098263025283813, -1.2412816286087036, 0.3637825846672058, 1.0960941314697266, -1.2621581554412842, 0.8709689378738403, 0.36058396100997925, 0.5852011442184448, 0.27574121952056885, -0.4672353267669678, -0.43557313084602356, -0.32572340965270996, 0.163191020488739, 0.20140154659748077, -0.711408793926239, 0.8382630944252014, 0.3236449956893921, 0.0012679025530815125, 0.3423975110054016, -0.7549613118171692, -0.0821358934044838, -0.6540722846984863, 0.4167529046535492, 1.529540777206421, -0.2550239562988281, -0.8386513590812683, 0.5701008439064026, -0.5640904307365417, 0.6786779165267944, -0.07004658877849579, -0.08897118270397186, 0.3403250575065613, 0.466036319732666, -0.3035471439361572, -0.538642942905426, -11.536754608154297, 0.6788259744644165, 0.20490767061710358, 0.16312137246131897, 0.44981974363327026, 0.5237611532211304, 0.885062575340271, 0.06757873296737671, 0.856455385684967, -0.28930574655532837, 0.3595496714115143, 2.1289494037628174, -0.3243051767349243, -0.408058762550354, -0.16405288875102997, -0.7644765973091125, -0.8691578507423401, 0.018337085843086243, 1.1279513835906982, -0.5116127729415894, -0.007043778896331787, -0.6635833978652954, 0.029624901711940765, 0.0521637499332428, 0.5005704760551453, -0.42528876662254333, -0.3642047643661499, 0.4172475039958954, -0.9061377048492432, 0.08698183298110962, 0.6011443734169006, 0.2124617099761963, -0.23636223375797272, -0.6061474680900574, -0.1931777149438858, -0.19305585324764252, -0.9880399107933044, -0.09685982763767242, 0.5475831031799316, -0.33579021692276, 0.3025549650192261, 0.1669006198644638, 0.824743390083313, -0.8557165265083313, -0.6904801726341248, 0.283569872379303, 0.3200414478778839, -0.03814016655087471, 1.527774691581726, -0.25700560212135315, -0.571424126625061, -0.33786916732788086, -1.2057026624679565, -0.278157502412796, 0.44468235969543457, 0.4050336480140686, -0.9544218182563782, 0.32928988337516785, 0.3727176785469055, -0.871071457862854, 0.7955056428909302, 0.020369254052639008, 0.11220293492078781, 0.08311739563941956, 0.3923279345035553, -0.9284029006958008, -0.12185778468847275, -0.28536519408226013, 0.13057434558868408, 0.7503059506416321, -0.8188386559486389, 0.91612708568573, 0.11941595375537872, -0.0686347633600235, 0.7847732305526733, -0.07518912106752396, -0.34592872858047485, -0.09907300025224686, 0.7634395956993103, -0.1387287974357605, -1.1955279111862183, 0.6798118948936462, -0.15797100961208344, -0.6635730862617493, -0.3491557240486145, 0.39926913380622864, -0.052365370094776154, -0.43037915229797363, 0.7099636793136597, -0.4633335471153259, 0.9771367907524109, -0.43522921204566956, 0.21726104617118835, 0.3000124990940094, -0.405547171831131, 1.3567347526550293, -1.0353419780731201, 0.48323196172714233, 0.01831507682800293, -0.16118362545967102, -0.16996115446090698, 0.165907084941864, -0.6520698070526123, -0.4302392303943634, 1.0334442853927612, -0.335315465927124, -0.42155832052230835, 0.1588572859764099, -0.27401936054229736, -0.16092532873153687, 0.27371475100517273, 0.6134449243545532, -0.23893706500530243, 1.0764789581298828, 0.1243520975112915, 1.3294367790222168, 1.3232231140136719, 0.14071017503738403, 0.46063321828842163, 0.2385248839855194, -0.8173988461494446, 0.39496564865112305, 0.5106184482574463, 0.376725435256958, 0.5654752254486084, 0.416464239358902, -0.106752410531044, 0.5368109345436096, -0.32966676354408264, -1.3571953773498535, 0.3471408784389496, 0.13702146708965302, 0.4045438766479492, -1.1614042520523071, -0.084220290184021, 0.21260598301887512, -0.6908000707626343, 1.625914454460144, -1.279451608657837, 0.34799617528915405, 0.06821740418672562, -0.6124284267425537, -0.1379374861717224, -0.5416560173034668, -0.8763123154640198, -0.0640157088637352, -2.031353712081909, 0.5073643922805786, -0.27349260449409485, 0.1469842940568924, -0.2078097015619278, -0.44815942645072937, 0.062498368322849274, -1.314407229423523, -0.8371648788452148, 0.3101606070995331, 0.9781031608581543, 0.36343005299568176, -1.1586533784866333, -0.49423590302467346, 0.6533681154251099, 0.8321249485015869, -0.273317813873291, 0.8801107406616211, 0.20254793763160706, -0.39076337218284607, -0.22438877820968628, 0.4222530722618103, -0.6124277710914612, 0.4155080318450928, 1.3443317413330078, -1.3896459341049194, -0.01612112671136856, -0.35993725061416626, 0.2203928828239441, -0.3815993070602417, 0.6625392436981201, 1.2972564697265625, -1.6317085027694702, 0.03558707982301712, -0.15489497780799866, 0.08289063721895218, 1.4232956171035767, -0.09694482386112213, -0.1982465386390686, 0.8020429015159607, -0.10367504507303238, 0.28806671500205994, -0.4304363429546356, 0.6807389259338379, -1.6983474493026733, -1.954582929611206, -0.6183284521102905, -0.3141267001628876, 0.5766070485115051, -0.1768099069595337, 1.014170527458191, 0.23279671370983124, -0.7432726621627808, -0.7067521214485168, -0.32267698645591736, 0.7008126974105835, -0.04287907853722572, 0.7156729698181152, -0.049957942217588425, -0.43185582756996155, -0.8229902982711792, 0.24137520790100098, 0.08876107633113861, -0.016634929925203323, -1.488492727279663, -0.11630821228027344, 0.29381123185157776, 0.39254119992256165, -0.08136993646621704, -1.3272600173950195, -0.5048271417617798, 0.052554164081811905, -0.2757687568664551, -1.5051966905593872, 0.13704340159893036, 1.0338243246078491, -0.7418636679649353, 1.1590443849563599, 0.910305380821228, 0.654339075088501, 0.4701113998889923, -0.26352185010910034, 1.5624587535858154, -0.2634452283382416, -0.9046131372451782, 0.25513848662376404, -0.29408520460128784, 0.46881958842277527, 0.8538898825645447, -0.23355750739574432, -1.0477148294448853, -0.2394917607307434, -0.8676165342330933, -0.14356756210327148, 0.026878681033849716, 1.0038788318634033, 0.8076086640357971, 1.5138126611709595, 0.6444822549819946, -1.1136057376861572, -0.1243448406457901, -0.9652699828147888, -0.2516030967235565, 1.2735857963562012, -0.07555539906024933, 0.18230126798152924, 0.4862089157104492, -0.7820714116096497, 1.1071035861968994, -0.323255330324173, 0.06368227303028107, -0.14915508031845093, 0.47293293476104736, 0.6092942357063293, 0.2687203288078308, 0.7112675309181213, 0.27173277735710144, -0.1723150908946991, 0.34290939569473267, -0.11446195840835571, -0.5612689852714539, 0.4763861894607544, 0.780718207359314, -0.7397496104240417, -0.21921412646770477, -0.4677879214286804, 0.44300875067710876, -0.2955721318721771, 1.2835882902145386, -0.5069674253463745, -0.9667218327522278, -1.6957283020019531, -0.39900514483451843, -0.30684682726860046, 0.19461536407470703, -0.2458706796169281, -0.3608666658401489, -0.12146873772144318, 0.25801023840904236, 0.3258621394634247, 0.311231404542923, -0.7618975043296814, 0.766826331615448, -0.6051413416862488, 1.0226695537567139, 0.582945704460144, -0.5380972623825073, -0.311583548784256, -0.26972663402557373, -0.14127397537231445, 0.8882508277893066, 0.7731879353523254, -0.9506762623786926, 0.16467051208019257, 0.6332562565803528, 0.9347851276397705, -0.09876535832881927, 0.5268359780311584, -0.009490063413977623, -1.4138096570968628, 1.264650821685791, 0.409829705953598, -0.6743036508560181, 0.27179497480392456, 0.7807585000991821, 0.2794039845466614, 0.3520979583263397, 1.7353962659835815]} +{"paper_id": "ecthr_cases", "embedding": [0.11209528148174286, 1.1007804870605469, -0.7526615262031555, 0.3973807096481323, 0.638444721698761, 0.06894618272781372, 0.2598770558834076, 0.47462198138237, 0.9283901453018188, 1.511408805847168, -0.12100556492805481, 0.9001592397689819, -0.48618754744529724, 0.1676064431667328, -0.4447632133960724, -0.4049151539802551, -0.37428727746009827, 0.28910332918167114, -0.4184122681617737, -0.01213085651397705, -0.794231116771698, -1.1135785579681396, -0.11770406365394592, 0.8142220973968506, -1.1457639932632446, -0.021157626062631607, 0.6273656487464905, -1.3000259399414062, 0.0748019814491272, 0.09907403588294983, 0.28699982166290283, 2.6081290245056152, -2.0529942512512207, 0.8593384027481079, -0.8127320408821106, -0.6200142502784729, -0.5127716064453125, 0.9339184165000916, -0.7493964433670044, -0.31604400277137756, -1.5368614196777344, 1.1738572120666504, -0.03570902720093727, 0.1014532819390297, -0.059895917773246765, -0.7631297707557678, 0.0467701330780983, 0.3263632655143738, 0.031944140791893005, 0.0429362915456295, -0.3889271914958954, 0.08512846380472183, -0.06126026064157486, 0.12731614708900452, 0.09457222372293472, 1.6276010274887085, -0.22461459040641785, -0.8117270469665527, 0.6151056289672852, -0.0637081190943718, 1.3912861347198486, 1.590506911277771, -0.38535669445991516, -0.6412126421928406, 0.46600350737571716, -0.11842095851898193, 1.6546708345413208, -0.018555425107479095, 0.022723428905010223, 0.683230996131897, -0.2561008930206299, -1.0549283027648926, -0.11867768317461014, -0.9261699914932251, -0.34127503633499146, 0.5866965055465698, 1.27366304397583, -0.8002946972846985, -0.04925743490457535, -0.21883690357208252, -0.4366830289363861, -0.032337725162506104, 0.40283215045928955, -0.7298417687416077, -0.6411702036857605, -0.6027867794036865, 0.60267174243927, -0.015141640789806843, 0.3587406873703003, -1.111936330795288, 0.41966712474823, -0.266786128282547, -0.11635153740644455, 0.016526103019714355, -0.2536333501338959, 0.6131608486175537, 0.5464943051338196, -0.284402996301651, -0.20187026262283325, -0.07615035772323608, 0.1352352797985077, -0.5628489255905151, 1.3875901699066162, 0.3703288733959198, 0.07832638174295425, 1.6676056385040283, 0.11980125308036804, 0.17458242177963257, -0.9136880040168762, -0.31233975291252136, 0.18694370985031128, 0.749723494052887, 0.43096745014190674, 0.6719123125076294, -0.2732901871204376, 0.9995402693748474, 0.3930804431438446, -0.17945854365825653, -0.4562635123729706, 0.16706359386444092, -0.5783579349517822, -1.1075201034545898, -1.3047430515289307, 0.41360557079315186, 0.6972262263298035, 0.33846214413642883, 0.7380644679069519, 0.14282634854316711, 0.025557348504662514, -0.5066576600074768, -0.13530641794204712, 0.3055175840854645, -1.2939218282699585, 0.7084954977035522, 2.59470272064209, -0.8416274189949036, 0.822135329246521, -0.2596423029899597, 0.35080885887145996, -0.21345478296279907, 0.366489052772522, 0.7718604803085327, 0.3073417544364929, -1.669758677482605, -1.0675019025802612, 0.7351202368736267, -0.4819313883781433, 0.5561761856079102, -1.1268420219421387, -0.33038511872291565, 0.5075885653495789, 0.19252660870552063, -0.838473379611969, -0.22880977392196655, 0.12379848957061768, 0.23177754878997803, -0.30885791778564453, 0.24897697567939758, -0.04486409202218056, 0.21235913038253784, 1.0097655057907104, 0.6671004295349121, -0.20119720697402954, 0.5016072392463684, -0.7440032958984375, -0.5564289093017578, 1.0683296918869019, -0.8460309505462646, -1.025989055633545, 0.10716784745454788, 1.3287910223007202, -0.654564380645752, -0.5042300820350647, -0.8055211901664734, -0.28964561223983765, 0.2965933382511139, 0.16373026371002197, 0.7802500128746033, -0.0579347088932991, -0.7970829010009766, -1.0164778232574463, 0.2956026792526245, -0.17645825445652008, 0.3337250053882599, -1.0203852653503418, -0.3722083866596222, -1.8255763053894043, -0.23263762891292572, -0.9988024234771729, 1.3768881559371948, -0.15018531680107117, 0.3642551302909851, -0.061681538820266724, 0.8848968744277954, -0.13291078805923462, -1.2019075155258179, 0.38488149642944336, -1.6485716104507446, 0.15228891372680664, 0.017290852963924408, 0.17794983088970184, -1.0485281944274902, 0.009122021496295929, -0.20903877913951874, 0.6093716621398926, -0.5418854355812073, -1.2795124053955078, -2.1787588596343994, 0.7582230567932129, 1.3871502876281738, -0.056729912757873535, -0.303030788898468, -1.4544328451156616, -0.5291464924812317, 0.3466275632381439, 0.695421576499939, 0.6047540903091431, -1.2053751945495605, 0.4028169810771942, -2.0751919746398926, 0.8907673954963684, -0.18730750679969788, -0.21078261733055115, 0.25628674030303955, 0.715327262878418, -0.6851245760917664, -0.35268667340278625, 0.22165675461292267, -1.385091781616211, 0.6805906295776367, 0.6428280472755432, 0.01599886454641819, 0.21949730813503265, 1.2186965942382812, 0.39857053756713867, 0.9042609930038452, 0.48036620020866394, 0.2653963267803192, -0.9894016981124878, 0.5304381251335144, 0.22043317556381226, 0.5553058981895447, -0.31621670722961426, -0.8964641094207764, 1.0391645431518555, 0.4381261467933655, -0.033254045993089676, -0.7796022295951843, -0.5171378254890442, -0.9233116507530212, 0.490679532289505, 0.8214726448059082, -0.5862948298454285, 0.915823221206665, -1.2373830080032349, 0.016736730933189392, -0.06089935824275017, -1.2625006437301636, -0.7864961624145508, 0.36669981479644775, 0.28015437722206116, 0.469195693731308, -0.27727845311164856, 0.14872094988822937, -0.950135350227356, -0.7134788632392883, 0.06782765686511993, -0.34578031301498413, -0.22115127742290497, -0.7602705955505371, -0.6424157619476318, 0.07411647588014603, -1.7044533491134644, -0.004743490368127823, 0.2639305591583252, -0.28146782517433167, -1.1352884769439697, 0.9120140075683594, 1.404046893119812, -0.30803465843200684, 0.2239667773246765, -0.5585189461708069, 1.7523961067199707, 0.24597352743148804, 0.8368369340896606, -0.7623982429504395, -0.017889197915792465, 0.3871065378189087, 0.3926468789577484, -0.22110618650913239, 0.6104568243026733, 0.32657721638679504, -0.820134699344635, 0.5524619817733765, -0.08220305293798447, -0.8045380711555481, 1.1282130479812622, 0.9334014654159546, -0.3864753842353821, -1.365567922592163, 0.6024009585380554, 0.4484407603740692, -0.49692097306251526, 0.8244881629943848, 0.44171392917633057, -0.37016451358795166, 1.8847298622131348, -0.04054606705904007, 0.4563903212547302, -0.41775357723236084, 0.15643645823001862, 0.43196365237236023, 0.17117449641227722, -0.8129051923751831, 0.3789586126804352, 1.0989513397216797, -0.6990989446640015, 0.2559022605419159, -0.7113880515098572, 0.24613963067531586, -0.23245102167129517, 0.09415199607610703, 0.07478982210159302, -0.830315887928009, 0.2036028504371643, -0.3361351788043976, 0.7029868364334106, 0.45156246423721313, -0.8001784086227417, 0.46209606528282166, -0.3498789668083191, 0.33020785450935364, -1.0147669315338135, -0.05357196927070618, 0.5052398443222046, 0.010167323052883148, 0.6511931419372559, -0.10489299148321152, 1.5030810832977295, 1.3263490200042725, -0.7271134853363037, -0.0408531092107296, 1.1984996795654297, -0.2178652584552765, 0.40587273240089417, 0.48487797379493713, -0.24391917884349823, 0.19272103905677795, -0.9566206336021423, 1.4257217645645142, 0.3103562593460083, -1.1384867429733276, -2.324826240539551, -0.41290774941444397, -1.0867193937301636, -0.9157907366752625, 1.395898461341858, 0.7168260216712952, 1.6022435426712036, 0.28927528858184814, 0.5545229911804199, -0.19855299592018127, -0.1793634295463562, -0.013508297502994537, -0.08310306072235107, -0.04572512209415436, -0.6850186586380005, 0.465032696723938, 0.9536899924278259, 0.3064537048339844, -0.24612963199615479, -0.009121722541749477, 1.3365017175674438, -0.14426076412200928, -0.6610565781593323, 0.013399263843894005, -0.9869706034660339, 0.5439032316207886, 2.3128695487976074, -0.7239737510681152, -0.9170833826065063, 0.2163729965686798, -0.04817546159029007, 0.2984393835067749, 0.42236074805259705, -0.6630715131759644, -0.4695345461368561, -0.11786502599716187, 0.6655276417732239, 0.053220778703689575, 0.05567426234483719, 0.30036789178848267, 0.5551027655601501, -1.7089176177978516, -0.7153226137161255, -0.7010583281517029, -1.0053120851516724, -0.5828579664230347, -0.6793121695518494, -0.15600474178791046, 0.42489850521087646, -0.7478549480438232, -0.765421986579895, 1.0762031078338623, -0.7625200748443604, -1.2436479330062866, 0.49722176790237427, 0.704328179359436, -1.7275702953338623, -0.5273027420043945, 0.1910599321126938, -0.5954544544219971, -0.7679142355918884, 0.04210532829165459, -1.042602777481079, 1.8561688661575317, 0.22033797204494476, -0.08625061810016632, 0.11920008063316345, 0.5053088665008545, -0.9928026795387268, 1.1783431768417358, 0.5048599243164062, -1.3541133403778076, 1.374353289604187, 0.48605674505233765, 0.3947533965110779, 0.8480877876281738, -0.4887809157371521, -0.044046442955732346, 1.5716407299041748, 0.48272982239723206, 0.27379563450813293, -0.6372767090797424, -0.8115277290344238, 1.1381536722183228, 0.1979561597108841, 0.5165426135063171, -0.5848763585090637, -0.14952653646469116, -0.17990845441818237, 0.6200001239776611, 0.9890689849853516, -0.09927481412887573, -1.6693779230117798, 0.9545709490776062, 0.1472235918045044, -0.15760153532028198, -0.141583651304245, -0.008457742631435394, 1.317791223526001, -0.40567758679389954, -0.11806176602840424, -0.9996263384819031, -9.730950355529785, 1.5282703638076782, 0.34852972626686096, 0.7588194608688354, 0.3893359899520874, -0.29659804701805115, -0.20267623662948608, -0.8368474841117859, 0.8833462595939636, -0.3977275490760803, 0.10975435376167297, 2.3314056396484375, 0.5758506655693054, -0.6435521841049194, -0.6217573881149292, -1.9750767946243286, -1.1062309741973877, 0.23141463100910187, -0.37204235792160034, -0.11588119715452194, 0.0695851743221283, -1.1807901859283447, 0.8484716415405273, -0.7907307147979736, 0.8760859370231628, -0.6873970031738281, -0.2058558464050293, -0.5874685645103455, -0.5190380215644836, 0.466354101896286, 0.4483560025691986, 0.2676151990890503, -0.30526620149612427, -0.2813907861709595, 0.41859281063079834, 0.22510455548763275, -0.7292460799217224, -0.18063122034072876, 1.2251417636871338, -0.046372245997190475, 0.36572784185409546, 0.07838974893093109, -0.018977399915456772, -0.40521538257598877, -0.2991223931312561, -0.8498824834823608, 0.1677415519952774, -1.0298610925674438, -0.23330584168434143, 0.33857467770576477, -0.4649706482887268, -0.5360923409461975, -1.3499845266342163, -0.36041149497032166, 0.4646425247192383, 0.04635205119848251, -0.522998571395874, 0.26280808448791504, -1.153153657913208, -0.8372910022735596, 0.3129597008228302, -0.0684070736169815, -0.3146804869174957, 0.7153596878051758, 0.09284994006156921, 0.0068612610921263695, 0.40363019704818726, -0.11623955518007278, 0.11727394908666611, 0.6435996294021606, -0.8970215320587158, 1.2600982189178467, -0.5466854572296143, 0.11278367042541504, -0.5347759127616882, -0.410451740026474, -0.42863738536834717, -1.071310043334961, 0.8352353572845459, -0.4376917779445648, -1.3794448375701904, 1.294715166091919, -0.4195202887058258, -0.07517168670892715, -0.7727975845336914, 0.03808143362402916, -0.7682427763938904, -1.030052661895752, 0.3781549334526062, -0.06501175463199615, 0.3508107662200928, -0.20051583647727966, -0.17740435898303986, -0.23250418901443481, -0.8059330582618713, 0.8679448962211609, -1.3253482580184937, 1.1841394901275635, 0.45487144589424133, -0.4357633888721466, 0.5154932737350464, 0.9132634997367859, -0.7888383865356445, 0.06406866014003754, 0.24840615689754486, 0.024275802075862885, 0.19041386246681213, -0.4269627034664154, -0.10442067682743073, -0.7142440676689148, 1.4602082967758179, 0.02911706268787384, 0.6536773443222046, 0.4511513113975525, -0.5270812511444092, 0.12506677210330963, 0.9253352880477905, 0.14828285574913025, -0.33585959672927856, 1.5479552745819092, -0.11570285260677338, 0.8846467137336731, -0.11075804382562637, 1.1814385652542114, -0.30122190713882446, 0.46260595321655273, 0.8524613976478577, -0.2226608544588089, -0.6304365396499634, -1.7643797397613525, 0.2695446312427521, -0.3786146342754364, 0.9579861760139465, -0.6098878383636475, -0.16367894411087036, -0.3792939782142639, -0.9762371778488159, 0.42903825640678406, -0.4338942766189575, 0.4182693064212799, -0.4965636730194092, 0.539042592048645, 0.46316760778427124, -0.5977679491043091, -1.574300765991211, 0.20359010994434357, -1.993467092514038, 0.5356854200363159, -0.5624966025352478, -1.02145254611969, -0.4301219880580902, -0.5491976141929626, 0.900063157081604, -0.6225852370262146, -0.0769520029425621, -0.5072394609451294, 1.0469334125518799, -1.0277278423309326, -0.7821797728538513, -0.4173800051212311, -0.07772544771432877, 1.4923508167266846, 0.02439884841442108, 0.4190962314605713, 0.6238105297088623, -0.30546632409095764, 0.2975631356239319, -0.1622614562511444, -0.7064886093139648, 0.4389299154281616, 1.2996455430984497, -0.9167935848236084, -0.08700299263000488, -0.2254103422164917, 1.3362449407577515, -0.4524998664855957, 1.2675988674163818, 1.4765197038650513, -0.9184522032737732, -0.25861454010009766, 0.009467724710702896, 0.2203153371810913, 1.0432475805282593, -0.3623039126396179, -0.966773271560669, -0.0832529067993164, -0.05337966978549957, 1.0554232597351074, -0.22641849517822266, 0.9579293727874756, -1.1601868867874146, -0.43479853868484497, -1.1974427700042725, -0.37389901280403137, 0.6217472553253174, -0.04035641625523567, 0.4819982647895813, 1.4773300886154175, 0.36177101731300354, 0.31488797068595886, -0.011660920456051826, 1.294933795928955, 0.36800503730773926, 0.7020315527915955, -0.2260032743215561, -0.13474780321121216, -1.3617655038833618, 0.04063054546713829, 0.008361311629414558, 1.4870193004608154, -1.58169424533844, -0.20090600848197937, 0.11358971148729324, -0.5182509422302246, 0.3554055094718933, -0.682410717010498, 0.7946032881736755, -0.5927571058273315, -0.35636845231056213, -1.0487229824066162, 0.5979610681533813, 1.1409770250320435, 0.8711913824081421, -0.07131479680538177, 0.7744865417480469, 0.5748570561408997, 1.5978899002075195, 0.7142033576965332, 1.5378303527832031, 1.0170024633407593, -0.2651560306549072, 0.39422646164894104, 0.3611362874507904, -0.06374069303274155, -0.22548910975456238, 0.4597226679325104, -0.7880208492279053, 0.4335341155529022, -0.5003208518028259, 0.39618486166000366, 0.09352293610572815, 0.16665834188461304, 0.7790787220001221, 0.3454705476760864, -0.21440733969211578, 0.02193261682987213, -1.1008130311965942, -1.4471513032913208, -0.7088278532028198, 0.3962731659412384, 0.6198937296867371, 1.0880206823349, 0.7404469847679138, -0.27473217248916626, 1.3851174116134644, 0.023070350289344788, 0.21288244426250458, -0.1681438386440277, -0.18553508818149567, 1.5164299011230469, 0.4458834230899811, 0.3662325441837311, -0.21285200119018555, 0.3669566214084625, -0.7185611128807068, -0.522040605545044, -0.6251225471496582, 0.36705487966537476, 0.20775793492794037, -0.24180752038955688, 0.9530537724494934, -0.0624697282910347, 0.20547014474868774, -0.5943214893341064, 0.14934907853603363, -0.014715664088726044, -0.30089271068573, -0.5995147824287415, -0.8628687262535095, 0.49493172764778137, 1.150546908378601, -0.25181758403778076, -0.6432478427886963, -0.22493018209934235, 0.9003733396530151, 0.22280727326869965, 0.5780127644538879, -0.2605348229408264, -0.33104127645492554, 0.16473501920700073, -0.22361581027507782, 0.06305842846632004, -0.9244992733001709, -1.2257723808288574, -0.4696076214313507, -0.5479984283447266, 0.6854903697967529, 0.029579870402812958, -0.9962801337242126, 0.22586539387702942, 0.7143524289131165, 1.2147362232208252, 0.2655692994594574, 0.055163830518722534, -0.44099318981170654, -0.9896275401115417, 0.48134472966194153, 0.6529921293258667, 0.104045569896698, -0.45737800002098083, 0.2584281861782074, 1.0261632204055786, -0.3942001760005951, 1.703020691871643]} +{"paper_id": "art", "embedding": [-0.5235346555709839, 0.5660269260406494, -0.9695839285850525, 0.1175340861082077, 0.49084001779556274, 0.19547024369239807, 0.7320591807365417, 0.2266891598701477, 1.1864169836044312, 0.6492190361022949, -0.10612870007753372, 0.41001591086387634, -0.10145227611064911, 0.193475142121315, -0.2397719919681549, -0.46231862902641296, -1.1910237073898315, 0.19508227705955505, -1.373590350151062, -0.45171982049942017, -0.5107555985450745, -0.7382215261459351, -0.04272213205695152, 1.2738151550292969, -0.8088356256484985, -0.35112133622169495, 0.6121075749397278, -1.4010714292526245, 0.832500159740448, 0.32572653889656067, 0.07591314613819122, 1.6602041721343994, -1.7658588886260986, 1.0252487659454346, -0.6594502925872803, -0.6078246831893921, -0.4899391233921051, 0.807096540927887, -0.16853606700897217, 0.43198806047439575, -0.3975009024143219, 0.8058454394340515, 0.05391965061426163, 0.18323618173599243, -0.38476601243019104, -0.34583044052124023, 0.3962465822696686, 0.5867703557014465, -0.2287951111793518, -0.12367518246173859, -0.2559264302253723, 0.09777115285396576, 0.0967170000076294, 0.6976202726364136, 0.4677759110927582, 0.9603471159934998, 0.8250014185905457, -0.6779897809028625, 0.9478222131729126, -0.50871741771698, 1.6305670738220215, 1.715901494026184, -0.9556182622909546, 0.48270076513290405, 0.9809577465057373, 0.4521908164024353, 1.1335532665252686, 0.3198333978652954, -0.23242877423763275, 0.9832859635353088, 0.1416073888540268, -0.35700932145118713, 0.0925230085849762, -0.1298869252204895, 0.06204072758555412, 0.3751332461833954, 0.12844988703727722, 0.6941391825675964, 0.3622809052467346, 0.34380605816841125, 0.32236891984939575, -0.04790305718779564, 0.5817080736160278, -0.47552841901779175, 0.09770501405000687, 0.5699225068092346, 0.5901421308517456, -0.7595781087875366, -0.43610018491744995, -1.7670705318450928, 0.40797948837280273, 0.47039180994033813, 0.07561970502138138, -0.3819621205329895, 0.43208593130111694, 0.4082518517971039, -0.2779674530029297, -0.5648968815803528, -0.14972858130931854, 0.18429234623908997, 0.008771076798439026, -0.6041924953460693, 0.23409460484981537, -0.009660497307777405, 0.24778279662132263, 0.7963389754295349, 0.38846543431282043, -0.003688916563987732, -0.43495529890060425, -0.6187543272972107, -0.42884525656700134, 0.7203747630119324, 0.11762364953756332, 0.6448211669921875, 0.11538294702768326, 0.21900752186775208, 0.39266863465309143, -0.656440019607544, -0.43775802850723267, 0.6700658202171326, -0.24652597308158875, -0.8771446347236633, -0.29926547408103943, 0.2563132643699646, 0.8995295166969299, -0.16355600953102112, -0.5457707643508911, -0.0998331606388092, 0.16400451958179474, -0.10298044979572296, -0.16194558143615723, 0.15266016125679016, -0.9818854928016663, -0.23091918230056763, 3.3188343048095703, -0.6851829290390015, 0.9739833474159241, -1.3688589334487915, 0.0030600125901401043, -0.2081334888935089, -0.552381157875061, 0.5778658986091614, 0.1688321828842163, 0.03832879289984703, -1.5966846942901611, 0.2866126298904419, -0.45586469769477844, 0.3902994990348816, -1.00638747215271, 0.26680007576942444, 0.4544738829135895, -0.2062443196773529, -1.602321982383728, -0.03870745375752449, 0.24772904813289642, 0.3130120635032654, -0.6976662278175354, 0.3535391688346863, -0.15556558966636658, 0.5570356249809265, 0.16092278063297272, -0.23984168469905853, -0.20002569258213043, 0.026710428297519684, -0.5097547769546509, 0.07557157427072525, 0.9121240377426147, -0.7003350257873535, -0.7621696591377258, -0.1855616271495819, -0.048714615404605865, -0.11802413314580917, -0.3072056174278259, -0.6079856753349304, -0.12125587463378906, 0.8541144728660583, 0.12999385595321655, 0.5089132785797119, 0.300854355096817, -0.9697566628456116, -1.328477144241333, -0.852998673915863, -0.24701693654060364, 0.7365902662277222, -0.6787883639335632, 0.22346892952919006, -2.364968776702881, -0.15891477465629578, -0.6868385076522827, 0.9465893507003784, -0.04964297264814377, 0.39341768622398376, 0.21475833654403687, 0.39371708035469055, -0.5814476609230042, 0.3401883840560913, 0.5492512583732605, -1.2549526691436768, -0.17886091768741608, 0.14361675083637238, -0.8819640278816223, -0.5349200963973999, -0.4934209883213043, 1.1897921562194824, 0.9312888383865356, -0.8842113018035889, -0.4956485331058502, -1.8859405517578125, 0.4638316035270691, 1.8658661842346191, 0.5841108560562134, -0.6468408107757568, -1.0421559810638428, -0.205307736992836, 0.3286019563674927, 0.25443586707115173, -0.05506746098399162, -0.7263771295547485, 0.35687190294265747, -1.1055505275726318, 0.7008139491081238, -0.00637928768992424, 0.5303438305854797, 0.5837263464927673, 1.2584998607635498, -0.6559815406799316, -0.11210790276527405, -0.8379265666007996, -0.6657350659370422, 0.10876498371362686, 0.5998409390449524, 0.445783793926239, 0.10760409384965897, 0.37154459953308105, 0.29286596179008484, 1.0814907550811768, 0.6439633369445801, 0.8762789964675903, -0.7387982606887817, 0.14685289561748505, 0.2895253002643585, 1.1959528923034668, 0.3106957972049713, 0.300354927778244, -0.22682976722717285, 0.5582321882247925, -0.14786088466644287, -0.06625854969024658, 0.02778298407793045, -0.6080242395401001, 1.3428024053573608, 0.5407564043998718, -0.3916252553462982, 0.20798322558403015, -0.8348796963691711, -0.3086516559123993, -0.26924970746040344, -0.7474946975708008, -0.7021270990371704, 0.25551682710647583, 0.37936049699783325, 0.6106842160224915, 0.062413960695266724, 0.1019507646560669, -0.015894874930381775, -1.0222951173782349, -0.04891637712717056, -0.10011419653892517, 0.48350441455841064, -0.8404431343078613, -0.0862606018781662, 0.013912752270698547, -1.0860319137573242, -0.3528369665145874, -0.9882380962371826, -0.378085196018219, -0.29092830419540405, 0.17431221902370453, 1.9446202516555786, -0.08460649102926254, -0.1471824049949646, 0.058591797947883606, 1.2940022945404053, -0.7888718843460083, 0.7236807346343994, -0.5705853700637817, 0.08361488580703735, -1.1540226936340332, 0.5615904331207275, -0.7677907347679138, 0.6054115295410156, 0.18942111730575562, -0.6347129344940186, 0.7321639657020569, -0.35608339309692383, -0.37875914573669434, 0.928165853023529, 0.17521966993808746, -0.37794262170791626, -0.4536229372024536, 1.2638248205184937, 0.10672648996114731, -0.4748574197292328, 0.909024178981781, -0.15330739319324493, -0.43669572472572327, 0.8428744673728943, -0.04963896796107292, 0.17117737233638763, 0.18049773573875427, 0.616166353225708, 0.36762943863868713, -0.029055040329694748, -2.1843907833099365, 0.30686354637145996, 1.1745176315307617, -0.43860408663749695, -0.23274420201778412, -0.999156653881073, 0.3473702669143677, -0.670258104801178, -0.29441016912460327, 0.4550322890281677, -0.4251905679702759, 0.01883343607187271, -0.5770196318626404, 0.29062652587890625, 0.37091344594955444, -0.38208895921707153, 0.1637047380208969, 0.6102429032325745, 0.0010053962469100952, -0.8094357848167419, 0.2901603877544403, 0.4731610417366028, -0.3186776340007782, 0.1176082193851471, 0.10249246656894684, 1.1617153882980347, 0.8602795600891113, 0.12604761123657227, -0.12957985699176788, 0.743767261505127, 0.24609529972076416, 0.37029972672462463, 0.15630927681922913, -0.6044478416442871, 0.00950013566762209, -0.5746569037437439, 1.6039860248565674, -0.6066359281539917, -0.09897647798061371, -0.638515055179596, -0.17114904522895813, -0.38182491064071655, -0.6308198571205139, 1.5499324798583984, 1.2776418924331665, 1.209057331085205, -0.30097970366477966, 1.074797511100769, -0.8822202682495117, -0.1751922219991684, 0.3333108425140381, -0.3314250409603119, 0.21049359440803528, -1.0738190412521362, -0.2956399619579315, 0.8149577975273132, 0.22302405536174774, -0.1824328899383545, -0.4599354565143585, 0.1839437484741211, 0.7000380158424377, -0.1373652070760727, 0.42572230100631714, 0.22599472105503082, 0.3332619369029999, 1.4386132955551147, -0.3055574893951416, -0.3955135941505432, 0.5565820932388306, 0.1371280401945114, 0.7190743088722229, 0.5415050983428955, -0.9084705114364624, 0.5757302641868591, -0.2412184178829193, 0.9494699239730835, 0.285767138004303, 0.9244697690010071, 0.7121891379356384, -0.641222357749939, -1.569778561592102, -0.1562395989894867, -0.6308841109275818, -0.05522393807768822, 0.45506054162979126, -0.31195637583732605, 0.8717880249023438, 0.0519910492002964, 0.24626299738883972, -0.8322303891181946, 0.9183864593505859, -0.3584632873535156, -0.7788037061691284, 0.5517957210540771, 0.5907220840454102, -1.4602714776992798, -0.3721362054347992, 0.47044241428375244, -0.5555466413497925, -0.742411732673645, 0.07731650024652481, 0.06947174668312073, 0.9739238023757935, -0.20555539429187775, 0.8015850782394409, 0.006255730055272579, 0.08157294988632202, -1.1504943370819092, 1.1108946800231934, 0.5035165548324585, -0.9301562309265137, 0.8159288167953491, 0.3640415370464325, 0.5935389995574951, 0.8238898515701294, -0.5867733359336853, -0.2122078686952591, 1.0037169456481934, 0.1282782256603241, -0.1038363128900528, -0.692244291305542, -0.4788467586040497, 0.3879847526550293, 0.23281832039356232, -0.18155869841575623, -0.8976444602012634, 0.15560820698738098, -0.09101957082748413, 0.6277299523353577, 0.566718578338623, -0.8821761012077332, -1.637082815170288, 0.2786096930503845, -0.4466968774795532, -0.21941597759723663, -0.5937010049819946, 0.17406007647514343, 2.1394972801208496, -0.38492152094841003, 0.04944685101509094, -0.11891943961381912, -12.062883377075195, 1.0444657802581787, 0.21985866129398346, 0.6174771189689636, 0.5581220388412476, -0.4495621621608734, -0.6459142565727234, -0.15588846802711487, 0.21737316250801086, -0.5566436052322388, 0.4054044485092163, 0.7384094595909119, 0.6520055532455444, 0.28096315264701843, -0.5528513789176941, -1.2139421701431274, -0.628237783908844, -0.8308221101760864, -0.08322658389806747, 0.4301477074623108, 0.5125506520271301, -0.8321747779846191, 0.2958081364631653, 0.20331557095050812, 0.5760056376457214, -0.15049874782562256, -0.5566585659980774, -0.11381153762340546, -0.1703101098537445, -0.035894595086574554, 0.714424729347229, -0.10382850468158722, -0.476937472820282, -0.06952636688947678, 0.21547366678714752, -0.6818146109580994, -0.6303344368934631, 0.1411566138267517, 0.7304748296737671, 0.29108133912086487, -0.27364474534988403, -0.05369351804256439, 0.6102373600006104, -0.5558769702911377, -0.6008626222610474, 0.7184172868728638, 0.24858015775680542, -0.3667806386947632, -0.7670481204986572, -0.11631963402032852, -0.20723965764045715, -0.6599726676940918, -0.5638942122459412, -1.0473315715789795, 0.33014920353889465, 0.04755617678165436, -0.5033344626426697, -0.1628807634115219, -0.9466773271560669, -1.5163003206253052, 0.2733679413795471, -0.11518578231334686, -0.5586947798728943, 0.282675176858902, 0.07116574048995972, -0.31173455715179443, 0.15484026074409485, 0.3901175558567047, -0.34191352128982544, 0.056262463331222534, -0.8942232728004456, 0.9616189002990723, -0.14157375693321228, 0.2717379033565521, -0.31739282608032227, 0.49327313899993896, -0.16910944879055023, -0.03327286243438721, 0.7135767340660095, -0.2651612460613251, -1.0030620098114014, 0.9353865385055542, -0.018555067479610443, -0.0956709161400795, -1.1822277307510376, 0.43523821234703064, 0.4185863733291626, -0.056476328521966934, 0.8495508432388306, -0.4164721667766571, 1.1270703077316284, -0.08114783465862274, -0.3407507538795471, 0.33965781331062317, -0.5213629603385925, 0.5371233224868774, -0.27742937207221985, 0.08572231233119965, 0.39372992515563965, -0.22227302193641663, -0.15566512942314148, -0.351041316986084, -1.050326943397522, 0.08631883561611176, 0.12100329250097275, 0.41230887174606323, 0.5035847425460815, -0.5458542108535767, 0.4362255930900574, -0.8575720191001892, 0.6514676809310913, 0.28943973779678345, -0.1498814821243286, 1.631157398223877, -1.129461407661438, 0.03902801498770714, 0.9050639867782593, 0.19747209548950195, 0.4791877269744873, 0.4114050269126892, -0.5739869475364685, 0.38892751932144165, 0.06312600523233414, 1.3187665939331055, -0.006827179342508316, 0.3867003619670868, 0.8762689828872681, 0.5511276125907898, -0.4056188762187958, -1.6639066934585571, -0.13455525040626526, -0.3290453255176544, 0.1128666028380394, -0.3318104147911072, -0.2669792175292969, 0.2964000999927521, -0.3567344546318054, 1.260977029800415, -0.7690792083740234, 0.10396260023117065, 0.1385728120803833, 0.3263827860355377, -0.3799993395805359, -1.0880006551742554, -0.8378316760063171, -0.3117797076702118, -2.080784320831299, 0.6600582599639893, -0.4535618722438812, -0.6436083912849426, -0.36387327313423157, -0.4885198175907135, 0.9810512661933899, -0.7934828996658325, 0.05337826907634735, -0.6742247343063354, 0.6383931040763855, -0.6796836256980896, -0.5363841652870178, 0.3079512119293213, 0.006985526531934738, 0.8328848481178284, -0.8691691160202026, 0.8133004307746887, -0.30946803092956543, 0.018276501446962357, -0.1086149513721466, -0.25177276134490967, -0.4024566113948822, 0.0013374872505664825, 0.4338513910770416, -2.0041770935058594, -0.571134626865387, -0.721783459186554, 0.02454039826989174, -0.8639301657676697, 0.7560930252075195, 0.8694654703140259, -0.8169897794723511, -0.5153977274894714, -0.04804389923810959, 0.5717359781265259, 0.24651607871055603, -0.593276858329773, -0.435346394777298, -0.5497447848320007, 0.41899123787879944, 0.9847341179847717, -0.016532639041543007, 1.4328275918960571, -1.6513073444366455, -0.7586020827293396, -0.8489032983779907, 0.3871675431728363, 1.1230676174163818, -0.019550729542970657, 0.6769905090332031, 1.2421845197677612, -0.17753033339977264, 0.15936443209648132, 0.14666926860809326, 0.7596963047981262, 0.4124780595302582, 0.050474535673856735, -0.09954339265823364, 0.6220686435699463, -0.6782970428466797, -0.51434326171875, -0.00916143599897623, 0.6542955040931702, -1.1387572288513184, -0.6941340565681458, 0.07511304318904877, -0.7323081493377686, 0.13772660493850708, -0.7535043954849243, -0.042510464787483215, -0.9394553303718567, 0.04574595391750336, -0.7729973793029785, 0.25832027196884155, 0.9779554009437561, 0.09951548278331757, 0.6739581227302551, 0.8653367757797241, 0.3791743516921997, 0.9698905944824219, 0.16156749427318573, 1.0858454704284668, 0.3581508696079254, -0.12576334178447723, 0.3423064351081848, 1.0148602724075317, 0.6135001182556152, -0.3085474967956543, -0.7109265923500061, -0.24159620702266693, 0.6716703176498413, -0.04897124320268631, 1.0069985389709473, -0.35268551111221313, 0.08965899795293808, 1.2827619314193726, 1.052728295326233, -0.5350833535194397, -1.3155627250671387, -0.38117173314094543, -1.415649652481079, 0.20568877458572388, 0.9671118855476379, 1.048043966293335, 0.6054028272628784, 0.7634598612785339, -0.16162614524364471, 0.9940208196640015, -0.7210245132446289, 0.0027410313487052917, 0.2536022365093231, 0.06852179765701294, 1.34120512008667, 0.7109051942825317, 0.5385587215423584, 0.401571661233902, -0.0857451781630516, -0.6982331871986389, 0.512844979763031, -0.4638912081718445, 0.840602457523346, 0.014163754880428314, -0.3238460123538971, -0.23846659064292908, -0.46793675422668457, 0.6492525339126587, -0.32223808765411377, 0.5297744870185852, 0.22813843190670013, -0.5361216068267822, -0.7313559651374817, -1.0038803815841675, -0.18505322933197021, 0.7929022908210754, -0.28116869926452637, -1.0111088752746582, -0.13136039674282074, 0.70899897813797, 0.4215637445449829, -0.07933161407709122, -0.19695964455604553, -0.33020949363708496, -0.37808093428611755, -0.4213659167289734, -0.37431472539901733, -0.5569884777069092, -0.41396039724349976, -0.5742228627204895, -0.45647627115249634, 0.8011590242385864, -0.13121405243873596, -1.0829676389694214, -0.8263581395149231, 0.4908558130264282, 0.3802594542503357, 0.2824361324310303, -0.03912036120891571, -0.10921994596719742, -1.3955192565917969, 0.4594748914241791, 0.9177037477493286, -0.33518141508102417, -0.19026169180870056, 0.2510506510734558, 0.42364344000816345, 0.0039838217198848724, 1.0244531631469727]} +{"paper_id": "liar", "embedding": [-0.6913148164749146, 0.9630872011184692, -1.1183462142944336, 0.6080645322799683, 0.5703202486038208, 0.6883368492126465, 0.595862090587616, 0.4531560242176056, 1.2575695514678955, 1.0236780643463135, 0.621479332447052, 0.44687598943710327, 0.5224863290786743, 0.3148207366466522, -0.05194685980677605, -0.13411203026771545, -0.29936671257019043, -0.017760802060365677, 0.20445244014263153, 0.21470907330513, -0.9197543263435364, -0.44116342067718506, -0.07956583797931671, 0.10459113121032715, -0.5102649331092834, -0.3358903229236603, 0.19979679584503174, -1.2471067905426025, 0.6283917427062988, 0.1330181509256363, 0.49132946133613586, 0.541506290435791, -1.4882466793060303, 0.4151228964328766, -1.3240056037902832, -0.9521151185035706, -0.5145193934440613, 0.4613737165927887, -0.32619404792785645, -0.704872727394104, -1.3383054733276367, 0.6659154891967773, 1.0953210592269897, 0.4480041265487671, 0.21120791137218475, -0.38713330030441284, 0.61993807554245, -0.5033445358276367, 0.4578263759613037, 0.17146308720111847, -0.49573972821235657, 0.7845959067344666, -0.7569700479507446, 1.1744683980941772, -0.5862651467323303, 1.0152318477630615, -0.33328884840011597, -0.39959844946861267, 0.9230927228927612, -1.1231237649917603, 1.9618749618530273, 1.524038314819336, -0.5422602891921997, -0.052906181663274765, 0.3404463529586792, -0.42873626947402954, 1.3755425214767456, -0.5621243715286255, 0.03605801984667778, 0.8327588438987732, -0.309409499168396, -0.42011258006095886, 0.5731484293937683, -0.6567692756652832, -0.7524447441101074, 0.5080609321594238, 0.19802796840667725, -0.5096023678779602, 0.023992039263248444, -0.19553521275520325, 0.08438770473003387, 0.37448084354400635, -0.4423750042915344, -0.8718430399894714, -0.13004860281944275, -0.07819576561450958, -0.0447462797164917, -0.9809964895248413, 0.3141155242919922, -1.130637526512146, 0.6481313109397888, 0.2517261207103729, -0.38106435537338257, 0.053500592708587646, -0.545751690864563, 0.1550147831439972, -0.5334661602973938, 0.11109109967947006, -1.0139836072921753, 0.9687057733535767, 0.7978055477142334, -1.0481326580047607, 0.5713186264038086, 0.18606391549110413, 0.6765086650848389, 1.1894495487213135, -0.2693035900592804, -0.4731922745704651, -0.5946723818778992, -0.4201774001121521, -0.5998400449752808, 1.4181466102600098, -1.0187404155731201, 0.5936839580535889, 0.09504162520170212, 0.03880710154771805, 0.26360535621643066, -0.551941990852356, -0.9527463912963867, 0.47787904739379883, -1.0011751651763916, -1.6250677108764648, -0.37013933062553406, 0.7217299342155457, 0.7201328277587891, -0.021972812712192535, -0.12788553535938263, -0.6305190324783325, -0.5086827278137207, 0.10327479988336563, 0.5927801132202148, -0.32097554206848145, -1.4243134260177612, -0.18475723266601562, 2.8908114433288574, -1.287787675857544, 1.284759759902954, -0.44415971636772156, 0.2543366849422455, -0.03793381154537201, -0.7699803113937378, 1.142005205154419, -0.14580073952674866, -1.4623125791549683, -1.3544270992279053, 0.7066434621810913, -0.7148935198783875, 0.09016790986061096, -0.07302957773208618, 0.033959534019231796, 0.128083735704422, 0.9330053925514221, -0.684989869594574, -0.1363876760005951, 0.47752344608306885, 0.6261981129646301, -0.018393509089946747, 0.5945107340812683, -0.5101779103279114, 0.6331402659416199, 1.0668669939041138, 0.4709051251411438, -0.05301796644926071, 0.5747065544128418, -0.16607774794101715, -0.12262073904275894, 1.038274884223938, -0.11091351509094238, -0.5690677165985107, 0.19076314568519592, 0.9087734818458557, -0.2808128297328949, -0.5182181000709534, -0.5847576260566711, -0.3989350497722626, 0.09367353469133377, 0.4076380133628845, 0.49067679047584534, 0.32625511288642883, -0.6503791213035583, -1.09275221824646, -0.1875779926776886, 0.26879581809043884, 1.0189121961593628, -0.5563204288482666, -0.4442228674888611, -1.2746623754501343, -0.3544769883155823, -0.6977392435073853, 1.047217607498169, -0.07792313396930695, -0.444850355386734, -0.02745448797941208, 1.0274438858032227, 0.24041928350925446, -0.08210412412881851, 0.15384720265865326, -0.7807118892669678, 0.34656840562820435, -0.4190834164619446, 0.325276643037796, -0.7997592091560364, -0.49371016025543213, -0.349922239780426, 0.9868355393409729, -0.5394261479377747, -0.03217082470655441, -1.887420654296875, 1.436937928199768, 2.100515127182007, 0.13622021675109863, -0.7067128419876099, -0.9109313488006592, -0.11364395916461945, 0.4678633213043213, -0.1608688235282898, 0.7847757339477539, -0.7878438830375671, 0.6941031217575073, -1.4741922616958618, 0.4363141655921936, 0.2873242497444153, 0.20873406529426575, 0.2042158991098404, 0.2361861765384674, -0.7896192073822021, -0.4172673523426056, -0.9296692609786987, -0.7571194767951965, 0.7003555297851562, 1.0342971086502075, -0.04348493367433548, 0.6645902991294861, 0.9169477224349976, 0.511640191078186, 1.4079746007919312, 0.10597119480371475, 0.4910021722316742, -0.989951491355896, 0.02087836153805256, -0.09800039231777191, -0.37273991107940674, -0.04625140130519867, -1.0443611145019531, 0.28189516067504883, 0.843723475933075, -0.4348628520965576, -0.2503672242164612, -0.2598918080329895, -0.22590023279190063, 0.7133049964904785, 1.3788548707962036, -0.9437555074691772, 0.7287396192550659, -0.5254425406455994, 0.04413069412112236, -0.2143227756023407, -0.1791466623544693, -0.01921050250530243, 0.11164425313472748, 0.7624647617340088, 0.4085911810398102, 0.046607524156570435, 0.5774663686752319, -0.21150486171245575, -0.69627845287323, -0.33679911494255066, -0.1506108194589615, -0.2533299922943115, -0.786409854888916, -0.0017054080963134766, -1.0608818531036377, -0.4194347560405731, -0.808739960193634, 0.030910158529877663, 0.08973530679941177, -0.6529526710510254, -0.020080771297216415, 1.2988361120224, 0.2627550959587097, 0.06667403131723404, -0.709359347820282, 1.5408247709274292, -0.13250379264354706, 0.36145275831222534, 0.1412203013896942, 0.5526952743530273, -0.7418390512466431, -0.01661444455385208, -0.35421252250671387, 0.3156084418296814, 0.8263744115829468, -0.39531537890434265, 0.8252940773963928, 0.00787760317325592, -0.12749487161636353, 1.2970058917999268, -0.307878702878952, 0.3635985255241394, -0.5274734497070312, 1.290380835533142, 0.04405313730239868, -0.4648754894733429, 0.5979217886924744, 0.040981464087963104, 0.26563093066215515, 1.0708520412445068, -1.4326001405715942, 0.2696128785610199, -0.1299251765012741, 0.9516677856445312, 0.10965840518474579, 0.20410311222076416, -1.5735749006271362, -0.18967725336551666, 0.8103029727935791, -1.0652780532836914, -0.6250001192092896, -0.24024268984794617, 0.7229784727096558, -0.7629125714302063, -0.3867727816104889, -0.31593939661979675, -0.48012444376945496, 0.06605969369411469, -0.360602468252182, 0.05545714497566223, -0.15800946950912476, -0.7751474976539612, -0.07447303831577301, 0.31263431906700134, 0.6481654047966003, -0.9070612192153931, -0.053174592554569244, 0.4407261908054352, -0.2455853372812271, 0.45371654629707336, -0.6780035495758057, 0.8278093338012695, 0.951270580291748, -0.7283329963684082, -0.5919202566146851, 0.9298470616340637, 0.15294715762138367, -0.04797238111495972, 0.21637603640556335, -0.07549035549163818, 0.6956872940063477, -0.5017539858818054, 1.158005952835083, 0.13972149789333344, -0.05747571215033531, -1.472488284111023, -0.37122273445129395, 0.14797717332839966, -0.5902091860771179, 0.9789745211601257, 0.674285352230072, 1.5190764665603638, -0.013044554740190506, 0.8999824523925781, -0.295444518327713, 0.4017638862133026, 0.9191086292266846, 0.2737495005130768, 0.7495236396789551, -0.617354154586792, 0.12815317511558533, 1.386082410812378, 0.2435275912284851, -0.23491081595420837, 0.11014097929000854, 1.313782811164856, -0.5626212954521179, -0.3106707036495209, -0.1314447969198227, -0.1454070806503296, -0.28910842537879944, 1.6576744318008423, -0.10074645280838013, -0.3683505952358246, -0.04220566898584366, 0.14790214598178864, 1.0360145568847656, 0.12086229771375656, -1.131195306777954, -0.19180867075920105, -0.1787288933992386, 0.9089667201042175, 0.09772755205631256, -0.15389224886894226, 0.8106744289398193, 0.33132609724998474, 0.08127065002918243, 0.05262201651930809, -0.6048221588134766, -0.02965729869902134, 0.23691421747207642, 0.04343319311738014, -0.37976112961769104, 0.7994572520256042, -0.0576091930270195, -1.899886131286621, 0.9416818618774414, -0.5110893845558167, -0.6978602409362793, 0.25807878375053406, 1.2687100172042847, -1.1839853525161743, -1.0655319690704346, -0.18442921340465546, -0.9749747514724731, -0.7611514329910278, 0.4630536437034607, -0.5190682411193848, 1.5918160676956177, 0.6666952967643738, 0.5114234685897827, -0.42715984582901, -0.028111256659030914, -0.6331437230110168, 0.9620240330696106, 0.8250977993011475, -0.48827415704727173, 0.402576208114624, -0.0781438872218132, 0.04654213786125183, 0.5524948835372925, -1.3729307651519775, -0.14751967787742615, 0.49990612268447876, 0.35399383306503296, 1.0980808734893799, -0.9971128106117249, -0.5991581082344055, 0.30240824818611145, 0.6068936586380005, 0.5835001468658447, -1.1292675733566284, 0.4647972583770752, -0.5994850397109985, 0.6932642459869385, 0.9416264295578003, 0.06982114911079407, -0.9467056393623352, 0.9554346799850464, -0.7250720858573914, 0.5008379220962524, -0.4835113286972046, -0.26817217469215393, 1.5907155275344849, 0.6820769309997559, 0.509958028793335, -0.7178118228912354, -11.221179962158203, 0.8383229970932007, 0.15749602019786835, 0.8945232629776001, 0.4375837743282318, 0.13726723194122314, -0.058132484555244446, -0.04101766273379326, 1.3370424509048462, -0.2408708781003952, 0.20407366752624512, 2.177729368209839, -0.1476176381111145, -0.8765472173690796, -0.3888257145881653, -0.6770044565200806, -0.677008867263794, -0.5579854249954224, 0.1990920454263687, -0.06385747343301773, 0.07694928348064423, -1.6296066045761108, 0.38168811798095703, -0.5611122250556946, 1.2173417806625366, -0.3819444477558136, -0.03120909072458744, -0.07630539685487747, -1.1919152736663818, 0.5563523769378662, 0.8086718916893005, 0.7308236956596375, 0.09776850044727325, -0.6599789261817932, 0.488652765750885, 0.32414329051971436, -0.8082837462425232, 0.11782964318990707, 0.716057538986206, -0.35377034544944763, -0.09825499355792999, -0.21646271646022797, 0.1353093832731247, -0.36549410223960876, 0.25028473138809204, -0.33192527294158936, -0.2661210000514984, -0.33391210436820984, 0.25002333521842957, 0.05928146094083786, -0.4354991316795349, 0.04918401688337326, -1.2191630601882935, -0.8105424642562866, 0.674966037273407, 0.3194970488548279, -1.0810452699661255, 0.3480207026004791, -0.5365146994590759, -1.9106260538101196, 0.7001335620880127, -0.04202152043581009, -0.22040343284606934, 0.29389646649360657, 0.10295210033655167, -0.1369594931602478, 0.5393514037132263, -0.2910308539867401, -0.34424909949302673, 0.39249280095100403, -0.2751375734806061, 1.5930309295654297, 0.348319411277771, -0.27647489309310913, -0.6128024458885193, 0.03519999608397484, -0.5589747428894043, -0.34214019775390625, 0.6901978254318237, -0.4490625262260437, -1.683983564376831, 0.12410807609558105, -0.8224695324897766, -0.42872166633605957, -0.5414263010025024, 0.19423292577266693, -0.5789938569068909, -1.4151264429092407, 0.46335968375205994, -0.05299380421638489, 0.24789586663246155, -0.10259340703487396, -0.21946974098682404, 0.45205503702163696, -0.1854214072227478, 0.5941042900085449, -1.6650023460388184, 1.110081672668457, 0.28729599714279175, -0.36148175597190857, 0.616875171661377, -0.012214772403240204, -1.3127516508102417, 0.03025442734360695, 0.8788490295410156, -0.07414054125547409, -0.03771551698446274, -0.5260756611824036, -0.3014475703239441, 0.279105544090271, 0.6688941717147827, 0.43959927558898926, -0.015273168683052063, 0.7407985329627991, -0.29057377576828003, 0.6072847247123718, 0.870001494884491, 0.20466628670692444, 0.36140772700309753, 0.6554999947547913, -0.4495256245136261, 0.5555601716041565, -0.1644722819328308, 0.34821027517318726, -0.31039515137672424, 0.1710791289806366, -0.0943482369184494, 0.21304574608802795, 0.2238849252462387, -2.0010054111480713, 0.9536498188972473, -0.6841811537742615, 0.2194785326719284, -1.223007321357727, -0.22664321959018707, -0.2797597050666809, -0.9285451769828796, 0.9935957193374634, -0.3553144931793213, 0.1771036982536316, -0.7037306427955627, 0.6078993082046509, 0.1802980601787567, -0.6777593493461609, -0.662121593952179, -0.06981087476015091, -1.2923026084899902, 0.5631536841392517, -0.6095255017280579, -0.333407461643219, 0.054113585501909256, -0.8926354050636292, 0.37811577320098877, -1.3604774475097656, -0.4403100609779358, 0.10701517015695572, 0.6737735867500305, -0.4512299597263336, -0.8369924426078796, -0.20394405722618103, 0.24042266607284546, 1.6857151985168457, -1.0938369035720825, 0.6871355772018433, 0.43477946519851685, 0.31111109256744385, 0.16875514388084412, 0.20677345991134644, 0.1402060091495514, 0.09276720136404037, 0.8409971594810486, -0.5053044557571411, -0.19514217972755432, -0.542032778263092, -0.3329109251499176, -1.2265188694000244, 1.4043352603912354, 0.8631795644760132, -1.1417731046676636, -0.022977545857429504, -0.1027946025133133, 0.5900780558586121, 0.44051098823547363, 0.08043210208415985, -0.042255908250808716, -0.0708397924900055, -0.286950021982193, 1.4418795108795166, -0.8323329091072083, 0.5689740180969238, -1.7010630369186401, -1.5830953121185303, -1.151218295097351, -0.7119863033294678, 1.107261061668396, 0.18932774662971497, 0.4643821716308594, 0.514733612537384, 0.1159885823726654, -0.9657086730003357, -0.2650018036365509, 1.4895811080932617, 0.711212694644928, 0.17794391512870789, -0.7085006237030029, -0.1297735571861267, -0.3481281101703644, -0.29196053743362427, 0.005174389109015465, 0.07349751144647598, -1.8301814794540405, -0.32106703519821167, 0.3652473986148834, -0.6145914793014526, 0.2215883582830429, -0.3945922553539276, 0.6857962608337402, -0.2617137134075165, -0.3307313919067383, -0.824738621711731, 0.21834997832775116, 0.2987448573112488, -0.09558302909135818, 1.3184804916381836, 0.32889115810394287, 0.7231016755104065, 0.8614405393600464, 0.4459673762321472, 1.2716295719146729, 0.21354427933692932, -0.26230064034461975, 0.36957722902297974, -0.3490833342075348, 0.37468504905700684, 0.22333231568336487, 0.3996557295322418, -0.7284670472145081, 0.6305738091468811, -0.7228764295578003, -0.5043564438819885, 0.04540838673710823, -0.32129931449890137, 0.36703580617904663, 0.4981154799461365, -0.6190308928489685, -0.5505536198616028, -1.1374961137771606, -1.5946283340454102, -0.47145354747772217, 0.3038538098335266, 1.0809237957000732, 1.5399812459945679, 0.6875241994857788, 0.0606691837310791, 1.4482909440994263, 0.0019405148923397064, 0.1731117069721222, 0.5191286206245422, 0.6275796294212341, 1.159303069114685, 0.6610255241394043, 0.1593591421842575, -0.009669536724686623, 0.07817290723323822, -0.825538158416748, -0.3827993869781494, -0.20354513823986053, 0.6560952663421631, 0.17448477447032928, -0.3756479024887085, 0.38824695348739624, 0.06522456556558609, -0.22430318593978882, -0.054828908294439316, 0.43740490078926086, -0.2693629264831543, 0.01714080572128296, -1.0588544607162476, -0.25886592268943787, -0.03538905829191208, 0.7490325570106506, -0.406930536031723, -0.2847868800163269, -0.49420881271362305, 0.40696972608566284, 0.09116851538419724, -0.40113022923469543, -1.1786572933197021, 0.6396288275718689, 0.1772705763578415, -0.6538223624229431, 0.630425214767456, -1.5319262742996216, -0.7701448798179626, -0.2428508996963501, -0.7855181694030762, 0.5058844089508057, 0.4654998779296875, -1.586357831954956, -0.3284819424152374, 0.6376284956932068, 0.8465423583984375, 0.3283878564834595, -0.07894480228424072, -0.12122965604066849, -0.915097713470459, 0.9862387776374817, 1.1128065586090088, 0.1980402171611786, 0.18257291615009308, 0.9042468667030334, -0.002036500722169876, -0.008681565523147583, 1.476348638534546]} +{"paper_id": "gem", "embedding": [-0.1844629943370819, 0.9038481712341309, -0.21590746939182281, -0.31436213850975037, 0.2315165400505066, -0.3351849913597107, 0.9662362337112427, -0.011559128761291504, 0.8634935617446899, 0.9847858548164368, 0.48105213046073914, -0.04928189516067505, -0.3035915493965149, 0.05763226002454758, -0.06160850450396538, -0.839339554309845, -1.7809460163116455, -0.7413420081138611, -1.1038399934768677, -0.5623525381088257, -1.2422187328338623, -0.29789090156555176, 0.15787194669246674, 0.47988802194595337, -0.18084996938705444, -0.5611260533332825, 0.8255602717399597, -1.095176100730896, 0.12950021028518677, -0.0004978850483894348, -0.5877534747123718, 1.1398777961730957, -0.9535542726516724, 0.0036884471774101257, -0.24373161792755127, -0.1464294046163559, 0.19704213738441467, 0.8485907316207886, -0.5996089577674866, 0.3576749265193939, -0.6988531947135925, 0.011039644479751587, 0.7948855757713318, -0.19796620309352875, 0.5480439066886902, -0.14117464423179626, -0.6042270660400391, 0.17887982726097107, -0.06869913637638092, 0.09667627513408661, -0.22599609196186066, -0.055422551929950714, 0.23191165924072266, -0.269681453704834, -0.008002638816833496, 1.0939249992370605, 0.7804219126701355, -1.342888355255127, 0.6016638278961182, -0.6614651679992676, 0.7599738240242004, 1.530922293663025, -0.9860860705375671, 0.6401444673538208, 0.8263092637062073, 0.1938125044107437, 0.994249701499939, 0.5362167358398438, 0.044307954609394073, 0.48332011699676514, -0.3625357747077942, -0.5891448259353638, 0.2879534363746643, 0.1903180480003357, 0.5118184685707092, 0.9701635837554932, -0.17570649087429047, 0.12973612546920776, -0.07207254320383072, -0.27322515845298767, -0.3457293212413788, 0.8515596985816956, 0.31876999139785767, -0.742253839969635, 0.429681658744812, 0.9240102767944336, 0.5725452899932861, -0.4243870675563812, 0.10540744662284851, -1.8265470266342163, 0.30109816789627075, 0.08458859473466873, 0.41972285509109497, -0.06101377308368683, -0.07224030792713165, 0.28780755400657654, 0.35267364978790283, -0.25918734073638916, -0.23155230283737183, 0.3072068989276886, 0.3392026424407959, -0.5655326843261719, 0.8747650980949402, 0.22875255346298218, 0.5833113193511963, 1.1529721021652222, -0.273722767829895, -0.45478373765945435, -0.5703567266464233, -0.557962954044342, -0.19283096492290497, 1.1640373468399048, 0.4759814441204071, 0.7036387324333191, 0.18165822327136993, -0.16048941016197205, 0.18004074692726135, -0.7864705324172974, -0.36476626992225647, 0.222504660487175, -0.29883021116256714, -0.8846610188484192, -0.01317015290260315, -0.24900580942630768, 0.9023605585098267, -0.8571216464042664, 0.5001899003982544, 0.30798980593681335, 0.239365354180336, -0.127154141664505, 0.532856822013855, 0.0593496672809124, -0.3275912404060364, 0.8185172080993652, 2.578899621963501, -0.46997469663619995, 0.733292281627655, -0.4473305344581604, -0.49955856800079346, -0.5691172480583191, 0.6061192750930786, 1.304133653640747, -0.08821730315685272, -0.8967058062553406, -0.8068777918815613, 0.2059282511472702, -1.212409257888794, 0.7055860161781311, -1.0635123252868652, -0.3295447528362274, 0.09609299153089523, 0.013869524002075195, -1.298587441444397, -0.07511422038078308, 0.22813953459262848, 0.3411511480808258, 0.060112033039331436, 0.314813494682312, -0.35937708616256714, 1.225304365158081, 0.7405471801757812, 0.3748542070388794, -0.496998131275177, 0.2190263569355011, -1.0929309129714966, -0.149388387799263, 0.7865310907363892, -0.5180169939994812, -0.178809255361557, -0.6615755558013916, 0.6949967741966248, -0.5897195339202881, -0.208724707365036, -0.32118019461631775, 0.1002715677022934, 0.9239768981933594, 0.3916235566139221, 0.4085291028022766, 0.04754481464624405, -0.5377746820449829, -0.181156724691391, -0.650431752204895, -0.38906383514404297, 0.3911336660385132, -0.4824181795120239, 1.1617603302001953, -2.19541335105896, -0.043420225381851196, -0.45181888341903687, 0.49826255440711975, -0.7109506726264954, -0.30284494161605835, 0.04824007675051689, -0.09880457818508148, 0.4245147705078125, 0.03895998373627663, 0.7992042899131775, -0.9251407384872437, -0.6266181468963623, 0.2855393886566162, -0.2611117362976074, 0.08070319890975952, -0.049263402819633484, 1.361448049545288, 0.32717663049697876, -0.5289089679718018, -0.4564306437969208, -1.9895477294921875, -0.09284097701311111, 2.6108005046844482, -0.0558573454618454, -1.1436960697174072, -0.8252102136611938, -0.49947136640548706, 0.4673594832420349, -0.4541577398777008, 0.07995931804180145, -0.3335607945919037, -0.3161429166793823, -1.6593724489212036, 0.2529817521572113, -0.8387035131454468, 0.2546127736568451, 0.5338607430458069, 0.9681034088134766, -0.21911388635635376, -0.41834941506385803, -0.0708896666765213, -0.8626530170440674, 0.06433314085006714, 0.9261741638183594, 0.5136637091636658, -0.682670533657074, 0.63178950548172, -0.3914636969566345, 0.6253355741500854, 0.28085100650787354, 0.34979236125946045, -0.4839962422847748, 0.2047480046749115, 0.4761722683906555, 1.2474665641784668, -0.17910797894001007, -0.1681859940290451, 0.26833468675613403, 0.553369402885437, 0.2138177752494812, -0.43993449211120605, 0.010903142392635345, -0.1131669357419014, 1.2446779012680054, 1.3215879201889038, -0.23975232243537903, 1.2642830610275269, -1.2261041402816772, 0.25555336475372314, -0.4549652934074402, -0.5509868860244751, -0.6444895267486572, 0.04762277007102966, 0.2586309313774109, -0.5824920535087585, 0.12257112562656403, -0.9135313034057617, -0.23960411548614502, -1.5340304374694824, -0.5978453159332275, -0.015432678163051605, -0.4720725417137146, -0.944347620010376, -0.4579954147338867, 0.09812062233686447, -0.9210112690925598, -0.47725099325180054, -0.09852099418640137, 0.8515218496322632, 0.25298014283180237, 0.5977978706359863, 1.6705131530761719, -0.4143846929073334, -0.29122844338417053, 0.37692540884017944, 0.958681046962738, -0.9025537371635437, 0.7399446368217468, -0.4600321352481842, -0.07799550145864487, -0.6503334045410156, 0.20225518941879272, -0.6664458513259888, 0.5609263777732849, -0.05904582887887955, -0.41162198781967163, -0.08283210545778275, -0.3921694755554199, -1.502756953239441, 0.65992271900177, -1.2166239023208618, 1.011616826057434, -0.8014582395553589, 1.3472392559051514, 0.8064419031143188, -0.22801105678081512, 1.2617937326431274, -0.5541526079177856, -0.15227100253105164, 0.9765525460243225, -0.9045960903167725, 0.7277061343193054, 0.2911248207092285, -0.21488040685653687, 0.32851266860961914, 0.5098857879638672, -2.168976306915283, 0.02390480972826481, 1.3119443655014038, 0.007885579019784927, -0.25771385431289673, -0.5681971311569214, 0.2999305725097656, -0.6654965877532959, -0.08108560740947723, 0.27191027998924255, -0.8868399858474731, 0.5903856754302979, -0.7717835903167725, 0.04813876748085022, 0.5181264877319336, -0.28982049226760864, 0.5357142686843872, 1.0125768184661865, 0.6103494167327881, -1.2256512641906738, 0.2538425922393799, 0.8156014084815979, -1.2193317413330078, 0.33806148171424866, 0.3165290653705597, 0.5967602133750916, 1.1186977624893188, -0.9328272342681885, -0.13975659012794495, 0.8857206702232361, 0.14730313420295715, 0.6589810252189636, 0.6229341626167297, 0.1529664248228073, -0.24994324147701263, -0.2862580418586731, 1.2174091339111328, 0.1571374237537384, -1.0227015018463135, -1.0634382963180542, -0.5277755856513977, -0.5586596131324768, -0.45369866490364075, 1.5048294067382812, 1.1626434326171875, 1.1645985841751099, 0.004282809793949127, 0.13031885027885437, -0.4850783944129944, 0.2295941412448883, 0.5996838212013245, 0.24174650013446808, -0.20992456376552582, -0.15681685507297516, -0.0755152702331543, 0.7112278342247009, 0.18212081491947174, -0.36414334177970886, -0.3211477994918823, 0.24577060341835022, -0.004146236926317215, -1.2752645015716553, 0.20440368354320526, 0.8183601498603821, 0.09447193890810013, 2.1166181564331055, -0.6356655359268188, -0.31954512000083923, 0.7224407196044922, 0.7041380405426025, 0.3817838430404663, 0.3386908769607544, -0.5845037698745728, 0.3241131007671356, 0.4335871934890747, 1.0482373237609863, -0.26039472222328186, 0.8105046153068542, 0.30580997467041016, -0.7432699203491211, -0.8775814771652222, -0.9064939618110657, -1.626610279083252, -0.29109394550323486, -0.2457578182220459, -0.2988274395465851, -0.2792043387889862, 0.30986887216567993, -0.7112720012664795, -1.0334837436676025, 0.8239649534225464, -0.15815863013267517, -0.9249626398086548, 0.7699854969978333, 1.1930145025253296, -1.3054972887039185, -0.5385042428970337, -0.2731586694717407, -0.6553030014038086, -1.1172863245010376, 0.19168131053447723, -0.8996565341949463, -0.08619781583547592, -0.42790478467941284, 0.8200565576553345, -0.08639045059680939, -0.027043040841817856, -0.8297306299209595, 0.7430923581123352, 0.9970769882202148, -0.5637494325637817, 0.6361652612686157, 0.19718897342681885, 0.5160675048828125, -0.2964414358139038, -0.5225299000740051, -0.7064077854156494, 1.0011473894119263, 0.5202716588973999, 0.14733634889125824, -0.6270416975021362, -0.8616039156913757, 0.2889981269836426, 0.10513441264629364, 0.8049573302268982, -1.1084017753601074, 0.5206142067909241, -0.11373329162597656, 0.17961297929286957, 0.4464750289916992, -0.6470022201538086, -0.9432578682899475, 0.7892463803291321, -0.16747599840164185, 0.3890749514102936, -0.11023121327161789, 0.724701464176178, 0.6070919036865234, -0.041292548179626465, 0.3515663743019104, -0.5865617394447327, -12.162850379943848, 0.26855894923210144, -0.48781150579452515, -0.10190828144550323, 0.926866352558136, -0.3954727351665497, 0.5182939171791077, 0.5248367190361023, 0.6428226232528687, -0.7770803570747375, 0.7131919264793396, 0.8033967614173889, -0.07899589836597443, -0.008573825471103191, -0.15404386818408966, -1.2324800491333008, -0.9471028447151184, -0.9015358686447144, 0.36852729320526123, -0.0011051744222640991, -0.37094026803970337, -0.9608284831047058, 0.3622385263442993, 0.2526693642139435, 0.3060837686061859, 0.3279768228530884, 0.13352254033088684, -0.33757469058036804, -0.41183704137802124, 0.07163578271865845, 0.5773278474807739, 0.5755003094673157, -1.0381699800491333, -0.4507278501987457, 0.48544198274612427, 0.18514835834503174, -1.2982922792434692, -0.27066779136657715, 1.2857081890106201, 0.08550720661878586, -0.6809854507446289, 0.08345062285661697, 0.1863396316766739, -0.049348220229148865, -0.7138681411743164, 0.18892444670200348, 0.4229831099510193, -0.7692255973815918, -0.3147362470626831, -0.7313534617424011, -0.3322097957134247, -0.536723256111145, -1.1929208040237427, -0.46781471371650696, 0.425979346036911, -0.4124150574207306, -0.15973016619682312, -0.06825467944145203, -0.2959931194782257, -1.1186513900756836, 0.7065526247024536, 0.8149442076683044, -1.0588510036468506, -0.08378385007381439, 0.4981979429721832, -0.4587099850177765, 0.6978474855422974, 0.805942952632904, 0.05929809808731079, 0.6982681155204773, -0.9479627013206482, 0.47607070207595825, 0.09066109359264374, 0.5737980604171753, 0.293261855840683, -0.18508076667785645, 0.2906869053840637, -0.35402604937553406, 0.15151715278625488, -0.0901801735162735, -0.5759469866752625, 0.38367435336112976, -0.1517356038093567, -0.14047086238861084, -0.5917469263076782, 0.04308332875370979, -0.36646467447280884, -0.13535453379154205, 0.4637238681316376, -0.0216556154191494, 0.9641549587249756, -0.7655746936798096, 0.02427835576236248, 0.3507292866706848, -0.5042595863342285, 0.8276200294494629, 0.005339786410331726, 0.7888920307159424, -0.10794396698474884, -0.5328558683395386, 0.13023945689201355, -0.5520424842834473, 0.019789475947618484, -0.5060679316520691, 0.21281114220619202, -0.08255186676979065, -0.29815346002578735, 0.37994185090065, 0.4471662640571594, -0.43775203824043274, 0.5221911072731018, -0.32278668880462646, -0.08032619953155518, 1.081192970275879, -0.4431435167789459, 0.5559636354446411, 0.9939376711845398, 0.07958175241947174, 0.8672665953636169, 1.05224609375, -0.3876040577888489, 0.945201575756073, 0.5999064445495605, 0.9854812026023865, 0.38808515667915344, -0.09494258463382721, 0.6587373614311218, 0.4540889263153076, -0.22021274268627167, -1.2287412881851196, -0.11298204958438873, -0.3581019937992096, 0.06362179666757584, -0.6091200709342957, 0.32080644369125366, -0.42029574513435364, -1.0021092891693115, 1.449089765548706, -0.48342424631118774, 0.4724479615688324, 0.24863390624523163, -0.7355536222457886, 0.4293423295021057, -0.6232802867889404, -0.6672859191894531, -0.14910224080085754, -2.347144842147827, 0.057292401790618896, -0.2164202630519867, -0.684342622756958, 0.4688092768192291, 0.03598255664110184, 0.9725581407546997, -0.9186850190162659, 0.4095127284526825, 0.08685260266065598, 0.5713748335838318, -0.20229670405387878, -0.5805143713951111, -0.40511494874954224, 0.10702139884233475, 0.6218205690383911, -0.2726898491382599, 0.8380190134048462, 0.4144360423088074, 0.040683336555957794, -0.20506712794303894, -0.21446137130260468, -0.39023280143737793, 0.3161734342575073, 0.9542469382286072, -1.0801990032196045, -0.12460805475711823, -0.7104616165161133, -0.037953898310661316, -1.2588281631469727, 0.5592488050460815, 1.6024879217147827, -0.2889983654022217, 0.2768208384513855, 0.06036608666181564, 0.9922221899032593, 0.3352005183696747, -0.5253099203109741, -0.6996299028396606, -0.27656254172325134, 0.2579134404659271, 0.6838167309761047, 0.01935192197561264, 0.7348260879516602, -1.5190473794937134, -1.0037648677825928, -0.366138219833374, 0.057651337236166, -0.0025216974318027496, -0.3708387017250061, 0.9445683360099792, 0.9362934231758118, 0.20451363921165466, 0.20771437883377075, -0.1806718409061432, 0.5489432215690613, -0.04744062200188637, -0.0016220621764659882, 0.02791735902428627, -0.07555365562438965, -0.4954507648944855, 0.3619004189968109, 0.284047931432724, 0.757576048374176, -0.7493115067481995, -0.34748345613479614, -0.15234990417957306, -0.31837502121925354, 0.13517601788043976, -0.6073390245437622, 0.10570719093084335, 0.08716702461242676, -0.0025597326457500458, -0.9482027888298035, 0.22968396544456482, 1.5028287172317505, 0.13012808561325073, 0.9182954430580139, 0.6920322179794312, -0.3935616612434387, 0.7759393453598022, 0.4673505425453186, 1.6042351722717285, -0.22633998095989227, -0.5797582864761353, -0.16926801204681396, 0.6005607843399048, -0.4002334475517273, -0.29653242230415344, -0.04322114214301109, -1.0261130332946777, 0.32852083444595337, -0.5165742635726929, -0.07448186725378036, 0.2708930969238281, 0.15256012976169586, 0.49833887815475464, 0.43512189388275146, 0.029692605137825012, -1.083728551864624, -0.10622110962867737, -0.6718785166740417, 0.09528040885925293, 0.46955499053001404, 0.15348635613918304, 1.0030207633972168, 0.7416680455207825, 0.32668739557266235, 1.0743863582611084, -0.2176031917333603, 0.0011048242449760437, -0.3461470901966095, 0.5672381520271301, 1.4764081239700317, 0.6333704590797424, 0.6530359983444214, -0.32677799463272095, -0.7723252177238464, -0.3555501401424408, -0.17506802082061768, -0.13796739280223846, 0.9311107397079468, 1.1157832145690918, -0.4570210874080658, 0.17133454978466034, -0.5736708641052246, 0.6522723436355591, -0.16609042882919312, 0.24543656408786774, 0.3858039379119873, -0.5792315602302551, -0.1969008594751358, -0.7699967622756958, 0.1867382675409317, 1.642404556274414, -0.5828264355659485, -0.37000346183776855, -0.8758495450019836, 0.31471049785614014, -0.3190366327762604, -0.3059767484664917, -0.7810105681419373, 0.2138150930404663, -0.5020442605018616, 0.16436706483364105, 0.14433711767196655, -0.20261237025260925, -0.04911118000745773, 0.05338454246520996, -0.4213826060295105, 1.0329493284225464, 0.19472478330135345, -0.8429273366928101, -0.8050300478935242, 0.48211607336997986, -0.21878841519355774, -0.06008050963282585, 0.590836226940155, -0.15402041375637054, -1.3678556680679321, 1.114717960357666, 1.1230487823486328, -0.48100829124450684, -0.6082971096038818, -0.036413874477148056, 0.7108877897262573, -0.12737852334976196, 1.661081314086914]} +{"paper_id": "quac", "embedding": [-0.3453816771507263, 0.6264238953590393, -0.006352916359901428, -0.042552798986434937, 0.4041828513145447, 0.18253906071186066, 0.2570805549621582, 0.7608848810195923, 0.95218825340271, 0.1816791146993637, 0.5369013547897339, 0.10216771066188812, 0.5060186386108398, -0.013438375666737556, -0.6281894445419312, -0.4496542811393738, -0.9461719393730164, -0.47661757469177246, -1.5173981189727783, -0.09444036334753036, -0.5253371596336365, -0.8225279450416565, -0.3594968616962433, 1.5750240087509155, -0.9833375215530396, -1.0019749402999878, 0.9994556307792664, -0.9481368660926819, -0.02801622450351715, 0.24326235055923462, -0.09056083112955093, 1.3450403213500977, -0.9911332130432129, 0.5734073519706726, -0.4105135202407837, -0.9804279804229736, 0.3118494749069214, 0.9567881226539612, -0.018930017948150635, -0.17831747233867645, -0.5498977303504944, 0.12148576229810715, 0.16029024124145508, 0.04728880152106285, 0.5116985440254211, -0.4361124634742737, 0.3754065930843353, 0.04513862729072571, -0.5810326933860779, 0.13171817362308502, -0.8295891284942627, 0.4603447914123535, -0.6125966906547546, 0.6558030843734741, 5.856528878211975e-05, 0.6827958822250366, 0.35177740454673767, -0.563396155834198, 0.3929552137851715, -0.6639996767044067, 1.4527757167816162, 1.330854892730713, 0.09712913632392883, 0.49755534529685974, 1.35524582862854, 0.06535577774047852, 1.6398210525512695, 0.18771900236606598, -0.30674177408218384, 0.9836235642433167, -0.7402846813201904, -0.8773548603057861, 0.40392011404037476, -0.028354376554489136, 0.4555310606956482, 1.0443751811981201, 0.42140886187553406, -0.02929733693599701, -0.33512258529663086, -0.23885363340377808, 0.13998128473758698, -0.09759223461151123, 0.5329331159591675, -0.2207014560699463, 0.3686214089393616, 0.15449672937393188, 0.6642264127731323, -0.44051334261894226, 0.4502541124820709, -1.569313645362854, 1.075675129890442, 0.21877267956733704, 0.09172426164150238, -0.0012942701578140259, -0.4805417060852051, 0.4342550039291382, -0.5128847360610962, -0.1011945903301239, -0.6428130865097046, 0.38377586007118225, 0.40001189708709717, 0.16122302412986755, 0.639725387096405, -0.25513070821762085, 0.2758132815361023, -0.6139013171195984, 0.6844717860221863, 0.05603357404470444, -0.4060400724411011, -0.8830832839012146, 0.26501014828681946, 0.6614795923233032, -0.10270173102617264, 0.6700287461280823, 0.020180506631731987, 0.7759369611740112, 0.7671977281570435, -1.2957215309143066, -0.12214531749486923, 0.21920670568943024, 0.3009491264820099, -0.796620786190033, -0.27672523260116577, -0.6176490783691406, 0.39829200506210327, -0.33124515414237976, -0.5112109780311584, -1.0615172386169434, -0.4906237721443176, -0.23066064715385437, 0.616828441619873, 0.09613709151744843, -0.6231403946876526, -0.20897988975048065, 3.3232905864715576, -1.2442703247070312, 1.7783726453781128, -1.0341814756393433, -0.7919204235076904, -0.8369859457015991, -0.3045347034931183, 1.711014986038208, -0.07413189113140106, -0.5980270504951477, -0.508583664894104, -0.3580516576766968, -0.2443966269493103, -0.04137204587459564, -0.5563747882843018, -0.5790628790855408, 0.0343247726559639, -0.07025042921304703, -1.5961428880691528, -0.46701541543006897, -0.1304449588060379, 0.3415706753730774, 0.20136216282844543, 0.4978199005126953, 0.21530744433403015, 0.9024426937103271, 0.13470558822155, -0.19668437540531158, -0.3263898491859436, 0.3192037343978882, -0.9531524777412415, -0.041273027658462524, 0.2944449782371521, -0.44018489122390747, -0.5578435659408569, 0.4334900975227356, -0.054068975150585175, -0.42541760206222534, -0.2563607394695282, -0.20871824026107788, -0.49974068999290466, 0.06639327108860016, 0.5811625123023987, 0.7018821239471436, 0.48308196663856506, -0.6201759576797485, -0.024795902892947197, -0.27023845911026, 0.21421962976455688, 0.6455671787261963, -0.1950235664844513, 0.46128129959106445, -2.332641839981079, -0.10491546988487244, -0.12463562190532684, 1.3676115274429321, 0.10557815432548523, 0.10162065923213959, -0.014410257339477539, 0.06130746379494667, 0.026006780564785004, -0.746078610420227, 0.3446098864078522, -1.2411885261535645, 0.5572031736373901, 0.2376290112733841, 0.28301802277565, -0.16959507763385773, 0.280840128660202, 1.0769325494766235, 0.24756188690662384, -0.2273005247116089, -1.0422775745391846, -1.252698540687561, -0.16795259714126587, 1.8805946111679077, 0.5735077857971191, -0.5597009062767029, -0.6092137098312378, -0.4707416892051697, -0.31268709897994995, 0.15228210389614105, 0.28773054480552673, -0.6695326566696167, 0.22373861074447632, -1.057102084159851, 0.8538585901260376, -0.371351033449173, -0.29774010181427, 0.8950197100639343, 1.468680739402771, -0.3278346061706543, 0.15875378251075745, -0.6073054671287537, -0.22572430968284607, 0.31662338972091675, 0.7085548043251038, 0.26882338523864746, 0.17083238065242767, 0.3101069927215576, 0.2574212849140167, 0.4462038278579712, 0.7938665151596069, 1.314015507698059, -1.046362280845642, 0.061161503195762634, -0.36984699964523315, 1.7337872982025146, 0.2538065016269684, 0.6329927444458008, 0.04884013533592224, 0.10802191495895386, -0.4404070973396301, -0.5130707621574402, 0.21587926149368286, -0.2409432828426361, 1.3862024545669556, 0.5127511620521545, -0.5473999977111816, 0.12023664265871048, -0.05328797921538353, -0.603124737739563, -0.16426749527454376, -0.5472296476364136, -0.4940420389175415, -0.7917339205741882, 0.9805953502655029, -0.58551424741745, 0.14702345430850983, -0.30481278896331787, 0.4391077756881714, -0.9021011590957642, -0.4129531979560852, 0.5168259739875793, -0.1634155511856079, -1.1943377256393433, -0.1095079779624939, -0.19898395240306854, -1.1157772541046143, -0.34444499015808105, 0.10929328948259354, -0.07593680918216705, -0.05061184614896774, 1.1185078620910645, 1.653548002243042, -0.10591405630111694, 0.15897825360298157, -0.6275812983512878, 0.9805094599723816, -0.7144647836685181, 0.16294410824775696, -0.3545669615268707, -0.010151245631277561, -1.0761529207229614, 0.411492258310318, -0.43226832151412964, 0.08892539888620377, 0.6783527731895447, -0.7237107753753662, 1.0646694898605347, -0.17317001521587372, -0.765560507774353, 0.6297106146812439, -0.01519700512290001, -0.10928923636674881, -0.3268820643424988, 1.8506839275360107, -0.1409986913204193, -0.6720114946365356, 0.5550815463066101, -0.08963974565267563, -0.274865061044693, 0.7899105548858643, 0.07581663131713867, -0.378592848777771, 0.7432226538658142, -0.5199195742607117, 0.0093747079372406, 0.3031156063079834, -1.9587353467941284, 1.1061866283416748, 1.1133304834365845, -0.3752855658531189, 0.3241170048713684, -1.0831820964813232, 0.6155197620391846, -0.03266702964901924, 0.18432113528251648, 0.8120275139808655, -0.4048421382904053, 0.5309778451919556, -0.18109256029129028, 0.1545727550983429, 0.8087937235832214, 0.13305111229419708, 0.30346059799194336, 0.0906834602355957, -0.10440360754728317, -0.682064950466156, -0.6332674026489258, 0.752737820148468, -0.39442017674446106, 0.07178380340337753, 0.6332972049713135, 0.524534285068512, 0.5962567329406738, 0.1877492219209671, 0.01861594244837761, 0.6221143007278442, 0.6452397704124451, 0.08365503698587418, 0.23375076055526733, -0.41381776332855225, 0.44568800926208496, -0.22140365839004517, 1.1333751678466797, -0.23847317695617676, -0.5049670934677124, -1.1375702619552612, -0.16477933526039124, -0.3141394853591919, 0.07192540913820267, 1.4306399822235107, -0.0682583674788475, 1.685473084449768, 0.6412937045097351, -0.06594454497098923, -0.8398574590682983, -0.5815474987030029, 0.5724446773529053, 0.22254669666290283, 0.13302168250083923, -0.8492788076400757, -0.034552522003650665, 0.708774745464325, 0.33523082733154297, -0.48975205421447754, 0.19502225518226624, 1.0463930368423462, 0.2778029441833496, -0.8118829131126404, 1.0140525102615356, 1.1529772281646729, 0.36521318554878235, 0.8370901346206665, -0.5080051422119141, 0.5051042437553406, -0.10796473175287247, 0.6356814503669739, 0.08923941850662231, 0.38416317105293274, 0.2661038935184479, 0.6646326184272766, 0.10461889207363129, 0.6277137994766235, -0.0644412413239479, 1.0948472023010254, 1.2649792432785034, -0.8512449264526367, -1.610606074333191, -0.12789729237556458, -0.8607189655303955, -0.41635453701019287, 0.7904140949249268, 0.12647618353366852, -0.4902341663837433, 0.7723218202590942, 0.0865958109498024, -0.4129869341850281, 0.6453689336776733, -0.4751174747943878, -1.1376227140426636, 0.28531867265701294, 0.8188061714172363, -0.7431318759918213, -0.36618393659591675, -0.23660670220851898, -1.1210036277770996, -0.027836039662361145, -0.34085074067115784, -0.9322628378868103, 0.5489118099212646, 0.0602463036775589, 0.6839454174041748, 0.03361310064792633, 0.2778647541999817, -0.7333813905715942, 1.3631696701049805, 0.5348973274230957, -0.7925145626068115, 0.7713086605072021, -0.033363256603479385, 0.6702909469604492, -0.3995736837387085, -0.7892091274261475, -0.6699957847595215, 0.6847044825553894, -0.30976277589797974, 0.04929935559630394, -0.794502317905426, 0.17670874297618866, 1.070082664489746, 0.13441841304302216, 0.2289033830165863, -0.9512788653373718, -0.033871427178382874, -0.9875313639640808, 0.09380815923213959, 0.4659610092639923, -1.4644259214401245, -1.0213161706924438, 0.04909801855683327, -0.7030687928199768, 0.3553032875061035, -0.4885094463825226, -0.17331187427043915, 1.9150301218032837, 0.25669142603874207, 0.4715549349784851, 0.010616086423397064, -12.096992492675781, 1.3368030786514282, 0.15939076244831085, -0.163107767701149, 0.3226056694984436, -0.5754559636116028, 0.7170582413673401, 0.0061269598081707954, 0.32362183928489685, -0.7176169753074646, 0.1660989671945572, 0.8605495691299438, 0.23903986811637878, -0.3140980899333954, -0.718372642993927, -1.0358480215072632, -0.424467533826828, -0.6878005862236023, 0.2267662137746811, 0.25388336181640625, -0.14018741250038147, -0.48260343074798584, -0.43905436992645264, -0.22850213944911957, 0.26725345849990845, -0.21010059118270874, -0.6593791246414185, -0.4118824899196625, 0.058114245533943176, -0.6072018146514893, 0.657137930393219, -0.016697542741894722, -0.036916717886924744, -0.6724913120269775, -0.1947406828403473, -0.4062289595603943, -0.9522520303726196, -0.3157869875431061, 0.9228657484054565, -0.3220904469490051, -0.2570013999938965, -0.38806775212287903, 0.4701935052871704, -0.4064371883869171, -0.4021570384502411, 0.2557409405708313, 0.37592312693595886, -0.5783395767211914, 0.23083676397800446, 0.02719315141439438, -0.9797742962837219, -0.34638962149620056, -0.7661023736000061, -0.6988072991371155, 0.4907938539981842, 0.33817997574806213, -0.5799121260643005, -0.1251966655254364, -0.045188624411821365, -0.87694251537323, 0.667862594127655, -0.08061031997203827, -0.1673905998468399, 0.43220463395118713, 0.1840451955795288, -0.14999735355377197, -0.3150033950805664, -0.04909289628267288, 0.12970030307769775, 0.5329928398132324, -0.725502073764801, 0.8036290407180786, -0.4068832993507385, 0.7060132026672363, -1.2110176086425781, -0.13440865278244019, -1.0356942415237427, -0.2182476669549942, 0.6417303085327148, 0.15994274616241455, -1.1854947805404663, 1.0845333337783813, 0.8651862740516663, -1.0534138679504395, -0.8129255175590515, 0.22024217247962952, 0.38278132677078247, 0.7537375092506409, 1.1016287803649902, -0.7294409275054932, 0.8527535200119019, 0.2489810585975647, -0.7622002959251404, 0.07265396416187286, -0.2579602301120758, 0.3255195617675781, -0.49357593059539795, 0.029244937002658844, 0.46717384457588196, -0.30384066700935364, -0.1935102641582489, -0.3013937175273895, -0.8425756692886353, 0.3915688991546631, 0.7479860782623291, 0.2856227457523346, -0.2754388749599457, 0.15494099259376526, -0.08976499736309052, -0.48426172137260437, 0.8253578543663025, 0.4422863721847534, -0.42841029167175293, 1.034345030784607, -0.3619721233844757, 0.6425756216049194, 0.8332035541534424, 0.09666858613491058, 0.3032076954841614, 0.44215765595436096, -0.5423635244369507, 1.230986475944519, 0.044280022382736206, 1.5670628547668457, -0.2218061089515686, -0.315809428691864, 0.2966087758541107, 0.7295085191726685, -0.2057967334985733, -1.2834720611572266, -0.05182241275906563, -0.41025081276893616, 0.4176362454891205, -0.8488396406173706, -0.1902858316898346, 0.6245549917221069, -0.36361998319625854, 1.3354767560958862, -0.7237659692764282, 0.037224866449832916, -0.28255385160446167, -0.03708900138735771, -0.42424681782722473, -1.2367620468139648, -1.0212243795394897, 0.28041937947273254, -1.2750554084777832, 0.5447083115577698, -0.38021358847618103, 0.19072102010250092, -0.03747503086924553, -0.5829338431358337, 1.0093899965286255, -0.3701093792915344, -0.2697179317474365, -0.5236661434173584, 0.5067099332809448, -0.6386831998825073, -0.9745820164680481, -0.32128942012786865, 0.37727898359298706, 1.3731610774993896, -1.2440534830093384, 1.5430651903152466, 0.2503466308116913, -0.33275914192199707, -0.5056244134902954, 0.32667890191078186, -0.3285522162914276, 0.6638022661209106, 0.9704142212867737, -0.9204807281494141, -0.6084837913513184, -0.8215985298156738, -0.2217932939529419, -0.21176767349243164, 0.24523410201072693, 1.391547679901123, -1.1911917924880981, -0.6046875715255737, -0.36542701721191406, 0.8479331731796265, 0.19203178584575653, -0.17773938179016113, -0.2980318069458008, 0.28954994678497314, -0.2705463171005249, 0.8424199223518372, 0.2806209623813629, 0.7115741968154907, -1.4338792562484741, -1.0257272720336914, -0.5467113852500916, -0.5453371405601501, -0.31066569685935974, 0.6270967125892639, 0.7965052127838135, 0.5615633726119995, -0.3449505567550659, -0.33344507217407227, -0.12862274050712585, 0.3874231278896332, 0.16211017966270447, 0.6042247414588928, -0.39160892367362976, 0.3338322043418884, -0.24978181719779968, 0.03966475650668144, 0.3175189197063446, 1.1538550853729248, -0.7730092406272888, -0.39340919256210327, 0.2681407332420349, -0.22408883273601532, 0.35060229897499084, -1.1831855773925781, -0.5631798505783081, -0.554206907749176, -0.4447738826274872, -1.0468528270721436, 0.07414761185646057, 1.1720774173736572, -0.11597827076911926, 0.9279646277427673, 0.24730026721954346, 1.1158530712127686, 0.6351782083511353, -0.3719901442527771, 0.5088141560554504, -0.019200216978788376, 0.22990024089813232, 0.1440637856721878, 0.2992604374885559, 0.6799328327178955, -0.11232773214578629, -0.861812949180603, -0.8989238142967224, 0.42281660437583923, -0.3373968005180359, 0.7788668274879456, 0.0622137114405632, 0.8729468584060669, 1.4498353004455566, 1.5355620384216309, -0.003512158989906311, -1.5163507461547852, -0.6026529669761658, -1.5661015510559082, 0.1564018726348877, 0.6229695677757263, 0.15864497423171997, 0.16163325309753418, 0.7841691374778748, -0.809844434261322, 0.8799466490745544, -0.9935871958732605, 0.05845635011792183, 0.18364258110523224, 0.10341000556945801, 0.3230036199092865, 0.5282140374183655, 0.1822061985731125, 1.0332832336425781, 0.06458328664302826, -0.894910991191864, -0.02424681931734085, -0.522429883480072, 0.735456109046936, 0.44402414560317993, -0.37606900930404663, -0.5224109292030334, -0.26353514194488525, 0.7257871627807617, -0.05757790431380272, 1.5592361688613892, -0.011543482542037964, -0.45434415340423584, -0.6520230174064636, -1.2540655136108398, -0.37769609689712524, 0.22197645902633667, 0.448628693819046, -0.47445470094680786, -0.5875213146209717, 0.6607382893562317, 0.5233135223388672, 0.26023152470588684, -0.8243916630744934, -0.40647396445274353, -0.7571362257003784, 0.04297280311584473, 0.08662138134241104, -0.5887181162834167, -0.7926604747772217, 0.04560955613851547, -0.5977194309234619, 0.1708010584115982, 0.5147784948348999, -1.2041876316070557, -0.9959539771080017, 0.1834007203578949, 0.2669835686683655, 0.30157244205474854, 0.3907051086425781, 0.1977441906929016, -1.5006734132766724, 0.5387123227119446, 1.2505524158477783, -0.306578665971756, 0.13937069475650787, 0.16252419352531433, 0.36232471466064453, -0.1645522117614746, 1.2160968780517578]} +{"paper_id": "asset", "embedding": [0.7715357542037964, 1.5493232011795044, -0.518663227558136, 0.08996456861495972, 0.5673428177833557, 0.14901766180992126, 0.943909227848053, 0.9272124767303467, 1.1143616437911987, 0.19473868608474731, -0.5859546065330505, 0.30050379037857056, 0.3718794286251068, 0.0827166959643364, -0.0656776875257492, -0.24643537402153015, -0.26420238614082336, -0.6879090070724487, -1.9433164596557617, -0.705348551273346, -0.09297196567058563, -0.5933440327644348, 0.18808145821094513, 0.309487521648407, -0.7717530727386475, -0.764979362487793, 0.5095752477645874, -1.2853573560714722, -0.46090975403785706, 0.7043747901916504, -0.14766603708267212, 1.7335799932479858, -1.5825843811035156, 0.14232933521270752, -0.2987866997718811, -0.008676301687955856, 0.018514463678002357, 1.299649715423584, 0.02728993445634842, 0.4597804844379425, -0.9105966091156006, 0.058017194271087646, 0.27282246947288513, -0.12117408961057663, 0.06795191764831543, -0.22149121761322021, -1.086206316947937, 0.7260110378265381, -0.47073179483413696, 0.07380059361457825, -0.0442170575261116, 0.09501874446868896, 0.4118022620677948, 0.22427794337272644, -0.5222383141517639, 1.0958017110824585, 0.9974613189697266, -2.114971876144409, -0.29541558027267456, -0.46759891510009766, 1.6357262134552002, 1.3406275510787964, -0.5556206703186035, 0.5182605981826782, 1.7157323360443115, 0.014276869595050812, 1.7294734716415405, 0.6767533421516418, 0.16697096824645996, 1.5429993867874146, -0.8051747679710388, -1.0593065023422241, 0.8566863536834717, -0.052094511687755585, 0.25919800996780396, 0.570778489112854, 0.078128881752491, -0.2711656391620636, 0.24213045835494995, -0.8907579183578491, -1.0842775106430054, 0.2068151980638504, 0.891989529132843, -1.4714579582214355, -0.3748067021369934, 0.2688886225223541, 0.4732033312320709, -0.28006911277770996, -0.16390162706375122, -0.6104997396469116, 0.09232655167579651, 0.3980523943901062, 0.18524658679962158, 0.5116000175476074, -0.2227475345134735, 0.19601523876190186, -0.01782888174057007, 0.19514605402946472, -0.46725547313690186, -0.3641592562198639, 1.4504635334014893, 0.3217740058898926, 0.6748249530792236, 0.42263272404670715, 1.0346083641052246, 1.2533607482910156, -0.4856034219264984, -0.9057226777076721, -0.6701910495758057, -0.8574245572090149, -0.7464807033538818, -0.006726965308189392, 0.23796580731868744, 0.743921160697937, -0.6397920846939087, 0.08671576529741287, 0.136339008808136, -0.47210291028022766, -0.4958001673221588, 0.04022649675607681, -0.26185160875320435, -0.9018070101737976, -0.18486201763153076, -0.979385495185852, 1.0343017578125, -0.6784061789512634, -0.2715211808681488, -0.4260314702987671, 0.4368087649345398, -0.8405653238296509, 0.9427969455718994, 0.14589627087116241, -0.3064242899417877, 0.7123780846595764, 2.510326623916626, -1.1106617450714111, 0.686894953250885, -0.26377785205841064, -0.0943954661488533, -0.05856087803840637, 0.16069453954696655, 1.0426099300384521, -0.2561030089855194, -0.6457393169403076, -0.981050431728363, 0.012538301758468151, -0.8368931412696838, 0.7319857478141785, -1.697355031967163, -0.18119527399539948, -0.33028411865234375, -0.3562127947807312, -1.1522427797317505, -1.2948992252349854, 0.40972116589546204, -0.1458773910999298, 0.2858612835407257, 0.48745661973953247, -0.3085058629512787, 0.9473285675048828, 0.4957708716392517, 0.331479012966156, -0.2919856607913971, -0.06740172207355499, -0.7664974927902222, -0.04853387549519539, 0.6210675835609436, -0.7078689336776733, -0.4237463176250458, -0.39365458488464355, 0.2821482717990875, -0.6996003985404968, -0.07834465801715851, -0.24272757768630981, 0.18824365735054016, 0.6310840845108032, 0.8468188643455505, -0.2249501794576645, 0.553195595741272, -0.4191112518310547, -0.7093773484230042, 0.24209192395210266, 0.5231291055679321, 0.9321291446685791, -0.38954001665115356, 0.2768106162548065, -1.850012183189392, -0.5506264567375183, -0.13195261359214783, 0.4126274585723877, -0.19252020120620728, -0.3599686920642853, -0.14683133363723755, 0.7624636888504028, -0.48421281576156616, -0.07922060787677765, -0.01669912040233612, -0.7548521161079407, 0.6305906176567078, 0.4319738745689392, 0.39068955183029175, 0.26829788088798523, -0.13412944972515106, 1.0256997346878052, 0.7508475184440613, -0.7998078465461731, 0.22210164368152618, -1.4601863622665405, -0.5183159112930298, 1.784979224205017, -0.30101311206817627, -0.045004576444625854, -1.5569242238998413, -0.9727749824523926, 0.6451623439788818, 0.12148099392652512, 0.6289982795715332, -0.511172890663147, -0.7525097131729126, -0.5548222064971924, 0.7241082191467285, -1.0374562740325928, -0.23507505655288696, 0.9916789531707764, 1.41587495803833, -0.9557819366455078, 0.2909180521965027, 0.10280512273311615, -1.1418044567108154, 0.47727808356285095, 1.4234189987182617, 0.6087177395820618, -0.42557886242866516, 1.1074525117874146, -0.3294752836227417, 0.2808476686477661, 0.4485532343387604, 0.6261150240898132, -0.33841127157211304, -0.8089098930358887, 0.4853251576423645, 0.7142287492752075, 0.0067023783922195435, -0.028998536989092827, -0.03072511777281761, 0.7727088332176208, -0.8939048647880554, -0.6627292633056641, -0.3013104796409607, 0.08295950293540955, 0.7460798025131226, 0.7655360102653503, -0.7179458737373352, 1.110853672027588, -1.3112508058547974, -0.6165427565574646, -0.16387097537517548, -1.1494956016540527, -1.0143929719924927, -0.49519461393356323, -0.26286405324935913, 0.40203437209129333, 0.3028057813644409, -0.11073485761880875, -0.42944490909576416, -0.8547912240028381, -1.1527574062347412, -0.817349374294281, 0.27374255657196045, -1.6365344524383545, -1.0604139566421509, 0.4497303366661072, -1.0412942171096802, -0.40873509645462036, 0.12271657586097717, 0.09339608997106552, -0.10223778337240219, 1.3469345569610596, 1.290937066078186, 0.17242532968521118, 0.47096264362335205, -0.8263237476348877, 1.1159449815750122, -0.34439152479171753, 1.4254469871520996, -0.8847038149833679, -0.48003512620925903, -0.7244001030921936, 0.2613227963447571, -0.7717334628105164, -0.0019087232649326324, 1.0156172513961792, -0.4502248466014862, 0.495551735162735, 0.15672627091407776, -1.18285071849823, 0.5444914102554321, -0.4371505379676819, 0.1495647430419922, -0.5855176448822021, 1.0493218898773193, 0.948875904083252, -0.23244644701480865, 0.23875556886196136, -0.6185892224311829, -0.5813133120536804, 0.8491805195808411, -0.8298689126968384, 1.7760951519012451, 0.962044894695282, 0.5572710633277893, 0.8249229192733765, 0.2867777943611145, -1.3647277355194092, -0.2694365680217743, 1.719016671180725, -0.5371831059455872, -0.4562855660915375, -0.6309382915496826, -0.18851298093795776, -0.49514856934547424, -0.18529407680034637, 0.9113448858261108, -0.838399350643158, 0.43065497279167175, -0.027172740548849106, 0.531390368938446, 0.8027628660202026, -0.3350907564163208, 1.0253156423568726, 0.992958664894104, 0.4814426004886627, -0.8154872059822083, -0.9745931029319763, 0.7076203227043152, -0.3109824061393738, 0.47659435868263245, 0.22482049465179443, 1.268459439277649, 0.6245136260986328, 0.5481967926025391, -0.05563495680689812, 1.012943983078003, 0.5858862996101379, 0.42903566360473633, 0.6458383202552795, -0.8883558511734009, -0.18002153933048248, -0.19267266988754272, 1.8248103857040405, -0.25396016240119934, -0.3442157804965973, -0.33395442366600037, -0.33671677112579346, -1.0366053581237793, -0.639259397983551, 1.2857372760772705, 1.3793213367462158, 1.4067250490188599, -0.02594117447733879, 0.18812431395053864, -0.19804446399211884, 0.3044910430908203, -0.04703470319509506, 0.22068460285663605, -0.3638971447944641, -0.06076508015394211, 0.3977193534374237, 1.2495715618133545, -0.376179039478302, -0.5359782576560974, -0.16017593443393707, 0.8508180975914001, -0.305243581533432, -0.5891157984733582, 1.0062892436981201, -0.04184873029589653, 1.075283169746399, 1.7918131351470947, -0.4185604751110077, -0.9765613675117493, -0.3272027373313904, 0.32570144534111023, -0.03603008762001991, 0.1382288932800293, -0.8714216947555542, -0.3483276963233948, 0.09868673980236053, 0.686362087726593, 0.36864906549453735, 0.21258445084095, 0.44240617752075195, -0.7860153913497925, -1.3296504020690918, 0.46404674649238586, -1.3604085445404053, 0.19154851138591766, -0.2175825536251068, -0.2718997299671173, -0.8659666776657104, 0.7874468564987183, -0.5127098560333252, -0.2917082607746124, 0.16309064626693726, -0.270943820476532, -0.7550102472305298, -0.38224828243255615, 0.2898654341697693, -1.0390743017196655, -0.08277877420186996, 0.22033338248729706, -0.860925018787384, -0.5793980956077576, -0.7830924391746521, -0.7302883267402649, 0.787131130695343, -0.1860923022031784, 0.7662428617477417, 0.22210073471069336, 0.4630433917045593, -1.6787142753601074, 0.4767075181007385, 1.0788158178329468, -1.3664129972457886, 0.6737567186355591, 0.9094560146331787, 0.1568666249513626, -0.07020360976457596, -1.048331379890442, -0.1450788825750351, 0.1529204398393631, 0.11046183109283447, 0.5704923272132874, 0.39092856645584106, -1.2107371091842651, 0.6642082929611206, 0.36695507168769836, 0.2396700084209442, -0.8248661160469055, -0.01620105654001236, -0.21869003772735596, 0.48041340708732605, 0.9672805070877075, -0.978551983833313, -0.16443634033203125, 0.26091039180755615, -0.4340340793132782, 0.7380630970001221, 0.001441948115825653, -0.19329796731472015, 0.37782275676727295, 0.4769666790962219, -0.44465458393096924, -1.0192687511444092, -10.552022933959961, 0.37962478399276733, -0.05720158666372299, -0.4448876976966858, -0.35578635334968567, -0.4492376744747162, 0.11532251536846161, -1.0858862400054932, 0.9775179028511047, 0.10349401831626892, 0.06900709867477417, 2.349622964859009, 0.3517179787158966, 0.00625025387853384, -0.9856772422790527, -1.3846745491027832, -0.5896927714347839, -0.5738535523414612, -0.22847498953342438, 0.16204416751861572, -0.4496594965457916, -0.6028649210929871, 0.42953336238861084, 0.9690759181976318, 1.1053252220153809, -0.23974791169166565, -0.9241288900375366, -0.09028095752000809, -0.29294565320014954, 0.737463116645813, 0.6552465558052063, 0.12694880366325378, -0.4214244484901428, -0.9553309679031372, 0.9436447024345398, -0.4818577170372009, -1.0682744979858398, -0.09996972978115082, 0.23555758595466614, -0.16570182144641876, -0.1609824001789093, 0.8344087600708008, 0.029761571437120438, -0.6405884027481079, -0.5534675121307373, 0.09596462547779083, 0.0023705381900072098, -0.39426571130752563, 1.2146059274673462, -0.6719898581504822, -0.5480841398239136, -0.39105910062789917, -1.028540015220642, -0.982082724571228, -0.1919095814228058, 0.03960425406694412, -0.47218671441078186, -0.1500820517539978, -0.5363919734954834, -0.9369348287582397, 0.16196447610855103, 0.1368633359670639, -0.6431089043617249, 0.35836443305015564, 0.3205433785915375, -0.1184537261724472, 0.2715437710285187, 0.21450485289096832, -0.2561884820461273, 0.46803539991378784, -0.7982350587844849, 1.1032946109771729, -0.11479239910840988, 0.3477545976638794, 0.012010350823402405, -0.2511554956436157, -0.6479561924934387, -0.6944466233253479, 0.7228482365608215, -0.039474621415138245, -0.7143968343734741, 0.956358790397644, 0.40791159868240356, 0.4593265950679779, -0.9226856827735901, 0.1873912811279297, 0.577759861946106, -0.3963053226470947, 1.153875708580017, -0.04001769423484802, 1.525992751121521, -0.7650396227836609, 0.08289168030023575, -0.22595754265785217, -0.621199905872345, 0.8857138752937317, -0.8534481525421143, 0.8503875732421875, 0.6320644617080688, -0.7382322549819946, -0.06454861909151077, -0.15535332262516022, -1.1613503694534302, -0.20893476903438568, 0.11464966833591461, -0.42294400930404663, 0.43282467126846313, -1.0356019735336304, 0.10880284011363983, -0.9944912791252136, 0.88909912109375, 0.4944576621055603, 0.28976380825042725, 1.3662828207015991, -0.2638455033302307, 0.9594601988792419, 1.0795761346817017, 0.23694920539855957, 0.02763768844306469, 1.773673176765442, -0.4229455888271332, 0.9217584133148193, -0.23893587291240692, 1.7413487434387207, 0.01075868308544159, 1.1910252571105957, 0.6711713075637817, 1.0546329021453857, 0.09955111145973206, -0.9579359292984009, -0.7089852690696716, -0.409415066242218, 0.3818134367465973, -0.9935593008995056, 0.3548104166984558, 0.23868361115455627, -1.175717830657959, 0.6410127878189087, -0.2977164089679718, 0.3232121169567108, -0.36455392837524414, -0.851771354675293, -0.6943445801734924, -0.7523303627967834, -1.0785788297653198, 0.27784743905067444, -2.097425699234009, -0.04315442219376564, -0.44982123374938965, 0.25700825452804565, 0.09305305778980255, -0.10034556686878204, 0.9100268483161926, -0.4645083546638489, -0.5811497569084167, -0.01617603749036789, -0.05731423944234848, -1.2374004125595093, -0.930088996887207, -0.34172114729881287, -0.1480330228805542, 1.6302266120910645, -0.08661089092493057, 0.9761940836906433, -0.021843358874320984, 0.29659968614578247, -0.35493171215057373, -0.6111043691635132, -0.48875999450683594, 0.5523808002471924, 0.6999765038490295, -0.36514967679977417, -0.4127829968929291, -0.3833812177181244, -0.2569236755371094, -0.4619295597076416, 0.246232807636261, 0.8855109214782715, -0.5927340388298035, 0.4195965528488159, 0.08922165632247925, 0.4116297662258148, 1.1279934644699097, 0.11260777711868286, -0.8389921188354492, 0.37037116289138794, -0.1905243694782257, 0.7833724021911621, -0.4314301609992981, 0.3363436460494995, -1.526051640510559, -2.1192333698272705, -0.9805558323860168, 0.05646214261651039, 0.7631876468658447, 0.03075583092868328, 0.3932555317878723, 0.2188176065683365, 0.11407408118247986, 0.10557848960161209, -0.2837068438529968, 0.5910473465919495, 0.2394864708185196, -0.02039989084005356, 0.38412824273109436, 0.6079734563827515, -0.03671778365969658, 0.170586496591568, 0.5022571086883545, 1.22739577293396, -1.571092963218689, -0.17383670806884766, 0.45497339963912964, -0.23729808628559113, -0.021638553589582443, -0.9698233604431152, 0.2004309892654419, -0.3108265995979309, 0.35589662194252014, -0.8175193071365356, 0.29532405734062195, 1.6278542280197144, 0.16127662360668182, 0.14727340638637543, 1.5905892848968506, -0.239388108253479, 0.2829028069972992, 0.928087055683136, 1.2125098705291748, 0.4003254771232605, -0.47155922651290894, -0.2825239300727844, -0.2827393412590027, 0.3319038450717926, 0.5646204352378845, 0.31747621297836304, -1.1357967853546143, -0.6115056872367859, -1.363793134689331, -0.0026151686906814575, 0.3818207383155823, 0.25887560844421387, 0.17084285616874695, 0.6747068762779236, 1.347933292388916, -1.3628824949264526, 0.0004423838108778, -0.6397697925567627, 0.4120327830314636, 0.27987366914749146, 0.26247304677963257, -0.015161154791712761, 0.45991331338882446, -0.042752861976623535, 1.435979962348938, -0.15351198613643646, -0.31457990407943726, -0.49565261602401733, 0.35596978664398193, 1.6003986597061157, 0.4064902663230896, -0.011387648060917854, -0.8459331393241882, -0.36117619276046753, -0.9940070509910583, -1.245823621749878, -1.1519659757614136, 1.0012542009353638, 0.6598473191261292, 0.35376521944999695, 0.8771986961364746, -0.911180317401886, 0.8178504705429077, -0.8846186399459839, 0.9083291888237, 0.41129302978515625, -0.20946888625621796, -1.2133506536483765, -0.8984079957008362, 0.303900808095932, 1.0565605163574219, -0.5205636024475098, -0.06901319324970245, 0.0007128864526748657, 0.12866255640983582, 0.24073673784732819, 0.3031008541584015, 0.48927563428878784, -0.3077925145626068, 0.010320236906409264, -0.8186233043670654, 1.0573952198028564, -0.22215017676353455, -0.12951479852199554, -0.5019208192825317, -0.2642987072467804, 0.5016265511512756, 0.16587647795677185, -0.26233285665512085, -0.02769191935658455, 0.5527485013008118, 0.4232221841812134, 0.0043770745396614075, 0.30376577377319336, 0.06763263791799545, -1.179559350013733, 1.3577243089675903, 0.5598232746124268, -0.9676661491394043, -0.6053815484046936, 0.17888537049293518, 1.0712875127792358, -0.30591344833374023, 1.2741655111312866]} +{"paper_id": "circa", "embedding": [-1.5826916694641113, 0.6354758143424988, 0.608353316783905, -0.36245208978652954, 0.7376899123191833, 0.4235704839229584, 0.15451699495315552, 0.38042816519737244, 0.38383960723876953, -0.368978351354599, 0.6661901473999023, -0.032698728144168854, 0.5557945370674133, 0.3634933829307556, -0.34290042519569397, 0.3135398030281067, -1.6455389261245728, -0.4357888102531433, -1.342766284942627, 0.19989874958992004, -0.20943395793437958, -0.6821302771568298, -0.14487354457378387, 0.4691438674926758, -0.8243423700332642, -0.9991664290428162, 0.5424875617027283, -0.7924171090126038, 0.14491456747055054, 0.11532673239707947, -0.4471334218978882, 1.5376389026641846, -0.3949844539165497, 0.4875078499317169, 0.22126805782318115, -0.5848434567451477, -0.6252613663673401, 0.9126608967781067, -0.04419611766934395, 0.05610515922307968, -0.304106742143631, -0.24967217445373535, 0.632377028465271, 0.8260612487792969, 0.3884742856025696, -0.3022990822792053, -0.013772290199995041, 0.620227575302124, -0.5855175256729126, 0.2923041582107544, -0.9730733633041382, 0.6149083375930786, -0.8589566946029663, 0.7411836385726929, -0.0980287566781044, 0.8611984848976135, 0.3582995533943176, -1.053457498550415, 0.4216315448284149, -1.1326528787612915, 1.39702308177948, 1.6672660112380981, -0.1718454211950302, 0.6332445740699768, 0.6157336831092834, 0.046812765300273895, 1.4212288856506348, -0.37335509061813354, -0.19753578305244446, 0.7843091487884521, -0.726049542427063, -0.7140105962753296, 1.2745457887649536, 0.565139889717102, 0.5162865519523621, 0.587992787361145, 0.5939340591430664, 0.9395071864128113, -0.798389732837677, 0.18258172273635864, 0.019107645377516747, -0.07951094210147858, 0.664900541305542, -0.4205884337425232, 0.15996623039245605, 0.32043561339378357, 0.3693525493144989, -0.6959412097930908, 0.46166348457336426, -0.8085963726043701, 0.7392714023590088, -0.3821108341217041, -0.411155641078949, 0.14439839124679565, 0.023913361132144928, 0.30245015025138855, -0.14135012030601501, 0.10304166376590729, -0.3488922715187073, 0.42475515604019165, 0.28105252981185913, -0.2026749700307846, -0.1243845522403717, -0.6062828302383423, -0.3993958830833435, -0.0077682919800281525, 0.003913603723049164, -0.9097995758056641, -0.5486851334571838, -0.33424150943756104, 0.27828046679496765, 1.0637538433074951, -0.25290048122406006, 0.6438456177711487, 0.22692427039146423, 0.5832704305648804, 0.29516834020614624, -1.4236493110656738, 0.4956199824810028, 0.6247193217277527, -0.5085237622261047, -0.9774045944213867, 0.12498535215854645, 0.10390879213809967, 0.7943432927131653, -0.3502409756183624, -0.6258606910705566, -0.39017194509506226, 0.015117758885025978, -0.3023001253604889, 0.655849814414978, -0.19352565705776215, -0.5692151188850403, 0.10191695392131805, 3.459986448287964, -0.8260383605957031, 1.6792857646942139, -1.44827401638031, -1.2565922737121582, -0.3736377954483032, 0.06407370418310165, 1.3204829692840576, -0.14311151206493378, -0.7508941292762756, -1.1574065685272217, 0.058161355555057526, 0.34150874614715576, -0.3319918215274811, 0.24334874749183655, -0.33823978900909424, 0.15944252908229828, 0.09093936532735825, -1.4831196069717407, 0.2160358726978302, 0.0999397486448288, 0.37702038884162903, 0.46204107999801636, 0.7687985897064209, 0.37519174814224243, 0.5714362859725952, -0.3249593675136566, -0.38321053981781006, -0.6265091896057129, 0.48735311627388, -0.7410293221473694, -0.24685454368591309, 0.9208726286888123, -0.5583125352859497, -1.4631646871566772, 0.06545326858758926, 0.2992343008518219, -0.04154311120510101, -0.6518957614898682, -0.280519962310791, -0.43310675024986267, -0.22305768728256226, 0.2783915102481842, 1.000588297843933, 0.23428067564964294, -0.536849319934845, -0.5026687979698181, -0.38627907633781433, -0.2733302712440491, 0.575984001159668, -0.13219355046749115, -0.21731404960155487, -1.7353790998458862, -0.6087818145751953, -0.16468700766563416, 0.680393636226654, 0.009913802146911621, 0.47586163878440857, 0.1602363884449005, 0.27531999349594116, -0.20154264569282532, 0.1000300794839859, 0.9200032353401184, -1.228585958480835, -0.08082802593708038, 0.03608861565589905, 0.1796727329492569, -0.301090806722641, -0.2446221560239792, 1.5140498876571655, -0.06022492051124573, -0.2155613899230957, -0.16851912438869476, -1.081115961074829, 0.46577152609825134, 3.046109437942505, 0.09205067157745361, -0.43069490790367126, -0.490980863571167, 0.04858362674713135, -0.36655759811401367, 0.34136566519737244, 0.14432823657989502, -0.7321330904960632, 0.6412595510482788, -1.6389179229736328, 0.6900039315223694, 1.0156769752502441, -0.5781298279762268, 0.24127480387687683, 0.8347684741020203, -0.896350085735321, -0.3427357077598572, -0.5078056454658508, -0.33150941133499146, 0.5125842690467834, 0.5313174724578857, 0.6993507742881775, -0.03362581878900528, 0.26407140493392944, 0.5083221197128296, 0.2658000588417053, 0.2634129226207733, 1.2052191495895386, -0.9601013660430908, 0.37109553813934326, -0.06740395724773407, 0.8994557857513428, 0.3324223756790161, 0.8811757564544678, 0.5318717956542969, 0.5399614572525024, -0.08467184007167816, -0.7599734663963318, -0.09835164248943329, -0.26687490940093994, 1.8208863735198975, 0.8480634093284607, -0.2594054043292999, 0.5054934620857239, -0.6584378480911255, 0.1610088050365448, -0.32620587944984436, -0.672636866569519, -0.5524792671203613, -1.0838093757629395, 1.2235543727874756, -0.11181746423244476, -0.13547548651695251, -0.27041614055633545, 0.1395275890827179, -1.2103902101516724, -0.12200894951820374, -0.4222099781036377, -0.1425585150718689, -0.7793532609939575, 0.21483436226844788, -0.17654962837696075, -0.3895348310470581, -0.5169553756713867, 0.29682931303977966, 0.3969547152519226, -0.07445879280567169, 1.2848589420318604, 1.5705384016036987, -0.6423783302307129, -0.26710784435272217, -0.8237953186035156, 1.032119631767273, -0.7840459942817688, 0.5623665452003479, -0.2516230642795563, -0.11650367081165314, -0.371268093585968, 0.027457982301712036, -0.42993438243865967, 0.026387661695480347, 0.5727094411849976, -0.5234892964363098, -0.01763734221458435, -0.415312796831131, -0.19087821245193481, 1.1890498399734497, -0.8006343841552734, -0.22197502851486206, -0.3819350600242615, 1.7677315473556519, -0.036175455898046494, -0.0913516953587532, 0.44177448749542236, -0.08944325894117355, 0.5092904567718506, 0.8076629638671875, -0.06359797716140747, -0.19739565253257751, 0.4862152934074402, -0.005094810388982296, 0.1829889714717865, -0.022797908633947372, -1.7850422859191895, 0.3825763165950775, 0.4420143663883209, -0.5650526285171509, 0.2825089693069458, -1.1334400177001953, 0.5977420210838318, -0.3449157774448395, -0.3672764301300049, 0.4356386661529541, -0.1360604614019394, 0.3869985044002533, -0.638773500919342, 0.1604265719652176, 0.24349448084831238, -0.24096675217151642, 0.015676062554121017, 0.4209398031234741, 0.1465267539024353, -0.9397207498550415, -0.48363614082336426, 0.473888635635376, -0.6451058387756348, 0.013808317482471466, 0.7781926393508911, 0.3416729271411896, 1.0885212421417236, 0.2574128806591034, -0.39902177453041077, 0.19815407693386078, 0.6068068742752075, 0.2691342234611511, -0.10604031383991241, -0.6179195642471313, 0.22850747406482697, -0.5373286008834839, 1.2708990573883057, -0.3334764540195465, -0.5721445679664612, -1.213769793510437, -0.723950982093811, 0.019947774708271027, -0.3596450686454773, 1.4822375774383545, 0.3817537724971771, 1.1509556770324707, -0.7165188789367676, 0.6326042413711548, -0.42012372612953186, -0.24450278282165527, 1.1384127140045166, 0.44175225496292114, 0.17937150597572327, -0.36029037833213806, -0.019392505288124084, 0.8229773044586182, -0.08706844598054886, -0.5572676658630371, -0.14826880395412445, 1.8663749694824219, 0.40181025862693787, -0.28093287348747253, -0.03259618580341339, 0.8548120856285095, 0.42223837971687317, 0.8294098377227783, -0.2572944760322571, -0.5145414471626282, -0.8500732183456421, 1.2862582206726074, 0.8899375796318054, -0.14050357043743134, -0.6175514459609985, 0.7638514637947083, -0.538748562335968, 0.6543926000595093, -0.23455332219600677, 0.9901883602142334, 0.46022799611091614, -1.1299090385437012, -1.3136112689971924, 0.008747164160013199, -0.6316002607345581, -0.17731602489948273, 0.517157793045044, -0.4347849488258362, 0.1535530686378479, 0.9254661202430725, 0.3821488320827484, -0.4057011604309082, 0.7281879186630249, -0.9318565726280212, -0.8646392822265625, 0.2778535485267639, 0.8122999668121338, -0.6185383200645447, -0.3247750699520111, -0.4510965943336487, -0.38926568627357483, -0.5929251313209534, 0.06671737134456635, -0.5528783798217773, 0.3423992097377777, -0.08746747672557831, 0.08281037211418152, -0.9372668266296387, 0.11105754971504211, -0.9663336873054504, 1.1644924879074097, 0.2500317096710205, 0.14932923018932343, 0.5162091255187988, 0.5479113459587097, 0.5727664828300476, 0.2048073709011078, -0.5333003997802734, -0.1724051535129547, 0.13628743588924408, -0.3366270661354065, 0.30403876304626465, -0.5424841642379761, -0.07943333685398102, 1.1565274000167847, 0.25072580575942993, 0.03816729784011841, -1.3235915899276733, -0.13921543955802917, -1.039902925491333, 0.4729197025299072, 0.6667035818099976, -0.825927734375, -1.1862977743148804, 0.5198616981506348, -0.8144317269325256, -0.05512393265962601, -0.4579410254955292, -0.06126311421394348, 1.2406108379364014, 0.8298543691635132, 0.38436633348464966, 0.2681564688682556, -11.964190483093262, 1.2427568435668945, -0.012869695201516151, -0.3784167766571045, 0.2927546799182892, -0.7693490386009216, 0.46154510974884033, 0.05574804171919823, 0.6602545380592346, -0.5224104523658752, 0.16999372839927673, 0.4102764129638672, 0.598465085029602, -0.272022545337677, -0.48364126682281494, -1.3718215227127075, -0.7916614413261414, -0.8075699806213379, 0.11730533838272095, 0.5818312168121338, -0.5273475050926208, -1.0519992113113403, 0.12075984477996826, 0.23396413028240204, 0.21879512071609497, -0.12430155277252197, -0.6540126800537109, -0.667364239692688, 0.04391641914844513, 0.05529503524303436, 0.7767610549926758, 0.06765623390674591, 0.7656906247138977, -0.40610358119010925, -0.4256364703178406, -0.3284582495689392, -0.3549076318740845, -0.1486666351556778, 0.3999854028224945, -0.07049853354692459, 0.24251413345336914, -0.2708148658275604, 0.7041446566581726, -0.8919913172721863, -0.5003544092178345, 0.48670047521591187, 0.22844979166984558, 0.20814451575279236, 0.20105284452438354, 0.04988870769739151, -0.9083631038665771, -0.3792021572589874, -0.29986757040023804, -0.8205376267433167, -0.007169736549258232, 0.35030651092529297, -0.557823896408081, 0.6438857913017273, -0.8970383405685425, -1.1150623559951782, 0.9185729026794434, 0.03661196306347847, 0.17393040657043457, 0.5607286095619202, 0.058806248009204865, -0.39800867438316345, -0.5354346632957458, 0.056351952254772186, -0.7070326805114746, 0.45563584566116333, -0.7884790897369385, 0.2846798598766327, -0.2161758542060852, 0.6000229120254517, -1.0601859092712402, 0.27881714701652527, -0.9976715445518494, -0.11496464908123016, 0.4068160057067871, -0.5424614548683167, -0.7607353329658508, 1.1087929010391235, 0.652557373046875, -0.23296350240707397, -0.9545793533325195, 0.7968332767486572, -0.12103878706693649, 0.34838390350341797, 0.8689627647399902, -0.1941775530576706, 0.5697718262672424, 0.2781903147697449, -0.6151437759399414, 0.555014967918396, -0.0014483164995908737, 1.637353777885437, -0.08840079605579376, 0.4129396378993988, 0.19500130414962769, 0.11065032333135605, 0.00676707923412323, 0.280348002910614, -1.015679955482483, 0.9371927976608276, 0.692388653755188, 0.143487811088562, -0.24277710914611816, -0.14386604726314545, 0.4070877730846405, -0.07629919052124023, 1.0676569938659668, -0.04414987936615944, -0.49887359142303467, 0.8296654224395752, -0.8048139810562134, 0.35865187644958496, 1.0002942085266113, 0.13810977339744568, 0.2790796160697937, -0.20603199303150177, -0.2821079194545746, 0.6741082072257996, -0.2025519460439682, 1.3068121671676636, 0.17698228359222412, -0.28814807534217834, 0.7233836054801941, 0.5123352408409119, 0.6316421031951904, -1.8828237056732178, 0.07410258054733276, 0.0028024092316627502, 0.05371859669685364, -0.20869483053684235, -0.13131871819496155, 0.30326446890830994, -0.6856290698051453, 1.2178834676742554, -0.8653988838195801, 0.8155986070632935, -0.013398118317127228, -0.6412572264671326, 0.18640199303627014, -0.4326319098472595, -1.011281132698059, 0.4744708240032196, -0.8997202515602112, 0.5897290706634521, -0.2283320128917694, 0.32868534326553345, -0.15053653717041016, -0.5534508228302002, 0.7197484970092773, -1.3091354370117188, 0.29233840107917786, 0.10236180573701859, 0.8285995125770569, -0.4628790616989136, -0.7641013264656067, 0.041188210248947144, 0.23297172784805298, 1.6438839435577393, -0.7412980198860168, 1.0357762575149536, 0.1761598140001297, -0.3130881190299988, -0.7563691139221191, 0.04022367298603058, -0.566396176815033, 0.19828027486801147, 0.47887128591537476, -0.6169062852859497, -0.8090292811393738, -0.6895505785942078, -0.3237870931625366, -0.13551542162895203, 0.587207555770874, 0.8667540550231934, -0.6201169490814209, -0.44344741106033325, -0.3273545205593109, 0.09748299419879913, -0.6159168481826782, 0.35439997911453247, -0.8054455518722534, -0.14017751812934875, -0.16986852884292603, 1.6255266666412354, 0.15539021790027618, 0.9115241765975952, -1.7040157318115234, -1.5269947052001953, -0.5455783009529114, 0.8497356176376343, -0.08730819821357727, 0.1716228723526001, 0.5968948006629944, 0.3970126807689667, -0.4852534234523773, -0.0752834603190422, 0.07525864243507385, 0.5698959231376648, -0.25518685579299927, 0.16297893226146698, -0.8947225213050842, 1.0064079761505127, -0.4231182932853699, -0.15099112689495087, -0.191361203789711, 0.8117989897727966, -1.588940978050232, -0.6651188731193542, -0.4403603971004486, 0.35669106245040894, 0.32926350831985474, -0.11339006572961807, -0.33919212222099304, -0.35903507471084595, -0.4204701781272888, -0.9559398889541626, 0.054711636155843735, 1.1166528463363647, 0.1253727227449417, 0.9042052626609802, 0.17642144858837128, 1.363918662071228, 0.533251166343689, -0.2845243811607361, 0.38980942964553833, 0.22096313536167145, 0.044862255454063416, -0.1129131019115448, 0.20450915396213531, 0.3764912784099579, -0.362092524766922, -0.9193441867828369, -0.7670206427574158, 0.24887678027153015, -0.6059362888336182, 0.14969448745250702, -0.2788984775543213, 1.2736334800720215, 0.9401524066925049, 0.9515048265457153, -0.28807732462882996, -1.477081298828125, -0.044263340532779694, -1.0342285633087158, 0.4205954670906067, 0.4802899956703186, 0.32559603452682495, 0.3110623359680176, 0.6798904538154602, -0.2853158116340637, 0.5869122743606567, -0.4960547387599945, 0.2978348731994629, 0.3971898853778839, 0.5505481362342834, 0.19257864356040955, 0.861603856086731, -0.09640596807003021, 0.8064590692520142, 0.3999641537666321, -1.3309848308563232, 0.2474549412727356, 0.1284237504005432, 1.0573971271514893, 0.46510428190231323, -0.4567309617996216, -0.5176821947097778, -0.5880821943283081, 0.6983602046966553, -0.09590212255716324, 1.0158823728561401, 0.0632421225309372, -0.53055340051651, -1.2450602054595947, -0.862150251865387, -0.0705900490283966, 0.6557826399803162, 0.036731213331222534, -0.8073136806488037, -1.1247189044952393, 0.31667274236679077, 0.4055931270122528, -0.2895648181438446, -1.025050163269043, 0.16155749559402466, -0.5900986194610596, 0.1375681757926941, 0.04564286395907402, -0.8665106892585754, -0.9045847654342651, -0.2390836775302887, -0.37094756960868835, 0.45266076922416687, 0.09397654235363007, -1.9483249187469482, -0.9525083303451538, 0.08979277312755585, 0.47863659262657166, 0.8884807825088501, 0.6274487972259521, 0.3203083872795105, -1.9719260931015015, 0.990764856338501, 1.6071991920471191, -0.07546785473823547, -0.46170032024383545, 0.6989026069641113, -0.2560552656650543, -0.20283111929893494, 0.8005574345588684]} +{"paper_id": "aqua_rat", "embedding": [-0.5757051110267639, 1.0731401443481445, -0.3457415997982025, 0.1823890507221222, 0.3725895583629608, -0.3502921164035797, 0.729274332523346, 0.8227145671844482, 0.5769505500793457, 0.5813665390014648, -0.2791083753108978, 0.7246127128601074, 0.12616795301437378, 0.3009556531906128, -0.30690568685531616, -0.44012901186943054, -0.7414854764938354, -0.3882198929786682, -1.6029192209243774, -1.4184662103652954, -0.5579664707183838, -1.246586799621582, 0.3763284683227539, 1.0823651552200317, -0.4994159936904907, -0.06890504062175751, 1.243585228919983, -1.5034136772155762, 0.09646744281053543, 0.134135901927948, -0.058266930282115936, 1.4133496284484863, -2.0338804721832275, 0.7576206922531128, -0.20120462775230408, -1.0700185298919678, -0.23647816479206085, 1.3120973110198975, -0.7161561846733093, -0.11640134453773499, 0.010037615895271301, 0.884782612323761, 0.08980526030063629, -0.34537142515182495, 0.17289286851882935, -0.7998445630073547, 0.008518211543560028, 0.45220452547073364, -0.13534770905971527, 0.15279477834701538, -0.9035964012145996, -0.044184885919094086, -0.2779809534549713, 0.30408695340156555, 0.8995482921600342, 1.2823982238769531, 0.9702407121658325, -0.6215694546699524, 0.6889869570732117, -0.36837297677993774, 1.3397154808044434, 1.3853918313980103, -0.29987633228302, 0.24698998034000397, 0.2501680254936218, 0.6259217858314514, 0.61538165807724, 0.4080454707145691, -0.38904300332069397, 0.45722725987434387, -0.5137330293655396, -0.28183895349502563, 0.624028742313385, 0.027653902769088745, 0.8801660537719727, 0.5826019048690796, 0.35682252049446106, -0.2997165024280548, 0.2751963436603546, -0.08621487021446228, -0.5161674618721008, -0.8978137373924255, 0.7242050766944885, -0.6599434614181519, 0.1939658671617508, 0.09019502997398376, 0.17867596447467804, -0.10220927745103836, 0.31382161378860474, -1.1726744174957275, 0.5669162273406982, 0.2737275958061218, 0.8485268354415894, -1.0001847743988037, -0.530188798904419, 0.5617116689682007, 0.20646144449710846, -0.45399075746536255, -0.6383291482925415, -0.29788312315940857, 0.783099889755249, 0.09055984020233154, 0.46468979120254517, 0.26216521859169006, 0.4358381927013397, 0.8768720030784607, 0.18508225679397583, -0.4843183755874634, -0.3054739534854889, -1.404094934463501, 0.24947965145111084, 0.2969767451286316, 0.6977958679199219, 1.2031306028366089, -0.09170937538146973, 0.43464866280555725, 0.06154973804950714, -0.08970380574464798, 0.29512450098991394, -0.05442376434803009, -0.24178974330425262, -1.367976427078247, -0.6022864580154419, -0.055364202708005905, 0.38302081823349, -0.4956575334072113, -0.5515964031219482, -0.10000628978013992, -0.006141629535704851, 0.21503512561321259, 1.1310824155807495, 0.12910982966423035, -0.5059450268745422, 0.043045464903116226, 3.4043548107147217, -0.1800154596567154, 0.4436192810535431, -1.1748147010803223, -0.46403026580810547, -0.9881702065467834, -0.4377632141113281, 1.1059494018554688, -0.015511978417634964, -0.5311164855957031, -0.8925752639770508, 0.9360454082489014, 0.26717859506607056, -0.3254949748516083, -1.2373037338256836, 0.10333885252475739, 0.52203768491745, 0.4804683029651642, -1.3063198328018188, -0.9548213481903076, 0.32609322667121887, 1.1047296524047852, -0.38465866446495056, 0.24508920311927795, 0.06353341042995453, 0.24231237173080444, 0.6390474438667297, -1.1219290494918823, -0.7048017978668213, -0.1841360628604889, -0.19002765417099, -0.22496503591537476, 1.2265973091125488, -0.8460447788238525, -1.2814048528671265, -0.2911332845687866, 0.15151096880435944, -0.1146998330950737, -0.43053436279296875, -0.09415382891893387, 0.3030000627040863, 0.6946726441383362, 0.025570804253220558, 0.5075744986534119, 0.6033453941345215, -0.7957561016082764, -0.5704033374786377, -0.40491101145744324, -0.44193223118782043, 0.5026497840881348, -0.1929772049188614, 0.487501323223114, -2.7871880531311035, 0.2450672835111618, -0.25987309217453003, 0.24911360442638397, 0.6579436659812927, 0.5072038173675537, 0.06843680888414383, 0.37611427903175354, 0.06689866632223129, -0.874525785446167, 0.6576827764511108, -1.5769968032836914, 0.42681431770324707, 0.8276177644729614, 0.3246535658836365, 0.2372167706489563, 0.04121045768260956, 1.1653721332550049, 0.006724495906382799, -0.3376410901546478, -0.3784119486808777, -2.019406318664551, -0.4825378358364105, 1.7262442111968994, 0.5433682203292847, 0.04584284871816635, -0.9552289247512817, -0.272079199552536, 0.15689131617546082, 0.03066222555935383, -0.07108990848064423, -0.03697056323289871, -0.16854605078697205, -1.0417566299438477, 0.4791536331176758, -0.1643446385860443, 0.48462364077568054, 0.14460866153240204, 1.0323586463928223, -0.7352464199066162, -0.4076910614967346, -0.9872893691062927, -1.2094578742980957, 0.32224392890930176, 0.5676199793815613, 0.7715510129928589, 0.37099596858024597, 0.8190100193023682, 0.10053859651088715, 1.049299955368042, 0.7977598309516907, 1.2359423637390137, -0.636642575263977, 0.23788347840309143, 0.8437116742134094, 1.1882833242416382, -0.28048110008239746, 0.3932751715183258, -0.5476318001747131, 0.07337003946304321, -0.45379817485809326, -1.1414293050765991, 0.048730023205280304, -0.1672728955745697, 1.5371438264846802, 0.1790921539068222, -0.2149091362953186, 0.6169118285179138, -0.2630419433116913, -0.17654573917388916, -0.5377732515335083, -0.22017772495746613, -0.028437525033950806, 0.2784190773963928, 0.501636803150177, 0.41473111510276794, 0.4716493487358093, -0.47028881311416626, -0.4661315083503723, -1.3570820093154907, -0.790215015411377, 0.18209338188171387, 0.03949391841888428, -0.6302826404571533, -0.49858665466308594, 0.13167008757591248, -1.5009452104568481, -0.27505043148994446, -0.233896866440773, -0.38875457644462585, 0.14935390651226044, 0.8983699083328247, 1.967429280281067, -0.6205208897590637, 0.14805260300636292, 0.7375624775886536, 1.451144814491272, -0.32997122406959534, 0.43162214756011963, 0.011252198368310928, 0.2137560099363327, -1.002556562423706, 0.3415740430355072, -0.641351580619812, 0.09857500344514847, -0.07221625000238419, -0.6858177185058594, 0.3181019723415375, 0.03196953237056732, -0.6102846264839172, 0.6334115266799927, 0.033097751438617706, 0.021886367350816727, -0.13798868656158447, 0.7151147127151489, 0.12020667642354965, -0.7787637710571289, 0.7990062236785889, 0.3413231372833252, -0.6055795550346375, 1.062680721282959, -0.28127092123031616, 0.3134889602661133, -0.4975135326385498, -0.6465249061584473, 0.8258760571479797, -0.548974335193634, -1.6122721433639526, 1.0121058225631714, 0.6313096880912781, -0.07545077800750732, -0.47252359986305237, -0.8779454231262207, -0.021098792552947998, -0.7645059823989868, 0.7989106178283691, 0.48488932847976685, -0.65620356798172, 0.0833844542503357, -0.9158167839050293, -0.011960286647081375, 0.5242545008659363, -0.15714487433433533, 0.7284172177314758, 0.15118397772312164, -0.23286274075508118, -0.4643699824810028, 0.040596961975097656, 0.7416789531707764, -0.2476394921541214, -0.36267465353012085, -0.30202266573905945, 0.9859718680381775, 0.9515974521636963, 0.2158881425857544, 0.19575344026088715, 0.9691153168678284, 1.0576730966567993, 0.11942458897829056, -0.019901879131793976, -0.9521712064743042, -0.29883354902267456, -0.7996418476104736, 1.9116039276123047, -1.212515115737915, -0.09829255938529968, -0.9363464117050171, -0.3227529525756836, -0.4112311005592346, -0.5731971263885498, 1.4347224235534668, 0.7345561981201172, 1.7543580532073975, 0.10489483177661896, 0.4058275818824768, -0.38360950350761414, -0.9807456135749817, 0.15680426359176636, 0.2109341323375702, 0.36038702726364136, -1.0112959146499634, -0.5501465797424316, 0.6500669717788696, 0.6138640642166138, -0.19115082919597626, 0.1107209250330925, 0.4131111800670624, -0.19685764610767365, -1.1450939178466797, 0.7074726819992065, 0.2671738862991333, 1.198751449584961, 2.3110592365264893, -0.892980694770813, -0.4110727310180664, 0.30883026123046875, -0.5406022071838379, 0.42865243554115295, 0.43219971656799316, -0.09592504799365997, -0.0163363516330719, 0.025958847254514694, 0.026807162910699844, 0.16023975610733032, 0.9621387124061584, 0.6803135871887207, -1.071140170097351, -2.2174625396728516, -0.17611457407474518, -0.09430689364671707, -0.24463891983032227, 0.010130815207958221, -0.19805563986301422, 0.08588670194149017, -0.0030550584197044373, 0.24746587872505188, -1.0163623094558716, -0.28156110644340515, -0.5295441150665283, -0.9789172410964966, 0.4324404001235962, 0.6506725549697876, -0.7994957566261292, -1.0113393068313599, 0.31792110204696655, -0.8146508932113647, 0.04680045694112778, -0.045158445835113525, -0.7784290313720703, 0.19302339851856232, 0.6726658940315247, 0.5774247050285339, 0.12454570829868317, 0.5437865257263184, -0.8752046227455139, 1.376556396484375, 0.7651867270469666, -1.1352317333221436, 1.1922143697738647, -0.16849371790885925, 0.8124385476112366, 0.21731191873550415, -0.5690672397613525, -0.5910680294036865, 0.8556210398674011, -0.5488791465759277, -0.3902382254600525, -1.0360578298568726, -0.45867621898651123, 0.40914756059646606, -0.013089872896671295, 0.2699165344238281, -0.7876760363578796, -0.5094359517097473, -0.27561843395233154, 0.17981085181236267, 0.936705470085144, -0.3889771103858948, -0.8805583119392395, 0.5803221464157104, -0.3789834678173065, -0.28653135895729065, 0.3701987564563751, 0.2030845582485199, 0.8664289712905884, -0.2713134288787842, -0.6443453431129456, -0.5558565258979797, -11.107840538024902, 0.715100884437561, 0.384787380695343, 0.1827547252178192, 1.0289905071258545, -0.13605251908302307, 0.2250579595565796, -0.39378270506858826, 0.14860419929027557, -0.4396190345287323, 0.07130371034145355, 1.1531550884246826, 0.840251088142395, 0.12899665534496307, -0.2091698795557022, -1.6491655111312866, -0.46091049909591675, -0.5713018774986267, 0.5517423748970032, 0.29433855414390564, 0.2889314293861389, -0.7601765394210815, 0.31103968620300293, -0.02749502658843994, 0.6337076425552368, -0.12275432050228119, -0.7832933664321899, -0.16322362422943115, -0.06753857433795929, 0.4635070264339447, 0.5050489902496338, 0.04668627679347992, -0.15530981123447418, -0.5981447696685791, 0.03766050934791565, -0.22552472352981567, -0.6120671629905701, 0.46910879015922546, 0.8904905915260315, -1.0330668687820435, -0.7128410935401917, 0.5697848200798035, 0.4517413079738617, -0.19132080674171448, -1.0176444053649902, 0.07028548419475555, 0.5580769181251526, -1.4928090572357178, 0.12791714072227478, 0.1298639178276062, -0.6210762858390808, -1.1540544033050537, -0.08147801458835602, -0.744787335395813, 0.7199609875679016, 0.6215491890907288, -0.4171507656574249, -0.5352554321289062, -0.46383413672447205, -0.6242239475250244, 0.4684230089187622, 0.359833300113678, -0.33529162406921387, 0.3429434299468994, -0.06275830417871475, 0.15062977373600006, -0.13544237613677979, 0.6868835687637329, -1.0272716283798218, 0.7165946960449219, -1.8123846054077148, 0.609359622001648, 0.2216586470603943, 0.5832339525222778, -0.5802175998687744, -0.036502987146377563, -0.4433368444442749, -0.624040961265564, -0.3924781084060669, 0.16761581599712372, -1.5331745147705078, 0.9923675060272217, 0.36588501930236816, -0.4186510145664215, -1.2947434186935425, 0.5011041164398193, 0.14993533492088318, 0.3648940622806549, 0.886640191078186, -1.1439316272735596, 1.0033077001571655, -0.36943432688713074, -0.6388490200042725, -0.1652868390083313, -0.20635643601417542, 1.1204407215118408, 0.06131325289607048, -0.09726576507091522, 0.24473050236701965, -1.0956120491027832, 0.5028952956199646, 0.2629930377006531, -0.6668760776519775, -0.07117681205272675, 0.3845892548561096, 0.5684463381767273, 0.2070629894733429, -0.03337491303682327, 0.3793676495552063, -0.520657479763031, 0.4130847156047821, 0.08920647203922272, -0.2467312067747116, 1.6831700801849365, -1.3972080945968628, 1.1313340663909912, 0.9243744611740112, 0.3245273530483246, 0.17132067680358887, 0.9723706245422363, -0.3154754340648651, 1.0598804950714111, 0.08412221074104309, 1.4424080848693848, -0.14201641082763672, 0.49176454544067383, 1.3533974885940552, -0.04628313332796097, -0.22935740649700165, -0.691451907157898, -0.2576412856578827, -0.2015492469072342, -0.01107235997915268, -0.21876351535320282, -0.564733624458313, 0.5333362817764282, -1.0304135084152222, 1.1871179342269897, -1.7234593629837036, -0.29964977502822876, 0.911916971206665, 0.2742581069469452, -0.16636256873607635, -1.3958382606506348, -1.546088695526123, 0.5969160795211792, -1.3735696077346802, 1.0711658000946045, -0.6985035538673401, -1.335705041885376, -0.4494122266769409, -0.8345400094985962, 1.197677493095398, -0.39863741397857666, -0.22076836228370667, -0.9555556774139404, 0.7926125526428223, -0.7798781394958496, -0.10352054238319397, -0.20044450461864471, 0.7006554007530212, -0.29521089792251587, -0.19174844026565552, 1.2653956413269043, 0.06580604612827301, -0.2744022011756897, -0.13970299065113068, 0.1079903244972229, -0.6961146593093872, 0.2298576831817627, 0.5419590473175049, -0.8756844401359558, 0.25892752408981323, -0.5585899949073792, 0.37871843576431274, -0.9767309427261353, 0.5144814848899841, 0.9799814224243164, -0.801320493221283, -0.055102720856666565, -0.8220146298408508, 1.1976333856582642, 0.4388298988342285, -0.4302509129047394, -0.9177262783050537, -0.046944063156843185, -0.1717991828918457, 0.43160372972488403, 0.0392928272485733, 1.1015864610671997, -1.489395022392273, -0.4735991358757019, -0.9903469085693359, -0.521881639957428, 0.5594490766525269, 0.04783186689019203, 0.6340915560722351, 1.519158124923706, -0.11383630335330963, 0.5129114985466003, 0.12756308913230896, 0.5826767683029175, 0.6871771812438965, 0.2176866978406906, 0.08547882735729218, 0.7738687992095947, -0.9310162663459778, -0.12285439670085907, 1.1619675159454346, 1.1589338779449463, -0.693997323513031, -0.24594296514987946, 0.29068678617477417, 0.3837010860443115, -0.2472389042377472, -1.2354124784469604, -0.30745527148246765, -1.1964352130889893, -0.41097742319107056, -0.871840238571167, 0.29826703667640686, 0.7478703856468201, -0.27543768286705017, 0.6730140447616577, 0.8990964889526367, 0.6811883449554443, 0.9759390354156494, -0.00581851601600647, 0.7707396745681763, 0.4706939458847046, -0.5439069271087646, 0.5630505681037903, 0.5633829832077026, -0.2242325246334076, -0.08028177917003632, -0.44554126262664795, -0.7128109335899353, 0.42917773127555847, 0.15259937942028046, 1.8069097995758057, 0.3349989056587219, 0.6026293039321899, 0.3940128684043884, 1.7266732454299927, 0.22942860424518585, -1.2360185384750366, -0.2425922006368637, -1.293392300605774, 0.4797033667564392, 1.0705671310424805, 0.06719446182250977, -0.062256768345832825, 0.6214581727981567, -0.5573119521141052, 0.8397029042243958, -0.24827007949352264, -0.03200048208236694, -0.08215808123350143, -0.626320481300354, 1.1222834587097168, 0.29472121596336365, 0.5397149324417114, -0.08559802919626236, 0.2287197709083557, -0.4175958037376404, -0.4690677225589752, -0.5766574144363403, 0.456807017326355, 0.12392854690551758, 0.10832048952579498, -0.28865131735801697, -0.33981770277023315, 0.9204678535461426, -0.5926839113235474, 0.804438054561615, 0.10150537639856339, -0.8319581151008606, -0.6861630082130432, -0.7688732743263245, 0.3648175001144409, 0.7389520406723022, 0.3359782099723816, 0.023843485862016678, 0.4427304267883301, -0.0025858841836452484, 0.3718324601650238, 0.9920476675033569, 0.058887138962745667, -0.24010615050792694, -0.7433542013168335, -0.5654533505439758, -0.2910190522670746, -0.5646190643310547, -0.9519383311271667, 0.3121768534183502, -0.5431063175201416, 0.44248780608177185, 0.09743818640708923, -0.5765811204910278, 0.09527087211608887, -0.15526029467582703, 0.5188270807266235, 0.450399249792099, 0.4236159920692444, -0.0221176166087389, -1.5179821252822876, 0.5462419986724854, 0.823445200920105, -1.0299900770187378, -0.5912620425224304, 0.3396860957145691, 0.5129262208938599, -0.032141730189323425, 0.7715275287628174]} +{"paper_id": "blended_skill_talk", "embedding": [-0.19840241968631744, 0.4049912095069885, 0.07907375693321228, 0.4366798996925354, 1.0388103723526, 0.6497982740402222, 0.9491384029388428, 0.5016141533851624, 1.3442847728729248, -0.14619918167591095, 0.019160926342010498, 0.33594831824302673, 0.32678040862083435, -0.4710165858268738, -0.30079320073127747, 0.16701915860176086, -1.397113561630249, -1.1133580207824707, -1.1685923337936401, 0.005053557455539703, -1.2370434999465942, -0.20993581414222717, 0.006255485117435455, 0.8064125776290894, 0.33184781670570374, -0.6395306587219238, 0.6679420471191406, -1.1745109558105469, 0.23817259073257446, 0.5356796383857727, 0.13203950226306915, 1.7585831880569458, -0.38005566596984863, 0.7318733930587769, -0.46835747361183167, -0.44398337602615356, -0.029565982520580292, 0.39609071612358093, -0.40507805347442627, 0.39497557282447815, 0.6057576537132263, 0.300805926322937, -0.1683422178030014, 0.530432403087616, 0.2374890148639679, 0.2689736485481262, -0.7315821051597595, 0.3387642800807953, -0.3051038384437561, 0.3611201047897339, -0.9455386400222778, -0.22115197777748108, 0.5697481036186218, 0.4662608802318573, -0.021404288709163666, 1.0279297828674316, 0.137757807970047, 0.013178542256355286, 0.14220957458019257, -1.1271436214447021, 0.9850963354110718, 0.9100902676582336, -0.04102516919374466, 0.3432001769542694, 1.2455337047576904, 0.38479524850845337, 1.3060798645019531, 0.3862062692642212, 0.7113246321678162, 0.6782272458076477, -0.6236059665679932, -1.2869646549224854, 0.13085615634918213, 0.6544630527496338, -0.6296525001525879, 0.6247463226318359, -0.06535506993532181, 0.4100506901741028, -0.7300167679786682, 0.23874786496162415, -0.295917809009552, 0.27162277698516846, 0.8311690092086792, -0.5244889855384827, 0.6414732933044434, 0.9364679455757141, 1.124361276626587, -0.5469093918800354, -0.2900557816028595, -1.5203146934509277, 0.48545849323272705, -0.0895882397890091, 0.5215263366699219, 0.031813398003578186, -0.5836476683616638, 0.1829586625099182, 0.0938190370798111, -0.3251703977584839, -1.1978352069854736, 0.3268545866012573, 0.03829076141119003, 0.14643752574920654, 0.436671644449234, -0.5496010780334473, 0.40072882175445557, 0.2806313633918762, 0.930982232093811, -0.5201143622398376, -0.5290468335151672, -0.0552913174033165, 0.17698073387145996, 1.2021907567977905, -0.09671200811862946, 0.5566902756690979, -0.1683114767074585, 0.6729386448860168, 0.584071159362793, -0.7178446054458618, -0.3305886387825012, -0.15602634847164154, -0.2671651840209961, -0.6181557178497314, 0.1667676866054535, -0.4041141867637634, 1.2546929121017456, -0.9265091419219971, -0.1485847681760788, -0.7190535068511963, 0.40128108859062195, -0.7871811389923096, 0.5247694849967957, 0.24714133143424988, -0.4710460603237152, -0.33171945810317993, 2.5861976146698, -0.6486051082611084, 1.6533313989639282, -1.1968618631362915, 0.1346621960401535, -0.504641592502594, 0.432658851146698, 1.3326075077056885, -0.3455444276332855, 0.035283949226140976, -1.207174301147461, -0.6945288181304932, -0.7853925228118896, 0.4066013693809509, -0.8157228827476501, -0.5514028072357178, 0.1535157710313797, 0.3293337821960449, -1.3997585773468018, -0.3443678021430969, -0.11501829326152802, 0.4607650935649872, -0.4341484606266022, 0.746950089931488, -0.5586997270584106, -0.6914727091789246, 0.2386067807674408, -0.11876469850540161, 0.27296993136405945, 0.301003098487854, -0.42947009205818176, -0.02501099184155464, 0.34503620862960815, -0.5784850120544434, -0.8204283118247986, -1.2477107048034668, 0.4919128715991974, 0.7300796508789062, 0.04408161714673042, 0.44108477234840393, -0.3504624366760254, 0.8551706075668335, 0.44975268840789795, 1.0943704843521118, 0.11129528284072876, -0.8452520966529846, -0.7704743146896362, -0.7905003428459167, -0.5331352949142456, 0.1936558037996292, -0.28282251954078674, -0.4343608319759369, -1.9180489778518677, 0.2453952580690384, -0.7949114441871643, 0.5394654273986816, 0.07765069603919983, -0.40439364314079285, 0.7044717669487, -0.9584500789642334, 0.3786337375640869, 0.2995249629020691, 1.4806655645370483, -0.9279211163520813, -0.4247359335422516, -0.0725359246134758, -0.15898191928863525, 0.35506635904312134, 0.17933541536331177, 1.8879930973052979, 0.4579043686389923, 0.019827961921691895, 0.20904211699962616, -0.8513619303703308, -0.23035591840744019, 1.1521480083465576, 0.49197039008140564, -1.2598923444747925, -0.2557264268398285, -0.4297803044319153, 0.14626362919807434, -0.6609931588172913, 0.5436196327209473, -1.1721575260162354, 0.8922322988510132, -1.5271873474121094, 0.009384953416883945, 0.18260309100151062, 0.187395840883255, 1.212234616279602, 2.026642084121704, -0.2871808409690857, 0.3414228558540344, 0.21884886920452118, -0.6728200316429138, -0.1388770490884781, 0.6132224202156067, 0.9094445705413818, 0.3225758969783783, 0.10408995300531387, -0.20516711473464966, -0.19096596539020538, 0.789421021938324, 0.2696816325187683, -0.40742242336273193, 0.9253606200218201, -0.05884839594364166, 0.6258206367492676, -0.1006724089384079, 0.2409127950668335, -0.18646611273288727, 0.6481589078903198, -0.16532519459724426, -1.3894157409667969, 0.23081450164318085, 0.02239426225423813, 2.005938768386841, 0.8235207200050354, 0.27150052785873413, 0.2348015308380127, -0.2989279329776764, -0.16625535488128662, -1.004394292831421, -0.5137680172920227, -0.22548365592956543, -1.2853810787200928, 0.9877254962921143, -0.7214936017990112, -0.11449717730283737, -0.9082919359207153, -0.5190006494522095, -0.936038076877594, 0.03615507483482361, -0.0333695113658905, -0.2951572835445404, -1.2386813163757324, -0.45110201835632324, -0.3204590082168579, -0.38239532709121704, -0.872011125087738, -0.7606953382492065, 0.4018746316432953, -0.32288914918899536, 0.7390563488006592, 2.079139471054077, -0.18568994104862213, -0.22773298621177673, -0.391513466835022, 1.2040371894836426, -0.4712848663330078, 0.9055279493331909, -0.1591300368309021, 0.2726360857486725, -0.6005152463912964, 0.15060481429100037, -0.32090622186660767, -0.19998949766159058, 0.8235008120536804, -0.13258054852485657, 0.041435644030570984, -0.4252120554447174, 0.1652953326702118, 0.6908584833145142, -0.8362316489219666, 0.5544952154159546, 0.028856530785560608, 1.5785454511642456, -0.00788712128996849, -1.1450051069259644, 0.581264317035675, -0.7228156924247742, 0.00038758665323257446, 0.4502626955509186, 0.00750056654214859, 0.7254512906074524, 0.6822056770324707, -0.6082056760787964, 0.5049303770065308, 0.24681341648101807, -2.7398641109466553, 0.26613473892211914, 0.5080399513244629, -0.10393943637609482, 0.14096024632453918, -0.7211688160896301, -0.07087632268667221, -0.6990383863449097, -0.23774458467960358, -0.6426969170570374, 0.02908041514456272, 0.5780947804450989, 0.39524486660957336, 0.5337532758712769, 1.5245683193206787, -0.726830780506134, -0.08218119293451309, 0.9195758104324341, -0.7665424346923828, -0.8280147910118103, -0.2988797128200531, -0.2225639820098877, -0.3915345370769501, 0.05976106971502304, 0.2396252155303955, 0.742255687713623, 0.9023061990737915, 0.16394829750061035, -0.014646693132817745, 0.40264588594436646, 0.955147385597229, 0.3976437747478485, 0.06902109831571579, -0.06795383244752884, -0.03313888609409332, -0.7804877161979675, 1.0060651302337646, -0.335070937871933, -0.6966351866722107, -0.8572688102722168, 0.2581891119480133, -0.5382193922996521, -1.6417956352233887, 1.5272060632705688, -0.5166796445846558, 0.37648946046829224, -0.10371623188257217, 0.6731611490249634, -0.6190237402915955, 0.34780851006507874, 0.7716147303581238, -0.21315079927444458, 0.11700975894927979, -0.4941600561141968, -0.026254937052726746, 0.8702595233917236, -0.07588794082403183, -0.45550692081451416, -0.5654970407485962, 1.4520589113235474, 0.7647944688796997, -0.8407078981399536, -0.19878433644771576, 1.3167543411254883, 0.1839188039302826, 0.8164926171302795, -0.27296626567840576, -0.4494877755641937, -0.07283482700586319, 1.283353328704834, 0.33969879150390625, 0.2609148621559143, -0.5406346321105957, 0.9350399374961853, 0.3243016302585602, 1.0760905742645264, -0.24706003069877625, 0.8644156455993652, 0.18638084828853607, -1.042379379272461, -1.4857730865478516, 0.09227105975151062, -0.692781925201416, -0.17037004232406616, 0.05522627383470535, -0.6863319277763367, -0.035463396459817886, 1.171438217163086, -0.6118918657302856, -0.14359773695468903, 0.24736282229423523, -0.8464333415031433, -0.2585565447807312, 0.09787271916866302, 0.8893200159072876, -0.7856135964393616, 0.13649868965148926, -0.48763805627822876, -1.3480619192123413, -0.8209666609764099, 0.2715568542480469, -0.4799248278141022, -0.21219982206821442, -0.42437636852264404, 0.4493940472602844, 0.3894748091697693, 0.2325340360403061, -0.44918662309646606, 0.48966097831726074, 0.9826806783676147, -0.3492412567138672, 1.0054157972335815, 0.6542093753814697, 0.5832210779190063, -0.4582006633281708, 0.024828091263771057, -0.4301591217517853, 0.32341256737709045, -0.09833957999944687, -0.07616738975048065, -0.2900807559490204, -0.01428125612437725, 0.9317737817764282, -1.0258876085281372, -0.12263223528862, -1.1345218420028687, -0.05282522737979889, 0.25264137983322144, 0.22217784821987152, 0.5758835673332214, -1.3734849691390991, -0.4270074665546417, 0.30415424704551697, -0.5969793796539307, 0.5191782712936401, -0.9396262168884277, -0.20858162641525269, 2.024385690689087, 1.242761254310608, 0.06557410955429077, 0.05211842805147171, -11.018902778625488, 1.1391721963882446, -0.49267578125, -0.957902193069458, -0.13417181372642517, -0.8483025431632996, 0.8418065309524536, 0.5445507168769836, 0.7942458391189575, -1.1116547584533691, 0.25564396381378174, 0.12355750054121017, 0.15409457683563232, -0.480315625667572, -0.3072660565376282, -0.957003116607666, -0.7218294739723206, -1.2880895137786865, 0.029958263039588928, -0.022070936858654022, -0.1655919998884201, -0.6112849116325378, -0.5021358728408813, 0.15761861205101013, 0.02912798896431923, -0.1421157568693161, -0.9178145527839661, -1.1105457544326782, 0.05591373145580292, 0.39492684602737427, 0.7119990587234497, -0.08608482033014297, -0.05126478523015976, -0.8983157277107239, 0.3786226511001587, 0.13078230619430542, -0.9964154362678528, 0.3310750722885132, 0.3305244743824005, 0.6940473914146423, -0.4400790333747864, 0.6753762364387512, 0.20115454494953156, -0.5038946866989136, 0.040091946721076965, 0.24604465067386627, 0.26641613245010376, 0.06223637983202934, 0.012024316936731339, -0.5094640851020813, -0.2959766983985901, -0.8463829159736633, -0.9804046750068665, -0.7707486748695374, 0.15037626028060913, -0.22599998116493225, -0.35065868496894836, 1.1077874898910522, -0.4752252399921417, -1.2501286268234253, 0.6038528084754944, 0.19188405573368073, -0.3399410545825958, 0.7307513952255249, 1.47244393825531, -1.4697389602661133, 0.36111754179000854, 0.4560621678829193, -0.2698552906513214, 0.7085578441619873, -0.5014840960502625, 0.986877977848053, -0.5677326917648315, 0.8336446285247803, -0.744661808013916, -0.4255540370941162, -0.17495867609977722, 0.8651456832885742, 0.9318333864212036, 0.026655251160264015, -0.8895314335823059, 0.4266716241836548, -0.11910250782966614, -0.6246553659439087, -1.289828896522522, 0.8168207406997681, -0.12413094192743301, -0.09578306972980499, 1.3853371143341064, -0.6968861818313599, 0.904815673828125, 0.4036174714565277, 0.1711713671684265, 0.18992802500724792, -0.04677654057741165, 0.9497554302215576, 1.2600784301757812, 0.9502249360084534, -0.05626685172319412, -0.19850608706474304, 0.047551222145557404, 0.11227614432573318, -0.731886625289917, 0.7669197916984558, -0.1339854896068573, 0.514083743095398, 0.023239776492118835, 0.2596275806427002, 0.8743933439254761, -0.24913445115089417, 0.48819446563720703, 0.01110132783651352, -0.9294902682304382, 0.9103180766105652, -0.06749419867992401, 1.114490270614624, 1.2496495246887207, 0.8083577752113342, 1.3356202840805054, -0.04522817209362984, -0.15887042880058289, 1.1049144268035889, 0.23808567225933075, 0.8196472525596619, 0.4140620231628418, -0.019145336002111435, 0.8480833172798157, 0.3786235451698303, 0.39720362424850464, -1.7425711154937744, 0.5705572366714478, -0.48421981930732727, 0.3079686164855957, 0.6846732497215271, -0.2512863278388977, 0.5904643535614014, -1.6720389127731323, 0.9761573076248169, -0.061486560851335526, 1.0932457447052002, 0.18570023775100708, -1.0502893924713135, -0.16998516023159027, -1.0371582508087158, -0.9016193747520447, 0.23349475860595703, -1.3515666723251343, 0.30836057662963867, -0.4849032759666443, 0.6677184700965881, 0.5123961567878723, 0.4302314817905426, 0.898242175579071, -0.6412369012832642, -0.35019347071647644, 0.3128507733345032, 0.8103219866752625, -0.3116605579853058, -1.4155064821243286, -0.5843340158462524, 0.8699409365653992, 1.6011109352111816, -0.6444159150123596, 0.6272106170654297, -0.17573308944702148, -0.8902684450149536, 0.05318903177976608, 0.020165488123893738, -0.6126846075057983, -0.22480866312980652, 1.389497995376587, -1.2529977560043335, -0.4613249599933624, -1.5008747577667236, 0.21177425980567932, -1.002295970916748, 0.24985286593437195, 0.7535592317581177, -0.7346229553222656, -0.5803536772727966, -0.15696769952774048, 0.6322264671325684, 0.26607030630111694, -0.6157863140106201, -0.5031397342681885, -0.37812599539756775, 0.4068886339664459, 0.5671011805534363, 0.15389248728752136, 0.1941630095243454, -1.5477843284606934, -0.5829251408576965, -0.6204347610473633, 0.2752649486064911, -0.49969154596328735, -0.3726348578929901, 0.8268584609031677, 0.4707931876182556, -0.25128912925720215, 0.16791069507598877, -0.07484754920005798, 0.4691644012928009, -0.5458345413208008, -0.49444910883903503, 0.7226473689079285, -0.5886375904083252, -0.3426745533943176, 0.08587023615837097, 0.7271397709846497, -0.14501775801181793, -1.5527138710021973, -0.2625826299190521, 0.306328684091568, 0.068982794880867, -0.04727689549326897, 0.10551813244819641, -1.0079529285430908, -0.029040789231657982, 0.38368460536003113, -0.9110714197158813, 0.10786136239767075, 1.244665503501892, -0.12849628925323486, 1.157437801361084, 0.930640697479248, 0.5635246634483337, 0.42659586668014526, -0.08353093266487122, 0.2247222661972046, -0.9470067620277405, 0.19123370945453644, -0.4334888458251953, -0.3737632930278778, 0.33344021439552307, 0.11767987906932831, -0.19961336255073547, -1.1105284690856934, 0.7612018585205078, -1.6290525197982788, 0.4107309579849243, 0.04636470973491669, 0.6773041486740112, 0.7976515293121338, 1.2974958419799805, -0.7600350975990295, -1.1592296361923218, -0.5460472702980042, -0.6734291911125183, -0.5754772424697876, 0.20599468052387238, -0.31194084882736206, 1.2755669355392456, 0.8309804797172546, 0.1291949301958084, 0.9284915924072266, -0.07168170809745789, -0.17618240416049957, 0.10055703669786453, 1.0026689767837524, 0.48633095622062683, 0.6607570052146912, 0.12936104834079742, 0.5668997764587402, -0.4711049497127533, -0.20884284377098083, 0.12937410175800323, -0.141495019197464, 0.6413859724998474, 0.4049956202507019, -1.0951883792877197, -1.6581581830978394, -1.0195282697677612, -0.47836971282958984, -1.2376855611801147, 0.9097312688827515, 0.4902579188346863, -0.8131759762763977, -1.1785938739776611, -0.6360598802566528, -0.7018868327140808, 0.8538605570793152, 0.4992673397064209, -0.4638791084289551, -0.5401317477226257, 0.25892478227615356, 0.3323945105075836, -0.18163372576236725, -1.0089707374572754, 0.48373866081237793, -0.4009368419647217, 0.45238786935806274, -0.5493776798248291, -0.6810282468795776, -0.20950765907764435, 0.46197617053985596, -0.6040362119674683, 1.2300288677215576, -0.15670743584632874, -1.2575204372406006, -1.3842307329177856, 0.3790220618247986, -0.5967329740524292, -0.9058666825294495, 0.5547339916229248, 0.5538773536682129, -1.9653326272964478, 0.9099761247634888, 1.3656989336013794, 0.3955720365047455, -0.1275937408208847, 0.2538295090198517, 0.09111441671848297, -0.327279657125473, 1.2649716138839722]} +{"paper_id": "qa_srl", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "climate_fever", "embedding": [-0.9716455936431885, 0.7308709025382996, -0.6093291640281677, 0.05494909733533859, -0.01128145307302475, 0.6169601678848267, 1.0690958499908447, 0.1924068033695221, 0.7274842262268066, 1.60927414894104, 0.31689149141311646, 0.5218446254730225, -0.5896143913269043, -0.6612831354141235, -0.028843466192483902, -0.6507064700126648, -0.7703545093536377, -0.2866455316543579, 0.04977280646562576, -0.00311347097158432, -1.0812915563583374, -0.7458826899528503, -0.516039252281189, -0.17694422602653503, -1.097179651260376, 0.5808101892471313, 0.6068455576896667, -0.35704439878463745, 0.8041570782661438, 0.3509376049041748, -0.5624586343765259, 1.4302878379821777, -2.292794942855835, 0.5867384672164917, -0.8676451444625854, -0.1799546182155609, -0.4780157804489136, 0.6614866256713867, -0.4866993725299835, -0.4539085030555725, -0.9228565096855164, 0.27984026074409485, 1.3486593961715698, -0.28280171751976013, 0.40475994348526, -0.34428924322128296, 0.43041762709617615, -0.039556365460157394, 0.7529613375663757, -0.21109183132648468, -0.137690931558609, 0.7457956075668335, 0.10350090265274048, 0.13835391402244568, 0.6981804370880127, 1.3286923170089722, 0.24911728501319885, -0.04724937304854393, 1.256480097770691, -0.14610609412193298, 0.6628978252410889, 1.4559248685836792, -0.7029586434364319, -0.4304909110069275, -0.030933618545532227, 0.7321390509605408, 0.7187537550926208, 0.7981506586074829, 0.19498619437217712, 0.8739209175109863, -0.0573408380150795, -1.0748472213745117, 0.5095798373222351, -0.1718716025352478, -0.02355581521987915, 0.6171891689300537, -0.04707176983356476, -0.3308720290660858, 0.7308187484741211, -0.37595608830451965, 0.7633672952651978, 0.31261444091796875, 0.11005620658397675, -0.7613847851753235, -0.41244515776634216, 0.3703601658344269, 0.2766439616680145, -0.8665030598640442, -0.1572996824979782, -1.582396388053894, 0.38781386613845825, 0.09223135560750961, -0.047735560685396194, -0.16966012120246887, 0.15765446424484253, 0.6581000685691833, -0.3153159022331238, 0.04664452373981476, -0.14900097250938416, 0.7540726661682129, 0.5928398370742798, -0.7821165323257446, 0.31667354702949524, 0.03642146289348602, 0.6541191935539246, 0.7894286513328552, -0.7862473130226135, 0.03276468813419342, -0.6639279723167419, -0.599260151386261, -0.3277362287044525, 0.7378858327865601, 0.7631212472915649, 0.8402178883552551, -0.19790422916412354, 0.1701902151107788, -0.02177051454782486, -0.7340128421783447, -0.9311137795448303, 0.1425148993730545, -0.6429030895233154, -0.601284384727478, -0.6784989833831787, 0.40224355459213257, 1.1552542448043823, 0.20399783551692963, -0.26719459891319275, 0.16453957557678223, -0.420860230922699, -0.02768506109714508, -0.3328063488006592, -0.10765032470226288, -0.3631715178489685, 0.7007501125335693, 3.285843849182129, -1.3095818758010864, 1.4769037961959839, -0.19864335656166077, 0.1630830615758896, 0.07515938580036163, -0.621243953704834, 1.0281320810317993, 0.3999393582344055, -1.0042970180511475, -1.054793119430542, 0.4675426483154297, -0.9951381087303162, 0.191819965839386, -0.7804592251777649, -0.2599203884601593, 0.07602526247501373, 0.6610870957374573, -1.07651948928833, 0.10409779101610184, 0.5985943675041199, 0.7180317044258118, -0.4796629846096039, -0.18188928067684174, -0.6226569414138794, 0.7253823280334473, -0.12822118401527405, 0.5092776417732239, -0.9467045664787292, 0.5609403848648071, -0.695870041847229, 0.30711835622787476, 1.5387195348739624, -0.5778223276138306, -0.9504947662353516, 0.48935049772262573, 0.9649770855903625, -0.4957735240459442, -0.26273488998413086, -0.6151800751686096, -0.2853594422340393, 0.0028618574142456055, -0.13846944272518158, -0.10975462198257446, 0.8430572748184204, -0.8541737198829651, -0.6375219225883484, 0.14727526903152466, -0.25114449858665466, 0.5072330832481384, -0.8257238864898682, -0.9643612504005432, -1.5186527967453003, 0.6796789169311523, -0.6084620356559753, 0.8201976418495178, 0.5156655311584473, 0.2166253626346588, 0.27649539709091187, 0.5767600536346436, -0.11529490351676941, -0.45252516865730286, 0.28800255060195923, -1.6337239742279053, 0.230465829372406, 0.31066566705703735, -1.0647615194320679, -0.5594752430915833, -0.3204372823238373, 0.11767353117465973, 1.2515877485275269, -0.5316988229751587, -0.5411826968193054, -2.39735746383667, 0.4568071961402893, 1.4417228698730469, 0.050023794174194336, -1.0343424081802368, -0.463223397731781, 0.06965108215808868, 0.6179203987121582, -0.3602983355522156, 0.27493974566459656, -0.44048309326171875, 0.3833937644958496, -1.121229887008667, 0.27793383598327637, -0.30410122871398926, 0.5930287837982178, -0.622779369354248, 0.524752676486969, -0.5104592442512512, -0.2912723124027252, -0.21009553968906403, -1.2194569110870361, 0.9071531891822815, 0.6057730317115784, -0.07917266339063644, 0.1838388442993164, 0.16335740685462952, 0.28714293241500854, 1.260425090789795, -0.15573574602603912, 0.2729058265686035, -1.187066912651062, 0.02469145692884922, 0.2796712815761566, 0.5366527438163757, -0.07352285087108612, -0.7227649688720703, 0.15461084246635437, 0.2751059830188751, 0.11569441854953766, -0.3147011399269104, -0.9010102152824402, -0.47596514225006104, 0.6282415986061096, 1.1987134218215942, -0.6851242184638977, 0.5165713429450989, 0.0567556731402874, 0.2609345614910126, 0.06665770709514618, -0.5872377753257751, 0.12591971457004547, 0.1603911817073822, 0.4014299511909485, 0.6381475329399109, 0.1608007550239563, 0.019367247819900513, -0.46429121494293213, -0.7840591073036194, 0.5892748832702637, -0.04253913462162018, -0.6061738133430481, -0.5723586082458496, 0.3875403106212616, -1.2473688125610352, -1.2279657125473022, -0.05953708663582802, -0.1457614004611969, 0.6200428009033203, -0.26392942667007446, -0.30361005663871765, 0.6425129175186157, 0.6188215017318726, -0.07509433478116989, -0.4121052324771881, 0.8764041066169739, -0.45348989963531494, 0.06841759383678436, -0.14105799794197083, 0.00010577240027487278, -0.7635961771011353, 0.05191484093666077, -0.28541672229766846, 0.3834746479988098, -0.7595971822738647, -1.3735053539276123, 0.5889092087745667, -0.005887746810913086, -0.5026319026947021, 0.9609755873680115, -0.09137381613254547, -0.02325272560119629, -0.538933515548706, 0.8876541256904602, 0.4743604063987732, -0.20654769241809845, 0.6614995002746582, 0.3071766495704651, -0.09998680651187897, 1.4319649934768677, -0.41368529200553894, 0.043742477893829346, 0.26129740476608276, 0.20925776660442352, -0.01271970197558403, 0.2223014235496521, -1.6675753593444824, -0.09918463975191116, 0.6950767636299133, -0.3153291642665863, -0.2435304969549179, -0.34889930486679077, 0.07578735053539276, -0.10439147800207138, -0.7784032225608826, 0.12523874640464783, -0.3460296094417572, 0.17643623054027557, -0.5437342524528503, -0.13427594304084778, 0.32890158891677856, -0.3856661319732666, 0.10360118746757507, -0.2293064445257187, -0.2469533085823059, -0.7767974138259888, 0.6102725267410278, 0.8812641501426697, 0.19742564857006073, 0.6966558694839478, 0.09163645654916763, 1.3897984027862549, 1.233501672744751, -0.6235563158988953, 0.19324328005313873, 0.854626476764679, -0.2312602996826172, 0.24488963186740875, -0.025155644863843918, 0.12671810388565063, 0.7723627090454102, -0.41606777906417847, 0.8553517460823059, 0.4795777499675751, 0.20061081647872925, -1.3601337671279907, 0.07532939314842224, -0.4838712215423584, -0.5574938654899597, 1.4212384223937988, 1.5431104898452759, 1.2785446643829346, -0.3052584230899811, 0.6760547757148743, -0.5589525699615479, -0.04848960041999817, 0.13685055077075958, 0.3488561809062958, 0.8134748339653015, -0.4081780016422272, 0.7888830900192261, 0.18761110305786133, 0.41323181986808777, -0.345845490694046, -0.1915266215801239, 0.34126758575439453, 0.242954820394516, 0.15914298593997955, 0.13494493067264557, -0.34558025002479553, -0.1975921094417572, 1.5197025537490845, -0.6765779852867126, -0.01614992693066597, 0.11547890305519104, 0.19755341112613678, 0.711639940738678, 0.4486040472984314, -0.5362921953201294, 0.5410295128822327, -0.41011038422584534, 0.4436279833316803, -0.1853516399860382, 0.38951388001441956, 1.1646238565444946, 0.16932208836078644, -1.3821396827697754, -0.1256720870733261, -1.0641001462936401, 0.1546596884727478, 0.2386225163936615, -0.3650456368923187, 0.2353212535381317, 0.08751978725194931, -0.3235819339752197, -1.363513708114624, 1.438271164894104, -0.2852160930633545, -1.0444329977035522, 0.1808324158191681, 1.5985465049743652, -1.6225645542144775, -0.9263584017753601, 0.10396577417850494, -0.38856935501098633, -0.9268154501914978, 0.9133862257003784, -0.5031830072402954, 0.6603041887283325, 0.7439917325973511, 0.7406365871429443, 0.36537033319473267, 0.1425294578075409, 0.5538200736045837, 1.239785075187683, 0.34204912185668945, -0.8371894955635071, 0.18180522322654724, 0.13776768743991852, 0.7754380106925964, 0.2318362146615982, -0.6500974297523499, -0.01860002614557743, 1.2936545610427856, 0.06910209357738495, 0.06740529090166092, -0.511581301689148, -0.850879430770874, -0.07606139034032822, 0.45512136816978455, 0.44467270374298096, -0.9830331802368164, 0.20212361216545105, -1.1370928287506104, 0.32060715556144714, 0.4259289801120758, -0.7696554064750671, -1.0183135271072388, 0.32211291790008545, 0.21394982933998108, 0.40923872590065, -0.8780897855758667, -0.40045103430747986, 1.2331628799438477, 0.031970225274562836, 0.8010507225990295, -0.4238528311252594, -12.23465347290039, 1.0796215534210205, 0.005803877487778664, 1.2974040508270264, 0.644934356212616, 0.4042019248008728, -0.07865884155035019, -0.05310259386897087, 1.059377908706665, -0.045418087393045425, 0.14484994113445282, 1.7336260080337524, -0.3632420003414154, -0.254885733127594, -0.34257772564888, -1.9231003522872925, -1.0988706350326538, -0.2659992575645447, -0.18440955877304077, -0.30981171131134033, 0.5989010334014893, -1.238227367401123, 0.2929462790489197, -0.1404738873243332, 0.7391443848609924, -0.21523579955101013, 0.06582700461149216, 0.08678634464740753, -0.2742229700088501, 0.05326433479785919, 0.5138325691223145, 0.719568133354187, 0.10958175361156464, -0.6456514000892639, 0.2972683310508728, 0.06673853099346161, -0.7471471428871155, -0.21699529886245728, 1.125389814376831, 0.09147897362709045, -0.06330746412277222, -0.22423551976680756, 0.2118150293827057, 0.21555499732494354, -0.8693231344223022, 0.5369121432304382, 0.22079207003116608, -0.10975220799446106, -0.8496670722961426, -0.03239363431930542, -0.28600189089775085, -0.6451775431632996, -0.13210082054138184, -1.0085114240646362, 0.7599214315414429, -0.6267460584640503, -0.7900605201721191, -0.3283020555973053, -0.8615322709083557, -1.4364579916000366, 0.8530341386795044, 0.17044930160045624, -0.5549938678741455, 0.12947297096252441, 0.07733472436666489, -0.1556880921125412, 0.9129451513290405, 0.3699081242084503, -0.35625705122947693, -0.28681376576423645, -1.0247262716293335, 0.4287562072277069, 0.7840870022773743, -0.15980753302574158, -0.2805365324020386, 0.018631931394338608, -0.4787687063217163, -0.6598024964332581, 0.04057024419307709, -0.4572907090187073, -1.3565372228622437, 0.0761289894580841, 0.059354349970817566, -0.708697497844696, -1.0114257335662842, -0.2766786813735962, 0.008334048092365265, -0.1974225789308548, 0.123598113656044, 0.10085982829332352, 0.6768552660942078, 0.011273767799139023, 0.019842207431793213, 0.052316904067993164, -0.7998006343841553, 0.11285290867090225, 0.1760246604681015, 0.9913931488990784, -0.08026717603206635, -0.17231303453445435, 0.23383530974388123, 0.12104014307260513, -0.7811770439147949, -0.04175784811377525, 0.5242480635643005, -0.22990936040878296, 0.4406750202178955, -0.8094480037689209, 0.019018009305000305, 0.05842968448996544, 0.7499129772186279, -0.5120974779129028, -0.3063860535621643, 1.3676677942276, -0.4996739625930786, 0.4376370906829834, 0.44391128420829773, -0.2813226580619812, 1.2569369077682495, 0.6178730130195618, 0.3743198812007904, 0.1468721479177475, -0.04342947155237198, 0.132021963596344, -0.2643500864505768, -0.4469870328903198, 0.07506702840328217, 0.1618015468120575, -0.7822168469429016, -1.1532527208328247, -0.02246842160820961, -0.17580290138721466, 0.32319557666778564, -0.9087401032447815, -0.014272548258304596, -0.712151050567627, -0.1935063749551773, 1.0660008192062378, -0.5276061296463013, 0.3454386293888092, -0.7294400334358215, 0.4147946238517761, 0.256015419960022, -0.6055352687835693, -0.6860020756721497, -0.5345215797424316, -1.7193671464920044, 0.1599864661693573, -0.7801632881164551, -0.8979583382606506, 0.5536705851554871, -0.7427055835723877, 0.5819368958473206, -0.3778612017631531, 0.23692598938941956, 0.0010659247636795044, -0.038452088832855225, -0.31253623962402344, -0.7779802680015564, -0.6269514560699463, 0.1389012336730957, 0.7274752855300903, -1.1265357732772827, 0.2123546600341797, 0.6203228235244751, -0.09919117391109467, 0.04840999096632004, -0.14896872639656067, 0.06816374510526657, -0.26018601655960083, 0.1966991126537323, -0.7738288044929504, 0.30056944489479065, -0.9633813500404358, -0.1522417664527893, -0.846576988697052, 0.911979615688324, 0.6569662094116211, -0.4104984700679779, 0.2393890619277954, 0.17343547940254211, 0.46581584215164185, 0.7753772735595703, -0.0668288841843605, -0.2124370038509369, -0.47502726316452026, 0.2641949951648712, 0.12002617120742798, 0.49864980578422546, 0.3882473111152649, -1.2025798559188843, -1.0302793979644775, -0.8177173733711243, -0.44146913290023804, 1.231666922569275, 0.5169664621353149, 0.46166008710861206, 1.4474844932556152, -0.17178824543952942, 0.034537822008132935, 0.4633299708366394, 1.3258980512619019, 0.36000779271125793, -0.17901770770549774, -0.2204664796590805, -0.060844786465168, -0.7949038147926331, -0.23653285205364227, 0.30203285813331604, 0.5406980514526367, -0.8127043843269348, -0.17753514647483826, 0.3799296021461487, -1.073905348777771, 0.7874249219894409, -1.0091149806976318, 0.9679152965545654, -0.48758089542388916, -0.3638768792152405, -0.9230660796165466, 0.6710688471794128, 0.6991466283798218, 0.49069857597351074, 0.8448383808135986, -0.3215770125389099, 0.0755121111869812, 1.528018832206726, 0.01134464144706726, 1.4190497398376465, 0.40937796235084534, -0.025498252362012863, 0.27555039525032043, 0.10798640549182892, 0.14596587419509888, 0.4458823800086975, 0.09724707156419754, -0.5170180797576904, 0.7803003787994385, -0.08963710814714432, 0.3573179543018341, -0.7414006590843201, 0.6656025052070618, 0.36046069860458374, 0.3179108202457428, -1.1435906887054443, -0.4964354932308197, -1.1287554502487183, -0.8837520480155945, -0.3033192753791809, 0.9568183422088623, 1.000848412513733, 0.4222916066646576, 0.8380746841430664, -0.041738808155059814, 0.42212918400764465, -0.5832945704460144, 0.3847097158432007, 0.5654906034469604, 0.01386997103691101, 1.5067188739776611, 0.5950379371643066, 0.24438218772411346, 0.5678486824035645, 0.07360558211803436, -0.7960789203643799, -0.32799211144447327, -0.016770146787166595, 0.8259108662605286, 1.0855425596237183, -0.9267507195472717, 0.5759782195091248, -0.12607866525650024, 0.05192996934056282, -0.4175044596195221, -0.06843976676464081, 0.6293202042579651, -1.000018835067749, 0.18621709942817688, -0.9439797401428223, 0.01803731732070446, 0.8847493529319763, -0.11782513558864594, -1.2225711345672607, -0.25351178646087646, 1.4855806827545166, -0.09374958276748657, -0.5865333080291748, 0.0790088027715683, 0.3594221770763397, -0.5600056052207947, 0.23411689698696136, -0.2263031303882599, -0.9564361572265625, -0.24538326263427734, 0.8311883211135864, -0.3499085605144501, 0.1096596047282219, -0.10284289717674255, -0.7494717836380005, -0.6763519644737244, 0.8615824580192566, 0.14851494133472443, 0.1229519322514534, -0.15682771801948547, 0.07396585494279861, -0.7988908290863037, 0.7363444566726685, 1.0853489637374878, 0.19871163368225098, -0.21265752613544464, 0.6746076345443726, 0.4221002459526062, -0.4680798053741455, 0.9553770422935486]} +{"paper_id": "humicroedit", "embedding": [-0.3809305727481842, 1.079720377922058, -0.21255026757717133, 0.17728912830352783, 0.9932273626327515, 0.282330721616745, 0.6049042344093323, -0.31576019525527954, 0.5430598855018616, 0.13575729727745056, 0.419138640165329, -0.0523795410990715, 0.35310256481170654, -0.020399043336510658, -0.14377914369106293, -0.3964262306690216, -0.3843115568161011, 0.42472389340400696, -0.3403812646865845, 0.004077024757862091, -1.2856857776641846, -0.37622469663619995, -0.15673242509365082, 0.29800477623939514, -0.8940795063972473, 0.14297780394554138, 0.45406436920166016, -1.167755126953125, -0.473484605550766, -0.26381736993789673, -0.13630619645118713, 1.4731717109680176, -0.9288316369056702, 0.661344051361084, -0.559715211391449, -0.5101004838943481, -0.7142147421836853, 0.9542453289031982, -0.45298153162002563, -0.6685620546340942, -0.7142791748046875, 1.167911410331726, 1.5052865743637085, -0.2557014524936676, -0.12118759006261826, 0.045985147356987, -0.166106179356575, 0.038233812898397446, 0.17334310710430145, 0.13560406863689423, -0.39693647623062134, 0.3905406892299652, -0.21059417724609375, -0.6205178499221802, -0.06271418184041977, 1.0783939361572266, -0.12347237020730972, -1.2513316869735718, 0.11124520003795624, -0.017126303166151047, 0.9194487929344177, 1.9350756406784058, -0.10851699113845825, 0.36929503083229065, 1.1117539405822754, 0.0725935846567154, 1.3347315788269043, 0.47860240936279297, 0.4103420078754425, 0.39269784092903137, -1.2884572744369507, -0.7110544443130493, 0.1748984456062317, 0.0685177743434906, -0.5210533142089844, -0.04986882954835892, 0.1821403205394745, 0.016520505771040916, 0.21246707439422607, 0.44268134236335754, -0.18180617690086365, -0.04276866838335991, -0.1767675131559372, -1.0859665870666504, 0.20063567161560059, -0.07716724276542664, 0.35984116792678833, 0.0011819042265415192, 0.09758283942937851, -1.1220721006393433, 0.14043359458446503, -0.12294934689998627, 0.24716728925704956, 0.463371217250824, -0.46314501762390137, 0.45566192269325256, 0.7263527512550354, 0.18699437379837036, -0.48331061005592346, 0.0731189027428627, 0.624294102191925, -0.10523944348096848, 0.62319415807724, -0.5517223477363586, 0.4718334972858429, 0.4595627784729004, 0.5219923853874207, -0.7901853919029236, 0.0921599492430687, -0.5465635061264038, -0.5888609886169434, 1.1853017807006836, 0.7314401268959045, 0.8777889013290405, -0.1951667070388794, -0.16658678650856018, -0.679938554763794, -0.1992151290178299, -0.017364799976348877, 0.3932918310165405, -0.5751238465309143, -1.0679850578308105, -0.04411785304546356, -0.1145600751042366, 1.1202175617218018, 0.14778275787830353, -0.029761111363768578, -0.6632243990898132, -0.5213120579719543, -0.6050360798835754, 0.023083437234163284, 0.051982514560222626, -0.1589350700378418, 0.5080927014350891, 2.4547159671783447, -0.9162505865097046, 0.7843690514564514, -0.19339805841445923, -0.2947143316268921, -0.2159501314163208, -0.07509856671094894, 1.3346792459487915, -0.27762794494628906, -1.3435264825820923, -0.9149366021156311, -0.0530814453959465, -0.7791352868080139, 0.51163649559021, -0.5917485952377319, -0.3867619037628174, 0.4600452482700348, 0.7272194623947144, -1.2412452697753906, -0.08320485055446625, 0.15794721245765686, 0.4104631543159485, 0.2633046805858612, -0.11414851248264313, 0.009357292205095291, 0.4106346070766449, 0.6000447869300842, 0.7958764433860779, -0.2640063762664795, 0.516126275062561, -0.595200777053833, 0.2822549045085907, 0.8955508470535278, -0.4387892186641693, -0.8981790542602539, -0.792752206325531, 0.08155935257673264, -0.4050907492637634, -0.12139159440994263, -0.07909782230854034, -0.6686890721321106, -0.40683960914611816, 0.6247833371162415, 0.5395386219024658, -0.039341337978839874, -0.8083653450012207, -0.7731889486312866, 0.15342305600643158, 0.2309829592704773, 0.6380907893180847, -0.5337045788764954, -0.10859356820583344, -2.0400171279907227, 0.057641685009002686, -1.0997074842453003, 0.8517782688140869, -0.20655249059200287, 0.4116279184818268, -0.3364734947681427, 0.46710219979286194, -0.8272404074668884, 0.010395701974630356, 0.9046948552131653, -0.9368741512298584, 0.4462711215019226, 0.48782914876937866, 0.15361620485782623, 0.055959008634090424, -0.44196030497550964, 0.40956366062164307, 0.6126227974891663, 0.11562564224004745, -0.6572969555854797, -1.6455222368240356, 0.9967461824417114, 1.0916494131088257, 0.01601441204547882, -0.9153244495391846, -0.8234241008758545, -0.08930421620607376, 0.5598267316818237, 0.4304966628551483, 0.96827232837677, -0.304160475730896, -0.2367767095565796, -1.59282648563385, 0.6798791289329529, -0.46410104632377625, -0.36710304021835327, 0.09147284179925919, 0.8211885690689087, -0.5116527080535889, -0.43545034527778625, -0.33311066031455994, -0.9815886616706848, 0.4343954026699066, 0.4615562856197357, 0.4872531294822693, 0.23152285814285278, 0.932584285736084, 0.15380927920341492, 0.6430056691169739, 0.4207034707069397, 0.22492770850658417, -0.4212900996208191, 0.06877884268760681, 0.3401399254798889, 0.39349424839019775, -0.13017873466014862, -0.8325842618942261, -0.4137691855430603, 0.06500941514968872, -0.056015416979789734, -0.4202701449394226, -0.3540642261505127, 0.06480249762535095, 0.9895439743995667, 0.9013503193855286, -0.8230656385421753, 1.015493631362915, -0.3410240709781647, -0.04803930222988129, -0.025987397879362106, -0.6333693265914917, 0.037141963839530945, -0.7027474045753479, -0.30477437376976013, 0.3518429696559906, 0.15997819602489471, -0.013891763985157013, -0.9111890196800232, -0.6984636187553406, -0.10926036536693573, 0.18717750906944275, 0.22426341474056244, -0.5396842956542969, -0.2984214425086975, -0.11221762001514435, -1.2553107738494873, -0.11889803409576416, 0.0958465039730072, -0.0441436842083931, -0.597673773765564, 0.4116442799568176, 1.1230887174606323, -0.25346580147743225, 0.10849273949861526, -0.6832247972488403, 1.0468639135360718, -0.33979737758636475, -0.02754703164100647, -1.0510281324386597, -0.2425907701253891, -0.332543283700943, 0.1706291139125824, -0.9084144234657288, 0.2447797954082489, 0.36862021684646606, -0.36841079592704773, 0.9794604778289795, -0.29227668046951294, -0.6476982235908508, 0.36248093843460083, -0.4134952425956726, 0.2118256688117981, -0.8428675532341003, 0.5848683714866638, 0.7505792379379272, -0.3389874994754791, 0.9827929735183716, -0.7407292723655701, -0.40483394265174866, 1.2841119766235352, -0.9769623279571533, 0.729741096496582, 0.7037652134895325, -0.3480224907398224, 0.09214241057634354, -0.05444839596748352, -1.4400259256362915, -0.07495836168527603, 1.3519275188446045, -0.7097148895263672, 0.1757677048444748, -0.4539048373699188, 0.4725415110588074, 0.012267493642866611, 0.3829801678657532, 0.554500162601471, -0.5627819299697876, 0.655052661895752, -0.8896010518074036, 0.4083705544471741, 0.015060256235301495, -0.5512639284133911, 0.3574475646018982, -0.1554757058620453, 0.534516453742981, -1.2135603427886963, -0.6143863797187805, 0.3815482556819916, -0.6432011723518372, 0.7669053077697754, 0.6995529532432556, 1.110819935798645, 0.5506157875061035, -0.5878604054450989, -0.6324467062950134, -0.0016196221113204956, -0.28543418645858765, 0.2349204272031784, 0.509336531162262, 0.6383966207504272, 0.6878364086151123, -0.24694234132766724, 1.2443987131118774, 0.03084053471684456, -0.453096479177475, -1.096011757850647, -0.18484428524971008, -1.2381811141967773, -0.19334885478019714, 1.079074740409851, 0.8571382761001587, 0.9883131980895996, 0.42946362495422363, -0.10707942396402359, -0.5801525712013245, -0.06936606764793396, 0.31165531277656555, -0.06799092888832092, 0.3150289058685303, 0.010203048586845398, 0.23032799363136292, 0.7150301933288574, 0.7285715341567993, -0.706913948059082, 0.3163509666919708, 0.9612529277801514, -0.1626807600259781, -0.8175169825553894, 0.36007365584373474, 0.3114940822124481, 0.17493146657943726, 2.0390734672546387, -0.500097393989563, -0.45589327812194824, -0.2854881286621094, 0.31442850828170776, 0.4682365953922272, -0.0888059139251709, -0.3592072129249573, 0.5155285000801086, 0.629181444644928, 0.9822985529899597, -0.18845264613628387, 0.45437687635421753, 0.5516480207443237, 0.05469595268368721, -1.2572070360183716, 0.03000931814312935, -0.7307870388031006, -0.36773449182510376, 0.046203628182411194, -0.05164189264178276, -0.23776066303253174, 0.44407933950424194, -0.4332515299320221, -1.009278416633606, 0.745739221572876, -0.2900063991546631, -0.6298114061355591, -0.10859176516532898, 1.1609553098678589, -0.6053522229194641, -1.2205495834350586, 0.09606266021728516, -0.7385676503181458, -0.7595779299736023, 0.22176581621170044, -0.616904616355896, 1.3326866626739502, 0.02692551352083683, 0.2007950246334076, 0.22226718068122864, 0.48461711406707764, -0.5263238549232483, 1.5645644664764404, 0.5984189510345459, -0.5875934362411499, 0.5799062252044678, 0.4487776458263397, 0.7455922961235046, 1.176000714302063, -0.3649492859840393, -0.2604205906391144, 0.7966513633728027, 0.18437793850898743, -0.3125513195991516, -0.440518856048584, -0.33462759852409363, 0.7531015276908875, 0.6788436770439148, 0.7935187220573425, -0.8110013604164124, 0.19709499180316925, -0.357541024684906, 0.9147325158119202, 1.0856460332870483, -0.8477868437767029, -0.7451238632202148, 0.5388524532318115, -0.3280015289783478, -0.08323124051094055, -0.7859492301940918, -0.834933340549469, 0.8148559927940369, 0.1949537694454193, -0.08465424180030823, -0.45036786794662476, -12.516901969909668, 1.5552434921264648, -0.1124156191945076, -0.22234909236431122, 0.650704562664032, 0.241506427526474, -0.006099134683609009, 0.22636403143405914, 1.1226800680160522, -0.4022303521633148, -0.5012821555137634, 1.5150415897369385, -0.19691011309623718, 0.05320316553115845, -0.5402092933654785, -1.7095762491226196, -1.2083543539047241, -1.3342344760894775, -0.1058511883020401, 0.37732917070388794, 0.1409161537885666, -0.9853797554969788, 0.3152615427970886, -0.5704689621925354, 0.8691151738166809, -0.73606938123703, -0.5145573019981384, -0.39330893754959106, 0.37350302934646606, 1.1549402475357056, 0.8210476040840149, 0.6701151132583618, -0.5320125818252563, -0.3660205006599426, 0.4542756676673889, 0.32074105739593506, -1.1808497905731201, -0.812138020992279, 0.5957579016685486, -0.1054232120513916, 0.26384446024894714, 0.038085874170064926, -0.36116743087768555, -0.27680882811546326, -0.41745302081108093, 0.11131095886230469, -0.31298601627349854, 0.11116482317447662, 0.11648401618003845, -0.13888821005821228, -1.0175600051879883, -0.5041248798370361, -0.7677337527275085, -0.761976957321167, 0.3430546224117279, -0.012800280936062336, -0.7169119119644165, 0.07113315910100937, -0.6036037802696228, -1.0612318515777588, 0.17313915491104126, 0.2838180661201477, -0.3399013876914978, 0.6807126998901367, 0.4538661539554596, -0.38223227858543396, 0.5005310773849487, -0.03097669407725334, 0.3761265277862549, 0.7274792790412903, -0.5518271327018738, 1.5588047504425049, -0.3765854239463806, 0.7536139488220215, -0.733345627784729, 0.06600320339202881, -0.1517607718706131, -0.4941016733646393, 0.960039496421814, -0.6664822101593018, -1.339672327041626, 0.8267155885696411, 0.18239399790763855, 0.1362338364124298, -0.3045302629470825, 0.5657530426979065, 0.07283168286085129, -0.625906765460968, 0.6104090213775635, -0.3983250856399536, -0.17541883885860443, -0.5042158365249634, -0.5299643874168396, 0.06339757144451141, -0.7648990750312805, 0.21824923157691956, -0.6244838833808899, 0.5614634156227112, 0.7946686744689941, -0.12066050618886948, -0.12009742110967636, 0.5901933312416077, -1.0713541507720947, -0.18448713421821594, 0.5887996554374695, -0.9341840147972107, -0.07962587475776672, -0.23406359553337097, -0.33181384205818176, -0.915184736251831, 0.06934596598148346, -0.06208977848291397, 0.6490229964256287, 0.7646228671073914, 0.009096235036849976, 0.2596108019351959, 1.1843900680541992, -0.2856638431549072, 0.8477357625961304, 0.8296562433242798, -1.2582134008407593, 0.9800020456314087, 0.07309190928936005, 0.835878312587738, -0.27677783370018005, 0.8157368898391724, 0.13587146997451782, -0.37870916724205017, -0.06872948259115219, -1.3996754884719849, 0.49271437525749207, -0.5241689682006836, 0.15657596290111542, -0.4988192915916443, -0.3922919034957886, -0.04936189204454422, -1.1493035554885864, 0.9826207160949707, -0.32774561643600464, 0.24388918280601501, -0.28810250759124756, 0.07968130707740784, -0.46415746212005615, -0.5218151807785034, -1.2084553241729736, -0.20078757405281067, -2.630679130554199, 0.21982884407043457, 0.1496313512325287, -0.3442142605781555, 0.3682364523410797, -0.03696358948945999, 0.14989116787910461, -1.1103606224060059, -0.12366294860839844, 0.1977919340133667, 0.2188650220632553, -1.518296480178833, -0.8971725106239319, -0.9265732765197754, 0.7672891020774841, 1.3501001596450806, -0.4452027976512909, 0.8205385804176331, 0.5350812673568726, -0.2944275736808777, -0.04662275314331055, 0.07261213660240173, -0.193788543343544, 0.41985028982162476, 0.6471073627471924, -0.7499486804008484, -0.5118328928947449, -0.5089093446731567, 0.8433152437210083, -0.6990150809288025, 0.8163870573043823, 1.5809234380722046, -0.8977145552635193, -0.38788044452667236, -0.19853845238685608, 0.27552616596221924, 0.41173720359802246, -0.04282624274492264, -0.6094092130661011, -0.015752360224723816, 0.08602675050497055, 0.14843305945396423, -0.06906924396753311, 0.484424352645874, -1.1459522247314453, -1.0720734596252441, -0.8274832963943481, -0.24853603541851044, 0.6489070653915405, -0.10901413857936859, 0.3589286208152771, 1.1917414665222168, -0.41637760400772095, -0.35407760739326477, -0.4036075472831726, 0.43315252661705017, -0.5225520730018616, 0.5476382374763489, -0.003243468701839447, -0.14283688366413116, -0.26370224356651306, 0.2554529905319214, 0.0905294418334961, 0.9257825613021851, -1.0675456523895264, -0.49225473403930664, -0.02951124683022499, 0.2248813360929489, 0.05134425684809685, -0.5201280117034912, -0.07941459119319916, 0.0947566032409668, -0.33494120836257935, -0.5525583624839783, 0.4972061812877655, 1.1479250192642212, 0.7489985823631287, 0.6428592205047607, 1.0420736074447632, 0.3241187334060669, 1.2161997556686401, 0.6047737002372742, 0.9595139622688293, 0.5386613607406616, -0.14949944615364075, -0.10981158912181854, -0.32227033376693726, 0.5897998809814453, 0.25391292572021484, -0.24689146876335144, -1.3451902866363525, 0.01811838150024414, -0.7848402261734009, -0.46333232522010803, 0.24363172054290771, -0.15492607653141022, 0.8346258997917175, 0.6541242003440857, 0.21515969932079315, -0.6319250464439392, -1.12624192237854, -1.2068496942520142, 0.0814465880393982, 0.37799546122550964, 0.16796255111694336, 1.3581225872039795, 0.4286118447780609, 0.03250392526388168, 0.7510814070701599, 0.19545909762382507, 0.4022601842880249, 0.34939664602279663, 0.5320855379104614, 1.467214822769165, 0.6328480839729309, 0.5338358879089355, 0.24889273941516876, -0.30098414421081543, -1.2239068746566772, -0.5397409200668335, -0.7498834729194641, 0.7838831543922424, 0.4820782542228699, -0.48835912346839905, 0.5805842876434326, -0.4449528455734253, -0.09534083306789398, -0.38223564624786377, 1.0269495248794556, 0.3314477801322937, -0.43820303678512573, -0.10611721128225327, -0.35850226879119873, 0.5231208205223083, 1.3537551164627075, 0.2869677245616913, -0.4399881958961487, -0.4916386604309082, 0.7504376173019409, 0.03874870389699936, -0.002083251252770424, 0.10239461064338684, 0.5582525730133057, -0.05126180127263069, 0.44238924980163574, 0.4120788872241974, -0.8802681565284729, -0.5666056871414185, -0.41961991786956787, -0.17140425741672516, 0.4702911376953125, 0.11703279614448547, -1.6189961433410645, -0.24714839458465576, 0.7204477787017822, 1.2967301607131958, 0.09930305182933807, 0.23018796741962433, 0.2231551557779312, -0.9413076639175415, 1.2396245002746582, 0.8874433636665344, 0.36703237891197205, -0.08198335021734238, 0.11789314448833466, 0.6230129599571228, -0.06511937081813812, 1.579814076423645]} +{"paper_id": "discofuse", "embedding": [-0.5212121605873108, 0.6584748029708862, -0.2870786190032959, 0.2580459415912628, 0.36577680706977844, 0.002716071903705597, 0.749742329120636, 0.558563232421875, 0.7799128890037537, 0.21135126054286957, 0.10121913999319077, -0.05086858570575714, 0.5044767260551453, 0.07211600989103317, -0.14523595571517944, -0.2920728027820587, -1.0367790460586548, -0.6380605101585388, -1.4340709447860718, -0.42757922410964966, -0.6697651743888855, -0.433810830116272, -0.3257421851158142, 0.06678549945354462, -0.04415051266551018, -0.5173749327659607, 0.3953123986721039, -1.5172711610794067, 0.4327520728111267, 0.7566019892692566, 0.014334358274936676, 1.6381663084030151, -1.4065865278244019, 0.38855108618736267, -0.2828404903411865, -0.07979363948106766, -0.42009246349334717, 1.110169768333435, -0.34129801392555237, 0.08166956156492233, -0.7967102527618408, 0.0683552622795105, 0.5042171478271484, 0.515780508518219, 0.021384935826063156, -0.04913286119699478, -0.1562919318675995, 0.12906070053577423, -0.23366180062294006, -0.027044104412198067, -0.31943076848983765, 0.139271080493927, 0.22626623511314392, 0.778638482093811, -0.14272671937942505, 0.9229047894477844, 0.39277440309524536, -1.5178029537200928, 0.04438316822052002, -0.5955402851104736, 0.9653154611587524, 1.5393141508102417, -0.495432585477829, 0.3227490484714508, 1.7854468822479248, -0.02561786398291588, 1.562074065208435, -0.1504572480916977, 0.30492404103279114, 1.2578442096710205, -0.7243852019309998, -0.5829564929008484, 0.6021438241004944, 0.0009503215551376343, -0.5398068428039551, 1.1655638217926025, 0.2970183193683624, 0.06159774959087372, 0.15095138549804688, -0.06488396972417831, 0.5038884282112122, 0.3700374960899353, 1.1652677059173584, -0.4198661148548126, 0.3318348824977875, 0.1786455512046814, 0.5759227275848389, -0.5533615350723267, -0.10469188541173935, -1.613647699356079, 0.011226847767829895, 0.11690109223127365, -0.29745736718177795, 0.03950095176696777, -0.004611320793628693, 0.09593550860881805, -0.026600651443004608, 0.0679931491613388, -0.5089271068572998, -0.19179797172546387, 0.5720177292823792, -0.5886479616165161, -0.3973700702190399, -0.464648574590683, 0.8021457195281982, 0.3771398961544037, -0.031188324093818665, -0.580088198184967, -0.9013517498970032, -0.45729517936706543, -0.06511495262384415, 0.9126166105270386, -0.20945313572883606, 0.790264904499054, -0.20375092327594757, -0.05869102105498314, 0.19017252326011658, -0.16641570627689362, -0.8321483731269836, 0.05354650318622589, -0.6573030948638916, -0.8807411193847656, 0.06220220774412155, -0.49337172508239746, 0.7605249285697937, -0.8207565546035767, -0.5221627950668335, -0.9659175872802734, 0.23067255318164825, -0.6780419945716858, 0.3924885094165802, -0.16420376300811768, -0.6764482855796814, -0.25289055705070496, 3.0104315280914307, -0.6079225540161133, 1.2262537479400635, -0.6572515368461609, -0.8643975257873535, -0.36901959776878357, -0.11884429305791855, 1.3496826887130737, -0.403942346572876, -0.42366519570350647, -0.6392270922660828, -0.26515886187553406, -0.521102786064148, 0.3890424370765686, -0.4444498121738434, -0.6650813221931458, -0.06439383327960968, -0.0031637251377105713, -1.4433538913726807, -0.7112566232681274, -0.16117918491363525, -0.18590447306632996, 0.3320484757423401, 0.8205634355545044, -0.23535844683647156, 1.0860440731048584, 0.5516130328178406, -0.2479981929063797, -0.05094892531633377, 0.24627766013145447, -0.43480414152145386, -0.02543295919895172, 1.1862797737121582, -0.5682232975959778, -0.42849379777908325, -0.30721089243888855, 0.0919056311249733, -0.0068189725279808044, -0.2864159345626831, -0.7027303576469421, 0.028800012543797493, 0.3709438741207123, 0.5807826519012451, 0.7519529461860657, 1.0010614395141602, -0.9634133577346802, -0.7819721698760986, -0.6935917735099792, 0.24000385403633118, 1.1108444929122925, -0.08534303307533264, 0.31538641452789307, -2.2155144214630127, -0.7054579854011536, -0.6578333973884583, 0.8994635939598083, -0.012833744287490845, -0.2488461583852768, 0.3320857584476471, 0.5687127113342285, -0.09088926017284393, -0.3810742497444153, 0.42793557047843933, -0.7284054160118103, 0.6427910923957825, -0.05427572876214981, 0.04622192308306694, -0.4432517886161804, -0.17901551723480225, 1.0094478130340576, 1.3439093828201294, -0.24154654145240784, -0.10898026823997498, -1.4845651388168335, 0.4603067934513092, 1.9410663843154907, 0.026684708893299103, -0.25758564472198486, -1.755056619644165, -0.3562556207180023, 0.7264778017997742, -0.024543657898902893, 0.32313230633735657, -0.41549745202064514, 0.20819002389907837, -0.9910006523132324, 0.20211336016654968, -0.49406251311302185, 0.34149277210235596, 0.7092066407203674, 0.44996997714042664, -0.621340811252594, -0.2943650484085083, -1.0759212970733643, -0.648751437664032, 0.2002936750650406, 1.0498981475830078, -0.26259684562683105, 0.03737513720989227, 0.7581993341445923, 0.19156834483146667, 0.35086268186569214, 0.6194045543670654, 1.015499472618103, -0.28675031661987305, -0.3458247482776642, 0.43726637959480286, 0.20343978703022003, -0.22620274126529694, 0.01768270693719387, -0.17688685655593872, 0.41638097167015076, -0.06915588676929474, -0.4671032428741455, -0.6997379064559937, -0.01160583645105362, 0.9585082530975342, 1.448848009109497, -0.7186043858528137, 0.7611851096153259, -1.02113676071167, 0.16995179653167725, -0.44504207372665405, -0.4971092939376831, -0.6620010733604431, -0.1394113302230835, 0.7455255389213562, 0.45373886823654175, 0.835940420627594, -0.11800286173820496, -0.04105852544307709, -0.9801193475723267, -1.0640435218811035, -0.275760293006897, 0.2821629047393799, -1.3414915800094604, -0.8163928985595703, -0.36306583881378174, -0.46232739090919495, -0.3788300156593323, -0.5766934752464294, 0.18779101967811584, -0.3530203104019165, 0.727219820022583, 2.1000635623931885, 0.2778850495815277, -0.15961843729019165, -0.4179331660270691, 0.7510515451431274, -0.21108920872211456, 1.4491488933563232, -0.15016083419322968, -0.093376524746418, -1.7606483697891235, 0.5132728815078735, -0.6375494599342346, -0.011624947190284729, 0.40187954902648926, 0.15914690494537354, 0.23999720811843872, 0.04759244620800018, -0.9590489864349365, 0.8139008283615112, -0.4566522538661957, 0.489704966545105, -0.657037079334259, 1.6905430555343628, 0.46459245681762695, -0.28250083327293396, 0.5528977513313293, -0.24431292712688446, -0.003916941583156586, 1.2611522674560547, -0.5180450081825256, 0.9214067459106445, 0.7021384835243225, 0.14776448905467987, 0.1609858274459839, -0.07745084166526794, -1.7528501749038696, -0.08795850723981857, 1.0619487762451172, -0.6028783917427063, -0.4905398190021515, -0.8864948153495789, 0.8215163350105286, -0.10062553733587265, -0.5932989120483398, 0.3594359755516052, -0.5402380228042603, -0.27074918150901794, -0.5078439116477966, 0.429537296295166, 1.0391545295715332, -0.008816346526145935, 0.5540809035301208, 0.867344319820404, 0.29190558195114136, -0.9117328524589539, -0.4681118130683899, 1.208284616470337, 0.18877415359020233, 0.29353198409080505, 0.5802379250526428, 0.9788874387741089, 0.7327848672866821, -0.7699310183525085, -0.30152350664138794, 0.8619957566261292, 0.8495573997497559, 0.6788343787193298, 0.283983051776886, -0.6711934804916382, 0.25676217675209045, -0.24422484636306763, 1.9371976852416992, -0.0037701576948165894, -0.46303513646125793, -0.8941583037376404, -0.27010631561279297, -0.5619989633560181, -0.9119505882263184, 1.3539605140686035, 0.9048516154289246, 1.856186032295227, -0.31821396946907043, 0.37521931529045105, -0.5206656455993652, 0.21290461719036102, 0.6862494945526123, 0.07611395418643951, 0.018648430705070496, -0.4090318977832794, 0.6654009819030762, 1.6764317750930786, 0.07507508248090744, -0.4910936951637268, -0.8263748288154602, 0.841424822807312, 0.09674099832773209, -0.35493749380111694, 0.059825338423252106, 0.6925343871116638, 0.5643435120582581, 1.985063076019287, -0.685303807258606, -0.5740374326705933, 0.22982721030712128, 0.6683561205863953, 0.207093745470047, 0.744388222694397, -1.4707428216934204, 0.058283016085624695, -0.07381951808929443, 1.1046735048294067, -0.3291154205799103, 0.6118782162666321, 0.4415261745452881, -0.15981443226337433, -1.2551238536834717, 0.056399259716272354, -0.5878602266311646, 0.09502454102039337, 0.475134015083313, -0.6227789521217346, -0.11511160433292389, 1.335949182510376, 0.05568310618400574, -0.4880959689617157, 1.028325080871582, -0.5663039088249207, -1.0073555707931519, -0.012252293527126312, 0.580734133720398, -1.4269498586654663, -0.9208768010139465, 0.2449096292257309, -1.1073068380355835, -0.4415992200374603, -0.005871165543794632, -0.6286206245422363, 0.8878259062767029, 0.535597562789917, 0.66977459192276, -0.08448802679777145, -0.17482173442840576, -1.191205382347107, 0.9988155961036682, 1.0341471433639526, -0.9429244995117188, 0.4736931622028351, 0.5897840261459351, 0.8995004296302795, 0.3074578046798706, -1.2686561346054077, -0.3673979938030243, 0.10157832503318787, -0.7298159599304199, -0.11221972852945328, -0.5299199819564819, -0.28675389289855957, 0.15026935935020447, 0.46097227931022644, 0.17190417647361755, -1.5389906167984009, 0.24948060512542725, -0.20672613382339478, 1.112564206123352, 0.4083558917045593, -0.9881109595298767, -1.2121273279190063, 0.8836500644683838, -0.9222696423530579, 0.5629541873931885, -0.2524148225784302, -0.18973900377750397, 1.524733066558838, 1.1745429039001465, 0.30175673961639404, 0.1354674994945526, -11.406282424926758, 0.47744083404541016, 0.2770368158817291, -0.1558980941772461, 0.20508815348148346, -0.32568883895874023, 0.5757084488868713, 0.01560328807681799, 0.3684937059879303, -0.19390814006328583, 0.431095689535141, 1.2700251340866089, -0.03699594736099243, -0.8477053642272949, -0.1282309889793396, -0.926705539226532, -0.5906093120574951, -0.9162305593490601, -0.24981200695037842, 0.3354579210281372, -0.2840803861618042, -1.2920819520950317, -0.013846226036548615, 0.8816344738006592, 0.5788450837135315, -0.2825509011745453, -0.29394078254699707, 0.36384057998657227, -0.1914285123348236, 0.46421995759010315, 0.9673330783843994, -0.36642351746559143, -0.5090288519859314, -0.7236149907112122, 0.9707676768302917, -0.11222875118255615, -1.0292906761169434, -0.4087812006473541, 0.21130062639713287, -0.484867662191391, -0.0712549239397049, 0.25978779792785645, 0.20363979041576385, -0.7417428493499756, -0.3230796456336975, 0.042152807116508484, -0.018469715490937233, -0.4836156666278839, 0.19967332482337952, -0.46271824836730957, -0.4551566243171692, -0.5442641973495483, -1.037609338760376, -1.1978237628936768, 0.12217728048563004, -0.28036177158355713, -1.088683009147644, 1.173106074333191, -0.2711050510406494, -0.8680347204208374, 0.5323927402496338, -0.3658769726753235, -0.6957047581672668, 0.538486897945404, 0.30397528409957886, -0.6635235548019409, 0.6924916505813599, 0.3169584274291992, -0.1183549240231514, 0.36991021037101746, -0.7410901188850403, 0.5775457620620728, -0.07924111187458038, -0.07191163301467896, -0.024352900683879852, 0.2760888338088989, -0.11202831566333771, -1.149061679840088, 0.35814955830574036, 0.5660227537155151, -0.6870378851890564, 0.07773339748382568, 0.4642052948474884, -0.5314260125160217, -0.8577861785888672, 0.3529081642627716, 0.3511394262313843, -0.9141440987586975, 0.7087849378585815, -0.3361632823944092, 1.4894124269485474, 0.22183358669281006, -0.058019332587718964, -0.2027917206287384, -0.2278081178665161, 1.0764943361282349, -0.9178029894828796, 0.9054790735244751, 0.6722366809844971, -0.6369782090187073, -0.4012603163719177, -0.14787611365318298, -0.8748081922531128, 0.07980236411094666, 0.5326809287071228, -0.029483109712600708, 0.4631970524787903, -0.11031928658485413, 0.22378918528556824, -0.1735559105873108, 0.8031274676322937, 0.5913935899734497, 0.0535924956202507, 1.3013886213302612, -0.35265833139419556, 1.1861631870269775, 0.6197360754013062, 0.35812753438949585, 0.11621236801147461, 1.3534051179885864, -0.5553493499755859, 1.0933371782302856, 0.5008963346481323, 1.3710741996765137, 0.1466899812221527, 0.11717831343412399, -0.024126339703798294, 0.9012061357498169, -0.32871365547180176, -1.4757932424545288, -0.3188166618347168, -0.19370244443416595, 0.5394677519798279, 0.0252603217959404, -0.2744799256324768, 0.012553375214338303, -0.9517446756362915, 1.0308172702789307, -0.26031070947647095, 0.3209485709667206, -0.06489243358373642, -0.8808803558349609, -0.3178325593471527, -0.5482569336891174, -0.9052952527999878, -0.04314514249563217, -1.9213134050369263, -0.23145779967308044, -0.514434278011322, -0.07683449983596802, 0.18463942408561707, -0.28207725286483765, 0.882727861404419, -0.7916033864021301, -0.4890337288379669, 0.21792078018188477, 0.5955998301506042, -0.81587153673172, -0.7920509576797485, -0.14049889147281647, -0.46900564432144165, 1.8371763229370117, -1.2220467329025269, 0.589393675327301, 0.25699660181999207, 0.24061524868011475, -1.052237629890442, 0.05166182667016983, -0.8540545701980591, 0.5820416808128357, 0.9986765384674072, -0.9483819007873535, -0.35703203082084656, -1.0655872821807861, -0.45374637842178345, -0.6785373687744141, 0.7062978148460388, 1.1348978281021118, -0.7460622191429138, -0.15462251007556915, -0.23580302298069, -0.20647886395454407, 0.7571510672569275, 0.26638543605804443, -0.38285326957702637, 0.378279447555542, -0.4332408607006073, 0.8629310131072998, -0.18229535222053528, 1.1348060369491577, -1.6765329837799072, -1.510890245437622, -0.7794855833053589, -0.49064022302627563, 0.8872616291046143, -0.3618888258934021, 1.183331847190857, 0.41802912950515747, 0.13056015968322754, -0.371989905834198, 0.08805523812770844, 0.9611966609954834, 0.23356083035469055, 0.348570853471756, -0.16341091692447662, 0.6795154809951782, -0.6658540964126587, -0.22415165603160858, 0.20461370050907135, 0.6637312173843384, -1.1318321228027344, -0.0905589610338211, 0.37859952449798584, -0.010889746248722076, -0.06845363974571228, -1.018625020980835, 0.5659469962120056, -0.5753295421600342, 0.1352526992559433, -0.9541734457015991, -0.5509621500968933, 1.058380126953125, -0.7245834469795227, 1.1448041200637817, 0.965235710144043, -0.26927271485328674, 0.7559400200843811, -0.10089679062366486, 0.828312873840332, 0.4307700991630554, -0.8174941539764404, -0.4050804078578949, -0.09982125461101532, 0.3860352337360382, 0.09528182446956635, -0.5478084683418274, -0.577389657497406, 0.01489461213350296, -0.5902916789054871, 0.05471716821193695, -0.1708289384841919, -0.15880504250526428, 0.5473744869232178, 1.2577135562896729, 0.3317713737487793, -1.5588853359222412, -0.27009880542755127, -0.9418551325798035, 0.1529652625322342, 0.6294540166854858, 0.9262965321540833, -0.31727635860443115, 0.48238638043403625, -0.20735765993595123, 1.4340301752090454, -0.3254472613334656, -0.12456893920898438, 0.4855727553367615, -0.10941049456596375, 0.9371281266212463, 0.8398848176002502, 0.08433207124471664, -0.1310236155986786, -0.21867939829826355, -0.8481256365776062, -0.12818442285060883, -0.09101039171218872, 1.0107967853546143, 0.9824305772781372, -0.17494842410087585, 0.03566288948059082, -0.9866587519645691, 0.5210595726966858, -0.5471790432929993, 0.6820838451385498, -0.2032279372215271, -0.7828564643859863, -1.1439530849456787, -1.0367375612258911, -0.6240959763526917, 0.6921465396881104, -0.46889787912368774, -0.43684983253479004, -0.5020248889923096, 0.37510770559310913, 0.29246091842651367, 0.07027974724769592, -0.2156718224287033, 0.5633451342582703, -0.12342971563339233, -0.037151508033275604, 0.6786750555038452, -0.6514226794242859, -0.6792793273925781, 0.11191459000110626, -0.6485527157783508, 0.8090274333953857, 0.562968909740448, -1.3296102285385132, -0.35121583938598633, 0.8196418881416321, 0.35309192538261414, 0.09897340834140778, 0.49067389965057373, 0.14541789889335632, -1.543563961982727, 1.325108289718628, 0.9301910996437073, -0.18065813183784485, -0.1347820907831192, 0.5309586524963379, 0.24033771455287933, 0.32978159189224243, 1.2573186159133911]} +{"paper_id": "ambig_qa", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "ethos", "embedding": [-0.902073860168457, 1.5078601837158203, 0.15032529830932617, 0.03230743855237961, 0.8155957460403442, 0.3489310145378113, 0.46172693371772766, -0.3465549349784851, 0.313967764377594, 0.7907074093818665, 0.4457261264324188, -0.02490309439599514, -0.19286704063415527, 0.3952639698982239, -0.08214899897575378, 0.23334455490112305, -0.48806217312812805, 0.1395472139120102, 0.3483944237232208, 0.26686763763427734, -0.7126017212867737, -0.5490741729736328, -0.03122374787926674, 0.43031322956085205, -1.2283620834350586, -0.1354493796825409, -0.26776322722435, -0.31995245814323425, -0.4968571364879608, -0.4612181782722473, -0.23890846967697144, 0.908803403377533, -1.537956953048706, 0.33394303917884827, -0.445709764957428, 0.05889681726694107, -0.4240163564682007, 0.49081623554229736, -0.5437127351760864, -1.2698445320129395, -0.8518264293670654, 0.9831051230430603, 1.169465184211731, 0.38998475670814514, 0.6133124828338623, 0.5050184726715088, 0.2724740505218506, -0.2571950852870941, 0.23595865070819855, -0.7263157367706299, -0.4053380489349365, 0.6365386247634888, 0.0908045768737793, -0.15552519261837006, -0.782444417476654, 0.5495389699935913, -0.7141572833061218, -0.792665421962738, 0.20206263661384583, -0.3961854577064514, 0.938650906085968, 1.1118017435073853, 0.4245697557926178, 0.38914069533348083, 0.5349215269088745, -0.42030763626098633, 0.6846828460693359, -0.5521562695503235, 0.2388935536146164, 0.27182427048683167, -0.4476979970932007, -1.4953639507293701, -0.12515243887901306, 0.28392356634140015, -0.6867587566375732, 0.13926497101783752, -0.054804280400276184, 0.40304455161094666, -0.07961319386959076, 0.7985739707946777, 0.12199026346206665, 0.8070640563964844, 0.1950673609972, -0.3513116240501404, 0.44787296652793884, -0.04206263646483421, 0.20221875607967377, -0.4652448296546936, 0.3077825903892517, -0.8881837129592896, 1.0568639039993286, -0.21185529232025146, 0.519618809223175, 1.0839099884033203, -0.7890089154243469, 1.0692882537841797, -0.002837739884853363, 0.517242431640625, -0.7976416349411011, 1.0719332695007324, 0.24461576342582703, -0.3560883104801178, 0.5512083768844604, -0.801837682723999, -0.30928942561149597, 0.5679516196250916, -0.06216086819767952, -0.49184221029281616, 0.040805455297231674, -0.05492036044597626, -0.3555983901023865, 1.077091932296753, -0.25145676732063293, 1.0277612209320068, -0.05984874069690704, 0.1426449418067932, -0.6812223196029663, -1.0058553218841553, -0.15008915960788727, 0.5657800436019897, -0.9515895247459412, -1.1142020225524902, 0.17557203769683838, 0.9346051812171936, 1.777863621711731, 0.04372434690594673, 0.6424360871315002, -0.4562591314315796, -0.8046686053276062, -0.07758793979883194, 0.6662266254425049, -0.4630577862262726, -0.5152338743209839, 0.30226603150367737, 2.7779674530029297, -1.5523979663848877, 1.1118073463439941, -0.3042004704475403, -0.2390758991241455, -0.27067291736602783, -0.26022249460220337, 1.6406571865081787, 0.10518873482942581, -1.429895281791687, -1.47988760471344, 0.03661876171827316, -0.4256000816822052, 0.01839474029839039, 0.022651799023151398, -0.30330130457878113, -0.17027388513088226, 0.3840697109699249, -0.9303624629974365, 0.5014387369155884, 0.0967029482126236, -0.08468250185251236, -0.3440418541431427, 0.11424468457698822, -0.5551769137382507, 0.10908117890357971, 0.5008590221405029, 0.6182969212532043, -0.40809446573257446, 0.7451158165931702, -0.45480629801750183, -0.23072883486747742, 1.1233253479003906, -0.03254346176981926, -1.3161189556121826, -0.283834844827652, 0.649618923664093, -0.4256455600261688, 0.036879200488328934, 0.21099931001663208, -0.5560553073883057, -0.451210618019104, 0.4298815131187439, 1.3157174587249756, 0.6301857829093933, -0.25498834252357483, -0.5055397748947144, -0.27061063051223755, -0.26592883467674255, 0.6224523186683655, -0.8283180594444275, -0.7512202858924866, -1.5541220903396606, 0.3216736316680908, -0.30287936329841614, 0.5060279965400696, 0.34581083059310913, 0.06776497513055801, -0.06577275693416595, 0.6230299472808838, -0.7022251486778259, 0.3599293828010559, 0.3401094377040863, -1.7968533039093018, 0.38788461685180664, -0.009837634861469269, 0.48354217410087585, -0.8998751044273376, -0.44587528705596924, 0.29775577783584595, 0.8726509809494019, 0.08278647810220718, -0.6569347381591797, -1.9289449453353882, 1.0246812105178833, 1.907772183418274, 0.15518739819526672, -0.6522703766822815, -0.34167763590812683, 0.4777926802635193, -0.11476011574268341, 0.05955713987350464, 0.8808345794677734, -0.7828165292739868, -0.12326804548501968, -0.8716225028038025, 0.441082239151001, -0.2098381519317627, 0.19404643774032593, -0.014324085786938667, 0.4631982147693634, -0.7192788124084473, -0.8167105913162231, -0.4262957274913788, -0.574026882648468, 0.644744873046875, 0.3793153166770935, 0.16259083151817322, 0.5411689281463623, 1.2890839576721191, 0.5142627358436584, 0.7626464366912842, 0.22650709748268127, -0.08480598032474518, -0.4723280370235443, 0.11016997694969177, -0.029102081432938576, -0.2339295595884323, 0.08185168355703354, -1.1389325857162476, 0.5199918150901794, 0.41138985753059387, -0.1962043195962906, -0.6112766265869141, -0.7651910185813904, 0.2795541286468506, 0.7179707288742065, 1.2220039367675781, -1.0156724452972412, 0.3422931432723999, -0.007696814835071564, 0.35336995124816895, -0.05561617389321327, -0.2827695608139038, -0.11648494005203247, -0.435374915599823, 0.5102939605712891, -0.12499376386404037, -0.5303164720535278, 0.017130158841609955, -0.4594343304634094, 0.08324883133172989, -0.7309883832931519, 0.37772136926651, -0.8010866045951843, -0.3876693546772003, -0.07735671103000641, -0.8253353238105774, -1.5705865621566772, -0.8596116304397583, 0.0262322798371315, 0.4302123188972473, -0.8210365772247314, 0.34885114431381226, 0.6301839351654053, -0.18539907038211823, 0.29408785700798035, -0.5599340796470642, 0.6654987335205078, -0.07278018444776535, 0.3132089674472809, -0.591745138168335, -0.19629697501659393, 0.4116675853729248, -0.5573992133140564, -0.3660690188407898, 0.25532329082489014, 0.6271880865097046, -0.46776068210601807, 1.1053967475891113, -0.36117106676101685, -0.4101678729057312, 1.062543272972107, 0.18180036544799805, 0.3066127300262451, -0.08573884516954422, 0.2525196969509125, 0.6239995956420898, -0.6264581680297852, 0.5741986036300659, -0.7942247986793518, 0.07772843539714813, 0.7555944919586182, -1.2290147542953491, -0.015205670148134232, 0.6012246012687683, -0.3360476791858673, -0.7455775141716003, 0.4518701136112213, -1.3432271480560303, 0.2245846390724182, 1.023429274559021, -0.20642688870429993, 0.3972088694572449, -0.38833093643188477, 0.9630534052848816, -0.531788170337677, -0.013385726138949394, -0.7913219332695007, -0.3454093635082245, 0.8958896994590759, -0.3181804120540619, 0.6361114978790283, -0.6470011472702026, -1.3292450904846191, -0.39787277579307556, 0.38238802552223206, 0.7390227317810059, -0.7863447070121765, -0.0782848596572876, 0.6143219470977783, -0.49633318185806274, 0.7365891933441162, 0.021407585591077805, 0.7255934476852417, 0.3391083776950836, -0.35468459129333496, -0.33896201848983765, -0.07749579101800919, 0.2870924770832062, -0.120246522128582, -0.3849962651729584, 0.6126871705055237, 1.2985773086547852, -0.9298282265663147, 1.2298763990402222, -0.22097840905189514, -0.32869425415992737, -1.5837782621383667, -0.4043503701686859, -0.14892685413360596, 0.003474343568086624, 0.867660403251648, 1.0787025690078735, 1.3723280429840088, -0.44594863057136536, 0.24125203490257263, -0.2573513686656952, 0.7345615029335022, 0.9054254293441772, 0.7659792304039001, 0.8722985982894897, -0.02430228888988495, 0.5955369472503662, 0.6314539909362793, 0.9470469355583191, -0.6723564267158508, 0.43813619017601013, 1.1003978252410889, -0.6826410293579102, 0.006550677120685577, 0.33403804898262024, -0.6307104825973511, 0.2884460389614105, 1.0873346328735352, -0.20117495954036713, -0.675020694732666, -0.7137352824211121, 0.33881205320358276, 1.125564694404602, -0.017542865127325058, -0.3551694452762604, 0.3538266122341156, 0.4209670126438141, 0.417415589094162, -0.161956787109375, 0.43407776951789856, 0.9665181636810303, -0.16050763428211212, -0.7592018842697144, -0.011179745197296143, -1.085191011428833, 0.09144535660743713, -0.029865192249417305, 0.2921549677848816, -0.19836336374282837, 0.6738946437835693, -0.6169800162315369, -1.7200709581375122, 0.7549223899841309, -0.0909339189529419, -0.3553110957145691, 1.1433347463607788, 0.8516463041305542, -1.221296787261963, -1.1868196725845337, -0.20996920764446259, -0.7692747116088867, -0.7865264415740967, 0.04015377536416054, -0.6300345659255981, 1.3906697034835815, -0.018817231059074402, 0.0474814809858799, 0.11223321408033371, 0.1132785826921463, -0.7497227787971497, 0.9502426981925964, 1.4316457509994507, -0.7179825305938721, 0.39539438486099243, 0.2881337106227875, 0.05331508815288544, 0.6497924327850342, -1.1276447772979736, -0.5466586947441101, 0.6408358812332153, 0.9572546482086182, 0.5277110934257507, -0.8721884489059448, -0.3907405734062195, 0.17226704955101013, 0.18121010065078735, 0.6349849104881287, -0.5370094180107117, 0.28387337923049927, -0.6901997923851013, 0.15353168547153473, 1.2778838872909546, -0.4255862832069397, -0.9834438562393188, 0.6925137639045715, -0.3365570306777954, 0.3956295847892761, -0.42349928617477417, -0.2017233669757843, 1.3926242589950562, 0.4349876046180725, 0.5988624691963196, -0.25578272342681885, -11.55902099609375, 1.0836999416351318, -0.7038246393203735, 0.9103503227233887, 0.6208470463752747, -0.38412410020828247, 0.05327220261096954, 0.3117266893386841, 2.2766289710998535, -0.7354270815849304, -0.3679555058479309, 1.9487367868423462, -0.34724459052085876, -0.4290336072444916, -0.8310758471488953, -1.113991618156433, -0.6735010147094727, -0.5102853178977966, 0.20159386098384857, 0.24670398235321045, -0.11082589626312256, -1.058253526687622, -0.3116389811038971, -1.2316197156906128, 0.6038050055503845, -0.4963161051273346, -0.13043811917304993, -1.1862202882766724, -0.5874472260475159, 0.5438753366470337, 1.276233196258545, 0.2219253033399582, -0.004089370369911194, -0.15488871932029724, -0.4283803701400757, 0.6917415857315063, -1.1623728275299072, -0.8001266717910767, 1.2488205432891846, 0.0909937173128128, 0.36437010765075684, 0.49082842469215393, 0.7129351496696472, -0.48550480604171753, -0.3947560787200928, 0.1433500498533249, -0.8003978729248047, 0.3698473870754242, -0.1402023881673813, -0.008198603987693787, 0.13674502074718475, -0.5022396445274353, -1.665224552154541, 0.056090716272592545, 1.3707849979400635, 0.15573684871196747, -1.2756398916244507, -0.3502846360206604, -1.2357463836669922, -1.0886012315750122, 1.2885468006134033, 0.27316156029701233, 0.18394923210144043, 0.7687954902648926, 0.5284099578857422, -0.977023184299469, 0.4879557192325592, 0.0530257523059845, -0.05577414110302925, 0.6412967443466187, 0.05042344704270363, 1.3979861736297607, 0.5209712386131287, 0.5701146125793457, -0.08183708041906357, -0.1988125741481781, -0.5355795621871948, 0.1544380933046341, 0.7472992539405823, -0.7744735479354858, -1.1777907609939575, 0.9562307596206665, -0.39251595735549927, -0.4939921200275421, -0.1275373101234436, 0.5025650858879089, -0.377853661775589, -0.9229593873023987, 0.5628128051757812, 0.5447304248809814, 0.18488341569900513, 0.10577263683080673, -0.38151103258132935, 0.30591049790382385, -1.0478347539901733, 0.281713604927063, -0.7021283507347107, 1.4242291450500488, -0.6815917491912842, 0.4399148225784302, 0.35209837555885315, 0.07031059265136719, -0.7772917747497559, -0.2472531497478485, 0.3385773003101349, -0.37248167395591736, 0.5369749069213867, 0.2849839925765991, -0.11173363029956818, 0.2088635414838791, -0.16086488962173462, -0.06335248053073883, 0.09242581576108932, 0.5913556218147278, 0.32519790530204773, 0.19539214670658112, 0.9731859564781189, -0.7016105651855469, 0.0060256607830524445, 0.8775041103363037, -0.35132431983947754, 0.4818171262741089, -0.12089348584413528, 0.6132418513298035, 0.19266799092292786, 0.6352249383926392, 0.43639087677001953, -0.4367079436779022, -0.40319812297821045, -2.1582064628601074, 0.9350413084030151, -0.5848360061645508, 0.413887619972229, -1.1362382173538208, 0.1701848953962326, -0.27917975187301636, -1.2135884761810303, 0.41625863313674927, -1.204276442527771, 0.6283150315284729, -0.5789093375205994, -0.30264410376548767, -0.7028707265853882, -0.4916887581348419, -0.33918753266334534, 0.20056304335594177, -1.1763604879379272, -0.1303652822971344, -0.638541579246521, 0.01052151620388031, -0.07523417472839355, -0.383433997631073, 0.5976539254188538, -1.164979100227356, -0.29218626022338867, 0.3410467207431793, 0.30636364221572876, -0.6903706192970276, -0.5135648250579834, -0.4211271405220032, 1.1928303241729736, 1.4238694906234741, -0.6810832619667053, 0.7621248364448547, 0.21868175268173218, -0.1641440987586975, -0.43594133853912354, 0.0431864932179451, -0.18361370265483856, 0.2197188138961792, 1.298954963684082, -0.1702762246131897, -0.35690975189208984, 0.44822412729263306, 0.40781235694885254, -0.6788240075111389, 1.1083446741104126, 1.2341225147247314, -1.8256146907806396, 0.23110178112983704, 0.27487707138061523, 0.08024610579013824, 0.3352693021297455, -0.8285719156265259, -0.07461376488208771, 0.6441048383712769, -0.3279741406440735, 1.2241451740264893, -0.40248212218284607, 0.4609033763408661, -1.9830894470214844, -1.4932527542114258, -0.5613069534301758, 0.15944933891296387, 0.5897027254104614, -0.15392068028450012, 0.5239952206611633, 0.32264965772628784, -0.13544215261936188, -0.4807949662208557, -0.32503053545951843, 0.7151488065719604, -0.2676347494125366, 0.08547784388065338, -0.8593956232070923, -0.6416513919830322, -0.697607159614563, -0.2520270347595215, 0.005991995334625244, 0.1675485223531723, -1.1907955408096313, -0.14430075883865356, -0.1800045669078827, -0.3232801556587219, 0.918301522731781, -0.26734447479248047, -0.39554473757743835, 0.23999549448490143, -0.72992342710495, -0.7290529012680054, 0.1706172674894333, 1.4359334707260132, 0.42706185579299927, 1.3534672260284424, 0.31486570835113525, 0.7468825578689575, 0.4754718542098999, 0.9488303661346436, 1.4259666204452515, 0.10630272328853607, 0.013042525388300419, -0.3861970007419586, -1.0922625064849854, 0.18894514441490173, -0.03676703944802284, -0.10857415944337845, -0.8685474395751953, 0.5374972820281982, -1.03909432888031, -0.8448179960250854, -0.4686368703842163, 0.1208554059267044, 0.38067418336868286, 0.5684853792190552, -0.9798583984375, -0.3040301501750946, -1.1615087985992432, -0.4963257312774658, -0.433747261762619, 0.09054748713970184, 0.9339913725852966, 1.2047110795974731, 0.5198562145233154, 0.3554258942604065, 0.9124544262886047, 0.44352519512176514, 0.6256603598594666, 0.1614992618560791, 0.12084321677684784, 1.431335210800171, 0.9727485775947571, 0.012548668310046196, -0.0949811190366745, 0.5284227132797241, -1.113033652305603, -0.05481339246034622, -0.662972092628479, 0.6705154180526733, 0.24837584793567657, -0.3758460283279419, 0.2196831852197647, -0.35619956254959106, -0.15479637682437897, 0.16890688240528107, 0.5414465069770813, 0.3010280132293701, -0.05357944965362549, 0.0688023790717125, -0.46273165941238403, 0.027654683217406273, 0.38355979323387146, -0.5951876044273376, 0.01393502950668335, -1.4135233163833618, 0.5978044271469116, 0.0009757699444890022, -0.6651562452316284, -1.2383012771606445, 1.1523923873901367, -0.2903195917606354, 0.7956054210662842, 0.4140327274799347, -1.4524977207183838, -0.9900781512260437, 0.031398311257362366, -0.16285865008831024, 0.3182680606842041, 0.09925113618373871, -1.5303196907043457, 0.06010359153151512, 0.6818132996559143, 0.29757434129714966, 0.36888396739959717, -0.28068047761917114, 0.2559887766838074, -1.2937462329864502, 1.2050796747207642, 1.0724636316299438, 0.7165951728820801, -0.0006021875888109207, 0.7693087458610535, 0.08943189680576324, 0.23129287362098694, 1.6186749935150146]} +{"paper_id": "multi_x_science_sum", "embedding": [-0.1868913471698761, 1.4425522089004517, -0.28592386841773987, -0.05890998989343643, 0.2825343906879425, -0.42682141065597534, 1.2080698013305664, 0.6059274673461914, 0.34399378299713135, 0.7570328116416931, 0.8009859919548035, 0.34180447459220886, -0.2844966650009155, 0.7156350612640381, -0.10278141498565674, -0.4501620829105377, -0.30999985337257385, -0.7817951440811157, 0.12898395955562592, -1.2110570669174194, -1.0457732677459717, -0.16856500506401062, 0.048033107072114944, -0.28647297620773315, -0.6165414452552795, -0.1569989174604416, 0.7647527456283569, -1.087924599647522, 0.043086618185043335, 0.4404800534248352, 0.1990874707698822, 1.0432178974151611, -1.8778741359710693, -0.2275930941104889, -0.734284520149231, -0.24135586619377136, -0.15646085143089294, 1.0947977304458618, -0.06685791909694672, -0.08868035674095154, -0.6579683423042297, 0.3386527895927429, 1.0029733180999756, -0.2661493122577667, 0.5315026640892029, -0.5714758038520813, 0.1776820421218872, 0.12234990298748016, 0.0008448511362075806, -0.2529120147228241, 0.623065173625946, 0.5091637372970581, 0.1947171986103058, 0.27361902594566345, 0.1644638180732727, 1.870032787322998, 0.0839439108967781, -0.881402850151062, 0.17731019854545593, -0.7751165628433228, 1.1544519662857056, 1.4048818349838257, -0.2800295054912567, -0.6310207843780518, 1.313811182975769, -0.13707387447357178, 1.0316176414489746, 0.3873891234397888, 0.9505506753921509, 0.7022383809089661, -1.0485409498214722, -0.9371452331542969, -0.37215375900268555, -0.2110176831483841, -0.40888795256614685, 0.7238692045211792, 0.40179622173309326, -1.2338553667068481, 0.560192883014679, 0.08592837303876877, -0.630232572555542, 0.8606149554252625, 0.9069614410400391, -0.4647875130176544, -0.6745615601539612, -0.45807725191116333, -0.0782819539308548, 0.15225598216056824, 0.3858247399330139, -1.5614672899246216, -0.3713337779045105, 0.05445479601621628, -0.7892032265663147, -0.31000837683677673, -0.6293320059776306, 0.09399491548538208, 0.5278187990188599, -0.39495134353637695, -0.8076169490814209, 0.130523681640625, 0.9942899346351624, -0.557257890701294, -0.012447492219507694, -0.006687484681606293, 0.8257277011871338, 0.42523035407066345, -0.805633008480072, -0.215643048286438, -0.45002833008766174, -0.7561947703361511, -0.059543490409851074, 0.5980806350708008, 0.3209743797779083, 0.5769081115722656, -1.0719268321990967, -0.6812605857849121, -0.2651616036891937, 0.4124784469604492, -1.0697216987609863, -0.4352889657020569, -0.7101209163665771, -1.478794813156128, -0.29467591643333435, 0.4042051434516907, 0.7803690433502197, -0.8914127945899963, 0.10423146188259125, -0.577888548374176, 0.08556339889764786, -0.11016923934221268, 0.4514731764793396, 0.04286561906337738, -0.8099703788757324, -0.15268194675445557, 2.537327766418457, -0.2696719467639923, 1.5062252283096313, 1.2648953199386597, -0.06676439195871353, -0.6761276125907898, 0.05809279531240463, 1.4073776006698608, 0.20592725276947021, -1.142723798751831, -0.1529444009065628, -0.018313826993107796, -0.9531095027923584, 1.048191785812378, -1.0670194625854492, -0.4351724684238434, -0.5132520198822021, 0.15405398607254028, -1.0447405576705933, -0.6498025059700012, -0.1400860995054245, 0.27719563245773315, 0.3910768926143646, 0.08686770498752594, -0.48775702714920044, 1.4820301532745361, 1.0587152242660522, 0.8784668445587158, -0.25291216373443604, 0.5934368968009949, -0.6448845267295837, 0.08901319652795792, 1.226495623588562, 0.13551312685012817, -0.6981444954872131, -0.4868583679199219, 0.9123212695121765, -0.706105649471283, 0.19939568638801575, 0.09447045624256134, -0.03802819177508354, -0.2869977653026581, 1.1342233419418335, 0.11100679636001587, 0.09292920678853989, -0.38150638341903687, -0.4053822457790375, 0.07474634051322937, 0.4727259874343872, 0.2852416932582855, 0.37637844681739807, 0.912190854549408, -1.1636543273925781, -0.5008711218833923, -1.2010711431503296, 0.7892754077911377, -0.2339256852865219, 0.08391550928354263, 0.08500024676322937, 0.2345563918352127, -0.8081931471824646, -0.8428382277488708, -0.027498438954353333, -1.1932272911071777, 0.5277202129364014, 0.6000661253929138, -0.15466652810573578, 0.6839876174926758, 0.367808997631073, 0.4874565005302429, 1.69832444190979, -0.530819833278656, -0.8921516537666321, -1.6480542421340942, 0.9740549921989441, 0.9255370497703552, -0.8099122643470764, 0.0409482941031456, -1.8193185329437256, -0.47587382793426514, 0.8759802579879761, -0.5041810274124146, -0.627822756767273, -0.0798393040895462, -0.2729063630104065, -0.8676528334617615, 0.7441116571426392, -1.1096974611282349, 0.011708155274391174, 0.33561891317367554, 1.22313392162323, -0.5247941613197327, -0.30111420154571533, -0.2655147910118103, -1.6163623332977295, 0.41670241951942444, 1.0840375423431396, -0.23858599364757538, -0.287941038608551, 0.9835371375083923, -0.20394843816757202, 0.3848349452018738, 0.16346195340156555, 0.29921188950538635, -0.1210348978638649, -0.6145876049995422, -0.10637716948986053, 0.7126365900039673, -0.19008038938045502, -0.2359452247619629, -0.24217107892036438, -0.22778980433940887, -0.07479671388864517, -0.5988236665725708, -0.318356454372406, -0.459719181060791, 0.421081006526947, 1.222370982170105, -0.20011797547340393, 2.00116229057312, -0.7608947157859802, -0.1339247226715088, -0.09859654307365417, -0.9352384209632874, -0.10327086597681046, -0.2968050539493561, 0.2900142967700958, 0.49561941623687744, 0.592688798904419, -0.28799551725387573, -0.011297948658466339, -0.6991276741027832, -0.2417018562555313, -0.45391595363616943, -1.0752549171447754, -1.5043739080429077, -0.3251798152923584, -0.4689454436302185, -1.229954719543457, -0.5059148073196411, 0.3587396740913391, 0.359924852848053, -0.086390919983387, 0.5369588136672974, 0.7931949496269226, 0.5948617458343506, 0.5876187682151794, -0.6012246012687683, 0.7313069701194763, -0.1515706479549408, 1.1349031925201416, -0.462411493062973, -0.6115441918373108, -1.6992517709732056, 0.06005184352397919, -0.48778295516967773, 0.0696202740073204, 0.2499803602695465, -0.29403024911880493, 0.8720196485519409, 0.014005079865455627, -1.5077446699142456, 0.2662164568901062, -0.3830361068248749, -0.36436325311660767, -1.1719669103622437, 1.0936239957809448, 0.41662392020225525, -0.43927764892578125, 0.7432152628898621, 0.602170467376709, -0.12286676466464996, 1.4578111171722412, -0.819858193397522, 2.127795457839966, -0.1160988062620163, -0.026621084660291672, 0.5280123949050903, -0.21372798085212708, -1.6832761764526367, 0.20320536196231842, 1.3555418252944946, -0.45724016427993774, -0.3578549921512604, -0.6275781989097595, -0.4099613428115845, 0.04528949037194252, -0.02014739066362381, -0.08291006088256836, -0.6454495191574097, 0.7348934412002563, -0.3837517499923706, 0.4346684217453003, 1.7747572660446167, -0.653498113155365, 1.2684494256973267, 0.8791834115982056, 0.3372940123081207, -0.6617753505706787, -1.0468841791152954, 1.3253117799758911, 0.29899832606315613, 0.907624363899231, -0.06596526503562927, 0.9051894545555115, 0.9659782648086548, -1.074623465538025, -0.3304823040962219, 0.7525555491447449, 0.7869787812232971, 0.6178687810897827, 0.3825781047344208, -0.1984536349773407, 1.2365303039550781, -0.058943796902894974, 1.0023560523986816, 0.46317365765571594, -0.528948187828064, -1.2842308282852173, -0.27741122245788574, -1.2063813209533691, -1.2296090126037598, 1.5784090757369995, 0.7686721682548523, 2.0781025886535645, 0.3541083335876465, 0.5113934278488159, 0.46065589785575867, -0.39237236976623535, 0.03594636172056198, 0.49690869450569153, 0.1600346863269806, -0.29263874888420105, 1.0908100605010986, 1.006949782371521, -0.5591078400611877, 0.019938014447689056, -0.4019908607006073, -0.23167607188224792, -0.6266782283782959, -0.31251323223114014, 0.6075601577758789, 0.5035032033920288, 0.9205981492996216, 2.1089205741882324, -0.4060676395893097, -0.6032975316047668, -0.22463159263134003, -0.4313596785068512, -0.07477480173110962, 0.5134499073028564, -1.3546805381774902, 0.09959540516138077, 0.4057641625404358, -0.26072609424591064, -0.6677623391151428, 0.8615804314613342, 0.4886893332004547, 0.2743525803089142, -1.4796897172927856, -0.48994913697242737, -0.836904764175415, -0.3500993847846985, -0.6044633388519287, 0.5293209552764893, -0.6476729512214661, 0.49806204438209534, -0.45231032371520996, -1.1163674592971802, 0.27089130878448486, -0.34163591265678406, -0.9088307619094849, 0.757492184638977, 1.343841791152954, -1.6653012037277222, -0.44411054253578186, 0.01115303486585617, -1.0630919933319092, -0.14101524651050568, -0.026413217186927795, -0.6471205353736877, 0.12906935811042786, -0.17325882613658905, 0.7644377946853638, 0.46274763345718384, -0.10473039001226425, -0.9353510141372681, 0.4948204755783081, 1.0394679307937622, -0.8951293230056763, 1.0241543054580688, 0.1901044398546219, 0.3770846724510193, 0.001583978533744812, -1.2776095867156982, -0.7061684727668762, 0.4574318528175354, -0.23884984850883484, 0.006326627917587757, -0.7125348448753357, -0.6911460161209106, -0.4038473963737488, 0.5186724662780762, 0.933621883392334, -0.8240190148353577, -0.0430484376847744, -0.8783369064331055, 0.07375242561101913, 0.006599314510822296, -0.5900344252586365, -0.2803485691547394, 0.9839509129524231, -0.027157098054885864, 0.6103606224060059, -0.3828405439853668, -0.04170987755060196, 1.0213160514831543, 0.2365931272506714, -0.42421597242355347, -0.52482670545578, -11.043031692504883, 0.5699421167373657, -0.515457034111023, 0.013617977499961853, 0.8683125376701355, 0.3024901747703552, 1.1273905038833618, -0.8173648118972778, 0.9193192720413208, -0.25680312514305115, 0.11860637366771698, 1.8176974058151245, 0.04696548357605934, -0.5414571166038513, -0.5697695016860962, -1.5383728742599487, -0.1861136257648468, -0.3944070339202881, 0.416348934173584, -1.4093592166900635, 0.6729987263679504, -0.6351660490036011, 0.12277232110500336, -0.18183764815330505, 0.1719214916229248, -0.4828425347805023, -0.1936279833316803, 0.16136598587036133, -0.5457714796066284, 0.6989123821258545, 0.7822851538658142, -0.0724392756819725, -1.1799840927124023, -1.248936414718628, 0.5161365866661072, -0.17223207652568817, -1.4183440208435059, 0.030641043558716774, 0.4702150225639343, -0.7022801041603088, 0.21574333310127258, 0.28285327553749084, -0.009986660443246365, -0.14911425113677979, -0.5821970105171204, 0.11727546155452728, 0.2075745314359665, -0.6050763726234436, 0.4443812668323517, -0.42863306403160095, -0.676369309425354, -0.34150561690330505, -0.4957786202430725, 0.07928963005542755, 0.816219687461853, 0.2855112552642822, -0.9327581524848938, 0.287678599357605, -0.5403307676315308, -0.5134463906288147, 0.37016454339027405, -0.01352686807513237, 0.01639089733362198, -0.21912799775600433, 0.5998397469520569, -0.19479414820671082, 1.4794285297393799, 0.16848589479923248, 0.04241777956485748, 0.02347111701965332, -0.11451352387666702, 1.2224639654159546, 0.9134281873703003, -0.9937897324562073, 0.6758508086204529, 0.03525242954492569, 0.24902091920375824, -1.1841192245483398, 0.11369666457176208, 0.5607889294624329, -0.9057745337486267, 0.4296432137489319, 0.2481975555419922, -0.6906057596206665, -1.1693562269210815, -0.23133869469165802, 0.12848453223705292, -1.027665615081787, 0.39869046211242676, -0.540557324886322, 1.2724928855895996, -0.09543406963348389, -0.2814805507659912, -0.7127455472946167, -0.36998888850212097, 1.0753141641616821, -0.8604391813278198, 0.6311317682266235, 0.03687742352485657, -0.7886385917663574, 0.051711276173591614, 0.04462233930826187, -0.27729493379592896, -0.8832882046699524, 0.8450865149497986, -0.4142218232154846, -0.04251553863286972, 0.32150325179100037, -0.617753803730011, -0.07570955902338028, 0.34896770119667053, 0.19005829095840454, -0.2757197618484497, 1.1835191249847412, -0.5913161039352417, 1.6306843757629395, 0.8221946358680725, -0.6912149786949158, -0.10633161664009094, 1.7598371505737305, -0.511830747127533, 0.6955354809761047, 0.5320749878883362, 0.4454180598258972, 0.019298437982797623, 0.3268772065639496, -0.4114568829536438, 0.16330982744693756, -0.4661765396595001, -0.3609989583492279, -0.3226231038570404, -0.280169278383255, 0.400515615940094, -0.5845833420753479, -0.7395480275154114, -0.42662832140922546, -0.5786507725715637, 1.3419559001922607, -0.14957813918590546, 0.06317843496799469, -0.6771727800369263, -0.3833918571472168, 0.15351185202598572, -0.6382837295532227, -0.6045369505882263, 0.305207222700119, -1.4029046297073364, 0.18085609376430511, -0.5851581692695618, -0.6199198961257935, 0.8967787027359009, 0.3382214307785034, 0.39714646339416504, -0.372306764125824, -0.6496616005897522, -0.2511996030807495, 0.5608186721801758, -0.07556146383285522, -0.8238114714622498, 0.28114089369773865, 0.0006886199116706848, 0.693611204624176, -0.5898364186286926, 0.28646862506866455, 0.5406821966171265, 0.04559575021266937, -0.6816655993461609, 0.10440300405025482, -1.0206482410430908, 0.3804052472114563, 1.0217844247817993, -0.8753045797348022, 0.020654605701565742, -1.0455151796340942, -0.22286078333854675, 0.08685824275016785, 0.9038591384887695, 1.0962294340133667, -0.8695279955863953, 0.8763704895973206, 0.07462955266237259, 0.22074392437934875, 0.7622992396354675, -0.11042524874210358, -0.36529064178466797, 0.31269174814224243, -0.011555241420865059, -0.16200774908065796, 0.18031692504882812, 0.3154687285423279, -1.3374123573303223, -1.2900080680847168, -0.6478684544563293, -0.6542312502861023, 1.4321545362472534, -0.5080460906028748, 1.4503023624420166, 0.6911128163337708, -0.1965353637933731, 0.7522571682929993, 0.1664695143699646, 1.362004280090332, 0.8753939270973206, 1.1989984512329102, -0.07037121057510376, -0.6523227691650391, -1.0779026746749878, 0.19397039711475372, 0.5022458434104919, 0.6502448320388794, -0.5404518842697144, 0.6530968546867371, 0.783644437789917, 0.14332404732704163, -0.30117741227149963, -1.2388958930969238, 0.8888319730758667, 0.1785569041967392, -0.0017603039741516113, -1.1703506708145142, 0.2257128655910492, 1.2939345836639404, -0.11916849762201309, 0.48656314611434937, 0.2017420083284378, -0.3148359954357147, 0.694031298160553, 0.8914753794670105, 1.0959056615829468, -0.053382907062768936, -0.577934205532074, 0.34352198243141174, -0.6152665615081787, -0.2276504635810852, 0.6095262169837952, -0.06173542141914368, -0.5039864778518677, 0.4246184527873993, -1.076106071472168, 0.023092158138751984, 0.010577823966741562, -0.20151841640472412, 0.13250181078910828, 1.0056453943252563, 0.8414971232414246, -1.6340690851211548, -0.391000360250473, -0.6852656006813049, -0.1308041512966156, 0.8262955546379089, 0.4090249538421631, -0.24260438978672028, 0.6188574433326721, -0.7239954471588135, 0.8078327775001526, -0.12933900952339172, -0.042012736201286316, -0.1303686499595642, -0.6300442814826965, 0.9871252179145813, 0.8579751253128052, 0.5150304436683655, 0.241743266582489, -0.15070733428001404, -0.3652211129665375, -0.7795494198799133, -0.16274142265319824, 0.37648725509643555, 1.3472580909729004, -0.7458439469337463, 0.1725025326013565, -1.1633169651031494, 0.09563116729259491, -0.8171506524085999, 0.19905351102352142, 0.3344525098800659, -0.9546422958374023, -0.36700963973999023, -1.1110564470291138, -0.16991369426250458, 1.1039843559265137, -0.12906098365783691, -0.08621150255203247, 1.0269594192504883, 0.9250970482826233, 0.03133963793516159, 0.2585206627845764, 0.023718111217021942, 0.5241135358810425, -0.07223135232925415, -0.3125367760658264, 1.138126254081726, -0.18721264600753784, -0.8803943395614624, -0.10165509581565857, -0.0951947495341301, 0.2784002125263214, 0.015852995216846466, -0.6084176301956177, 0.6926366090774536, 0.46656009554862976, 0.1051931232213974, 0.13678404688835144, 0.8565956950187683, 0.4473944306373596, -1.379546046257019, 1.4673069715499878, 0.5670677423477173, 0.588887095451355, 0.2151748090982437, 0.08532999455928802, 0.8715803027153015, 0.4123415946960449, 0.5872383713722229]} +{"paper_id": "freebase_qa", "embedding": [-1.0280587673187256, 0.8361904621124268, 0.1316918432712555, -0.7379962205886841, 0.27724313735961914, -0.28556081652641296, -0.488503098487854, 0.49931490421295166, 0.5052981972694397, 0.9589489102363586, 0.10441555827856064, 0.25869980454444885, -0.15242822468280792, -0.31546905636787415, -0.33236581087112427, -0.15983134508132935, -0.7440454959869385, -0.860123872756958, -1.2250494956970215, -0.22094495594501495, -0.08338005840778351, -1.2606418132781982, 0.08531083166599274, 0.2942821681499481, -0.752209484577179, -0.9674670100212097, 1.1599080562591553, -0.7348571419715881, 0.6858062744140625, -0.0022353455424308777, -0.36612945795059204, 1.249891996383667, -1.6808265447616577, 0.2842334508895874, -0.20661130547523499, 0.5661696195602417, 0.3683378994464874, 1.6225298643112183, -0.15961182117462158, -0.037351224571466446, -0.2299683839082718, -0.002136174589395523, 0.4950975179672241, 0.2507118284702301, 1.491727352142334, -1.0089092254638672, 0.7757761478424072, 0.3005163371562958, -0.2207033932209015, 0.026759792119264603, -0.7849241495132446, 0.24536511301994324, -0.15106727182865143, 1.1327720880508423, -0.07835090905427933, 1.1890560388565063, 0.3257327973842621, -0.9686576724052429, 0.8043094277381897, -0.9758971929550171, 1.3226181268692017, 1.7857950925827026, 0.031268954277038574, 0.2005065232515335, 0.9104915857315063, 0.07030797004699707, 0.8196495175361633, 0.12773026525974274, 0.48954087495803833, 0.020895227789878845, -0.18213604390621185, -1.1699798107147217, 0.7932900786399841, 0.16822952032089233, 0.2915429472923279, 1.2003225088119507, 0.8398604393005371, -0.13773006200790405, 0.40068089962005615, -0.25998133420944214, -0.38611531257629395, 0.4230520725250244, 1.3432364463806152, -0.7259161472320557, -0.06709243357181549, 0.013800732791423798, -0.15383830666542053, -0.7853215336799622, 0.5602797269821167, -1.4953304529190063, 0.837277889251709, 0.45160144567489624, -0.20190741121768951, -0.20106923580169678, -0.29452797770500183, 0.806885838508606, -1.3183270692825317, -0.16480545699596405, -0.28441640734672546, -0.04875185713171959, 0.4966203570365906, -0.015282314270734787, 0.3779139518737793, -0.06869807094335556, -0.34732577204704285, 0.875657856464386, -0.14099657535552979, 0.5672478675842285, -0.7176005840301514, -0.19251896440982819, 0.12059527635574341, 1.2279421091079712, -0.2920662462711334, 0.29819220304489136, -0.009886574931442738, 0.046806998550891876, 0.27485376596450806, -0.7713146209716797, 0.19798527657985687, 0.38462740182876587, 0.36477625370025635, -0.9874634146690369, -0.16662168502807617, 0.6447616815567017, 0.6118646860122681, -0.3707393407821655, -0.10120169818401337, 0.19645783305168152, -0.04144877567887306, 0.09538082778453827, 1.0801140069961548, -0.4696401059627533, -0.4164745509624481, -0.20226730406284332, 3.409745931625366, -1.6276763677597046, 1.8393886089324951, -0.24463607370853424, -0.2842901945114136, -0.18527047336101532, -0.6199183464050293, 0.5043458938598633, 1.0173741579055786, -0.556170642375946, -0.2623094916343689, 0.2529796361923218, 0.1979481279850006, 0.7320080399513245, -1.4473867416381836, -0.5857293605804443, -0.31593263149261475, 0.12665334343910217, -1.753081202507019, -0.07068629562854767, 0.26153773069381714, 0.6164600849151611, -0.5996826887130737, -0.4400781989097595, -0.5655537247657776, 0.37108296155929565, -0.5260210633277893, -0.29260438680648804, -0.4510699510574341, 0.11252866685390472, -0.22262826561927795, -0.7868922352790833, 1.020696997642517, -0.21700537204742432, -1.381272554397583, 0.32419541478157043, 0.3404029309749603, -0.1037939265370369, 0.08393295854330063, -0.28223082423210144, 0.1930692493915558, 0.14397138357162476, 1.3488794565200806, 0.4268374741077423, -0.5386829972267151, -0.8561133742332458, -0.2847039997577667, -0.2749573886394501, -0.5051622986793518, 0.8304219841957092, 0.21855321526527405, 0.3072713315486908, -2.2386443614959717, 0.09073506295681, 0.30096715688705444, 0.30871477723121643, 0.49636757373809814, -0.0812162384390831, 0.41572505235671997, 0.11383040249347687, -0.3567999601364136, -1.052126169204712, 0.4594991207122803, -1.545059084892273, 0.03673180937767029, -0.5737649202346802, -1.1145356893539429, 0.4313173294067383, -0.00960374902933836, 1.0069423913955688, 0.4978455603122711, -0.053534965962171555, -0.6133195757865906, -2.0598371028900146, 0.2248581349849701, 2.1269137859344482, 0.24095164239406586, -0.669157087802887, -1.137110948562622, 0.33034181594848633, -0.12327548861503601, -0.30887719988822937, 0.42197364568710327, -0.3723088204860687, 0.33745676279067993, -0.8476420640945435, 0.8212180137634277, -0.1926191747188568, 0.7375552654266357, 0.5607068538665771, 1.2170748710632324, -1.1711429357528687, 0.2592400014400482, -0.7538912892341614, -1.5184326171875, 0.8436334729194641, 0.8908647894859314, 0.3140536844730377, 0.19628287851810455, 1.4517340660095215, 0.4189532995223999, 0.8366990685462952, 0.35042986273765564, 0.48831287026405334, -1.4131044149398804, 0.3960970938205719, -0.17048966884613037, 1.3772308826446533, 0.5647159814834595, 0.07873284071683884, 0.33118879795074463, 0.39166903495788574, -0.6458274722099304, -0.6677641868591309, 0.016700442880392075, -0.3090546429157257, 1.4156343936920166, 0.15330485999584198, -0.4353925883769989, 1.0353357791900635, -0.524722158908844, -0.4100647568702698, -0.41089579463005066, -0.4253878593444824, -0.4691450595855713, -0.6363660097122192, 1.5874409675598145, 0.20385999977588654, 0.20209679007530212, -0.02358522266149521, -0.4353947639465332, -1.597842812538147, 0.2738986611366272, 0.9868404865264893, -0.7565345764160156, -0.8490632772445679, -0.11666601151227951, -0.37230372428894043, -0.8882938027381897, -0.9926010966300964, 0.21277229487895966, 0.28732866048812866, 0.1945183128118515, 1.4716304540634155, 1.0662723779678345, -0.15792712569236755, 0.5363983511924744, 0.29911887645721436, 1.5633249282836914, -0.551209032535553, 0.6611354351043701, 0.21678510308265686, 0.32644736766815186, -0.9299319982528687, 0.533089280128479, -0.6179994344711304, 0.6595862507820129, 0.973155677318573, -0.6403380036354065, 0.26997363567352295, -0.030404798686504364, -1.080917477607727, 1.045161247253418, 0.7059521675109863, -1.0232020616531372, 0.1092076301574707, 2.15565824508667, -0.14640474319458008, -0.10255489498376846, 0.6170998215675354, -0.03382066264748573, -0.6517492532730103, 1.1423008441925049, -0.12116135656833649, 0.4012734293937683, 0.5638976097106934, 0.32786300778388977, -0.09859123826026917, 0.8630316257476807, -1.4933085441589355, 0.6546900272369385, 0.9145681858062744, -0.5792765021324158, -0.08191323280334473, -0.7287241816520691, 0.18699117004871368, -0.710648238658905, -0.10750095546245575, 0.8914626836776733, -0.11429160833358765, -0.0031865444034337997, -0.25684839487075806, 0.13157179951667786, 1.5624269247055054, -1.1047688722610474, 0.5032117962837219, 0.7661058306694031, -0.1035638228058815, -0.8545374870300293, -0.32877248525619507, 0.8064565062522888, 0.4712061882019043, 0.3630795180797577, -0.17312997579574585, 1.1578773260116577, 0.8448309898376465, -0.4657951593399048, -0.5641390681266785, 0.40871715545654297, -0.06329038739204407, 0.4994937479496002, -0.03100869059562683, -0.5358288884162903, 0.7462170720100403, -0.8014726638793945, 1.4862290620803833, -0.3933776319026947, -0.47699519991874695, -0.7552310824394226, -0.269819438457489, -0.33807146549224854, -0.5046916604042053, 2.1911025047302246, 0.5552670955657959, 1.876152753829956, -0.2533993124961853, -0.03180963918566704, -1.073430061340332, -0.380831241607666, 1.4418660402297974, 0.8911691308021545, -0.027857914566993713, -0.7938113212585449, 0.5057594776153564, 0.6337072849273682, -0.11285468935966492, -0.021076658740639687, 0.37291327118873596, 0.30357488989830017, 0.9546667337417603, -1.09403395652771, 0.5808048844337463, 0.32181453704833984, 0.10939984023571014, 0.6345730423927307, -0.5034759044647217, -0.6011772155761719, -0.5022990107536316, 0.06076730042695999, -0.14461171627044678, 0.17221525311470032, -0.23590391874313354, 1.0983569622039795, -0.06434465944766998, 0.32029807567596436, 0.007341250777244568, 1.2302972078323364, 1.4274992942810059, -0.4655270278453827, -2.4021708965301514, -0.13218234479427338, -0.7395461797714233, 0.30515187978744507, 0.4438217580318451, -0.28786492347717285, -1.1018468141555786, 0.43601280450820923, -0.051786601543426514, -0.7111378312110901, 0.5796345472335815, -0.6353471875190735, -1.4239428043365479, 1.21491539478302, 0.8542903661727905, -1.0527950525283813, -0.680255115032196, -0.14625078439712524, -0.9093323349952698, -0.44758960604667664, -0.5778185725212097, -1.1244361400604248, 0.35514819622039795, 0.06330327689647675, 0.8565741777420044, -0.13725699484348297, 0.01115148514509201, -1.3954402208328247, 0.6340901255607605, 0.6070801019668579, -0.6122332215309143, 0.20525990426540375, 0.6489115953445435, 0.6301581263542175, -0.35743504762649536, -1.44996976852417, -1.0439977645874023, 0.7894395589828491, -0.22476352751255035, 0.07548005878925323, -0.8298317193984985, -0.8186957240104675, 0.7151099443435669, 0.1277986317873001, 0.7205135226249695, -1.183658480644226, 0.38509827852249146, -0.4060438573360443, -0.6695086359977722, 0.5386762619018555, -0.7940740585327148, -0.9023500084877014, 1.44710373878479, -0.07794412970542908, 1.00271475315094, -1.0410346984863281, -0.44666746258735657, 1.5861854553222656, -0.28799521923065186, -0.5665295720100403, -0.28368258476257324, -10.490581512451172, 0.9789608120918274, -0.059419117867946625, 0.9571059346199036, 0.8778637051582336, -0.4021186828613281, 1.1546812057495117, -0.7618741393089294, 1.141912579536438, -1.2064510583877563, 0.3524368107318878, 1.4954304695129395, 0.5194991230964661, 0.1445315033197403, -0.8139591813087463, -1.5721912384033203, -0.4647516906261444, -0.25805842876434326, -0.4078487753868103, 0.3171510398387909, -0.0747334286570549, -0.9132553339004517, 0.2552785873413086, 0.4498211443424225, 0.6002392172813416, 0.16526243090629578, -0.5310388803482056, -0.3441629707813263, -0.431678831577301, -0.39495742321014404, 0.8153534531593323, -0.2937636971473694, -0.4292992353439331, -0.5765826106071472, -0.7870115637779236, -0.36650437116622925, 0.1362222135066986, -0.6055769920349121, 1.1639676094055176, -0.12804648280143738, -0.705689549446106, 0.5421212911605835, 0.750615656375885, 0.30743128061294556, 0.03764043748378754, 0.22313301265239716, 0.1319499909877777, -0.7447580099105835, -0.07592897117137909, -0.004315115511417389, -0.7236374020576477, 0.08382401615381241, 0.0002686642110347748, -0.2712472677230835, 0.08264753222465515, 0.27584967017173767, -1.1178560256958008, -0.8297762274742126, -0.9890606999397278, -1.3201481103897095, 0.9470614194869995, 0.2172633856534958, -0.8952623605728149, 0.25964969396591187, -0.323824942111969, -0.3855505585670471, -0.24576598405838013, -0.33132320642471313, -1.0987013578414917, -0.189939484000206, -0.35824722051620483, 0.6742595434188843, 0.18578368425369263, -0.3065222203731537, -0.7664967179298401, -0.04848283529281616, -1.3342089653015137, 0.7654670476913452, 0.2941717803478241, -0.029257383197546005, -0.8672257661819458, 1.1743532419204712, 0.8623819947242737, -1.0907890796661377, -1.2829490900039673, -0.03388868272304535, -0.2055022418498993, 0.5806543231010437, -0.23075488209724426, -0.6144945621490479, 1.0874953269958496, 1.0372493267059326, -0.30600953102111816, -0.6764348745346069, -0.19931840896606445, 0.5637669563293457, 0.2228148728609085, 0.6915353536605835, -0.4352395832538605, -0.5528520941734314, 0.16453278064727783, -0.3103974759578705, -0.897092342376709, 0.37023302912712097, 0.25663456320762634, 0.8599529266357422, 0.7707559466362, -0.16857494413852692, -0.06731218099594116, -0.4328846335411072, 0.9454922676086426, 0.08850710093975067, -0.4075024724006653, 1.2157878875732422, -0.29323726892471313, 0.36065492033958435, 0.11728577315807343, 0.017752274870872498, -0.2675883173942566, 1.180991530418396, 0.20003096759319305, 0.7619810104370117, -0.23351894319057465, 1.3118046522140503, -0.6406271457672119, -0.2617628276348114, 0.5759615302085876, 0.5836765766143799, 0.22592924535274506, -1.4418158531188965, 0.2740335464477539, -0.09212899953126907, 0.13135701417922974, -1.0711817741394043, -0.609131395816803, -0.7523126602172852, -0.06051028147339821, 1.109235405921936, -0.3092173933982849, -0.2035921812057495, -0.5106192231178284, -0.39351528882980347, -0.0464712455868721, -1.1657798290252686, -0.6269552707672119, -0.22319015860557556, -0.6793292760848999, 0.48911935091018677, -0.6721588969230652, -0.6176580786705017, -0.3510911464691162, -0.4180339574813843, 1.2957667112350464, -0.24552008509635925, 0.08532258868217468, -0.0033044200390577316, -0.10509829223155975, -0.18993264436721802, -1.1275317668914795, 0.30070436000823975, -0.25407907366752625, 0.6861549019813538, -1.2245736122131348, 1.2529417276382446, 0.39302217960357666, -0.8733112215995789, -0.4000667929649353, -0.21232949197292328, -0.1638038456439972, -0.6467187404632568, 0.7049823999404907, -0.027829155325889587, 0.20505109429359436, -0.21148556470870972, -0.5062909126281738, -1.0326873064041138, 0.7215238809585571, 0.7433000802993774, -0.3121412396430969, -0.398933470249176, 0.36369356513023376, 0.7000017762184143, -0.04471248760819435, 0.26530325412750244, -0.21172448992729187, -0.01067938469350338, 0.32149240374565125, 0.7260685563087463, -0.03269937261939049, 1.2046641111373901, -1.6402342319488525, -1.295443058013916, -0.821452260017395, 0.6179545521736145, 0.7010384798049927, 0.23649713397026062, 0.990800142288208, 0.490335077047348, 0.2058337926864624, 0.5710927248001099, 0.5401232242584229, 0.6929417252540588, 0.5831573605537415, 0.9797735214233398, -0.5106475949287415, 0.2577768862247467, -0.3735254406929016, -0.12019357085227966, 0.976927638053894, 1.4425125122070312, -1.0517884492874146, -0.1904221773147583, 0.010178789496421814, -0.4464663863182068, 0.27938348054885864, -1.0963928699493408, 0.6473394632339478, -0.6633495688438416, -0.12663619220256805, -0.9314775466918945, 0.12710607051849365, 1.364878535270691, -1.0808857679367065, 0.9150950312614441, 0.526792585849762, 1.0906554460525513, 1.037306308746338, 0.5026848912239075, 0.44330644607543945, 0.08861128985881805, 0.09961532801389694, 0.5082646012306213, -0.011700756847858429, -0.2970626950263977, -0.8657386898994446, -0.9937624931335449, 0.22273270785808563, 0.8015334606170654, 0.13904227316379547, 1.0656225681304932, 0.12872251868247986, 0.830830991268158, 0.6563987135887146, 0.4853163957595825, -0.8188248872756958, -1.5407658815383911, 0.061609212309122086, -0.746737539768219, 0.29731127619743347, 0.2690889239311218, 0.6757622957229614, 0.2909694314002991, 0.9214960932731628, 0.39652037620544434, 1.6610885858535767, -0.8440106511116028, 0.06270506978034973, 0.16125717759132385, -0.21514631807804108, 0.9391198754310608, 0.6724681258201599, 0.07113146036863327, 0.26002830266952515, -0.40488940477371216, -0.9721209406852722, -0.3691340386867523, -0.6175304055213928, 0.9912803173065186, 0.5043463706970215, -0.6880673170089722, 0.18006302416324615, -0.12031140178442001, 1.643041968345642, -1.1911271810531616, 0.49956151843070984, -0.5526180267333984, -0.5644400119781494, 0.358659952878952, -0.5456262230873108, -0.6816803812980652, 0.317199170589447, -0.06400659680366516, -0.6541229486465454, -0.26846760511398315, 0.44221746921539307, -0.617958128452301, -0.331672340631485, -0.2743922472000122, -0.17092400789260864, -0.7670567035675049, 0.23157303035259247, -0.01014833152294159, -0.465437650680542, -0.6714185476303101, -0.10898163914680481, -0.6896656155586243, 0.15579529106616974, -0.028858579695224762, -0.7437142729759216, -0.6104430556297302, -0.37079325318336487, -0.6473166942596436, 0.8651645183563232, -0.35098797082901, -0.41784077882766724, -1.928371787071228, 0.44967764616012573, 1.330909013748169, 0.01834147609770298, -1.2773150205612183, -0.24512377381324768, -0.018554866313934326, -0.1270836442708969, -0.19287705421447754]} +{"paper_id": "onestop_english", "embedding": [0.4920542240142822, 1.1808149814605713, -0.2080874741077423, -0.5175602436065674, 1.0000139474868774, -0.21639420092105865, 0.7034069895744324, -0.006054021418094635, 0.5502728819847107, 0.08639198541641235, -0.2140878140926361, -0.10592985898256302, 0.6554678678512573, 0.42602914571762085, 0.07028989493846893, -0.10277111083269119, -0.18028131127357483, -0.4900759756565094, -1.168470859527588, -0.4765644371509552, -0.597702145576477, -0.8232751488685608, -0.2345373034477234, 0.2780967354774475, -0.7386143803596497, -0.8006817102432251, 0.2932390570640564, -0.8046073317527771, -0.4561668336391449, 0.583071768283844, -0.025914885103702545, 1.2615829706192017, -1.5742192268371582, 0.13999789953231812, -0.2931658923625946, -0.46381649374961853, -0.19370003044605255, 0.986115574836731, -0.18735471367835999, -0.38113072514533997, -0.6327053904533386, 0.16111862659454346, 0.44335517287254333, -0.344650000333786, -0.5304443836212158, -0.4824754297733307, -0.32310378551483154, 0.5196025371551514, 0.26096564531326294, 0.3371501564979553, -0.25750312209129333, 0.06560371816158295, 0.2307765781879425, -0.34424301981925964, -0.08456940203905106, 1.273746132850647, 0.24154192209243774, -1.9665180444717407, -0.10666556656360626, -0.550652265548706, 0.5165897607803345, 1.4036386013031006, -0.22054025530815125, 0.5864344239234924, 1.376345157623291, -0.21546225249767303, 1.1412830352783203, 0.2429928034543991, 0.25381961464881897, 1.500110149383545, -0.6172226071357727, -0.44180381298065186, 1.0833098888397217, 0.04548454284667969, 1.0412325859069824, 0.7624448537826538, 0.1730155348777771, -0.4143829047679901, 0.35629674792289734, -0.5707679986953735, -0.8333046436309814, 0.24447624385356903, 0.759509265422821, -0.6722291111946106, -0.3661382794380188, -0.2518876791000366, 0.16495515406131744, -0.2063048630952835, -0.39862963557243347, -0.7635591626167297, 0.02624737098813057, 0.3794845938682556, 0.35908010601997375, 0.5684890747070312, -0.06665091216564178, 0.03032267466187477, 0.31971198320388794, 0.3773401379585266, 0.13438820838928223, -0.5759994983673096, 0.9072623252868652, -0.16683262586593628, 0.9392633438110352, 0.3506718873977661, 0.09751125425100327, 0.1838677078485489, -0.3411627411842346, -0.7461003661155701, -0.19751408696174622, -0.6216188073158264, -0.4430045485496521, 0.46920526027679443, 0.2580365538597107, 0.3631824851036072, -0.6585343480110168, 0.08799801021814346, -0.17074832320213318, -0.4983372092247009, -0.5743538737297058, -0.12489962577819824, -0.3768014907836914, -0.8775314092636108, -0.20117312669754028, -1.2267606258392334, 0.8434023261070251, -0.4471419155597687, 0.21875938773155212, -0.40852704644203186, 0.02193864993751049, -0.6040157079696655, 0.43083226680755615, 0.31062281131744385, 0.1904861032962799, 0.5980339050292969, 2.5460569858551025, -1.0929343700408936, 0.23248547315597534, -0.06601330637931824, -0.010294578969478607, -0.3939902186393738, -0.14760421216487885, 1.3038277626037598, -0.6000173091888428, -1.2232296466827393, -0.24884803593158722, -0.17764568328857422, -0.4059668779373169, 0.6241893768310547, -0.6542079448699951, 0.4653721749782562, 0.33915236592292786, -0.24259129166603088, -1.0467495918273926, -0.7605267763137817, 0.059024032205343246, -0.4237779378890991, 0.4219757914543152, -0.09386661648750305, -0.36010053753852844, 0.9546880125999451, 0.6421786546707153, 0.5619286894798279, -0.529697597026825, -0.17377091944217682, -0.8229844570159912, 0.4924495220184326, 0.7895588278770447, -0.15895017981529236, -0.8484384417533875, -0.10210501402616501, -0.12655694782733917, -0.25478458404541016, 0.10102137923240662, -0.11937137693166733, 0.17950455844402313, 0.6032640933990479, 0.0909104198217392, 0.11831696331501007, 0.12700289487838745, -0.41174978017807007, -0.08842147141695023, 0.412738561630249, 0.1935843825340271, 0.7603920102119446, -0.12978756427764893, 0.1499553769826889, -1.8942110538482666, -0.18368561565876007, -0.7774212956428528, 0.19759246706962585, -0.35278427600860596, -0.4278649389743805, 0.05526173487305641, 0.42611634731292725, -0.633266806602478, -0.2344549596309662, -0.21660763025283813, -0.7821662425994873, 0.419097363948822, 0.9517096281051636, 0.6644355058670044, -0.07258934527635574, -0.07264924794435501, 0.7983667254447937, 0.6407126188278198, -0.1416577398777008, -0.1517009288072586, -0.9724981784820557, 0.18076685070991516, 1.0827763080596924, -0.2609826624393463, -0.12932820618152618, -1.3233267068862915, -0.4175299406051636, 0.3290109932422638, -0.32753118872642517, 0.6006296873092651, -0.4067402184009552, -0.6056142449378967, -0.2461705058813095, 0.5812724828720093, -0.8647860288619995, -0.7533695697784424, 0.3325961232185364, 1.0742712020874023, -0.6508334279060364, -0.2952827215194702, -0.22727857530117035, -0.7527443170547485, 0.11134476214647293, 0.9558565020561218, 0.04088590294122696, -0.3742377758026123, 0.7324376106262207, -0.162359356880188, 0.2372117042541504, 0.8102469444274902, 0.7762484550476074, 0.02729092538356781, -0.8045393228530884, -0.15312577784061432, 1.1489112377166748, -0.7373486757278442, -0.1598406285047531, 0.13769157230854034, 0.2757289707660675, -0.3859606683254242, -0.4555269479751587, -0.4643478989601135, 0.17185045778751373, 0.915564775466919, 0.7086766362190247, -0.5131358504295349, 0.7503529191017151, -0.9530348181724548, 0.09238170087337494, 0.22807221114635468, -0.9009584188461304, -0.7089899778366089, -0.6874149441719055, -0.12350423634052277, -0.22437241673469543, 0.27092859148979187, 0.11481691896915436, -0.05403609201312065, -0.9088675379753113, -1.0950264930725098, -0.7673986554145813, -0.009513147175312042, -1.0258419513702393, -1.1096680164337158, 0.28554093837738037, -1.0676590204238892, 0.30057552456855774, -0.162022665143013, -0.02537270449101925, -0.3780997693538666, 1.1604547500610352, 1.149965524673462, 0.20891624689102173, 0.6417154669761658, -0.698931097984314, 0.8235244750976562, 0.08827027678489685, 0.8096919655799866, -0.8694869875907898, -0.34912773966789246, -0.48453426361083984, -0.2806893289089203, -1.0648066997528076, 0.37027883529663086, 0.898676335811615, -0.42319995164871216, 0.7888977527618408, -0.25225722789764404, -1.608931303024292, 0.3819921612739563, -0.36613258719444275, 0.16881011426448822, -1.2180516719818115, 0.8214253783226013, 0.8137772083282471, 0.16586077213287354, 0.40350449085235596, -0.7573680281639099, -0.25383272767066956, 1.0685960054397583, -0.23959700763225555, 0.4147876501083374, 0.7165619730949402, 0.16144149005413055, 0.4001724421977997, 0.3226117491722107, -1.6233521699905396, 0.2906333804130554, 0.8934569358825684, -0.20816561579704285, -0.14355573058128357, -0.7497349977493286, -0.12230277061462402, -0.0029167975299060345, -0.4596439003944397, 1.1800132989883423, -0.7607743740081787, 0.7871357798576355, -0.42651042342185974, 0.44048142433166504, 0.3361395299434662, -0.32852113246917725, 0.7239294648170471, 0.25636178255081177, 1.1670489311218262, -1.133647084236145, -0.9101774096488953, 0.4448780417442322, -0.9818240404129028, 1.1177234649658203, 0.6285591125488281, 1.1904408931732178, 0.7274271249771118, -0.1557011902332306, -0.057326965034008026, 0.12262041866779327, 0.12858936190605164, 0.40751913189888, 0.7132787704467773, -0.11004406213760376, 0.5075515508651733, 0.09976281225681305, 1.9677698612213135, 0.33409956097602844, -0.48007702827453613, -0.5022202730178833, -0.4554673135280609, -0.9970020055770874, -0.4242670238018036, 1.2874969244003296, 0.8723415732383728, 1.2897151708602905, 0.5041601061820984, -0.2182799130678177, -0.041179582476615906, 0.14149950444698334, 0.5342089533805847, 0.331595242023468, -0.5142280459403992, 0.09507106244564056, 0.239021435379982, 0.8400177955627441, 0.10437797009944916, -0.8776562809944153, 0.1982313096523285, 0.8213076591491699, 0.1529066562652588, -0.7141944766044617, 0.9128980040550232, 0.3046616017818451, 0.9750467538833618, 2.3644022941589355, -0.11096680164337158, 0.001484401524066925, -0.21323034167289734, -0.04322924092411995, -0.06509662419557571, -0.47874531149864197, -0.34394145011901855, 0.1574591100215912, 0.5139489769935608, 0.9262548685073853, -0.13625364005565643, 0.4181676208972931, 0.7669925689697266, -0.20159952342510223, -0.7643953561782837, 0.3075624108314514, -0.8373150825500488, -0.33537229895591736, -0.3917999863624573, -0.12375946342945099, -0.6537038683891296, 0.2115822732448578, -0.45458489656448364, -0.3873693645000458, 0.4326860010623932, 0.3059113025665283, -0.3103002607822418, -0.1580067127943039, 0.7298742532730103, -0.8995413184165955, -0.26870396733283997, -0.06245234236121178, -0.8758295178413391, -0.5490961074829102, -0.024151824414730072, -0.7216024994850159, 0.7967490553855896, 0.013944790698587894, 0.7729703783988953, 0.03082088753581047, 0.18126846849918365, -1.192380666732788, 0.9699408411979675, 0.8850772976875305, -0.4992058277130127, -0.21335569024085999, 0.27488580346107483, 0.44058215618133545, 0.19854725897312164, -1.0162296295166016, 0.43923962116241455, 0.31980225443840027, 0.6475793123245239, 0.08351670950651169, -0.1019677072763443, -0.41601115465164185, 0.4608132243156433, 1.1885035037994385, 0.705846905708313, -0.9864220023155212, 0.14549535512924194, -0.20077890157699585, 0.8504108190536499, 1.0098581314086914, -1.3690496683120728, -0.8625786900520325, 0.22619959712028503, -0.9924077391624451, 0.5431922674179077, 0.39977404475212097, 0.12812121212482452, 0.04603369161486626, -0.18127217888832092, 0.1424335092306137, -0.7314214706420898, -12.700968742370605, 0.604442834854126, -0.12249097973108292, 0.057683065533638, 0.22298504412174225, -0.01730598509311676, 0.2916412651538849, 0.005365869030356407, 1.1087195873260498, 0.29739224910736084, -0.2717532813549042, 1.2879241704940796, 0.3213464021682739, -0.31228458881378174, -0.6359277963638306, -1.1141432523727417, -0.862731397151947, -0.6091562509536743, 0.26856809854507446, 0.5562904477119446, -0.24975109100341797, -0.9106338024139404, 0.26440662145614624, 0.14402888715267181, 0.6049007773399353, -1.1425949335098267, -0.5308219790458679, -0.4334042966365814, 0.08800236880779266, 0.3058975040912628, 0.30324965715408325, 0.07013965398073196, -0.8092771768569946, -0.07037670165300369, 0.6233173608779907, -0.32821449637413025, -0.6765902042388916, -0.5966914892196655, 0.672840416431427, -0.5801247358322144, -0.27224600315093994, 0.12064549326896667, -0.1536950170993805, -0.2473210096359253, -0.2449537217617035, -0.2675977051258087, -0.5042763352394104, 0.01681659370660782, 0.35056132078170776, -1.3495632410049438, -0.9764268398284912, -0.5562124252319336, -0.8024582266807556, -1.3377728462219238, 0.54027259349823, 0.0909116119146347, -0.1343833953142166, -0.08665670454502106, -0.6954824924468994, -0.3774698078632355, 0.05247172713279724, 0.04077515751123428, -0.9009441137313843, 0.7083306908607483, 0.2827511727809906, -0.15056945383548737, 0.1906660795211792, 0.1942066103219986, 0.830416738986969, 0.9816938042640686, -0.6980234980583191, 1.0030497312545776, 0.21870464086532593, 0.5999338626861572, -0.023101449012756348, -0.10042443126440048, -0.1417740136384964, -0.9300939440727234, 0.6966004371643066, -0.20516350865364075, -0.7031566500663757, 0.4855213463306427, -0.18921902775764465, 0.5906491279602051, 0.24912920594215393, 0.1829908937215805, 0.28506678342819214, -0.02747732400894165, 1.2543410062789917, 0.01628672331571579, 0.8063372373580933, -0.4321783185005188, -0.0022575557231903076, -0.33182305097579956, -0.9404438734054565, 1.0740337371826172, -1.046369194984436, 0.7567548155784607, 0.44948938488960266, -0.6044701933860779, -0.23716408014297485, 0.1681371033191681, -0.8580445051193237, -0.21280454099178314, 1.14485502243042, -0.49674126505851746, -0.04642154276371002, -0.413632333278656, 0.34171852469444275, -0.8484918475151062, 0.3845923840999603, 0.24625858664512634, 0.5681890249252319, 1.2500845193862915, -0.34191223978996277, 1.2202695608139038, 0.8960272073745728, -0.31498852372169495, 0.347479909658432, 1.2693297863006592, -0.39279505610466003, 0.42955151200294495, 0.042165204882621765, 1.4361997842788696, 0.7961193323135376, 0.8007518649101257, 0.2636124789714813, 0.6117427349090576, -0.38879793882369995, -1.2268867492675781, -0.6886574029922485, -0.25468572974205017, 0.14400747418403625, -0.9405828714370728, 0.10200676321983337, -0.099451944231987, -1.1896101236343384, 0.8885153532028198, -0.040421903133392334, 0.45143377780914307, -0.26866066455841064, -0.9333374500274658, -0.7748298048973083, -0.39938685297966003, -0.9713155627250671, 0.5180964469909668, -1.5852233171463013, -0.34634363651275635, -0.051918040961027145, -0.412208616733551, -0.3417879343032837, -0.2411404848098755, 0.109979547560215, -0.34164926409721375, -0.4758012890815735, -0.05616060644388199, 0.30803796648979187, -1.2030125856399536, -0.4821740388870239, -0.504318118095398, 0.8104460835456848, 1.0671888589859009, -0.6940776705741882, 0.9936355948448181, 0.394492506980896, 0.3122016489505768, -0.7606156468391418, -0.49219924211502075, -0.6869257092475891, 1.1807559728622437, 0.37864333391189575, -0.6127281188964844, -0.1772748827934265, -0.382801353931427, 0.038245368748903275, -0.5427230596542358, -0.08670111000537872, 0.8532822132110596, -1.181477665901184, 0.2061542272567749, -0.04663380980491638, 0.010949745774269104, 0.6548704504966736, -0.5833855867385864, -1.0764286518096924, 0.4707850515842438, 0.17031797766685486, 0.5347654819488525, 0.0040007829666137695, 0.63370281457901, -1.2776919603347778, -1.2156708240509033, -0.6747061014175415, 0.4557672441005707, 0.7508231997489929, 0.012765917927026749, 0.6130147576332092, 0.32097408175468445, -0.5899419784545898, -0.09704224765300751, -0.040730223059654236, 0.30227893590927124, 0.4063425362110138, 0.4854393005371094, 0.006634950637817383, 0.5203906297683716, -0.24995481967926025, -0.06018591672182083, 0.40217360854148865, 0.9790915250778198, -1.1856200695037842, -0.16807517409324646, 0.18436835706233978, 0.13336379826068878, -0.05011306330561638, -0.7335665225982666, 0.011326871812343597, -0.41266655921936035, 0.28748998045921326, -0.6284925937652588, 0.23572060465812683, 1.6233839988708496, -0.03682180121541023, 0.08969216048717499, 1.201444387435913, -0.19508101046085358, 0.38675108551979065, 0.9421699643135071, 1.3321144580841064, 0.23611147701740265, -0.6396813988685608, 0.26761165261268616, 0.4800334870815277, 0.22099709510803223, 0.4792889952659607, 0.1841570883989334, -0.7660923004150391, -0.523070216178894, -1.2609715461730957, 0.14545172452926636, 0.05924437195062637, 0.3846062421798706, 0.1473584920167923, 0.895581066608429, 1.05548894405365, -1.3863707780838013, -0.420165091753006, -0.8882423639297485, 0.26167967915534973, -0.3590058982372284, 0.10769860446453094, -0.028021173551678658, 0.38082531094551086, -0.3506718873977661, 1.3400061130523682, -0.21900692582130432, -0.18203900754451752, 0.14469188451766968, 0.37625551223754883, 1.487022042274475, 0.41236668825149536, 0.669102132320404, -0.4287172555923462, -0.19027629494667053, -1.1120736598968506, -1.0906176567077637, -0.8441331386566162, 1.1460299491882324, 0.8117958903312683, 0.006040830165147781, 0.7659697532653809, -0.580292284488678, 0.193812757730484, -0.22441405057907104, 0.9135273098945618, 0.49371230602264404, 0.24263395369052887, -0.38523054122924805, -0.8725606799125671, 0.6299923658370972, 0.9146047830581665, -0.5195835828781128, -0.25395944714546204, -0.5086477398872375, 0.18789300322532654, 0.2464744597673416, -0.004949178546667099, 0.4347195029258728, -0.04776326194405556, 0.09257199615240097, 0.11375604569911957, 1.2721281051635742, -0.7543830871582031, -0.9527841210365295, -0.22361093759536743, -0.39630037546157837, 0.31630051136016846, 0.05973917245864868, -0.9787068963050842, 0.5659257769584656, 0.5842558145523071, 0.5776799917221069, -0.05371956154704094, 0.18014754354953766, 0.6112992763519287, -0.763922393321991, 1.2271579504013062, 0.553022027015686, -1.0432735681533813, -0.20785938203334808, 0.2472778558731079, 0.8803718686103821, 0.15022096037864685, 1.3490619659423828]} +{"paper_id": "meta_woz", "embedding": [-0.5165314674377441, 0.3913206160068512, -0.20433571934700012, -0.07165293395519257, 0.7566120028495789, 0.06498809158802032, 1.1724023818969727, 0.5423949956893921, 0.978391706943512, 0.2795794606208801, -0.12442927807569504, 0.25354522466659546, -0.5113701820373535, -0.8404767513275146, -0.3882458508014679, -0.06887295097112656, -0.5126314163208008, -0.527039110660553, -1.2538201808929443, -0.5385799407958984, -0.7896082997322083, -0.43284010887145996, 0.35093167424201965, 1.332366704940796, -0.32217973470687866, -0.13463224470615387, 1.658405065536499, -1.768889307975769, 0.20299819111824036, 0.6348724961280823, -0.5407267212867737, 2.008268117904663, -0.46385684609413147, 0.3178240656852722, -0.443945050239563, -0.6431211829185486, 0.8319013118743896, 0.7498112916946411, -0.43962737917900085, 0.6976611018180847, -0.7666893005371094, -0.2405022382736206, -0.06403669714927673, 0.40224865078926086, 0.5742133855819702, -0.11184728145599365, 0.110598623752594, 0.2365492731332779, -1.118133544921875, -0.3985441029071808, -0.6341195702552795, 0.4186219274997711, 0.6325111985206604, 0.4910060465335846, -0.13965371251106262, 1.2666510343551636, 0.20865681767463684, -0.8388751149177551, -0.18900029361248016, -0.21499095857143402, 1.0297743082046509, 0.45652443170547485, 0.2527690529823303, 0.1701131910085678, 1.144054889678955, -0.22780686616897583, 1.6807976961135864, 0.0902903825044632, 0.10120732337236404, 0.7767626047134399, -0.4604231119155884, -1.2718777656555176, -0.21776026487350464, -0.43702805042266846, 0.13892222940921783, 1.1815552711486816, 0.9052173495292664, 0.3655143678188324, 0.1557106077671051, -0.21174097061157227, 0.23015646636486053, 0.5785217881202698, 0.9759374260902405, 0.34188106656074524, 0.8239155411720276, 0.4101063907146454, 0.7724788188934326, -0.42570415139198303, 0.15635214745998383, -2.0944724082946777, 1.1325187683105469, 0.26848992705345154, 0.08455771207809448, -0.48315927386283875, -0.3058868646621704, 0.4510215222835541, -0.4612330198287964, -1.263564944267273, -0.1939026117324829, 0.2887651324272156, 0.26941582560539246, -0.2879050374031067, 0.2250150740146637, -0.47407016158103943, 0.02077571302652359, 1.074894905090332, 0.17279842495918274, 0.2531684935092926, -0.683052659034729, -0.21374551951885223, 0.5109002590179443, 1.2840838432312012, 0.6485089659690857, 1.3116264343261719, -0.04782784357666969, 0.1855645775794983, 0.9607893824577332, -0.255077987909317, -0.2904777228832245, 0.371242880821228, 0.3200700581073761, -0.5889739394187927, -0.23527896404266357, -0.4856417775154114, 0.6708163022994995, -1.671330213546753, -0.13612115383148193, 0.053672075271606445, -0.1091969758272171, -0.5306142568588257, 0.6540226936340332, 0.17460599541664124, -0.7893024682998657, -0.04228268191218376, 2.531221866607666, -1.055235743522644, 1.6606274843215942, -1.4595290422439575, -1.2865204811096191, -0.9427371025085449, 0.8225918412208557, 1.288118600845337, -0.472220242023468, 0.039902474731206894, -0.4099005460739136, 0.2886958718299866, -1.0427238941192627, 0.1813795119524002, -0.1642833650112152, -0.37510204315185547, 0.1087961345911026, 0.29356932640075684, -1.6462550163269043, -0.5137341022491455, -0.6606199741363525, -0.009302616119384766, 0.03622128814458847, 0.7062626481056213, -0.3471262753009796, 0.7928810715675354, 0.8691683411598206, -0.7094893455505371, 0.2994409501552582, 0.2436753809452057, -0.0526655837893486, 0.48609447479248047, 0.4938088357448578, -0.3399818539619446, -1.0492759943008423, -0.7860697507858276, 0.2501773238182068, -0.17843928933143616, -0.5476467609405518, -0.2108014076948166, -0.13631664216518402, 0.4050702750682831, 0.9675386548042297, 1.0486774444580078, 0.1745285540819168, -0.2602531909942627, -0.8037502765655518, -0.3016544580459595, -0.8078385591506958, -0.034266941249370575, -0.21609899401664734, 0.6674069166183472, -2.7927374839782715, -0.07696452736854553, -0.42124736309051514, 1.1306365728378296, 0.5202609896659851, -0.08468350023031235, -0.2365274429321289, -0.23045197129249573, 0.510469913482666, -1.3951276540756226, 1.087992548942566, -0.9651405215263367, -0.014737412333488464, 0.22869758307933807, -0.00807274878025055, 0.1060296893119812, 0.22813265025615692, 1.493008017539978, 0.5730946063995361, -0.5045207142829895, -0.1294523924589157, -1.959452748298645, -0.41474807262420654, 1.8905940055847168, 0.7607645988464355, -0.7152514457702637, -0.6824088096618652, -0.8802961707115173, 0.4054722487926483, -0.13518813252449036, 0.3930739760398865, -0.2610871195793152, 0.08716639131307602, -1.567282795906067, -0.09014838933944702, -0.9006838202476501, 0.7388726472854614, 1.0762308835983276, 1.5729234218597412, -0.3664562404155731, 0.2950941324234009, -0.25012627243995667, -1.1066479682922363, -0.20616771280765533, 0.19262175261974335, 0.21752740442752838, 0.07438166439533234, 0.828999400138855, -0.04471566528081894, 0.0739351287484169, 0.11888081580400467, 0.6725561618804932, -0.4095270037651062, 0.6940739154815674, 0.5268001556396484, 1.5715928077697754, -0.056816548109054565, 0.6746070981025696, 0.16473211348056793, -0.056971825659275055, -0.3031637966632843, -1.18940007686615, 0.821982741355896, -0.3330632746219635, 1.7539851665496826, 0.43784719705581665, -0.041656795889139175, 0.16494864225387573, -0.17913901805877686, -0.42488446831703186, -0.6436616778373718, -0.6952767968177795, -0.04511110857129097, -0.2514791488647461, 1.2651993036270142, -0.09330487251281738, 0.06198468804359436, -1.1920719146728516, 0.1051848828792572, -1.0647567510604858, -0.3319936692714691, 0.1492840051651001, -0.41248780488967896, -1.277748465538025, 0.19679111242294312, -0.07954816520214081, -0.7090432643890381, -0.886928915977478, 0.11126934736967087, 0.3577684164047241, 0.5257982015609741, 0.6827788352966309, 1.5171345472335815, 0.09903773665428162, -0.4276817739009857, 0.29660606384277344, 0.2238791435956955, -0.4321152865886688, 0.8562961220741272, 0.4559437334537506, 0.31077906489372253, -0.8528593182563782, 0.40912583470344543, -0.10280421376228333, 0.14198163151741028, 0.07169047743082047, -0.5800521969795227, 0.16813716292381287, -0.5708043575286865, -0.4220085144042969, 2.2332613468170166, -0.028405364602804184, 0.6463050842285156, -0.12364610284566879, 1.2755441665649414, 0.8478635549545288, -0.5451576709747314, 0.9916778802871704, -0.4328146278858185, -0.30073079466819763, 1.1904709339141846, -0.16303327679634094, 0.6371380686759949, 1.0471594333648682, -0.5170899033546448, 0.5068547129631042, 0.1582452952861786, -1.8059403896331787, 0.19242648780345917, 0.10063206404447556, -0.8036571145057678, -0.235442653298378, -1.2794272899627686, 0.23170806467533112, -0.021998783573508263, 0.03933543711900711, -0.08083947002887726, -0.13300786912441254, 0.4162050485610962, -0.6552725434303284, 0.27309322357177734, 1.890172004699707, -0.5329400300979614, 0.5056368708610535, 0.549267053604126, 0.09203896671533585, -1.0408422946929932, -0.8623281121253967, 1.498448133468628, -0.7705051898956299, -0.49852970242500305, 0.6765920519828796, 0.31866273283958435, 1.8667223453521729, -0.22320321202278137, 0.3716927766799927, 1.2830318212509155, 0.40293899178504944, 0.3708522319793701, 0.2688770890235901, -0.6582583785057068, 0.14925239980220795, -0.4790456295013428, 0.8221365213394165, -0.9900210499763489, -0.8732341527938843, -1.27003014087677, 0.44524210691452026, -0.45983463525772095, -0.5420299768447876, 1.9171221256256104, -0.18323516845703125, 1.063584566116333, -0.5685521960258484, 0.61290442943573, -1.3073444366455078, 0.1604858636856079, 0.47181299328804016, 0.5645186901092529, -0.8048630952835083, -1.0435246229171753, -0.20041856169700623, 0.28789350390434265, 0.03970510885119438, -0.1708531677722931, -0.33988842368125916, 1.269305944442749, -0.19705213606357574, -1.1410969495773315, -0.36016416549682617, 0.7590339183807373, 0.5028666257858276, 2.0059385299682617, -0.7531883716583252, -0.4404563307762146, 0.41088271141052246, 0.6714290976524353, 0.10928567498922348, 0.5865268111228943, -0.6772444248199463, 0.8775581121444702, 0.7270588278770447, 0.6598970890045166, 0.018442653119564056, 1.615502119064331, -0.6289210915565491, -1.3720091581344604, -1.3193292617797852, -0.345183402299881, -0.5987388491630554, -0.8230857849121094, 0.1079474613070488, 0.037165772169828415, -0.48578596115112305, 1.2293773889541626, -0.3359379172325134, 0.08288311958312988, 1.2309645414352417, 0.10592641681432724, -1.1073565483093262, -0.28968894481658936, 0.6417282819747925, -1.3136910200119019, -0.26112207770347595, -0.33463919162750244, -0.9128958582878113, -0.0714818611741066, -0.3715386390686035, -0.012290206737816334, 0.40251675248146057, -0.21083791553974152, 0.156249538064003, -0.1351424902677536, 0.016293250024318695, -0.6704619526863098, 0.457764208316803, 0.6178146004676819, -0.7817263007164001, 1.3232243061065674, 1.1370155811309814, 0.5793668031692505, -0.27648234367370605, -1.0854467153549194, -0.8173537850379944, 1.1538022756576538, -0.11247599124908447, 0.5758987069129944, -0.4594310522079468, -0.2233891636133194, 0.32125797867774963, -0.9435576796531677, 0.32988685369491577, -0.43430057168006897, -0.6146575212478638, -0.3095930516719818, -0.07880132645368576, 0.5510551929473877, -1.4856760501861572, -1.4864871501922607, 0.43869447708129883, -0.9371951222419739, 0.4169635474681854, -0.5270000696182251, 0.38558229804039, 1.613863229751587, 0.35451483726501465, 0.23510457575321198, -0.2909470498561859, -10.259735107421875, 0.7803140878677368, -0.11202133446931839, -0.9186822175979614, 0.7618736028671265, -0.8611353039741516, 0.9586796164512634, 0.18565799295902252, 0.09917628020048141, -1.1715372800827026, 1.231235146522522, 0.43495070934295654, -0.08798185735940933, -0.6685865521430969, -0.3225800693035126, -1.4300869703292847, -0.3175548017024994, -0.5109495520591736, 0.5849462151527405, 0.13426588475704193, -0.04836413636803627, -0.9210303425788879, -0.13458289206027985, 0.5740970373153687, -0.7905789017677307, 0.6568313241004944, -0.2225206196308136, -0.49322929978370667, -0.3295654356479645, 0.06434082984924316, 0.6074535846710205, -0.382640540599823, -0.5122449398040771, -1.3100558519363403, 0.44965654611587524, -0.30718228220939636, -1.0559296607971191, -0.1298312544822693, 0.5237783789634705, -0.17600017786026, -0.8080611228942871, 0.8635285496711731, 0.6403772234916687, 0.31493693590164185, -0.41320767998695374, 0.4735109210014343, 0.6279317736625671, -0.7009752988815308, 0.3627052903175354, -0.16053883731365204, -0.04609835892915726, -0.4830930233001709, -0.3723470866680145, 0.2659970819950104, 0.42803293466567993, -0.7354721426963806, -0.9909265637397766, 0.463032603263855, -0.49920544028282166, -1.1472282409667969, 0.27662429213523865, -0.10638871788978577, -0.12158277630805969, 0.11521370708942413, 1.226654291152954, -0.2658909857273102, 0.5567018389701843, 0.9096457958221436, -0.5156721472740173, 1.047061800956726, -1.1881273984909058, -0.33312365412712097, -0.4218638241291046, 0.3115161657333374, -0.37513211369514465, -0.2701680660247803, 0.23961782455444336, 0.2934970557689667, 0.7689287066459656, 0.09920573234558105, -0.6139117479324341, 0.8021664023399353, 0.3200499415397644, -0.6313384771347046, -1.0003596544265747, 0.3970320224761963, -0.571101188659668, -0.3256184160709381, 0.9996960163116455, -0.6432825326919556, 0.6622670888900757, -0.14518436789512634, -0.7352759838104248, 0.1541527509689331, -0.6759379506111145, 0.8192030787467957, 0.5003550052642822, 0.25345343351364136, 0.144137442111969, -1.5752760171890259, 0.54344642162323, 0.4284696877002716, 0.18401601910591125, 0.34013286232948303, 0.861450731754303, 0.3972408175468445, -0.3511185646057129, 0.9289184808731079, 0.5171201825141907, 0.3958011269569397, 0.7974680066108704, -0.319021999835968, -0.5816255211830139, 0.09945250302553177, -0.3494299650192261, 0.83583003282547, 0.9014067053794861, 0.4966181516647339, 0.6938352584838867, 0.9757205247879028, -0.18576101958751678, 1.3799419403076172, 0.5035687685012817, 1.0843141078948975, -0.4032973647117615, -0.906546413898468, 0.24279287457466125, 0.98720782995224, -0.22998712956905365, -1.0537703037261963, -0.1878507286310196, -0.12974390387535095, 0.008016781881451607, -0.26543909311294556, -1.087714433670044, 0.07363000512123108, -0.4208817780017853, 1.6726125478744507, -0.6829109191894531, 0.4879326820373535, 0.8968403935432434, -0.8691731691360474, 0.17909222841262817, -1.1111772060394287, -0.7515870928764343, 0.25784143805503845, -0.8216797709465027, 0.2094333916902542, -0.8604115843772888, -0.14175544679164886, 0.9749553203582764, -0.057716429233551025, 0.9310785531997681, -1.1908375024795532, -0.6722257137298584, -0.004308898001909256, 0.420066773891449, -0.09197982400655746, -0.39620330929756165, 0.19308289885520935, -0.493887722492218, 1.0038096904754639, -0.7212612628936768, 0.849794328212738, -0.09605683386325836, -0.6669657826423645, -0.5092652440071106, -0.4467829465866089, -0.9519528746604919, 0.3012000322341919, 1.4574941396713257, -1.3203613758087158, 0.03528739511966705, -0.3226095736026764, 0.24449430406093597, -0.6628105044364929, 0.9251551628112793, 1.7273550033569336, -0.9837633371353149, -0.4736354947090149, -0.05080123990774155, 0.8021326065063477, -0.045558784157037735, -0.8130660057067871, -0.3238283097743988, -0.22751745581626892, 0.3127482235431671, 0.22539496421813965, -0.003131040371954441, 0.3467337489128113, -1.712846040725708, -0.654597818851471, 0.18227483332157135, -1.050534725189209, -0.4122825860977173, -0.27034467458724976, 1.500808596611023, 0.942331850528717, 0.159880131483078, 0.8331847786903381, 0.4128449857234955, 0.6598819494247437, -0.26512014865875244, 0.6213142275810242, 0.12771956622600555, -0.2674955129623413, -0.6043084263801575, 0.5158134698867798, -0.07096579670906067, -0.09471812099218369, -0.9577757716178894, 0.2708476185798645, 0.45263952016830444, -0.29383355379104614, 0.8799432516098022, -0.7897469997406006, -0.4016125500202179, -0.26169610023498535, -0.15140272676944733, -1.6540113687515259, 0.43072816729545593, 1.1733204126358032, -0.3038419485092163, 1.0915597677230835, 0.1513427346944809, 0.262938916683197, 1.2055082321166992, -0.36742883920669556, 0.8554845452308655, -0.16247694194316864, -0.12166377156972885, 0.716853141784668, 0.702471137046814, -0.18171732127666473, 0.25012513995170593, -1.1069154739379883, -1.014072299003601, 0.18425244092941284, -0.876744270324707, 0.05593410134315491, -0.35438328981399536, 0.9556966423988342, 1.1345762014389038, 1.3350365161895752, -0.7655799984931946, -1.3980908393859863, -0.5135419964790344, -1.0498243570327759, 0.20753023028373718, 1.385817050933838, 0.3341825604438782, 0.05294550955295563, 0.6669276356697083, -0.1254117637872696, 0.6285578608512878, -0.8398879766464233, -0.3052465319633484, -0.017648883163928986, 0.43814700841903687, 0.5913093090057373, 0.2188279926776886, 0.6621244549751282, 0.07472866773605347, 0.5508115887641907, 0.2418951690196991, 0.15747037529945374, 0.13504505157470703, -0.20404274761676788, 0.9137979745864868, -1.2264480590820312, -0.3868260383605957, -0.8394878506660461, -0.17963625490665436, -1.3399192094802856, 0.9984603524208069, -0.15003931522369385, -0.6198839545249939, -0.9897017478942871, -1.0459543466567993, -0.48822638392448425, 0.7351417541503906, 0.15174679458141327, -0.658097505569458, -0.4147651195526123, 0.8622992634773254, 0.31324127316474915, 0.4520297050476074, -0.7273786664009094, -0.022809844464063644, -0.832608163356781, 0.6282304525375366, -1.4781519174575806, -0.299923837184906, -0.0395597442984581, 0.050615087151527405, -1.160040259361267, 0.5350571274757385, -0.6445443630218506, -0.7652595043182373, -1.3456530570983887, -0.6534824967384338, 0.015875615179538727, 0.24850529432296753, 0.5543046593666077, -0.022699011489748955, -1.8448268175125122, 1.0515602827072144, 0.7937085032463074, -0.4804654121398926, -0.9993979334831238, 0.6798237562179565, -0.6615457534790039, -0.5860545635223389, 1.3778009414672852]} +{"paper_id": "jfleg", "embedding": [0.28769904375076294, 1.2228670120239258, -0.26634541153907776, 0.10443137586116791, 0.396106481552124, 0.18068698048591614, 0.37408825755119324, 0.8056680560112, 0.8536182641983032, 0.41301533579826355, -0.22151130437850952, 0.3209630846977234, 0.4630787670612335, 0.5969375371932983, -0.21022550761699677, -0.763654887676239, -1.2450498342514038, -0.13482476770877838, -1.7235968112945557, -0.15667161345481873, -0.8509666919708252, -0.714122474193573, -0.1678384244441986, 0.2989406883716583, -0.543653666973114, -0.6423778533935547, -0.00956295058131218, -1.3291420936584473, -0.15845254063606262, 0.32921335101127625, -0.8718904852867126, 1.1160259246826172, -0.8723198771476746, 0.6231654286384583, -0.46093979477882385, -0.8626474738121033, -0.1578933298587799, 0.9716887474060059, -0.22441422939300537, 0.03638863563537598, -1.1195672750473022, -0.03914370760321617, 0.3803873062133789, -0.422853946685791, 0.5237007141113281, -0.3612609803676605, 0.07725434005260468, 0.03914646431803703, 0.037148356437683105, 0.2782265245914459, -0.6425226330757141, -0.004463985562324524, 0.21065187454223633, 0.22502204775810242, 0.10946755856275558, 0.17876440286636353, 0.6467793583869934, -1.033951997756958, 0.5179633498191833, -0.7859293222427368, 1.114924669265747, 1.4027513265609741, -0.4494364261627197, 0.5814682245254517, 0.9632023572921753, -0.4227907061576843, 1.057796835899353, 0.006059005856513977, 0.10711191594600677, 0.3555082082748413, -0.5575318336486816, -0.7465299963951111, 0.4964933395385742, -0.15867288410663605, 0.8283523321151733, 0.7239506244659424, -0.19990916550159454, -0.05778837576508522, 0.35384654998779297, -0.43531298637390137, -1.0310091972351074, 0.37420588731765747, 0.7353217601776123, -0.5506955981254578, 0.2316351979970932, -0.20575830340385437, -0.01255582645535469, -0.385099858045578, 0.06486006081104279, -1.1924327611923218, 0.6586130857467651, 0.33170396089553833, 0.3569224178791046, 0.3892297148704529, -0.1862349510192871, 0.49302053451538086, 0.1543501615524292, 0.2111874222755432, -0.4378475844860077, -0.2173151969909668, 0.5302414298057556, -0.37656131386756897, 0.7855984568595886, -0.18408241868019104, 0.2545894980430603, 0.4852246344089508, -0.6651246547698975, -0.9942032694816589, -0.2665652930736542, -0.16600698232650757, 0.18834027647972107, 1.1586648225784302, -0.3560778796672821, 0.7236507534980774, -0.061977751553058624, 0.2667499780654907, 0.3446729779243469, -0.8338764905929565, -0.5486500263214111, -0.31353461742401123, -0.13148538768291473, -0.8865131735801697, -0.3940090835094452, -0.47887545824050903, 0.5521454811096191, -0.9247214198112488, -0.13658930361270905, -0.5562756657600403, 0.7051438093185425, 0.04046444594860077, 1.0244300365447998, 0.2036638706922531, -0.1998322457075119, 0.017134223133325577, 2.5050852298736572, -0.8490827679634094, 1.1282461881637573, -0.7882429361343384, -0.5181821584701538, -0.15532433986663818, 0.4681737720966339, 1.5179835557937622, 0.06165269762277603, -0.2067137509584427, -0.393296480178833, -0.2986415922641754, -0.14370626211166382, 0.5352908372879028, -0.7309083938598633, 0.2570466995239258, 0.16755087673664093, 0.8348201513290405, -1.684108853340149, 0.18904054164886475, 0.024096664041280746, 0.17780178785324097, 0.5820250511169434, 0.8291481733322144, -0.6258271336555481, 0.6210389137268066, 0.6785984635353088, 0.3656840920448303, -0.3483165204524994, 0.002780510578304529, -0.17593637108802795, -0.2314724624156952, 1.3311179876327515, -0.012551963329315186, -1.267855167388916, -0.051840104162693024, -0.11869997531175613, -0.3117607831954956, -0.5522844195365906, -0.1728316694498062, 0.4069770872592926, 0.21632352471351624, 0.468971312046051, 0.3392384946346283, 0.14402629435062408, -0.8632253408432007, -0.27929380536079407, -0.45633742213249207, 0.11700587719678879, 0.45245373249053955, -0.034927524626255035, 1.1131083965301514, -2.2187533378601074, -0.38538992404937744, -0.18305490911006927, 0.6616532206535339, -0.6853100061416626, -0.22468477487564087, 0.32191401720046997, 0.2260274440050125, 0.5766961574554443, -0.5351362228393555, 0.665979266166687, -0.41316288709640503, 0.10546654462814331, -0.10743369162082672, 0.2892937660217285, -0.23460105061531067, 0.13500835001468658, 0.477699875831604, 0.355686217546463, -0.567147433757782, -0.7396215200424194, -1.2991385459899902, -0.05894409120082855, 2.398841619491577, -0.462643563747406, 0.09325545281171799, -0.5960454940795898, -0.7053969502449036, -0.29309001564979553, -0.6100966334342957, 0.46685513854026794, -0.5482511520385742, -0.49750494956970215, -0.5400536060333252, 0.4343506991863251, -0.6251079440116882, -0.23825272917747498, 0.8262431621551514, 1.5129549503326416, -0.5958327651023865, -0.6820639371871948, 0.06136344373226166, -0.33578595519065857, -0.2808954119682312, 1.0234293937683105, 0.34890392422676086, 0.0948655754327774, 0.5877670645713806, -0.01812756061553955, 1.1754146814346313, 0.8256680369377136, 0.5582151412963867, -0.5243128538131714, 0.08836545795202255, 0.3446446657180786, 1.1936246156692505, -0.24317045509815216, -0.5029005408287048, 0.25320351123809814, 0.6795071363449097, -0.8536128401756287, -0.2890063524246216, 0.1205635815858841, -0.18488949537277222, 1.3161197900772095, 1.081331729888916, -0.6427737474441528, 0.9023523330688477, -1.1068694591522217, 0.2896324098110199, -0.2753356993198395, -0.5456341505050659, -0.7408859133720398, -0.019591588526964188, 0.1773335039615631, -0.11693128943443298, 0.018690060824155807, -0.7448292374610901, -0.05941808596253395, -0.6963738203048706, -0.6951588988304138, -0.21835532784461975, 0.027869582176208496, -0.971466064453125, -0.257419228553772, -0.14712610840797424, -1.259584665298462, -0.3093012869358063, 0.26705488562583923, 0.05641576647758484, 0.37019777297973633, 0.8724392652511597, 1.6370521783828735, -0.36674386262893677, -0.3607107996940613, 0.2935703992843628, 0.6349581480026245, -0.21256870031356812, 0.15489748120307922, 0.16451606154441833, 0.12171731144189835, -0.5457943677902222, -0.1289663463830948, -0.7151148915290833, 0.3394160568714142, 0.9782611727714539, -0.04004389047622681, 0.26625028252601624, -0.5259667038917542, -0.7117186784744263, 0.5227277874946594, -0.7319086194038391, 0.19396838545799255, -0.8934406638145447, 1.6635583639144897, 0.8242282271385193, 0.3377761244773865, 0.6164886951446533, -0.3341006636619568, -0.10296348482370377, 1.2078349590301514, -0.8642120361328125, 0.21347324550151825, -0.6367015242576599, -0.56441730260849, 0.5183592438697815, 0.6197871565818787, -1.7632468938827515, 0.5421929359436035, 1.0236586332321167, -0.24899955093860626, -0.2656005024909973, -0.8268429636955261, 0.2939261198043823, -0.17906443774700165, -0.25621911883354187, 0.2566308379173279, -1.0116692781448364, 0.6801155209541321, -0.4486103951931, -0.3809906244277954, -0.21253399550914764, -0.5235108137130737, 0.6643967032432556, 0.6417542099952698, 1.039076566696167, -1.1313663721084595, 0.032662928104400635, 0.5871564149856567, -1.1337603330612183, 0.3793327510356903, 0.34717464447021484, 0.29704615473747253, 1.0806739330291748, -0.153895765542984, -0.34410449862480164, 0.6021249890327454, 0.4952510893344879, 0.15882126986980438, 0.7435820698738098, -0.9128276705741882, 0.0474587045609951, -0.18162332475185394, 1.2785518169403076, -0.10798291116952896, -0.9526733160018921, -0.47564277052879333, -0.7406691312789917, -0.8718195557594299, -0.44699788093566895, 1.2998876571655273, 0.9077218174934387, 1.2223036289215088, 0.70514976978302, 0.8246622681617737, -0.41286516189575195, -0.472196102142334, 0.6449753046035767, 0.2170390635728836, 0.3572366237640381, -0.2498716413974762, 0.12189780175685883, 0.9664064645767212, 0.43351879715919495, -0.6719192862510681, 0.49460870027542114, 0.6995866298675537, -0.12724746763706207, -0.6504207253456116, 0.4199748933315277, 0.6960334181785583, 1.2685978412628174, 2.053774118423462, -0.4113004803657532, 0.22248007357120514, -0.44643306732177734, 0.43650105595588684, -0.33823686838150024, 0.21860948204994202, -0.4888627529144287, 0.22913265228271484, 0.3459492027759552, 1.436869502067566, 0.12900540232658386, 0.6807374358177185, 1.1283392906188965, -0.7880942225456238, -1.257429838180542, -0.4080277383327484, -1.043043851852417, -0.45898154377937317, -0.10682191699743271, -0.052047211676836014, -0.32870954275131226, 0.4604778587818146, -0.3754529058933258, -1.1842834949493408, 0.09206174314022064, -0.06956906616687775, -0.8935025930404663, 0.29762494564056396, 1.0534533262252808, -0.9805676937103271, -0.07816991209983826, -0.6698942184448242, -0.501652181148529, -0.6914834380149841, 0.31868889927864075, -0.6203540563583374, 0.35472217202186584, 0.3632253110408783, 0.5863335728645325, -0.05670333653688431, 0.31571775674819946, -0.9309678673744202, 0.9340649247169495, 1.3887673616409302, -0.9524994492530823, 0.6430668830871582, -0.018855882808566093, 0.941694438457489, 0.04622183367609978, -1.1646572351455688, 0.08221130818128586, 0.46727731823921204, -0.15819396078586578, 0.2587648928165436, -0.43178603053092957, -0.3739858567714691, 0.2446099817752838, 0.3981689214706421, 0.6099871397018433, -1.0226362943649292, 0.032045140862464905, -0.6655189990997314, 0.457177072763443, 0.9330316781997681, -0.8914251327514648, -0.7688013911247253, 0.8762417435646057, -1.0784670114517212, -0.060045383870601654, 0.40681448578834534, -0.46322470903396606, 0.46408963203430176, 0.30277132987976074, -0.11630883067846298, -0.6471307873725891, -12.353033065795898, 0.8292937278747559, 0.17968867719173431, -0.1573885977268219, 0.09371395409107208, 0.20166194438934326, 0.45658260583877563, 0.11782263219356537, -0.04617976397275925, -0.3460480272769928, 0.03056589886546135, 2.001068115234375, -0.09574710577726364, -0.37766939401626587, -0.11131410300731659, -0.755074143409729, -0.5623656511306763, -0.2542707920074463, 0.47773563861846924, 0.2940342426300049, -0.5253557562828064, -1.6574618816375732, 0.28234440088272095, -0.05336391553282738, 0.6144950985908508, -0.7100755572319031, -0.1872815191745758, -0.08295056223869324, 0.08434464037418365, 0.21319401264190674, 0.2483414262533188, -0.03252921253442764, -0.6551570296287537, -0.53662109375, 0.121970534324646, -0.3693031370639801, -1.3382781744003296, -0.6661933064460754, 0.849290668964386, -0.6221194267272949, -0.27508431673049927, 0.14372052252292633, -0.05692898482084274, -0.7496626377105713, -0.6843809485435486, -0.2756528854370117, -0.09565196931362152, -0.5247538089752197, 0.4335591793060303, -0.48517361283302307, 0.04374392330646515, 0.11935939639806747, -1.2371885776519775, -1.084261417388916, 0.39001375436782837, -0.4913591742515564, -0.9639864563941956, -0.13009436428546906, -0.546987771987915, -0.6374157667160034, 0.5998542308807373, 0.4010009169578552, -0.634960412979126, 0.31262797117233276, 0.8065854907035828, -0.5739204287528992, -0.21916130185127258, 0.25500044226646423, 0.863253116607666, 0.4775954782962799, -0.8213340044021606, 1.0030114650726318, 0.2037622630596161, 0.2750956416130066, -0.349292516708374, -0.6147769689559937, -0.2603037357330322, -0.40485045313835144, 0.5714307427406311, -0.006390217691659927, -0.7378491759300232, 0.386080265045166, -0.24352964758872986, 0.40431782603263855, -0.9521849155426025, 0.3604643642902374, -0.5923181176185608, 0.14923891425132751, 1.1760554313659668, -0.05266358703374863, 0.923916220664978, -0.499907523393631, -0.15959008038043976, -0.21678471565246582, -0.5341454148292542, 0.8513371348381042, -0.9330514073371887, 0.8925803899765015, 0.27465909719467163, -0.8769850134849548, 0.5155184864997864, 0.2405218482017517, -0.5711371898651123, 0.179994598031044, 1.044074296951294, -0.1681317389011383, 0.17445054650306702, -0.49321144819259644, 0.35149702429771423, -0.6810056567192078, 0.9093834161758423, 0.31817296147346497, 0.21672329306602478, 0.8678945899009705, -0.17116525769233704, 1.2918378114700317, 1.1825156211853027, 0.6805204749107361, -0.12453949451446533, 0.49377259612083435, -0.16165220737457275, 0.39565640687942505, 0.7641752362251282, 2.0227739810943604, 0.5025703310966492, 0.4266132414340973, 0.43086060881614685, 0.43406757712364197, 0.4855947196483612, -0.8133641481399536, 0.3377251923084259, -0.1904202550649643, 0.39386314153671265, -1.3804726600646973, 0.16219335794448853, -0.4387654960155487, -1.2061293125152588, 0.4845188558101654, -0.604341983795166, 0.18995872139930725, 0.05606253445148468, -0.07086850702762604, -0.6800478100776672, -0.25579068064689636, -0.950472891330719, 0.6780247092247009, -2.276416063308716, 0.2620827555656433, -0.18106630444526672, -0.3568412661552429, -0.03493804112076759, -0.4348413646221161, 0.42459267377853394, -0.4576777219772339, 0.36112380027770996, -0.07282908260822296, 1.3265389204025269, -0.5735772252082825, -0.10926666855812073, -0.4717435836791992, 0.07275574654340744, 1.3053951263427734, -0.2259674370288849, 1.0376546382904053, 1.257997989654541, 0.05543644726276398, -0.35839614272117615, -0.19627520442008972, 0.15686865150928497, 0.7483648061752319, 0.3289407789707184, -1.196677327156067, -0.753865659236908, -0.35080686211586, 0.6741676926612854, -0.12238951027393341, 0.27710193395614624, 1.232461929321289, -0.7721325159072876, -0.09125514328479767, -0.33659544587135315, 0.25381988286972046, 0.9277524948120117, -0.9409024715423584, -0.8690468072891235, 0.13082647323608398, 0.03009151481091976, 0.47211945056915283, 0.1162407323718071, 1.0917390584945679, -1.0418120622634888, -0.9323896765708923, -0.5917342305183411, 0.05911124125123024, 0.08465403318405151, -0.17262117564678192, 1.1693050861358643, -0.016417255625128746, -0.005628347396850586, -0.23422828316688538, -0.2924914062023163, 0.8717033863067627, -0.44094473123550415, 0.43580782413482666, -0.7618113160133362, 0.6991748809814453, -1.0095465183258057, 0.4260903298854828, 0.5233713984489441, 0.9480226635932922, -1.418837308883667, -0.34291040897369385, -0.011927779763936996, 0.0770302563905716, -0.6884856820106506, -0.9491360187530518, -0.4721851646900177, -0.16693533957004547, -0.7648435235023499, -0.8387014865875244, 0.6873046159744263, 0.6895037889480591, -0.2643110156059265, 0.5682836771011353, 0.7204884886741638, 0.5287843942642212, 0.819401741027832, 0.333908349275589, 1.2865134477615356, -0.10574610531330109, -0.07657404989004135, -0.07322132587432861, 0.551663875579834, 0.3101786971092224, -0.2090335190296173, 0.06404142081737518, -0.6338427066802979, -0.34177350997924805, -0.9741525053977966, 0.3969309329986572, -0.1344982385635376, 0.9479475021362305, 0.5148621797561646, 0.8227134346961975, 0.6454790234565735, -1.31097412109375, 0.2280164659023285, -0.6956292390823364, 0.30445438623428345, 0.1606423407793045, 0.7088642120361328, 0.5249302983283997, 0.4913329780101776, 0.04112880676984787, 1.37155282497406, 0.017904184758663177, 0.32747024297714233, -0.86049884557724, 0.20492514967918396, 1.129698395729065, 0.6576473116874695, 0.17274826765060425, 0.1416802704334259, -0.47583523392677307, -0.7414597868919373, -0.8243781328201294, -0.7264634966850281, 1.0952494144439697, 0.4154801368713379, -0.14069736003875732, 0.526125431060791, -0.46441227197647095, 0.303911954164505, -0.030982133001089096, 1.1262969970703125, -0.20230428874492645, -0.09809228032827377, -1.1066324710845947, -0.8256229162216187, 0.4196435511112213, 1.1280536651611328, -0.43547323346138, 0.12664556503295898, -1.3144763708114624, 0.2433326244354248, -0.2745761573314667, 0.05544305592775345, -0.8207269310951233, 0.3399861752986908, -0.40013259649276733, -0.43171006441116333, 0.7244701385498047, -0.5783187747001648, -0.6077857613563538, -0.20290859043598175, -0.6269193291664124, 0.5199870467185974, 0.021432995796203613, -1.0744867324829102, 0.056872714310884476, 0.11681698262691498, 0.24535033106803894, 0.20550186932086945, 0.08453811705112457, 0.1741621196269989, -1.3382976055145264, 0.9812785387039185, 0.18092423677444458, -0.7541254162788391, -0.031125130131840706, -0.11987926810979843, 0.414669930934906, 0.03135307878255844, 1.0859657526016235]} +{"paper_id": "numer_sense", "embedding": [-1.0662354230880737, 0.9426567554473877, -0.07255510985851288, -0.5464811325073242, -0.03233669698238373, 0.2284417748451233, 0.7399833798408508, 0.5880642533302307, 0.9229170680046082, 1.134004831314087, 0.6367007493972778, 0.1444494128227234, -1.1942312717437744, -0.7333666086196899, -0.44217315316200256, -0.44136911630630493, -0.7897621989250183, -0.831537663936615, -1.3693220615386963, -0.2997681796550751, -1.051214337348938, -0.47037065029144287, -0.2552759051322937, 0.6895595192909241, -0.7601591348648071, -0.9285905957221985, 0.5302928686141968, -1.1220022439956665, 0.5723810195922852, 0.26782819628715515, -0.35801810026168823, 0.9832088351249695, -1.6453043222427368, 0.970846951007843, -0.5941281914710999, 0.05304069072008133, 0.20268186926841736, 0.68621426820755, 0.05906825512647629, 0.0011395551264286041, 0.1326834112405777, -0.19926947355270386, 0.7299211621284485, 0.32967227697372437, 0.30724215507507324, -0.4423823058605194, 0.09503013640642166, 0.7386424541473389, 0.0713474303483963, -0.2802135646343231, -0.7815930247306824, 0.48551297187805176, -0.3454442322254181, 0.8789622783660889, -0.6146219968795776, 1.233087420463562, 0.2027982473373413, -0.03232922405004501, 0.8940032124519348, -0.5991138219833374, 1.131314754486084, 1.7374094724655151, -0.28590238094329834, 0.15860015153884888, 0.5632540583610535, 0.7971780300140381, 1.2323722839355469, 0.48138123750686646, 0.5236748456954956, 0.0985356867313385, 0.4398561716079712, -0.3208119869232178, 0.21470341086387634, 0.4568067193031311, 0.605300784111023, 0.7541677951812744, 0.2609878182411194, -0.16171172261238098, 0.0734320729970932, 0.0235305018723011, -0.4651429355144501, 0.32702094316482544, 0.3787476718425751, -0.1558915227651596, -0.05847508832812309, 0.7167668342590332, 0.05605175346136093, -1.362259030342102, 1.0174733400344849, -1.8255165815353394, 1.0756343603134155, 0.6636151671409607, 0.25753578543663025, -0.7173646092414856, 0.11024807393550873, 0.212478369474411, -1.0102699995040894, -0.4661179780960083, -0.4422873258590698, 0.3851320445537567, 0.8062876462936401, -0.5254330635070801, 0.3265514075756073, -0.516104519367218, 0.29764050245285034, 0.8559325933456421, 0.27867797017097473, 0.24638760089874268, -0.8973649740219116, -0.028132641687989235, 0.4675247073173523, 1.4526588916778564, 0.3161110579967499, 0.23019307851791382, -0.1986735314130783, 0.3587459325790405, 0.37346121668815613, -0.46797165274620056, -0.1363154947757721, -0.20305196940898895, -0.07404198497533798, -0.9606796503067017, -0.6590237617492676, -0.26392972469329834, 0.45262348651885986, -0.7644861340522766, -0.25527989864349365, -0.019903164356946945, -0.11434697359800339, 0.07314225286245346, 0.07687877118587494, 0.21531014144420624, -1.0663362741470337, -0.4291832447052002, 3.685980796813965, -1.105316162109375, 1.119917869567871, -0.9807474613189697, 0.20988143980503082, -0.40956729650497437, -0.474177747964859, 0.8369408249855042, 0.4893803894519806, -0.2543400824069977, -0.7520698308944702, -0.15876424312591553, -0.6087775826454163, 0.3089950680732727, -0.7286531329154968, 0.31417691707611084, -0.125203937292099, 0.616743803024292, -1.8642898797988892, -0.6926975846290588, 0.09890291094779968, 0.09377025812864304, -0.3975324034690857, 0.761491596698761, -0.7118949890136719, 1.0376712083816528, 0.6290931105613708, -0.3464353084564209, -0.7658493518829346, 0.10830120742321014, -0.8201390504837036, -0.10609473288059235, 1.2127710580825806, -0.698332667350769, -0.5087004899978638, -0.6498335599899292, 1.0765244960784912, 0.06753060221672058, -0.17020675539970398, -0.20813101530075073, -0.25272709131240845, 0.4123256206512451, 0.23743920028209686, 0.14493326842784882, 0.2325357347726822, -0.37974217534065247, -0.6602158546447754, -0.36551594734191895, -0.17850454151630402, 0.40657711029052734, -0.5927616357803345, 0.11254449188709259, -2.468837261199951, 0.3383462429046631, -0.6838169097900391, 0.7958239912986755, 0.19388610124588013, 0.09347520023584366, 0.4071982800960541, 0.09520977735519409, -0.1613522171974182, -0.2344219833612442, 1.024767518043518, -0.9930645227432251, -0.6697595119476318, 0.7579792737960815, -0.7776899337768555, -0.398193359375, -0.45314252376556396, 1.0943565368652344, 0.3913423717021942, -0.6151633858680725, 0.2708227336406708, -1.7370651960372925, -0.00011135637760162354, 2.152068853378296, 0.7427346110343933, -1.2566795349121094, -0.417312890291214, -0.4605151414871216, 0.5300337076187134, -0.47159522771835327, 0.42679327726364136, -0.7699955701828003, 0.5493704676628113, -1.318052887916565, 0.7561945915222168, 0.010220855474472046, 0.7165981531143188, 0.6212340593338013, 1.4593814611434937, -1.0592533349990845, -0.05988031625747681, -0.03752809390425682, -0.567791759967804, 0.88543301820755, 0.30714142322540283, 0.17478293180465698, 0.08648178726434708, 0.2479628473520279, -0.077849380671978, 0.5117406845092773, 0.7338968515396118, 0.6443358659744263, -1.2187548875808716, 0.5438520312309265, 0.13884946703910828, 0.8311322331428528, -0.5888951420783997, 0.5991836786270142, 0.03266776353120804, -0.41955703496932983, 0.06116180121898651, -0.7530643343925476, -0.159247487783432, -0.47733020782470703, 1.4102437496185303, 0.06055007502436638, 0.2654021382331848, 0.16120922565460205, -0.540956974029541, -0.33289167284965515, -0.4958077669143677, -0.7551085948944092, 0.5743560791015625, -0.394886314868927, 0.8928180932998657, 0.05252254754304886, -0.0359698124229908, -0.49393320083618164, 0.16393613815307617, -1.8759769201278687, 0.5451881289482117, -0.42270636558532715, -0.5161714553833008, -1.2837140560150146, 0.46138155460357666, -0.3876810073852539, -0.9517459273338318, -0.4729180932044983, 0.10122055560350418, 0.6566851139068604, 0.3633950650691986, 0.6132879257202148, 1.6379759311676025, -0.1725805103778839, 0.3792611360549927, -0.17507638037204742, 1.097778558731079, -1.062718152999878, -0.09494329988956451, 0.41682103276252747, 0.042395249009132385, -0.9095284342765808, 0.5214805603027344, -1.03657865524292, 0.3644542694091797, 0.4258573055267334, -0.6885133981704712, 0.5934404134750366, -0.2731924057006836, -0.937660276889801, 2.005641222000122, -0.24179470539093018, 0.2909688651561737, -0.6064924001693726, 2.2950570583343506, 0.03841692954301834, -0.011558566242456436, 0.34600377082824707, -0.22506891191005707, 0.43443968892097473, 0.8870289921760559, -0.16701164841651917, 0.4470890462398529, 0.5178551077842712, 0.23747272789478302, 0.1893097311258316, 0.1908399760723114, -2.6278235912323, 0.6156094074249268, 0.13902856409549713, -0.2530720829963684, -0.30519530177116394, -0.6717914342880249, 0.5948516726493835, -0.8110377788543701, 0.006325822323560715, 0.4259074628353119, -0.6784354448318481, 0.3303526043891907, -0.4392890930175781, -0.3517987132072449, 0.5741136074066162, -1.0945302248001099, 0.318136602640152, 0.8339444398880005, 0.2139081060886383, -1.1644246578216553, 0.44120538234710693, 0.9441457986831665, -0.5602896809577942, -0.032750993967056274, 0.21791085600852966, 1.0179343223571777, 1.3950966596603394, 0.07879379391670227, -0.1158907413482666, 0.4606298804283142, -0.23645135760307312, 0.17397819459438324, 0.805645763874054, -0.22608037292957306, 0.6242992281913757, 0.1663164347410202, 0.867304801940918, 0.0791090726852417, -0.8466072082519531, -0.6694359183311462, 0.01871192827820778, 0.11061710119247437, -1.1514513492584229, 1.7228291034698486, 0.5984998345375061, 1.0804295539855957, -0.5024829506874084, 0.8074716329574585, -0.6347693800926208, 0.3154265880584717, 0.43858054280281067, -0.44486671686172485, -0.22772501409053802, -0.6752109527587891, -0.015589900314807892, 0.20054185390472412, 0.1853901594877243, -0.4747220575809479, -0.004514411091804504, 0.9742128849029541, 0.685401439666748, -0.966713547706604, -0.14699560403823853, 0.22880469262599945, 0.7484167814254761, 1.3746654987335205, -1.2047605514526367, 0.06139276549220085, 1.1074367761611938, 0.26777681708335876, 1.1969212293624878, -0.3872145712375641, -0.8735930919647217, 1.037613034248352, 0.7565886378288269, 0.3267957866191864, -0.2781750559806824, 0.7444522380828857, 1.2289916276931763, -0.6487292647361755, -1.0010217428207397, -0.6111167073249817, -0.8048797249794006, -0.17056307196617126, -0.06156466156244278, -0.04748125001788139, -0.7127306461334229, 0.32977357506752014, -0.11451032012701035, -0.5950053930282593, 0.87267005443573, -0.5497475862503052, -0.7969635725021362, 0.6680690050125122, 0.8528374433517456, -1.449708104133606, -0.7510391473770142, 0.17460687458515167, -0.905616044998169, -1.215896725654602, 0.5507863163948059, -0.19611632823944092, 0.13382120430469513, 0.17462605237960815, 1.2261326313018799, 0.09392024576663971, -0.39686089754104614, -1.0099577903747559, 0.6691581606864929, 0.9044667482376099, -0.33420881628990173, 0.995208740234375, 0.0007580071687698364, 0.5619041919708252, -0.07443789392709732, -0.5503875613212585, -0.2489549070596695, 1.2942723035812378, -0.0991671085357666, -0.33267533779144287, -1.337809443473816, -0.8541526794433594, 0.5760497450828552, 0.43611815571784973, 0.27909213304519653, -0.8513540625572205, -0.534096360206604, -0.28911834955215454, 0.4882493317127228, 0.8947197198867798, -0.5954345464706421, -1.1920431852340698, 0.8154274821281433, -0.18226897716522217, 0.5827136039733887, -0.2395598441362381, -0.14627330005168915, 2.3412926197052, 0.08628519624471664, 0.5125268697738647, -0.11514841765165329, -11.344521522521973, 0.6068881750106812, -0.06753825396299362, 0.6642131805419922, 0.28832778334617615, -0.40935900807380676, 0.5176405906677246, 0.009354454465210438, 0.20587457716464996, -0.7895603179931641, 0.3378702402114868, 0.9777182340621948, 0.2819974720478058, -0.37024518847465515, -0.2339228242635727, -1.4638421535491943, -0.6872734427452087, -0.6442590951919556, 0.1637776494026184, 0.8437779545783997, 0.47744423151016235, -1.0118577480316162, -0.25349992513656616, -0.003631383180618286, 0.03817082196474075, -0.15501916408538818, -0.5083667039871216, -0.16760759055614471, -0.08254574239253998, -0.03787391632795334, -0.07266746461391449, -0.019925005733966827, -0.3396746516227722, -0.16108426451683044, 0.3878791332244873, 0.08186386525630951, -0.7664589285850525, 0.716930627822876, 0.707730233669281, -0.014688302762806416, -0.5658051371574402, 0.443021684885025, 0.5773047804832458, -0.278825968503952, -0.6298796534538269, 0.31854212284088135, 0.7478436827659607, -1.0690865516662598, -0.5340458750724792, -0.47692596912384033, 0.02318146824836731, -1.2406401634216309, -0.7097940444946289, -0.907336950302124, 0.5514989495277405, 0.16022159159183502, -0.5456873178482056, 0.33289486169815063, -1.2546265125274658, -1.642787218093872, 0.34059953689575195, -0.16721725463867188, -0.14411422610282898, 0.4226874113082886, 0.5336189270019531, -0.40956369042396545, 0.3393106460571289, 0.4900057315826416, -0.4193972647190094, 0.1910926252603531, -0.8921540975570679, 0.7650653719902039, 0.1433374285697937, -0.06674553453922272, -1.1523034572601318, 0.38569411635398865, -0.25500592589378357, -0.054715633392333984, 0.511827290058136, 0.005999917164444923, -1.4791911840438843, 0.479894757270813, 0.20355527102947235, -0.5617480874061584, -0.945530354976654, 0.35005202889442444, 0.11160848289728165, 0.6183260679244995, 0.5954813957214355, -0.6109259128570557, 1.16736900806427, 0.42111101746559143, 0.19585345685482025, -0.2372584044933319, -0.6189292669296265, 0.6435804963111877, -0.10309527814388275, 0.6241533160209656, 0.47030529379844666, -0.9251328706741333, 0.9892387986183167, -0.35687732696533203, -0.7009822130203247, 0.2920738160610199, 0.03422151133418083, 0.15427052974700928, 0.15837228298187256, 0.19166836142539978, 0.7348523139953613, -0.37157559394836426, 0.5153772234916687, -0.12042554467916489, -0.6695880889892578, 0.17492841184139252, -0.20850877463817596, 0.9475190043449402, 0.4692094922065735, 0.1814529001712799, 1.00528883934021, 0.13020850718021393, -0.1260804384946823, 1.098741888999939, 0.5552302002906799, 1.3131626844406128, 0.0947878360748291, -0.379270076751709, 0.782028317451477, 0.13084650039672852, 0.1287294179201126, -1.6705918312072754, 0.7303130626678467, -0.6958171725273132, -0.30938729643821716, -0.001696072518825531, -0.28885477781295776, -0.7135274410247803, -0.879154622554779, 1.7678815126419067, -0.2030390202999115, 0.39415252208709717, -0.27365344762802124, -0.22453522682189941, -0.3034623861312866, -0.31364598870277405, -0.7186387777328491, 0.3284092843532562, -1.6738593578338623, 0.2932890057563782, -0.29121866822242737, -0.7730340361595154, -0.27580735087394714, -0.2897028923034668, 0.7595293521881104, -0.7742451429367065, 0.0828079804778099, -0.015155533328652382, 0.21281708776950836, -0.6133188009262085, -0.6864707469940186, 0.257515013217926, 0.18577222526073456, 0.9742453694343567, -0.7346490621566772, 0.7982155680656433, 0.11550933122634888, -0.41707539558410645, -0.12413010746240616, 0.04826265573501587, -0.5459368228912354, -0.12981441617012024, 0.6841409206390381, -1.3801846504211426, 0.35134321451187134, -0.5260396599769592, -0.290035218000412, -0.7054135799407959, 0.7808943390846252, 0.9937492609024048, -0.5496987104415894, 0.2710169553756714, 0.4565967619419098, 0.8392496705055237, 0.28582921624183655, -0.47874748706817627, 0.2597881257534027, -0.5060843825340271, 0.3384132981300354, 0.10845725238323212, -0.07295401394367218, 1.0052390098571777, -1.1103779077529907, -0.6708791255950928, -0.12356600910425186, 0.8597953915596008, 0.275556743144989, 0.23203839361667633, 1.2264007329940796, 0.9608690738677979, 0.0009111166000366211, 0.7347310781478882, 0.45715850591659546, 0.8209388852119446, 0.24188807606697083, 0.2785170376300812, 0.09774750471115112, 0.1298680305480957, -0.3671456575393677, -0.44567397236824036, -0.004014028701931238, 0.5236377716064453, -1.023685097694397, 0.2875986099243164, 0.3432658016681671, -0.787159264087677, 0.24984855949878693, -0.5800715684890747, 0.30129122734069824, -0.7284063696861267, -0.5942723751068115, -1.0415987968444824, 0.9728012084960938, 0.3729579448699951, -0.3907891511917114, 1.2441627979278564, 0.2328762263059616, 0.3476193845272064, 0.5643936991691589, -0.0027816444635391235, 1.370518684387207, -0.21868492662906647, 0.34277668595314026, 0.3926195502281189, 1.1284558773040771, -0.011365674436092377, -0.18142342567443848, -0.967730700969696, -0.969455897808075, 0.5945762395858765, -0.9517949223518372, 0.9911922812461853, -1.086277961730957, 0.11214001476764679, 0.696782112121582, 1.3421672582626343, -1.4284898042678833, -1.4582046270370483, -0.4247766435146332, -0.8134540915489197, -0.5883734822273254, 0.1802339106798172, 0.4983958303928375, 1.3133131265640259, 0.9656499028205872, 0.27922046184539795, 0.4757044017314911, -0.35882070660591125, -0.027297385036945343, 0.3615826964378357, -0.13619603216648102, 1.0461645126342773, 0.5695804357528687, 0.01711401902139187, 0.19540748000144958, -0.06110828369855881, -0.5970209836959839, -0.1380358189344406, -0.5664810538291931, 0.7796429991722107, 0.9426883459091187, -0.3602747619152069, -0.2189854234457016, -0.10737282782793045, 0.2807141840457916, -1.3141186237335205, 0.1880597472190857, 0.09359493106603622, 0.1867644041776657, -0.769828736782074, -0.6865613460540771, -0.7428497076034546, 0.9627804160118103, 0.009790051728487015, -0.5234809517860413, -0.06621842086315155, 0.9331734776496887, 0.49047887325286865, -0.6984362006187439, -0.9389799237251282, -0.0189209021627903, -0.42941969633102417, 0.16495689749717712, -0.3416287899017334, -1.0656927824020386, -0.5879491567611694, -0.213592529296875, -1.1903512477874756, 0.555859386920929, -0.4098879098892212, -1.096562147140503, -0.6167926788330078, 0.23417821526527405, 0.1197066605091095, -0.4512341320514679, 0.37328797578811646, 0.34227317571640015, -1.4919044971466064, 0.7134386301040649, 1.0433228015899658, -0.509911298751831, -0.6354089975357056, 0.022240959107875824, -0.09454682469367981, -0.1231377124786377, 1.0092453956604004]} +{"paper_id": "neural_code_search", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "mrqa", "embedding": [-0.01040386501699686, 0.5735649466514587, -0.43941953778266907, -0.6089569330215454, 0.24730467796325684, 0.36239227652549744, 0.62199467420578, 0.7888513207435608, 1.0517607927322388, 0.6396726369857788, 0.5242889523506165, -0.2653084695339203, 0.3283892869949341, -0.040520720183849335, 0.10251572728157043, -0.400229275226593, -1.057655692100525, -0.083629310131073, -1.9103553295135498, -0.510115921497345, -0.6946702599525452, -0.3582305312156677, -0.054931171238422394, 1.144183874130249, -0.6082609295845032, -1.0504801273345947, 0.8074110150337219, -0.9865066409111023, 0.38491520285606384, 0.17635399103164673, -0.2629196345806122, 1.030861735343933, -1.5149013996124268, 0.5491596460342407, -0.7286272644996643, -0.3947307765483856, 0.4776853024959564, 0.8956463932991028, 0.31869378685951233, -0.6782275438308716, -0.8018022179603577, -0.014653043821454048, 0.26459160447120667, 0.14419734477996826, 0.6538048982620239, -0.5096038579940796, 0.9576265811920166, -0.5064745545387268, -0.20708796381950378, -0.3993223011493683, -0.765336275100708, 0.4864988625049591, -0.550721287727356, 0.8700897693634033, -0.24584418535232544, 0.6573975086212158, 0.35568296909332275, -0.2609666585922241, 0.9843338131904602, -0.6073446273803711, 1.543387532234192, 1.451481580734253, -0.260332316160202, 0.27029967308044434, 1.5507385730743408, -0.11707326769828796, 1.0742207765579224, 0.29360145330429077, -0.45137953758239746, 1.0122538805007935, -0.5162522792816162, -0.411996454000473, -0.0028625130653381348, -0.4418686330318451, 0.2769565284252167, 1.376261830329895, -0.1559344232082367, 0.07111889123916626, -0.06755682826042175, -0.9682394862174988, -0.6082478761672974, 0.31442791223526, 0.431254118680954, 0.03796132653951645, 0.38549360632896423, -0.014179034158587456, 0.38862425088882446, -0.9444063305854797, 0.3068304657936096, -2.2903659343719482, 0.6422104835510254, 0.6421000957489014, 0.21612519025802612, 0.04498147964477539, -0.3331943154335022, 0.7383946776390076, -0.819873571395874, -0.3541456162929535, -0.08974535018205643, -0.39158716797828674, 0.8215394020080566, -0.35712161660194397, 1.1325595378875732, -0.2605613172054291, -0.2587454319000244, 0.09337196499109268, 0.38552823662757874, -0.12594717741012573, -0.56366366147995, -1.4042284488677979, -0.3503684997558594, 0.6368504762649536, -0.472730815410614, 0.13792407512664795, -0.22836659848690033, 0.7822474241256714, 0.985922634601593, -1.0536748170852661, -0.5261102318763733, -0.17460115253925323, -0.05542093515396118, -0.7052989602088928, -1.215381383895874, -0.7206889986991882, 0.42162472009658813, -0.3921988904476166, -0.5324029326438904, -0.7219297885894775, -0.27408355474472046, 0.3993726968765259, 1.0984658002853394, 0.09407708048820496, -0.5871483683586121, -0.44058647751808167, 3.0891542434692383, -1.4287421703338623, 1.7915446758270264, -0.32408344745635986, -0.1882506161928177, -0.7163442969322205, -0.690945565700531, 1.3678444623947144, -0.1241554394364357, -1.047234296798706, -0.6202875971794128, 0.31612396240234375, -0.4443124830722809, 0.0024978918954730034, -0.9661564826965332, -0.45323067903518677, -0.15796828269958496, 0.2703302800655365, -1.3335742950439453, -0.22268691658973694, 0.30824947357177734, 0.09765138477087021, -0.13151898980140686, 0.5328128933906555, -0.744746208190918, 0.7722718715667725, -0.07797136157751083, -0.1708802729845047, -0.6142014265060425, 0.8014660477638245, -0.925401508808136, -0.02897823601961136, 0.7967409491539001, 0.3691377639770508, -0.7354729771614075, 0.4949294328689575, 0.19921745359897614, -0.527460515499115, -0.785225510597229, -0.014345336705446243, -0.32831427454948425, -0.05556822568178177, 0.16793669760227203, 0.5913852453231812, 0.24069112539291382, -0.6545544862747192, 0.030031859874725342, -0.11819769442081451, 0.48620152473449707, 1.2330964803695679, 0.05143100768327713, 0.5451854467391968, -2.384166717529297, 0.43788760900497437, 0.0571284294128418, 1.225193977355957, -0.271774023771286, -0.36844706535339355, 0.36175984144210815, 0.410349041223526, 0.285686194896698, -0.9136680960655212, 0.519744336605072, -1.184604525566101, 1.1053509712219238, 0.5766409039497375, -0.07346149533987045, -0.38320353627204895, 0.8597655892372131, 0.7052445411682129, 0.7165734767913818, -0.6709554195404053, -1.4525785446166992, -1.977563500404358, 0.18133610486984253, 1.721312165260315, 0.23463617265224457, -0.033886685967445374, 0.08063804358243942, -0.48205119371414185, -0.22301700711250305, -0.41304829716682434, 0.10066451132297516, -0.9736474752426147, 0.10416349768638611, -0.917331337928772, 0.6432820558547974, -0.3549022674560547, -0.41560983657836914, 1.182377815246582, 1.8980687856674194, -0.41697409749031067, -0.34926050901412964, -0.6157271265983582, -0.31483548879623413, 0.2342546284198761, 0.7040843367576599, 0.07147429138422012, -0.05330151319503784, 0.6904250979423523, 0.33100563287734985, 1.1245205402374268, 0.3545363247394562, 0.7147300839424133, -0.8021705150604248, 0.13757844269275665, -0.3723559081554413, 1.2960461378097534, 0.1372949331998825, -0.27966681122779846, 0.030857443809509277, 0.32204359769821167, -0.7303686141967773, -0.6482991576194763, -0.3782671093940735, -0.1363474726676941, 0.847905695438385, 0.31981587409973145, -0.8226290941238403, 0.6422209739685059, -0.23672017455101013, -0.27665483951568604, -0.12489855289459229, -0.16654562950134277, -0.5630555748939514, -0.34016644954681396, 0.544796347618103, -0.32271599769592285, 0.05994170904159546, -0.19824162125587463, 0.5526301264762878, -0.9745070934295654, -0.8156570196151733, 0.03126123547554016, -0.4014889597892761, -0.9417780637741089, -0.6570115089416504, -0.4519892930984497, -0.9316200613975525, -0.4402509927749634, 0.08727224171161652, -0.31732067465782166, -0.14957073330879211, 0.5675274133682251, 1.8696128129959106, 0.5358075499534607, 0.3693782687187195, -0.31587207317352295, 1.4990119934082031, -0.7581625580787659, 0.1543135941028595, 0.1057383120059967, 0.2672920823097229, -1.1126885414123535, 0.16263234615325928, -0.9368990063667297, 0.5324841737747192, 0.36861225962638855, -0.18980994820594788, 1.3624249696731567, 0.006112337112426758, -1.0124938488006592, 1.1500540971755981, -0.050078827887773514, 0.23711344599723816, -0.6765294671058655, 2.040804862976074, -0.13365024328231812, -0.6400457620620728, 0.8272504210472107, -0.4396892786026001, -0.2027345597743988, 0.5148484110832214, -0.35211309790611267, -0.339550256729126, 0.06751412153244019, -0.43930184841156006, 0.10419275611639023, 0.7302380204200745, -1.8479822874069214, 1.3056271076202393, 1.0427569150924683, -0.11576077342033386, -0.507554829120636, -0.4807423949241638, 0.3908924460411072, -0.27243196964263916, 0.3734586834907532, 0.6631079912185669, -0.3660116195678711, 0.1450195014476776, -0.17466773092746735, 0.28302305936813354, 0.666114866733551, -0.0007654130458831787, 0.6063535809516907, 0.39374837279319763, 0.6319530010223389, -1.1694408655166626, -0.6351563930511475, 1.1513787508010864, -0.01341299805790186, 0.06610927730798721, -0.16450592875480652, 0.8568208813667297, 1.0433193445205688, 0.2911173701286316, 0.060186274349689484, 0.7733263969421387, 0.7154509425163269, 0.0016282608266919851, -0.16211633384227753, -0.3550330400466919, 0.015095680020749569, -0.13643954694271088, 1.384312391281128, -0.43782418966293335, -0.7689899802207947, -1.2095632553100586, -0.18170465528964996, -0.2192278951406479, 0.18047353625297546, 1.2187848091125488, 0.0890616774559021, 1.1305395364761353, 0.7447275519371033, 0.8600624203681946, -0.3023444414138794, 0.013930194079875946, 0.6315243244171143, 0.18653075397014618, -0.1068388819694519, -0.6479139924049377, 0.11544343829154968, 0.46029773354530334, 0.30116748809814453, -0.9165259599685669, 0.6118520498275757, 0.6386487483978271, -0.20079995691776276, -0.8645161986351013, 0.8370755314826965, 1.0990266799926758, 0.2302161157131195, 1.7299593687057495, -0.523418128490448, -0.016751278191804886, 0.254401296377182, -0.025705087929964066, 0.18918722867965698, 0.3429584503173828, 0.7174828052520752, 0.31019821763038635, 0.04002756252884865, 1.0063471794128418, -0.3191431760787964, 1.0434480905532837, 1.2368009090423584, -0.6239413022994995, -1.302802562713623, 0.30328717827796936, -0.6640041470527649, -0.32395872473716736, -0.21203958988189697, 0.18774348497390747, -0.441488116979599, 0.6904008388519287, -0.35556262731552124, -1.1166117191314697, 0.10043135285377502, -0.2941318154335022, -1.2455189228057861, 1.1550886631011963, 0.9458988904953003, -0.969107985496521, -0.16699841618537903, -0.27212685346603394, -0.954822301864624, 0.3639066517353058, -0.15215423703193665, -1.3247127532958984, 0.4087006151676178, 0.03695858642458916, 1.0960813760757446, 0.040720000863075256, 0.03158755600452423, -1.2802445888519287, 1.1689671277999878, 1.0739654302597046, -1.0651317834854126, 0.573143720626831, 0.28345558047294617, 0.9874580502510071, 0.17068526148796082, -1.154165267944336, -0.5370519161224365, 1.1949336528778076, -0.20895874500274658, 0.4317031800746918, -0.9463946223258972, -0.039143066853284836, 0.7963007092475891, 0.7550175786018372, 0.4671122431755066, -0.8232219219207764, 0.11810408532619476, -0.9570686221122742, 0.5013130307197571, 0.7888170480728149, -1.2264317274093628, -0.6760929226875305, 0.2280033528804779, -0.6237232685089111, 0.6751629114151001, -0.46167588233947754, -0.01882702112197876, 1.850884199142456, -0.23173722624778748, -0.04556327313184738, -0.4205513596534729, -11.255317687988281, 0.7478709816932678, -0.046276383101940155, 0.3644099831581116, 0.5799296498298645, -0.4203403890132904, 0.6817249655723572, 0.2767934799194336, 0.22687269747257233, -0.9375470876693726, -0.026661304756999016, 1.0576022863388062, 0.2673789858818054, -0.10105882585048676, -0.9909505844116211, -0.24022677540779114, -0.8034294843673706, -1.199302315711975, 0.21286951005458832, 0.1848624050617218, -0.16876259446144104, -0.4135936498641968, 0.3081563711166382, -0.22151221334934235, 0.08892475813627243, -0.38209500908851624, -0.5823380947113037, -0.4153420925140381, -0.16802984476089478, 0.033624716103076935, 0.980361819267273, 0.0014494855422526598, -0.22505898773670197, -0.5656113624572754, -0.17037108540534973, -0.5294220447540283, -0.6752514243125916, -0.3070606589317322, 0.7620611786842346, -1.1215815544128418, -0.529204249382019, -0.23301735520362854, 0.6178992390632629, -0.3586304783821106, -0.4885748624801636, 0.21937669813632965, 0.4345245361328125, -0.878683865070343, -0.3197821378707886, -0.48318222165107727, -0.8590768575668335, -0.26420724391937256, -0.7674415707588196, -0.30730387568473816, 0.5419505834579468, -0.00531005859375, -0.5790058374404907, -0.5076101422309875, -0.5405042767524719, -0.5770905017852783, 0.32934412360191345, -0.40052908658981323, -0.79791259765625, 0.2306758463382721, 0.18768304586410522, -0.5714729428291321, 0.4609889090061188, 0.36095377802848816, -0.1564215123653412, 0.7077783346176147, -0.8046287298202515, 1.2292031049728394, 0.004417167976498604, 0.024135254323482513, -0.6293157339096069, 0.10359078645706177, -0.6677794456481934, -0.14139026403427124, 0.6206291317939758, 0.17518186569213867, -1.4045921564102173, 0.35387295484542847, 0.6272720694541931, -0.4600153863430023, -0.805657148361206, 0.13436263799667358, 0.26504793763160706, 0.18496567010879517, 0.9514209032058716, -0.8922435641288757, 1.7763628959655762, 0.17481642961502075, -0.3650820255279541, 0.03548653423786163, -0.37831658124923706, 0.4900091886520386, -1.025101900100708, 0.22793149948120117, -0.011166505515575409, -0.8537342548370361, 0.03100096434354782, 0.3036710023880005, -0.6697944402694702, 0.3754865825176239, 1.4345146417617798, 0.05482977628707886, 0.23597204685211182, 0.21729159355163574, 0.4183005392551422, -0.6349647045135498, 0.7997389435768127, 0.8398947715759277, -0.1560816764831543, 1.7518465518951416, -0.6907527446746826, 1.2092033624649048, 0.8895152807235718, 0.4759244918823242, 0.004426169209182262, 0.8255901336669922, -1.128753900527954, 0.9986017346382141, 0.552575409412384, 2.0667166709899902, 0.050269898027181625, 0.15734608471393585, 0.060141582041978836, 0.24542488157749176, -0.06672941148281097, -1.0137042999267578, 0.24925744533538818, -0.48628008365631104, 0.27843335270881653, -0.7822248339653015, 0.028506960719823837, 0.22868499159812927, -0.5653703808784485, 1.7403322458267212, -0.631423830986023, -0.1881217658519745, -0.6725892424583435, 0.07374510169029236, -0.36519983410835266, -0.9644516706466675, -0.9895424246788025, 0.569587230682373, -1.6311733722686768, 0.696656346321106, -0.15883907675743103, -0.33007848262786865, 0.0533435121178627, -0.941594660282135, 0.9841791987419128, 0.160845085978508, -0.22256116569042206, -0.44131216406822205, 0.6397290229797363, -0.9859809875488281, -0.4144253432750702, -0.04525860399007797, 0.10730332136154175, 1.2157522439956665, -0.9939436912536621, 1.2283600568771362, 0.20153507590293884, -0.5519927144050598, -0.1944604516029358, 0.4365384876728058, -0.45441046357154846, 0.6896864771842957, 0.8368986248970032, -1.0157382488250732, -0.24727872014045715, -0.6203538179397583, -0.22527170181274414, -0.588660478591919, -0.2779307961463928, 1.3926019668579102, -0.9442000389099121, -0.006080925464630127, -0.4231691062450409, 0.753288209438324, -0.06234458461403847, -0.6890523433685303, -0.37169772386550903, 0.2979469895362854, -0.43502557277679443, 0.8669856190681458, 0.3196631073951721, 0.9229497313499451, -1.4087196588516235, -1.0009934902191162, -0.18277326226234436, -0.6205934882164001, 0.22284284234046936, 0.6730763912200928, 0.6141976714134216, 0.10235205292701721, -0.7796777486801147, -0.2823483347892761, -0.11431649327278137, 0.6676061153411865, 0.10098184645175934, 0.5488547682762146, -0.18992160260677338, 0.6632663011550903, -0.39720746874809265, 0.010526400059461594, 0.6345319151878357, 1.5109481811523438, -0.13864567875862122, -0.17571690678596497, -0.12740953266620636, -0.3152007460594177, -0.42971059679985046, -1.0178189277648926, -0.20896464586257935, -0.92176753282547, -0.2791041135787964, -1.2057310342788696, 0.18041086196899414, 0.9655948877334595, -0.40985000133514404, 0.7682669758796692, 0.49977198243141174, 1.0210328102111816, 0.6419013738632202, 0.1317293792963028, 0.5256027579307556, 0.0578419491648674, 0.11216403543949127, 0.41718825697898865, 0.48697224259376526, 0.06648620218038559, 0.16260506212711334, -0.36938777565956116, -0.7704055905342102, 0.6263322234153748, -0.275539755821228, 0.9857435822486877, 0.2220785766839981, 0.7743600606918335, 0.46517443656921387, 0.930661141872406, 0.07178445160388947, -1.6026554107666016, 0.29965585470199585, -1.0907026529312134, -0.17044225335121155, 0.7151628136634827, 0.38019314408302307, 0.048779964447021484, 0.7818765044212341, -0.7200530171394348, 1.298733115196228, -1.1545424461364746, 0.3989085555076599, 0.3313051462173462, -0.46851271390914917, 0.5518115758895874, -0.19524717330932617, 0.7938478589057922, 0.49259576201438904, -0.5704162120819092, -1.0336122512817383, -0.4772242605686188, -0.1251530945301056, 1.279722809791565, 0.5958561897277832, -0.8497718572616577, 0.26438039541244507, 0.06908763200044632, 0.6899619698524475, -0.14361216127872467, 1.109963297843933, 0.08545571565628052, -0.1496334820985794, -0.48074379563331604, -1.1367125511169434, -0.044282086193561554, 0.13168781995773315, 0.34922441840171814, 0.044515617191791534, -0.5728236436843872, 0.2363550364971161, 0.40593910217285156, -0.23707039654254913, -0.8932270407676697, -0.3169958293437958, -0.533875584602356, -0.18955668807029724, 0.5105885863304138, -1.042689323425293, -0.9225147366523743, 0.12111233174800873, -0.704588770866394, 0.573248028755188, -0.08930378407239914, -0.9583035707473755, -0.695559024810791, 0.3698200285434723, 0.09346336126327515, 0.03864184021949768, -0.37919431924819946, 0.14804184436798096, -1.5650089979171753, 0.808437168598175, 1.1577595472335815, -1.203727126121521, 0.1297842562198639, 0.38894280791282654, 0.2970874607563019, 0.11583670228719711, 1.3767518997192383]} +{"paper_id": "drop", "embedding": [0.028661884367465973, 0.8977181911468506, -0.23024356365203857, -0.15773621201515198, -0.047996632754802704, 0.059033870697021484, 0.7131235003471375, 0.6767011284828186, 0.9015788435935974, 0.6185617446899414, 0.7678321599960327, 0.05183327943086624, 0.08825985342264175, 0.42051270604133606, -0.57349693775177, -0.5579107999801636, -0.14641746878623962, -0.14560852944850922, -1.414484977722168, -0.3020806908607483, -0.9134513139724731, -0.7617576122283936, -0.319823294878006, 1.319614291191101, -0.7580837607383728, -0.993246853351593, 0.8623560070991516, -1.0858702659606934, -0.28884026408195496, 0.19271990656852722, 0.22511708736419678, 1.3816620111465454, -1.2646842002868652, 0.5502659678459167, -0.20132103562355042, -0.5166195034980774, 0.08193281292915344, 0.523710310459137, 0.07451228052377701, -0.29554513096809387, -0.7547834515571594, 0.4428560733795166, 0.4483538269996643, 0.007385055534541607, 0.6470276713371277, -0.46459266543388367, 0.03205198049545288, -0.3560897409915924, -0.24282558262348175, 0.0517641045153141, -1.0032267570495605, 0.6509209275245667, 0.04404660314321518, 0.5714654922485352, -0.18097203969955444, 0.5839022994041443, -0.07024397701025009, -0.18373602628707886, 0.35607409477233887, -0.15625762939453125, 1.0806468725204468, 1.1345820426940918, -0.4018160104751587, 0.27011847496032715, 1.5110740661621094, -0.1219819188117981, 1.4258633852005005, -0.14177051186561584, -0.8991907238960266, 1.1106035709381104, -0.7023030519485474, -0.23957303166389465, -0.323263943195343, -0.6977120637893677, 0.3018569350242615, 1.0078099966049194, -0.15649603307247162, -0.646772563457489, 0.22388708591461182, -0.3727906346321106, -0.17315562069416046, -0.1316235512495041, 0.5824083685874939, -0.12753018736839294, 0.1014329269528389, -0.1930360496044159, 0.10641203820705414, -0.7056090831756592, 0.4144638776779175, -1.4235752820968628, 0.524028480052948, 0.44742363691329956, 0.303940087556839, 0.17430388927459717, -0.18414762616157532, 0.21484309434890747, -0.3431791067123413, -0.5869741439819336, -0.5206944942474365, -0.22708767652511597, 0.7779891490936279, -0.05153629183769226, 0.9820670485496521, -0.2862878441810608, 0.34192439913749695, 0.22034113109111786, 0.335379421710968, 0.045717429369688034, -0.42594534158706665, -0.905547559261322, -0.11143088340759277, 0.39095360040664673, 0.13288933038711548, 0.660944938659668, -0.39987480640411377, 0.6332177519798279, 0.7234058380126953, -0.46570849418640137, -0.557148277759552, 0.14368562400341034, 0.4451971650123596, -0.6409716606140137, -0.8622521758079529, -0.882985532283783, 0.6374679803848267, -0.23912376165390015, -0.34095534682273865, -1.104730486869812, -0.4834636151790619, 0.010002130642533302, 0.5015429258346558, 0.5732665657997131, -0.7919676303863525, 0.023847948759794235, 2.827397584915161, -0.7558914422988892, 0.6613878607749939, 0.05568132549524307, -0.3831201493740082, -0.48748284578323364, -0.31163081526756287, 1.1495239734649658, 0.29315006732940674, -0.9053687453269958, -0.5594109296798706, 0.2962445318698883, -0.30014175176620483, 0.05956453084945679, -1.147735357284546, -0.5980188250541687, -0.2489265501499176, -0.19790250062942505, -1.4085410833358765, -0.9841369390487671, -0.07939515262842178, -0.2290613055229187, -0.10727740824222565, 0.22332113981246948, -0.3273699879646301, 1.0068261623382568, -0.09808876365423203, 0.303500235080719, -0.7412280440330505, 0.845134973526001, -0.6492702960968018, 0.05227288603782654, 0.940096378326416, -0.5822935104370117, -0.32508614659309387, 0.5483250617980957, 0.20933650434017181, -0.6639733910560608, -0.4616367220878601, -0.6728979349136353, -0.08346652239561081, -0.2030486762523651, 0.22708790004253387, 0.5005618929862976, 0.5252631902694702, -0.7162234783172607, 0.11643553525209427, 0.19522686302661896, 0.3188069760799408, 0.7206314206123352, -0.1523626297712326, 0.7100838422775269, -2.86903977394104, 0.05268452316522598, -0.6769119501113892, 0.9651042819023132, -0.2681061327457428, 0.13742630183696747, 0.3558686375617981, 0.5527251362800598, -0.18249712884426117, -0.9119808673858643, 0.501730740070343, -1.191202998161316, 0.9450319409370422, 0.6546612977981567, 0.5067207217216492, -0.10246914625167847, 0.05974188819527626, 0.8548214435577393, 0.5223004221916199, -0.3746263086795807, -1.187880516052246, -2.118382215499878, 0.0017110034823417664, 1.775095820426941, -0.010728903114795685, -0.3385304808616638, -0.8115473389625549, -1.0188510417938232, -0.05301044508814812, -0.18522195518016815, 0.791140079498291, -0.6319800019264221, -0.1849917471408844, -0.7141244411468506, 0.5227721333503723, -0.5115756392478943, -0.4744566082954407, 0.7900080680847168, 1.6041812896728516, -0.27988582849502563, -0.0940447747707367, -0.7140251398086548, -0.262556791305542, 0.40944570302963257, 0.9049198031425476, -0.008372225798666477, -0.24457651376724243, 0.43240731954574585, 0.3857991695404053, 1.2447266578674316, 1.0354896783828735, 0.7166967988014221, -0.7436337471008301, 0.5486387610435486, -0.29819270968437195, 1.262017846107483, -0.0178862065076828, -0.32356852293014526, -0.10824234783649445, -0.39355215430259705, -0.802823543548584, -0.12002764642238617, -0.6054496169090271, -0.005954556167125702, 0.7722921967506409, 0.432524174451828, -0.8750026822090149, 0.08276348561048508, -0.4509069621562958, -0.04069583863019943, 0.13159552216529846, -0.09240086376667023, -1.0176215171813965, 0.10148462653160095, 0.2214793562889099, -0.2701723575592041, -0.1663772016763687, -0.2717534899711609, 0.3811970055103302, -0.9567180275917053, -1.1060681343078613, -0.1646776795387268, -0.035141196101903915, -0.523439884185791, -0.8556999564170837, 0.17811739444732666, -1.3431284427642822, 0.04651669040322304, 0.26965683698654175, -0.3886723518371582, -0.19464744627475739, 0.7212234735488892, 1.1943368911743164, 0.4157569110393524, 0.0870686024427414, -0.8816169500350952, 1.2690601348876953, -0.2532680630683899, -0.09775771200656891, -0.34290871024131775, -0.14459383487701416, -1.0166828632354736, 0.05920107662677765, -0.7399682998657227, 0.47164905071258545, 0.49862754344940186, 0.4540935754776001, 1.0062737464904785, -0.33129042387008667, -1.2231519222259521, 0.8605526089668274, 0.0285358764231205, 0.549902617931366, -1.0899090766906738, 1.1818222999572754, 0.27797654271125793, -0.5194218754768372, 0.9601927995681763, -0.08097144216299057, -0.924850583076477, 1.0811063051223755, -0.37103497982025146, 0.20918768644332886, 0.08265186846256256, -0.7145987749099731, 0.285343736410141, 0.21509337425231934, -1.1681760549545288, 1.1365077495574951, 0.5150558948516846, -0.2272188365459442, -0.34409239888191223, -0.6097317934036255, 0.4787924289703369, -0.0584830567240715, 0.668445885181427, 1.3139400482177734, -0.5904085040092468, 0.2876705527305603, -0.18909764289855957, 0.7006627321243286, 0.11909344047307968, 0.19508595764636993, 0.6236373782157898, 0.32133182883262634, 0.40378227829933167, -1.0449395179748535, -0.7726057767868042, 1.7469494342803955, -0.07113619893789291, 0.4357161819934845, 0.28206688165664673, 0.959487795829773, 0.22193585336208344, -0.4885942339897156, 0.16292525827884674, 0.04673641920089722, 0.4324098229408264, -0.49179744720458984, 0.23149991035461426, 0.09613841772079468, 0.15502698719501495, 0.10762499272823334, 1.4069874286651611, -0.5340714454650879, -0.679250180721283, -0.8345839381217957, -0.44309085607528687, -0.750991940498352, 0.03001657873392105, 0.9951745867729187, 0.5955276489257812, 1.8239775896072388, 0.8037856817245483, 0.042739976197481155, 0.12008239328861237, -0.35859376192092896, 0.034685127437114716, 0.05242253839969635, 0.4493885636329651, -0.819076418876648, 0.5013747811317444, 1.234627366065979, 1.0335332155227661, -0.3835536241531372, 0.262445330619812, -0.02694506198167801, -0.05348299816250801, -1.0871113538742065, 0.8850960731506348, 0.042799271643161774, 0.3991854786872864, 1.9755139350891113, -0.6216828227043152, 0.11757417023181915, -0.5492277145385742, -0.2959807217121124, 0.012306527234613895, 0.23711758852005005, 0.21977728605270386, -0.0007213503122329712, 0.021272022277116776, 0.758043110370636, 0.5056453347206116, 0.9479910731315613, 1.8558671474456787, -0.2692128121852875, -1.212332844734192, 0.32662197947502136, -0.7066707611083984, -0.029750926420092583, 0.36717015504837036, -0.2127520889043808, -0.09664934128522873, 0.2605508863925934, -0.09023222327232361, -1.026155710220337, 0.47755858302116394, -0.48270687460899353, -1.2435332536697388, 0.20261818170547485, 1.2151744365692139, -0.5701157450675964, -0.2715393900871277, 0.10189728438854218, -0.5598166584968567, 0.1511525958776474, -0.24187131226062775, -1.2388505935668945, 0.9797394871711731, 0.31912869215011597, 0.8688487410545349, 0.3708413243293762, 0.3599751591682434, -1.0723344087600708, 1.7527533769607544, 0.8759347796440125, -1.3589184284210205, 0.9002060890197754, 0.220172718167305, 0.7109001278877258, 0.24876675009727478, -1.0468312501907349, -0.4402773678302765, 1.4623188972473145, 0.010687947273254395, 0.043019529432058334, -0.6666986346244812, -0.2052452713251114, 1.5280895233154297, 0.7882172465324402, 0.0909971222281456, -0.45529288053512573, -0.04846147820353508, -1.1148481369018555, 0.4238082468509674, 1.1848454475402832, -1.2382025718688965, -1.1113758087158203, 0.7878530025482178, -0.7423802018165588, 0.4679992198944092, -0.31930112838745117, -0.07646562159061432, 1.654323935508728, -0.1678180992603302, 0.04656989872455597, -0.5776917338371277, -12.010550498962402, 0.9088642597198486, -0.03594619035720825, 0.43308722972869873, -0.013733282685279846, 0.11980000138282776, 0.1666240096092224, 0.10000203549861908, 0.3717399835586548, -0.48658326268196106, 0.10876582562923431, 1.2973276376724243, 0.19087940454483032, 0.0011710822582244873, -0.9804680943489075, -0.775931179523468, -0.2443169206380844, -0.7241955995559692, 0.16946689784526825, 0.23539185523986816, -0.16958163678646088, -0.4921097755432129, -0.21314409375190735, -0.06969583034515381, 0.45333653688430786, -0.5665774941444397, -0.23371770977973938, -0.16315992176532745, -0.10359927266836166, 0.15311366319656372, 0.6661879420280457, -0.006976909935474396, -0.6289244890213013, -0.09805264323949814, 0.2853301763534546, -0.3458254933357239, -1.0217161178588867, -0.05030141770839691, 0.6946409344673157, -0.7244155406951904, -0.4002705216407776, 0.02082999423146248, 0.1695290505886078, -0.4550469219684601, -0.8726928234100342, -0.09956544637680054, 0.418595552444458, -1.245286226272583, -0.20130592584609985, -0.3327360153198242, -0.3789924383163452, -0.20687435567378998, -0.6064116358757019, -0.46053269505500793, 0.230662003159523, -0.1298358142375946, -0.36175015568733215, -0.9666345119476318, -0.2854492664337158, -0.48642176389694214, 0.4475401043891907, -0.16345028579235077, -0.3275091350078583, 0.7075574994087219, 0.2233862280845642, -0.041661374270915985, 0.36109474301338196, 0.3055081069469452, -0.17168357968330383, 0.6183038949966431, -0.6222143769264221, 1.7092363834381104, 0.3161455988883972, 0.5876680612564087, -0.8733890056610107, 0.17478875815868378, -0.9430918097496033, -0.49241283535957336, 0.49626806378364563, 0.08199256658554077, -1.3029603958129883, 0.9747669100761414, 0.40815362334251404, -0.543762743473053, -0.20243780314922333, 0.1680724173784256, 0.11532172560691833, 0.12375004589557648, 0.6923270225524902, -0.25640565156936646, 1.3830822706222534, -0.14935055375099182, -0.789164125919342, -0.8380821347236633, -0.9699251055717468, 0.7248799204826355, -1.3119990825653076, 0.3582635223865509, 0.7630006074905396, -0.7643276453018188, -0.3480854034423828, 0.13594123721122742, -0.678566575050354, -0.5710532665252686, 1.1027876138687134, -0.1125723347067833, -0.12359432131052017, -0.14195182919502258, -0.3876774311065674, -1.0177326202392578, 0.6854603290557861, 0.30580851435661316, -0.15439128875732422, 1.3771519660949707, -0.8962812423706055, 0.2826588451862335, 0.8984554409980774, -0.05689143389463425, 0.07848470658063889, 1.024994969367981, -0.9145288467407227, 1.2648162841796875, 0.3155995011329651, 2.051506519317627, 0.11692376434803009, 0.13234001398086548, 0.5031952261924744, 0.4704466760158539, -0.19336920976638794, -0.671646773815155, 0.3601180911064148, -0.31189239025115967, 0.009174185805022717, -0.9340550303459167, -0.17337730526924133, 0.0499613918364048, -0.4757511019706726, 1.4132658243179321, -0.86714106798172, 0.3447555601596832, -0.3027206063270569, -0.1728263795375824, -0.8997430801391602, -0.27378129959106445, -1.4248545169830322, 0.33826714754104614, -1.8582818508148193, 0.39768996834754944, -0.23220938444137573, -0.5347890853881836, -0.01075521856546402, -0.9632560014724731, 0.37279754877090454, -0.2955611050128937, -0.38133174180984497, -0.32438454031944275, 0.38502025604248047, -1.2898038625717163, -0.37640848755836487, -0.279823362827301, 0.15920309722423553, 1.588343620300293, -0.5410506725311279, 1.0747500658035278, 0.7360130548477173, -0.2647196352481842, -0.6245198845863342, 0.0737292468547821, -0.15604659914970398, 0.9263656139373779, 0.9243630170822144, -0.6838234663009644, -0.5442245006561279, -0.5492921471595764, 0.118990957736969, -0.046625927090644836, -0.013861209154129028, 0.8707233667373657, -1.6546214818954468, 0.09262311458587646, -0.3899237811565399, 0.7755479216575623, 0.888069212436676, -0.6790139675140381, -0.30733421444892883, 0.20080220699310303, -0.4394310414791107, 0.7887043952941895, -0.2762315571308136, 1.1971385478973389, -0.5866015553474426, -1.1081764698028564, -0.601358950138092, -0.36153197288513184, 0.2858627438545227, 0.380136638879776, 1.2188490629196167, 0.3997766673564911, -0.5099713802337646, -0.029176656156778336, -0.1425924450159073, 0.5282608866691589, -0.044731203466653824, 0.7588935494422913, -0.5670785307884216, 0.7124581336975098, -0.8590890765190125, -0.07710572332143784, 0.27676787972450256, 1.514650821685791, -0.7332386374473572, -0.31288766860961914, -0.011155050247907639, -0.5025977492332458, -0.27386951446533203, -1.3966522216796875, -0.04537718743085861, -0.6381829380989075, -0.1807791292667389, -1.0083812475204468, 0.212591290473938, 1.2591344118118286, 0.16936181485652924, 0.5499056577682495, 0.46799707412719727, 0.6843615770339966, 0.8989526033401489, 0.32070887088775635, 0.8286339044570923, 0.7432779669761658, 0.13671807944774628, 0.6015799641609192, 0.427162766456604, 0.15605875849723816, 0.17286528646945953, -0.32425177097320557, -0.683037281036377, 0.08828189224004745, -0.025715388357639313, 0.7179751396179199, 0.28121450543403625, 0.23671162128448486, 0.8233623504638672, 0.7173841595649719, 0.040357500314712524, -1.6927306652069092, -0.5889519453048706, -1.0431921482086182, 0.1405845731496811, 0.9175823926925659, 0.2128818929195404, -0.02706931345164776, 0.7078422904014587, -0.416404664516449, 0.8279241323471069, -0.1858253926038742, 0.3380453586578369, 0.26545438170433044, -0.17454878985881805, 0.7601851224899292, 0.6836115717887878, 0.3091805577278137, 0.07542365789413452, -0.08387955278158188, -1.1132127046585083, -0.16639645397663116, -0.8339893817901611, 0.35584908723831177, 0.4865334630012512, -0.5180590152740479, 0.6520488858222961, -0.2911362648010254, 0.8213056921958923, -0.16344022750854492, 1.267662525177002, -0.03794088959693909, -0.19711697101593018, -0.7566930055618286, -0.9519928693771362, 0.3440898656845093, 0.30689480900764465, 0.06496904045343399, -0.3698722720146179, -0.1991814225912094, 0.5818414688110352, 0.24033738672733307, 0.43041524291038513, -0.3588411211967468, -0.15654408931732178, -0.33740320801734924, -0.03485649824142456, 0.42070335149765015, -0.658660352230072, -1.2540711164474487, 0.23547832667827606, -0.4593782424926758, -0.2762107253074646, 0.16574309766292572, -0.20442330837249756, -0.11496691405773163, 0.7966621518135071, 0.27392876148223877, 0.0052353255450725555, 0.29248613119125366, 0.10595522075891495, -1.1307282447814941, 0.5255106687545776, 0.16954408586025238, -1.003618836402893, 0.42154455184936523, -0.14422088861465454, 0.6986331343650818, 0.10724277049303055, 1.093186378479004]} +{"paper_id": "openwebtext", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "snips_built_in_intents", "embedding": [-0.44888463616371155, 0.983909010887146, 0.2778044044971466, -0.6747521162033081, 0.07956588268280029, 0.5676393508911133, 0.9995181560516357, 1.372893214225769, 0.8728780150413513, -0.24528449773788452, 0.7383384704589844, 0.3048185110092163, 1.1374099254608154, 0.11845467984676361, -0.6142712235450745, -0.6332228779792786, -0.4429745078086853, -0.9917474985122681, -0.9352404475212097, -0.6933435797691345, -1.0787789821624756, 0.15107984840869904, 0.28584542870521545, -0.10936569422483444, -0.6295468211174011, -0.7109673619270325, 0.5123271346092224, -0.9250688552856445, 0.2445526123046875, 0.06958922743797302, 0.3780011534690857, 0.559145450592041, -0.9132577776908875, 0.8603522181510925, -0.28994980454444885, -0.36298373341560364, -0.8165599703788757, 0.8444665670394897, -0.4130615293979645, -0.5484971404075623, -0.033163636922836304, 0.35863059759140015, 1.4547184705734253, -0.3309935927391052, -0.07497158646583557, 0.14627987146377563, -0.18472334742546082, 0.4384363293647766, -0.240287646651268, 0.030409563332796097, -0.5452780723571777, 0.6553496718406677, 0.5732449293136597, 0.9299253225326538, -0.5412808060646057, 0.7751610279083252, -0.14641228318214417, 0.020281804725527763, 0.34809181094169617, -1.8184936046600342, -0.21557077765464783, 1.220333218574524, 0.20095503330230713, 0.8874760270118713, 0.3886156380176544, -0.06567270308732986, 0.4408118426799774, 0.7301528453826904, 0.7236912846565247, 0.5594176650047302, 0.010218888521194458, -1.0848534107208252, 1.0351710319519043, 1.4904305934906006, 0.2615785002708435, 1.1994919776916504, -0.13545824587345123, -0.1171196848154068, 0.24346888065338135, 0.42005279660224915, -0.9636931419372559, 0.18691937625408173, 0.8081233501434326, -0.7688458561897278, 0.0674518346786499, 0.24665743112564087, 0.1365717500448227, -0.609663188457489, -0.012035859748721123, -0.6825441122055054, -0.17007149755954742, 0.03409925103187561, 0.1450861543416977, -0.2661252021789551, -0.41500282287597656, -0.2648691236972809, 0.26009684801101685, 0.2539650499820709, -0.5259073972702026, 1.1773574352264404, 0.6895527839660645, 0.0767582356929779, 0.3242284953594208, -0.7621704936027527, 1.02236008644104, -0.2509026527404785, -0.58479905128479, -1.1219298839569092, -0.5999937653541565, -0.27335911989212036, -0.5210914015769958, 0.8309342861175537, 0.2995269298553467, 0.8833839893341064, -0.4043273627758026, -0.46024632453918457, 0.3434959053993225, 0.011458050459623337, -0.32992130517959595, -0.5677281022071838, -0.5374372005462646, -0.9769426584243774, 0.3556085228919983, -0.4934752583503723, 1.2404701709747314, -1.402214527130127, 0.09173736721277237, -0.06296907365322113, 0.27422311902046204, -0.5848348140716553, 0.40809619426727295, 0.8242425918579102, 0.4847145080566406, 0.20904335379600525, 3.2146308422088623, -1.4154938459396362, 1.437362551689148, -0.8380025029182434, 0.5808137655258179, -0.44873982667922974, 0.19460415840148926, 1.1324208974838257, -0.5225332975387573, -0.09077805280685425, -0.8750948309898376, -0.52736496925354, -0.1558951735496521, 0.12667231261730194, -0.5030653476715088, 0.45847395062446594, 0.15821844339370728, 0.6340852975845337, -0.707952082157135, -0.6801425814628601, -0.29273533821105957, 0.6504539847373962, 0.045136697590351105, 0.3478364646434784, -0.8624203205108643, -0.7107250690460205, 0.6049584746360779, -0.5807665586471558, 0.1346876621246338, 0.21271231770515442, -0.5528482794761658, 0.05283809080719948, 1.2200734615325928, -0.385509729385376, -0.35558199882507324, -0.6971450448036194, 0.17646262049674988, 0.1115134134888649, 0.40121883153915405, 0.9714856147766113, -0.45709601044654846, 0.8639748692512512, 0.4730810225009918, 0.49582090973854065, 0.17596614360809326, -0.6911352276802063, -0.4469640552997589, -0.25273072719573975, -0.15716426074504852, -0.09367434680461884, -0.10058309137821198, -0.015514176338911057, -1.8297197818756104, 0.10563631355762482, 0.7700117826461792, -0.12382432818412781, 0.08236660063266754, -0.00561683252453804, 0.45134440064430237, -0.33952924609184265, 0.41277360916137695, 0.14784269034862518, 0.565571129322052, -0.7126243114471436, 0.2412000298500061, 0.9566329717636108, -0.7524468302726746, 0.4138912260532379, -0.7362745404243469, 0.8290221095085144, 1.4241350889205933, 0.41677990555763245, 0.02591530978679657, -0.9866905212402344, 0.28196588158607483, 1.3853042125701904, 0.4304284155368805, -1.1627711057662964, -0.2044285237789154, -0.33279895782470703, 0.2657345235347748, -0.923407256603241, 0.04821699857711792, -0.4382282495498657, 0.5396349430084229, -0.9459545612335205, 0.15897947549819946, -0.12871454656124115, -0.1428285539150238, 0.33170998096466064, 1.4308788776397705, -0.33124062418937683, 0.24597275257110596, -0.41848719120025635, -0.37991979718208313, 0.7760646939277649, 0.674809992313385, 0.08390211313962936, 0.020529329776763916, 0.3729727864265442, -0.5900090336799622, 0.40990763902664185, 0.02601342648267746, 0.5845022797584534, -0.6153805255889893, -0.2814079821109772, 0.2202509194612503, 0.7232074737548828, 0.07990557700395584, -0.14336220920085907, -0.04426807537674904, -0.006708219647407532, -0.3281695544719696, -1.0474205017089844, 0.611244797706604, 0.8829657435417175, 1.708787202835083, 1.01426100730896, -0.9966843724250793, 0.14083001017570496, -0.4778851866722107, 1.0221518278121948, -1.2972939014434814, -0.6453256607055664, 0.35751885175704956, -0.5044990181922913, 0.9773417711257935, -0.7669485211372375, -0.11594647914171219, 0.06390951573848724, -0.48802992701530457, -0.8619429469108582, -0.8377242088317871, -1.1602704524993896, -0.27733123302459717, -0.713533878326416, -0.6136180758476257, -0.1023394912481308, 0.2500706911087036, -0.6451517939567566, -0.45568785071372986, 0.5806276202201843, 0.4349861741065979, 0.7731876373291016, 1.4339451789855957, -0.0067902058362960815, 1.082621693611145, -0.582097589969635, 0.20939595997333527, -0.03843153640627861, -0.3772512674331665, 0.07795946300029755, -0.35635000467300415, 0.1419701874256134, -0.7985755205154419, -0.6759240031242371, 0.6712108850479126, -0.008642494678497314, -0.672694742679596, -0.080936498939991, -0.3175312876701355, 0.09653118997812271, 0.2633299231529236, -0.5325804352760315, 0.4383082389831543, -0.2975618243217468, 2.1177077293395996, -0.1455175280570984, -0.4844059944152832, -0.5946859121322632, -0.7322129607200623, 0.4870648980140686, 0.8172363042831421, -0.47949838638305664, 0.7047244906425476, -0.170528382062912, -0.5093647837638855, 0.6901525259017944, -0.10414161533117294, -2.4413540363311768, 0.4572155475616455, 0.7930200099945068, 0.7395225167274475, -0.6431270837783813, -0.7674014568328857, -0.6867965459823608, -0.3483924865722656, 0.0004001222550868988, 0.17369350790977478, -0.2353554368019104, 0.9676108956336975, 0.06610626727342606, 0.8511087894439697, 0.976690411567688, -1.3488179445266724, -0.7315166592597961, 0.15546855330467224, 0.7645214796066284, -0.7859513759613037, -0.4482005834579468, 0.5391870737075806, -0.47052010893821716, 0.2282831370830536, 0.7201016545295715, 0.8315603137016296, 0.8209484815597534, -0.11607975512742996, -0.4299837648868561, 0.7238818407058716, 0.31151166558265686, -0.26612579822540283, 0.5881038904190063, 0.12637877464294434, 1.0748405456542969, 0.7210237383842468, 0.7650344371795654, 0.24230384826660156, -0.7629058361053467, 0.07534890621900558, -0.16260720789432526, 0.26594603061676025, -0.8466039896011353, 0.8035953044891357, 0.8938305377960205, 1.2494544982910156, 0.1801140159368515, 0.35911083221435547, -0.962783694267273, -1.0140445232391357, 0.6674808263778687, -0.3105045557022095, 0.4360275864601135, -0.0991072803735733, -0.36483585834503174, 0.6513539552688599, 0.5064010620117188, -0.3706003427505493, 0.12574824690818787, 1.1062161922454834, 1.1057853698730469, -0.3749965727329254, -0.2567412555217743, 0.9948978424072266, 0.3196593225002289, 1.1013747453689575, -0.9185217618942261, 0.06090404465794563, -0.04517607390880585, 0.849669337272644, -0.40247440338134766, -0.7896029353141785, -0.11392032355070114, 0.5246514678001404, 0.595734715461731, 0.8501694202423096, 0.3817099928855896, 0.620445728302002, 0.6306741237640381, -0.8312909603118896, -0.1997758150100708, -0.25256478786468506, -0.5760622024536133, -0.6657615900039673, 0.3575301766395569, -0.25702887773513794, -0.8070589303970337, 0.6827525496482849, -0.38902363181114197, -0.9992899298667908, 1.134329080581665, -0.03247147053480148, -0.0949871763586998, 0.362598717212677, 1.5557905435562134, -1.5391058921813965, -0.42181503772735596, -0.4168897271156311, -1.0331006050109863, -1.1001150608062744, 0.8510881066322327, -0.2093367874622345, 0.07576102018356323, -0.10640566051006317, 1.4801230430603027, -0.37498533725738525, 0.31160223484039307, -1.1944700479507446, 0.7431034445762634, 0.9793316125869751, 0.7280051708221436, 0.2901759743690491, -1.3259928226470947, 1.1550673246383667, -0.2645581066608429, -0.5910226106643677, 0.08299123495817184, 0.27503982186317444, -0.48477378487586975, -0.9096860289573669, -0.4377936124801636, -0.060765642672777176, -0.5868868827819824, -0.10098719596862793, -0.044348448514938354, -0.9954854249954224, -0.3577080965042114, -0.15354737639427185, 0.7864628434181213, 2.5040016174316406, 0.07507969439029694, -0.6678452491760254, -0.11601950228214264, -1.4918626546859741, 0.8744736909866333, -0.2322460412979126, 0.08051076531410217, 0.26045528054237366, 0.869606077671051, 0.3780929446220398, 0.22278502583503723, -11.545910835266113, 0.7381722331047058, -0.6590922474861145, 0.2834848165512085, 0.42956802248954773, 0.27333322167396545, 0.8280095458030701, -0.17386764287948608, 0.6644613146781921, -0.24401022493839264, 0.17983347177505493, 0.7204650640487671, -0.25591492652893066, -0.5136218070983887, -0.5493419170379639, -1.6474840641021729, -0.7664884328842163, -0.568684458732605, -0.05791861563920975, 0.8547592163085938, -0.30276331305503845, -1.336838960647583, -0.7157105803489685, 0.581049382686615, -0.4284645915031433, -0.646442174911499, -0.35947078466415405, 0.29625049233436584, 0.002389371395111084, -0.29011771082878113, 0.05227356404066086, -0.21010179817676544, -0.3396621346473694, -0.24314036965370178, 0.23055748641490936, 0.2644519805908203, -1.3151659965515137, -0.1662771999835968, 0.06860191375017166, 0.5047019720077515, -0.49953246116638184, 0.47582176327705383, 0.4442354142665863, -0.43426719307899475, -0.4809821546077728, 0.30333417654037476, 0.33501997590065, 0.24444705247879028, 0.4423544406890869, -1.0264805555343628, -0.02852603793144226, -0.7902366518974304, -0.5078958868980408, -0.7452347278594971, 1.0309189558029175, 0.22314874827861786, -0.5982723236083984, 0.052946537733078, 0.34679028391838074, -1.030405879020691, 0.0034089088439941406, 1.1628351211547852, 0.42786043882369995, 1.0680913925170898, 0.5003494024276733, -0.6953465342521667, -0.11457965523004532, 0.19470427930355072, 0.1470271348953247, -0.05113587900996208, -0.6556761264801025, 0.5030112266540527, 0.12319204956293106, -0.00040090084075927734, -0.5437961220741272, -0.38000503182411194, -0.7387998104095459, -1.0046730041503906, 0.8858882188796997, -0.06071455404162407, -0.9233251214027405, 0.4960041344165802, -0.09291266649961472, -0.5175069570541382, -0.49093693494796753, 0.5422777533531189, -0.031014859676361084, 0.3849896490573883, 1.5459380149841309, 0.156915545463562, 0.9780158996582031, 0.3479597866535187, -0.07320445030927658, -0.13521617650985718, -0.824165940284729, 1.4652209281921387, -0.11481593549251556, 0.6698846817016602, -0.1725858449935913, -0.27289459109306335, 0.5943157076835632, -0.15873578190803528, -0.8024653196334839, -0.38945433497428894, 1.129618763923645, -0.3959559202194214, -0.03875105828046799, -0.08426409959793091, 1.0494489669799805, 0.7572262287139893, 1.3624299764633179, -0.12832316756248474, -0.22730328142642975, 0.4197237491607666, 0.38196685910224915, 0.5759963393211365, 1.3229981660842896, 0.23803496360778809, 1.0420029163360596, 0.05771200731396675, -0.822395920753479, 0.7594303488731384, 0.3207269310951233, 0.10391971468925476, 0.32098692655563354, 0.2545270323753357, 0.5230273008346558, 0.28440308570861816, -0.5605699419975281, -0.7281166911125183, 0.09634661674499512, -0.2642223536968231, 0.3338674008846283, -0.516279399394989, 0.0985637903213501, -0.20683737099170685, -1.285915493965149, 1.060215711593628, -0.9537530541419983, -0.2703322768211365, 0.06320475041866302, -1.2150428295135498, -1.7111207246780396, -1.2468794584274292, -0.8410366773605347, 0.7677984833717346, -0.6788578629493713, 0.20448511838912964, -0.5263048410415649, -0.10172475874423981, -0.2049485743045807, 0.11822160333395004, 0.6068993806838989, -1.0707517862319946, -0.6755807399749756, 0.4001409411430359, 0.4682699143886566, -0.06600578129291534, -0.28722190856933594, -1.2769749164581299, 1.0650297403335571, 1.0502326488494873, -1.3252403736114502, 0.8493223786354065, 0.8397253751754761, 0.5638502240180969, -0.6041271686553955, -0.22474753856658936, 0.3550487160682678, 0.5991856455802917, 0.8213602900505066, -1.3330308198928833, -0.668195903301239, -1.1177085638046265, 0.23155544698238373, -0.8755368590354919, -0.08356700092554092, 0.8913469314575195, -1.4207724332809448, 0.4772918224334717, 0.36794313788414, 0.7135997414588928, 0.38507387042045593, -1.1289093494415283, -0.7431495189666748, 0.018443044275045395, 0.5724179744720459, 0.26477545499801636, 0.28202253580093384, 0.5548301339149475, -1.4329805374145508, -1.5505850315093994, -0.6975006461143494, 0.3182508051395416, 0.7299808263778687, -0.379292756319046, 0.7573118805885315, 0.22928261756896973, 0.930840253829956, 0.3723796606063843, -0.04194909334182739, 0.26606330275535583, 0.07692916691303253, 0.19279269874095917, 0.45467904210090637, -0.2358364462852478, -0.756260335445404, 0.09956149756908417, -0.12676610052585602, -0.27347126603126526, -1.7723666429519653, -0.8028000593185425, -0.3282686769962311, -0.37743455171585083, -0.4623345732688904, -0.512447714805603, 0.032551441341638565, -0.1393367052078247, -0.11392204463481903, -1.3158092498779297, 0.02083684504032135, 0.41887083649635315, -0.3061191439628601, 1.314456582069397, 0.33376049995422363, 0.28649818897247314, -0.617837131023407, -0.15114326775074005, 1.1705775260925293, -0.7534527778625488, 0.05572053790092468, -0.4223557412624359, 0.7738960981369019, -0.29364749789237976, 0.100740447640419, 0.5074165463447571, -1.0734654664993286, -0.038248851895332336, -1.0129637718200684, 0.6872110962867737, -0.38542020320892334, 0.3284236192703247, 0.5933525562286377, 1.27638578414917, -0.5328545570373535, -1.2972981929779053, -0.3697695732116699, -0.2971673905849457, -0.14957867562770844, 0.049104493111371994, 0.7740181684494019, 0.9698269963264465, 0.7452598810195923, 0.29224008321762085, 0.2781955301761627, 0.2714586555957794, 0.4190181493759155, 0.20182576775550842, 0.43727707862854004, 1.2765260934829712, 1.0787595510482788, -0.19150786101818085, 1.0193078517913818, -0.06835050135850906, 0.45597711205482483, 0.21784043312072754, -0.5856120586395264, 0.5846574306488037, 1.442936658859253, 0.6552379131317139, -0.6834526658058167, -1.2891656160354614, -0.24287384748458862, -0.9616171717643738, 0.7874755859375, 0.1914672553539276, -0.44194966554641724, -1.5422887802124023, -0.9685537219047546, 0.12296294420957565, -0.1946849226951599, 0.38948845863342285, -0.1129886656999588, -0.6241040825843811, 0.11916381120681763, 0.4677097499370575, 0.03857284039258957, -1.1025581359863281, 0.6095737218856812, -1.3434553146362305, 0.45035749673843384, -0.116091787815094, -0.13668300211429596, -0.7712482213973999, 1.1408487558364868, -0.903619647026062, 0.1038728579878807, -0.7329228520393372, -1.3113398551940918, -0.6510263085365295, 0.5996731519699097, 0.3392314314842224, -0.10152864456176758, 0.48168206214904785, -0.2229345291852951, -1.626607060432434, 0.5781731605529785, 0.7848175764083862, -0.6163867115974426, -0.33767518401145935, 0.8850566148757935, -0.7291472554206848, 0.05065097659826279, -0.20389166474342346]} +{"paper_id": "conv_ai_2", "embedding": [-0.049095820635557175, 0.37901389598846436, 0.4637056887149811, 0.38182249665260315, 1.010979413986206, 0.3747401833534241, 0.9575780630111694, 0.03202001005411148, 1.0860629081726074, 0.2947923243045807, -0.21502572298049927, 0.1044166088104248, 0.002370651811361313, -0.8024123311042786, -0.25519317388534546, 0.13159778714179993, -1.335594892501831, -0.677971601486206, -1.2765402793884277, -0.4532116651535034, -0.8833735585212708, -0.34686005115509033, -0.3427591025829315, 1.2278666496276855, -0.6654019355773926, -0.21948765218257904, 0.6362907886505127, -0.8054770231246948, -0.07442999631166458, 0.5157461166381836, -0.18762323260307312, 1.7281020879745483, -1.36317777633667, 0.2283988893032074, -0.45428726077079773, -0.8443899154663086, -0.4180360436439514, 0.5735828876495361, -0.8997125029563904, 0.6046635508537292, -0.5981954336166382, 0.5608779788017273, 0.06914886087179184, 0.642255425453186, 0.551355242729187, 0.32271522283554077, -0.18431352078914642, 0.38419994711875916, -0.1691434681415558, 0.7236846089363098, -0.9677960872650146, 0.2634115219116211, 0.7361577749252319, 0.6366273164749146, 0.4196747839450836, 1.4337116479873657, 0.024471379816532135, -0.5515422821044922, 0.3807479441165924, -0.9082323312759399, 1.4902937412261963, 0.9788208603858948, -0.07981615513563156, 0.8037083148956299, 1.2631787061691284, -0.3211480379104614, 1.4121357202529907, 0.5351638793945312, 0.044435881078243256, 1.2222118377685547, -0.46117573976516724, -0.6466121673583984, 0.6540945768356323, 0.12775051593780518, -0.9050496816635132, 1.1147394180297852, 0.5115242600440979, 1.3449785709381104, -0.7808061838150024, -0.08917492628097534, -0.022382158786058426, 0.5292516946792603, 0.024517040699720383, -0.8356271982192993, 0.7043468356132507, 0.7898971438407898, 1.2919111251831055, -0.6517877578735352, -0.23720088601112366, -1.6670631170272827, 0.8151838183403015, 0.3826656639575958, 0.4810181260108948, -0.10398571193218231, -0.7961883544921875, 0.8510733246803284, -0.17873120307922363, 0.2443491369485855, -0.6415731906890869, 0.26489531993865967, 0.5842738151550293, -0.020930275321006775, 0.7012559175491333, -0.5989353656768799, 0.5623058676719666, -0.014124546200037003, 0.7935219407081604, -0.6164423823356628, -0.2599528729915619, -0.41134122014045715, -0.008400384336709976, 0.9380093216896057, -0.1492832601070404, 0.7774327397346497, -0.02282664179801941, 0.6909586191177368, 0.7754508256912231, -1.2257317304611206, -0.07882605493068695, 0.050315115600824356, -0.23306751251220703, -0.8310486674308777, 0.15495532751083374, 0.10463421046733856, 0.6251478791236877, -0.17867650091648102, -0.46715685725212097, -0.3215468227863312, 0.5658211708068848, -0.19731222093105316, 0.6272211074829102, -0.08203330636024475, -0.663379430770874, 0.09789091348648071, 2.6750478744506836, -1.7540191411972046, 1.9563549757003784, -1.4871723651885986, -0.17830446362495422, -0.3851146101951599, 0.5191916823387146, 1.5433461666107178, -0.6705496907234192, -0.4140729308128357, -1.3504996299743652, -0.11181799322366714, -0.5076965093612671, -0.34251999855041504, -0.3748435378074646, -1.0182231664657593, 0.18761414289474487, 0.32687342166900635, -1.2554678916931152, -0.23255878686904907, -0.23895016312599182, 0.21474385261535645, -0.06929577887058258, 1.187445044517517, -0.4065062403678894, -0.041226938366889954, 0.6308923363685608, -0.018143296241760254, -0.22164136171340942, 0.20166410505771637, -0.9215749502182007, -0.25836706161499023, 0.40306419134140015, -0.21386674046516418, -0.18928033113479614, -0.22850418090820312, 0.5422927141189575, -0.09448303282260895, 0.24006345868110657, -0.0018703509122133255, -0.13914363086223602, 0.7943108081817627, 0.1701902449131012, 1.0647821426391602, 0.717104971408844, -0.6842847466468811, -0.8167122006416321, -0.5360822677612305, -0.24188953638076782, 0.12566497921943665, -0.5026466846466064, -0.04189332574605942, -1.9386553764343262, 0.43075108528137207, -0.09243615716695786, 0.673369288444519, 0.6194869875907898, -0.8315594792366028, 0.14094023406505585, -0.807550847530365, 0.5793046951293945, -0.1647796630859375, 0.49297094345092773, -1.2244415283203125, -0.28192275762557983, 0.2187468260526657, -0.025742044672369957, -0.1434011459350586, 0.5149816274642944, 1.1438913345336914, 1.0294203758239746, 0.20111915469169617, 0.2773265838623047, -0.8552721738815308, -0.39762696623802185, 1.6282191276550293, 0.607492208480835, -0.9201434254646301, 0.033882781863212585, -0.4646889567375183, 0.03977889567613602, -0.40121257305145264, 0.5417895317077637, -1.4074981212615967, 0.7561103105545044, -1.6898661851882935, 0.2645876109600067, -0.1270892322063446, 0.18108120560646057, 1.252829909324646, 1.5704234838485718, -0.683747410774231, 0.6247379779815674, -0.7866390943527222, -0.7876829504966736, -0.17005528509616852, 0.6542322039604187, 0.4129413068294525, 0.11468781530857086, 0.7262133359909058, 0.15071779489517212, 0.5308721661567688, 0.49883702397346497, 0.851101815700531, -0.35127919912338257, 0.3393372893333435, 0.19214536249637604, 0.9289087057113647, 0.285425066947937, 0.8355152010917664, 0.5088602304458618, 1.0907598733901978, -0.5022040605545044, -1.4077622890472412, 0.06955306231975555, 0.038607604801654816, 1.4358158111572266, 0.6588281393051147, -0.7845308780670166, 0.67206871509552, 0.20607417821884155, 0.10477488487958908, -0.7463577389717102, -0.2957569658756256, -0.29929500818252563, -0.9813478589057922, 1.2248830795288086, -0.3679462969303131, -0.19478194415569305, -0.3190392255783081, -0.5363023281097412, -0.5934154391288757, -0.686955988407135, 0.24243482947349548, -0.3323010802268982, -1.5537747144699097, -0.5070956945419312, -0.3615722060203552, -0.4519840180873871, -0.6812249422073364, -0.26337891817092896, 0.6683838367462158, -0.14078080654144287, 0.8615372180938721, 1.9972574710845947, 0.25811225175857544, -0.0843743085861206, -0.21617767214775085, 1.142674207687378, -0.6876267790794373, 0.8618327379226685, -0.3809744417667389, 0.26304730772972107, -0.7873858213424683, -0.06133254989981651, -0.3945022225379944, -0.20003917813301086, 0.21643441915512085, -0.7324960827827454, -0.009410478174686432, -0.26696768403053284, 0.5750664472579956, 0.5971068143844604, -0.8749696612358093, 0.23952990770339966, -0.08286362886428833, 1.4368040561676025, 0.3289778530597687, -0.48768100142478943, 0.6059794425964355, -0.6099413633346558, 0.19006256759166718, 0.39502325654029846, -0.3026374578475952, 0.3518527150154114, 1.1247071027755737, -0.1526087373495102, 0.5606405138969421, 0.4334990084171295, -2.291445255279541, 0.32395005226135254, 0.6074454188346863, 0.13173751533031464, -0.0648711621761322, -0.8947895169258118, 0.6076521277427673, -0.37440553307533264, -0.37407416105270386, -0.3194693326950073, 0.048356324434280396, -0.2720267176628113, -0.5673065781593323, 0.333429753780365, 1.418360948562622, 0.03726641833782196, -0.2336801141500473, 0.6956212520599365, 0.0320851169526577, -1.0831727981567383, -0.6353102326393127, 0.31631582975387573, -0.3489897847175598, 0.339927077293396, 0.5771436095237732, 0.5963059067726135, 0.8750911951065063, 0.08132347464561462, -0.07722271233797073, 1.0615586042404175, 0.5568583607673645, 0.11444218456745148, 0.05245107412338257, -0.2643248438835144, -0.12446676194667816, -0.9895500540733337, 1.0918620824813843, -0.029968667775392532, -0.6087216734886169, -1.3220244646072388, 0.2998381555080414, 0.36878395080566406, -1.1487343311309814, 1.2885853052139282, -0.3324558138847351, 0.42903777956962585, 0.14545567333698273, 0.2733966112136841, -0.7191967368125916, 0.006916876882314682, 1.0326035022735596, 0.12437693774700165, -0.049643367528915405, -0.640535295009613, -0.48217228055000305, 0.5501267910003662, -0.3195219933986664, -0.6204147934913635, -0.5180169343948364, 1.4049073457717896, -0.13144855201244354, -0.33706626296043396, -0.14767590165138245, 1.6628191471099854, -0.174026221036911, 0.6263338923454285, -0.523037850856781, -0.8733127117156982, 0.0952354297041893, 1.1544164419174194, 0.48186731338500977, 0.4554908871650696, -0.6324899196624756, 0.5477548241615295, 0.044898319989442825, 0.5817715525627136, -0.5856736898422241, 1.0139926671981812, 0.11421123147010803, -1.1867848634719849, -1.2597709894180298, 0.11089488863945007, -1.315837025642395, -0.38274210691452026, 0.5138555765151978, -0.6704681515693665, -0.2808960974216461, 0.840422511100769, -0.4525618553161621, -0.0012664087116718292, 0.3931806683540344, -0.3385336697101593, -0.08686750382184982, 0.5816413164138794, 0.6754741668701172, -0.674172043800354, -0.4342153072357178, -0.09768569469451904, -1.3445680141448975, -0.38573965430259705, -0.19809485971927643, -0.45919668674468994, 0.35827091336250305, 0.03350100293755531, 0.3201237618923187, 0.16909447312355042, -0.02297491580247879, -0.649511456489563, 0.999392569065094, 0.9089756011962891, 0.16916422545909882, 0.35182470083236694, 0.49666792154312134, 0.8342732787132263, -0.7378414869308472, -0.40051257610321045, -0.2697509825229645, 0.21395353972911835, -0.6705360412597656, 0.18040670454502106, -0.008183076046407223, -0.16440832614898682, 0.8589510321617126, -0.9495020508766174, 0.17444396018981934, -1.18551504611969, 0.2378166764974594, 0.06736469268798828, -0.08547086268663406, 0.3832530677318573, -0.6357107162475586, -0.6912343502044678, -0.1264536827802658, -0.5411154627799988, 0.7724751234054565, -0.582603931427002, -0.0013771243393421173, 0.5900689363479614, 0.8830942511558533, 0.42593175172805786, 0.1685539186000824, -11.271602630615234, 1.2971737384796143, -0.4668995141983032, -0.09777045249938965, 0.5150232315063477, -1.0221896171569824, 0.7788538336753845, 0.5355827808380127, 1.2428250312805176, -0.4222259521484375, 0.48902440071105957, 0.129891499876976, -0.16651734709739685, -0.4648113250732422, -0.10702580958604813, -0.30394160747528076, -0.9862778782844543, -0.7404202818870544, -0.06908462941646576, 0.25073695182800293, -0.13045437633991241, -0.27913999557495117, -0.5461976528167725, 0.37611091136932373, 0.09501299262046814, 0.003536708652973175, -1.0198792219161987, -0.7866522669792175, -0.07964354008436203, -0.22947455942630768, 0.665585994720459, -0.6947585344314575, 0.022251352667808533, -1.1909689903259277, 0.37071603536605835, 0.29042574763298035, -0.8570544719696045, 0.0321974977850914, 0.6875714659690857, -0.19717910885810852, -0.13902688026428223, 0.40838921070098877, 0.7225180864334106, 0.0063947271555662155, 0.4123922884464264, 0.3739885091781616, -0.20828916132450104, 0.2800652086734772, 0.18360240757465363, -0.07628512382507324, -0.9252713322639465, -0.960534393787384, -1.107947587966919, -0.8706173896789551, 0.020966025069355965, -0.16637584567070007, -0.3508738875389099, 0.9780061841011047, -0.2265356183052063, -1.2092679738998413, 0.8017024397850037, 0.9469341039657593, -0.0689791664481163, 0.8641712665557861, 0.7526203989982605, -0.7932162284851074, -0.1973397135734558, 0.4661881625652313, -0.6885814666748047, 0.7339389324188232, -0.549879252910614, 0.5373149514198303, -0.7948838472366333, 0.7733086943626404, -0.40954843163490295, -0.2898959219455719, -0.235090970993042, 0.19790543615818024, 0.71408611536026, 0.15023206174373627, -0.6214902400970459, 0.35676226019859314, 0.5174688696861267, -0.5087741613388062, -1.0929337739944458, 0.2013397514820099, 0.22150066494941711, 0.020593825727701187, 0.908838152885437, 0.030598178505897522, 1.1941094398498535, -0.1733846366405487, 0.031910527497529984, 0.8392212390899658, -0.5075187087059021, 1.1885074377059937, 0.7603898644447327, 0.9429566860198975, -0.4639127850532532, 0.010732002556324005, -0.2634778320789337, 0.10081372410058975, -1.067621111869812, 0.7997615933418274, -0.06579956412315369, -0.1873612105846405, -0.25957974791526794, 0.15511667728424072, 0.2333904653787613, -0.14222055673599243, 0.5667781829833984, 0.21663576364517212, -0.34298574924468994, 0.6299660205841064, 0.3073744475841522, 0.962660014629364, 0.9269048571586609, 0.5592185854911804, 0.9265420436859131, 0.6161283850669861, 0.13761788606643677, 1.1746134757995605, -0.08130592852830887, 1.4004817008972168, -0.4922462999820709, -0.10511407256126404, 0.4004339277744293, 0.521923840045929, -0.22810471057891846, -1.528699278831482, 0.06856588274240494, -0.8293407559394836, 0.7166700959205627, -0.41426822543144226, 0.25884100794792175, 0.7666405439376831, -1.209223985671997, 0.9475702047348022, -0.4700644612312317, 0.6255953311920166, -0.14743159711360931, -0.4912527799606323, -0.2920299768447876, -1.4531735181808472, -0.7725006937980652, 0.05175275355577469, -1.5866899490356445, 0.42060336470603943, -0.42992255091667175, 0.406652569770813, 0.5527726411819458, -0.0972328633069992, 1.00996732711792, -0.7517452836036682, 0.06958100199699402, -0.13619865477085114, 0.7085171937942505, -0.3595840036869049, -1.4230012893676758, -0.6047062873840332, 0.6108753681182861, 1.572823405265808, -0.6081660985946655, 0.8085622787475586, -0.07628948986530304, -0.5827203989028931, -0.15371963381767273, 0.46491119265556335, -1.0294476747512817, 0.3599272072315216, 1.517482876777649, -1.3736339807510376, -0.5298293232917786, -1.4000321626663208, -0.5985614657402039, -1.2212257385253906, 0.5602030754089355, 0.7593547105789185, -1.0104750394821167, -0.43381690979003906, -0.28607097268104553, 0.18929457664489746, -0.18936897814273834, -0.12457609176635742, -1.0357472896575928, -0.16077612340450287, -0.30599114298820496, 1.4260351657867432, 0.14739789068698883, 0.4502967894077301, -1.9638001918792725, -1.4274389743804932, -0.628158688545227, 0.39188429713249207, -0.9828790426254272, -0.21989265084266663, -0.03071870654821396, 0.8095971941947937, 0.4869864881038666, 0.3605043292045593, -0.09363293647766113, 0.12079476565122604, -0.8655683398246765, -0.3798597455024719, -0.06368453800678253, -0.10478167235851288, 0.2041107416152954, 0.2810293734073639, 0.9345859885215759, 0.1325533539056778, -0.9014208316802979, -1.1221054792404175, -0.17016638815402985, 0.507229745388031, 0.36702287197113037, -0.6952393054962158, -0.5358054637908936, 0.23720820248126984, -0.3512127101421356, -0.5110801458358765, -0.14831241965293884, 1.127294659614563, 0.2343934029340744, 1.7060221433639526, 0.8579158186912537, 0.48756277561187744, -0.31655749678611755, 0.02189885824918747, 0.27921128273010254, -0.4176666736602783, -0.06655970215797424, -0.5796138048171997, -0.23030391335487366, 0.503059983253479, 0.12013621628284454, -0.31558525562286377, -1.073345422744751, 0.5866362452507019, -0.8294533491134644, 0.2444392740726471, 0.11215933412313461, 0.5328574180603027, 1.231242299079895, 1.0463005304336548, -0.4716721773147583, -0.6476165056228638, -0.8039932250976562, -0.7900125980377197, -0.36882883310317993, 0.1014283150434494, 0.5015553832054138, 1.17051362991333, 0.5615307092666626, -0.22249780595302582, 0.9642320275306702, -0.42653217911720276, -0.2162884920835495, 0.693030834197998, 0.3716958165168762, 0.7167216539382935, 0.5675590634346008, -0.030154999345541, 0.578683614730835, -0.2978028953075409, -0.588692307472229, 0.11105529963970184, 0.49092212319374084, 0.5092470645904541, 0.5292293429374695, -0.6620127558708191, -0.8159508109092712, -0.9627014994621277, 0.013249341398477554, -0.30146366357803345, 1.384444236755371, 0.4764099717140198, -0.9261122941970825, -0.8562889099121094, -0.7889578938484192, -0.7088000774383545, 0.35639649629592896, 0.18142008781433105, -0.319232702255249, -0.673931360244751, 0.04558762535452843, 0.18555091321468353, -0.7322796583175659, -1.058181881904602, 0.22373247146606445, -1.4739909172058105, -0.016796700656414032, -0.5897272825241089, -0.5393072366714478, -0.17047055065631866, 0.3438224792480469, -0.7682152986526489, 1.0423201322555542, -0.4568108320236206, -0.9157901406288147, -1.8840901851654053, -0.5891707539558411, -0.7683019638061523, -0.13579215109348297, -0.0652577131986618, -0.1757550984621048, -2.511232614517212, 0.6937478184700012, 1.1793572902679443, 0.03388342261314392, -0.01090741902589798, 0.6615709066390991, 0.1967005729675293, -0.1019514948129654, 1.4038902521133423]} +{"paper_id": "mocha", "embedding": [0.0553242452442646, 1.119892954826355, -0.24219749867916107, -0.07365240901708603, 0.17562907934188843, 0.08343130350112915, 0.39222195744514465, 0.44085562229156494, 0.8685203790664673, 0.2924354076385498, 0.2187613844871521, -0.17965546250343323, -0.03586126118898392, 0.0561911016702652, 0.032021764665842056, -0.273838073015213, -0.805863082408905, 0.017733823508024216, -1.7724579572677612, -0.5872375965118408, -0.981584906578064, -0.4197103977203369, -0.3010195195674896, 1.0417776107788086, -0.718392014503479, -0.7721162438392639, 1.1833958625793457, -1.0542038679122925, 0.03896466642618179, -0.08337346464395523, -0.5894513726234436, 0.9602398872375488, -1.1792525053024292, 0.5150181651115417, -0.028116939589381218, -0.5976170897483826, 0.5201576948165894, 0.4154491126537323, -0.3254411220550537, -0.3529713749885559, -0.710928738117218, 0.5006709098815918, 0.6525906324386597, -0.21260786056518555, 0.47637489438056946, -0.2599891424179077, 0.35769784450531006, -0.0978420078754425, -0.10709328204393387, -0.19800077378749847, -0.9812809228897095, 0.2920065224170685, -0.14133550226688385, -0.14920291304588318, 0.15701183676719666, 0.9064067602157593, -0.003924120217561722, -0.5258532762527466, 0.3661251664161682, 0.2901746928691864, 1.2730380296707153, 1.4214668273925781, -0.4480268657207489, 0.5427281856536865, 1.2913974523544312, 0.3205113410949707, 0.5245068073272705, 0.21158729493618011, -1.10189688205719, 0.615861713886261, -1.072569727897644, -0.48486706614494324, 0.048171885311603546, -0.5702149868011475, 0.35356003046035767, 0.6909850835800171, -0.25744447112083435, 0.053500957787036896, 0.529900074005127, -0.7151647806167603, 0.14936047792434692, 0.31369537115097046, 0.6627711057662964, -0.057969510555267334, 0.5936211943626404, -0.0339459590613842, 0.3901272416114807, -0.6519715189933777, -0.147978737950325, -1.8107585906982422, 0.5959851145744324, 0.4594503343105316, 0.8526557087898254, -0.1402972787618637, -0.5359063744544983, 0.4878476858139038, -0.07770983874797821, -0.6152269244194031, -0.09310336410999298, -0.13289019465446472, 0.5705380439758301, 0.06176626309752464, 1.31344473361969, -0.5525482296943665, 0.38316628336906433, -0.10514898598194122, 0.331191748380661, -0.6555347442626953, 0.03151458501815796, -1.265730381011963, -0.14075243473052979, 0.5942043662071228, 0.12221497297286987, 1.0213104486465454, -0.2423701286315918, 0.5706112384796143, 0.6411019563674927, -0.7138723134994507, -0.23098523914813995, 0.34521567821502686, 0.27360761165618896, -0.4033762514591217, -0.5103527903556824, -1.1128484010696411, 0.40770018100738525, -0.7853478193283081, -0.6316306591033936, -0.5192685723304749, -0.1636192351579666, 0.22454875707626343, 0.8424021005630493, 0.5237393379211426, -0.7973728775978088, 0.23122641444206238, 2.607253074645996, -1.1756242513656616, 0.5597884654998779, -0.5401390194892883, -0.44402793049812317, -1.024234652519226, 0.07137826085090637, 1.6300957202911377, 0.19775080680847168, -0.8999049663543701, -0.5670729279518127, 0.3111286163330078, -0.6677904725074768, 0.1296233832836151, -0.7711485624313354, -0.1964583396911621, 0.047319456934928894, 0.1519051492214203, -1.538169503211975, -0.6790950298309326, 0.044952500611543655, -0.2549818158149719, 0.02504061535000801, 0.37015682458877563, -0.16230779886245728, 1.2301148176193237, 0.1768360584974289, -0.11715033650398254, -1.0051250457763672, 0.24696320295333862, -0.8165293335914612, 0.32582753896713257, 0.9011948108673096, -0.09810750186443329, -0.22087526321411133, 0.014623664319515228, -0.10200601071119308, -0.648002564907074, -0.6820369362831116, -0.37218186259269714, 0.10211155563592911, 0.15785327553749084, 0.39292338490486145, 0.8127893209457397, 0.2163512408733368, -0.3226550221443176, -0.06582730263471603, -0.05102299526333809, -0.10832555592060089, 0.6221375465393066, -0.6842696666717529, 0.7411006689071655, -3.0263752937316895, 0.46694421768188477, -0.4176090657711029, 1.0193697214126587, -0.028221197426319122, -0.3698227107524872, 0.32271918654441833, 0.3267030119895935, 0.0318126454949379, -0.953957736492157, 0.6202105283737183, -1.1280392408370972, 0.7747946381568909, 0.30304330587387085, 0.2981921136379242, -0.3045555055141449, 0.1056792140007019, 1.2118655443191528, 0.42557990550994873, -0.7417386174201965, -1.1710261106491089, -2.2845678329467773, -0.15317872166633606, 2.0644853115081787, 0.0923585593700409, -0.5458191633224487, -0.19545283913612366, -1.0116764307022095, 0.02828460931777954, -0.12921427190303802, 0.404690682888031, -0.41436392068862915, -0.46157407760620117, -0.6879408955574036, 0.6538112759590149, -0.7858814597129822, 0.015112876892089844, 0.9211077094078064, 1.6108530759811401, -0.21195390820503235, -0.3928999900817871, -0.7226818799972534, -0.5596202611923218, -0.17325833439826965, 0.4914560616016388, 0.20328128337860107, 0.093132883310318, 0.6296200752258301, 0.2183757722377777, 1.022225260734558, 0.9057936668395996, 0.9010050892829895, -0.4514358341693878, 0.7027514576911926, 0.269894003868103, 1.651391625404358, -0.20957882702350616, 0.016755109652876854, -0.2354317158460617, 0.2740808427333832, -0.5311182737350464, -0.18332132697105408, -0.2014436423778534, -0.19371095299720764, 1.1060634851455688, 0.38979387283325195, -0.7725964188575745, 0.09710158407688141, -0.22795994579792023, -0.026767626404762268, -0.5774271488189697, -0.0959012359380722, -1.1398416757583618, 0.62247633934021, -0.013948936015367508, 0.00856415368616581, -0.016812855377793312, -0.9204580783843994, 0.20545807480812073, -1.2645390033721924, -0.9103318452835083, -0.09225080162286758, 0.17037738859653473, -1.203583002090454, -0.7509856224060059, 0.5813568830490112, -1.2301779985427856, 0.10501042008399963, -0.14832043647766113, -0.018237628042697906, 0.17920507490634918, 0.16851219534873962, 1.4788569211959839, 0.000355008989572525, -0.13199196755886078, -0.1110038161277771, 0.8988608717918396, -0.7570252418518066, 0.05406980961561203, -0.6270570755004883, -0.08134428411722183, -0.9836345911026001, 0.4351847469806671, -0.9426596164703369, 0.3134491443634033, 0.22949665784835815, -0.6629111766815186, 0.6879996657371521, -0.003915056586265564, -0.7863916754722595, 0.601609468460083, -0.455759197473526, 0.5219970345497131, -0.8337586522102356, 1.4521769285202026, 0.35116010904312134, -0.6917343139648438, 1.1536648273468018, -0.8352571129798889, -0.7837799787521362, 0.6318626403808594, -0.5356636047363281, 0.0797361359000206, -0.15175004303455353, -0.35871773958206177, 0.29451969265937805, 0.09831983596086502, -1.4946086406707764, 1.146823525428772, 0.9853456020355225, 0.22227855026721954, -0.44831690192222595, -0.6536898016929626, 0.6681032776832581, -0.12102614343166351, 0.3718371093273163, 1.0222305059432983, -0.6947572231292725, 0.07887567579746246, -0.6558153629302979, 0.7095940113067627, 0.22173357009887695, 0.2943282723426819, 0.6702184081077576, 0.8568775653839111, 0.6781688928604126, -1.5258138179779053, -0.06758047640323639, 1.369666337966919, -1.0531251430511475, 0.08268293738365173, 0.40466421842575073, 0.4602179229259491, 0.25978055596351624, -0.31439727544784546, 0.2785317003726959, 0.5480562448501587, 0.14327365159988403, -0.14742663502693176, 0.240744948387146, 0.19680088758468628, -0.030540412291884422, -0.40091729164123535, 1.1746790409088135, -0.4102383553981781, -0.7148606777191162, -1.0263537168502808, -0.35462990403175354, -0.691650390625, 0.3322238028049469, 1.3307454586029053, 0.7674015760421753, 1.734197735786438, 0.6606342196464539, 0.14242419600486755, -0.3292783498764038, -0.282041996717453, -0.16799582540988922, 0.20985817909240723, 0.12644486129283905, -0.5216034650802612, 0.2945181727409363, 0.526025116443634, 1.0838207006454468, -0.3387600779533386, 0.2932373583316803, 0.19248977303504944, -0.13451479375362396, -1.5097469091415405, 1.0270850658416748, 0.4705013632774353, 0.6583260297775269, 2.4497175216674805, -0.6091930866241455, 0.15067793428897858, 0.590660572052002, -0.32046961784362793, 0.6165183782577515, -0.08900882303714752, 0.5128062963485718, 0.5180849432945251, 0.5697970986366272, 0.9237596988677979, 0.1628590077161789, 0.928428590297699, 1.1595202684402466, -0.8592258095741272, -1.6781092882156372, 0.13057304918766022, -0.8969612717628479, -0.22909440100193024, -0.16317403316497803, 0.38401246070861816, 0.04771439731121063, 0.24979734420776367, -0.3669655919075012, -1.0924599170684814, 0.5022908449172974, -0.26881203055381775, -0.7561852931976318, 0.5146917700767517, 1.2466055154800415, -0.9161113500595093, -0.6637829542160034, -0.22016437351703644, -0.7725699543952942, 0.17370983958244324, -0.5528839826583862, -1.073991060256958, 0.48594939708709717, -0.0005928799510002136, 0.6502929329872131, 0.04316871613264084, 0.4898911118507385, -1.3246357440948486, 1.816988468170166, 0.9068523049354553, -1.079685926437378, 0.9894593954086304, 0.3745664656162262, 1.3254666328430176, 0.1962953358888626, -0.5222851037979126, -0.969862699508667, 1.1881098747253418, 0.14485499262809753, 0.33205223083496094, -0.3361690938472748, -0.13322830200195312, 1.4991322755813599, 1.0763438940048218, 0.2627883553504944, -0.5675012469291687, 0.15701207518577576, -0.7637640237808228, 0.5199587941169739, 1.1092373132705688, -1.608627200126648, -1.0282502174377441, 0.5187324285507202, -0.6878417730331421, 0.24849823117256165, -0.08002801984548569, -0.07495209574699402, 1.859500527381897, -0.17792099714279175, -0.38061922788619995, -0.5527664422988892, -11.3164701461792, 0.8184300065040588, -0.2692461311817169, -0.1650853008031845, 0.7124019861221313, -0.5521663427352905, 0.27719739079475403, 0.9483215808868408, 0.46654585003852844, -0.5630261898040771, 0.030185416340827942, 0.8848739266395569, 0.12645688652992249, 0.11621948331594467, -0.7196629643440247, -1.1421617269515991, -0.9356119632720947, -1.0992136001586914, 0.4942438006401062, 0.6067461371421814, 0.17290040850639343, -0.37909525632858276, -0.10530451685190201, 0.2083134651184082, 0.35590267181396484, -0.15398618578910828, -0.38770055770874023, -0.6358636617660522, 0.6452717185020447, 0.19325140118598938, 0.43929600715637207, 0.06588921695947647, -0.6987605690956116, -0.49852484464645386, 0.15329335629940033, 0.2259228527545929, -1.477953314781189, -0.29763180017471313, 0.8169278502464294, -1.2318841218948364, -1.0352574586868286, 0.013521271757781506, 0.2957557141780853, -0.42122775316238403, -0.8412253260612488, 0.29790711402893066, 0.3473752737045288, -1.0633220672607422, -0.5092664361000061, -0.9356706142425537, -0.7339081764221191, -0.424445241689682, -0.48469704389572144, -0.4140368103981018, 0.3894805908203125, -0.4200063645839691, -0.32008299231529236, -0.7736626863479614, -0.3643008768558502, -0.49533724784851074, 0.4458909332752228, -0.053129494190216064, -1.055886149406433, 0.026208531111478806, 0.6363226771354675, -0.4107542037963867, 0.5026862025260925, 0.8614014387130737, 0.2849740982055664, 1.1007333993911743, -0.7286657691001892, 1.0317341089248657, 0.01700262725353241, 0.7569520473480225, -0.39638856053352356, 0.18561816215515137, -0.39458250999450684, -0.4249385893344879, 0.6108968257904053, -0.05729960277676582, -1.1630423069000244, 0.42740243673324585, 0.34054034948349, -0.44481512904167175, -0.3937831223011017, 0.048625972121953964, -0.03745105862617493, 0.49903249740600586, 1.0301904678344727, -0.6340786218643188, 1.5512378215789795, -0.8870708346366882, -0.5468102693557739, 0.012585099786520004, -0.8868018984794617, 0.05958236753940582, -0.3712693452835083, 0.006914261728525162, 0.561572790145874, -0.7189241051673889, -0.09521424025297165, 0.2441582977771759, -0.6665928363800049, -0.2419084757566452, 0.9203300476074219, 0.060478195548057556, -0.29802650213241577, 0.3025265038013458, 0.2965557873249054, -1.250547170639038, 0.0074409255757927895, 0.5459299087524414, -0.2299068421125412, 1.612312912940979, -1.4140011072158813, 0.7478048801422119, 0.9239255785942078, 0.15247419476509094, 0.07274068892002106, 1.0748264789581299, -0.805106520652771, 1.4599641561508179, 0.6685866713523865, 1.764786720275879, 0.012974832206964493, -0.06854578852653503, 0.8337459564208984, 0.3878563940525055, -0.8798798322677612, -0.8317827582359314, -0.2863227427005768, -0.5291406512260437, 0.1510435938835144, -0.5169698596000671, -0.048167288303375244, 0.13260531425476074, -0.5486138463020325, 1.1658642292022705, -0.9134933948516846, 0.5278466939926147, 0.09149110317230225, 0.2656455934047699, -0.5312998294830322, -0.8862161040306091, -1.1338415145874023, 0.38245689868927, -2.182894468307495, 0.6818355917930603, -0.2474936842918396, -0.4469395875930786, -0.1581515520811081, -0.6111587285995483, 0.6885285973548889, -0.3659897744655609, 0.017206823453307152, -0.2466067671775818, 0.7151185870170593, -1.0173494815826416, -0.16240207850933075, -0.43326470255851746, -0.026972241699695587, 0.8626596927642822, -0.4407588243484497, 1.2854115962982178, 0.4869481027126312, -0.360522985458374, -0.35814639925956726, -0.007355496287345886, -0.48841825127601624, 0.6342676281929016, 0.6334667205810547, -0.7776296734809875, -0.20364974439144135, -0.2963102161884308, 0.06608258187770844, -0.5877167582511902, 0.23061662912368774, 1.2343140840530396, -1.481711983680725, 0.08507247269153595, -0.10815571248531342, 0.9096283912658691, 0.5433241128921509, -0.9775457978248596, -0.42137080430984497, -0.02460160106420517, 0.1709120273590088, 0.2004203200340271, 0.017251720651984215, 1.0695223808288574, -1.107725977897644, -1.172919511795044, -0.4631548821926117, -0.5656961798667908, 0.04533630982041359, 0.4643062353134155, 0.8381028771400452, 0.844931423664093, -0.6702063083648682, 0.007937334477901459, 0.07869970798492432, 0.50117427110672, 0.010909739881753922, 0.8790378570556641, -0.03363565355539322, 0.7071346044540405, -0.7940698862075806, 0.3653372824192047, 0.6955041885375977, 1.1623932123184204, -0.10144076496362686, -0.15497753024101257, 0.12377947568893433, -0.2915147542953491, -0.3162963390350342, -1.3905162811279297, -0.36575987935066223, -0.8433316946029663, -0.06119287386536598, -0.6582034826278687, 0.6831327676773071, 1.3882405757904053, 0.07595856487751007, 0.4133489727973938, 1.1694934368133545, -0.0015864521265029907, 0.9440672993659973, 0.2704160213470459, 0.7512062191963196, 0.29264259338378906, -0.4803391695022583, 0.4063498079776764, 0.6576389074325562, 0.16282731294631958, 0.33715128898620605, -0.39189180731773376, -0.7399790287017822, -0.019322432577610016, 0.005711212754249573, 0.6357240676879883, 0.32890206575393677, 1.0812671184539795, 0.5652791857719421, 1.0725480318069458, 0.18814630806446075, -1.5906263589859009, -0.3937840163707733, -1.3660290241241455, 0.18154679238796234, 1.0156891345977783, -0.001817675307393074, 0.1343308985233307, 0.5300973653793335, -0.7174252867698669, 1.0563604831695557, -0.8913629055023193, 0.09888333082199097, 0.04074560105800629, -0.022488541901111603, 0.9733551144599915, 0.47450822591781616, 1.0861082077026367, 0.29133641719818115, -0.4284783899784088, -1.2395210266113281, -0.07116055488586426, -0.7071370482444763, 0.9075479507446289, 0.39853280782699585, -0.6347005367279053, 0.1721436232328415, -0.37499427795410156, 1.2071335315704346, -0.06799140572547913, 1.3292195796966553, 0.2664717435836792, -0.19586271047592163, -0.5247904062271118, -1.4954853057861328, 0.33490192890167236, 0.48341628909111023, 0.10335659980773926, 0.06904647499322891, -0.7135257720947266, 0.6674004793167114, 0.40133360028266907, 0.45550060272216797, -0.4769934117794037, -0.06956909596920013, -0.8322123289108276, 0.20363949239253998, 0.10880123823881149, -0.6722972989082336, -0.5900710821151733, 0.38361844420433044, -0.5927014946937561, 0.22927455604076385, 0.2546038031578064, -0.6337136030197144, -0.5111873149871826, 0.25140315294265747, 0.3366544544696808, 0.1660950928926468, 0.04527417942881584, 0.3312472105026245, -1.287697434425354, 0.8044837117195129, 0.5683585405349731, -0.9849147200584412, 0.2539902627468109, -0.4543634057044983, 0.39692696928977966, 0.06814359873533249, 1.7655508518218994]} +{"paper_id": "covid_qa_castorini", "embedding": [-1.0244414806365967, 0.8859719038009644, 0.25192901492118835, -0.6303344964981079, 0.5397366881370544, -0.45803725719451904, 0.4886012375354767, 0.4370075464248657, 0.8254647850990295, 0.524378776550293, 0.5743492841720581, 0.10949023067951202, 0.19976769387722015, -0.3802949786186218, 0.04675956815481186, -0.3471926748752594, -1.0403488874435425, -0.7090325355529785, -0.9687594771385193, -0.6649704575538635, -0.7917056679725647, -0.5494521856307983, -0.15308570861816406, 0.5494436025619507, -0.786387026309967, -0.8976252675056458, 0.99637371301651, -0.597800076007843, 0.3086721897125244, -0.009620685130357742, -0.17528605461120605, 1.1141477823257446, -1.8402738571166992, 0.14500603079795837, -0.31357696652412415, -0.4804777204990387, 0.3852722942829132, 1.2295615673065186, -0.39916306734085083, -0.35042130947113037, -0.4681606888771057, 0.11718162149190903, 0.9348381757736206, 0.48219919204711914, 1.2917786836624146, -0.6804675459861755, 0.07173880189657211, -0.5073903203010559, -0.3387291431427002, -0.06576888263225555, -0.4062553644180298, -0.12695863842964172, -0.3136967420578003, 0.5032939910888672, 0.07623740285634995, 1.2005956172943115, 0.5696688294410706, -0.7475490570068359, 0.6089364290237427, -0.6527601480484009, 1.4215394258499146, 1.9910603761672974, -0.3877428472042084, 0.24115611612796783, 1.0191348791122437, -0.21233153343200684, 1.39469313621521, 0.1545279175043106, -0.12557274103164673, 0.563922643661499, -0.417339563369751, -0.6836555004119873, 0.123687244951725, -0.2379673719406128, 0.5504360198974609, 0.9693827629089355, 0.23573295772075653, -0.03225935995578766, 0.2779085040092468, -0.2941175401210785, -0.2786778211593628, 0.40858179330825806, 0.32123690843582153, -0.10438663512468338, 0.29789915680885315, 0.07419583946466446, 0.66800856590271, -0.9959271550178528, 0.5549858808517456, -1.6428276300430298, 0.7056445479393005, 0.16094982624053955, -0.4772713780403137, -0.0738428384065628, -0.32981330156326294, 0.7175219655036926, -0.850330650806427, -0.14795571565628052, -0.21530671417713165, 0.018324587494134903, 0.32771599292755127, -0.07202764600515366, 0.26967206597328186, -0.29843634366989136, -0.0972270518541336, 0.36005300283432007, 0.1289612501859665, -0.22475573420524597, -0.8624891638755798, -0.7342728972434998, 0.40298858284950256, 1.1304914951324463, -0.09062105417251587, 0.4172477424144745, -0.04197162389755249, 0.19414973258972168, 0.36997219920158386, -0.6127851009368896, -0.5967758297920227, -0.04538621008396149, -0.13727064430713654, -1.338834285736084, -0.2920924425125122, 0.06334266066551208, 0.9869669675827026, -0.5078205466270447, -0.18412990868091583, -0.7568318843841553, 0.06375885009765625, 0.311678946018219, 0.8970651626586914, -0.0982610285282135, -0.5550904273986816, -0.2190585881471634, 3.223569393157959, -0.7670475840568542, 1.8492052555084229, -0.25316280126571655, -0.42619168758392334, -0.7732245922088623, -0.29764142632484436, 1.5727834701538086, 0.3062252104282379, -1.100428819656372, -0.45494601130485535, 0.5840615034103394, -0.4031589925289154, -0.08053968101739883, -1.0728404521942139, -0.6934124231338501, -0.3072936534881592, 0.23230835795402527, -1.2019661664962769, -0.23623037338256836, 0.34529760479927063, 0.7637488842010498, -0.2663409411907196, 0.4203668236732483, -0.2777659595012665, 1.1421380043029785, 0.04933803528547287, -0.19389858841896057, -0.3403207063674927, 0.531455934047699, -0.6034370064735413, -0.660716712474823, 0.8752357363700867, 0.2789762318134308, -0.5416116118431091, 0.10571577399969101, 0.34860605001449585, -0.6279656887054443, -0.18177035450935364, -0.5162445306777954, 0.04650581628084183, 0.12071814388036728, 0.5219605565071106, 0.701042652130127, 0.6747423410415649, -0.4788289964199066, -0.036896854639053345, -0.6022678017616272, 0.06310712546110153, 0.8551886677742004, 0.40674319863319397, 0.4982798099517822, -2.3756072521209717, -0.0076401978731155396, -0.16225051879882812, 0.23020166158676147, 0.054865762591362, -0.0882527306675911, -0.11029843240976334, -0.01865254156291485, -0.34682512283325195, -0.8386717438697815, 0.4190920293331146, -1.2608212232589722, 0.1668141782283783, 0.24030323326587677, -0.08585138618946075, 0.11857080459594727, 0.6535041332244873, 0.9625799655914307, 0.7337549924850464, 0.14762422442436218, -1.1841591596603394, -2.0166850090026855, 0.2344503402709961, 2.2224209308624268, -0.20657873153686523, -0.8873220086097717, -0.779731273651123, 0.26744502782821655, 0.17211973667144775, -0.4767615795135498, -0.038477711379528046, -0.342444509267807, 0.3247382938861847, -0.9296503067016602, 0.3894859254360199, -0.7777419686317444, -0.07758010178804398, 0.16807201504707336, 0.6419723629951477, -0.635932445526123, -0.20869940519332886, -0.25407734513282776, -0.9715402126312256, 0.4198538064956665, 0.5499250888824463, 0.21519209444522858, -0.3884923458099365, 1.345247745513916, 0.14314432442188263, 0.7494962215423584, 0.5432608723640442, 0.43310242891311646, -0.9724957942962646, 0.074844591319561, 0.31754061579704285, 0.7888736128807068, 0.18483945727348328, 0.08379263430833817, 0.48764151334762573, 0.5277908444404602, -0.34327998757362366, -0.5173637866973877, -0.25649768114089966, -0.33853378891944885, 1.1231656074523926, 0.6770488023757935, -0.6981644034385681, 1.106716513633728, -0.235325887799263, 0.06703364849090576, -0.19349244236946106, -0.44555988907814026, 0.2473420649766922, -0.9729885458946228, 1.1390639543533325, -0.3764076828956604, 0.4566800892353058, -0.5576083660125732, -0.08500967919826508, -0.7478259205818176, -0.43823549151420593, 0.32959938049316406, -0.8606546521186829, -1.0818593502044678, 0.0023019760847091675, -0.3068463206291199, -1.0840529203414917, -0.49944692850112915, 0.298565536737442, 0.4291309118270874, 0.3157213628292084, 1.0050240755081177, 1.3160922527313232, 0.3777230978012085, 0.0667215883731842, 0.04507848620414734, 0.928450882434845, -0.41180187463760376, 0.7842221260070801, -0.0641329288482666, 0.16219203174114227, -0.9572643041610718, -0.1489575356245041, -0.490802526473999, -0.13091374933719635, 0.3723463714122772, -0.4664366543292999, 0.8491493463516235, -0.24358682334423065, -1.2649227380752563, 0.632967472076416, -0.6976370811462402, -0.20512524247169495, -0.3791128993034363, 1.5722249746322632, 0.245658740401268, -0.2594618499279022, 0.8909677267074585, 0.1602846384048462, -0.6951243281364441, 1.0176693201065063, -0.39987143874168396, 0.135694682598114, 0.5958968997001648, -0.3291246294975281, 0.2253914177417755, 0.18821796774864197, -1.9587115049362183, 0.7328384518623352, 0.8659122586250305, -0.33334237337112427, -0.1979595273733139, -0.7606443762779236, 0.37067872285842896, -0.4381120204925537, 0.4282916784286499, 0.1858547329902649, -0.3094707131385803, 0.3715721368789673, -0.4840911030769348, 0.3030555844306946, 1.698981523513794, 0.03822962939739227, 0.6458373069763184, 0.3859691321849823, 0.10426200926303864, -0.7134614586830139, -0.5603622794151306, 1.1917988061904907, -0.2547247111797333, 0.13251829147338867, 0.3659443259239197, 0.2364300936460495, 0.9513994455337524, -0.4133060872554779, -0.24661420285701752, 0.3495778441429138, 0.3246622681617737, 0.34387147426605225, -0.17917734384536743, -0.12472100555896759, 0.23274345695972443, -0.11194157600402832, 1.5372607707977295, 0.07021446526050568, -0.7095584273338318, -1.320329189300537, -0.05130309239029884, -0.2560499906539917, 0.019269771873950958, 1.735741138458252, 0.13201221823692322, 1.4004188776016235, -0.1590755581855774, -0.006586252246052027, -0.11092323064804077, -0.4875851273536682, 0.8179391622543335, 0.5913029313087463, 0.0008216574788093567, -0.47532567381858826, 0.2906225323677063, 0.6261518597602844, -0.06385833024978638, -0.1516876220703125, 0.3037915527820587, 0.49685636162757874, -0.29918381571769714, -0.7472706437110901, 0.7229134440422058, 1.1585638523101807, 0.25694596767425537, 1.3531841039657593, -0.3540852963924408, -0.6531824469566345, -0.22804446518421173, 0.7666743993759155, 0.042205438017845154, 0.38431698083877563, -0.21730400621891022, 1.0270262956619263, 0.30864521861076355, 0.7293041348457336, -0.16631871461868286, 0.9912293553352356, 1.4120283126831055, -0.6359089612960815, -2.000685691833496, -0.7409864664077759, -1.3415073156356812, 0.10896866023540497, 0.613217830657959, 0.30313849449157715, -0.6243072152137756, 0.38203924894332886, -0.2720494270324707, -1.1582541465759277, 0.3720448613166809, -0.2035595178604126, -1.1934475898742676, 0.8625608086585999, 1.9245632886886597, -1.0586873292922974, -0.8995540142059326, -0.11164537072181702, -1.1031767129898071, -0.4146125316619873, -0.3969919681549072, -1.014459490776062, 0.19409975409507751, 0.3736239969730377, 0.6643521785736084, -0.04847428947687149, -0.05395643413066864, -0.43430039286613464, 1.1136130094528198, 0.9128469228744507, -0.7379443049430847, 0.38177162408828735, 0.11312317103147507, 0.4228282570838928, -0.8274552822113037, -1.0845046043395996, -0.8782582879066467, 0.6818307042121887, -0.5877459049224854, 0.5321543216705322, -0.7939387559890747, -0.4307660460472107, 0.23207804560661316, 0.017355378717184067, 1.4407113790512085, -1.3247450590133667, 0.13683466613292694, -0.6490100622177124, -0.30224496126174927, 0.5627813339233398, -1.16117525100708, -0.24147360026836395, 0.6988016963005066, -0.05401263386011124, 0.8908734321594238, -0.20108456909656525, 0.07697102427482605, 0.4987631142139435, -0.12013469636440277, -0.07560352981090546, -0.24348655343055725, -11.931475639343262, 0.7541177868843079, 0.011692618951201439, -0.0330546535551548, 1.3576077222824097, -0.44692036509513855, 1.0351896286010742, 0.261288583278656, 0.8445456027984619, -0.7735313177108765, 0.6382678747177124, 0.5511815547943115, -0.0033928565680980682, -0.4097341001033783, -0.3514987528324127, -1.1194835901260376, -0.8032657504081726, -0.7541735172271729, 0.6132790446281433, -0.16055002808570862, -0.13850294053554535, -0.21356606483459473, -0.3625766634941101, 0.44242992997169495, -0.061041802167892456, -0.014794699847698212, -0.5517091155052185, -0.14740194380283356, 0.08402124047279358, 0.07453235983848572, 0.6111723780632019, -0.0006608515977859497, -0.540580153465271, -1.098193883895874, -0.45884400606155396, 0.003114088671281934, -0.7968592047691345, -0.4784363806247711, 0.8121880292892456, -0.3828480839729309, -0.03014923632144928, 0.15112069249153137, 0.418271005153656, 0.7314795851707458, 0.13974659144878387, 0.5966261625289917, 0.06205950677394867, -0.8607597351074219, 0.5535790324211121, 0.09205280989408493, -0.7056494951248169, -0.4509407579898834, -0.4655333161354065, -0.3739531636238098, 0.1003575548529625, 0.20978915691375732, -0.9944674968719482, -0.15846897661685944, -0.07806067913770676, -0.9323599338531494, 1.2359488010406494, 0.6531853675842285, -0.2779073715209961, 0.29945847392082214, 0.2586679756641388, -0.4467163681983948, 0.49502500891685486, 0.45183634757995605, -0.5727426409721375, 0.5246637463569641, -0.6226341128349304, 1.033519983291626, 0.4122616946697235, 0.4063872694969177, -0.38501158356666565, 0.45351937413215637, -0.635016918182373, 0.4153743088245392, -0.00815403088927269, 0.14619871973991394, -1.3822840452194214, 0.9336837530136108, 0.8110283613204956, -0.5581744909286499, -0.6737363338470459, -0.02996395155787468, 0.07860471308231354, 0.03588772937655449, 0.04599609971046448, -0.24151688814163208, 1.0651419162750244, 0.8327019214630127, -0.6040802597999573, -0.3752308487892151, -0.2636612057685852, 1.2809674739837646, -0.49121159315109253, 0.9130566716194153, -0.1932268589735031, -0.11875589936971664, 0.12984566390514374, -0.2071147859096527, -0.48725125193595886, 0.1466795802116394, 0.4930269122123718, -0.14612749218940735, 0.1858324110507965, 0.30111080408096313, -0.3700757324695587, -0.294965922832489, 0.8485499620437622, 0.3604651987552643, -0.16179242730140686, 1.3517882823944092, -0.395372599363327, 1.1925612688064575, 0.20187728106975555, -0.507688045501709, 0.0017709918320178986, 1.4087462425231934, -0.370856374502182, 0.9138185977935791, 0.3910265266895294, 1.2665444612503052, -0.5324525237083435, -0.02022705413401127, 0.22933706641197205, 0.09851671010255814, -0.055687956511974335, -0.8744376301765442, 0.09562888741493225, -0.23248717188835144, 0.08104659616947174, -0.652917742729187, -0.599740207195282, -0.23458273708820343, -0.7479080557823181, 1.395803689956665, -0.6066339015960693, -0.02458798885345459, -0.6445010304450989, -0.6769115924835205, 0.13227134943008423, -1.2915905714035034, -1.1275984048843384, -0.1332082450389862, -1.4024524688720703, 0.06703614443540573, -0.8424359560012817, -0.39054596424102783, 0.21012276411056519, -0.7246848344802856, 0.614510178565979, -0.8116037249565125, -0.38513660430908203, -0.4713083803653717, -0.02091611549258232, -0.6028730869293213, -1.3555697202682495, -0.6725999712944031, -0.21904313564300537, 1.1196268796920776, -0.8005470037460327, 1.374025821685791, 0.5740969181060791, -0.7388008236885071, -0.5670344233512878, 0.5232282876968384, -0.7437058091163635, -0.008829846978187561, 1.3058489561080933, -0.5216060280799866, -0.10823727399110794, -0.9324550032615662, -0.786036491394043, -0.5453817844390869, 0.5174474716186523, 1.2698092460632324, -0.2545454502105713, -0.00392112135887146, 0.09119676053524017, 0.8789870142936707, -0.027030091732740402, 0.17995953559875488, -0.2569519281387329, 0.30568838119506836, -0.08056070655584335, 0.7841306924819946, 0.37217244505882263, 0.6390599012374878, -1.5758910179138184, -1.0630338191986084, -0.20846650004386902, -0.11372584104537964, 0.01547713577747345, 0.0018004737794399261, 0.5224554538726807, 0.4459467828273773, -0.039777301251888275, 0.09772216528654099, 0.08572490513324738, 0.2646421194076538, 0.07715120911598206, 0.6720018982887268, -0.20459088683128357, 0.20154282450675964, -0.29763349890708923, 0.39937087893486023, 0.6815625429153442, 1.1675699949264526, -0.9058167338371277, -0.07776143401861191, 0.32517749071121216, 0.12826697528362274, 0.3906656503677368, -1.7011098861694336, 0.26321783661842346, -0.17858006060123444, -0.24996142089366913, -1.5824896097183228, -0.12308114022016525, 1.4138197898864746, -0.2663273811340332, 1.069502830505371, 0.5285998582839966, 0.7157275080680847, 0.7244945764541626, 0.47221505641937256, 0.5994493365287781, -0.18631739914417267, -0.36167284846305847, 0.032785993069410324, -0.1283857524394989, -0.036846138536930084, -0.4180073142051697, -0.8910865783691406, -0.7846611142158508, 0.6084702014923096, 0.009683012962341309, 0.6989436149597168, -0.2485024482011795, 0.6337095499038696, 0.46116745471954346, 0.9200143218040466, -0.018858976662158966, -0.8283988237380981, -0.2791230082511902, -1.3195058107376099, -0.015399901196360588, 0.4592084288597107, 0.18640632927417755, 0.31117865443229675, 0.5486186742782593, -0.041888728737831116, 1.247829794883728, -0.7323488593101501, -0.06368769705295563, -0.38372907042503357, -0.6460764408111572, 0.6173029541969299, 0.35828840732574463, 0.4372234046459198, 0.28890952467918396, -0.6843960285186768, -0.8624944090843201, -0.15718033909797668, -0.06999234855175018, 0.7633761167526245, 0.8034052848815918, -0.9065810441970825, -0.6254255771636963, -0.8283148407936096, 0.9120566248893738, -0.594418466091156, 1.096107840538025, 0.21723872423171997, -0.6180870532989502, -0.2824018597602844, -0.8639160990715027, -0.12663140892982483, 0.6055672764778137, 0.2589952349662781, 0.04770055413246155, -0.12901423871517181, 0.8749848008155823, -0.28747880458831787, -0.6432336568832397, -0.44896265864372253, 0.25994938611984253, -0.8550415635108948, 0.5688338875770569, 0.9258015155792236, -0.8489930629730225, -1.0703376531600952, 0.15303565561771393, -0.6253137588500977, 0.8714610934257507, 0.42552560567855835, -0.6956744194030762, -0.8954058885574341, -0.005650537088513374, -0.5381672382354736, 0.729515016078949, 0.35649096965789795, -0.13335353136062622, -1.6382650136947632, 0.7796328663825989, 1.4207007884979248, 0.1958191990852356, -0.12822359800338745, 0.2431093454360962, 0.5907289981842041, 0.03751277178525925, 1.4002599716186523]} +{"paper_id": "wiki40b", "embedding": [0.345257043838501, 0.8769016861915588, 0.1833336353302002, 0.05166702717542648, 0.6942389011383057, -0.4757223129272461, 0.2783380150794983, 0.15740340948104858, 1.0146605968475342, 1.0832022428512573, 0.7252523899078369, -0.13389372825622559, 0.2884220480918884, 0.04308796674013138, 0.052121199667453766, -0.8447749614715576, -0.662005603313446, -1.2000644207000732, -0.8553127646446228, -0.1700269728899002, -1.0072009563446045, -0.16796332597732544, 0.029011469334363937, 0.8575920462608337, -0.432608038187027, -0.45431020855903625, 0.2941317856311798, -0.46910881996154785, 0.32730185985565186, 0.7031010389328003, -0.2719087600708008, 0.8991572260856628, -1.755991816520691, 0.2951813042163849, -0.7659204602241516, -0.1994452029466629, -0.1334020048379898, 1.0230376720428467, -0.24930116534233093, -0.27586475014686584, -0.4351891875267029, 0.19781526923179626, 0.5834093689918518, 0.12356946617364883, 0.6944955587387085, -0.12068396806716919, -0.28142648935317993, 0.14561016857624054, 0.12936818599700928, 0.16360025107860565, 0.2960537075996399, -0.06556857377290726, -0.1132042407989502, 0.2323981523513794, -0.4054262638092041, 0.7614131569862366, 0.41805532574653625, -0.5573187470436096, 0.42040035128593445, -1.1045185327529907, 0.9739980697631836, 1.5522525310516357, -1.1514644622802734, -0.21461856365203857, 1.1596176624298096, 0.05077768862247467, 1.3518959283828735, 0.50883948802948, 0.8593001961708069, 0.7861693501472473, 0.30543333292007446, -0.9369398951530457, 1.0429155826568604, 0.4263114929199219, 0.7177281379699707, 0.9873188734054565, 0.40155038237571716, -0.07881885766983032, -0.5143613815307617, -0.23287314176559448, -0.4486810564994812, 0.7822116613388062, -0.012434743344783783, -0.8925017714500427, -0.23791062831878662, 0.3062463402748108, 0.217751145362854, -0.2330029010772705, 0.7446039915084839, -2.08003306388855, 0.21175804734230042, 0.018725549802184105, -0.05271073430776596, -0.4448464512825012, -0.39962130784988403, 0.043185312300920486, 0.36046385765075684, 0.3098953664302826, -0.5662004947662354, 0.26842406392097473, 0.649068295955658, -0.7006561756134033, 0.9862419962882996, 0.16709229350090027, -0.04332277178764343, 1.25294828414917, -0.2964962124824524, -0.7004430890083313, -0.8763189911842346, -0.5562554001808167, 0.336324006319046, 1.5247411727905273, -0.1737484335899353, 0.23816177248954773, 0.19986024498939514, -0.2980893552303314, 0.4037614166736603, -0.4117359220981598, -0.7335788607597351, -0.07188892364501953, -0.6715882420539856, -1.0204761028289795, -0.5961200594902039, -0.03216966614127159, 0.3784274458885193, -0.5973625183105469, 0.4277622103691101, -0.33361098170280457, -0.1991090476512909, 0.14011061191558838, 0.2770169973373413, 0.3188871741294861, -0.7016293406486511, -0.2961270213127136, 2.8545420169830322, -0.6234798431396484, 1.5948231220245361, -0.2994471788406372, 0.7617599368095398, -0.471945583820343, -0.1741562783718109, 1.0961936712265015, 0.13951215147972107, -0.46954724192619324, -0.07843352854251862, 0.03693259507417679, -0.8590690493583679, 0.4965949058532715, -0.989052414894104, -0.5619372725486755, 0.33897364139556885, 0.4995771646499634, -1.018979549407959, -0.8259162902832031, 0.2662832736968994, 0.12782171368598938, 0.32351213693618774, 0.9065824747085571, -0.6970574259757996, 1.4345351457595825, 0.4007259011268616, 0.7864527702331543, -0.45881009101867676, 0.15099017322063446, -1.1969826221466064, 0.3488185405731201, 1.4466944932937622, -0.028462335467338562, -0.3050517439842224, -0.43285149335861206, 0.9971079230308533, -0.13724204897880554, 0.4019928574562073, -0.25077924132347107, -0.10066115856170654, 0.24083834886550903, 1.0355134010314941, 0.23726731538772583, 0.0640173926949501, -0.42832574248313904, -0.47624918818473816, -0.10351502895355225, 0.16326209902763367, 0.8040406703948975, -0.14314568042755127, 0.36049291491508484, -1.8019084930419922, 0.2221793532371521, -0.6256614923477173, 0.3087390661239624, -0.3502000570297241, -0.6222712397575378, 0.3789655268192291, -0.4948190748691559, 0.9028756022453308, -0.5908941626548767, 0.4808717370033264, -1.2479687929153442, -0.6180445551872253, 0.13577331602573395, -0.0830567479133606, -0.3302885890007019, 0.3133905827999115, 0.5098269581794739, 0.2358887642621994, 0.09383922070264816, -0.7161992788314819, -1.750929355621338, 0.12458394467830658, 1.9377530813217163, 0.21944166719913483, -0.8160350322723389, -0.9322407841682434, -0.5837246179580688, 0.4780200123786926, -0.7104547619819641, 0.23738911747932434, -0.6933913230895996, -0.007176019251346588, -1.0405787229537964, 0.2625333368778229, -0.8327810764312744, 0.3828575909137726, 0.013055996038019657, 1.215234398841858, -0.34843024611473083, -0.2840682566165924, -0.760330855846405, -1.1326017379760742, 0.45313191413879395, 1.5236538648605347, -0.33812180161476135, -0.3441668152809143, 0.5746476054191589, -0.2526838183403015, 0.29799044132232666, 0.45875081419944763, 0.43581199645996094, -0.3485560417175293, -0.16565941274166107, -0.38136476278305054, 0.918473482131958, -0.5152039527893066, -0.40377452969551086, -0.02646780014038086, 0.7614710330963135, 0.009044192731380463, -0.3396041691303253, -0.05546408146619797, 0.006521165370941162, 0.8630027770996094, 1.6264623403549194, -0.8005332350730896, 1.2540227174758911, -1.0746221542358398, 0.2472192645072937, -0.10840190947055817, -1.0605257749557495, -0.04630262777209282, 0.22945190966129303, 0.19734355807304382, -0.5515413880348206, 0.5619344115257263, -0.5089412927627563, -0.1329711377620697, -1.6106367111206055, -0.22502432763576508, -0.19227010011672974, -1.098705530166626, -1.6148864030838013, -0.18275731801986694, -0.9220751523971558, -0.8375508189201355, -0.5671579837799072, 0.2972029149532318, 0.5600376129150391, 0.1081288680434227, 0.7601948976516724, 1.9143102169036865, 0.08341145515441895, 0.5100978016853333, 0.15584810078144073, 0.9186354279518127, -0.6141197085380554, 0.7533932328224182, 0.15276305377483368, 0.07817623764276505, -1.1471092700958252, -0.1320853978395462, -0.5872945189476013, 0.47491681575775146, 0.737289547920227, -0.7705529928207397, 0.6050896048545837, -0.1718805432319641, -1.6024788618087769, 0.5571011304855347, -0.2818898558616638, 0.5372872352600098, -1.2013869285583496, 1.9578542709350586, 0.4360525608062744, -0.14593356847763062, 0.4972386360168457, 0.07393822818994522, -0.2915728986263275, 1.2405542135238647, -0.5422120094299316, 0.66558837890625, 0.45993995666503906, 0.1285678893327713, 0.014778949320316315, -0.10456031560897827, -2.2738966941833496, 0.26078468561172485, 0.5994375944137573, -0.013106495141983032, -0.23397038877010345, -0.46428415179252625, 0.644542396068573, -0.2902457118034363, -0.35382094979286194, 0.5612457990646362, -0.5573150515556335, 0.34686949849128723, 0.017662934958934784, 0.2532755136489868, 1.0332987308502197, -0.5190035104751587, 0.49346742033958435, 1.5598034858703613, 0.7500856518745422, -0.6968274116516113, -0.06574686616659164, 0.6850820183753967, -0.7254804372787476, 0.794102668762207, 0.1813085377216339, 1.3490731716156006, 1.1736509799957275, -0.766494631767273, -0.02622247487306595, 0.3899845480918884, 0.3705015182495117, -0.04490968585014343, 0.38222789764404297, -0.326224148273468, 0.6927454471588135, -0.04956575855612755, 1.0849337577819824, 0.2844153642654419, -1.1009215116500854, -1.0498844385147095, -0.3925393521785736, -0.15159595012664795, -0.8617726564407349, 1.769955039024353, 0.941429853439331, 1.2766999006271362, 0.4886476993560791, -0.05981971696019173, -0.5474526286125183, 0.08187176287174225, 0.9924709796905518, 0.06505636870861053, 0.018784664571285248, -0.1837856024503708, 0.3980756998062134, 1.240040898323059, -0.06391820311546326, -0.7638956904411316, -0.40730994939804077, 0.23960325121879578, -0.0183892659842968, -0.8125612735748291, 0.6244937181472778, 0.39598438143730164, -0.19284409284591675, 0.9757519960403442, -0.8931530714035034, -0.5352051854133606, 0.31108832359313965, 0.21769990026950836, 0.10291758179664612, 0.8115077018737793, -0.9624302387237549, 0.5521827936172485, 0.07401822507381439, 1.3330140113830566, -0.48328715562820435, 0.7326010465621948, 1.1405633687973022, -0.7799976468086243, -0.3943801522254944, -0.09100216627120972, -0.7840023040771484, -0.7326087355613708, 0.02828747034072876, -0.4236501455307007, -0.42081141471862793, 0.37650835514068604, -0.6069906949996948, -0.6207942962646484, 0.6395496129989624, -0.32660746574401855, -1.2344684600830078, 0.16050034761428833, 0.7735906839370728, -0.7872446179389954, -0.5600268244743347, -0.20650136470794678, -1.1615885496139526, -1.2186108827590942, 0.4782658815383911, -0.22806155681610107, -0.09202928841114044, -0.43289628624916077, 1.1927350759506226, -0.07031014561653137, -0.5847249031066895, -0.721233606338501, 0.26709669828414917, 1.4022493362426758, -0.06629708409309387, 0.39946311712265015, -0.29946333169937134, 0.583534836769104, -0.38378846645355225, -0.7637133598327637, -0.5486375093460083, 0.7924514412879944, 0.4466593563556671, 0.06020774319767952, -0.3856000304222107, -0.7727363705635071, 0.06949472427368164, 0.3338136374950409, 1.236048936843872, -1.0238943099975586, 0.33682358264923096, -0.5722010135650635, 0.896477997303009, 0.44174233078956604, -0.31977197527885437, -0.6280391216278076, 0.7360000014305115, -0.9348388910293579, 0.4216221570968628, -0.3370908498764038, 0.5754525661468506, 0.9509025812149048, 0.5202988386154175, 0.48454755544662476, -0.3938756585121155, -11.71337890625, 0.34090790152549744, 0.25046253204345703, 0.04485807567834854, 0.5492343306541443, -0.2275313138961792, 1.0721735954284668, 0.4867556691169739, 0.022815076634287834, -0.5196923613548279, -0.1557561457157135, 1.6912343502044678, 0.18758919835090637, -0.596722424030304, -0.43736350536346436, -1.1552021503448486, -0.7767319083213806, 0.15198920667171478, 0.001542605459690094, 0.033138521015644073, -0.1300184428691864, -0.9055454730987549, -0.10668294131755829, 0.4473218023777008, 0.16430485248565674, -0.3472732901573181, -0.06584328413009644, -0.095221146941185, 0.19444440305233002, -0.20203708112239838, -0.03833320736885071, -0.4843284487724304, -0.7759220600128174, -0.2953643202781677, 0.7972900867462158, 0.2407517284154892, -1.0559141635894775, -0.3325783610343933, 1.1116842031478882, -0.334802508354187, -0.4752959609031677, 0.7432458400726318, 0.09810037910938263, 0.3667397201061249, -0.40983515977859497, 0.028505071997642517, 0.5651612877845764, -0.6285029053688049, -0.31402653455734253, -0.6098035573959351, -0.3955278992652893, -1.2269034385681152, -1.5416638851165771, -1.064974308013916, 0.7701766490936279, -0.5181894898414612, -0.20750054717063904, 0.13522528111934662, 0.012284994125366211, -1.3284469842910767, 0.628078281879425, 0.6038365960121155, -0.7448793053627014, 0.17868433892726898, 0.16996203362941742, -0.5899308323860168, 0.2284119725227356, 0.12872396409511566, 0.09184328466653824, 0.16861042380332947, -0.6084606647491455, 0.5449432730674744, 0.3900590240955353, 0.0780179500579834, 0.24947327375411987, -0.2209250032901764, 0.3923792839050293, -0.667617678642273, 0.20682288706302643, 0.5857144594192505, -1.258090853691101, 0.2187187820672989, 0.030780499801039696, -0.576341450214386, -0.25118017196655273, -0.5090150833129883, -0.391774445772171, -0.07628844678401947, 0.3941687047481537, 0.24102184176445007, 1.0270472764968872, 0.073834128677845, 0.37547624111175537, 0.004521995782852173, -0.6266679167747498, 0.5717979073524475, -1.0654677152633667, 0.6392208933830261, 0.1825437843799591, -0.48916324973106384, 0.29501405358314514, -0.1297057867050171, -0.5416390895843506, -0.288773775100708, 0.8813621997833252, 0.052889421582221985, 0.14124557375907898, -0.06719333678483963, 0.3669208884239197, -0.641471266746521, 0.8347882628440857, 0.6200595498085022, -0.3264884948730469, 1.5451511144638062, -0.1906370222568512, 0.7792002558708191, 0.395247220993042, -0.07667280733585358, 0.8497571349143982, 0.9002606868743896, -0.5618274807929993, 0.4442030191421509, -0.30384019017219543, 1.4820505380630493, -0.08864226937294006, 0.4067283868789673, 0.27463793754577637, 0.658218264579773, 0.04123181849718094, -1.26251220703125, -0.1856881082057953, -0.48071932792663574, 0.23401202261447906, -0.7465526461601257, -0.4658386707305908, -0.4297512173652649, -1.0209159851074219, 1.1269829273223877, 0.10380794107913971, 0.3171688914299011, 0.08508576452732086, -0.9310638308525085, 0.16393649578094482, -0.7265936136245728, -0.3284325897693634, -0.10501375049352646, -1.5624191761016846, -0.018567774444818497, -0.7937109470367432, -0.5460603833198547, 0.5485865473747253, -0.014481231570243835, 0.5453780889511108, -0.7921561598777771, -0.12281889468431473, -0.3805764615535736, 0.4284423589706421, -0.7580827474594116, -0.9847238063812256, -0.13185827434062958, 0.4355122148990631, 1.7484151124954224, -0.7433496117591858, 0.7613976001739502, 0.3613913655281067, 0.2664794325828552, -0.7881819009780884, -0.1255059540271759, -0.5721160769462585, 0.6223287582397461, 0.845635175704956, -1.0070908069610596, -0.14995336532592773, -0.7942641377449036, -0.4598771333694458, -1.5078442096710205, 0.3042813241481781, 1.6812903881072998, -0.5566027164459229, 0.4502820372581482, -0.1609666347503662, 0.3050135672092438, -0.13867627084255219, -0.9777129888534546, -0.3330939710140228, -0.1582971215248108, 0.23921740055084229, 0.9014680981636047, -0.41043198108673096, 0.5666474103927612, -1.1755397319793701, -0.7120380997657776, -0.8005480766296387, -0.6116132736206055, 0.6185885667800903, -0.33206745982170105, 1.0900042057037354, 0.14490288496017456, -0.20186841487884521, -0.2151544988155365, -0.1841995120048523, 0.8899032473564148, 0.2596242129802704, -0.23825258016586304, -0.4501613676548004, -0.2621119022369385, -0.42185720801353455, 0.49307554960250854, 0.6664804816246033, 0.12324352562427521, -1.0521934032440186, -0.13553115725517273, 0.13375639915466309, -0.4109290540218353, -0.5461258292198181, -0.8311402797698975, 0.6966826319694519, -0.015824347734451294, -0.0187968946993351, -0.7307690978050232, 0.14886394143104553, 1.3295058012008667, 0.27982544898986816, 0.7226446866989136, 1.0638093948364258, 0.30080023407936096, 0.8792017102241516, 0.6067536473274231, 1.3630707263946533, -0.26305946707725525, -0.9420193433761597, 0.13793329894542694, 0.21857741475105286, -0.10119607299566269, -0.4823988974094391, 0.05598968639969826, -0.8822609782218933, 0.13213428854942322, -0.9884078502655029, 0.755470871925354, 0.11846223473548889, -0.5292619466781616, 0.8036747574806213, 0.8757930397987366, -0.38366252183914185, -0.9298348426818848, -0.3893589377403259, -0.8602028489112854, -0.024079591035842896, 0.1058916300535202, 0.28497061133384705, 0.7274603247642517, 0.714674174785614, 0.18030935525894165, 1.1894735097885132, 0.26307401061058044, -0.5465060472488403, 0.052853621542453766, 0.16161984205245972, 1.5581697225570679, 0.7162203192710876, 0.30182135105133057, 0.0647420734167099, -0.48001381754875183, -1.1258702278137207, -0.44712767004966736, 0.0028249146416783333, 0.5302148461341858, 1.44983971118927, 0.3009544312953949, 0.5092229843139648, -1.4455128908157349, -0.182766392827034, -0.3910437822341919, 0.32804960012435913, 0.8727491497993469, -0.8177845478057861, -0.29756197333335876, -1.3500769138336182, -0.13560020923614502, 1.126970648765564, -0.4990553855895996, -0.02604752592742443, -0.8601987957954407, 0.6066188216209412, 0.23094722628593445, -0.6983029842376709, -0.7344248294830322, 0.23004302382469177, 0.09057724475860596, 0.18542565405368805, 0.5481210947036743, -1.1984350681304932, -0.24970202147960663, 0.5896134972572327, -1.1134600639343262, 0.7144086360931396, -0.10573942214250565, -0.9979702830314636, -0.5926960110664368, 0.898578941822052, 0.0757138729095459, -0.7459155917167664, 0.7646599411964417, -0.5158215761184692, -1.4546774625778198, 0.9642035365104675, 1.1308695077896118, -0.42566558718681335, -0.2559720277786255, -0.005746796727180481, 0.5065024495124817, 0.8932647705078125, 1.749596357345581]} +{"paper_id": "docred", "embedding": [-0.7363898158073425, 1.3122782707214355, 0.1986609697341919, -0.03997649624943733, 0.2781718969345093, -0.5929074883460999, 0.7513585686683655, 0.3848695456981659, 0.12649211287498474, 1.3096182346343994, 0.1106928363442421, -0.5890672206878662, -0.7810041904449463, -0.4599616527557373, -0.3032528758049011, -0.22106248140335083, -0.5275712609291077, -1.0714802742004395, -0.7473369240760803, -0.45317012071609497, -0.6489655375480652, -0.8936505317687988, -0.3098958730697632, 0.08435820043087006, -1.2738113403320312, -0.5323062539100647, 0.3742848038673401, -0.8005194067955017, 0.31728917360305786, 0.4372289180755615, -0.3789385259151459, 1.6668871641159058, -1.5320359468460083, 0.19432559609413147, 0.08322110772132874, 0.7892125844955444, 0.682767391204834, 0.963252604007721, -0.5287336707115173, -0.2962436378002167, -0.5037481784820557, -0.3805486559867859, 0.6507999897003174, 0.3538205027580261, 1.1054922342300415, -0.4542066156864166, 0.0877210795879364, 0.28282877802848816, 0.13510994613170624, -0.3251384496688843, -0.44967564940452576, -0.16240280866622925, 0.1261378824710846, 0.49404922127723694, -0.3029066026210785, 1.5627968311309814, -0.033125922083854675, -1.1463240385055542, 0.2310771942138672, -0.1069931834936142, 0.9411817789077759, 1.2717188596725464, -0.24312247335910797, -0.3596144914627075, 0.7496635913848877, 0.113217294216156, 1.1072741746902466, -0.10959281027317047, 0.8867328763008118, 1.021860122680664, -0.1716165840625763, -1.5267865657806396, -0.08116283267736435, -0.5114580392837524, 0.21899838745594025, 0.8346059322357178, 1.0757147073745728, -0.046693164855241776, 0.3025768995285034, 0.2300570011138916, 0.0405302457511425, 1.2295551300048828, 1.141977071762085, -0.0051776692271232605, -0.09127695858478546, -0.362030565738678, 0.1659630835056305, 0.090576171875, 1.0924792289733887, -1.5614272356033325, 0.3200984597206116, -0.5193772315979004, -0.906410813331604, 0.009962096810340881, 0.19686779379844666, 0.41680407524108887, -0.27307647466659546, -0.054837338626384735, -0.5484740734100342, 0.12554365396499634, 0.8782954812049866, -0.5817092657089233, -0.06430639326572418, -0.22578135132789612, 0.07596435397863388, 1.4777308702468872, -0.8201168775558472, 0.10013271868228912, -0.918370246887207, 0.13416893780231476, -0.14159844815731049, 1.382179856300354, 0.02978234738111496, 0.8203328847885132, -0.010047347284853458, -0.18158888816833496, -0.22314569354057312, -0.27333956956863403, -0.35885733366012573, 0.5587491989135742, -0.278337299823761, -0.7648181319236755, -0.32307296991348267, 0.39195477962493896, 1.0468761920928955, -0.6659770607948303, 0.6683867573738098, 0.0905565693974495, 0.1478809416294098, -0.31293830275535583, 0.5492823123931885, -0.42050546407699585, -0.7378232479095459, -0.14005911350250244, 2.4002490043640137, -0.9953222870826721, 1.502181053161621, -0.29195624589920044, -0.38661491870880127, -0.011943459510803223, 0.2894270420074463, 1.1565676927566528, 0.5456551909446716, -0.020694315433502197, -0.37569111585617065, 0.48352089524269104, -0.3009225130081177, 0.6157987117767334, -0.9333480596542358, -0.8103582859039307, -0.29747891426086426, 0.18179109692573547, -1.4486662149429321, -0.38150346279144287, 0.3114076554775238, 0.3102845251560211, 0.14952123165130615, 0.06750158965587616, -0.8030266165733337, 1.2287579774856567, 0.5747131705284119, -0.09075793623924255, -0.538316547870636, 0.5399267077445984, -0.9835185408592224, -0.14700062572956085, 1.7171717882156372, -0.06112440675497055, -1.552828073501587, 0.023892782628536224, 0.828218936920166, -0.4052632749080658, -0.12734512984752655, -0.5634154677391052, -0.5689265727996826, 0.13679838180541992, 1.0065747499465942, 0.6054419279098511, 0.3276999890804291, -0.4964774549007416, -0.30029433965682983, -0.09257538616657257, -0.0861610695719719, 0.5363526344299316, -0.23724816739559174, 0.5466676354408264, -2.742544651031494, -0.23867489397525787, -0.2881753742694855, 0.8591505289077759, 0.1779787242412567, -0.34867435693740845, 0.5458563566207886, 0.5331745743751526, -0.08353915810585022, -0.9709333181381226, 0.17388442158699036, -1.582419991493225, 0.07350902259349823, -0.2610572874546051, -0.22035233676433563, -0.44686242938041687, -0.22726979851722717, 0.6940988302230835, 1.0049219131469727, -0.7153036594390869, -0.7774614691734314, -2.6744048595428467, 0.16103023290634155, 2.8302035331726074, -0.8381646275520325, -0.5369792580604553, -2.2084543704986572, -0.20580610632896423, 0.24575594067573547, -0.2255430370569229, 0.7838926315307617, -0.5551475882530212, 0.01731552928686142, -0.38171350955963135, 0.6067564487457275, -0.9156899452209473, 0.37364616990089417, -0.41664186120033264, 0.4120120406150818, -0.5412101745605469, -0.7194925546646118, -0.10515336692333221, -1.1518385410308838, 0.6036737561225891, 0.4422045946121216, 0.3737245500087738, -0.5174654126167297, 1.4686806201934814, 0.354202002286911, 0.5396082997322083, 0.18100687861442566, 0.16054709255695343, -1.0138658285140991, 0.22123336791992188, -0.22373253107070923, 0.32325881719589233, -0.4501088857650757, 0.08439359813928604, 1.0057356357574463, 0.010512620210647583, 0.0625998005270958, -0.5351178050041199, -0.29827606678009033, 0.15906624495983124, 0.4433304965496063, 0.898654580116272, -0.10284653306007385, 1.182131052017212, -1.0640718936920166, 0.416630357503891, -0.9126294851303101, -0.7345113158226013, -0.11294995248317719, 0.3574652671813965, 0.9563071727752686, 0.21497435867786407, 0.4088282585144043, -0.5533605217933655, -0.4032735824584961, -1.455453634262085, 0.23427283763885498, 0.15319982171058655, -0.15236610174179077, -1.2929648160934448, 0.05456113815307617, 0.38970059156417847, -1.1534777879714966, -0.37908756732940674, 0.26785463094711304, 0.28133511543273926, 0.10871151089668274, 0.506485104560852, 0.9724346995353699, -0.2151671200990677, -0.21537667512893677, 0.15378247201442719, 0.8074573278427124, -0.14925739169120789, 1.4490364789962769, -0.4653584659099579, 0.4120525121688843, -1.1660512685775757, 0.19367057085037231, -0.12282641232013702, 0.5721822381019592, 0.12329045683145523, -0.19216817617416382, 0.5932124257087708, -0.06760410219430923, -1.217211127281189, 1.5313640832901, -0.13385914266109467, -0.25850290060043335, -0.8515052199363708, 1.520662546157837, 0.32030490040779114, -0.5381145477294922, 0.6351132392883301, 0.6281198859214783, -0.20885398983955383, 1.590314269065857, -0.4248346984386444, 1.034557580947876, 0.16711175441741943, 0.09327814728021622, 0.027617832645773888, 0.13165202736854553, -1.5173078775405884, -0.10775819420814514, 0.947788655757904, -0.8718259334564209, -0.34994789958000183, -0.6388964653015137, 0.23346270620822906, -0.3814922571182251, -0.4141604006290436, 0.046978287398815155, -0.9239596128463745, 0.0030488241463899612, -0.6455957889556885, 0.38524389266967773, 1.5613391399383545, -0.9096155166625977, 0.9811933040618896, 0.40115875005722046, -0.18703880906105042, -0.4911331832408905, 0.15403315424919128, 1.2333605289459229, -0.007740802131593227, 0.3696276545524597, -0.06348898261785507, 1.1688522100448608, 0.872322678565979, -0.8753648996353149, 0.11364348232746124, 0.8721291422843933, 0.6963391900062561, 0.4062087833881378, 0.2664909064769745, -0.2671881318092346, 1.5759369134902954, -0.7585289478302002, 1.1142425537109375, 0.2119629681110382, -0.8641440868377686, -1.2417486906051636, -0.5067954659461975, -0.688939094543457, -0.42311063408851624, 2.45102596282959, 0.5711531043052673, 2.633629083633423, -0.7913476228713989, 0.42775776982307434, -0.536403238773346, -0.05559626966714859, 0.4793711304664612, 1.226629614830017, 0.06143983080983162, -0.6456037759780884, 0.6089458465576172, 1.0771818161010742, 0.05226418748497963, -0.011396544054150581, -0.24660363793373108, 0.5978512167930603, -0.47009727358818054, -0.5668364763259888, -0.0686352401971817, 0.09502865374088287, 0.2551577091217041, 1.842485785484314, -0.5751147866249084, -0.6459892988204956, -0.026776274666190147, -0.1704377681016922, -0.0027026645839214325, 0.9418531656265259, -1.0600476264953613, 0.2962867319583893, 0.4372328221797943, 0.11993499100208282, -0.29376310110092163, 1.1421164274215698, 1.2360111474990845, 0.3640880286693573, -1.8990108966827393, -0.255605548620224, -0.5995608568191528, -0.22821833193302155, -0.48206016421318054, 0.12444265186786652, -0.7073577046394348, 0.06531728804111481, -0.354500412940979, -0.46963611245155334, 1.040846586227417, -0.6533664464950562, -1.8341541290283203, 1.2296240329742432, 1.0558714866638184, -1.646181583404541, -0.6335198879241943, 0.3232135772705078, -0.20838002860546112, -0.40105336904525757, -0.1980220228433609, -0.9850874543190002, 0.6649173498153687, 0.5970559120178223, 0.46515944600105286, -0.06176294386386871, -0.27768558263778687, -0.7385322451591492, 0.4538734555244446, 0.912061870098114, -1.1093939542770386, 0.8504989147186279, 0.7557202577590942, 0.12887422740459442, -0.16832335293293, -0.8335319757461548, -1.1047494411468506, 1.0172353982925415, -0.08317072689533234, -0.0208287313580513, -0.9995682835578918, -1.0619982481002808, 0.08752806484699249, -0.3693229556083679, 1.1889334917068481, -0.8817076086997986, 1.1183500289916992, -0.5451233386993408, 0.4304460883140564, -0.1153588742017746, -0.5513688325881958, -1.6802793741226196, 1.5577452182769775, -0.5815372467041016, 0.8430957794189453, -0.06953258812427521, 0.8185290098190308, 1.956860065460205, 0.4838252067565918, -0.27728307247161865, -0.26373597979545593, -10.682361602783203, 0.24445882439613342, 0.7680831551551819, 0.16567222774028778, 0.6577338576316833, -0.5140390992164612, 1.1059260368347168, -0.13610094785690308, 0.7979652285575867, -0.26266586780548096, 0.34502673149108887, 1.8411802053451538, -0.3159101903438568, -0.2268705666065216, -0.7292061448097229, -1.50352144241333, -0.601029098033905, -0.21542952954769135, -0.31152355670928955, 0.3113067150115967, -0.4688273072242737, -1.0725871324539185, 0.16054408252239227, 0.12636741995811462, 0.11522127687931061, 0.17188066244125366, 0.0011186394840478897, -0.10813462734222412, -0.5131211280822754, 0.18165983259677887, 0.6714931726455688, -0.46505364775657654, -0.7062201499938965, -0.26173365116119385, 0.16394896805286407, 0.13345518708229065, -0.2560305893421173, -0.6193112134933472, 0.73739093542099, -0.012747175060212612, -0.3635997772216797, 0.5685411691665649, 0.6134004592895508, -0.34389370679855347, -0.523261308670044, -0.07445110380649567, 0.4025174677371979, -1.1196057796478271, -0.2574235498905182, -0.016829565167427063, -0.49075847864151, -0.6548111438751221, -0.820498526096344, 0.1648196130990982, 0.5369135737419128, -0.21285578608512878, -0.5619462728500366, -0.13930614292621613, -0.9366642236709595, -0.8560956716537476, 1.0526630878448486, 0.017988689243793488, -0.09903307259082794, 0.07298804819583893, 0.4012282192707062, -0.2477380931377411, 1.3222532272338867, 0.23900696635246277, -0.37950313091278076, 0.25554442405700684, -0.7118631601333618, 0.2605058252811432, 0.3873933255672455, -0.05639176070690155, -0.21538415551185608, -0.07188505679368973, -0.5097386240959167, -0.3532262146472931, 0.057646796107292175, 0.510960042476654, -0.8628830313682556, 0.7028271555900574, -0.24778078496456146, -0.37486010789871216, -0.4768673777580261, -0.14326262474060059, -0.2286706268787384, -0.4951382875442505, -0.2601618766784668, -0.09786219894886017, 1.038986086845398, 0.13035529851913452, -0.6006045341491699, -0.8697444796562195, -0.5020338892936707, 0.4788704514503479, -0.4012289345264435, 0.8754479885101318, -0.024661745876073837, -1.123250961303711, 0.02776162326335907, -0.22230082750320435, -0.41378650069236755, -0.338186115026474, 0.9981030821800232, 0.4958796501159668, 0.1998198926448822, 0.05935019254684448, 0.07908524572849274, -0.23069149255752563, 0.864609956741333, 0.2611754834651947, -0.3178216814994812, 1.1978721618652344, -0.3998546600341797, 0.34528079628944397, 0.48377299308776855, -0.11308873444795609, 0.1726475954055786, 1.7809845209121704, 0.1893535852432251, 0.48430493474006653, -0.17961010336875916, 1.0704843997955322, 0.30656397342681885, -0.2490926831960678, 0.9096649885177612, 0.6715238690376282, 0.16575050354003906, -2.0781328678131104, -0.30032336711883545, 0.5738641023635864, 0.27217796444892883, -0.4355292320251465, -1.193081021308899, -0.8116055727005005, -0.08701461553573608, 1.1055859327316284, -0.35337185859680176, 0.29784443974494934, 0.09585461020469666, -1.0204503536224365, 0.32532355189323425, 0.035556379705667496, -0.5750893354415894, 0.4339427649974823, -0.6759426593780518, -0.2956801950931549, -1.0674302577972412, -0.3269290328025818, -0.1638595014810562, -0.4140545725822449, 0.5035111904144287, -0.12252834439277649, 0.17566153407096863, 0.47467541694641113, 0.13284844160079956, -0.7066469788551331, -0.8921239376068115, 0.6393181681632996, -0.618280291557312, 0.9040317535400391, -0.8028104305267334, 0.6818790435791016, 0.7229492664337158, -0.32036828994750977, -1.1435402631759644, -0.4847516417503357, -0.3317679762840271, -0.29085344076156616, 0.9937518835067749, -1.0280417203903198, 0.13040028512477875, -0.13998034596443176, -0.26425668597221375, -0.9718316197395325, 1.1009541749954224, 0.8450697660446167, -0.6529078483581543, 0.0016777366399765015, -0.17780080437660217, -0.06517421454191208, 0.3653092384338379, -0.1778971403837204, 0.22867998480796814, -0.0816950649023056, 0.24539968371391296, 0.3784249424934387, -0.1904812455177307, 0.7844379544258118, -1.1113007068634033, -0.9398807883262634, -0.24423615634441376, -0.6538971066474915, 1.3122528791427612, -0.2039720118045807, 1.611783504486084, 0.49436086416244507, 0.3307475447654724, 0.5259010791778564, 0.5934985876083374, 1.085178256034851, 0.4958024322986603, 1.035089373588562, -0.40032216906547546, 0.1631799340248108, -1.1264947652816772, -0.12505073845386505, 0.12013362348079681, 0.3381114900112152, -0.9501431584358215, 0.6643562912940979, 0.6324492692947388, -0.5666298866271973, 0.2920588254928589, -1.183403730392456, 1.3624025583267212, -0.9226952791213989, -0.4783039391040802, -1.1557871103286743, 0.24033284187316895, 0.9878289103507996, -0.7701514363288879, 0.7300165295600891, 0.45690152049064636, 0.02253314107656479, 1.1221528053283691, 0.4875783324241638, 1.7637790441513062, -0.22199304401874542, -1.3237982988357544, 0.4982205331325531, -0.1219581812620163, -0.24001750349998474, -0.19466614723205566, -0.6740670800209045, -0.1905183643102646, 0.36762961745262146, -0.4705893397331238, 0.4398936927318573, -0.30539774894714355, 0.31202492117881775, 0.32946592569351196, 0.8327967524528503, -0.6669244766235352, -1.32020902633667, -0.28774261474609375, -1.0608446598052979, -0.03911803290247917, 0.6282716393470764, 1.4403245449066162, 0.07847105711698532, 0.8609673380851746, 0.42901283502578735, 1.7319753170013428, -0.3127308189868927, -0.20228342711925507, 0.09582757204771042, -0.5507899522781372, 1.379841685295105, 0.6975122094154358, 0.33707767724990845, -0.5078920722007751, 0.49131256341934204, -1.2931941747665405, -0.7236571907997131, -0.4903292953968048, 0.5725002884864807, 0.7303925156593323, -0.6874494552612305, 0.11873261630535126, -1.125461459159851, 0.8696973323822021, -0.527581512928009, -0.19021295011043549, -0.09754379093647003, -0.6972041726112366, -0.4416634440422058, -0.6649566888809204, -0.056897494941949844, 1.0123281478881836, -0.8025100231170654, -0.4203610420227051, 0.0617552325129509, 0.6423543095588684, -0.4928933382034302, 0.18634214997291565, -0.5300034880638123, 0.11351848393678665, -0.41585999727249146, 0.14603914320468903, 0.11337769776582718, -1.0031330585479736, -1.0844320058822632, 0.022449186071753502, 0.31744417548179626, 0.3778332769870758, -0.4753756523132324, -0.26550552248954773, 0.27599766850471497, 0.13389237225055695, -0.41273918747901917, 0.03331718593835831, -0.03154223412275314, -0.40869149565696716, -1.556532621383667, 0.47561129927635193, 0.6918150782585144, 0.03171522915363312, -0.8331069946289062, 0.12936002016067505, 0.32849735021591187, -0.1388550102710724, 0.8903871178627014]} +{"paper_id": "wiki_split", "embedding": [0.22305883467197418, 0.9410476088523865, -0.0658678263425827, 0.34914401173591614, 0.5452537536621094, 0.09351640939712524, 1.3916643857955933, 0.5340686440467834, 1.1364039182662964, 0.24263060092926025, -0.5627349019050598, 0.055245913565158844, 0.566962718963623, 0.10501712560653687, -0.4534720778465271, -0.18464091420173645, -0.0765915960073471, -0.2025396227836609, -1.61160409450531, -0.649886429309845, -0.7765588760375977, -0.6659538745880127, -0.4816380739212036, 1.1970056295394897, -0.981985867023468, -0.5798341631889343, 0.5029146671295166, -1.5631672143936157, 0.10797262191772461, 0.2951498031616211, -0.056208424270153046, 1.7650376558303833, -1.5294897556304932, 0.1424759328365326, -0.35411787033081055, -0.22664232552051544, -0.23789441585540771, 1.8478840589523315, -0.22022885084152222, 0.35280102491378784, -0.691137969493866, 0.22725331783294678, 0.8176212310791016, 0.09658034890890121, 1.1040593385696411, 0.1690424382686615, 0.1104852631688118, -0.2994702458381653, 0.034613147377967834, -0.1698901355266571, -0.7268296480178833, -0.48035484552383423, 0.1740133911371231, -0.08032692223787308, -0.45188596844673157, 1.3022797107696533, -0.13829028606414795, -1.1926299333572388, 0.34045910835266113, 0.18099886178970337, 1.086687445640564, 1.524355173110962, -0.2287120372056961, -0.04768349602818489, 1.3244538307189941, -0.3320254683494568, 1.829294204711914, 0.7202139496803284, 0.18854102492332458, 1.1269534826278687, -0.5553140640258789, -0.9242205619812012, 0.1291423738002777, -0.95741868019104, -0.4646056592464447, 1.025898814201355, 0.46450275182724, 0.014326026663184166, 0.6650705933570862, -0.26216578483581543, -0.09327033162117004, 0.743584156036377, 0.5565245151519775, -0.6129425168037415, -0.03478733077645302, -0.018825484439730644, 0.23250117897987366, -0.8537086248397827, -0.03848399221897125, -1.411367416381836, 0.371179461479187, 0.08131565898656845, 0.05995402857661247, -0.17858245968818665, -1.1082611083984375, 0.568232536315918, -0.17400439083576202, -0.08661413192749023, -0.42221152782440186, 0.07145732641220093, 1.076513648033142, -0.32250556349754333, 0.4222472012042999, -0.5437993407249451, 0.8256734013557434, 0.8910477161407471, -0.5887017250061035, -0.9744080901145935, -0.5744112730026245, -0.7743768095970154, -0.10578832030296326, 0.5930963158607483, -0.16057255864143372, 1.0451900959014893, -0.6577151417732239, -0.4998725354671478, -0.3101264238357544, 0.1917637288570404, -0.29705026745796204, 0.21307754516601562, -0.8627155423164368, -1.254263997077942, -0.347085565328598, -0.4992389678955078, 0.8360577821731567, -0.8002116084098816, -0.08942674845457077, -0.7478509545326233, 0.22485239803791046, -0.27192509174346924, 0.4334001839160919, 0.5007872581481934, -0.7878254055976868, -0.03437944874167442, 2.168301582336426, -0.8549451231956482, 0.9492059946060181, -0.48143625259399414, 0.17483125627040863, -0.7984552979469299, 0.3619687259197235, 1.4877314567565918, -0.5812311172485352, -0.5570319890975952, -0.8332216143608093, 0.1633279174566269, -0.5089772343635559, 0.6709705591201782, -0.7059293389320374, -0.5958183407783508, 0.0024898946285247803, 0.33189213275909424, -1.337185263633728, -1.2195311784744263, -0.3562975823879242, 0.2998616695404053, 0.41502702236175537, 0.6683894395828247, -0.3207278549671173, 1.0948070287704468, 0.8371208310127258, 0.38165831565856934, -0.2863636016845703, 0.6211186051368713, -0.8143306374549866, 0.12515045702457428, 1.4701131582260132, -0.35531240701675415, -1.0635370016098022, -0.38328421115875244, 0.028724877163767815, -1.0283516645431519, 0.18719492852687836, -0.5212302803993225, -0.5863356590270996, -0.13645435869693756, 0.654122531414032, 0.6390141844749451, 0.315278559923172, -0.48196467757225037, -0.3164560794830322, 0.564384937286377, 0.03329075127840042, 0.7919653058052063, -0.1079367995262146, 0.7340047359466553, -2.1023595333099365, -0.16627873480319977, -0.0004514753818511963, 1.2019147872924805, 0.2387547492980957, -0.10543748736381531, 0.22054892778396606, 0.6451653838157654, 0.024246029555797577, -1.1120563745498657, 1.0001178979873657, -1.4057700634002686, 0.31581053137779236, 0.3082274794578552, -0.04194797948002815, -0.056160129606723785, 0.08820212632417679, 0.9641122221946716, 0.9871531128883362, -0.4928620755672455, -0.8032106161117554, -1.9338756799697876, 0.41640469431877136, 2.1346192359924316, -0.21321427822113037, -0.46619755029678345, -1.3569958209991455, -1.1469768285751343, 0.6944442391395569, 0.12398507446050644, 0.742209792137146, -0.3841867446899414, -0.5704675912857056, -1.2376213073730469, 0.8872585892677307, -0.627196192741394, -0.3424675464630127, 0.48180902004241943, 0.8982069492340088, -0.11384113132953644, -0.4092370569705963, -0.09661836922168732, -1.1344194412231445, 0.3269498348236084, 0.5822272300720215, -0.05681586638092995, -0.40690335631370544, 1.0734554529190063, 0.35904988646507263, 0.5671072602272034, 0.09344581514596939, 0.3893255591392517, -0.5698449611663818, 0.23793941736221313, 0.20853927731513977, 0.6192612648010254, -0.23361311852931976, -0.11611317843198776, 0.23257772624492645, -0.027368128299713135, -0.4499386250972748, -0.7443722486495972, -0.11639226973056793, -0.2148762047290802, 0.6293908357620239, 0.6236311793327332, -1.1583813428878784, 1.0720666646957397, -0.3248189389705658, -0.2819640636444092, -0.10466746985912323, -1.018425464630127, -0.42824143171310425, -0.0075694359838962555, 0.48927244544029236, 0.028514927253127098, 0.3830122947692871, -0.721919059753418, -0.3140338957309723, -0.7121914625167847, -1.2780938148498535, 0.009706467390060425, -0.3763848543167114, -0.9149309396743774, -0.4658814072608948, -0.13886713981628418, -1.422174096107483, -0.1974743902683258, 0.37773454189300537, -0.24036970734596252, -0.011239261366426945, 0.8053512573242188, 1.3438475131988525, 0.5154135823249817, 0.2810387909412384, 0.09373967349529266, 0.6110489964485168, -0.3928913474082947, 0.49032729864120483, -0.5884435176849365, -0.15518730878829956, -1.0842175483703613, 0.0640307068824768, -0.17522361874580383, 0.36252346634864807, 0.10471203178167343, -0.4039544463157654, 0.6409903168678284, -0.26352328062057495, -0.5417260527610779, 0.44846534729003906, -0.5491273403167725, 0.25498270988464355, -0.9364145398139954, 0.86592698097229, 0.7445672750473022, -0.02510342188179493, 0.7873947024345398, -0.4583038091659546, -0.9206886291503906, 1.3761025667190552, -1.0255507230758667, 1.5096515417099, 0.724348783493042, -0.29882198572158813, 0.13267484307289124, 0.19306093454360962, -1.839111328125, 0.4018324911594391, 0.32770708203315735, -0.1841817945241928, -0.4267739951610565, -0.5229523181915283, 0.3613460063934326, 0.1138455793261528, -0.3111031651496887, 0.797919511795044, -0.7552458643913269, 0.3566223680973053, -0.10037888586521149, 0.9662964940071106, 0.5420627593994141, -0.2822694778442383, 0.9491062760353088, 1.1339411735534668, 0.04322313144803047, -0.6881779432296753, -1.3507933616638184, 1.148422360420227, -0.9108827710151672, 0.4375839829444885, 0.18062534928321838, 0.8202819228172302, 0.596793532371521, 0.013180188834667206, 0.21911895275115967, 0.7691103219985962, 0.8491595983505249, 0.23630879819393158, 0.079304538667202, -0.47724324464797974, -0.43132105469703674, 0.285846084356308, 1.4285486936569214, -0.4335119426250458, -0.4729493260383606, -1.1064527034759521, 0.1365608274936676, -0.6561455130577087, -0.11422134190797806, 2.012382984161377, 0.7341799139976501, 1.064873456954956, -0.463858038187027, -0.06659486889839172, 0.14314742386341095, -0.0117338877171278, -0.02328435517847538, 0.7315700054168701, -0.1913139969110489, -0.7557156085968018, -0.07789555191993713, 1.4264780282974243, -0.4846683442592621, -1.2243233919143677, 0.06069767847657204, 0.8152021169662476, -0.5767087340354919, -0.6642241477966309, 0.05833638459444046, 0.4921373128890991, 0.6492034792900085, 2.1283607482910156, -0.8274635076522827, -0.27106818556785583, -0.09170342981815338, 0.13085421919822693, -0.05772987753152847, 0.9311726093292236, -0.6875578165054321, -0.016338329762220383, 0.26688021421432495, 0.0821545198559761, 0.22159643471240997, 1.393052339553833, 0.714830756187439, -0.38660740852355957, -0.865860104560852, -0.04780736565589905, -0.8560385704040527, -0.2511165738105774, -0.4042685627937317, 0.11982235312461853, -0.2536129355430603, 0.8473957180976868, -0.15370425581932068, -0.8533086776733398, 0.6794319152832031, -0.1011117622256279, -0.8990156650543213, -0.16740457713603973, 1.11080002784729, -1.0761429071426392, -0.14859355986118317, -0.2261749804019928, -1.4858542680740356, -0.6085926294326782, 0.01721341162919998, -1.0336934328079224, 0.9600090980529785, 0.028018951416015625, 0.5414445996284485, 0.027718450874090195, 0.015510320663452148, -0.83107990026474, 0.7919222116470337, 1.0406793355941772, -0.8140909075737, 0.8859930038452148, -0.36345645785331726, 0.4390924572944641, 0.36918115615844727, -1.4455442428588867, -0.6819379329681396, 0.39334580302238464, -0.3628641664981842, 0.08792822808027267, -0.03402531147003174, -0.5167382955551147, 0.6565694808959961, 0.1410665661096573, 0.9554648995399475, -0.11675798892974854, 0.5826073288917542, -0.6369921565055847, 0.20895901322364807, 0.9347959756851196, -0.8067429661750793, -0.774634838104248, 0.20623233914375305, -0.5966153740882874, 1.0694818496704102, -0.0988570898771286, 0.20432260632514954, 1.1822453737258911, 0.5618889927864075, 0.05193085968494415, -0.8738018870353699, -10.985052108764648, 0.9824819564819336, 0.5261148810386658, -0.304269015789032, 0.2698676586151123, -0.033348217606544495, 0.3182954788208008, -0.07859998941421509, 1.1111642122268677, 0.06341370195150375, 0.2946413457393646, 1.8144081830978394, 0.035835593938827515, 0.09486861526966095, -0.6434029936790466, -1.4560770988464355, -0.6980435252189636, -0.8356958031654358, 0.2534548044204712, 0.3034055829048157, -0.43665000796318054, -0.4550025463104248, 0.02948208898305893, 0.6826860904693604, 0.3870590329170227, -0.08414872735738754, 0.10061126947402954, -0.24016277492046356, -0.39093101024627686, 0.09074416756629944, 0.18041203916072845, -0.2845931947231293, -0.4825456142425537, -0.5912929773330688, 0.5288634896278381, 0.3259218633174896, -1.248075008392334, -0.6335835456848145, 0.8522519469261169, -0.9254806041717529, -0.15062734484672546, -0.23529310524463654, 0.32463210821151733, 0.33996543288230896, -0.9548528790473938, 0.4657120108604431, -0.382266104221344, -0.7973455786705017, 0.13837192952632904, -0.37814462184906006, -1.0036218166351318, -0.5045312643051147, -1.5836642980575562, -0.9688900709152222, 0.5395737886428833, -0.021801408380270004, -0.8043948411941528, -0.036248549818992615, -0.5801836252212524, -0.09607666730880737, 0.4134804904460907, 0.2595773935317993, -0.05256436765193939, 0.5835775136947632, 0.4907090365886688, -0.40155547857284546, 1.1903953552246094, 0.6989970207214355, -0.00782584398984909, 0.235647514462471, -0.8429540991783142, 0.7217624187469482, -0.380683571100235, 0.6175362467765808, 0.2595973014831543, -0.4852595329284668, -0.2591452896595001, -0.8168703317642212, 0.5103535652160645, 0.2788166403770447, -1.6193534135818481, 0.3378773033618927, 0.13429170846939087, -0.12574252486228943, -0.9422066807746887, 0.29238176345825195, -0.5716806650161743, 0.16389600932598114, 0.8275567293167114, -0.08485506474971771, 1.6766096353530884, -0.548799455165863, -0.6393193602561951, -0.06819897890090942, -1.4726839065551758, 0.7276805639266968, -1.2795428037643433, 0.6035032868385315, 0.41970592737197876, -0.43638166785240173, 0.5330491065979004, -0.12562456727027893, -0.4316369593143463, -0.27456575632095337, 0.6228235960006714, -0.46260887384414673, 0.07289931178092957, -0.21850109100341797, -0.8613129258155823, -0.4219985604286194, 1.4321765899658203, 0.6756381392478943, 0.15170374512672424, 1.0920263528823853, -0.17538325488567352, 1.1906031370162964, 1.1979707479476929, -0.1684594750404358, 0.392995685338974, 1.2421449422836304, -1.1536271572113037, 0.9513031244277954, 0.18712027370929718, 1.3292200565338135, -0.16020704805850983, 0.6169218420982361, 0.022319000214338303, 1.081676721572876, -0.6961303949356079, -0.6657267808914185, -0.048561837524175644, 0.1064436137676239, 1.029598355293274, -0.7861347794532776, -0.8317554593086243, 0.5444905757904053, -1.1368199586868286, 1.0103033781051636, -0.6572659611701965, -0.0936499759554863, 0.11355765163898468, -0.5719576478004456, 0.07147489488124847, -0.6559352278709412, -1.3036707639694214, 0.2929873466491699, -1.9467532634735107, -0.1691196709871292, -0.6444668769836426, -0.2426568567752838, -0.42213910818099976, -0.46378880739212036, 0.1360829621553421, -0.6601358652114868, -0.8396115303039551, -0.33597704768180847, 0.36676517128944397, -0.72983717918396, -0.9487360119819641, -0.3255312442779541, 0.2541622221469879, 1.4451754093170166, -0.5408617854118347, 1.1381796598434448, 0.3904450833797455, -0.2041328400373459, -0.775547444820404, -0.1304689645767212, -0.41773226857185364, 0.5730715990066528, 1.2536189556121826, -0.6741533875465393, -0.1997978389263153, -0.6862686276435852, 0.03050130605697632, -0.16820049285888672, 0.8555437326431274, 1.4374840259552002, -1.0759365558624268, 0.3990892171859741, -0.11355245113372803, 0.5925428867340088, 0.7109852433204651, -0.18546399474143982, 0.029804185032844543, 0.40808483958244324, 0.1600424349308014, 0.35026314854621887, -0.5093875527381897, 0.3838382959365845, -1.5621578693389893, -1.3847448825836182, 0.025433193892240524, -0.8811414241790771, 1.0566071271896362, -0.1710265576839447, 0.7876501083374023, 0.4754659831523895, 0.03159192204475403, 0.4961017966270447, -0.3251867890357971, 1.105449914932251, 0.13449344038963318, 0.602161169052124, -0.02810748666524887, 0.022318847477436066, -0.8908294439315796, 1.1729472875595093, 0.7377872467041016, 0.7985468506813049, -1.210420846939087, -0.6135115027427673, 0.14910176396369934, 0.33998003602027893, 0.5644506812095642, -1.1936752796173096, 0.25063440203666687, -0.09880025684833527, -0.40952596068382263, -1.3311630487442017, -0.27085891366004944, 1.7170134782791138, -0.05288920924067497, 0.6883478760719299, 1.3103888034820557, 0.23753663897514343, 0.7206052541732788, 0.5394336581230164, 1.295405626296997, 0.3308359980583191, -0.46044406294822693, 0.688731849193573, -0.10310522466897964, -0.029950425028800964, -0.036219850182533264, -0.7449032068252563, -1.2689465284347534, -0.16059809923171997, -0.6197395920753479, 0.2529340982437134, -0.09338092803955078, 0.28077858686447144, 0.7636843323707581, 1.131910800933838, 0.07504068315029144, -1.1066263914108276, -0.21394626796245575, -0.9676405787467957, 0.36856383085250854, 1.1114857196807861, 0.4832172393798828, 1.082871913909912, 0.48675447702407837, 0.4310162663459778, 1.0360233783721924, -0.33341944217681885, 0.7401857376098633, -0.031196385622024536, 0.15909013152122498, 1.3418012857437134, 0.8585898280143738, -0.022766433656215668, -0.25542017817497253, -0.7205067873001099, -1.3861491680145264, -0.7221575379371643, -0.5657209157943726, 0.21556638181209564, 1.1875206232070923, -0.4297025203704834, 0.26919108629226685, -0.39986222982406616, 0.25150129199028015, -0.6382512450218201, 1.2353179454803467, -0.16605037450790405, -0.875450074672699, -0.5867249369621277, -1.5925970077514648, -0.2634052634239197, 1.0707734823226929, -0.6124674081802368, 0.8627570271492004, -0.11940909922122955, 0.9210159778594971, -0.24804699420928955, -0.37128946185112, -0.34061098098754883, -0.02846100553870201, -0.2983229458332062, 0.3595285415649414, 0.19422590732574463, -0.5589839816093445, -0.057903952896595, -0.3909887671470642, -0.8514687418937683, 0.6471017599105835, 0.27329301834106445, -1.2373582124710083, -0.2534693479537964, 0.3597399890422821, 0.7303969860076904, 0.2417105883359909, 0.3355327248573303, -0.014604700729250908, -1.2512692213058472, 0.49865636229515076, 0.7276992201805115, 0.12663191556930542, -0.5636890530586243, 0.22586992383003235, 0.5207822918891907, 0.49603354930877686, 1.416141152381897]} +{"paper_id": "craigslist_bargains", "embedding": [-0.5354796051979065, 0.05958203971385956, -0.16907021403312683, 0.8608752489089966, 0.7983444929122925, 0.40370213985443115, 0.5946214199066162, 0.15009045600891113, 0.8448131084442139, -0.03065904974937439, 0.22917166352272034, 0.09588398039340973, -0.5091685056686401, -0.42109915614128113, 0.10070189833641052, 0.6856040358543396, -1.233418583869934, -0.16870319843292236, -1.770089030265808, -0.2976003885269165, -0.9205642342567444, -0.3864821195602417, -0.4778258800506592, 1.1946921348571777, -0.40354886651039124, -0.5648778676986694, 0.8880125880241394, -1.3682639598846436, 0.2008882462978363, 0.23088878393173218, -0.873035192489624, 1.634714961051941, -0.9783633947372437, 0.7117863297462463, 0.0347757488489151, -0.7190844416618347, -0.3405613303184509, 0.6300668120384216, -0.7707310914993286, 0.891362190246582, -0.20680037140846252, 0.07543153315782547, 0.4650149643421173, 0.43356332182884216, -0.006462370045483112, 0.43915146589279175, 0.1985388845205307, 0.43675166368484497, -0.03241261839866638, 0.17458823323249817, -1.7203682661056519, 0.07329800724983215, 0.16143520176410675, 0.8139997720718384, -0.148770272731781, 1.5879548788070679, -0.035711128264665604, -0.7699868083000183, 0.31292724609375, 0.054050177335739136, 1.5867996215820312, 1.1180671453475952, 0.17330850660800934, 0.8471698760986328, 0.8474432826042175, 0.09289257228374481, 1.1122229099273682, 0.22102515399456024, -0.03998184949159622, 1.2259962558746338, -0.7459649443626404, -0.9302643537521362, 0.7367856502532959, 0.2305929958820343, -0.6998599767684937, 0.5542330145835876, 1.0118223428726196, 0.6171716451644897, -0.5868198275566101, -0.16822239756584167, 0.6470301747322083, -0.11292171478271484, 0.7829750776290894, -0.5732405185699463, 0.8637989163398743, 1.033220887184143, 0.9944502115249634, -0.49277228116989136, 0.24819199740886688, -2.1111741065979004, 0.36173611879348755, 0.3971743583679199, 0.28594428300857544, -0.3838370144367218, -0.14559102058410645, 0.13894224166870117, 0.3407905101776123, 0.09984543919563293, -1.1067984104156494, 0.24265122413635254, -0.16939690709114075, -0.690554141998291, 0.2494645118713379, -0.3661525845527649, 0.5664948225021362, 0.26417407393455505, 0.42770010232925415, -0.48777681589126587, -0.821003794670105, 0.25589537620544434, -0.292019784450531, 0.54216468334198, 0.2205052673816681, 0.8362559676170349, 0.09857209026813507, 0.7217578887939453, 0.4565061926841736, -0.7475064992904663, 0.12243612110614777, 0.13496841490268707, -0.2593404948711395, -0.8706665635108948, -0.0008966661989688873, 0.06422434747219086, 1.076041340827942, -0.09253533184528351, -1.155340313911438, -0.15886323153972626, -0.4333825409412384, -0.17823877930641174, 0.3059937357902527, 0.10984902083873749, -1.148895502090454, 0.1793755292892456, 2.8752529621124268, -1.6986849308013916, 1.5460933446884155, -1.70486319065094, -0.040546320378780365, -0.7444988489151001, 0.39942386746406555, 1.0663102865219116, -0.8462373614311218, -0.4043837785720825, -0.9423982501029968, 0.2720482647418976, -0.44839856028556824, -0.13011421263217926, 0.061991602182388306, 0.12794502079486847, 0.24199409782886505, 0.6502962708473206, -1.253753423690796, -0.20073799788951874, -0.18075303733348846, 0.1119786724448204, 0.39756470918655396, 0.8637553453445435, -0.44033586978912354, 0.08625505864620209, 0.9101552367210388, 0.02975020930171013, -0.03394268453121185, -0.14999237656593323, -0.7273251414299011, -0.025650974363088608, 1.1568033695220947, 0.001102399080991745, -0.6697969436645508, -0.4056999385356903, 0.5097731351852417, 0.5644315481185913, -0.6756857633590698, 0.041915975511074066, -0.7246953845024109, 0.1928563117980957, 0.5993534326553345, 1.4447838068008423, 0.5815883278846741, -0.7511675953865051, -0.8230903744697571, -0.6501137018203735, -0.07661060988903046, 0.3375442624092102, -0.8336308598518372, 0.08053772151470184, -2.166795492172241, -0.5307867527008057, -0.5310129523277283, 1.303531289100647, 0.4971739649772644, 0.6222675442695618, 0.3963339030742645, -0.5240848660469055, 0.6077405214309692, -0.09231965243816376, 0.8705397248268127, -1.441569209098816, 0.4117162227630615, 0.10226495563983917, -0.28210482001304626, -0.8050875663757324, -0.42899757623672485, 1.2761911153793335, 1.1251529455184937, 0.06880397349596024, 0.31297188997268677, -1.4474421739578247, 0.08619041740894318, 2.0180270671844482, 0.2926115393638611, -1.3151904344558716, -0.2991127073764801, -0.5349186062812805, 0.20299169421195984, 0.2096603512763977, 0.6733561754226685, -1.287759780883789, 1.002982258796692, -2.20156192779541, 0.3240228295326233, 0.4003453254699707, 0.170827716588974, 1.445968508720398, 1.3149977922439575, -0.6391425132751465, 0.46421298384666443, -0.27597159147262573, -1.0530781745910645, -0.2776303291320801, 0.22796066105365753, 0.5060620903968811, 0.4373316466808319, 0.6482016444206238, 0.5996878743171692, 0.1151079460978508, 0.40061503648757935, 0.8895759582519531, -0.7769123315811157, 0.48523765802383423, 0.6367678642272949, 0.4211721420288086, 0.03876776993274689, 0.8913621306419373, -0.12983796000480652, 0.12462025880813599, 0.13220643997192383, -1.1064865589141846, 0.3710516095161438, -0.4320259690284729, 1.9260046482086182, 0.26224368810653687, -1.019626259803772, -0.1325194537639618, 0.022430408746004105, -0.4319763779640198, -0.5001654028892517, -0.36139166355133057, -0.758642315864563, 0.012774944305419922, 0.9655967950820923, 0.6895403861999512, 0.9251040816307068, -1.0091840028762817, -0.18921560049057007, -0.7062932252883911, -0.2054935097694397, -0.516106903553009, 0.6614407300949097, -0.9748543500900269, -0.6398727893829346, -0.0645630806684494, -1.1075401306152344, -0.19227443635463715, -0.5965386629104614, 0.22683225572109222, -0.5331310033798218, 0.309691458940506, 1.8210691213607788, -0.6057553887367249, -0.5996211171150208, -0.830933153629303, 1.2988613843917847, -0.7157861590385437, 0.7408146262168884, -0.5493223667144775, 0.07618805766105652, -0.03369525820016861, 0.8365402221679688, -0.181808203458786, -0.0729454830288887, 0.35890713334083557, -0.3617093563079834, -0.019646689295768738, 0.11747846007347107, 0.28340259194374084, 1.1637227535247803, -1.0177395343780518, 0.9018312096595764, -0.13426239788532257, 1.872402310371399, 0.7221680283546448, -0.5545383095741272, 1.2578916549682617, -0.33147600293159485, 0.028551090508699417, 0.49821293354034424, -0.1510908454656601, 0.7035521268844604, 0.7769743204116821, -0.02363589033484459, 0.41643160581588745, 0.29398155212402344, -2.0344655513763428, 0.18675971031188965, 0.3468828499317169, -0.7226050496101379, -0.320927232503891, -0.8956632018089294, 0.266313374042511, -0.07517680525779724, -1.0492725372314453, 0.010231728665530682, -0.005646164994686842, -0.10449928045272827, -0.374307245016098, -0.1563725471496582, 0.7758132815361023, -0.11621575057506561, -0.35642221570014954, 0.7705787420272827, -0.4289233088493347, -1.069771409034729, -0.17014583945274353, 0.23532143235206604, -0.7490993738174438, -0.4269242286682129, 0.007541384547948837, 0.8859109282493591, 1.0812309980392456, -0.030282363295555115, 0.34048089385032654, 0.9551559090614319, 1.18804931640625, -0.049454573541879654, 0.11016260832548141, -0.21037085354328156, 0.07921067625284195, -1.0439422130584717, 1.0113108158111572, -0.47375592589378357, -0.48098671436309814, -1.438951849937439, 0.12705327570438385, 0.010311350226402283, -0.8812309503555298, 1.3604116439819336, -0.03170296549797058, 0.9748546481132507, -0.08419648557901382, 0.7020987272262573, -0.5774397253990173, -0.12809450924396515, 0.5497950911521912, -0.03121155872941017, -0.34682202339172363, -0.4617314040660858, -0.10662615299224854, 0.5179917812347412, -0.009293611161410809, -0.864190936088562, 0.03322292119264603, 1.5289524793624878, -0.25482091307640076, -0.24840760231018066, -0.4008999764919281, 0.9074459671974182, -0.11196623742580414, 1.2815443277359009, -0.820584774017334, -0.33843278884887695, 0.7925097346305847, 1.3488558530807495, 1.079357624053955, -0.10185685008764267, -0.8845044374465942, 0.4985576272010803, 0.09983062744140625, 0.518898069858551, -0.3563891649246216, 0.5381627082824707, -0.4819680452346802, -1.1506234407424927, -0.39718693494796753, 0.22367551922798157, -0.18138059973716736, -0.2973715662956238, 0.004100445657968521, -0.29730188846588135, -0.24326081573963165, 0.7345424890518188, 0.07597436755895615, -0.06500397622585297, 1.5173308849334717, -0.9112553000450134, -0.37533947825431824, -0.11504821479320526, 0.7234444618225098, -0.6940714716911316, 0.17282813787460327, 0.17920951545238495, -1.192232370376587, -0.13737110793590546, 0.014318377710878849, -0.6545736789703369, 0.43374428153038025, -0.10549767315387726, -0.185453400015831, -0.4298546314239502, -0.43162935972213745, -0.8745208978652954, 0.8942930102348328, 0.3401739001274109, -0.21565143764019012, 1.2057212591171265, 0.7474884390830994, 0.5235340595245361, -0.08541636168956757, -0.49629127979278564, -0.45116695761680603, 0.5806400179862976, 0.3460289239883423, 0.36872726678848267, -0.7479211091995239, -0.08463094383478165, 1.1945339441299438, -0.8215005993843079, -0.18193605542182922, -1.2507548332214355, -0.3959875702857971, 0.16756805777549744, 0.8593468070030212, 0.6450284719467163, -0.053579602390527725, -1.0114572048187256, 0.5817925930023193, -0.8915446400642395, -0.35126128792762756, -0.7654050588607788, 0.26090696454048157, 2.5530762672424316, 0.7440029978752136, 0.39832788705825806, -0.3903582692146301, -10.293787002563477, 1.3693488836288452, 0.14749616384506226, -0.10983724892139435, -0.1909632831811905, -0.7076495885848999, 0.2845132648944855, -0.05828585848212242, 1.266656517982483, 0.04637499526143074, 0.17459319531917572, 0.7419585585594177, 0.19723555445671082, -0.7449943423271179, -0.29592087864875793, -1.3887228965759277, -1.2860074043273926, -0.33971646428108215, -0.09523960202932358, 0.43731623888015747, -0.29303672909736633, -2.0297906398773193, -0.18999311327934265, 0.5776990652084351, 0.573698878288269, -0.2386007308959961, -0.7351526021957397, -0.589630663394928, -0.010532058775424957, 0.06903013586997986, 0.6125410795211792, 0.16589133441448212, 0.09010429680347443, -0.9990931749343872, 0.5104708075523376, -0.6019711494445801, -0.3678198456764221, 0.1571277379989624, 0.8568989038467407, 0.16316546499729156, -0.7878778576850891, 0.32020917534828186, 0.8627671003341675, -0.364126592874527, 0.24121524393558502, 0.23377664387226105, 0.31027328968048096, -0.1777266263961792, 0.13721492886543274, 0.1347143054008484, -0.5410209894180298, -0.6474062204360962, -0.6800805330276489, -0.4773624837398529, -0.4242536127567291, -0.1618291437625885, -0.18692557513713837, 0.9458175301551819, -1.0161240100860596, -1.0350902080535889, 0.6908876895904541, -0.05854570120573044, -0.650397002696991, 0.3396788537502289, 0.29582706093788147, -0.291355699300766, 0.045435868203639984, 0.6150099635124207, -0.6691641807556152, 0.777522623538971, -1.0013155937194824, -0.10791416466236115, -1.3998664617538452, 0.6699363589286804, -0.7171794176101685, -0.050477124750614166, -0.4133824110031128, -0.3697364628314972, 0.6408212780952454, 0.2477913349866867, -1.0473889112472534, 0.28321462869644165, -0.15227457880973816, -0.11480028182268143, -1.27096426486969, 0.889169454574585, 0.025486834347248077, -0.31317204236984253, 1.6689196825027466, -1.044349193572998, 0.9014124870300293, -0.5040126442909241, -0.314248263835907, 0.755214273929596, -0.012706680223345757, 1.0269701480865479, 0.7236247658729553, 0.004987198859453201, 0.2382851243019104, -0.47727182507514954, -0.021137647330760956, 0.08556589484214783, -0.56877601146698, 0.39517179131507874, 0.952828586101532, 0.429595410823822, -0.13238589465618134, 0.11463302373886108, 0.9387821555137634, 0.3956817388534546, 0.9603440761566162, 0.2896684408187866, -0.22682435810565948, 0.615674614906311, -0.3088614046573639, 0.67735755443573, 1.65347158908844, 0.8308436870574951, 0.6243046522140503, 0.13826514780521393, -0.3802386522293091, 1.3455942869186401, 0.5250561833381653, 0.7117254137992859, -0.2523542642593384, -0.38868963718414307, 0.0890548825263977, 0.540515661239624, -0.25729846954345703, -1.762868881225586, 0.2521144449710846, 0.011342577636241913, 0.11684481054544449, 0.15006956458091736, 0.009649273008108139, 0.6022146940231323, -0.39254409074783325, 0.8277236223220825, -0.2501242756843567, 0.9874973297119141, 0.8284156918525696, -0.4069581627845764, 0.8546386957168579, -0.528403103351593, -1.130811333656311, -0.22928011417388916, -1.3814427852630615, 0.5079119205474854, 0.0497981533408165, 0.4419366717338562, 1.0713554620742798, 0.04162503778934479, 0.7729100584983826, -0.9654025435447693, -0.2844732701778412, 0.5150025486946106, 0.4583541452884674, -0.541522204875946, -0.7164089679718018, -0.12058988213539124, 0.3559432029724121, 1.4489833116531372, -0.6768890619277954, 1.4498807191848755, -0.3151854872703552, -0.018235579133033752, -0.22032570838928223, 0.0103917196393013, -1.0610759258270264, 0.43201935291290283, 0.5310071110725403, -1.0205862522125244, -0.24711477756500244, -1.3018940687179565, -0.05485735833644867, -0.7214750647544861, 1.5586901903152466, 1.533308744430542, -1.5303400754928589, -0.5659337639808655, -0.13285711407661438, 0.1313188076019287, 0.3624517619609833, -0.17986440658569336, -1.1736708879470825, -0.5814950466156006, -0.02886231243610382, 0.8122214078903198, -0.5645767450332642, 1.1772966384887695, -2.362565040588379, -1.231677532196045, -0.4486343562602997, -1.183961033821106, -0.151532843708992, 0.15181171894073486, 1.2929307222366333, 0.49455323815345764, -0.2951661944389343, -0.38563597202301025, -0.13905005156993866, 0.3193574547767639, -1.113358497619629, 0.12674406170845032, 0.04933425411581993, 0.6878598928451538, -0.7118090391159058, -0.6162239909172058, 0.09511721134185791, -0.019099105149507523, -0.7460262775421143, -0.8138635158538818, 0.15233372151851654, 0.11713749170303345, 0.15364708006381989, -0.1549023985862732, -0.29694676399230957, -0.9907379150390625, -0.3047971725463867, -0.8777648210525513, 0.2239316999912262, 0.5729866027832031, 0.1529812216758728, 1.2098435163497925, 1.041735053062439, 0.6952009797096252, 0.6930971145629883, -0.20662133395671844, 1.0155473947525024, 0.17751191556453705, -0.5781307220458984, -0.4143063724040985, 0.4617951810359955, 0.18932706117630005, 0.31860506534576416, -0.9799554944038391, -1.0996659994125366, 0.8306902050971985, -1.2033295631408691, 0.3017894923686981, -0.043303415179252625, 0.8307019472122192, 0.888727068901062, 0.7509031295776367, -0.8491365909576416, -1.4555829763412476, -0.6986697316169739, -1.2694554328918457, -0.4799272418022156, 1.0408248901367188, -0.014575677923858166, 0.7384999990463257, 0.617403507232666, -0.43059641122817993, 0.27296924591064453, -0.6307912468910217, -0.03810635954141617, 0.3923420310020447, 0.9505101442337036, -0.006439082324504852, 0.5691889524459839, 0.26897478103637695, 0.07518495619297028, -0.21268543601036072, -0.3465411961078644, -0.10371501743793488, 0.2835526764392853, 0.1729804128408432, 0.9720265865325928, -0.737830400466919, -1.0690081119537354, -0.9203980565071106, -0.235725998878479, -1.2536835670471191, 1.0145336389541626, -0.028764843940734863, -1.0653427839279175, -0.8789564371109009, -0.6199288368225098, -0.3159995675086975, 0.6305288076400757, 0.2527039349079132, -0.3111870288848877, -0.8157458305358887, 0.18138450384140015, 0.23159198462963104, 0.21985414624214172, -1.388272762298584, 0.2998082637786865, -1.3640817403793335, -0.06509004533290863, -1.5557403564453125, -0.4131998121738434, 0.04169466719031334, -0.4022105634212494, -0.7476227879524231, 1.4665508270263672, -0.001254647970199585, -1.0965549945831299, -1.2244795560836792, 0.16738563776016235, 0.687981128692627, -0.1449231654405594, 0.08809126913547516, 0.545602023601532, -2.410170793533325, 0.6862020492553711, 1.1895241737365723, -0.7248849868774414, -0.0264054574072361, 0.10271098464727402, -0.1869681477546692, -0.8633313179016113, 2.201225519180298]} +{"paper_id": "asnq", "embedding": [-0.31941351294517517, 0.6450512409210205, -0.17730017006397247, -0.4890761375427246, 0.7157073020935059, -0.29865771532058716, 1.1114237308502197, 1.0099565982818604, 0.8767246603965759, 0.8299374580383301, -0.3567926585674286, 0.666414737701416, -0.2714530825614929, -0.3813849091529846, -0.16896751523017883, -0.1904151737689972, -1.1436471939086914, -0.8055779337882996, -1.6913797855377197, -0.3772675395011902, -0.6901155710220337, -0.290031373500824, 0.34907031059265137, 0.5035029053688049, -0.7080854177474976, -1.188205599784851, 0.44580528140068054, -1.031847357749939, 0.6755255460739136, 0.42045164108276367, 0.20297503471374512, 1.4238510131835938, -1.9383955001831055, 0.36517763137817383, -0.4893861711025238, -0.3697190284729004, 0.19384022057056427, 1.316807746887207, 0.008235365152359009, -0.2026592493057251, -0.5523421764373779, 0.11213899403810501, 0.2083795964717865, 0.7144946455955505, 1.15836501121521, -0.7003362774848938, -0.09186480939388275, -0.42109471559524536, -0.5146533250808716, -0.3373377323150635, -0.2479027807712555, -0.06829366832971573, -0.30548566579818726, 0.929132342338562, -0.6293390393257141, 1.3094569444656372, 0.2790939211845398, -0.7679236531257629, 0.7348507046699524, -1.2342840433120728, 1.1987327337265015, 1.5480400323867798, 0.29610270261764526, 0.06200505048036575, 1.5595818758010864, -0.20731788873672485, 2.0215418338775635, 0.6423147320747375, 0.15801456570625305, 0.8972291946411133, -0.3606569766998291, -0.9626317620277405, 0.19206267595291138, 0.22578120231628418, 0.17237558960914612, 1.0622897148132324, 0.6098275780677795, -0.1846008151769638, -0.004032080061733723, -0.8519591093063354, -0.8446384072303772, 0.3475850820541382, 1.2670687437057495, -0.4591144919395447, -0.17849083244800568, 0.7067166566848755, 0.3487541675567627, -0.6834740042686462, 0.35893356800079346, -1.619504451751709, 0.5032695531845093, 0.1239122673869133, 0.44871193170547485, -0.11263663321733475, -0.13880555331707, 0.22412508726119995, -0.8169040083885193, 0.11789725720882416, -0.38965532183647156, 0.6865257024765015, 0.9456320405006409, -0.32313570380210876, 0.46557193994522095, -0.13963529467582703, 0.1111060082912445, 0.6450685262680054, -0.1658724695444107, -0.03249286115169525, -1.0264347791671753, -0.5389679074287415, 0.30946084856987, 0.7636237740516663, 0.22452503442764282, 0.25068867206573486, -0.8445103168487549, 0.9474777579307556, 0.6010617613792419, -0.49917155504226685, -0.6779313683509827, 0.05144745483994484, 0.156015083193779, -1.1934545040130615, -0.6607460975646973, -0.43624621629714966, 1.0909513235092163, -0.8743804097175598, -0.4930831789970398, -0.22170764207839966, 0.1630774885416031, 0.529619574546814, 0.7256699800491333, -0.10597933828830719, -1.135440468788147, -0.1740267276763916, 3.4762344360351562, -1.4575167894363403, 1.7264304161071777, -1.0308774709701538, -0.19430232048034668, -0.36597660183906555, 0.27466389536857605, 0.8294559121131897, -0.670739471912384, -0.7320650815963745, -0.4259476661682129, 0.5798049569129944, -0.7289726734161377, 0.3160555064678192, -1.0462801456451416, -0.1555279940366745, -0.23299574851989746, -0.29258522391319275, -1.301095724105835, -0.5257927775382996, 0.14414158463478088, 0.194309264421463, -0.3513568043708801, 0.5911687612533569, -0.5679140090942383, 0.3088534474372864, -0.22289392352104187, -0.3693106174468994, -0.2189365029335022, 0.7183050513267517, -1.0286741256713867, -0.40575969219207764, 0.6466109156608582, 0.1693122684955597, -0.6520451307296753, -0.020898520946502686, 0.42065855860710144, -0.5769267082214355, -0.2887660562992096, -0.04681903123855591, 0.2692698538303375, 0.5004801154136658, 0.7381752133369446, 0.440650999546051, 0.042009320110082626, -0.6682164669036865, -0.36020737886428833, 0.13015976548194885, -0.3986727297306061, 0.4486311674118042, 0.18304947018623352, 0.7315416932106018, -1.6408040523529053, -0.07901240885257721, 0.18098334968090057, 0.31868624687194824, -0.05581597983837128, -0.3630499243736267, -0.04548909515142441, 0.06014468893408775, 0.1724364012479782, -1.0726344585418701, 0.8433337807655334, -0.6462994813919067, 0.3259442448616028, 0.501045823097229, -0.7125830054283142, 0.008358966559171677, 0.4200778901576996, 1.2803677320480347, 0.20374718308448792, -0.385441392660141, -1.010245680809021, -1.9286919832229614, -0.06321736425161362, 2.303678035736084, -0.0759832113981247, -0.5411469340324402, -1.052147388458252, -0.7571364641189575, 0.328951895236969, -0.06285982578992844, -0.01681571826338768, -0.7509992122650146, 0.15405450761318207, -1.1015080213546753, 0.4880954921245575, -0.2557207942008972, 0.4571475088596344, 0.9584040641784668, 1.3574107885360718, -0.6055154204368591, 0.2515466511249542, -0.24894700944423676, -1.1552159786224365, 0.6206711530685425, 0.37373775243759155, 0.030315322801470757, -0.3167150020599365, 1.1963714361190796, -0.002088703215122223, 0.8155745267868042, 0.5631474256515503, -0.08449134230613708, -0.6966359615325928, -0.4678668975830078, 0.030850185081362724, 0.9603525996208191, 0.09965507686138153, 0.697691023349762, 0.31955355405807495, 0.05140930414199829, -0.6524531841278076, -0.8058573007583618, 0.11886075139045715, 0.013091079890727997, 1.2925381660461426, 0.07558333873748779, -0.6180418729782104, 1.3826591968536377, -0.2279343456029892, -0.593720555305481, -0.3512718081474304, -0.7559433579444885, 0.2659537196159363, -0.9703938961029053, 1.068746566772461, -0.8225225210189819, -0.03384395316243172, 0.16748681664466858, -0.08936240524053574, -1.0955634117126465, -0.394701212644577, -0.49258238077163696, -0.844207227230072, -1.449141025543213, -0.05269336700439453, -0.042639121413230896, -0.3454449772834778, -0.708504855632782, 0.4114810526371002, 0.6174833178520203, 0.18580082058906555, 1.3216100931167603, 1.7376514673233032, -0.1833072304725647, 0.43670424818992615, 0.17557327449321747, 0.8188541531562805, -0.5107240080833435, 1.0664011240005493, -0.3367363512516022, 0.19218488037586212, -0.5027804374694824, 0.26416632533073425, -0.514244019985199, 0.42939749360084534, 0.7841877937316895, -0.44659700989723206, 0.6333631873130798, -0.2823070287704468, -1.1920496225357056, 0.9740616083145142, -0.26772427558898926, -0.10121288150548935, -0.1842866688966751, 1.4613229036331177, 0.37366145849227905, -0.41562098264694214, 0.801203727722168, -0.09250281006097794, -0.4144967198371887, 0.4873071610927582, 0.2658543586730957, 0.3242233693599701, 0.5680919885635376, -0.039065323770046234, 0.28749874234199524, 0.5798163414001465, -1.933002233505249, 0.9255251288414001, 1.6969726085662842, -0.34860071539878845, -0.800915002822876, -1.1761778593063354, -1.1548399925231934e-06, -0.272307813167572, 0.2212064564228058, 0.6536745429039001, 0.14329515397548676, 0.8207444548606873, -0.34208109974861145, 0.16514548659324646, 2.038032293319702, -0.8439573645591736, 0.44155412912368774, 1.0132044553756714, -0.24411344528198242, -0.7545613646507263, -0.6617080569267273, 0.766394317150116, -0.3071947395801544, -0.20344530045986176, 0.29806387424468994, 0.30941274762153625, 1.5909225940704346, -0.11351177841424942, 0.031199753284454346, 0.7153801321983337, 0.8102994561195374, 0.7039936780929565, 0.3475363552570343, -0.3362311124801636, 0.12575100362300873, 0.13236793875694275, 1.3294740915298462, -0.3040564954280853, -0.6693053841590881, -0.9637353420257568, -0.1458156257867813, -0.19231508672237396, -0.5342227816581726, 1.949661374092102, 0.09682321548461914, 1.0368845462799072, -0.01898377574980259, 0.36519333720207214, -0.5181742310523987, -0.023364834487438202, 0.5470207929611206, 0.4950331151485443, -0.20322121679782867, -0.628313422203064, 0.7048163414001465, 0.4878717064857483, -0.4912218451499939, -0.21839018166065216, 0.18572811782360077, 1.5753196477890015, 0.15334028005599976, -1.0745651721954346, 0.5094363689422607, 1.000519871711731, 0.21906423568725586, 1.5743095874786377, -0.4498540163040161, -0.16387246549129486, 0.30079880356788635, 0.320250004529953, -0.1286756694316864, 0.5690491199493408, -0.25562745332717896, 1.1494070291519165, 0.3270966410636902, 0.4845353662967682, 0.2512385845184326, 0.7660786509513855, 0.6373141407966614, -0.8255354762077332, -1.4053629636764526, -0.21975933015346527, -0.6811826229095459, -0.6537054777145386, -0.24400484561920166, 0.23775844275951385, -0.9818403124809265, 0.855668306350708, -0.4010613262653351, -0.7371220588684082, 1.1476099491119385, -0.5232758522033691, -1.238661289215088, 0.8042654395103455, 0.8416906595230103, -1.4377669095993042, -0.10819721221923828, -0.822043776512146, -1.1916335821151733, -0.4423961937427521, 0.2599233090877533, -1.0724104642868042, -0.101298987865448, 0.054174505174160004, 1.0239471197128296, 0.016748320311307907, 0.31437063217163086, -1.5004048347473145, 0.2983326315879822, 0.923067033290863, -1.4198718070983887, 1.131971836090088, 0.6480082273483276, 0.27967220544815063, -0.19022567570209503, -0.7312803864479065, -0.7973252534866333, 0.6133263111114502, -0.2893419861793518, 0.6794270873069763, -0.7197083830833435, -0.48081809282302856, 0.2915037274360657, -0.30079734325408936, 1.027517557144165, -1.250770926475525, -0.21778662502765656, -0.7780061960220337, 0.07906343787908554, 0.7423182725906372, -0.5450683236122131, -0.053286101669073105, 0.507174015045166, -0.6486353278160095, 1.5909501314163208, -1.0550320148468018, 0.21171993017196655, 1.2104321718215942, -0.06770388782024384, -0.15043993294239044, -0.7492926716804504, -10.500536918640137, 0.5495859384536743, -0.36714819073677063, -0.3172004818916321, 0.930253267288208, -0.5875704884529114, 1.5304250717163086, -1.2480703592300415, 0.5711396336555481, -1.1022348403930664, 0.6847265958786011, 1.2338333129882812, 0.3449074625968933, -0.4677436649799347, -0.5262497663497925, -1.5441697835922241, -0.6005476117134094, -0.177626833319664, 0.3269541263580322, -0.7039806246757507, -0.665900468826294, -0.5049669146537781, -0.05989668518304825, 0.22315222024917603, 0.28573718667030334, 0.12012467533349991, -1.0688049793243408, -0.3032177686691284, -0.5348756909370422, 0.16363202035427094, 0.5593410730361938, 0.03316614776849747, -0.44052833318710327, -0.7413531541824341, -0.026337821036577225, -0.5452330708503723, -0.3839523196220398, -0.02286013960838318, 1.1085556745529175, 0.06574800610542297, -0.5296387672424316, 0.28225135803222656, 0.18555964529514313, 0.46748605370521545, -0.35838207602500916, 0.4454568028450012, 0.7861812114715576, -0.4490838050842285, 0.7867538928985596, 0.056653521955013275, -0.177472785115242, -0.2780710756778717, 0.08071663975715637, -0.37330353260040283, -0.46743160486221313, 0.7317665219306946, -0.9691733121871948, -0.13313405215740204, -0.7530237436294556, -0.8133096694946289, 0.9697383642196655, 0.08967722952365875, -0.5831194519996643, 0.24537694454193115, 0.6340134143829346, -0.18109267950057983, -0.3650308847427368, 0.5391141176223755, -0.6813966035842896, 0.31869015097618103, -0.8678380250930786, 1.0535343885421753, -0.03740060329437256, -0.4331877827644348, -1.178227186203003, -0.32691559195518494, -0.7315969467163086, -0.15131017565727234, 0.13344353437423706, 0.3416752815246582, -1.4695892333984375, 0.690337598323822, 0.14043480157852173, -0.9386559724807739, -0.8089613914489746, 0.2862630784511566, -0.41161584854125977, -0.1969650536775589, 0.6660058498382568, -0.3443416655063629, 1.4933243989944458, 0.45193949341773987, -0.2267516404390335, -0.23005768656730652, -0.6768104434013367, 1.4724724292755127, -0.23760680854320526, 1.2108356952667236, 0.04090135544538498, -0.8830081820487976, 0.262525737285614, -0.22433960437774658, -0.10705139487981796, 0.5470330715179443, 0.5222649574279785, 0.3573289215564728, 0.6271124482154846, 0.18123018741607666, 0.49827733635902405, -0.24505583941936493, 1.409682035446167, 0.2713474929332733, -0.6599620580673218, 0.6895273923873901, -0.041038878262043, 1.3615782260894775, 0.1268763542175293, 0.9907163977622986, 0.37501829862594604, 0.8537988662719727, -0.6131101846694946, 1.139229416847229, 0.10997582972049713, 1.049669623374939, -0.2242339551448822, 0.053661078214645386, -0.24985408782958984, 0.257485955953598, -0.09836932271718979, -1.5186365842819214, 0.22792865335941315, -0.4276374578475952, 0.45237329602241516, -1.1673773527145386, -0.297798752784729, -0.209916889667511, -0.6992799639701843, 1.3249317407608032, -0.4311906099319458, 0.23153629899024963, -0.2398497611284256, -0.5315602421760559, -0.06701099872589111, -1.3085631132125854, -1.373471975326538, 0.2179262638092041, -0.3935813903808594, 0.11724353581666946, -0.3362373411655426, -0.12242057174444199, 0.3056868314743042, -0.23536312580108643, 0.9536453485488892, -0.30837398767471313, -0.8185989856719971, -0.19342997670173645, 0.16716529428958893, -0.4810754656791687, -1.2078832387924194, 0.019592463970184326, -0.3296951651573181, 1.0870920419692993, -1.4034401178359985, 0.9793661832809448, 0.12814590334892273, -0.8349364399909973, -0.42796558141708374, 0.3232831656932831, -0.4979572594165802, 0.05459774285554886, 1.1305114030838013, -0.5337839126586914, -0.3376481831073761, -1.2804303169250488, -0.4237560033798218, -0.5367088317871094, 1.0055456161499023, 1.3565210103988647, -0.5180720090866089, -0.4256153106689453, -0.003270793706178665, 1.228014588356018, -0.2451249212026596, -0.1056482195854187, -0.23762179911136627, -0.012630138546228409, 0.3615822196006775, 0.5554433465003967, 0.46657487750053406, 0.6293823719024658, -2.156843423843384, -1.4602978229522705, -0.619526207447052, -0.033799149096012115, 0.5832765102386475, 0.46904686093330383, 0.5815348029136658, 0.3009565472602844, -0.21234266459941864, 0.3068297505378723, 0.6565232872962952, 0.9616543054580688, 0.0324135348200798, 0.2687772512435913, 0.19884805381298065, -0.086332306265831, -0.5193946361541748, 0.29912298917770386, 0.6879964470863342, 1.1449936628341675, -1.7855132818222046, -0.02623765915632248, -0.017289910465478897, -0.05472271516919136, 0.33450451493263245, -0.8204275369644165, 0.2985017001628876, -0.3653571903705597, 0.011607002466917038, -1.6109321117401123, 0.21955764293670654, 1.5163166522979736, 0.0031854286789894104, 0.9880149960517883, 0.42994242906570435, 0.8350370526313782, 0.5691548585891724, 0.24862945079803467, 1.016503095626831, -0.14102314412593842, -0.5829249024391174, 0.44064947962760925, 0.35385218262672424, -0.1804986596107483, -0.17520999908447266, -1.0995758771896362, -0.6547053456306458, 0.894620954990387, -0.6738901138305664, 0.5589990019798279, -0.741464376449585, 0.8920977115631104, 0.4678545594215393, 0.8873465061187744, -0.3043997883796692, -1.5327445268630981, 0.06971029937267303, -0.9400293231010437, 0.13245505094528198, 0.5019221305847168, 0.36072760820388794, 0.23640169203281403, 0.9095208644866943, -0.06556244194507599, 1.0631849765777588, -1.3253673315048218, -0.18653203547000885, -0.1782800257205963, -0.04839150607585907, 0.4939795434474945, 0.013973129913210869, 0.327138751745224, -0.09103450924158096, -0.3227974474430084, 0.1379747986793518, -0.3197190463542938, -0.3287966549396515, 0.8198671936988831, 1.4384527206420898, -1.1442991495132446, -0.34348416328430176, -0.9738907814025879, 1.2349882125854492, -1.425092339515686, 0.671535849571228, 0.06452500820159912, -0.28172755241394043, -1.2074629068374634, -0.7274801731109619, 0.3065900206565857, 0.9268287420272827, 0.30296728014945984, 0.03418106213212013, 0.10051138699054718, 0.33098670840263367, 0.28666627407073975, -0.1722734123468399, -0.9340023398399353, -0.026666004210710526, -0.9498467445373535, -0.12320774048566818, 0.013576989062130451, -1.0089349746704102, -0.7286654114723206, -0.12727555632591248, -0.8811987042427063, 1.1065267324447632, -0.19630050659179688, -0.3929286599159241, -0.6635782718658447, 0.3156372308731079, -0.8055351972579956, 0.37307485938072205, -0.3004298210144043, -0.4101839065551758, -1.6331086158752441, 0.8467180132865906, 1.5529921054840088, -0.5688003897666931, -0.3616876006126404, -0.10198316723108292, 0.5089916586875916, 0.16518017649650574, 1.5872917175292969]} +{"paper_id": "limit", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "kelm", "embedding": [-0.9079307913780212, 1.1222196817398071, 0.17818517982959747, -0.37408754229545593, 0.6378913521766663, -0.561871349811554, 0.8723265528678894, 0.25782373547554016, 0.3612421452999115, 1.5376367568969727, 0.2731022536754608, 0.5286651849746704, -0.14735855162143707, -0.23251734673976898, -0.03415141627192497, -0.026526503264904022, -1.075329065322876, -0.594451904296875, -1.3297224044799805, -0.5272862315177917, -0.9685003757476807, -1.0102930068969727, 0.0802663117647171, 0.47358831763267517, -0.43351075053215027, -0.8895360827445984, 1.4236080646514893, -1.395652174949646, 0.47106266021728516, 0.08113004267215729, -0.515649139881134, 1.2086701393127441, -1.1386239528656006, 0.5020208954811096, -0.028675924986600876, 0.2702643871307373, 0.5395723581314087, 1.797013282775879, -0.2493593394756317, 0.4424428641796112, -0.40222910046577454, 0.2663816511631012, 0.34315231442451477, -0.10985572636127472, 0.6675644516944885, -0.5281665921211243, 0.5901660919189453, -0.05811348930001259, 0.034681811928749084, -0.46624451875686646, -0.6060764193534851, 0.375568151473999, 0.07242228835821152, 0.27613911032676697, -0.04088994860649109, 1.8282115459442139, 0.05747297406196594, -1.0141961574554443, 0.7302905917167664, -0.057759132236242294, 1.078200340270996, 1.9888273477554321, -0.37503162026405334, 0.7734373807907104, 0.645414412021637, 0.31327635049819946, 0.9420036673545837, 0.5207215547561646, 0.8132661581039429, 0.15684175491333008, 0.03946797549724579, -0.9743332266807556, 0.5771763324737549, -0.08103635162115097, 0.31633928418159485, 1.8850840330123901, 0.6108316779136658, -0.3149261474609375, 0.4463517665863037, -0.4604986310005188, -0.18879270553588867, 1.0469918251037598, 0.6892066597938538, -0.1300152838230133, -0.21343988180160522, 0.7981194257736206, 0.30853328108787537, -0.28951579332351685, 0.01518721878528595, -2.276150941848755, 0.5180978178977966, 0.6227969527244568, -0.20527459681034088, -1.003966212272644, -0.25947824120521545, -0.058237962424755096, -0.6920649409294128, -0.6321280002593994, -0.5412960052490234, 0.28093385696411133, 0.7548426985740662, -0.354813814163208, 0.4840874671936035, -0.15200352668762207, 0.0034157931804656982, 0.5002052783966064, -0.4054253101348877, 0.22724366188049316, -0.2896483242511749, -0.6576594114303589, 0.17941810190677643, 1.3182462453842163, 0.6694017648696899, 0.2428758442401886, -0.7596769332885742, 0.08216994255781174, 0.3001098334789276, -0.5829274654388428, 0.02217717468738556, 0.2943139672279358, 0.33658018708229065, -1.1778526306152344, -0.2030482292175293, 0.5325762033462524, 0.5202043652534485, -1.458860993385315, -0.05330510437488556, 0.39254143834114075, 0.41094154119491577, -0.1704806089401245, 0.6824221611022949, -0.23866060376167297, -1.0573370456695557, -0.19084781408309937, 2.8082029819488525, -0.9671489596366882, 1.7570730447769165, -0.2402634471654892, -0.17009621858596802, -0.8373961448669434, 0.09339865297079086, 0.7353091835975647, 0.40020751953125, -0.18638066947460175, -0.4877256751060486, 0.41857773065567017, -0.24850258231163025, 0.41990527510643005, -1.1629717350006104, 0.28649428486824036, 0.3318551778793335, -0.11909759789705276, -1.9018138647079468, 0.006249569356441498, -0.8349927663803101, 0.46393337845802307, -0.2295677661895752, -0.03076886385679245, -0.6546192765235901, 0.8874241709709167, 0.904475212097168, -0.450675368309021, -0.5353322625160217, -0.23719178140163422, -1.2132455110549927, -0.10937492549419403, 0.7507425546646118, -0.24361559748649597, -1.1312270164489746, -0.048875801265239716, 0.46894463896751404, 0.14119037985801697, -0.24739736318588257, -0.18539376556873322, -0.15261104702949524, 0.1331486999988556, 0.7248855829238892, 0.5376836657524109, 0.11750102043151855, -0.2033938318490982, -1.0098586082458496, -1.0170124769210815, -0.48753103613853455, 0.3264103829860687, -0.9117885231971741, 1.494409441947937, -2.75956130027771, 0.41789042949676514, -0.2618473172187805, 0.2714616060256958, 0.17752549052238464, -0.17283762991428375, 0.15316691994667053, -0.4999214708805084, 0.7110243439674377, -1.0045480728149414, 0.4660201072692871, -0.9495323300361633, -0.09396673738956451, 0.28579503297805786, -0.34310483932495117, 0.6699840426445007, -0.34714245796203613, 1.362789273262024, 0.36931243538856506, -0.622861385345459, -0.6420138478279114, -2.4202728271484375, 0.4513447880744934, 2.0980708599090576, -0.3643341362476349, -1.2631125450134277, -0.5425753593444824, 0.2115420550107956, 0.23965135216712952, -0.3977940082550049, 0.17963683605194092, -0.32648366689682007, 0.43042802810668945, -0.6787385940551758, 0.37341389060020447, -0.4409569799900055, 1.006578803062439, 0.3338419497013092, 1.33333158493042, -0.3703635632991791, -0.08942926675081253, -0.7797487378120422, -1.9196901321411133, 0.1929018646478653, 0.8902351260185242, 0.22474762797355652, -0.5975463390350342, 1.4575023651123047, -1.0124294757843018, 0.8169386386871338, 0.386391818523407, 0.5074384212493896, -1.0493333339691162, 0.9242852926254272, 0.07713614404201508, 2.4079225063323975, 0.170694962143898, 0.42126786708831787, -0.024952437728643417, 0.19618868827819824, -0.20112617313861847, -0.9693184494972229, 0.7396488785743713, -0.08384297043085098, 1.5455329418182373, 0.404423326253891, -0.4184771478176117, 1.0324186086654663, -0.6136278510093689, -0.15606766939163208, -1.1594735383987427, -0.9059520959854126, -0.698514461517334, 0.012136384844779968, 1.2325485944747925, -0.3269743323326111, 0.5132834911346436, -0.4407936930656433, -0.7926549911499023, -1.3684037923812866, -0.21497513353824615, 0.029998622834682465, -0.2194478064775467, -1.2733858823776245, 0.05482698976993561, -0.5380011200904846, -1.0194191932678223, -0.9971455931663513, 0.25367245078086853, -0.3884556293487549, 0.12284116446971893, 0.8550480604171753, 0.7502560615539551, -0.4611060619354248, 0.7814407348632812, 0.18177710473537445, 1.243192195892334, -0.9343805909156799, 0.6871914267539978, 0.3256092667579651, -0.0832701027393341, -1.6164946556091309, 1.107824444770813, -0.10831499099731445, 0.5553091764450073, 0.47265881299972534, -0.40632280707359314, -0.34354308247566223, -0.5651655793190002, -0.38910597562789917, 1.0354586839675903, -0.33567145466804504, -0.14731916785240173, -0.23111523687839508, 2.1448283195495605, 0.07133562862873077, -0.5446115136146545, 1.4823065996170044, -0.13945867121219635, -0.5467814207077026, 0.6760739684104919, -0.5032397508621216, 0.8511074781417847, 0.24216915667057037, 0.3577905297279358, 0.26371750235557556, 0.14707395434379578, -2.3667454719543457, 0.9830461740493774, 0.7813680768013, -0.49868062138557434, -0.2104533165693283, -0.5173699259757996, -0.09917993098497391, -0.7436513304710388, 0.47626161575317383, 0.26669058203697205, -0.17848078906536102, 0.6483107209205627, -0.4493064284324646, 0.11105845868587494, 1.8155101537704468, -0.49417644739151, 0.759009838104248, 1.1715866327285767, 0.00010256469249725342, -0.8844342231750488, -0.09654773026704788, 0.37211862206459045, -0.3919059932231903, 0.04898243397474289, -0.344736784696579, 0.6753377914428711, 1.0717036724090576, -0.7378232479095459, -0.22138859331607819, 0.668816864490509, 0.3087076246738434, 0.4384143650531769, 0.38186779618263245, -0.3053351640701294, 0.6881704330444336, -0.5925555229187012, 1.2903648614883423, -0.3869706392288208, -1.2719669342041016, -1.0201276540756226, -0.5257944464683533, -0.6459284424781799, -0.8581112623214722, 2.4732420444488525, 0.07710155099630356, 1.565321445465088, -0.20711396634578705, -0.1653115600347519, -1.3322962522506714, -0.23195146024227142, 0.8408628702163696, 0.6951243877410889, -0.4135565161705017, -1.2511614561080933, -0.451994389295578, 0.4977351427078247, -0.05949993431568146, 0.17149817943572998, 0.20954769849777222, 0.28178444504737854, 0.41067206859588623, -1.5202641487121582, 0.2862413823604584, 0.7991332411766052, -0.183302104473114, 1.1310408115386963, -1.325581669807434, -0.1715278923511505, 0.36033010482788086, -0.22410474717617035, 0.3987088203430176, 0.3797989785671234, -0.8708100318908691, 1.0293829441070557, 0.8387225270271301, 0.3080410361289978, -0.18396176397800446, 1.1859952211380005, 1.4238388538360596, -0.8473569750785828, -1.6750478744506836, -0.19364039599895477, -0.6819960474967957, -0.5430992841720581, 0.16717979311943054, 0.448322057723999, -0.6927385926246643, 0.4303904175758362, -0.6022844910621643, -0.4929274618625641, 1.4395195245742798, -0.6350476741790771, -1.0936963558197021, 0.5278297066688538, 0.5434387922286987, -1.4729259014129639, -0.3216531276702881, -0.5483334064483643, -1.1436011791229248, -0.749829113483429, -0.360837459564209, -0.5097123980522156, 0.34243637323379517, -0.04588719829916954, 0.49970367550849915, -0.16521096229553223, -0.21471922099590302, -1.357560634613037, 0.5902999043464661, 0.9153202176094055, -0.47933149337768555, 0.4160871207714081, 0.13377171754837036, 0.5274361371994019, -0.2872790992259979, -0.5381219983100891, -1.4359538555145264, 1.2377105951309204, 0.1455923616886139, 0.4470271170139313, -1.1979992389678955, -0.8818362951278687, 0.6196630001068115, 0.08365635573863983, 0.8282714486122131, -0.7466036677360535, -0.22232574224472046, 0.40683794021606445, 0.3401578366756439, 1.014198899269104, -0.6239785552024841, -1.2463921308517456, 1.1084349155426025, -0.37458550930023193, 0.8164092302322388, -0.711693286895752, 0.17884618043899536, 1.3087407350540161, -0.28987637162208557, -0.5984027981758118, -0.6937443614006042, -9.445537567138672, 0.3227664530277252, 0.24007874727249146, -0.14745494723320007, 1.4210021495819092, -0.7608444094657898, 1.5725791454315186, -0.04097067192196846, 0.8143848180770874, -1.07231867313385, 0.5232897996902466, 1.09134042263031, 0.10797731578350067, 0.15232858061790466, -0.4580661654472351, -2.079575300216675, -0.9805505871772766, -0.22466379404067993, -0.1300666183233261, -0.27236148715019226, -0.07050254195928574, 0.04199351370334625, -0.3744537830352783, 0.6846559643745422, 0.26311424374580383, 0.8346803188323975, -0.09792644530534744, -0.2143130898475647, -0.02219153195619583, -0.6218360662460327, 0.4471742808818817, 0.44339126348495483, -0.8690148591995239, -0.7460677027702332, -0.6328140497207642, 0.09099984169006348, -0.8070804476737976, -0.4459908902645111, 1.1292635202407837, -0.915313184261322, -1.5418543815612793, 1.1342703104019165, 0.9629324078559875, 0.4203076958656311, -0.4803333580493927, 0.6154499650001526, 0.9770759344100952, -1.2532870769500732, 0.08036218583583832, -0.6379855871200562, -0.24104797840118408, -0.6979089379310608, -0.816705584526062, 0.1445429027080536, 0.020983746275305748, 0.4006001055240631, -0.1434672623872757, -0.25909480452537537, -0.9427372813224792, -0.9081038236618042, 0.2613101303577423, 0.5487943887710571, -0.1554427146911621, -0.3132195472717285, 0.3766475021839142, -0.5276627540588379, 0.4064716100692749, 1.0006612539291382, -0.7166547775268555, 0.0941605269908905, -0.07698366791009903, 0.5372841358184814, -0.042809344828128815, 0.27230244874954224, -0.07768397778272629, 0.1552262008190155, 0.43143177032470703, 0.1042376384139061, 0.4703163504600525, 0.1183517724275589, -1.1392244100570679, 0.6119051575660706, 0.5470256805419922, -0.9184250235557556, -0.3876872956752777, 0.05181162431836128, -0.7335382699966431, 0.15256039798259735, 0.5620267391204834, -0.7020073533058167, 1.1720807552337646, -0.28348487615585327, -0.01438366249203682, 0.1899433135986328, -0.5644882917404175, 0.2463657110929489, 0.2840418219566345, 0.20778819918632507, 0.3330073356628418, -0.8411710858345032, 0.5975736379623413, -0.7468607425689697, -0.4399617910385132, -1.0649882555007935, 0.41082170605659485, 0.7489535212516785, -0.20772869884967804, 0.3603086769580841, 0.14243775606155396, -0.44905292987823486, 0.7434042096138, 0.28383857011795044, -1.1853500604629517, 1.1046918630599976, -0.9775940179824829, 0.6903101205825806, 1.0748951435089111, -0.19491495192050934, 0.2752617597579956, 1.4963889122009277, -0.49862006306648254, 1.1866469383239746, 0.23276570439338684, 0.5736626386642456, -0.19065755605697632, -0.4743821918964386, 0.6241158843040466, 0.45414626598358154, -0.42383161187171936, -1.1378523111343384, -0.3301154673099518, -0.4279285967350006, 0.24471715092658997, -0.6401684880256653, -0.8797954320907593, -0.37900036573410034, -0.8887790441513062, 1.6275521516799927, -0.6177543997764587, 0.4134202003479004, 0.27796870470046997, -0.9195619225502014, 0.7616947293281555, -1.0709306001663208, -0.77561354637146, 0.1266304850578308, -1.2280864715576172, 0.3598875403404236, -0.5073361992835999, -0.9222866296768188, 0.2082640379667282, -0.11781217157840729, 0.7753726243972778, -1.212782382965088, -0.25659823417663574, -0.08136936277151108, 0.2558664381504059, 0.2615768611431122, -0.9104844927787781, 0.4573635458946228, -0.6706517338752747, 0.2995562255382538, -0.511443018913269, 0.896420955657959, 0.6203327178955078, -0.9590064883232117, -0.09421069175004959, 0.13013647496700287, -1.2088932991027832, -0.10873740911483765, 0.9731214642524719, -0.7661782503128052, 0.34977489709854126, -0.5340920090675354, -0.22088705003261566, -1.6400728225708008, 1.326330542564392, 1.3376152515411377, -0.29971224069595337, -0.5017319917678833, 1.3184573650360107, 0.8433171510696411, 0.07275179773569107, -0.06464911252260208, -0.18080896139144897, -0.8480207324028015, 0.8868172764778137, 0.5028455257415771, 0.06294126808643341, 0.821194052696228, -1.5629504919052124, -0.7468103766441345, -0.3016633093357086, -0.2464844435453415, 0.2392144352197647, -0.3036087155342102, 1.5196703672409058, 1.5633782148361206, 0.03917059302330017, 1.1075570583343506, 0.5800824165344238, 0.7773820161819458, 0.3632820248603821, 1.2764228582382202, 0.30700817704200745, -0.029066693037748337, -1.2245714664459229, 0.5798121094703674, 0.5721849203109741, 0.35016050934791565, -0.7681208848953247, 0.49731212854385376, 0.8017412424087524, -0.7047954797744751, 0.17887748777866364, -0.8224767446517944, 0.37098976969718933, -1.0242631435394287, -0.1548481285572052, -0.8909420371055603, 0.6597307920455933, 1.176630973815918, -0.1045399084687233, 0.847000777721405, 1.1411561965942383, 0.23412294685840607, 0.8433158993721008, 0.507418155670166, 1.1864416599273682, -0.6855608820915222, -0.5883277058601379, 0.5778747200965881, 1.0612988471984863, -0.13879835605621338, -0.31705528497695923, -1.238397240638733, -0.4117634892463684, 0.6936617493629456, -0.1957913339138031, 0.5087003111839294, 0.4319382309913635, 0.7086386680603027, 0.982670247554779, 0.9943969249725342, -0.9257510304450989, -1.7632275819778442, -0.37019219994544983, -1.6979081630706787, 0.10936148464679718, 0.7431276440620422, 1.0102198123931885, 0.3991985023021698, 0.8790783286094666, 0.7676296830177307, 0.9742625951766968, -1.1222032308578491, 0.35186833143234253, -0.34433743357658386, -0.48946237564086914, 0.9093419909477234, 0.21095643937587738, 1.6781034469604492, -0.3077343702316284, -0.096458800137043, -0.2267535924911499, -0.31184718012809753, -0.07675880193710327, 0.45608800649642944, 1.096854567527771, -0.5326376557350159, 0.02766694873571396, -0.677193820476532, 0.9721876382827759, -0.9494310021400452, 0.49649426341056824, -0.42014598846435547, -0.4231969714164734, -0.3870692551136017, -0.9445624351501465, -0.5519611835479736, 0.6853756308555603, -0.3574177622795105, -0.6557400226593018, 0.11138536036014557, 0.6616722345352173, -0.18421685695648193, 0.22339491546154022, -0.8063622117042542, -0.026793889701366425, -0.8232162594795227, 0.4203786253929138, -0.3820456862449646, -0.2788664996623993, -0.23420453071594238, 0.2378542721271515, -0.7341616749763489, 0.7837653756141663, -0.12600302696228027, -0.8394021987915039, -0.6822088956832886, -0.031068969517946243, -0.6173087358474731, 0.4235011637210846, 0.16318604350090027, -0.6051533818244934, -2.155761480331421, 0.6410620808601379, 1.0385910272598267, -0.20106667280197144, -0.9830377101898193, -0.011497002094984055, -0.3996640741825104, 0.31490182876586914, 0.9936989545822144]} +{"paper_id": "zest", "embedding": [-0.5942090153694153, 1.0888622999191284, -0.2813991606235504, -0.4684823751449585, 0.4292418658733368, -0.596434473991394, 0.9617038369178772, 0.35562217235565186, 0.3798414170742035, 0.4254486858844757, 0.7921527028083801, 0.3093646168708801, 0.3744373917579651, -0.17319653928279877, -0.23581063747406006, -0.3035171627998352, -0.31192758679389954, -0.5884250402450562, -1.510016918182373, -0.9122427105903625, -0.6329570412635803, -0.3264222741127014, 0.2461419403553009, 0.8005586266517639, -0.19078201055526733, -1.2717225551605225, 0.7195668816566467, -1.1348315477371216, 0.25242313742637634, 0.12178967893123627, 0.22130680084228516, 1.1050487756729126, -1.408421277999878, 1.0044969320297241, -0.23496168851852417, -0.6550700664520264, 0.07789462804794312, 1.0611933469772339, -0.12289994955062866, 0.025699768215417862, -0.2609427273273468, -0.340940922498703, 0.7963674664497375, 0.14826025068759918, 0.5610089302062988, -0.6755322217941284, 0.11467950791120529, 0.13114090263843536, -0.3329218626022339, 0.19063183665275574, -0.6045324206352234, 0.17076966166496277, -0.16136230528354645, 0.22076886892318726, -0.5224531292915344, 1.524792194366455, 0.815433144569397, -1.084063172340393, 0.9761431813240051, -1.2675271034240723, 0.9800158739089966, 1.5052610635757446, -0.34285786747932434, 0.23741430044174194, 0.9558638334274292, 0.1461828202009201, 1.5382983684539795, 0.6649166345596313, 0.535805881023407, 1.2234495878219604, -0.2142208367586136, -0.2941792607307434, 0.544894814491272, 0.65802401304245, 1.0360000133514404, 0.6050091981887817, 0.6116912364959717, -0.44691774249076843, -0.18022039532661438, -0.25184375047683716, -1.0800491571426392, 0.3378640413284302, 0.714827299118042, -0.2101323902606964, 0.02401019260287285, -0.23103514313697815, 0.18263421952724457, -0.8074792623519897, -0.1083618625998497, -1.2100480794906616, 0.7306222915649414, 0.32118865847587585, 0.07827173918485641, -0.5279216766357422, 0.08141843974590302, -0.38712015748023987, -0.2394600659608841, -0.11118821054697037, -0.436219185590744, 0.2547522783279419, 0.6019311547279358, -0.07079453021287918, 0.2739308476448059, 0.24224650859832764, 0.21832363307476044, 0.51337730884552, -0.22695130109786987, -0.41921502351760864, -0.762861430644989, -0.44547340273857117, 0.07902754843235016, 1.190956950187683, 0.2637298107147217, 0.5735095143318176, 0.04715871065855026, 0.0876355841755867, 0.24349480867385864, -0.15057839453220367, -0.3446570038795471, -0.12482395768165588, -0.04866086691617966, -1.290027379989624, -0.08780127018690109, -0.12705032527446747, 0.5942493081092834, -0.6780729293823242, -0.08060095459222794, -0.33903002738952637, -0.10317523032426834, -0.00034205056726932526, 0.8126007318496704, 0.5215203762054443, -0.42418771982192993, 0.11800739169120789, 2.9357004165649414, -0.5702844858169556, 0.6906917095184326, -0.26855045557022095, -0.14228297770023346, -0.4689316749572754, -0.09751895070075989, 0.6758182644844055, 0.18261057138442993, -1.0641371011734009, -0.33138296008110046, 0.3068773150444031, -0.32454514503479004, 0.24912358820438385, -1.1088016033172607, 0.337577223777771, 0.42601051926612854, 0.5250279903411865, -1.157528281211853, -0.5354148745536804, -0.08466365188360214, 0.3014192581176758, 0.34169328212738037, 0.3824242651462555, -0.7014066576957703, 0.8007535934448242, 0.28127700090408325, -0.28353720903396606, -0.45814868807792664, 0.3459194600582123, -0.5082648992538452, -0.15509971976280212, 1.2356317043304443, -0.4033283591270447, -0.5381765365600586, -0.4265654385089874, 0.6898280382156372, -0.0687776580452919, -0.13560689985752106, -0.18485374748706818, 0.2837176024913788, 1.0351321697235107, 0.09187427908182144, 0.6659142971038818, 0.0331813208758831, -0.44005078077316284, -0.38192421197891235, -0.16943460702896118, -0.11388278752565384, 0.6966250538825989, -0.2203056961297989, 0.6368617415428162, -2.087718963623047, -0.1975015550851822, -0.5208448171615601, -0.16343502700328827, -0.41458576917648315, 0.24302013218402863, 0.38135722279548645, 0.11041086912155151, -0.180923730134964, -0.46330583095550537, 0.7712644934654236, -0.8141924738883972, -0.10459692776203156, 0.5803744196891785, -0.4379405081272125, 0.0021390586625784636, -0.5166692137718201, 0.7342749238014221, 0.5583468675613403, -0.047508228570222855, -0.14503823220729828, -1.5659904479980469, 0.7734761834144592, 1.7946882247924805, 0.27752548456192017, -0.5838924646377563, -1.1262891292572021, -0.6467212438583374, 0.19132006168365479, -0.5551905632019043, 0.20261716842651367, -0.38482481241226196, -0.2147350013256073, -1.5311763286590576, 0.12533757090568542, -0.6109766364097595, -0.5391318202018738, 0.4166373014450073, 1.615227222442627, -0.5471046566963196, -0.1995525360107422, 0.04121251776814461, -1.1759305000305176, 0.7613794803619385, 0.6099473237991333, 0.548395037651062, -0.4627602696418762, 0.8892999887466431, -0.19247320294380188, 0.43123334646224976, 0.3780389726161957, 0.6124275922775269, -0.7278188467025757, 0.24228349328041077, 0.017834655940532684, 0.1603545844554901, -0.8161932229995728, 0.29818058013916016, -0.17896774411201477, 0.2814990282058716, -0.7623658776283264, -0.9570800065994263, 0.20694003999233246, -0.4638286232948303, 1.3499526977539062, 0.3433517515659332, -0.5304476022720337, 0.7953410148620605, -0.49509143829345703, 0.12728942930698395, 0.1342783123254776, -0.6394564509391785, -0.15443623065948486, -0.23007670044898987, 1.1746165752410889, 0.2125743180513382, 0.8760625123977661, -0.24296323955059052, -0.10396093130111694, -1.201244592666626, -0.46609804034233093, -0.2979981601238251, -0.27044767141342163, -0.8722796440124512, -0.5052375793457031, 0.24450303614139557, -0.9424358606338501, -0.21385855972766876, -0.12244196236133575, 0.4071342349052429, 0.13801658153533936, 1.4191354513168335, 1.1419113874435425, 0.12414363026618958, 0.6532366275787354, 0.10265673696994781, 1.3361800909042358, -0.35883766412734985, 0.304901123046875, 0.6602265238761902, 0.10488499701023102, -1.0498343706130981, -0.020133689045906067, -0.732724666595459, 0.3356507420539856, 0.5057081580162048, -0.09973229467868805, 0.19915461540222168, -0.231266587972641, -1.1516592502593994, 1.3276991844177246, -0.5910555124282837, 0.7045252323150635, -0.9909453988075256, 1.442405104637146, 0.5067861080169678, -0.3992883861064911, 0.7597562670707703, 0.025825882330536842, -0.1675558090209961, 0.9360491037368774, -0.3771685063838959, 0.8568145632743835, 0.5431441068649292, 0.09889715909957886, 0.5183806419372559, 0.1117902472615242, -2.454831123352051, 0.37646809220314026, 0.4698166847229004, -0.2343200147151947, -0.2763150632381439, -0.5661948919296265, -0.2300744652748108, -0.28562986850738525, -0.19937574863433838, 0.48537972569465637, -0.818276584148407, 0.17293459177017212, -0.23950815200805664, -0.2832273840904236, 1.1626627445220947, -0.8299075961112976, 0.4044722020626068, 0.45791780948638916, 0.2885589301586151, -0.8797352910041809, -0.11349530518054962, 0.38566210865974426, -0.5519737601280212, -0.16629737615585327, 0.2969784438610077, 1.164405107498169, 1.1358213424682617, -0.380489319562912, -0.017542771995067596, 0.26868194341659546, 0.19880229234695435, 0.12295940518379211, 0.6907881498336792, -0.5650284886360168, 0.08664298802614212, 0.36579301953315735, 1.5257881879806519, -0.5173587799072266, -1.2097761631011963, -0.7541496753692627, -0.17112725973129272, -0.637309193611145, -0.8380199670791626, 1.1899644136428833, -0.03518465906381607, 1.0907042026519775, -0.19233207404613495, 0.39014750719070435, -0.9250383973121643, -0.04038224369287491, 0.33668631315231323, 0.1561117023229599, -0.5196697115898132, -0.8235617876052856, -0.18774977326393127, 0.7197372913360596, 0.0666251853108406, -0.7581868171691895, -0.13215972483158112, 0.9898719787597656, 0.5390615463256836, -1.3129152059555054, 0.5800926089286804, 1.056150197982788, 0.8586716055870056, 1.6146107912063599, -0.3876996338367462, -0.015621762722730637, 0.37667396664619446, 0.259024441242218, 0.035639964044094086, 0.18557599186897278, -0.4377908408641815, 0.6031301617622375, 0.7171958088874817, 1.2269651889801025, 0.3001839518547058, 0.3504374921321869, 1.0916647911071777, -0.7964205741882324, -1.1717113256454468, -0.17246906459331512, -1.1269155740737915, -0.7496029734611511, -0.25566327571868896, 0.11101531237363815, -1.1187613010406494, 0.5523261427879333, 0.10319285839796066, -0.63951176404953, 0.7349262237548828, -0.04691637307405472, -0.9680376052856445, -0.01765921711921692, 1.9344522953033447, -0.9409494400024414, 0.13144591450691223, 0.24796371161937714, -1.3198634386062622, -0.7290189862251282, -0.06537077575922012, -0.7639791965484619, 0.19721440970897675, -0.1177796721458435, 0.621009111404419, -0.32466137409210205, -0.3576034903526306, -0.5402584075927734, 0.6623204350471497, 1.4861717224121094, -0.41800543665885925, 0.8451703786849976, 0.047679055482149124, 0.6205410361289978, 0.11604686081409454, -0.7308031916618347, -0.0354619026184082, 0.7594560384750366, 0.12909454107284546, 0.015795785933732986, -0.6578246355056763, -0.5947023630142212, 0.4089887738227844, 0.31262633204460144, 1.0053126811981201, -1.1641623973846436, 0.0402391143143177, 0.021715443581342697, 0.558181643486023, 0.5040806531906128, -0.7657542824745178, -0.6546253561973572, 1.0222244262695312, -0.3118342459201813, 0.08239740878343582, -0.40399426221847534, 0.6342648863792419, 0.916419267654419, 0.0007386431097984314, -0.15532433986663818, -0.4266320765018463, -12.453072547912598, 0.6836583018302917, -0.05350498855113983, -0.026397213339805603, 0.8194772601127625, -0.5421591401100159, 0.5646690130233765, -0.002936575561761856, 0.1848457008600235, -0.15234950184822083, 0.8245278000831604, 0.6998746395111084, 0.6124820113182068, 0.045731429010629654, -0.11341909319162369, -1.0953494310379028, -0.28084149956703186, -0.6447445154190063, 0.7561545968055725, -0.09353309124708176, -0.0941159725189209, -0.4651474952697754, 0.00025363266468048096, -0.10832791030406952, 0.4814404249191284, -0.6775417923927307, -0.6598173379898071, -0.4404592216014862, 0.22065912187099457, 0.3580929636955261, 0.26883405447006226, 0.16970059275627136, -1.228286623954773, -0.333621084690094, 0.41441285610198975, -0.5610833168029785, -0.2584204077720642, 0.08946143090724945, 0.7518497109413147, -0.10410820692777634, -0.6803513765335083, 0.2535235583782196, 0.37051695585250854, 0.3559900224208832, -0.5333393812179565, 0.1810825914144516, 0.29313111305236816, -1.0924091339111328, 0.13024462759494781, -0.7221834063529968, -0.3426314890384674, -0.6125367283821106, -0.2632382810115814, -0.7289829850196838, 0.45092877745628357, 0.5218201279640198, -0.42085835337638855, 0.03264986723661423, -0.3552863597869873, -1.0727436542510986, 0.29216310381889343, 0.5982165336608887, -0.15047767758369446, 0.1740323305130005, 0.24129027128219604, -0.45001500844955444, -0.1512494683265686, 0.1487818956375122, -0.2508174479007721, 0.6089590191841125, -0.5065149664878845, 0.826187252998352, -0.06835980713367462, -0.04882046580314636, -0.20813947916030884, 0.39803728461265564, -0.4266927242279053, -0.28062698245048523, 0.5832583904266357, 0.23203063011169434, -1.4460724592208862, 0.7417355179786682, 0.3103344142436981, 0.32534804940223694, -0.7491708993911743, 0.5303648710250854, -0.12175958603620529, 0.12289173901081085, 0.9564716815948486, -0.174119770526886, 0.9209434986114502, 0.01203073188662529, -0.6563761830329895, -0.45306041836738586, -0.7746042013168335, 1.4997565746307373, -0.6925316452980042, 0.2202455997467041, 0.4850623309612274, -0.7062581777572632, 0.1331823468208313, -0.3403301239013672, -0.5692797899246216, -0.267086923122406, 0.5771458148956299, 0.35363534092903137, -0.02338816225528717, 0.026140138506889343, 0.37883687019348145, 0.1063455268740654, 0.9395062327384949, 0.26155975461006165, 0.18690428137779236, 1.0464046001434326, -0.3366897404193878, 1.0035779476165771, 0.7898715734481812, 0.16987702250480652, 0.4630464017391205, 0.6630525588989258, -0.3438431918621063, 0.5407248735427856, 0.428024560213089, 0.9932864308357239, 0.09702947735786438, 0.2677408456802368, 0.4068123400211334, 0.3973383605480194, 0.45522069931030273, -0.9178498983383179, -0.011197201907634735, -0.36860391497612, -0.5841986536979675, -0.2744174301624298, -0.7935113310813904, -0.16765594482421875, -1.0846636295318604, 1.793587565422058, -0.1552342027425766, -0.1241297498345375, 0.352905809879303, -0.8874633312225342, -0.2569736838340759, -0.7054620981216431, -1.1903088092803955, 0.16134271025657654, -1.4658010005950928, 0.24031555652618408, -0.8244339823722839, -0.7486016154289246, -0.135291188955307, -0.11922561377286911, 0.8230462074279785, -0.8762447834014893, 0.024164637550711632, 0.1243688091635704, 0.2754274606704712, -0.4844489097595215, -0.6037719249725342, -0.5445725917816162, 0.2621467113494873, 1.2700765132904053, -0.26305195689201355, 1.237867832183838, 0.30853602290153503, -0.5203448534011841, -0.20664429664611816, 0.053576938807964325, -1.0480005741119385, 0.016854099929332733, 0.7232736349105835, -1.0764926671981812, -0.3876905143260956, -0.928261399269104, -0.34038135409355164, -0.9703466892242432, 0.0006263852119445801, 1.2746660709381104, -0.7994552254676819, -0.02826663851737976, 0.6397798657417297, 1.0905832052230835, 0.1367124766111374, -0.504242479801178, -0.4719194173812866, -0.6646580696105957, 0.31889501214027405, 0.6598937511444092, 0.02318434976041317, 0.7017178535461426, -1.4390019178390503, -0.7612340450286865, -0.43540605902671814, 0.12115061283111572, 0.5647653937339783, -0.5283704996109009, 1.2298524379730225, 0.30093586444854736, 0.44741198420524597, 0.21201655268669128, -0.2549450993537903, 0.7986223101615906, -0.13333332538604736, -0.003662433475255966, 0.3805605173110962, 0.09685228765010834, -1.0629218816757202, 0.3199433982372284, -0.3280073404312134, 0.8767635822296143, -1.72776198387146, -0.48700761795043945, 0.5069258213043213, -0.5817397236824036, -0.4066147208213806, -0.45655563473701477, -0.13815975189208984, -0.24128292500972748, 0.24753527343273163, -1.2272083759307861, 0.31582748889923096, 0.8890900015830994, -0.35380059480667114, 0.6838846802711487, 0.5056025981903076, 0.3529776632785797, 0.4652874171733856, 0.6601769328117371, 1.1081106662750244, -0.058032792061567307, -0.9502360820770264, 0.35645052790641785, 0.7148697376251221, -0.2931068241596222, -0.089287169277668, -0.12335799634456635, -1.5130724906921387, 0.6199309825897217, -0.8934064507484436, 0.8363851308822632, -0.7672755122184753, -0.19513344764709473, 0.4697686433792114, 1.0522276163101196, 0.026419296860694885, -1.9019575119018555, -0.42538633942604065, -0.998684823513031, -0.02595464140176773, 0.1253902018070221, 0.16344313323497772, 1.0086685419082642, 0.6177398562431335, -0.06627047061920166, 1.0466538667678833, -0.24402399361133575, -0.36457931995391846, 0.34766894578933716, -0.0908382385969162, 0.9662871360778809, 0.5859434604644775, 0.6246585845947266, 0.5070325136184692, -0.2112293243408203, -0.13428765535354614, -0.6608395576477051, -0.40187588334083557, 0.5118454694747925, 1.1689528226852417, -0.23462213575839996, -0.6964974999427795, -0.41723841428756714, 0.6258864998817444, -1.1509571075439453, 0.5698456168174744, 0.25821757316589355, -0.0078077539801597595, -0.943328857421875, -0.33605390787124634, 0.7266595363616943, 0.9747222065925598, -0.2137073278427124, -0.06325539201498032, -0.3932313919067383, 0.5516874194145203, 0.34682461619377136, 0.2512654960155487, -0.8373332023620605, 0.31281962990760803, -0.5234379172325134, 0.29212135076522827, 0.08056102693080902, -0.47991764545440674, -0.34083956480026245, -0.07236139476299286, -0.9315139651298523, 0.8592534065246582, -0.14083701372146606, -0.9047486186027527, -0.5643346309661865, 0.21607182919979095, -0.3416436016559601, 0.26935359835624695, 0.5079870820045471, -0.32603055238723755, -1.450767159461975, 0.5297111868858337, 1.0170999765396118, -1.2082550525665283, -0.445308119058609, -0.2373049557209015, 0.06210387870669365, -0.08055134862661362, 0.9718717336654663]} +{"paper_id": "gutenberg_time", "embedding": [-0.9868794679641724, 1.5412654876708984, 0.1361013650894165, 0.117987722158432, 0.4600679874420166, 0.33001723885536194, 0.5436263084411621, 0.30604812502861023, 0.508676290512085, 0.1477392613887787, 0.5820508599281311, -0.31441158056259155, -0.19621151685714722, -0.41699543595314026, -0.8619534373283386, -0.18959546089172363, -0.16107428073883057, 0.5979549288749695, -0.6622909903526306, -0.19896800816059113, -0.41086912155151367, -1.1057149171829224, -0.6865969300270081, 0.9524229764938354, -0.8466917872428894, -0.1478807032108307, 0.2172648161649704, -1.3735203742980957, -0.2787317931652069, -0.22842469811439514, 0.20031660795211792, 1.0165364742279053, -0.9387637376785278, 0.21835651993751526, -0.5553003549575806, 0.08717671781778336, -0.1608002632856369, 0.9769592881202698, -0.3578146696090698, -0.2978115975856781, -0.8143120408058167, 0.8655704855918884, 0.6000214219093323, -0.03900984674692154, 0.30272647738456726, -0.20007002353668213, -0.3099442422389984, 0.5198400020599365, 0.30047547817230225, 0.5397706627845764, -0.29427820444107056, 0.6090854406356812, -0.17358072102069855, -0.6155747175216675, 0.23394784331321716, 0.3874077796936035, -0.7444614171981812, -0.5704982876777649, -0.437954843044281, 0.4955299198627472, 0.4379628896713257, 0.9052169919013977, -0.2609972655773163, 0.26094189286231995, 0.7110164165496826, -0.24922509491443634, 1.1846729516983032, 0.46757280826568604, 0.13867028057575226, 1.1061983108520508, -0.8257194757461548, -0.563539445400238, -0.13745257258415222, 0.006977051496505737, -0.6782249212265015, 0.5987409353256226, 0.5542443990707397, -0.2471373975276947, 0.3792508542537689, 0.8387208580970764, 0.029694873839616776, 0.36141443252563477, 0.06795289367437363, -0.7083367705345154, -0.4235224425792694, -0.18442115187644958, 0.5105735063552856, -0.6097966432571411, -0.14415033161640167, -1.595871925354004, 0.2087233066558838, -0.199090838432312, 0.42480793595314026, -0.05732182413339615, -1.1624345779418945, 0.6271623969078064, 0.5831401348114014, -0.5065139532089233, -0.7070863246917725, 0.4608592391014099, 0.7078551650047302, -0.1529800146818161, 0.3078136146068573, -0.5079268217086792, 0.6577264666557312, 0.17779172956943512, 0.03520895540714264, -0.4149131774902344, 0.14333423972129822, -0.6235390901565552, -0.14959144592285156, 0.5890226364135742, 0.34244877099990845, 1.2392178773880005, -0.03725862875580788, -0.9211543798446655, -0.05099695175886154, 0.5227369070053101, -0.7313966155052185, 0.43446558713912964, -0.9829219579696655, -0.34929919242858887, 0.22215312719345093, 0.11060823500156403, 0.43138444423675537, -0.47217556834220886, 0.45665326714515686, -0.1015968918800354, -0.41880714893341064, -0.6522725820541382, 0.4526835083961487, 0.478232204914093, -0.22427356243133545, 0.3449409008026123, 2.367265462875366, -0.6462344527244568, 0.2492113709449768, -0.04035634547472, -0.29559195041656494, -0.31700608134269714, -0.21449235081672668, 1.016859769821167, 0.5385924577713013, -1.1764955520629883, -0.6314912438392639, -0.3450816869735718, -0.141913041472435, 0.26305267214775085, -0.3510788679122925, -0.37157881259918213, 0.24194447696208954, 0.6286666989326477, -0.8247044682502747, -0.9414133429527283, -0.30567649006843567, 0.3650754690170288, -0.4522174894809723, -0.422829270362854, 0.004404839128255844, 0.7649473547935486, 0.6509822607040405, 0.600685715675354, -1.0890368223190308, 0.6336934566497803, 0.012321475893259048, 0.1855458766222, 1.4673476219177246, -0.3106005787849426, -0.7237786650657654, -0.6245911121368408, 0.1496317833662033, -0.2947891652584076, 0.403307169675827, -0.45791518688201904, -0.22199276089668274, 0.18767496943473816, 0.33362653851509094, 0.7951347827911377, 0.26754143834114075, 0.0009537003934383392, -0.015596525743603706, -0.27713119983673096, -0.2888396382331848, 0.3911888301372528, 0.420741468667984, 0.037520427256822586, -2.5842127799987793, -0.05207807570695877, -1.675270438194275, 0.8371348977088928, 0.8081111907958984, 0.6236991882324219, 0.15881529450416565, 0.5827951431274414, -1.2152363061904907, -0.3086867928504944, 0.22379657626152039, -1.3021838665008545, -0.28637951612472534, 0.3320538401603699, -0.14482393860816956, 0.13781706988811493, -0.6516475081443787, 0.8619343042373657, 0.5374062061309814, -0.1661325991153717, 0.3869948089122772, -1.700182318687439, 0.577667772769928, 0.6558324098587036, 0.1296977698802948, -0.16264387965202332, -0.9764865040779114, 0.1323602944612503, 1.1475955247879028, -0.08630447089672089, 0.9817605018615723, 0.4081469774246216, 0.2158174365758896, -0.40900033712387085, 0.7173450589179993, -0.4846501052379608, 0.5410590767860413, -0.9427524209022522, 1.089769959449768, -0.39286690950393677, -0.2410290688276291, -0.6701988577842712, -0.7382397651672363, 0.8994908928871155, 0.5402037501335144, 0.07177762687206268, -0.043134935200214386, 0.7329494953155518, 0.25895941257476807, 0.47214603424072266, 0.5236923694610596, 0.5553059577941895, -0.277457594871521, 0.12127912789583206, 0.4607034921646118, 0.5521966218948364, -0.5982666611671448, -0.48954954743385315, 0.263644278049469, -0.5716013312339783, -0.46948468685150146, -0.47193270921707153, -0.10530645400285721, -0.3338034749031067, 0.7542505860328674, 0.38152167201042175, -1.052970051765442, 1.1527202129364014, -0.34332796931266785, 0.2758059501647949, 0.76084965467453, -0.9445822834968567, -0.1762007176876068, -0.03847822546958923, 0.2209327518939972, 0.28485336899757385, 0.09333978593349457, 0.47418349981307983, -0.7328408360481262, -0.47262442111968994, -1.3816182613372803, -0.009041570127010345, 0.2995009422302246, 0.17414730787277222, -0.04310205578804016, -0.15870921313762665, -1.6248152256011963, 0.009907187893986702, -0.43751439452171326, 0.3813079297542572, -0.371491014957428, 0.37080633640289307, 1.1833264827728271, 0.324029803276062, 0.3703519403934479, -0.5718382596969604, 0.7430111169815063, 0.24399983882904053, -0.37593209743499756, -0.6867246031761169, -0.7106607556343079, -0.9648134112358093, -0.3715929090976715, -0.6354565620422363, 0.5979270935058594, -0.04839503765106201, -0.24219205975532532, 1.0123331546783447, -0.7988308668136597, -0.6641574501991272, 0.9043699502944946, -0.12913371622562408, -0.11555815488100052, -1.4247633218765259, 0.6975439786911011, 0.5551221966743469, -0.22577528655529022, 0.02213365212082863, -1.066343903541565, -0.4885883927345276, 1.304036259651184, -0.3007640838623047, 1.4359114170074463, 1.194166898727417, 0.3490365743637085, 0.060466594994068146, -0.13814584910869598, -1.6212201118469238, -0.31749215722084045, 0.24624301493167877, -0.0384531207382679, 0.3820390999317169, -0.9734790921211243, 0.5168148875236511, -0.20714150369167328, -0.47319865226745605, 0.862079381942749, -0.5830061435699463, 0.47854945063591003, -0.8165761232376099, 0.3221437335014343, 0.07737413793802261, 0.15922416746616364, -0.08324739336967468, 0.0606742687523365, 0.5234605073928833, -1.0644992589950562, 0.3635011911392212, 0.8839209079742432, -0.028801389038562775, 1.3274985551834106, 0.6461611390113831, 1.3351407051086426, 0.5919537544250488, -0.6496694087982178, 0.07612830400466919, 0.9578277468681335, -0.02549836039543152, 0.23969630897045135, 0.5897751450538635, 0.08592269569635391, 0.35490599274635315, -0.8593450784683228, 0.8560599088668823, 0.012670133262872696, -0.22497045993804932, -0.5550618767738342, 0.6618417501449585, -1.2158619165420532, -0.34410712122917175, 1.0084604024887085, 0.990244448184967, 2.1818082332611084, -0.5831843018531799, -0.677553653717041, -0.24614720046520233, 0.5982672572135925, 0.5866533517837524, 0.5352022051811218, 0.46178412437438965, -0.3520588278770447, 0.46038997173309326, 0.41665616631507874, 1.1025567054748535, -0.1544254720211029, -0.258076548576355, 0.09897004812955856, 0.22676678001880646, -0.30417904257774353, 0.08275546133518219, -0.22483187913894653, 1.3723511695861816, 1.7929848432540894, -0.7768506407737732, -0.7947758436203003, -0.11027873307466507, -0.6652244329452515, 0.3188941180706024, 0.38940227031707764, -1.08267080783844, 0.3401460349559784, 0.1970052570104599, 0.6365909576416016, 0.013089284300804138, 1.5743194818496704, 0.8209593892097473, 0.26335516571998596, -0.7102659940719604, 0.3102700114250183, -0.5029686093330383, -0.002606715075671673, 0.38508284091949463, -0.07938554883003235, -0.1873505413532257, 0.7086797952651978, 0.7484117150306702, -1.6145280599594116, -0.023125290870666504, 0.7791521549224854, -0.9438744783401489, -0.5677385330200195, 1.621375560760498, -1.1122629642486572, -0.9012174010276794, 1.0860035419464111, -0.8756880164146423, -1.0742919445037842, -0.6468278765678406, -0.22904406487941742, 1.274930477142334, 0.6312342286109924, 0.4464264214038849, -0.17243799567222595, 0.2981049418449402, 0.10281047970056534, 1.259881854057312, 0.6052621603012085, 0.08949422836303711, 0.154385045170784, 0.6387287378311157, 1.1361544132232666, 0.597068190574646, -1.5709854364395142, -0.30711281299591064, 0.582831859588623, -0.27583634853363037, -0.6603483557701111, -0.23038797080516815, -0.1351417750120163, 0.142325758934021, 0.4590550363063812, -0.462099552154541, -1.289491057395935, -0.07381509244441986, -0.32446300983428955, 0.46739742159843445, 1.2001298666000366, -0.9052971005439758, -1.1740700006484985, 0.15099841356277466, -0.7675108313560486, 0.4146614670753479, 0.6267299652099609, 0.06162354722619057, 0.24187031388282776, 0.31556040048599243, 0.28337740898132324, -0.2230118215084076, -12.312387466430664, 1.1678004264831543, -0.19666962325572968, 1.0214672088623047, 0.8405168056488037, 0.01629379764199257, -0.23288294672966003, 0.06858353316783905, 1.2454516887664795, -0.1766090840101242, 0.5985623002052307, 0.21712635457515717, 0.9052122235298157, 0.18382297456264496, -0.22711074352264404, -1.5153062343597412, -0.5076891183853149, -0.8884536027908325, 0.4423021078109741, 0.4834592640399933, 0.50211101770401, -0.4444401264190674, -0.10924826562404633, -0.1396496593952179, 0.10602935403585434, -0.6798450350761414, -0.03571648150682449, -0.1932922601699829, -0.1352463811635971, -0.051474057137966156, 1.1100763082504272, -0.9240931868553162, -0.8959448933601379, 0.5028960108757019, 1.1691598892211914, 0.5826143026351929, -0.8668427467346191, -0.8940551280975342, 0.4619150757789612, -0.3824933171272278, 0.039770983159542084, -0.08628321439027786, 0.26582595705986023, -0.23797918856143951, -0.30693790316581726, 0.23956342041492462, -0.698749303817749, -0.7858422994613647, 0.45663702487945557, -0.35984233021736145, -0.9788363575935364, -0.7533107995986938, -1.016568660736084, -0.4505065977573395, 0.5631461143493652, 0.07483600080013275, -0.91508948802948, -0.6430141925811768, -0.17963807284832, -0.047614168375730515, 0.40172770619392395, 0.7743140459060669, 0.09158395975828171, 1.4883915185928345, -0.20278576016426086, 0.2600116729736328, 0.9529572129249573, 0.48020055890083313, -0.07018661499023438, 0.24293875694274902, -0.7960001826286316, 0.6421913504600525, -0.43343833088874817, -0.2219746708869934, 0.8217331171035767, -0.13827025890350342, -0.14196890592575073, -0.826225996017456, 0.8290504217147827, 0.5555379390716553, -0.537631630897522, 0.7928202152252197, 0.09558572620153427, -0.22431296110153198, -0.12283790111541748, 0.0933491587638855, 0.6342189311981201, -0.17526432871818542, 0.43814077973365784, -0.1306704878807068, 0.470681369304657, -0.5661998391151428, -0.23086635768413544, -0.10013523697853088, -1.4265377521514893, 0.33298012614250183, -1.0607715845108032, 0.7361445426940918, 0.6248378753662109, -0.7224909663200378, -0.35317936539649963, 0.19908231496810913, -1.0480047464370728, -0.3492414653301239, 0.7429343461990356, -0.3435719907283783, 0.309932142496109, -0.03345779329538345, -1.231471300125122, -0.12944641709327698, 0.4445463716983795, 0.06460139155387878, 0.12369043380022049, 0.3534191846847534, 0.09117938578128815, 0.374786376953125, 0.16881832480430603, -0.7213931679725647, -0.36737847328186035, 0.805542528629303, 0.19102595746517181, 0.17990420758724213, 0.30051448941230774, 1.01826810836792, -0.8117265701293945, 0.3694297671318054, 0.45345136523246765, 0.6551092863082886, -0.6709656119346619, -0.4922170042991638, -0.29930412769317627, -0.3216651976108551, -0.1657959520816803, -0.845187783241272, -0.9117711186408997, -0.8994002342224121, -0.247184619307518, 0.8966827392578125, -0.6058483719825745, -0.35820433497428894, -0.21218618750572205, -0.7712345719337463, -0.7911539077758789, -0.27691298723220825, -0.3909314274787903, -0.7367914319038391, -2.412344455718994, -0.0028317347168922424, -0.9903441071510315, -1.3206535577774048, 0.6851208209991455, -0.6024704575538635, 0.6905344724655151, -0.3061991035938263, -0.0971461609005928, -0.7605830430984497, -0.11705552041530609, -0.4459846019744873, -0.48501813411712646, -0.5382627248764038, 0.6539026498794556, 1.2642866373062134, -0.370411217212677, 0.47846728563308716, 0.019493266940116882, 0.14930489659309387, -0.9720341563224792, -0.435299813747406, -0.8474849462509155, 0.4455186426639557, 0.9560430645942688, -0.8641281723976135, 0.014083808287978172, -0.2615639567375183, -0.44217896461486816, -0.37771642208099365, 0.5531184673309326, 0.898751974105835, -0.9211763739585876, -0.2926062345504761, 0.04562985897064209, -0.09753664582967758, 0.938852846622467, -1.1809132099151611, -0.07205992937088013, -0.2029682993888855, 0.4676191508769989, 0.7616183161735535, 0.12290897220373154, 0.42278677225112915, -1.1389069557189941, -1.2555460929870605, -0.614066481590271, -0.37075531482696533, 1.1315991878509521, 0.29731062054634094, 1.4919753074645996, 0.2160017192363739, -0.6900136470794678, 0.4318622052669525, -0.0025810664519667625, 0.31070709228515625, 0.5767394304275513, 0.5652158856391907, -0.43346938490867615, -0.7504571676254272, -0.1421700119972229, 0.530793309211731, 0.7777186036109924, -0.1723748743534088, -0.8886070847511292, -0.5587844252586365, 0.3182045519351959, -0.13017533719539642, 0.6640186309814453, -1.1288052797317505, 0.5895246863365173, 0.12489579617977142, -0.6011794805526733, -0.2777331471443176, -0.5095345973968506, 1.3329010009765625, -0.05632437765598297, 1.4158858060836792, 0.5886500477790833, -0.49135130643844604, 0.2865520715713501, 0.4428033232688904, 1.0463662147521973, 0.47881263494491577, -0.7161527872085571, 0.5900982022285461, 0.1259293556213379, 0.14559990167617798, -0.3935590386390686, 0.2054479718208313, -0.85953688621521, 0.23291614651679993, -0.5555435419082642, 0.6339342594146729, -0.4005758762359619, -0.4978741407394409, -0.004957415163516998, 1.1792136430740356, -0.33427196741104126, -1.5526560544967651, -0.8856554627418518, 0.5913774371147156, 0.31767743825912476, 0.6008114814758301, -0.27994436025619507, 0.5131087303161621, 0.29179897904396057, 0.7555757164955139, 0.669482409954071, 0.34314101934432983, 0.3480253219604492, 1.2879447937011719, 0.3089439570903778, 1.4647057056427002, 0.8737958669662476, -0.6975419521331787, -0.047485508024692535, 0.6022992134094238, -1.0216788053512573, -0.6904855966567993, -0.882669985294342, -0.4674990177154541, 0.7838997840881348, -0.713785707950592, 0.4214569330215454, -0.01764577627182007, 0.3225087523460388, 0.03753503039479256, 0.254912793636322, 0.4188982844352722, 0.008634135127067566, -0.5980224013328552, -0.7774527668952942, -0.23185667395591736, 0.3290148973464966, -0.3463938534259796, -0.5739022493362427, -0.2685937285423279, 0.2888778746128082, 0.05763199180364609, -0.4533770978450775, -0.02018694579601288, 1.0226523876190186, -0.2902468740940094, 0.7126136422157288, -0.17986145615577698, -0.7463101744651794, -0.05895444378256798, 0.3591518700122833, -0.45020440220832825, -0.1808173507452011, 0.23064692318439484, -1.0757969617843628, 0.2983272969722748, 0.4615868628025055, 0.3765812814235687, -0.5751335024833679, 0.8360251784324646, 0.5182660818099976, -0.5825376510620117, 1.3912162780761719, 0.12442329525947571, 0.20822961628437042, -0.4815934896469116, 0.16304239630699158, 1.0677183866500854, -0.3539014160633087, 0.39507636427879333]} +{"paper_id": "sent_comp", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "qed", "embedding": [-0.31499624252319336, 0.8865911960601807, -0.13374543190002441, 0.10037706792354584, 0.2964859902858734, 0.18885885179042816, 0.6646368503570557, 1.044142484664917, 0.8919291496276855, 0.3161565363407135, -0.12507924437522888, 0.8236965537071228, 0.37398844957351685, 0.2786695063114166, -0.22402185201644897, -0.27012234926223755, -1.0489619970321655, -0.2600640654563904, -1.8438992500305176, -0.4568239450454712, -0.27080196142196655, -0.732844889163971, 0.12315690517425537, 1.3759984970092773, -0.8931564688682556, -1.0165373086929321, 1.253434658050537, -1.057806134223938, 0.6286992430686951, 0.3130497634410858, -0.4128771424293518, 2.092886209487915, -2.1269211769104004, 0.6224393248558044, -0.45645269751548767, -1.0008525848388672, -0.13819052278995514, 0.8099830746650696, -0.2909615933895111, -0.06634649634361267, -0.2541404962539673, 0.80045485496521, 0.5659366846084595, 0.19695791602134705, 0.2346586138010025, -0.9999964237213135, 0.46630075573921204, 0.5726059079170227, -0.5106837153434753, -0.406436949968338, -0.536512017250061, -0.09617284685373306, -0.5788332223892212, 0.8261840343475342, 0.09491520375013351, 0.5504684448242188, 0.621143102645874, -0.7653762698173523, 0.993870198726654, -1.0991288423538208, 2.080723285675049, 1.9818938970565796, -0.6448124647140503, 0.10187317430973053, 1.3111066818237305, 0.6130129098892212, 1.3105432987213135, 0.32025545835494995, -0.47753793001174927, 0.9125166535377502, -0.40690845251083374, -0.679122805595398, 0.6608598828315735, -0.10586220026016235, 0.37632954120635986, 0.7407053709030151, 0.10195214301347733, 0.24512390792369843, -0.06016658991575241, -0.02322125807404518, -0.07039600610733032, -0.357924222946167, 0.6694300770759583, -0.12045381963253021, 0.679427981376648, -0.09740015119314194, 0.44115978479385376, -0.8449483513832092, 0.06761303544044495, -1.0580923557281494, 0.8254965543746948, 0.37923821806907654, 0.07113002985715866, -0.351664662361145, 0.21020402014255524, 0.3686739504337311, -0.7495405077934265, -0.2779066562652588, -0.24991361796855927, 0.22584784030914307, 0.5694451928138733, -0.043445151299238205, 0.679947018623352, -0.10030389577150345, -0.07978792488574982, 0.25632694363594055, 0.480097234249115, -0.28243908286094666, -0.37748345732688904, -1.3619437217712402, -0.3003690242767334, 0.63486647605896, 0.004629494622349739, 0.9720855355262756, 0.17359866201877594, 0.9864323735237122, 0.799211323261261, -0.6693484783172607, -0.02188444510102272, 0.26375776529312134, -0.04134104400873184, -1.0690882205963135, -0.42089781165122986, -0.11871824413537979, 0.20276778936386108, -0.18030300736427307, -0.42794105410575867, -0.8718776106834412, -0.13383051753044128, 0.39383307099342346, 0.9827615022659302, 0.5175344944000244, -0.8113516569137573, -0.28677305579185486, 3.1131248474121094, -1.1840375661849976, 1.228402853012085, -1.1776859760284424, -0.17543447017669678, -0.8037595748901367, -0.7427492737770081, 1.0825718641281128, 0.2177562117576599, -0.6256089210510254, -0.7721720933914185, 0.23181723058223724, -0.022510133683681488, -0.047197647392749786, -1.2585124969482422, 0.14860253036022186, 0.2945043742656708, 0.40197762846946716, -1.318912386894226, 0.03519006073474884, 0.191532701253891, 0.6805353760719299, 0.040181417018175125, 0.2118121087551117, -0.35607826709747314, 0.21932029724121094, -0.4409770369529724, -0.21765504777431488, -0.24766132235527039, 0.3571818470954895, -0.6945739984512329, -0.3085131049156189, 0.5823042392730713, -0.33137261867523193, -0.975468635559082, 0.4068905711174011, 0.0496230386197567, -0.3566330075263977, -0.6093010902404785, -0.3101328909397125, -0.3448362350463867, 0.23638510704040527, -0.3050186336040497, 0.5589616894721985, 1.0884884595870972, -1.0325443744659424, -0.6866928339004517, -0.4527502954006195, 0.22461771965026855, 1.351794719696045, -0.6292464733123779, 0.47459906339645386, -2.5969696044921875, 0.7089109420776367, 0.3787965178489685, 0.4173111021518707, 0.47672444581985474, 0.3395691514015198, 0.38408753275871277, 0.3313925862312317, -0.5197036862373352, -0.934441864490509, 0.7552920579910278, -1.2279261350631714, 0.028874903917312622, 0.5094560384750366, -0.4413982629776001, -0.3664281964302063, -0.08505284786224365, 1.0504436492919922, 0.7421018481254578, -0.08300106227397919, -1.3001786470413208, -1.7822245359420776, 0.46744078397750854, 1.853041410446167, 0.504970908164978, -0.49029457569122314, -0.6203593611717224, -0.42659252882003784, -0.1353909820318222, -0.0951852798461914, -0.022197198122739792, -0.6105661392211914, 0.3928069770336151, -1.2570111751556396, 0.64600670337677, -0.22702288627624512, -0.4633879065513611, 0.6131588816642761, 1.284921646118164, -0.5326058268547058, -0.11412608623504639, -0.4658283591270447, -0.8516409397125244, 0.11401937156915665, 0.4941720962524414, 0.2235117405653, 0.12032513320446014, 0.5003939270973206, -0.05127844586968422, 1.2532850503921509, 0.8730241656303406, 0.8111069202423096, -0.976238489151001, -0.19443373382091522, 0.5000997185707092, 1.2079354524612427, 0.5570513606071472, 0.6147202253341675, -0.5523631572723389, 0.7626363635063171, -0.4556712508201599, -0.7373061180114746, 0.1017194390296936, -0.39355361461639404, 1.6990090608596802, 0.5510290265083313, -0.6297293901443481, 0.21587231755256653, -0.3193688690662384, -0.4845786988735199, -0.20643118023872375, -0.42115312814712524, -0.49075669050216675, -0.34509557485580444, 1.0893528461456299, 0.3726052939891815, 0.3370286822319031, -0.1875278353691101, 0.27341988682746887, -0.7325667142868042, -0.2329835295677185, -0.3421801030635834, -0.21928134560585022, -0.781969428062439, -0.29891711473464966, 0.04103904962539673, -1.0202558040618896, -0.30240824818611145, -0.4862605631351471, -0.6124566793441772, 0.023089520633220673, 1.1120518445968628, 1.4539613723754883, -0.031345006078481674, 0.19793787598609924, -0.17962545156478882, 1.5116848945617676, -0.40804523229599, 0.5123483538627625, -0.5722374320030212, 0.06714365631341934, -0.5682408213615417, 0.06480444967746735, -0.7394397258758545, 0.22171011567115784, 0.21071121096611023, -0.9776355028152466, 0.9754018783569336, -0.366079717874527, -0.5662060976028442, 0.3429933190345764, 0.0518798828125, -0.47646579146385193, 0.06144148111343384, 1.7030822038650513, 0.09098900854587555, -0.9705070853233337, 0.7663232088088989, 0.14049378037452698, -0.6226813793182373, 0.5016050934791565, 0.14391091465950012, -0.11555901914834976, 0.11789901554584503, -0.2723458409309387, 0.31727904081344604, 0.018619775772094727, -2.049161672592163, 0.9992896914482117, 0.9573544263839722, -0.23248738050460815, -0.6380062103271484, -1.2025470733642578, 0.4135512709617615, -0.3641810715198517, 0.2903699576854706, 0.23072662949562073, -0.47509196400642395, 0.38608020544052124, -0.11938868463039398, 0.3937268853187561, 0.9703845977783203, -0.1887947916984558, -0.2262711375951767, 0.47159209847450256, -0.13425961136817932, -0.6865642666816711, -0.1831856667995453, 0.7700144052505493, -0.32678964734077454, -0.5141035318374634, 0.18441209197044373, 1.2266438007354736, 0.45034316182136536, 0.4523453116416931, 0.025899387896060944, 0.8272104859352112, 0.48916736245155334, -0.2585504651069641, -0.013465513475239277, -0.6327930092811584, -0.009012825787067413, -0.5695441961288452, 1.2626415491104126, -0.5173325538635254, -0.18633215129375458, -0.7569424510002136, 0.12732507288455963, -0.05034787952899933, -0.03317275270819664, 1.942690372467041, 0.6196362376213074, 1.344477653503418, 0.30788493156433105, 0.6635913252830505, -1.0218877792358398, -0.40853390097618103, 0.26060453057289124, 0.02650444209575653, 0.10733921080827713, -1.1232330799102783, -0.02463066577911377, 0.4445560574531555, -0.0026387041434645653, -0.4724425673484802, 0.07426782697439194, 0.8228143453598022, 0.35341542959213257, -0.10624568164348602, 0.651975691318512, 0.724672794342041, 0.07087022811174393, 1.6020876169204712, -0.12565977871418, -0.02273116633296013, 0.3952724039554596, 0.34069666266441345, 0.41481655836105347, 0.2816135883331299, 0.13124437630176544, 0.4213237464427948, -0.2547246813774109, 1.0004950761795044, 0.46441543102264404, 0.87149977684021, 0.9104703664779663, -0.985667884349823, -1.7042804956436157, -0.3401987850666046, -0.40916603803634644, -0.4051814079284668, 0.19493815302848816, 0.12287679314613342, 0.013733741827309132, 0.36457544565200806, -0.18121859431266785, -0.6459035277366638, 0.5444273948669434, -0.585606038570404, -1.104661226272583, 0.8560677170753479, 0.919573187828064, -1.5849545001983643, -0.5022037029266357, 0.03587131202220917, -0.9782913327217102, -0.2022685557603836, -0.12237226963043213, -0.6532585620880127, 0.6064137816429138, 0.050004906952381134, 0.7198451161384583, -0.04957015812397003, 0.7443252801895142, -1.2137197256088257, 0.8973608613014221, 0.44996926188468933, -1.0102298259735107, 0.708968997001648, -0.04787597432732582, 0.512051522731781, 0.2878600060939789, -0.6342965364456177, -0.4158968925476074, 0.9805079102516174, -0.387138694524765, 0.03586239740252495, -0.7022562026977539, -0.0916847512125969, 0.7912012338638306, 0.26425907015800476, 0.6825599074363708, -0.586042582988739, -0.3115692734718323, -0.3362519145011902, 0.43341153860092163, 1.3175849914550781, -0.6286970973014832, -1.0358422994613647, 0.04056122899055481, -0.6254135370254517, 0.1114012598991394, -0.6037282943725586, 0.024856973439455032, 1.608893632888794, -0.39963170886039734, -0.30862921476364136, -0.35652050375938416, -11.216270446777344, 0.6682636141777039, 0.3682514429092407, 0.058843180537223816, 0.818026602268219, -0.28888675570487976, 0.11224156618118286, -0.08083359897136688, 0.12174829095602036, -0.459084153175354, 0.5116224884986877, 0.9786193370819092, 0.3029935359954834, 0.09437060356140137, -0.5729798674583435, -1.3299890756607056, -0.35682427883148193, -0.9004506468772888, 0.009489372372627258, 0.3344558775424957, 0.5386635661125183, -0.4998586177825928, -0.30038830637931824, 0.5157526731491089, 0.29480651021003723, -0.6050848960876465, -0.6089164018630981, -0.2575168013572693, 0.11081039905548096, -0.2642703652381897, 0.4245600998401642, -0.035921189934015274, 0.217289999127388, -0.30350834131240845, -0.40379077196121216, -0.34413576126098633, -0.33325088024139404, -0.1447763592004776, 0.6960840821266174, -0.43492984771728516, -0.36422550678253174, -0.06089239567518234, 0.4510875642299652, -0.2796171307563782, -0.5842556953430176, 0.7049146890640259, 0.27325284481048584, -0.5491029024124146, -0.260823518037796, -0.07188618183135986, -0.4122117757797241, -0.7694500088691711, -0.538015604019165, -0.5269371867179871, 0.5121505856513977, 0.25776776671409607, -0.8029022812843323, -0.5878639221191406, -0.6088151335716248, -1.040198802947998, 0.18761172890663147, -0.08676387369632721, -0.10348730534315109, 0.12775415182113647, 0.13645771145820618, -0.18918564915657043, 0.07324542105197906, 0.31520605087280273, -0.9149925708770752, 0.9856722354888916, -1.0813777446746826, 0.6381555795669556, -0.08661700785160065, 0.6642302870750427, -1.571185827255249, 0.21248653531074524, -0.8098437786102295, 0.0460139662027359, 0.17840473353862762, -0.5184600949287415, -1.3135384321212769, 1.0555979013442993, 0.5939385890960693, -0.4558475613594055, -1.0521981716156006, 0.426300048828125, 0.2100106179714203, 0.4154546856880188, 0.9645346403121948, -0.702801525592804, 0.9815490245819092, 0.10170301049947739, -0.47871220111846924, 0.35274189710617065, -0.3512926995754242, 1.1272398233413696, -0.22971630096435547, -0.13849470019340515, 0.36470407247543335, 0.0319150947034359, 0.05902218073606491, 0.20958197116851807, -1.1477097272872925, 0.682371199131012, 0.29218170046806335, 0.3254087269306183, 0.5238118171691895, -0.33492761850357056, 0.5770676136016846, -0.39684364199638367, 1.1805170774459839, 0.6879243850708008, -0.691345751285553, 1.9533206224441528, -1.025174856185913, 0.5809506177902222, 0.5395490527153015, 0.16982325911521912, 0.34140369296073914, 0.34805017709732056, -0.7449395060539246, 1.073662281036377, -0.01790704019367695, 1.5997587442398071, -0.1893712878227234, 0.4241129457950592, 0.5205134153366089, 0.18047145009040833, 0.0902889221906662, -1.5234777927398682, -0.55855393409729, 0.01853461191058159, 0.32949188351631165, -0.6818851828575134, -0.2607870399951935, 0.4206635355949402, -0.549134373664856, 1.1638277769088745, -1.2034999132156372, -0.06875790655612946, -0.21036115288734436, -0.12103304266929626, -0.7719044089317322, -1.6177434921264648, -1.1051708459854126, 0.20034146308898926, -1.4443769454956055, 0.6421929001808167, -0.7573577165603638, -0.07953275740146637, -0.3665860593318939, -0.6337864995002747, 1.0905786752700806, -0.7611187100410461, -0.0744689404964447, -0.5300530791282654, 1.0425140857696533, -0.6974393725395203, -0.8609567284584045, -0.6211115717887878, 0.5350767970085144, 0.8788654804229736, -0.9701796174049377, 1.4881672859191895, 0.004076525568962097, -0.21548491716384888, -0.3850882649421692, 0.0804544985294342, -0.11264707148075104, 0.5263866782188416, 0.40952903032302856, -1.6707072257995605, -0.8100152015686035, -0.8769224286079407, 0.1719447672367096, -0.8284949064254761, 0.36197975277900696, 1.1015090942382812, -1.0582882165908813, -0.7335299253463745, 0.2119225263595581, 1.0197031497955322, 0.16010484099388123, -0.33567237854003906, -0.7386654615402222, -0.2856840491294861, 0.21073487401008606, 1.145033836364746, 0.5317032933235168, 1.1600645780563354, -1.6014487743377686, -0.939914882183075, -1.0518994331359863, -0.07731327414512634, 0.4714483618736267, 0.15964971482753754, 0.3338281512260437, 0.6606367826461792, -0.6292213201522827, 0.19069060683250427, 0.1797994077205658, 1.1331310272216797, 0.6042883992195129, 0.5864962339401245, -0.0414174422621727, 1.1768444776535034, -0.42523840069770813, -0.40164393186569214, -0.1841825693845749, 1.3936243057250977, -1.2285691499710083, -0.6596169471740723, -0.30053791403770447, -0.36225423216819763, -0.14766409993171692, -1.2554692029953003, -0.2575662136077881, -0.6932483315467834, -0.0714203268289566, -1.2824934720993042, 0.19077655673027039, 0.5209422707557678, 0.21035341918468475, 0.5191692113876343, 0.8228046894073486, 1.0451573133468628, 1.0206090211868286, -0.1578708440065384, 0.8759452104568481, -0.028077054768800735, -0.3311745226383209, 0.4169483482837677, 0.5321184396743774, 0.27668994665145874, -0.25170066952705383, -1.200883150100708, -0.6135097742080688, 0.6064489483833313, 0.18404363095760345, 1.002945899963379, 0.07950197160243988, 0.8958306908607483, 1.0860134363174438, 1.1299476623535156, -0.4275817275047302, -1.504471778869629, -0.6378978490829468, -1.4803798198699951, 0.3133532702922821, 0.8863433599472046, 1.139577031135559, 0.249679833650589, 0.5818237662315369, -0.6403892040252686, 1.0067009925842285, -0.9372701048851013, 0.07348505407571793, -0.042499370872974396, -0.31967848539352417, 0.7738906145095825, 0.3160195052623749, 0.7252267003059387, 0.43064501881599426, -0.07608594745397568, -0.8656450510025024, 0.2634725868701935, -0.5086783766746521, 1.289894461631775, 0.3465358018875122, -0.5707831978797913, -0.267230749130249, -0.45714622735977173, 1.0932327508926392, -0.17517773807048798, 1.109796166419983, -0.06032881885766983, -0.4805430769920349, -0.8959715962409973, -0.8955095410346985, -0.11180508136749268, 0.3659968972206116, 0.10263308882713318, -0.7730415463447571, -0.49057888984680176, 0.3183329105377197, 0.7155300974845886, -0.17379361391067505, -0.532798171043396, -0.42983466386795044, -0.754959762096405, -0.0048363097012043, -0.10979346930980682, -0.8677783608436584, -0.8815158009529114, 0.11447584629058838, -0.7748100757598877, 0.8322730660438538, 0.13161152601242065, -0.986244797706604, -1.0228456258773804, 0.5192025899887085, 0.37476080656051636, 0.8933358192443848, -0.436806321144104, -0.1893869936466217, -1.6482869386672974, 0.5767024159431458, 1.4151612520217896, -0.7019792795181274, -0.04172857105731964, 0.1459096372127533, 0.5667627453804016, 0.3020879626274109, 1.1125319004058838]} +{"paper_id": "code_search_net", "embedding": [-0.2663151025772095, 0.8661430478096008, 0.15763726830482483, 0.31795358657836914, -0.09961528331041336, -0.00392976775765419, 1.1074841022491455, 1.601603627204895, 0.8463591933250427, 0.23387247323989868, -0.4624403119087219, 0.5903586149215698, 0.3275340795516968, 0.14517554640769958, -1.1622995138168335, -0.5758670568466187, -0.6135406494140625, -1.376084566116333, -0.9324488043785095, -0.9777700304985046, -1.350809931755066, -1.2017958164215088, 0.2438075840473175, 0.09419184923171997, -0.36022835969924927, 0.0451585054397583, 0.4446133077144623, -0.9858774542808533, -0.0336766391992569, 0.4096377491950989, 0.7268600463867188, 0.6466493010520935, -1.0714055299758911, 0.809535026550293, -0.271133154630661, -0.14946141839027405, 0.2061120569705963, 1.1056820154190063, -0.6866891980171204, 0.057864803820848465, -0.0479588657617569, 0.08883974701166153, 1.5200669765472412, -0.18745720386505127, 0.8674985766410828, -0.5502375364303589, -0.3593675196170807, -0.4219062328338623, -0.07656322419643402, 0.12633655965328217, -0.2750386595726013, 0.4578002989292145, 0.9069201350212097, -0.21940381824970245, 0.2314242422580719, 0.9375188946723938, 0.6252685189247131, -0.03349288925528526, 0.6047836542129517, -0.5607300996780396, 0.7595729231834412, 0.8462463617324829, -0.4094747304916382, 0.13607029616832733, 0.0790393278002739, -0.5818989276885986, 1.3616197109222412, 0.8366766571998596, -0.19473500549793243, 0.18699292838573456, 0.10001704096794128, -1.543251395225525, 0.7650860548019409, 0.5058196783065796, 0.04038132354617119, 0.6550242900848389, -0.02397298999130726, -1.290877342224121, 0.3060530126094818, -0.11600258201360703, -0.5778027772903442, 0.19219432771205902, 0.44501250982284546, -0.49143296480178833, -0.08954596519470215, 0.0695425271987915, -0.010112285614013672, -1.2344623804092407, -0.14340069890022278, -0.6110283136367798, 0.34977102279663086, -0.829931914806366, 0.4776197373867035, -0.42673414945602417, -0.4186570942401886, 0.07909837365150452, -0.7091037631034851, 0.22345395386219025, -0.5113285183906555, 0.7430959939956665, 0.8336664438247681, 0.004519132897257805, 0.6684908866882324, -0.7051416039466858, 0.5066646337509155, 0.2975185811519623, -0.9543534517288208, -0.49959176778793335, -0.8835857510566711, -0.3934016227722168, 1.0221706628799438, 0.5564563274383545, 0.002198271919041872, 1.5126737356185913, -0.4858662784099579, -0.4714023768901825, -0.17679569125175476, 0.15763938426971436, -0.05409691855311394, -0.4572698473930359, 0.05851052701473236, -0.9085124731063843, 0.394355446100235, -0.5510700345039368, 1.0606411695480347, -0.06338872015476227, 0.2779790461063385, 0.20887228846549988, 0.1379154771566391, -0.14718368649482727, 1.0631260871887207, 0.7783715724945068, -0.44986939430236816, 0.061612870544195175, 2.8685250282287598, -0.9059625864028931, 0.07323973625898361, -0.21098355948925018, -0.22861169278621674, -0.053977660834789276, -0.24026784300804138, 1.5323928594589233, 0.8808362483978271, -0.7221959829330444, -0.22071756422519684, 0.3148772418498993, -0.6205028891563416, 0.40341538190841675, -1.581705093383789, 0.0202656090259552, -0.2018512636423111, 1.2210313081741333, -1.109014630317688, -1.0707098245620728, -0.16758550703525543, 0.8177269697189331, 0.30280083417892456, 0.5980972051620483, -1.1249477863311768, -0.4057495892047882, 0.4962531626224518, -0.19665835797786713, -0.40176069736480713, 0.18057459592819214, -1.0679116249084473, 0.40134450793266296, 1.8460849523544312, -1.1897116899490356, -1.5195670127868652, -0.36621594429016113, 0.699531614780426, -0.6786707639694214, 0.08651718497276306, -0.4479273855686188, 0.5030050873756409, 1.2365802526474, 0.8151665925979614, 0.19114738702774048, 0.0001716669648885727, -0.9230089783668518, -0.8277337551116943, -0.16244104504585266, -0.5007655620574951, 0.2840172052383423, 0.35959744453430176, -0.03071441687643528, -2.6206676959991455, 0.28317442536354065, -0.09450802952051163, -0.15100854635238647, -0.2681107521057129, 0.10749475657939911, 0.35772964358329773, 0.4493969678878784, 0.7116864323616028, -0.4198279082775116, -0.06032289192080498, -1.3670326471328735, 0.18985244631767273, 0.740913450717926, -0.0978347584605217, 1.1925947666168213, -0.8991379737854004, 0.4281342029571533, 0.6994368433952332, -0.29987868666648865, 0.12248091399669647, -2.1532318592071533, -0.30699682235717773, 2.1128578186035156, 0.517437219619751, 0.04637175053358078, -1.2308387756347656, -0.23643021285533905, 0.1186702772974968, -0.2468854784965515, 0.1930128037929535, -0.5948689579963684, -0.5057886838912964, -1.155466914176941, 0.5987095832824707, -0.3799487352371216, 0.44504013657569885, -0.01200244389474392, 1.1353508234024048, -0.9167313575744629, 0.6538002490997314, 0.5150949358940125, -0.8985483050346375, 0.8352928161621094, 0.7606293559074402, 0.338145911693573, 0.06539380550384521, 0.7763242125511169, -0.4363061189651489, 0.7086771130561829, 1.1649729013442993, 0.043944429606199265, -0.8313220739364624, 0.8646800518035889, -0.28315308690071106, 1.220414400100708, 0.02724345773458481, -0.32169201970100403, 0.4246373772621155, 0.12228244543075562, -0.48934170603752136, -1.048364281654358, -0.5542924404144287, 0.07874428480863571, 0.73344486951828, 0.3761998116970062, 0.35779649019241333, 0.21644315123558044, -0.8210786581039429, -0.019397489726543427, -0.159837543964386, -0.5870952606201172, -0.9083694219589233, 0.3940082788467407, 0.5464429259300232, -0.2452879548072815, 0.32400989532470703, -0.15983621776103973, -0.3265421986579895, -1.044655680656433, -0.3607545495033264, -0.38772138953208923, -0.4159221053123474, -0.23522081971168518, -0.2568092942237854, 0.12477722764015198, -1.247094988822937, -0.5375326871871948, 0.3115346431732178, -0.3467298746109009, 0.029868770390748978, 0.11085152626037598, 1.2647321224212646, -0.1963164210319519, 0.36703386902809143, 0.4069603681564331, 0.37922489643096924, -0.2687259316444397, 0.45437443256378174, -0.07929690182209015, -0.31599390506744385, -1.577555775642395, -0.018262438476085663, -0.6111683249473572, -0.21857187151908875, 0.003969922661781311, -0.8162785768508911, -1.1107988357543945, -0.3890044093132019, 0.1885250210762024, 1.0275094509124756, 0.16635097563266754, -0.3204561173915863, -0.49671435356140137, 1.1721203327178955, -0.06527207791805267, -0.915682315826416, 0.7182039618492126, 0.07869391143321991, -0.641948401927948, 0.9434415698051453, 0.3795798718929291, 0.4376761019229889, 0.4843372702598572, -0.20028798282146454, 1.2435287237167358, 0.38599127531051636, -2.11616849899292, 1.084505558013916, 0.9592645168304443, 0.18996945023536682, -0.2279559224843979, -0.25296342372894287, -0.6240236759185791, -0.3744491636753082, -0.12375878542661667, 0.4241379201412201, -0.5480988621711731, 0.9264004230499268, 0.591093897819519, 0.7472331523895264, -0.28463229537010193, -0.7609120011329651, 0.04471950605511665, 1.03101646900177, 0.10288195312023163, 0.15184226632118225, -0.2521970570087433, 1.0561821460723877, -1.0631415843963623, 0.34065309166908264, 0.06568270921707153, 0.6374061107635498, 0.4510875940322876, 0.07684899866580963, 0.24787117540836334, 0.7880600690841675, 0.35694414377212524, -0.312014102935791, 0.2198045551776886, 0.15345945954322815, 0.2995765507221222, 0.875038743019104, 1.3362326622009277, -0.2979028522968292, -0.9968783855438232, -0.33960530161857605, -0.8690208196640015, -0.7600382566452026, -0.10302945226430893, 1.4544514417648315, 0.8740665316581726, 1.2756696939468384, 6.911158561706543e-05, -0.44390925765037537, -0.3178585469722748, -0.6136906147003174, 0.03583014756441116, 0.0721927285194397, 0.8785921931266785, -1.2005455493927002, -0.5593115091323853, 1.1449486017227173, 0.10618811845779419, 0.19074569642543793, -0.17498984932899475, 0.22000500559806824, 0.4182467758655548, -1.360864520072937, 0.4892972409725189, -0.05295206233859062, 0.7694529294967651, 1.2727235555648804, -0.7958800792694092, 0.21584732830524445, -0.6124820709228516, -0.023728463798761368, -0.6620234847068787, -0.07828176021575928, 0.17655020952224731, 0.386984646320343, 0.7207483053207397, 0.5477985739707947, 0.6142414808273315, 1.595855712890625, 1.0421979427337646, -0.23875682055950165, -1.5644810199737549, -0.6229171752929688, -1.261207938194275, 0.38774651288986206, -0.24892038106918335, -0.2630141079425812, -0.5627333521842957, 0.003465995192527771, -0.1509273648262024, -1.2218400239944458, 0.3156111240386963, 0.10539001226425171, -0.4233628809452057, -0.006759151816368103, 1.9530633687973022, -0.34553074836730957, -0.8364407420158386, -0.5401802659034729, -0.9107109904289246, -0.48123663663864136, -0.37990838289260864, -0.6531452536582947, -0.2620147466659546, 0.740129292011261, 0.4829447269439697, 0.5241245627403259, 0.48378127813339233, -0.6478554606437683, 1.5825797319412231, 0.7913514375686646, -0.4934026002883911, 0.05029551684856415, -1.465468406677246, 1.6948083639144897, 0.16772255301475525, -0.9518124461174011, -0.5200212001800537, -0.029766710475087166, -0.4253503382205963, -0.03310198709368706, -0.8378926515579224, -0.6847416758537292, -0.24897617101669312, 0.1275407075881958, 0.196659117937088, -0.029697773978114128, 0.0997442752122879, -1.3492553234100342, -0.3360012173652649, 1.5016045570373535, -0.49435389041900635, -0.3130359649658203, 0.8294779658317566, 0.2172224223613739, 0.3207527995109558, 0.36703240871429443, -0.11592735350131989, 0.24052710831165314, 0.8668668270111084, -0.441941499710083, -0.23040249943733215, -11.221056938171387, 0.7146540880203247, -0.29947414994239807, 0.6078522205352783, 0.7316256165504456, 0.5615007877349854, 1.131846308708191, 0.28737157583236694, -0.09572850912809372, -0.9708741307258606, 0.1305817812681198, 1.3406484127044678, -0.1362752616405487, 0.14110830426216125, -0.48494473099708557, -1.6812061071395874, -0.3177390396595001, -0.5120479464530945, 1.1696332693099976, 0.34127718210220337, 0.13989345729351044, -0.8869248628616333, -0.2807331085205078, -0.2259366363286972, 0.7638015151023865, 0.4070572257041931, 0.22804370522499084, -0.801925778388977, -0.39734143018722534, -0.4989134967327118, 0.46984148025512695, 0.7226423025131226, 0.42048031091690063, -0.007081413641571999, -0.21109434962272644, 0.6188716292381287, -1.6276696920394897, -0.18061195313930511, 0.7806946635246277, -0.07642430067062378, -0.5773066282272339, 0.5163649320602417, 0.2648666203022003, -0.11678986251354218, -1.1643552780151367, 0.09333504736423492, -0.23323097825050354, -1.061653971672058, 0.766643762588501, -0.4463149309158325, 0.019583091139793396, -0.6477499604225159, 0.015889067202806473, -0.8401601314544678, 0.6546856164932251, 0.16484402120113373, -0.761832058429718, -1.014839768409729, 0.37651243805885315, -1.371665358543396, 1.242167592048645, 0.5391427874565125, 0.6467694640159607, 0.9789100289344788, 0.5923870801925659, 0.034800026565790176, 0.14091947674751282, 0.4930911064147949, -0.6815187335014343, 0.7150987386703491, -1.2011771202087402, 1.099660873413086, 0.5147891044616699, 0.6389065384864807, -0.5105772614479065, -0.16015666723251343, -0.5448407530784607, -0.46085405349731445, 0.09194007515907288, 0.27565640211105347, -0.8495649099349976, 1.0697942972183228, -0.12410634756088257, -0.8681563138961792, -0.31008151173591614, 0.11282014846801758, -1.0589808225631714, 0.8563300371170044, 1.3546701669692993, -0.1296074390411377, 1.1718837022781372, -0.22279837727546692, -0.6782518625259399, -1.467445969581604, -0.874146580696106, 0.4835840165615082, -0.42921340465545654, 0.13198049366474152, 0.12178109586238861, -0.9569249153137207, 0.035402003675699234, -0.2702605128288269, -1.009913444519043, -0.5937140583992004, 0.5671972632408142, 0.4507434368133545, -0.42088866233825684, -0.43400847911834717, 0.21542909741401672, -0.07940910756587982, 0.4698539674282074, -0.29132771492004395, -0.7139698266983032, 1.314469575881958, -0.47800683975219727, 0.775223970413208, 0.8058159351348877, -0.20734018087387085, 1.2659138441085815, -0.0294467993080616, 0.45080628991127014, 0.5389485955238342, 0.6919379234313965, 0.6407240629196167, -0.7848865389823914, 0.04643566906452179, 0.391370564699173, 0.3980129659175873, -1.1279858350753784, -0.07221230119466782, 0.17249059677124023, -0.45655325055122375, -0.17380867898464203, -1.0437508821487427, -0.34357714653015137, 0.09913313388824463, -0.29274311661720276, 0.7686630487442017, -1.123942494392395, 0.2627171576023102, 0.2505860924720764, -0.22107334434986115, -1.200350284576416, -1.1620917320251465, -1.3980337381362915, 0.9027491211891174, -1.100759506225586, -0.06919039785861969, -0.4819393754005432, -0.7161296010017395, -0.05800456181168556, -0.8875383138656616, 1.0520131587982178, -0.9254252910614014, -0.21559356153011322, 0.035522982478141785, 0.45305392146110535, 0.05121084302663803, -0.6204696297645569, -1.0849018096923828, 0.7087510228157043, 1.0250153541564941, -0.3243482708930969, 0.6288049817085266, 0.6805790662765503, 0.5123979449272156, -0.4280374348163605, -0.14544686675071716, -0.001088170800358057, -0.0021355971693992615, 0.3618552088737488, -0.7857866287231445, 0.11000268906354904, -0.08185235410928726, 1.0690691471099854, 0.34072375297546387, 0.7154777646064758, 0.8058100938796997, -1.3912017345428467, 0.8366858959197998, -0.25512951612472534, 1.205828070640564, 0.6458876729011536, -1.1408504247665405, -0.913272500038147, -0.17169082164764404, 0.7604554295539856, 0.6110697388648987, 0.11036457121372223, 0.7916594743728638, -0.6525507569313049, -1.3563778400421143, -0.7690770626068115, 0.6611241102218628, -0.08811153471469879, -0.18631571531295776, 0.5728615522384644, -0.04801208898425102, 0.8198144435882568, 0.5371549129486084, -0.6848695278167725, 0.6645435690879822, -0.07401664555072784, -0.1343243569135666, -0.2272077351808548, 0.20752036571502686, -0.8837434649467468, 1.0818531513214111, 1.1435363292694092, 0.9106958508491516, -1.1467145681381226, 0.18345892429351807, 0.5137143135070801, -0.47273343801498413, -0.48427945375442505, -1.1839361190795898, 0.03217602148652077, 0.10064664483070374, -1.1122068166732788, -0.7734206318855286, 0.7652933597564697, 0.19617387652397156, 0.08452083170413971, 0.8319261074066162, 0.25042077898979187, 0.9063019752502441, 0.22696469724178314, -0.08449424803256989, 1.1046782732009888, -0.3822620213031769, -0.5846376419067383, 0.19955790042877197, -0.057986967265605927, -0.13111209869384766, -0.3272692859172821, 0.04364319518208504, -1.0816829204559326, 0.14266051352024078, -0.5907731056213379, 0.5209516286849976, -0.6657311320304871, 0.24988290667533875, 0.5616793036460876, 1.151820421218872, -0.7959356904029846, -1.5386184453964233, -0.11828029155731201, -0.7767392992973328, -0.826942503452301, 1.0988926887512207, -0.08880969136953354, 0.28358685970306396, 0.7168633341789246, 0.46114540100097656, 0.13247942924499512, 0.7720213532447815, 0.6291214227676392, 0.18612241744995117, -0.04301401972770691, 1.970273494720459, 0.8682409524917603, -0.23450054228305817, 0.46991321444511414, -0.3085018992424011, 0.34021663665771484, -0.12765157222747803, -1.0817489624023438, 0.5201481580734253, 0.5342922806739807, 0.11651694774627686, 0.2145635038614273, -0.6548793315887451, 1.098063349723816, -1.604350209236145, 0.981570303440094, 0.10213153064250946, -1.0243346691131592, -0.39370644092559814, -0.37243470549583435, -0.24125264585018158, 0.17225366830825806, -0.737281858921051, -0.03138099983334541, 0.49832993745803833, 0.7380436658859253, -0.46395784616470337, 0.8829243183135986, -0.1730988621711731, 0.12335561215877533, -1.0254319906234741, 0.2055574208498001, -0.16264957189559937, 0.3009158968925476, -0.1257999837398529, 0.6766687631607056, -0.4422462582588196, 0.21011672914028168, -0.10804498195648193, 0.04429081827402115, -0.1569845974445343, 0.9907841682434082, 0.007988981902599335, 0.7365854382514954, 0.12696100771427155, 0.12335136532783508, -1.0371557474136353, 0.954712450504303, 0.23389753699302673, -0.2715266942977905, -0.4249263107776642, -0.4039858877658844, -0.017233531922101974, 1.2371710538864136, 0.6548179984092712]} +{"paper_id": "wikihow", "embedding": [-0.03178761899471283, 1.5681663751602173, -0.3914869427680969, 0.4632250964641571, 0.7359567284584045, -0.34896454215049744, 1.0320078134536743, 0.9475669860839844, 0.782809317111969, 0.3466506898403168, 1.023058295249939, 0.49489423632621765, 0.6806812882423401, 0.5802462697029114, -0.8398406505584717, 0.11324286460876465, -0.2670278251171112, -0.510780930519104, -0.24328480660915375, -0.6461363434791565, -0.8492502570152283, -0.41000664234161377, -0.23637177050113678, 0.7033656239509583, -1.0096325874328613, -0.4793870151042938, 1.2345809936523438, -1.6589947938919067, -0.3385682702064514, 0.40639886260032654, 0.13852663338184357, 1.1711748838424683, -0.9843623042106628, 0.17661520838737488, -0.99013352394104, -0.7744072675704956, 0.276935338973999, 0.8264851570129395, -0.7188130021095276, 0.08358807861804962, -1.079146146774292, 0.17638596892356873, 0.775481641292572, -0.2176872044801712, 0.2538747489452362, -0.25085964798927307, 0.16276879608631134, 0.37095049023628235, -0.8280377388000488, 0.16670766472816467, -0.057510800659656525, -0.04357842355966568, 0.4452153742313385, 0.7678533792495728, -0.08809155970811844, 1.4362908601760864, -0.3617151379585266, -0.9499324560165405, 0.15631148219108582, -0.645244836807251, 0.8442683815956116, 1.2484534978866577, -0.6290655136108398, -0.2498483955860138, 1.5114946365356445, -0.7726278901100159, 0.952389121055603, 0.5685513615608215, 0.8039723634719849, 0.9970178008079529, -0.8724849820137024, -1.107377290725708, 0.2640824615955353, -0.18045775592327118, -0.16528543829917908, 0.924602746963501, 0.5051259994506836, -0.8564170002937317, 0.11559214442968369, -0.1317482888698578, -0.3915204107761383, 0.7887071967124939, 0.639313280582428, -0.6666216254234314, -0.10065910220146179, -0.12558606266975403, 0.2800362706184387, 0.3241647481918335, -0.0019520409405231476, -1.0700346231460571, 0.11751968413591385, -0.003498086705803871, -0.22060136497020721, -0.4421800673007965, -0.7594983577728271, 0.32041096687316895, 0.46005475521087646, -0.2316426783800125, -0.8543777465820312, 0.5613780617713928, 0.8021255731582642, -0.6632529497146606, 0.18130260705947876, 0.35681337118148804, 1.0019922256469727, 0.693800151348114, -0.5812543630599976, -0.645097017288208, -0.16624322533607483, -0.585811197757721, -0.1221894919872284, 0.6699666380882263, 0.303457647562027, 0.3621573746204376, -0.3565041422843933, -0.5494171380996704, -0.116107277572155, 0.48442551493644714, -0.6622555255889893, -0.16492146253585815, -0.8457673788070679, -1.6733059883117676, -0.16273337602615356, -0.10272209346294403, 0.3455425500869751, -0.9992714524269104, 0.2563117742538452, -0.4228890836238861, -0.38841551542282104, -0.015119994059205055, 0.6539574861526489, 0.6565565466880798, -0.8471167087554932, -0.1346656084060669, 2.102919816970825, -0.7493037581443787, 1.0541937351226807, 0.3126159608364105, 0.05705616623163223, -0.5244956016540527, 0.37278807163238525, 1.4506704807281494, -0.3093094229698181, -0.33440208435058594, -0.021915137767791748, -0.1350971907377243, -0.5294597148895264, 0.7869735956192017, -0.6915773749351501, -0.3924757242202759, -0.1069943755865097, -0.135398268699646, -1.3703712224960327, -1.3883209228515625, -0.34252503514289856, 0.6835535764694214, 0.26751065254211426, 0.379815936088562, -0.09161131083965302, 1.4808975458145142, 1.231759786605835, 0.5210425853729248, -0.3842700719833374, -0.19258010387420654, -0.6268390417098999, 0.014115077443420887, 0.8207034468650818, -0.08408831059932709, -0.15794089436531067, -0.2700323760509491, 0.7608392834663391, -0.6953717470169067, 0.19684363901615143, -0.5695325136184692, -0.33360859751701355, 0.22035863995552063, 0.44995129108428955, -0.006110575050115585, 0.3121108114719391, -0.27670395374298096, -0.41081497073173523, 0.17589692771434784, 0.009420014917850494, 0.4301171898841858, -0.08366859704256058, 0.46227818727493286, -2.1843159198760986, 0.06322196125984192, -0.6884059309959412, 0.9079777598381042, 0.23108020424842834, 0.19076459109783173, -0.28026407957077026, -0.0225078072398901, -0.3789982795715332, -0.4340081512928009, 0.07742544263601303, -0.5208989381790161, 0.156051903963089, 0.12215808033943176, 0.20093275606632233, 0.3786979615688324, -0.008974834345281124, 0.6511871218681335, 1.1693248748779297, -0.410425066947937, -0.5611483454704285, -1.234621286392212, 0.790692150592804, 1.264275074005127, -0.5969880223274231, -0.9534130692481995, -2.176568031311035, -0.9552416801452637, 1.6015453338623047, -0.5485280156135559, -0.16873866319656372, -0.4380923807621002, 0.113416388630867, -1.3172253370285034, 0.35148587822914124, -1.27789306640625, 0.24982094764709473, 0.32650381326675415, 1.018968105316162, -0.3010146915912628, -0.2799692749977112, -0.3928821384906769, -1.366513967514038, 0.358094185590744, 1.4549369812011719, -0.1555679440498352, -0.508651852607727, 0.9272739291191101, -0.1352851390838623, 0.2743072509765625, -0.039570402354002, 0.717867910861969, -0.023891881108283997, -0.7264760136604309, 0.21473729610443115, 0.8820472955703735, -0.27029913663864136, 0.07080846279859543, -0.39140111207962036, -0.16064637899398804, -0.2942591905593872, -0.4096521735191345, 0.7298014163970947, 0.18805667757987976, 1.109330177307129, 0.9906074404716492, -0.2473214566707611, 1.5373694896697998, -1.0173805952072144, -0.2519148886203766, -0.24600419402122498, -1.0388163328170776, -0.009365841746330261, -0.15736165642738342, 0.5924718379974365, 0.04141645133495331, 0.5757796168327332, -0.6382312774658203, -0.08621088415384293, -0.901183009147644, -0.7298373579978943, -0.058303236961364746, -0.5481788516044617, -1.0742604732513428, -0.5081841945648193, -0.6518102884292603, -1.1389849185943604, -0.5252814888954163, 0.21841999888420105, 0.1925746500492096, 0.40820440649986267, 0.5616762638092041, 1.457411527633667, 0.04094745218753815, 0.5144798159599304, -0.44035804271698, 0.9384980797767639, 0.17749588191509247, 1.1045422554016113, -0.8033242225646973, -0.3804360330104828, -1.300362467765808, 0.05921052396297455, -0.3887394666671753, 0.4054024815559387, 0.5325645208358765, -0.48500677943229675, 0.5284450650215149, -0.23849651217460632, -1.2194929122924805, 0.8187949657440186, -1.0539525747299194, 0.19561466574668884, -1.1136893033981323, 1.0119363069534302, 0.31163087487220764, -0.8315059542655945, 0.39554107189178467, 0.2978827655315399, -0.5779527425765991, 1.2536817789077759, -0.5178202390670776, 1.9151314496994019, 0.3470814824104309, 0.1319257766008377, 0.05806044861674309, 0.011801313608884811, -2.15059232711792, 0.15646962821483612, 1.3839280605316162, -0.7469250559806824, -0.5888985395431519, -0.27748340368270874, 0.1269940435886383, 0.16926997900009155, -0.4009825587272644, 0.5140171647071838, -0.939308226108551, 0.5935721397399902, -0.650794267654419, 0.37428247928619385, 1.3024382591247559, 0.2364964336156845, 0.8865969181060791, 0.6353273987770081, 0.47204163670539856, -0.8002396821975708, -1.0105361938476562, 0.906122624874115, -0.4655609130859375, 0.7513667345046997, 0.3071340024471283, 1.3715497255325317, 0.9737366437911987, -0.429498553276062, 0.09274579584598541, 1.050195574760437, 0.5147116780281067, 0.30967822670936584, 0.3774373233318329, -0.4718145728111267, 0.5420516729354858, 0.1758805215358734, 0.8077635169029236, 0.014561224728822708, -0.47658687829971313, -0.5399269461631775, 0.24739724397659302, -0.8766452670097351, -0.8576330542564392, 1.0425662994384766, 0.6612823605537415, 2.0829548835754395, 0.8284184336662292, -0.1691286414861679, -0.4957054555416107, -0.1336403489112854, 0.22487260401248932, 0.018126145005226135, 0.254725843667984, -0.321888267993927, -0.03343113511800766, 1.5067455768585205, -0.10052376985549927, -0.3624284267425537, -0.21076323091983795, 0.40449315309524536, -0.09029953181743622, -0.9092624187469482, 0.8298559188842773, 0.7239671945571899, 1.0608998537063599, 1.63454270362854, -1.0695254802703857, -0.16355575621128082, 0.179626926779747, -0.1745147705078125, 0.1515180915594101, 0.6141632795333862, -1.4164137840270996, 0.2971968650817871, 0.3545978367328644, 0.2843255400657654, -0.8155420422554016, 1.122838020324707, 0.9410101175308228, -0.30351412296295166, -0.3957221508026123, -0.6165851354598999, -0.9186057448387146, -0.19143280386924744, -0.022245969623327255, 0.2270071655511856, -0.6164407730102539, 0.669097363948822, -0.02422885037958622, -0.8261294364929199, 0.7187769412994385, -0.20156772434711456, -1.0285916328430176, -0.2560407519340515, 1.4467897415161133, -1.6279703378677368, -0.4383554756641388, -0.12521173059940338, -1.3228355646133423, -0.6468919515609741, -0.01942705176770687, -0.29049187898635864, 0.11629311740398407, -0.35049307346343994, 0.7174561023712158, 0.3476707935333252, 0.0003135949373245239, -1.2279680967330933, 0.44881969690322876, 0.9476353526115417, -0.5128326416015625, 0.8307267427444458, -0.2189815640449524, 0.11771462857723236, 0.15503153204917908, -1.2055432796478271, -0.06058884039521217, 0.4690108001232147, 0.018546201288700104, -0.0847250372171402, -0.3892998993396759, -0.4284970462322235, 0.5166978240013123, 0.4628256857395172, 0.7894946932792664, -0.8026607632637024, 0.4126896858215332, 0.05249638855457306, 0.49039217829704285, 0.6311111450195312, -0.3931090235710144, -0.8788653612136841, 0.7838437557220459, -0.5152528882026672, 0.2702946066856384, -0.048780813813209534, 0.2947092652320862, 0.6153044104576111, 0.6094030737876892, 0.0008627176284790039, -0.47953903675079346, -11.607154846191406, 0.5405910015106201, -0.03961294889450073, -0.4478982090950012, 0.41517868638038635, 0.07008574157953262, 0.9785287380218506, -0.08956235647201538, 0.8130660057067871, -0.24519072473049164, 0.283762127161026, 1.2772059440612793, 0.03745627775788307, 0.20409612357616425, -0.32026755809783936, -1.6178016662597656, -0.08538568019866943, -0.1486930549144745, 0.8266233205795288, -1.1382150650024414, 0.14805486798286438, -0.017257481813430786, 0.28321748971939087, 0.06999935954809189, 0.19913211464881897, 0.11501383036375046, 0.20294994115829468, -0.09467078000307083, -0.5240183472633362, 0.19944381713867188, 0.7544463872909546, -0.37463849782943726, -0.9744280576705933, -0.7482041716575623, 1.3199626207351685, -0.16552706062793732, -1.4841092824935913, -0.2334783375263214, 0.750122606754303, -0.6086826324462891, -0.13143707811832428, 0.2680843472480774, 0.01605767384171486, -0.40084391832351685, -0.4858291745185852, 0.1607675999403, 0.16389019787311554, -0.8387954235076904, 0.7043167948722839, -0.11976968497037888, -0.7646900415420532, -0.6829625368118286, -1.028807282447815, -0.5460153818130493, 0.6646820306777954, -0.0884590893983841, -0.6653708815574646, 0.06444802135229111, 0.19852492213249207, -0.7937322854995728, 0.5614640116691589, 0.2627755403518677, 0.2872602343559265, -0.3022858798503876, 0.6775118708610535, -0.1448107361793518, 0.5680254697799683, 0.1290937215089798, 0.36637967824935913, 0.1624736487865448, -0.49256330728530884, 0.7870044708251953, 0.36163339018821716, -0.18567702174186707, 0.1919253170490265, -0.1697985827922821, -0.03245048597455025, -0.9698027968406677, 0.8919574618339539, 0.8167269229888916, -1.0656533241271973, 0.28691521286964417, 0.026248333975672722, -0.15811675786972046, -0.6280429363250732, -0.3021765947341919, 0.17051923274993896, -0.6789664030075073, 0.3401676118373871, -0.3947567343711853, 0.7503507733345032, -0.3448118269443512, -0.23570816218852997, 0.07359664142131805, -0.6790435910224915, 1.298216700553894, -1.5830272436141968, 0.4294606149196625, 0.3953362703323364, -0.5389333367347717, 0.20571279525756836, 0.20312055945396423, -0.7985308170318604, -0.4799150824546814, 0.3226972818374634, -0.41081932187080383, -0.29013586044311523, 0.39076706767082214, -0.41852617263793945, -0.4858570694923401, 0.7735190391540527, 0.42054688930511475, -0.2673766016960144, 0.9798528552055359, 0.005508512258529663, 1.3844736814498901, 0.6513036489486694, -0.5783764719963074, 0.25067538022994995, 1.8448833227157593, -1.0034955739974976, 0.5849437117576599, 0.21157610416412354, 0.6952855587005615, 0.04122094437479973, 0.41030481457710266, -0.331922322511673, 0.9872641563415527, -0.6369788646697998, -0.31069785356521606, -0.6231837272644043, -0.6198432445526123, 0.2033395767211914, -1.1204683780670166, -0.8531638383865356, 0.2933255434036255, -0.6158574223518372, 1.928428053855896, -0.3800506591796875, 0.0602385476231575, 0.17714251577854156, -0.8695042133331299, -0.3130871653556824, -0.5056665539741516, -0.3751491606235504, 0.09613601863384247, -1.5261129140853882, 0.33305269479751587, -0.8029116988182068, -0.0518539696931839, -0.011779490858316422, 0.0810280367732048, 0.5578230619430542, -0.6473207473754883, -0.7100532054901123, -0.40294376015663147, 0.353819340467453, 0.20871502161026, -0.9319393038749695, -0.8538823127746582, 0.26541122794151306, 0.762738049030304, -0.40850093960762024, 1.191684603691101, 0.18662770092487335, -0.08324570953845978, -1.1091729402542114, -0.2953070402145386, -0.8025434017181396, 0.5439497232437134, 1.383880376815796, -0.9993993043899536, 0.3343657851219177, -0.630011260509491, -0.22081202268600464, -0.6105170845985413, 0.6979490518569946, 1.5515464544296265, -1.44752037525177, 0.26888370513916016, 0.6075088381767273, 0.3154807686805725, 0.9018786549568176, 0.4455271363258362, -0.11473601311445236, 0.3465358018875122, -0.06071126461029053, 0.44414323568344116, -0.2204110026359558, -0.02770579606294632, -1.4851460456848145, -1.0343677997589111, -0.8434939384460449, -0.9545080065727234, 1.1565519571304321, -0.3317159116268158, 1.0817865133285522, 0.5609084963798523, -0.3092856705188751, -0.21760278940200806, 0.03966920077800751, 1.0783803462982178, 0.5285684466362, 1.2331475019454956, 0.3064519166946411, -0.8031200170516968, -0.8747669458389282, 0.8612092137336731, 0.031206578016281128, 0.4579542577266693, -0.8569056987762451, 0.15461783111095428, 0.9493157863616943, 0.22403432428836823, -0.9616971015930176, -1.4010065793991089, -0.08782913535833359, 0.20997856557369232, 0.10455109924077988, -0.7936886548995972, -0.1592167615890503, 1.1757657527923584, -0.996648371219635, 1.309162974357605, 0.33045363426208496, 0.07404430210590363, 0.642206609249115, 0.5941053628921509, 1.0952014923095703, 0.13574805855751038, -0.7919084429740906, 0.49612003564834595, -0.2548261284828186, -0.2676793038845062, 0.32680460810661316, -0.367217481136322, -0.895476758480072, 0.3253425061702728, -1.0776551961898804, 0.3185288906097412, 0.5968270897865295, -0.1437540203332901, 0.8553857207298279, 1.1948851346969604, 0.6598745584487915, -1.8237767219543457, -0.3958088755607605, -0.9402956366539001, 0.30885568261146545, 1.1307768821716309, 0.06810934096574783, 0.029142718762159348, 0.628812849521637, -0.3491845726966858, 0.8059203624725342, -0.6446049213409424, -0.1942913979291916, 0.1835489720106125, -0.3200097680091858, 0.72743159532547, 0.6893420219421387, -0.3133409023284912, -0.24100641906261444, -0.2667812407016754, -0.2661639153957367, -0.7877827882766724, -0.6697499752044678, 0.006499990820884705, 1.750704288482666, -0.1878596991300583, -0.3577532172203064, -1.088668704032898, 0.12114565074443817, -0.8823661208152771, 0.5145295262336731, 0.4938787817955017, -0.7487432956695557, -0.6197105646133423, -0.7494125366210938, -0.1982399821281433, 0.5219481587409973, 0.03667586296796799, 0.09949137270450592, -0.04385031759738922, 0.24072420597076416, 0.35914406180381775, 0.09026765078306198, -0.1916295289993286, 0.3771240711212158, -0.0565531924366951, -0.01974852755665779, 0.5467311143875122, -0.2674068510532379, 0.12049007415771484, -0.13309985399246216, -0.6116029620170593, 0.44860708713531494, 0.48997896909713745, -0.9240837097167969, 0.2875366806983948, 0.3297036588191986, 0.5923540592193604, -0.13795937597751617, 0.7486273050308228, -0.3779158592224121, -1.564951777458191, 0.6961438655853271, 0.4559789001941681, 0.1362726241350174, -0.050400540232658386, -0.04580557346343994, 0.6704882979393005, 0.3495718836784363, 1.257217288017273]} +{"paper_id": "tapaco", "embedding": [-0.30078840255737305, 1.065083384513855, 0.4412514269351959, 0.2579869031906128, 0.5483294129371643, -0.20191854238510132, 0.22273853421211243, 0.313886433839798, 0.35316571593284607, 0.7030198574066162, 0.14975354075431824, -0.7620347142219543, -0.0381862036883831, 0.0860801488161087, 0.17483209073543549, -0.9916142225265503, -1.133690595626831, -0.6073476672172546, -1.1960901021957397, -0.4180290699005127, -0.3557632565498352, -0.706852912902832, -0.10460619628429413, 0.7249484658241272, -0.6556390523910522, -0.3016861081123352, 0.4315283000469208, -0.7688640356063843, -0.02736750990152359, -0.11158552020788193, -0.8927390575408936, 1.1850062608718872, -1.3233301639556885, 0.14737418293952942, 0.0014253482222557068, -0.2388797104358673, 0.05030209571123123, 1.4503189325332642, -0.6067187190055847, 0.18935087323188782, -0.5017382502555847, 0.32289066910743713, 0.8371387720108032, 0.33154305815696716, 0.4944540858268738, 0.3880103528499603, 0.3581858277320862, 0.08381585031747818, -0.13305634260177612, -0.1322021335363388, -0.18212227523326874, 0.5747820734977722, 0.00038604438304901123, 0.32950469851493835, 0.29093173146247864, 0.5977023243904114, 0.17996907234191895, -1.3924016952514648, 0.6274200677871704, -0.4624854326248169, 1.269465446472168, 2.0622870922088623, -0.8021658062934875, 0.8817499279975891, 0.28627029061317444, -0.367418110370636, 0.9548314213752747, -0.11672892421483994, 0.35892218351364136, 1.1083738803863525, 0.22690220177173615, -0.4033266007900238, 0.9021157026290894, -0.448497474193573, 0.5180927515029907, 0.4892556369304657, 0.5784916281700134, 0.9392575025558472, -0.21841061115264893, 0.2830175459384918, 0.135137677192688, 0.5913958549499512, 0.24017690122127533, -0.26710087060928345, 0.11921355128288269, 0.22608396410942078, -0.15431809425354004, -0.8194304704666138, 0.5163977146148682, -1.5847673416137695, 0.7532449960708618, 0.4679129719734192, 0.045772209763526917, 0.27291086316108704, -0.2331245243549347, 1.0575473308563232, -0.11494918167591095, 0.44316262006759644, -0.2534034550189972, -0.05525035038590431, 0.7535399794578552, -0.697268009185791, 0.611582338809967, -0.24009433388710022, -0.13060539960861206, 1.2077934741973877, 0.44391053915023804, -0.3342384994029999, -0.925851047039032, 0.04112454503774643, -0.1694568693637848, 1.48129141330719, -0.9054766893386841, 0.5247247815132141, 0.3151930272579193, 0.15159308910369873, 0.004598192870616913, -1.0124502182006836, 0.36644142866134644, -0.28740471601486206, -0.5382194519042969, -1.0791511535644531, -0.11475809663534164, 0.46790045499801636, 1.106408715248108, -0.14295662939548492, 0.3732684552669525, -0.5650292038917542, 0.4362838864326477, -0.5287996530532837, 1.045662522315979, -0.16487927734851837, -0.2511606216430664, 0.18716254830360413, 2.405573844909668, -0.8860470056533813, 1.0899484157562256, -0.6782296895980835, -0.055020421743392944, -0.2669404149055481, -0.8771741390228271, 1.0414862632751465, -0.00641702301800251, -0.8686047196388245, -0.7992450594902039, 0.6865450143814087, -0.0343342125415802, 0.2730289697647095, -0.7390329241752625, -0.2850748896598816, -0.08833858370780945, 0.8742444515228271, -1.6020312309265137, -0.06451689451932907, 0.4890066981315613, 0.4091170132160187, 0.21279725432395935, 0.3107519745826721, -0.776193380355835, 0.3392656743526459, 0.645175039768219, -0.007757481187582016, -0.6708598732948303, 0.608768105506897, -1.134260654449463, 0.4784952700138092, 1.3135430812835693, -0.6298880577087402, -1.347145915031433, -0.0859440416097641, 0.8148151636123657, -0.4629550278186798, 0.056844353675842285, 0.4218693673610687, -0.05334240198135376, -0.1089194044470787, 0.03903563320636749, 0.6216529607772827, 0.6167819499969482, -0.5886455178260803, -0.12879431247711182, -0.3825971186161041, -0.1769709438085556, 0.9060509204864502, -0.41177085041999817, 0.2535252571105957, -2.337834596633911, -0.1669895499944687, -0.23223021626472473, 0.6242908835411072, 0.11596532166004181, -0.4271761476993561, 0.09411337971687317, 0.6731888651847839, -0.06789849698543549, -0.4075048267841339, 0.5345590114593506, -1.2073767185211182, -0.35011377930641174, 0.23817984759807587, 0.31806445121765137, -0.35724174976348877, 0.1197441965341568, 0.332477867603302, 0.5266767740249634, -0.975338339805603, -0.2768929898738861, -1.8933128118515015, 0.026489336043596268, 2.613450288772583, -0.14042119681835175, -0.3102225065231323, -1.128522276878357, -0.18934659659862518, -0.16408690810203552, -0.06500638276338577, 0.28309357166290283, -0.9694164991378784, -0.24166780710220337, -1.14266836643219, 0.8637142777442932, -0.09351082146167755, 0.0190078467130661, -0.04163485765457153, 0.6397677063941956, -1.286818265914917, -0.4331885874271393, -0.6767300367355347, -0.5958177447319031, 0.47211822867393494, 0.48772647976875305, 0.25538018345832825, -0.21339069306850433, 0.42960458993911743, 0.31104862689971924, 1.0692764520645142, 0.35362276434898376, 0.17865416407585144, -0.9079331159591675, 0.35560905933380127, 0.2974337041378021, 0.9495553970336914, -0.1268879920244217, 0.04761996120214462, 0.6102883219718933, 0.9522371292114258, -0.3546713888645172, -0.8597983121871948, -1.0678550004959106, 0.08335909247398376, 1.3137285709381104, 0.7866415977478027, -0.5927085876464844, 1.4989923238754272, -1.4139927625656128, 0.6030624508857727, -0.44036564230918884, -1.182892084121704, -0.2410210371017456, -0.16849282383918762, 1.00748610496521, 0.4791286289691925, -0.10382933914661407, -0.24519070982933044, -0.49286118149757385, -1.4774025678634644, 0.09768246114253998, -0.6923019289970398, -0.22128605842590332, -1.8272910118103027, -0.0031248480081558228, -0.23724983632564545, -1.516452670097351, -0.9906195998191833, -0.2667185366153717, 0.2519990801811218, -0.4291669428348541, 0.4215013384819031, 1.1232606172561646, -0.30360808968544006, 0.3587406873703003, 0.4104399085044861, 0.9597586989402771, -0.7135448455810547, 1.0622361898422241, -0.06146017089486122, -0.27091920375823975, -0.8579229116439819, 0.016339071094989777, -0.7621638178825378, -0.33808740973472595, 0.08512880653142929, -0.005920521914958954, 0.18322080373764038, -0.59696364402771, -0.8012014627456665, 0.717921257019043, -0.22191321849822998, -0.42172491550445557, -1.0979472398757935, 1.4979525804519653, 0.09080790728330612, 0.40081527829170227, 0.7153460383415222, -0.7284877896308899, 0.4698254466056824, 1.3476580381393433, -0.515762448310852, 0.37268978357315063, 0.525833785533905, 0.0092050451785326, 0.5148740410804749, -0.0690268948674202, -2.2072532176971436, 0.2672228515148163, 1.0195521116256714, 0.025304894894361496, -0.053205255419015884, -0.8524845242500305, 0.41785091161727905, -0.6123195290565491, -0.7985545992851257, 0.5878708362579346, -0.5711912512779236, 0.3032984733581543, -0.3028479516506195, -0.15625, 0.08746196329593658, -1.5366078615188599, 0.3348800539970398, 1.6132019758224487, 0.4371807873249054, -1.2017693519592285, 0.03874802589416504, 0.8014364838600159, -0.48223990201950073, 1.205560326576233, 0.1436052918434143, 1.3194975852966309, 0.288028359413147, 0.3031595051288605, -0.18943649530410767, 0.6097134947776794, 1.0297168493270874, -0.17970986664295197, -0.24645863473415375, -0.2536884546279907, 0.7296798825263977, -1.1524136066436768, 1.92708420753479, 0.472555547952652, -0.8967934250831604, -0.6767997741699219, -0.4780464172363281, -0.4334540367126465, -0.535473644733429, 1.4386329650878906, 0.873477041721344, 0.8360082507133484, -0.35759902000427246, 0.6470816135406494, -0.17606312036514282, 0.11429862678050995, 0.8649157881736755, 0.13370738923549652, 0.4152279496192932, -0.7809966802597046, -0.14659079909324646, 1.2415204048156738, 0.0638778954744339, -0.2922118008136749, 0.14039024710655212, 0.5581392049789429, -0.30638688802719116, -0.41697072982788086, -0.18742434680461884, -0.153938427567482, 0.4958997368812561, 0.8246709108352661, -1.311691164970398, -1.4372817277908325, -0.3126009404659271, 0.06396788358688354, 0.06888379156589508, 0.2366192638874054, -0.8833179473876953, 0.18379315733909607, -0.003152940422296524, 0.8565824627876282, 0.00915171205997467, 1.2037994861602783, 1.4102187156677246, -0.5159153342247009, -0.9065206050872803, -0.30451491475105286, -0.5508431792259216, 0.44848281145095825, 0.1623268723487854, -0.3439843952655792, -0.9755404591560364, 0.5803384780883789, -0.07793159782886505, -0.653108537197113, 0.00044254958629608154, 0.033436890691518784, -0.9722065925598145, 1.1185071468353271, 0.8136039972305298, -1.6212185621261597, -1.317488193511963, 0.24534599483013153, -0.5441755056381226, -0.8606179356575012, 0.14584960043430328, -0.7516694068908691, 1.1864691972732544, 0.7039398550987244, 0.2223667949438095, -0.4455913305282593, -0.37398862838745117, -1.32217538356781, 1.0445917844772339, 1.2590293884277344, -0.6341565251350403, -0.4956511855125427, 0.23615965247154236, 0.4047238230705261, 0.5604822635650635, -1.1264992952346802, -0.5911849737167358, 0.5553949475288391, 0.0014033541083335876, -0.1371219903230667, -0.9151971936225891, -1.2907130718231201, 0.5078591704368591, 0.17006905376911163, 1.1461901664733887, -0.7387791872024536, 0.48947471380233765, -1.0580313205718994, 0.729663074016571, 1.092339277267456, -0.8196111917495728, -0.5960171222686768, 1.0260107517242432, -0.5666974186897278, 0.44660109281539917, 1.37771737575531, -0.16411586105823517, 0.4695282578468323, 0.2722180485725403, -0.2099972665309906, -0.5308419466018677, -11.220442771911621, 0.3914805054664612, 0.28104662895202637, 0.6564090847969055, 0.44133368134498596, 0.018822509795427322, 0.32508373260498047, 0.287232905626297, 0.4481598734855652, -0.6827895641326904, 0.07643640041351318, 1.8487142324447632, 0.3332114815711975, -0.1516324281692505, -0.843126654624939, -0.8870987296104431, -0.7804497480392456, -0.6317227482795715, 0.04440799355506897, 1.158138632774353, -0.6725361347198486, -1.0722787380218506, 0.6521228551864624, 0.007313357666134834, 0.6428241729736328, -0.13075006008148193, -0.031739261001348495, -0.3801324963569641, -0.3400958478450775, 0.18272364139556885, 0.1536126434803009, -0.19281524419784546, -0.6185915470123291, 0.38580119609832764, -0.3199329376220703, -0.05095277354121208, -0.5399228930473328, -0.1877848207950592, 0.6309901475906372, -0.47054627537727356, -0.15516041219234467, 0.1466550976037979, 0.43519097566604614, -1.005013346672058, -0.3542173504829407, -0.08846831321716309, -0.6361705660820007, -0.657136857509613, 0.7409793138504028, -0.7510942220687866, -0.7379795908927917, -1.207277774810791, -1.707667589187622, -1.0778567790985107, 0.35812583565711975, -0.09366469085216522, -0.36287274956703186, 0.5301691293716431, -0.8218328952789307, -1.353969931602478, 0.21444633603096008, 0.22790977358818054, 0.21337661147117615, 0.24377776682376862, -0.28689438104629517, -0.6156057119369507, 0.3210793435573578, 0.2778390049934387, -0.40719321370124817, 0.23115597665309906, -1.1047141551971436, 1.0394580364227295, 0.022639762610197067, 1.219567060470581, -0.2638424336910248, 0.03665737435221672, -0.4994280934333801, -0.46733856201171875, 0.7146764993667603, -0.3042832314968109, -0.9259567856788635, 0.805023729801178, -0.022834666073322296, 0.17951133847236633, -0.8436822891235352, -0.16133438050746918, 0.20924362540245056, 0.11304612457752228, 0.7330502271652222, -0.04373115301132202, 1.094076156616211, 0.004141189157962799, -0.22464869916439056, -0.1642991006374359, -0.12306099385023117, 0.8678637146949768, -0.13915592432022095, 1.0251846313476562, 0.3278511166572571, -0.9637529850006104, 0.8271172046661377, -0.17591872811317444, -0.9351533651351929, -0.05782150477170944, 0.7205254435539246, 0.2972998321056366, 0.07463333010673523, -0.13329903781414032, -0.31004106998443604, -0.7567012906074524, 0.9771941900253296, 0.06480473279953003, -0.3466857075691223, 1.0060462951660156, -0.1570390909910202, 0.9601743817329407, 0.8990103602409363, 0.03009849786758423, 0.941157341003418, 1.0429441928863525, 0.06488951295614243, 0.23402176797389984, 0.11318992078304291, 1.6440125703811646, 0.12390048801898956, 0.8350918889045715, 0.533683717250824, 0.2519715130329132, -0.21901030838489532, -1.9850271940231323, 0.5642865896224976, -0.06434865295886993, 0.2076205462217331, -0.07678987085819244, 0.21282507479190826, -0.5142964720726013, -0.8056803345680237, 1.3513730764389038, -0.7875246405601501, 0.6626085638999939, -0.15159070491790771, -0.21318131685256958, -0.21042826771736145, -0.28229519724845886, -0.250875860452652, 0.18786777555942535, -2.0136632919311523, 0.3250763714313507, -0.585130512714386, -0.6452463865280151, 0.05539754778146744, -0.36925071477890015, 0.5528501272201538, -0.5636540055274963, 0.3134327232837677, -0.12130813300609589, 0.9904365539550781, -0.5878498554229736, -0.40114256739616394, 0.25340893864631653, 0.5265710949897766, 1.696353554725647, -0.544931173324585, 0.5724000334739685, 0.4691756069660187, 0.4292944669723511, -0.8695371150970459, -0.6322792768478394, -0.24267353117465973, -0.07166709750890732, 1.0666134357452393, -1.2337565422058105, -0.36748167872428894, 0.46205785870552063, 0.08527098596096039, -0.8259654641151428, 0.5355884432792664, 0.4934307038784027, -0.7251026630401611, 0.5368830561637878, -0.16856364905834198, 0.37485429644584656, 0.035976290702819824, -0.22453400492668152, -0.664852499961853, 0.4464960992336273, -0.15565428137779236, 0.9398050904273987, 0.20078179240226746, 1.6441876888275146, -1.6531926393508911, -1.707099437713623, -0.21835359930992126, 0.8584370613098145, 0.8834328055381775, -0.6038461327552795, 0.9066300392150879, -0.06784245371818542, 0.15572991967201233, -0.12950539588928223, 0.0885213315486908, 0.12393466383218765, 0.23544201254844666, 0.5713326334953308, -0.7715533971786499, 0.5950667858123779, -0.6103537082672119, 0.23219001293182373, 0.4056706130504608, 0.2925844192504883, -1.305159091949463, -0.265117347240448, 0.09072962403297424, 0.39983847737312317, -0.09246271848678589, -0.6990413665771484, 0.12681308388710022, -0.27787351608276367, -0.6960757374763489, -1.0942203998565674, 0.365402489900589, 1.2662633657455444, 0.1033940315246582, 0.41977983713150024, 0.8714920282363892, 0.0740962103009224, 0.9738422632217407, 0.40267789363861084, 1.5166593790054321, 0.011552251875400543, 0.10456856340169907, -0.07934604585170746, 0.3662239909172058, 0.5215200781822205, -0.2450619786977768, 0.10703769326210022, -0.7632758021354675, -0.40951767563819885, -0.7299416065216064, 0.976325273513794, -0.963782548904419, 0.15109620988368988, 0.19832351803779602, 1.5697365999221802, -0.6935119032859802, -0.7614083886146545, -0.07764334231615067, -0.8465856909751892, 0.17017759382724762, 0.023337263613939285, 1.1453078985214233, 0.7192928194999695, 0.6298925280570984, 0.4439592957496643, 1.1232702732086182, 0.09162366390228271, 0.28465384244918823, -0.025101304054260254, -0.10114607214927673, 1.2254880666732788, 0.824783980846405, 0.6807813048362732, -0.3476288318634033, 0.16359037160873413, -1.2136107683181763, -0.5466952919960022, -0.7832785844802856, 1.1331453323364258, -0.19137433171272278, 0.5614696145057678, 0.28159099817276, -0.9062103629112244, 0.28319284319877625, 0.1594766229391098, 0.9066816568374634, 0.3938595652580261, -0.37185031175613403, -0.9547252655029297, -1.0787575244903564, -0.078331358730793, 0.8993276357650757, -0.8426066040992737, -0.14657366275787354, -0.18498434126377106, 0.1429828256368637, -0.2507837414741516, -0.5845778584480286, -0.3272864818572998, 0.14928314089775085, -0.5887291431427002, -0.2749457061290741, 0.3562087118625641, -0.5818984508514404, -1.3148527145385742, -0.14624841511249542, -0.46689409017562866, 0.15593920648097992, -0.2593461871147156, -1.2335124015808105, 0.34973326325416565, -0.07976269721984863, -0.04074602574110031, -0.2734884023666382, 0.4574698805809021, -0.09563417732715607, -1.5191220045089722, 0.9458818435668945, 1.0675889253616333, -0.9673418998718262, -0.6509829163551331, 0.3513492941856384, 0.2887722849845886, 0.7545945644378662, 0.8264840245246887]} +{"paper_id": "exams", "embedding": [-0.800838828086853, 0.9482907056808472, -0.1291082352399826, -0.24512653052806854, 0.7196927666664124, -0.5770862698554993, 0.0020589679479599, 1.1560866832733154, 0.6985647678375244, 0.6517834067344666, -0.08316675573587418, -0.5315681099891663, -0.32601863145828247, 0.3290362060070038, -0.0283641554415226, -1.0571578741073608, -1.1693665981292725, -0.3125428557395935, -1.712827444076538, -0.3596690893173218, -0.5559320449829102, -0.9293867349624634, 0.5274519920349121, 1.1482656002044678, -0.09638340771198273, -1.4571763277053833, 1.005820393562317, -0.6914287805557251, 0.09011737257242203, 0.29795777797698975, -0.296570748090744, 0.40726518630981445, -1.3787199258804321, 0.5516727566719055, -0.5834904313087463, -0.8781796097755432, 0.1650453805923462, 0.8959371447563171, -0.28794965147972107, -0.2308388352394104, -1.0252022743225098, 0.12984970211982727, 0.13522788882255554, 0.22207307815551758, 0.8462937474250793, -0.7277108430862427, 0.5003000497817993, 0.02837188169360161, 0.26842600107192993, -0.2231137752532959, -0.7087910771369934, 0.6717596650123596, -0.5088288187980652, -0.2304949015378952, 0.636143147945404, -0.035490501672029495, 0.7196053862571716, -0.03015873394906521, 0.3809203505516052, -1.2961033582687378, 1.8419567346572876, 1.4388428926467896, 0.06344643980264664, -0.24876171350479126, 0.915309488773346, 0.3374864459037781, 1.5777959823608398, -0.09769079089164734, -0.22788141667842865, 0.6725802421569824, -0.9995102882385254, -0.7444478273391724, -0.45372849702835083, -0.10929732769727707, -0.03730784356594086, 0.5888738632202148, 0.040510598570108414, 0.6600489616394043, 0.10174588859081268, -0.9925443530082703, -1.0567755699157715, 0.20002947747707367, 1.07534658908844, -0.1605360507965088, 0.29054906964302063, -0.6626728773117065, 0.007604952901601791, -0.6227341294288635, 0.4362483322620392, -1.1642042398452759, 1.3436661958694458, 0.10785659402608871, 0.5394063591957092, 0.07700203359127045, -0.9358928799629211, 1.647683024406433, -0.40285342931747437, -0.03965439647436142, -0.20318301022052765, 0.19811704754829407, 0.5384058356285095, -0.09340428560972214, 0.6254810690879822, 0.38874390721321106, -0.2801531255245209, 0.25417184829711914, 0.7840181589126587, 0.09824882447719574, -1.040755033493042, -0.8215250372886658, -0.4349968135356903, 0.13015705347061157, -0.2629864513874054, 0.1539943516254425, 0.2974281311035156, 0.8247034549713135, 0.20697493851184845, -1.539154052734375, -0.1806822568178177, -0.5217758417129517, -0.03481739014387131, -0.9157794117927551, -1.1078556776046753, -0.4852781295776367, 0.3364434540271759, 0.08919671177864075, 0.2863491177558899, -0.46963798999786377, -0.5826568603515625, 0.14721453189849854, 1.4755148887634277, -0.15615762770175934, -0.48540112376213074, -0.3763497471809387, 2.8509204387664795, -0.7221765518188477, 1.4069689512252808, -0.6282005906105042, 0.4070843458175659, -0.7380461692810059, -0.26184678077697754, 0.9285613298416138, -0.16644340753555298, -0.8309370279312134, -0.23713523149490356, 0.586005687713623, 0.22612720727920532, -0.1360340416431427, -1.5278313159942627, -0.558242678642273, 0.02366180717945099, 0.9524946212768555, -0.4665724039077759, 0.19659486413002014, 0.7077083587646484, 0.30572885274887085, 0.08259552717208862, -0.05373295396566391, -1.0365183353424072, -0.07362905144691467, 0.28741005063056946, -0.49178022146224976, -0.6284422874450684, 0.9744899868965149, -0.3171350657939911, -1.1285663843154907, 1.2354376316070557, 0.1756417155265808, -1.425625205039978, -0.29872509837150574, 0.23554566502571106, 0.1631663739681244, -0.5649568438529968, 0.4996985197067261, -0.20901501178741455, -0.2358255684375763, -0.18136221170425415, 0.5023147463798523, -0.15317684412002563, -0.9893554449081421, 1.5974841117858887, 0.03998003900051117, 0.0323144868016243, 0.8038274645805359, 0.33213865756988525, 0.44454842805862427, -2.4566309452056885, -0.04191076010465622, -0.4574468731880188, 0.36269888281822205, -0.1481880098581314, 0.2666350305080414, 0.2741236388683319, 0.5289211273193359, 0.42534536123275757, -1.472786784172058, -0.16477376222610474, -1.292501449584961, 0.44149333238601685, 0.44933444261550903, -0.32632002234458923, 0.19636690616607666, 1.1072195768356323, 1.038082480430603, 0.1399313509464264, -0.28458550572395325, -1.0539369583129883, -1.379921793937683, 0.06998451799154282, 1.6621023416519165, -1.06792151927948, 0.30323725938796997, -0.23758575320243835, -0.2380932718515396, -0.4356928765773773, -0.6438699960708618, -0.1922869235277176, -0.7829622626304626, 0.08331330865621567, -0.9086033701896667, 0.3728359341621399, -0.8168151378631592, -1.1234098672866821, 0.40480923652648926, 1.0183470249176025, 0.07239167392253876, -0.6959389448165894, -0.1502002626657486, -0.2738843560218811, 0.4452781081199646, 0.5407475829124451, 0.08833279460668564, 0.5146417617797852, 0.2126544862985611, 0.21264970302581787, 0.770717442035675, 1.083815336227417, 0.5453363060951233, -0.19753098487854004, 0.002605542540550232, -0.11530941724777222, 0.8012766242027283, -0.05290044844150543, -0.3006909489631653, 0.22174625098705292, 0.14080321788787842, -0.9850032925605774, -0.3283986747264862, -0.4372933506965637, 0.09056650102138519, 1.3054046630859375, 0.7864075899124146, -0.4184991717338562, 1.0356016159057617, -1.294341802597046, -0.0072884634137153625, -0.6255161166191101, 0.1671958714723587, -0.4030613899230957, -0.7062051296234131, 0.25739002227783203, 0.32145509123802185, 0.38876909017562866, -0.24990490078926086, -0.15825992822647095, -1.165668249130249, -0.06079491600394249, -0.22063279151916504, -0.5885092616081238, 0.2216859608888626, -0.651737630367279, 0.37967270612716675, -0.8647609949111938, -0.7056413888931274, 0.6391441822052002, -0.13287043571472168, -0.6896970272064209, 1.329893708229065, 1.160865068435669, -0.14480939507484436, 0.5634139776229858, 0.30516326427459717, 0.7728880643844604, 0.3051297962665558, 0.6210595369338989, -0.0862879678606987, 0.4553077220916748, -0.2976031005382538, -0.19384221732616425, -0.8740008473396301, -0.3124000132083893, 0.7261853814125061, 0.284145712852478, 0.9673563241958618, -0.19541169703006744, -1.8000478744506836, 0.9221606254577637, 1.10114324092865, 0.7702866792678833, -0.3845841884613037, 1.7727797031402588, -0.026869701221585274, -0.13874992728233337, 1.0243663787841797, -0.3119144141674042, 0.5298337936401367, 0.48934224247932434, -0.6529378890991211, -0.2538866698741913, -0.365348219871521, -0.8865126371383667, 0.1231137365102768, 0.7868213653564453, -1.84903883934021, 1.4470739364624023, 1.1168144941329956, 0.08365337550640106, -0.5120958089828491, -0.32438331842422485, -0.05936911329627037, -0.6007565259933472, 0.7366177439689636, 0.0452168732881546, -0.5752445459365845, 0.7940443754196167, 0.38825657963752747, -0.188824862241745, 1.6240551471710205, -0.7586076855659485, 0.7194235920906067, 0.3342752754688263, 0.19761666655540466, -0.7622440457344055, -0.9125198721885681, 0.7934085726737976, 0.409685343503952, -0.3779052197933197, 0.30709564685821533, 1.0176591873168945, 1.2113007307052612, -0.3460412621498108, -0.06211593374609947, 0.6370190978050232, 1.4558749198913574, 0.8618124127388, -0.5348491668701172, -1.3369781970977783, -0.10738077759742737, -0.18924669921398163, 1.4843122959136963, 0.2188383936882019, -0.654671847820282, -1.09331214427948, -0.42209896445274353, -0.07131475955247879, 0.24884247779846191, 0.8308722972869873, 0.019002821296453476, 1.254338264465332, 0.18336765468120575, 0.6875973343849182, -0.034668996930122375, 0.06812956929206848, 1.4552533626556396, 0.6435403227806091, 0.4103209972381592, -0.18343140184879303, 0.4993114173412323, 0.027820207178592682, 0.20286554098129272, -0.7186480164527893, 0.5490840673446655, 0.8604198098182678, 0.11091219633817673, -0.8522924780845642, 1.2567130327224731, 1.2501059770584106, 0.7226300239562988, 1.56796133518219, 0.33225998282432556, 0.2505251467227936, -0.3586997985839844, -0.19935022294521332, -0.3830205500125885, -0.053621914237737656, 0.38340726494789124, 0.40917620062828064, -0.07944613695144653, 1.1409504413604736, 0.40263664722442627, 0.7856984734535217, 1.1860271692276, -1.063232421875, -1.5490107536315918, 0.3356584310531616, 0.17315520346164703, -0.5638437271118164, -0.039653483778238297, 0.012521520256996155, -1.2698034048080444, 0.9875980019569397, -0.2816600799560547, -1.1140376329421997, -0.5835632085800171, 0.0026914644986391068, -1.8501055240631104, 1.7026668787002563, 0.29751819372177124, -1.1554129123687744, 0.1227685734629631, -0.008061923086643219, -0.8306454420089722, -0.2256365716457367, -0.41281816363334656, -0.6735864281654358, -0.18202459812164307, 0.5375330448150635, 1.3806936740875244, 0.053220972418785095, 0.03768763691186905, -0.8143460750579834, 0.5659927725791931, 1.132311463356018, -1.5073293447494507, -0.13098710775375366, 0.7483835816383362, 1.1882749795913696, -0.199146568775177, -1.3734396696090698, -0.9844233989715576, 1.2629591226577759, -0.08834657073020935, 0.579116702079773, -1.1844568252563477, -0.04287220910191536, 0.1598672866821289, 0.5164043307304382, 0.2687194347381592, -0.5697859525680542, -0.5228935480117798, -0.45933592319488525, 0.6224420666694641, 1.1724538803100586, -1.2141112089157104, 0.1619265228509903, 1.1172316074371338, -0.38215041160583496, 0.35090622305870056, -0.11800536513328552, 0.3392810821533203, 1.8182930946350098, -0.2112998366355896, -0.41746222972869873, -0.5201046466827393, -10.458765983581543, 1.1873810291290283, 0.0650910884141922, -0.03184882551431656, 0.4657500982284546, -0.396621435880661, 0.9872486591339111, -0.6690463423728943, -0.29226288199424744, -1.270641565322876, -0.25488346815109253, 1.5164138078689575, 0.3425937294960022, -0.06921608746051788, -0.6403869390487671, -0.0409620925784111, 0.1604781150817871, -0.09956353157758713, 0.5327231287956238, 0.12170209735631943, -1.1002404689788818, -0.7778723835945129, -0.45577889680862427, -0.25945621728897095, -0.10574884712696075, -1.106380820274353, -0.4503742754459381, -0.3149768114089966, -0.45837241411209106, -0.002089720219373703, 0.6610199809074402, 0.31129956245422363, -0.31414473056793213, -0.35261592268943787, -1.0572856664657593, -0.5482822060585022, -0.6336385011672974, -0.6759827733039856, 1.0008729696273804, -0.5895103216171265, -0.4729558825492859, 0.6262794137001038, -0.05262192338705063, -0.7958067655563354, 0.10305845737457275, 0.5753439664840698, 0.3920963704586029, -1.1554633378982544, 0.5683309435844421, 0.5029151439666748, -0.49064403772354126, -0.7057427167892456, -0.5463810563087463, -0.1280302107334137, 0.7085784673690796, 0.8432629704475403, -1.0338726043701172, -0.4111253023147583, -0.4126961827278137, -0.7949104309082031, -0.1240008994936943, 0.3652763366699219, -0.8274721503257751, 0.39477232098579407, -0.1428697407245636, -0.29105547070503235, 0.008685916662216187, 0.6410878300666809, -0.43707844614982605, 0.5544353127479553, -0.713314414024353, 1.4079005718231201, 0.7712447643280029, -0.26660603284835815, -0.7009733319282532, -0.36225637793540955, -0.8890799283981323, -0.10650327801704407, -0.07475101947784424, -0.70632404088974, -1.271582007408142, 0.9020885825157166, 0.5359545350074768, -1.0431424379348755, -0.8946066498756409, 0.35970374941825867, -0.09364009648561478, -0.1603192239999771, 1.127856731414795, -0.8345202803611755, 1.1580549478530884, 0.6789700388908386, -0.4775739908218384, -0.8999767899513245, 0.3519551157951355, 0.56638103723526, -0.1330418586730957, 1.2161507606506348, -0.33843114972114563, -1.4816884994506836, 0.0023577511310577393, -0.5651620626449585, -0.33770543336868286, 0.7735664248466492, 1.3834129571914673, 0.2875250577926636, 0.7274050712585449, 0.9519500732421875, 0.37230923771858215, -0.33253300189971924, 1.1377521753311157, -0.6701571941375732, 0.3545226454734802, 1.0805308818817139, -0.5190102458000183, 1.5144774913787842, 0.362519770860672, 0.7233825325965881, -0.30512455105781555, 0.411927193403244, -0.16516461968421936, 0.9766651391983032, 0.3420164883136749, 2.031845808029175, -0.4930146336555481, 0.38845136761665344, 0.17020167410373688, 0.12740011513233185, -0.0553739070892334, -1.3837848901748657, 1.1316862106323242, 0.46919316053390503, -0.08709041774272919, -0.9348212480545044, -0.2790881395339966, -0.012202989310026169, -0.7290329337120056, 1.5534847974777222, -0.4071671962738037, 0.36325883865356445, -0.03751666843891144, 0.3096632659435272, -0.20432639122009277, -0.3569938838481903, -1.1833524703979492, 0.6413236260414124, -0.9681861400604248, 0.4202010929584503, -0.2283812165260315, -0.4581032991409302, 0.4603021442890167, -0.7393554449081421, 0.9378732442855835, -0.8429367542266846, -0.6189780235290527, -0.9756243228912354, 0.5035645365715027, -0.514778196811676, -0.6547344326972961, 0.08442281186580658, 0.6142938733100891, 0.6353030204772949, -0.7360218167304993, 1.1699700355529785, 0.40112680196762085, -0.4523674249649048, -0.9018243551254272, 0.047483742237091064, -0.20365877449512482, -0.0022381022572517395, 1.0095316171646118, -1.0163503885269165, -0.5368439555168152, -0.5204843282699585, 1.0504728555679321, -0.5193227529525757, -0.5698394775390625, 1.1788058280944824, -1.4016515016555786, 0.20425951480865479, -0.4352812170982361, 0.7875193357467651, 0.17318779230117798, -1.8108317852020264, -0.952028751373291, 0.22456228733062744, -0.08344151079654694, 0.2042168378829956, 1.0739860534667969, 0.9732288718223572, -1.5367496013641357, -0.8527259826660156, -0.04829160496592522, -0.5778207182884216, 0.22645875811576843, -0.029175925999879837, 1.2118628025054932, -0.19835548102855682, -0.3988397419452667, -1.050897479057312, 0.18999674916267395, 0.8816943168640137, -0.04932968690991402, -0.1246509850025177, -0.440011203289032, 0.6268112659454346, -0.08825062215328217, -0.275031179189682, 0.4173479974269867, 0.9490441679954529, -0.07617812603712082, 0.29668402671813965, -0.023290667682886124, 0.3347369432449341, -0.29696914553642273, -1.2431789636611938, -0.5156096816062927, -0.6462056636810303, -0.6346968412399292, -2.0014259815216064, 0.29100799560546875, 1.0352191925048828, -0.026137884706258774, 0.7020697593688965, 0.45460397005081177, 1.2770212888717651, 1.2846689224243164, 0.26624420285224915, 0.49276822805404663, -0.6204017996788025, 0.07379786670207977, 0.11645418405532837, 0.4116305410861969, -0.4043101966381073, 0.027984313666820526, -0.48922955989837646, -0.37609195709228516, 0.13194376230239868, -0.4207504391670227, 1.4648367166519165, -0.8783462047576904, 0.5627228021621704, 0.07895652949810028, 0.9457597136497498, -0.3203006386756897, -1.3742097616195679, 0.48254480957984924, -0.7611098289489746, -0.5801176428794861, -0.18415138125419617, -0.17859485745429993, -0.32128971815109253, 0.6367133259773254, -0.2254662662744522, 1.5572566986083984, -0.48292967677116394, -0.012707352638244629, -0.18623128533363342, -0.2832558751106262, 1.5194213390350342, 0.3917686343193054, -0.08432400226593018, 0.7337647676467896, 0.028013430535793304, -1.5655372142791748, 0.21813321113586426, -0.512844979763031, 0.8209375739097595, 0.1919449418783188, -0.5818430781364441, -0.5289880633354187, -0.3517194986343384, 0.22448661923408508, -0.047434501349925995, 0.780814528465271, -0.008660279214382172, 0.05973878502845764, -0.3583531081676483, -0.461279034614563, 0.4826943576335907, 0.6480748057365417, 0.4406406283378601, 0.3512895703315735, -0.03753593564033508, -0.40431058406829834, 0.08085787296295166, 0.12249599397182465, -1.066100001335144, -0.05664101615548134, -0.8378604650497437, -0.06722235679626465, 0.839816689491272, -0.20491230487823486, -1.1486928462982178, -0.013736983761191368, -0.7173098921775818, 0.4476550817489624, -0.41933465003967285, -1.1445387601852417, 0.06287041306495667, 0.8352357149124146, -0.537299633026123, 0.1029365286231041, -0.14412783086299896, 0.00645856186747551, -0.9581717252731323, 0.4049418568611145, 1.2542897462844849, -1.1101340055465698, -0.14877256751060486, 0.2979511320590973, 0.7701815366744995, -0.4045993387699127, 1.0856965780258179]} +{"paper_id": "mnist", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "mlsum", "embedding": [-0.0632513165473938, 0.7307048439979553, -0.5049663782119751, -0.0008744709193706512, 0.39349061250686646, -0.30850669741630554, 0.6278561353683472, 0.8442651033401489, 0.6696105599403381, 0.2835456430912018, 0.8388075232505798, 0.038418956100940704, 0.8839098215103149, 0.7021843194961548, -0.21940049529075623, -0.2593422532081604, -0.5846436619758606, -0.7665059566497803, -0.08649826794862747, -0.6896106004714966, -0.6398141980171204, 0.15362673997879028, -0.1738542765378952, 0.10592825710773468, -0.3144049048423767, -0.25734543800354004, 0.9795389771461487, -0.7916650772094727, 0.17673543095588684, 0.4383818805217743, 0.4300990700721741, 0.9543158411979675, -1.1882822513580322, 0.038969703018665314, -1.1012992858886719, -0.4401271939277649, -0.07530015707015991, 0.6792244911193848, -0.5403904914855957, 0.10206590592861176, -0.8343417048454285, 0.17000418901443481, 0.8229938745498657, -0.11584202945232391, 0.05727244168519974, 0.09136682003736496, 0.0220539178699255, 0.34975817799568176, -0.37674492597579956, 0.30630508065223694, 0.5432561635971069, 0.18870574235916138, -0.3872538208961487, 0.7635598182678223, -0.1118733361363411, 1.2619379758834839, 0.1553623378276825, -1.0076719522476196, 0.20691487193107605, -1.3684077262878418, 1.2859464883804321, 1.0321524143218994, -0.7987537384033203, -0.023069489747285843, 1.6405216455459595, -0.4623004198074341, 1.1357898712158203, 0.2256004959344864, 0.9524093866348267, 1.2602818012237549, -0.20338767766952515, -0.8302428722381592, 0.43586626648902893, -0.09605526924133301, 0.2870844900608063, 0.7062846422195435, 0.2439957559108734, -0.5896509289741516, -0.09915225952863693, 0.06931741535663605, -0.5274227857589722, 0.149712473154068, 0.3087012767791748, -0.6909321546554565, -0.3773338496685028, -0.51718670129776, -0.007437180727720261, -0.06599243730306625, 0.37209779024124146, -1.2254823446273804, 0.03991911560297012, -0.018432609736919403, -0.3627663552761078, -0.03805721551179886, -0.4360142946243286, 0.4579722285270691, 0.26993173360824585, 0.1396949291229248, -0.38626280426979065, 0.28276631236076355, 0.49252086877822876, -0.8183825016021729, 0.5496456027030945, 0.7826129794120789, 0.4763634204864502, 1.077398657798767, -0.13409599661827087, -0.695356011390686, -0.20419833064079285, -0.4815328121185303, -0.6958476305007935, 1.0017956495285034, 0.12595529854297638, -0.013126363977789879, 0.03680155798792839, -0.5873871445655823, 0.0849452093243599, -0.0978001058101654, -1.0377235412597656, 0.04031398892402649, -0.47534164786338806, -1.7108477354049683, -0.44189175963401794, 0.1061427891254425, 0.6448014974594116, -0.4537300169467926, 0.31642648577690125, -0.5610020160675049, -0.017952710390090942, 0.044377073645591736, 0.430824339389801, 0.40390151739120483, -0.2540724575519562, -0.034879084676504135, 2.1174156665802, -0.286663681268692, 1.5349944829940796, 0.4281337261199951, -0.019149299710989, -0.1265016794204712, 0.24692422151565552, 0.9118235111236572, 0.27409982681274414, -1.0468453168869019, 0.016864707693457603, -0.09596265107393265, -0.5155007839202881, 0.651763379573822, -0.5671876072883606, -0.5010366439819336, -0.2773996889591217, -0.030202411115169525, -1.0270529985427856, -0.7260902523994446, 0.04862048104405403, 0.4917357861995697, 0.5615635514259338, 0.8161202073097229, -0.7334415316581726, 1.39577054977417, 1.046448826789856, 0.9703642129898071, -0.568722128868103, 0.21919970214366913, -0.4120064079761505, 0.0515245757997036, 0.8218530416488647, 0.1323019564151764, -0.12862375378608704, -0.17170703411102295, 0.4838517904281616, -0.43371301889419556, 0.2929003834724426, 0.0016530174762010574, -0.38610953092575073, 0.07216010987758636, 0.00249667651951313, 0.2992817461490631, 0.01680728979408741, -0.516620397567749, -0.11428298056125641, 0.011057065799832344, 0.04786890000104904, 0.36948102712631226, 0.4127616286277771, 0.4499521255493164, -1.6007972955703735, -0.04920881986618042, -1.0053763389587402, 0.06464110314846039, -0.20746344327926636, -0.5733123421669006, 0.23074746131896973, -0.42148417234420776, -0.05898793041706085, -0.1286812424659729, 0.13679735362529755, -0.3313320577144623, -0.1841759830713272, 0.2391013652086258, 0.24791204929351807, 0.25458046793937683, 0.5874295234680176, 0.42282187938690186, 1.0788006782531738, -0.03432042896747589, -0.4686660170555115, -1.0413532257080078, 0.8220877647399902, 1.3885201215744019, -0.4863815903663635, -0.2455015480518341, -1.6135194301605225, -0.13202162086963654, 1.3002992868423462, -0.6379355788230896, -0.04428539052605629, -0.5027369856834412, -0.22750738263130188, -1.2005943059921265, 0.14840717613697052, -0.8785849809646606, -0.15250399708747864, 0.10797514021396637, 0.8782931566238403, -0.650024950504303, -0.5312789678573608, -0.42214107513427734, -1.1658039093017578, 0.3523988723754883, 1.3568390607833862, 0.014846215024590492, -0.35716739296913147, 0.6561793684959412, -0.0511675700545311, 0.4326134920120239, -0.057577669620513916, 0.505008339881897, 0.004786312580108643, -0.8428694009780884, -0.455158531665802, 0.6383717060089111, -0.26608020067214966, -0.25782516598701477, -0.1122954934835434, 0.5851858854293823, 0.04768390208482742, -0.36301976442337036, 0.26176291704177856, -0.06165989488363266, 0.9781908392906189, 1.6817179918289185, -0.3128553032875061, 1.731318473815918, -1.0755627155303955, 0.05767332389950752, 0.09375961124897003, -1.10746169090271, -0.29148638248443604, -0.1295560747385025, 0.4554438889026642, -0.04105657339096069, 0.09355717897415161, -0.007316224277019501, -0.26989495754241943, -1.0633105039596558, -0.554896354675293, 0.05573544651269913, -0.7077335715293884, -0.778188943862915, -0.2683757543563843, -0.3024744391441345, -0.8402350544929504, -0.6693111062049866, -0.3369416296482086, 0.26240625977516174, 0.007397446781396866, 0.7444790601730347, 1.2135995626449585, 0.1093180775642395, 0.6967383623123169, -0.5076794028282166, 1.0476661920547485, -0.061539892107248306, 0.8249287605285645, 0.1960955709218979, -0.009122790768742561, -1.110856056213379, -0.4538307785987854, -0.61590576171875, 0.31237614154815674, 0.1171843484044075, -0.1364458054304123, 0.5270757675170898, -0.21794544160366058, -1.7733910083770752, 0.7379913926124573, -0.4918409287929535, -0.02137068659067154, -0.8541305065155029, 1.2960093021392822, 0.07443713396787643, -0.40695682168006897, 0.37203270196914673, 0.20403844118118286, 0.1256352961063385, 1.548353672027588, -0.5617542862892151, 1.340326189994812, 0.3811683654785156, -0.07330368459224701, 0.05957244336605072, -0.17855584621429443, -1.7013118267059326, -0.288156658411026, 1.1119755506515503, -0.5308696627616882, -0.4491642415523529, -0.2933975160121918, 0.3490203022956848, -0.07711727172136307, -0.16888368129730225, 0.02577058970928192, -1.0393061637878418, 0.30380716919898987, -0.635776698589325, -0.09144903719425201, 1.241542100906372, -0.6860727667808533, 0.8851243853569031, 0.4727711081504822, 0.7485445141792297, -0.5137926936149597, -0.6934555768966675, 0.8373553156852722, -0.4089109003543854, 1.1999824047088623, 0.2843089699745178, 1.132121205329895, 1.0985832214355469, -0.8307368755340576, -0.5492286682128906, 0.5857776403427124, 0.32984164357185364, 0.15788260102272034, 0.5987768173217773, -0.24649350345134735, 0.7646582126617432, -0.15108706057071686, 1.1323497295379639, 0.6445794105529785, -0.8848758339881897, -0.5372187495231628, -0.2957846522331238, -0.6085349321365356, -1.2050280570983887, 1.2083462476730347, 0.8513858318328857, 1.487965703010559, 0.46398818492889404, 0.22404664754867554, -0.2522640824317932, 0.1556127816438675, 0.9544814825057983, -0.07715192437171936, 0.025756023824214935, 0.13122937083244324, 0.08886291086673737, 1.389742136001587, -0.2531898319721222, -0.37331244349479675, -0.11169317364692688, 0.06490681320428848, -0.3954756259918213, -0.5436812043190002, 0.6396285891532898, 0.975824236869812, 0.7975814938545227, 1.2999001741409302, -0.4366811513900757, -0.5181568264961243, -0.23284639418125153, 0.018553247675299644, -0.24629680812358856, 0.24023446440696716, -1.4889934062957764, -0.0031846314668655396, 0.0033680908381938934, 1.2915668487548828, -0.6390365958213806, 0.46536025404930115, 0.4037730395793915, -0.35173651576042175, -0.6547092199325562, -0.4751379191875458, -1.1355619430541992, -0.4291785657405853, -0.2211286723613739, -0.08244822919368744, -0.8369653820991516, 0.44638100266456604, -0.4307117760181427, -0.9800174832344055, 0.11450086534023285, -0.02979402057826519, -0.9999247789382935, 0.37278318405151367, 1.1515196561813354, -1.448859691619873, -0.21314911544322968, -0.21186089515686035, -0.8930829167366028, -0.45735785365104675, 0.012764261104166508, -0.4320565164089203, -0.08562547713518143, -0.17637664079666138, 0.589220404624939, -0.1035529226064682, 0.20772816240787506, -0.7592854499816895, 0.7415034174919128, 0.765362024307251, -0.24746105074882507, 0.4262562692165375, 0.02937190607190132, 0.2872239947319031, 0.2016468346118927, -1.0039509534835815, -0.06751316040754318, 0.417532354593277, 0.6878248453140259, -0.3525574207305908, -0.5801611542701721, -0.7007867693901062, 0.24642401933670044, 0.48280975222587585, 0.9971306324005127, -1.097217082977295, 0.6543614268302917, -0.1706472933292389, 0.33724167943000793, 0.0490267351269722, -0.537234902381897, -0.6441834568977356, 1.172168254852295, -0.3970179855823517, 0.36291590332984924, -0.22781755030155182, -0.22304567694664001, 0.30158907175064087, 0.27074840664863586, 0.21025347709655762, -0.23049893975257874, -13.163056373596191, -0.0796431452035904, -0.32789647579193115, 0.14981518685817719, 0.80973881483078, 0.4409090280532837, 0.5964840650558472, 0.4417039155960083, 0.6418184638023376, -0.5863847136497498, 0.4679837226867676, 1.2260030508041382, -0.028484396636486053, -0.44676515460014343, -0.5354103446006775, -0.7059115767478943, -0.25637003779411316, -0.1806982457637787, 0.8296402096748352, -0.8735705614089966, 0.46505141258239746, -0.21015021204948425, -0.0034193992614746094, -0.5699310898780823, 0.33718839287757874, -0.3291553854942322, 0.1411915123462677, -0.24564291536808014, -0.6960968375205994, 0.06767037510871887, 0.7555580139160156, -0.2681101858615875, -0.7947320342063904, -0.47823506593704224, 0.9233635067939758, 0.11075147986412048, -0.9944606423377991, -0.2640245258808136, 0.6938154101371765, -0.055701203644275665, -0.20966880023479462, 0.09848872572183609, -0.4915519058704376, -0.09334981441497803, -0.3468000292778015, -0.11438877880573273, -0.04670920595526695, -0.22917748987674713, 0.8749033212661743, -0.2657349109649658, -0.7813500165939331, -0.5474849939346313, -0.7621551156044006, -0.5929241180419922, 0.8868857026100159, 0.030402446165680885, -0.6388615369796753, 0.4483729302883148, -0.4215103089809418, -0.9059641361236572, 0.9186148643493652, -0.00818248838186264, -0.542242169380188, -0.0911044329404831, 0.47142213582992554, -0.3930210471153259, 0.563398540019989, 0.0795537456870079, 0.19977125525474548, 0.03995998576283455, -0.5444779396057129, 0.46995896100997925, 0.4665854275226593, -0.3013648986816406, 0.35085129737854004, 0.04722529277205467, -0.20552490651607513, -0.8602242469787598, 0.7121608853340149, 0.45994317531585693, -1.0085781812667847, 0.2427123486995697, 0.021689996123313904, -0.33145785331726074, -0.3894136846065521, -0.19540324807167053, -0.06144917756319046, -0.7097619771957397, 0.09965373575687408, 0.1402166485786438, 0.3243049085140228, 0.19128423929214478, 0.01717274822294712, -0.362091988325119, 0.14187926054000854, 1.118248701095581, -1.221724510192871, 0.6514188647270203, -0.15987089276313782, -0.5153144598007202, -0.0299031063914299, 0.18320098519325256, -0.7121113538742065, -0.5015482306480408, 0.20593954622745514, -0.5324926972389221, -0.19822120666503906, 0.38079115748405457, -0.2646132707595825, -0.4358827769756317, 0.4404706656932831, 0.21980604529380798, 0.218089759349823, 1.2837655544281006, -0.12944743037223816, 1.2920910120010376, 0.7008071541786194, -0.05739147961139679, 0.44108492136001587, 1.216976284980774, -0.5698931813240051, 0.14062274992465973, 0.22236360609531403, 0.8877432942390442, 0.09008876979351044, 0.6751425862312317, -0.5974694490432739, 0.7393401861190796, -0.2561783790588379, -0.8165146112442017, -0.05762634053826332, -0.3500150144100189, -0.27950888872146606, -0.8256235718727112, -0.3961080014705658, 0.007028069347143173, -0.5716015696525574, 1.4476350545883179, -0.06473951786756516, 0.26905471086502075, -0.7720382809638977, -0.6492852568626404, -0.3443518877029419, -0.6514689326286316, -0.0691181942820549, 0.3195771276950836, -1.5644274950027466, 0.34367454051971436, -0.3531898260116577, -0.26153483986854553, 0.2698463499546051, -0.2554627060890198, 0.38431304693222046, -0.51157146692276, -0.31972259283065796, 0.10744892805814743, 0.45779886841773987, 0.19620952010154724, -0.8727006316184998, -0.6034011244773865, 0.49586471915245056, 0.842404305934906, -0.8032351732254028, 1.1538007259368896, 0.3678467571735382, 0.3972770869731903, -0.6995716691017151, -0.40147459506988525, -0.5708520412445068, 0.7854751944541931, 0.824885368347168, -1.0495344400405884, -0.18182148039340973, -0.4123760759830475, 0.2689080238342285, -0.7675920128822327, 0.2814975380897522, 0.9836107492446899, -1.3832331895828247, 0.4286118745803833, 0.04646535962820053, 0.3478732109069824, 0.14083436131477356, -0.06395271420478821, -0.6897845268249512, 0.43617743253707886, -0.3650922179222107, 1.1660234928131104, -0.30037689208984375, 0.27789831161499023, -1.3906100988388062, -1.0487256050109863, -1.0698457956314087, -0.14843976497650146, 1.0309313535690308, -0.5128825902938843, 1.2084565162658691, 0.15773221850395203, 0.14933937788009644, -0.1872580349445343, -0.08214123547077179, 0.74284428358078, 0.10043710470199585, 0.601000964641571, -0.020090803503990173, -0.24529437720775604, -0.8551545739173889, 0.12741337716579437, 0.05227470025420189, 0.5767138004302979, -1.0594367980957031, 0.10905714333057404, 0.5809584856033325, -0.15963613986968994, -0.8859344720840454, -1.1196759939193726, 0.19547641277313232, 0.21134783327579498, -0.016743462532758713, -0.6180071830749512, -0.04370433837175369, 0.8793066740036011, -0.6601841449737549, 1.2942990064620972, 0.027091719210147858, 0.43297627568244934, 0.7727517485618591, 0.7905590534210205, 0.9169138073921204, -0.18651454150676727, -0.6439580321311951, 0.07704056799411774, -0.09354843199253082, -0.12090528011322021, 0.3406825661659241, 0.24469485878944397, -0.8305394053459167, 0.3388145864009857, -1.037735939025879, 0.10515479743480682, 0.6530913710594177, -0.10112140327692032, 0.48323696851730347, 0.8338053822517395, 0.599638819694519, -1.412654161453247, -0.17581775784492493, -0.9085692167282104, 0.09098482131958008, 0.5906757116317749, 0.39773741364479065, 0.40702658891677856, 0.7628139853477478, -0.6906057596206665, 1.0160865783691406, -0.4776630997657776, -0.33981984853744507, 0.5001299381256104, -0.11488865315914154, 0.9719043970108032, 0.2795882821083069, 0.27213117480278015, 0.0008180569857358932, -0.03758872300386429, -0.5564820766448975, -0.5269370675086975, 0.030106104910373688, 0.738926351070404, 1.2377227544784546, 0.017355751246213913, 0.013587117195129395, -0.7014298439025879, 0.12711061537265778, -0.3917292058467865, 0.4487065374851227, 0.5588791370391846, -0.5691967010498047, -0.6316661238670349, -0.975115954875946, 0.22012975811958313, 0.9099671840667725, -0.03866847977042198, -0.41527295112609863, -0.03021538257598877, 0.21579979360103607, 0.23515520989894867, -0.5310445427894592, -0.44322794675827026, 0.7478194236755371, 0.15662327408790588, -0.05702463909983635, 0.8618282079696655, -0.3999808132648468, -0.4754197299480438, 0.14482858777046204, -0.689723014831543, 0.4646628201007843, 0.2039802521467209, -0.6742240786552429, 0.14936654269695282, 0.5986244678497314, 0.3846909999847412, -0.13463960587978363, 0.36974000930786133, -0.18171249330043793, -1.363122820854187, 0.8701176047325134, 0.4545186460018158, -0.008291549049317837, -0.1973041146993637, 0.6255539655685425, 0.6404077410697937, 0.3069915473461151, 0.6870275735855103]} +{"paper_id": "ccdv/cnn_dailymail", "embedding": [-0.005606099963188171, 1.8146166801452637, -0.24771417677402496, 0.7121933698654175, -0.1148780956864357, -0.15724578499794006, 0.5904485583305359, 1.4431074857711792, 1.2013474702835083, 0.23892979323863983, 1.1495964527130127, 0.17988979816436768, 0.3621598482131958, 0.6501348614692688, -0.07382942736148834, 0.07234899699687958, -0.8930763006210327, -0.45052024722099304, -0.7074499726295471, -0.9753468632698059, -0.7415716648101807, -0.3779361844062805, -0.12475720047950745, 0.8653508424758911, -1.2142683267593384, -0.33816981315612793, 1.3246397972106934, -1.9295985698699951, 0.11530786752700806, 0.8549443483352661, 0.05719941854476929, 0.5701673626899719, -0.9216071963310242, 0.13226395845413208, -0.7423737645149231, -0.7972185015678406, 0.27626657485961914, -0.03661862760782242, 0.4097093641757965, -0.33797943592071533, -0.5729889869689941, 0.32762300968170166, 0.48301267623901367, 0.18371425569057465, 0.10995206981897354, -0.8468814492225647, 0.5386415719985962, 0.2729424238204956, -0.48136264085769653, 0.06995043158531189, -0.05487851798534393, -0.02502685785293579, -0.4282177984714508, 1.0805795192718506, -0.07141803205013275, 2.0505149364471436, 0.10260308533906937, -0.28957507014274597, -0.32333633303642273, -0.8117119073867798, 1.3327240943908691, 1.4836076498031616, -0.7546478509902954, -0.06973116099834442, 1.3551510572433472, -0.49740123748779297, 1.3933274745941162, 0.3564245104789734, 0.15405511856079102, 1.2481809854507446, -0.819861114025116, -1.261354684829712, 0.284350723028183, -1.0823757648468018, -0.1613711714744568, 0.7343273162841797, 0.3818228840827942, -0.6753535270690918, -0.40276899933815, -0.3374335765838623, -0.5265898108482361, 0.8727455735206604, 0.7527384757995605, -0.6970267295837402, -0.03143182024359703, 0.050217412412166595, 0.48147574067115784, 0.6010259389877319, 0.18699222803115845, -1.5338859558105469, -0.13573794066905975, -0.31931427121162415, -0.48524826765060425, -0.5512877702713013, -0.428228497505188, 0.164579838514328, 1.0163594484329224, -0.7622537612915039, -0.852060079574585, 0.25173425674438477, 0.41433271765708923, -0.13531672954559326, -0.06867456436157227, -0.08440657705068588, 1.0466699600219727, 0.6658006906509399, -0.44014644622802734, -0.5064469575881958, -0.4190564453601837, -0.9326137900352478, -0.2656501829624176, 0.4819156527519226, -0.1736930012702942, 1.0858335494995117, -0.31975769996643066, -0.4006851613521576, 0.8460826277732849, 0.41077467799186707, -0.7733350396156311, -0.2846769690513611, -1.1297335624694824, -1.5867668390274048, -0.19082185626029968, 0.07700477540493011, 0.33363232016563416, -1.040334701538086, 0.0967949628829956, -0.844777524471283, 0.2835329473018646, -0.6681292057037354, 0.6622687578201294, 0.2459934800863266, -0.9676603078842163, -0.3471696674823761, 2.500953435897827, -0.9742050170898438, 1.456457495689392, -0.6634748578071594, -0.23175877332687378, -0.9096033573150635, -0.11159200221300125, 1.855329155921936, -0.5286902785301208, -0.3814496695995331, -0.6147380471229553, 0.6543589234352112, -1.1416523456573486, 0.6235201954841614, -0.18635204434394836, -0.428374707698822, 0.3927181661128998, -0.04241514950990677, -0.8109055161476135, -1.4354240894317627, -0.6542023420333862, 0.9040467143058777, 0.1094193309545517, 0.7869980931282043, -0.08269728720188141, 1.3349547386169434, 1.458524227142334, -0.4493229389190674, -0.5745635032653809, -0.07273432612419128, -0.8994544744491577, -0.281424343585968, 0.13975101709365845, -0.24206340312957764, 0.1753813624382019, -0.9378700852394104, 0.901971697807312, -0.604162871837616, -0.21226409077644348, -0.6781454086303711, -0.2866021692752838, 0.7851793169975281, 0.3467208743095398, -0.13588424026966095, 0.7464596033096313, -0.2380819022655487, -0.5806564688682556, 0.09215216338634491, 0.32979297637939453, -0.013039455749094486, 0.3313331604003906, 0.3581576943397522, -1.5637935400009155, -0.9327387809753418, -0.03511542081832886, 1.5874513387680054, 0.05199900269508362, -0.3839399516582489, -0.11962459236383438, 0.4355677664279938, 0.16640496253967285, -0.3401227295398712, 0.19099371135234833, -0.16448649764060974, 0.39938056468963623, 0.4550105929374695, 0.7321000099182129, -0.5663882493972778, -0.1805579662322998, 1.0990984439849854, 1.1064443588256836, -0.9569184184074402, -0.3516845703125, -1.1927251815795898, 0.5015429854393005, 1.7096470594406128, 0.22231128811836243, -0.6657820343971252, -1.830665111541748, -0.38387924432754517, 1.0281323194503784, -0.10885284096002579, -0.37850621342658997, -0.5822573304176331, 0.4966699481010437, -1.2044583559036255, 0.29091131687164307, -0.49315813183784485, -0.06413804739713669, 0.22347375750541687, 0.5460414290428162, -0.26397767663002014, -0.5344735980033875, -0.715374231338501, -0.7106692790985107, 0.36446934938430786, 1.07271146774292, 0.15998537838459015, -0.28273913264274597, 0.5888028740882874, 0.36490750312805176, 0.4933401346206665, 0.13204941153526306, 0.7007662057876587, 0.22707751393318176, -0.38363713026046753, 0.08132236450910568, 0.7146581411361694, 0.02924678474664688, 0.723088264465332, 0.043986909091472626, 0.3847735822200775, 0.06821852922439575, -0.6988881230354309, 0.700994610786438, -0.015346430242061615, 1.2864246368408203, 0.8136062026023865, 0.11395914852619171, 1.191577434539795, -1.3914965391159058, 0.32914379239082336, -0.2566940188407898, -0.8366743326187134, -0.023645125329494476, 0.204203262925148, 0.6664149165153503, -0.6218058466911316, 0.4982187747955322, -0.04127606004476547, 0.15968357026576996, -0.7372977137565613, -1.424816370010376, -0.5365183353424072, -0.3661242723464966, -1.6957558393478394, -0.2962055206298828, -0.17108659446239471, -0.6401593089103699, -0.1828283965587616, 0.09347864985466003, 0.2207845002412796, 0.3236028552055359, 0.2976786494255066, 2.0092642307281494, -0.08337247371673584, 0.31446048617362976, -1.221599817276001, 0.9272629618644714, 0.08313874900341034, 1.1030055284500122, -1.348317265510559, 0.036673009395599365, -1.381074070930481, 0.26276692748069763, -0.2462388426065445, 0.09486038237810135, 0.069295234978199, -0.661008894443512, 0.5225209593772888, 0.10643380880355835, -0.7181798219680786, 1.152159333229065, -0.6771379709243774, -0.02523788809776306, -1.0508437156677246, 1.075407862663269, 0.11454654484987259, -1.1141494512557983, 0.3616974353790283, 0.445269912481308, 0.06199389323592186, 0.9575080871582031, -0.434134840965271, 1.7406892776489258, 0.21016423404216766, 0.34056729078292847, 0.5206688642501831, -0.44349464774131775, -2.207562208175659, 0.02543439157307148, 2.0656704902648926, -1.0459970235824585, -0.6099960207939148, -0.894706130027771, 0.2925645709037781, 0.10781365633010864, -0.360507994890213, 0.18567633628845215, -0.8950101733207703, 0.30987417697906494, -0.22562605142593384, 0.42804235219955444, 1.3230280876159668, 0.29879897832870483, 0.843921959400177, 0.7462167739868164, 0.2463589310646057, -0.9800518155097961, -0.5303239822387695, 1.1955291032791138, -0.36610928177833557, 0.14906013011932373, 0.057222604751586914, 1.24678373336792, 1.3252766132354736, 0.007304549217224121, 0.343044638633728, 1.6575291156768799, 0.7163968682289124, 0.598954439163208, 0.6726809740066528, -1.0347371101379395, -0.024940872564911842, -0.006977710872888565, 0.8282646536827087, 0.49465760588645935, -0.493926078081131, -1.0345516204833984, 0.039510179311037064, -0.48179757595062256, -0.848239004611969, 1.0697441101074219, 0.1971585750579834, 2.334719657897949, 0.4573831558227539, 0.8072015643119812, -0.4207671582698822, -0.3715243637561798, 0.19106172025203705, 0.3397466242313385, 0.2828432321548462, -0.8303123712539673, -0.4636861979961395, 1.154069185256958, -0.6170439124107361, -0.3727916181087494, -0.5860621929168701, 1.004737377166748, -0.5042832493782043, -0.30298319458961487, 0.7154354453086853, 1.0455478429794312, 1.058510422706604, 2.234593629837036, -0.6759048104286194, -0.345825731754303, 0.28988584876060486, 0.26991546154022217, 0.7101542949676514, 0.28067514300346375, -1.5318971872329712, -0.38482025265693665, 0.20455168187618256, 0.589815080165863, -0.7312292456626892, 0.994401216506958, 0.9227249622344971, -0.25934669375419617, -0.36703431606292725, -0.8386549353599548, -0.622277021408081, -0.400932252407074, -0.01900915801525116, 0.1727963387966156, -0.352923721075058, 0.7144088745117188, -0.21912881731987, -1.1849597692489624, 0.6445204019546509, -0.13806428015232086, -0.7944927215576172, 0.28852689266204834, 1.2758967876434326, -1.6127562522888184, -0.9757584929466248, -0.028737448155879974, -0.9887171983718872, -0.36742737889289856, 0.016072187572717667, -0.49726402759552, 0.28916311264038086, 0.20130057632923126, 0.45842257142066956, -0.007236592471599579, 0.12565089762210846, -1.1577666997909546, 0.5167421698570251, 0.6727104187011719, -0.38735464215278625, 1.5975868701934814, 0.21757133305072784, -0.0593704953789711, 0.3217696249485016, -1.266144871711731, -0.06320000439882278, 0.18624472618103027, -0.5251791477203369, -0.22921468317508698, -0.3770001530647278, -0.2674696743488312, -0.04166046902537346, -0.23464514315128326, 0.2060907930135727, -1.032576560974121, 0.14008428156375885, -0.9300183653831482, 0.32031720876693726, -0.03302320837974548, -0.6640468835830688, -0.599322497844696, 0.2995195984840393, -0.7242655754089355, 0.2511686682701111, 0.43515875935554504, 0.6284710764884949, 1.2757303714752197, 0.6810119152069092, -0.5616464614868164, -0.008268274366855621, -10.08001708984375, -0.11710409820079803, 0.3633290231227875, -0.5826910138130188, 0.4231431186199188, 0.13451127707958221, 0.445282906293869, -0.3849446475505829, 0.5949228405952454, -0.24393321573734283, 0.41117438673973083, 0.7549527883529663, -0.23132643103599548, -0.5905694961547852, -0.28223976492881775, -0.8063583970069885, -0.45741957426071167, -0.31490468978881836, 0.798646092414856, -0.5186434984207153, 0.785946786403656, -1.1076828241348267, 0.6293612122535706, 0.5393933057785034, -0.31110870838165283, -0.09537237137556076, -0.10936018824577332, 0.13338373601436615, -1.3875935077667236, 0.1826402097940445, 0.8180555105209351, -0.8373457193374634, -0.14856430888175964, -1.062821865081787, 1.7115813493728638, -0.499223530292511, -1.5870347023010254, 0.5164692997932434, 0.35106420516967773, -0.6709107756614685, 0.3523181080818176, -0.3851608335971832, -0.108342744410038, -0.6232527494430542, -0.7786238789558411, -0.14330410957336426, 0.9327725172042847, -0.5141304731369019, 0.9392616748809814, -0.06955224275588989, -0.7180231213569641, -0.7220315933227539, -1.0538926124572754, -0.7540978193283081, 0.6819739937782288, 0.8800539970397949, -0.8591482043266296, 0.5495920181274414, 0.2274712324142456, -0.8422067165374756, 0.49146756529808044, 0.3687223792076111, 0.24803516268730164, -0.5239205360412598, 1.0630078315734863, -0.551612377166748, 0.2669602036476135, -0.021623704582452774, 0.5333146452903748, 0.5673758387565613, -1.609209656715393, 0.7009109854698181, 0.5332961082458496, -0.22312024235725403, -0.390860378742218, 0.19105707108974457, -0.23780757188796997, -0.8693990111351013, 0.8735767006874084, 0.5890969038009644, -0.5119327306747437, 0.43478068709373474, -0.18421638011932373, -0.42820677161216736, -0.8097067475318909, -0.02610301785171032, 0.5970962047576904, -0.6774155497550964, 1.213829755783081, -0.6283353567123413, 0.8998730778694153, -0.4378553628921509, 0.01044994592666626, 0.39738285541534424, -0.09840825945138931, 1.3924967050552368, -0.8362941145896912, 0.6668450236320496, 0.5189245939254761, -1.06084406375885, 0.27394458651542664, 0.09775180369615555, -0.6516258716583252, -0.5008041262626648, 0.7547248005867004, -0.10855845361948013, -0.7640558481216431, 0.6226096153259277, 0.26743707060813904, 0.009829851798713207, 0.724616527557373, 0.9101768732070923, -0.5038487315177917, 0.7074277997016907, -0.17382146418094635, 1.5366954803466797, 1.116403579711914, 0.08374585211277008, 0.17422333359718323, 1.552155613899231, -0.77349853515625, 0.444722980260849, 0.3993028402328491, 0.45509254932403564, 0.6518431901931763, 0.01246354915201664, -0.4097798764705658, 0.8018615245819092, -0.20705190300941467, -0.915531575679779, -0.6795209050178528, -0.3244085907936096, 0.24102681875228882, -0.6013525128364563, -0.4725879430770874, 0.3897416889667511, -0.5730597376823425, 1.8271640539169312, -0.7222785949707031, 0.17246797680854797, 0.10676157474517822, -0.38645756244659424, 0.08428233861923218, -0.288968026638031, -0.9823369383811951, -0.022552616894245148, -2.00799298286438, 0.22211992740631104, -0.7432074546813965, -0.0645918920636177, 0.07741688936948776, -0.09745217114686966, 0.4547058343887329, -0.5258471369743347, -0.9584630131721497, -0.11620041728019714, 0.9606233835220337, -0.10539112985134125, -0.6237385869026184, -0.17381754517555237, 0.37794026732444763, 0.9829914569854736, -0.9004492163658142, 0.8808358907699585, -0.8923137187957764, 0.06531845033168793, -0.8574866652488708, 0.03098234534263611, -0.665528416633606, 0.5892037749290466, 1.5944619178771973, -1.6509661674499512, -0.12278325110673904, -1.083297610282898, -0.09645581245422363, -0.7401316165924072, 0.16858261823654175, 1.4117590188980103, -1.2108718156814575, 0.25710317492485046, -0.4990503787994385, 0.2051309049129486, 0.9910422563552856, 0.26291903853416443, -0.29102465510368347, 0.2620358169078827, -0.5007149577140808, 0.42712658643722534, 0.2823706269264221, 0.15857930481433868, -1.5712809562683105, -1.139629602432251, -0.9404594898223877, -1.1190787553787231, 0.7506358623504639, -0.15337668359279633, 0.8683745265007019, 0.787290096282959, -0.2668830454349518, -0.46923166513442993, 0.2628990411758423, 1.3535175323486328, 0.6442641019821167, 0.7441795468330383, 0.31361058354377747, -0.5142307281494141, -0.6358453631401062, 0.2339070439338684, 0.012800212949514389, 0.24349772930145264, -1.0811796188354492, 0.5285894274711609, 0.6195899844169617, 0.3959047794342041, -0.20824302732944489, -1.4794492721557617, 0.12921835482120514, -0.08090183138847351, -0.2572348415851593, -0.983685314655304, -0.2035701870918274, 0.2636282444000244, -1.1183475255966187, 1.2396938800811768, 0.47958889603614807, 0.5648757815361023, 0.31966930627822876, -0.23841924965381622, 1.819628357887268, -0.692579984664917, -0.38607853651046753, 0.4381561875343323, -0.03370831161737442, 0.1975141167640686, 0.3502635657787323, -0.17376427352428436, -0.9041950106620789, 0.7851002216339111, -1.3663289546966553, 0.23787271976470947, 0.1718994826078415, 0.2591758668422699, 0.5802189707756042, 1.3957436084747314, 0.9818238615989685, -1.7639050483703613, -0.6835974454879761, -0.897048830986023, -0.20255829393863678, 1.7847397327423096, -0.36246439814567566, 0.12113624066114426, 0.556644082069397, -1.197778344154358, 0.9505929350852966, -0.8315297961235046, -0.6934703588485718, 0.356467604637146, 0.12046967446804047, 0.5780957341194153, 0.45780426263809204, 0.22686715424060822, 0.4736284017562866, -0.05810297280550003, -0.1681993007659912, 0.0492626391351223, -0.729079008102417, 0.1996804028749466, 1.2661951780319214, -0.4044073522090912, -1.109066367149353, -0.6494828462600708, -0.31345415115356445, -0.27554768323898315, 0.7687386274337769, 0.0605965293943882, -0.7825151681900024, -1.6842284202575684, -0.989315390586853, -1.0156549215316772, 0.40278398990631104, 0.061306584626436234, -0.603560745716095, -0.33333760499954224, 0.05235500633716583, 0.8589215278625488, 0.38730594515800476, -0.7501890063285828, -0.39170631766319275, -0.46928441524505615, 0.07602009177207947, 0.3161725401878357, -0.5355817079544067, -0.3958600163459778, -0.1828642040491104, -0.7389993071556091, 1.3684378862380981, 0.6680715084075928, -0.9685792326927185, -0.049959659576416016, 0.22437438368797302, 0.8800204992294312, -0.4457951486110687, 1.416910171508789, -0.04783099889755249, -1.380183219909668, 1.1303092241287231, 0.4502938687801361, -0.03973548114299774, 0.22035977244377136, 0.3060878813266754, 1.2576773166656494, 0.170093834400177, 1.5934789180755615]} +{"paper_id": "e2e_nlg", "embedding": [-0.7045705318450928, 0.8268858194351196, 0.35164737701416016, -0.07027668505907059, 0.585623025894165, -0.3067641258239746, 1.7127501964569092, 0.0609920471906662, 0.32172638177871704, 0.4042089581489563, 0.22180142998695374, 0.21332944929599762, 0.012427695095539093, 0.03493156656622887, -0.08489158749580383, -0.5699801445007324, -1.2100653648376465, -0.27789199352264404, -1.0206574201583862, -0.8729021549224854, -1.0282713174819946, -0.16303496062755585, 0.3118274211883545, 0.23195025324821472, -0.36825692653656006, -0.15488183498382568, 1.3373889923095703, -1.1634495258331299, 0.2757905423641205, -0.07993287593126297, -0.30656740069389343, 1.0572229623794556, -1.0960346460342407, 0.4645291268825531, -0.05662751942873001, 0.3168512284755707, 0.1519976556301117, 0.9422796964645386, -1.0302032232284546, 0.24520979821681976, -0.6773302555084229, 0.0900120809674263, 0.9006479978561401, -0.25365161895751953, 0.2866710126399994, 0.2932257354259491, 0.09582876414060593, 0.4008219838142395, -0.2810411751270294, -0.11516813933849335, -0.9458171725273132, -0.23157113790512085, 0.4001196324825287, -0.3354005217552185, 0.11519811302423477, 1.156264066696167, 0.22601285576820374, -1.2760121822357178, 0.2527342140674591, -0.3505317270755768, 0.543701708316803, 1.1145867109298706, 0.08526407182216644, 0.7156136631965637, 0.32364997267723083, -0.23824529349803925, 0.5126092433929443, 0.3795848488807678, 0.048359841108322144, 0.6248647570610046, -0.7858273983001709, -0.7054253220558167, 0.34143930673599243, 0.5359334945678711, 0.15900608897209167, 1.3682082891464233, 0.14687086641788483, 0.5200246572494507, 0.19506707787513733, -0.17346426844596863, -0.20313356816768646, 0.7031720280647278, 0.5921408534049988, -0.24736323952674866, 0.7650513052940369, 0.5943089723587036, 0.21113085746765137, -0.0010312534868717194, -0.858403742313385, -1.5304844379425049, 0.1276790201663971, 0.27372145652770996, 0.7207506895065308, -0.234588623046875, -0.17755058407783508, 0.5468299388885498, 0.15041795372962952, 0.0731140673160553, -0.10211646556854248, 0.4647198021411896, 0.17896327376365662, -0.3959728479385376, 0.6392831802368164, -0.00223473459482193, 0.21878132224082947, 0.3204629421234131, -0.3221055269241333, -0.22960588335990906, 0.06537795811891556, -0.49240097403526306, -0.5566913485527039, 0.9494905471801758, 1.0247838497161865, 0.8973248600959778, -0.41509783267974854, -0.16422422230243683, 0.18619835376739502, -0.695253849029541, 0.15958735346794128, 0.031205199658870697, -0.6499133110046387, -0.9882180690765381, 0.3107001781463623, -0.03672751039266586, 1.053143858909607, -1.3476710319519043, -0.35475465655326843, 0.12353307753801346, 0.12283692508935928, -0.45346200466156006, 0.8712804317474365, 0.19078782200813293, -0.20799031853675842, 0.6338186860084534, 2.6621975898742676, -1.1717517375946045, 0.43263259530067444, -0.5440440773963928, -0.9978949427604675, -0.6809197068214417, 0.4809878170490265, 1.483699083328247, -0.48931342363357544, -0.6812859773635864, -0.7950624823570251, -0.13448543846607208, -0.7897267937660217, 0.21017597615718842, -0.5024182796478271, 0.1468307375907898, 0.4612850844860077, -0.10159849375486374, -1.4361692667007446, 0.05672771483659744, -0.37178197503089905, 0.5245670080184937, 0.23761558532714844, -0.17762671411037445, -0.526828944683075, 0.645296573638916, 0.8219621181488037, -0.18555034697055817, -0.22400924563407898, 0.09279677271842957, -0.5079998970031738, 0.6480799913406372, 0.938522219657898, -0.33793458342552185, -0.696753978729248, -0.33073189854621887, 0.4981035590171814, 0.09346969425678253, -0.15667137503623962, 0.1856434941291809, 0.3046755790710449, 1.3110835552215576, -0.24257880449295044, 0.6701825857162476, -0.29295650124549866, -0.6311970353126526, -0.24477961659431458, -0.5899948477745056, -1.046911597251892, 0.41348356008529663, -0.18357284367084503, 0.8893148303031921, -2.0437049865722656, 0.16565605998039246, -0.5750470757484436, 0.24194617569446564, -0.41928187012672424, -0.38324910402297974, 0.1861625611782074, -0.17261679470539093, 0.2675132155418396, -0.42151692509651184, 0.8615989089012146, -0.5219429731369019, -0.14536258578300476, 0.613918662071228, -0.642417848110199, 0.10500296950340271, -0.5125468373298645, 1.402262806892395, 0.9519679546356201, -0.24656322598457336, -0.3126818537712097, -1.7651395797729492, 0.5949596166610718, 1.8939563035964966, 0.01884125918149948, -1.1413346529006958, -0.8953546285629272, -0.37957510352134705, 0.49800264835357666, -0.4015228748321533, 0.014308959245681763, -0.09014130383729935, -0.25388437509536743, -0.9313294887542725, -0.09246826171875, -0.6591035723686218, 0.6648178696632385, 0.7935568690299988, 1.2634918689727783, -0.35789936780929565, -0.32884669303894043, -0.26506489515304565, -1.078690767288208, -0.2568597197532654, 0.2785402834415436, 0.4945312738418579, -0.2125038206577301, 0.8913376331329346, -0.5317286849021912, 0.560100257396698, 0.04095239192247391, 0.6810264587402344, -0.21261052787303925, 0.13393138349056244, 0.7789968848228455, 0.8935099840164185, -0.5045166015625, 0.08530686795711517, -0.05377738177776337, 0.5332834124565125, -0.10363981127738953, -0.8599840402603149, 0.012277130037546158, 0.08220422267913818, 1.4830586910247803, 1.0010944604873657, -0.23861747980117798, 0.33508801460266113, -0.6229182481765747, 0.16182515025138855, -0.6896498799324036, -0.3916100561618805, -0.582710862159729, -0.059854742139577866, 0.898790717124939, -0.26565760374069214, 0.4631441831588745, -0.5265093445777893, -0.32915112376213074, -1.0127983093261719, -0.4317774176597595, -0.16703060269355774, -0.08940946310758591, -0.979171633720398, -0.6471725106239319, 0.2748737335205078, -0.7474113702774048, -0.3775596022605896, -0.16928644478321075, 0.6718518733978271, 0.21894507110118866, 0.3249408006668091, 1.2418209314346313, -0.4472672939300537, -0.17448517680168152, 0.3603323698043823, 0.3482845425605774, -0.5228443145751953, 0.5237753987312317, -0.033595792949199677, -0.4810052514076233, -0.6626504063606262, 0.377151221036911, -0.46799397468566895, 0.23220711946487427, -0.06646179407835007, -0.6878727078437805, -0.33870571851730347, -0.6468139886856079, -1.097296118736267, 1.0763558149337769, -0.8761777877807617, 0.41389206051826477, -0.12539324164390564, 1.359930396080017, 0.5899509787559509, 0.12929217517375946, 1.3131258487701416, -0.7688034772872925, 0.34851664304733276, 0.8984540104866028, -0.6010691523551941, 0.453483521938324, 0.6276544332504272, -0.3811033070087433, 0.8115671873092651, -0.027485385537147522, -2.623363494873047, 0.27972641587257385, 1.0852311849594116, -0.08009373396635056, -0.05721193924546242, -1.0830225944519043, 0.1187564879655838, 0.19648678600788116, -0.1668178141117096, -0.26935267448425293, -0.33714768290519714, 0.7306914329528809, -0.9603742361068726, 0.007395993918180466, 1.6748089790344238, -0.5272508859634399, 0.19039121270179749, 0.5408620834350586, 0.42722851037979126, -1.3222101926803589, -0.1951790153980255, 0.6739553809165955, -1.218915343284607, -0.37628352642059326, 0.14733333885669708, 0.7680671811103821, 1.4006836414337158, -0.7289835810661316, -0.013915516436100006, 1.0001389980316162, 0.10108651965856552, 0.6736461520195007, 0.6564314365386963, 0.22689296305179596, 0.16204781830310822, -0.42799413204193115, 1.323671579360962, -0.4277615547180176, -0.887027382850647, -1.010866403579712, 0.03915201872587204, -0.6041466593742371, -0.24066928029060364, 1.3676577806472778, 0.6026216149330139, 1.2468165159225464, -0.03159843385219574, 0.757693886756897, -0.8791471123695374, -0.20245923101902008, 0.6713162660598755, 0.7061313986778259, -0.4357801675796509, -0.5193003416061401, -0.14007923007011414, 0.41655781865119934, 0.26796627044677734, -0.429064005613327, -0.4209597110748291, 0.6539481282234192, 0.196620911359787, -0.908002495765686, 0.3744772970676422, 0.7771191000938416, 0.19567233324050903, 2.3442893028259277, -0.6511766314506531, 0.1347876340150833, 0.9328798055648804, 0.3768237829208374, 0.5206401944160461, -0.00278589129447937, -0.5348908305168152, 0.9821178913116455, 0.5847948789596558, 0.6831032633781433, -0.14110548794269562, 0.6165140271186829, 0.19595754146575928, -1.0312601327896118, -0.8314300179481506, -0.5360729694366455, -0.9450777769088745, -0.5348606705665588, -0.48331955075263977, 0.06667093187570572, -0.5536208152770996, 0.44545963406562805, -0.5682317018508911, -0.5954664349555969, 1.0466774702072144, 0.2604885399341583, -0.4069616198539734, 0.61644047498703, 1.2899049520492554, -1.4336903095245361, -0.5321354269981384, -0.5355518460273743, -1.1069790124893188, -0.8304219841957092, 0.3141176104545593, -0.12397074699401855, 0.0856018215417862, -0.4303770363330841, 0.35188716650009155, -0.1451982855796814, -0.026384718716144562, -1.2675062417984009, 0.7410087585449219, 0.7609851956367493, -0.6037439107894897, 0.5570837259292603, 0.6447322368621826, 0.9618013501167297, -0.19477610290050507, -0.48765695095062256, -0.9448943138122559, 0.5834988355636597, 0.4266132414340973, 0.3503613770008087, -0.8323962092399597, -0.226640522480011, -0.2984696626663208, 0.18300294876098633, 0.48622265458106995, -1.1115676164627075, 0.05590042099356651, 0.4376988708972931, 0.09001168608665466, 0.7975070476531982, -0.8738972544670105, -1.092164158821106, 0.6712778806686401, -0.8399876356124878, 0.4401230216026306, -0.7635705471038818, 0.40295857191085815, 0.6609612703323364, 0.055525414645671844, 0.04764138162136078, -0.36650529503822327, -12.29089069366455, 0.8726316690444946, -0.44614988565444946, -0.286163330078125, 1.1967875957489014, -0.2787858247756958, 0.8032853007316589, 0.43909478187561035, 1.1608446836471558, -0.9402948617935181, 0.8489795923233032, 0.45376691222190857, -0.1294422447681427, 0.0608823224902153, -0.38020044565200806, -1.5406676530838013, -1.094287633895874, -0.5461122393608093, 0.407409131526947, 0.35605067014694214, 0.13328394293785095, -0.7863183617591858, 0.08205099403858185, 0.6643980145454407, 0.0319259911775589, -0.032499611377716064, -0.16503077745437622, -0.5144317746162415, -0.0003210827708244324, -0.026122037321329117, 0.28532469272613525, 0.4390293061733246, -0.6709798574447632, -0.8173581957817078, -0.0004943758249282837, -0.1051696389913559, -1.0345267057418823, -0.7808367013931274, 0.925024688243866, 0.48833879828453064, -0.7793968319892883, 0.2756943702697754, 1.193953514099121, -0.2459116131067276, -0.537327766418457, 0.4191538095474243, 0.05617918074131012, 0.04709694907069206, -0.3318648636341095, -0.3659161329269409, -0.07841791957616806, -0.5398544669151306, -0.21529805660247803, -0.38060179352760315, 0.6131203770637512, -0.0024010129272937775, -0.4515566825866699, 0.30988404154777527, -0.4798907935619354, -0.9986163377761841, 0.3852585256099701, 0.44826197624206543, -0.5199464559555054, -0.16204392910003662, 0.7683963775634766, -1.0065271854400635, 0.570745050907135, 0.7109770774841309, 0.2949005365371704, 0.8376777768135071, -0.7098870277404785, 0.5939167737960815, 0.5171290040016174, 0.49341943860054016, 0.25163188576698303, 0.43433645367622375, 0.15447843074798584, 0.013970814645290375, 0.027129920199513435, -0.45796334743499756, -0.4593849778175354, 0.5252008438110352, 0.11313971877098083, -0.28051331639289856, -0.5228679776191711, 0.616788923740387, -0.3870605230331421, -0.38749322295188904, 0.9717376232147217, -0.08799514174461365, 1.582231879234314, -0.1662229299545288, -0.37136310338974, 0.06375452131032944, -0.7997662425041199, 0.5861111283302307, 0.8278818726539612, 0.6545789837837219, -0.4648362100124359, -0.5658441185951233, 0.4967088997364044, -0.10546932369470596, -0.014786665327847004, -0.6100003123283386, 0.8189224004745483, -0.20037737488746643, -0.07328459620475769, 0.8918380737304688, 0.9988254904747009, 0.35828897356987, 0.43379682302474976, -0.39325883984565735, -0.42498308420181274, 0.9886804819107056, 0.03446352481842041, 0.8333907723426819, 1.2234057188034058, -0.22249916195869446, 0.9472545385360718, 0.6413879990577698, -0.23876743018627167, 0.7119611501693726, 0.6845893263816833, 0.6155804991722107, 0.4788510203361511, -0.007870670408010483, 0.3231775164604187, 0.5257106423377991, -0.7384783029556274, -0.5938665866851807, -0.32120683789253235, -0.13265667855739594, 0.03648057579994202, -0.4385639727115631, -0.43190816044807434, -0.04901354759931564, -0.9241408705711365, 0.959820032119751, -1.0644327402114868, 0.8200585246086121, 0.31056731939315796, -0.8170739412307739, 0.19558516144752502, -1.1340582370758057, -0.9168745875358582, 0.16961675882339478, -1.3011078834533691, 0.27942541241645813, -0.24469149112701416, -0.23619508743286133, 0.3996547758579254, -0.17985418438911438, 0.7475446462631226, -1.0309631824493408, -0.2683124542236328, 0.03161952644586563, 0.6811582446098328, -0.19100485742092133, -0.4841359555721283, -0.5273731350898743, -0.17260807752609253, 0.26596713066101074, -0.45165422558784485, 0.8340107798576355, 0.7360470294952393, -0.48290205001831055, -0.4472363293170929, -0.025694571435451508, -0.760342001914978, -0.020233528688549995, 1.1233874559402466, -1.4973275661468506, -0.6671665906906128, -0.735815167427063, 0.35503530502319336, -1.0592520236968994, 1.0120078325271606, 1.4912645816802979, -1.221718192100525, 0.20826637744903564, 0.3975990414619446, 0.43556857109069824, 0.14102201163768768, -0.9308769702911377, -0.5614440441131592, -0.005589466542005539, 0.7622294425964355, 0.6151261329650879, 0.11099547147750854, 1.3117835521697998, -1.8866088390350342, -0.8695222735404968, -0.07046504318714142, -0.1772538125514984, 0.041270311921834946, -0.5090100169181824, 1.058066725730896, 1.154611587524414, -0.2160903513431549, 0.3794311285018921, 0.13468268513679504, 0.8809252381324768, -0.46924981474876404, 0.13246183097362518, 0.4152381122112274, -0.12918978929519653, -0.9721811413764954, -0.29844143986701965, -0.09216980636119843, 0.24942751228809357, -0.5198138356208801, -0.07018626481294632, 0.10884182155132294, -0.26414284110069275, 0.2911564111709595, -0.47997769713401794, -0.42355647683143616, -0.41591876745224, -0.15637151896953583, -1.3060760498046875, 0.4851234257221222, 1.4516575336456299, -0.09090287238359451, 1.0923311710357666, 0.5595027804374695, -0.5864126682281494, 0.9634605050086975, 0.16126775741577148, 1.061653971672058, -0.521894633769989, -0.8848475813865662, -0.0175640732049942, 0.8131053447723389, -0.28521493077278137, -0.31710031628608704, -0.611133873462677, -0.9661352038383484, 0.13696500658988953, -0.36607712507247925, 0.23838597536087036, -0.5054722428321838, 0.40777283906936646, 0.32351937890052795, 1.0212868452072144, -0.4433121085166931, -1.442224144935608, -0.4434066116809845, -1.1557796001434326, 0.11348970234394073, 0.9941326379776001, 0.24491450190544128, 0.7210521697998047, 0.5721062421798706, -0.12568162381649017, 0.4966522455215454, -0.8244689702987671, 0.23595760762691498, 0.14105436205863953, 0.41122668981552124, 1.2115613222122192, 0.45408257842063904, 1.0601742267608643, 0.523880660533905, -0.29608458280563354, 0.2721996605396271, 0.43044450879096985, 0.16181409358978271, 0.4504503011703491, 0.678799569606781, -0.8178278803825378, -0.528644859790802, -0.5392739176750183, 0.23748046159744263, -0.6026849150657654, 0.578373908996582, -0.010114703327417374, -0.477367103099823, -0.10584957152605057, -0.7605568766593933, 0.3234504759311676, 0.6036602854728699, -0.29898136854171753, -0.7555627226829529, -0.8564818501472473, 0.30588027834892273, 0.11268078535795212, 0.3505825996398926, -0.6663592457771301, 0.5670405030250549, -1.0203180313110352, 0.4112436771392822, -0.7301328182220459, -0.22101417183876038, -0.07119515538215637, 0.484264999628067, -0.30634793639183044, 0.6214911341667175, -0.49134427309036255, -1.4423891305923462, -0.5100972056388855, 0.06053781136870384, -0.7442693710327148, 0.49472010135650635, 0.09714849293231964, -0.047026924788951874, -1.4296417236328125, 0.5684713125228882, 0.7241891622543335, -0.47124820947647095, -0.7068787217140198, 0.05909113213419914, 0.03923163190484047, -0.3317071199417114, 1.122316837310791]} +{"paper_id": "medal", "embedding": [0.058692194521427155, 1.2744896411895752, -0.3852337896823883, -0.11192581802606583, 0.18791750073432922, 0.2327651083469391, -0.03737993538379669, 1.2494020462036133, 0.9345921277999878, 0.9711854457855225, 0.0028076469898223877, 0.21791981160640717, -1.0253546237945557, -0.44144418835639954, -0.48898187279701233, -0.4098750650882721, -0.9177761673927307, -0.9224081635475159, -1.9471533298492432, -0.8288421630859375, -1.15788733959198, -0.7061747908592224, -0.05346675217151642, 1.4384243488311768, -0.2971271574497223, -0.8487868905067444, 0.7227402925491333, -1.134045124053955, 0.24539637565612793, 0.011813994497060776, 0.01811370998620987, 0.2929235100746155, -1.9887553453445435, 0.2854570150375366, -0.6317041516304016, -0.18782448768615723, 0.1478593349456787, 0.5147616863250732, -0.179337739944458, -0.07425487041473389, -1.0516762733459473, 0.3414921164512634, 0.4073493182659149, -0.0971779078245163, 0.6336776614189148, -0.5890575051307678, 0.3635295629501343, 0.1834392249584198, 0.5703036785125732, 0.2367568165063858, -0.18852783739566803, -0.31432273983955383, 0.33857643604278564, 0.9575144052505493, -0.5027609467506409, 1.8197009563446045, 0.1457749605178833, -0.7220485806465149, 0.7635793089866638, -1.230651617050171, 1.450140357017517, 1.9456748962402344, -0.849486768245697, 0.34589245915412903, 0.4562358260154724, 0.9161678552627563, 1.257526159286499, 0.3001161217689514, 0.9752976894378662, 0.7633793354034424, -0.1175481379032135, -0.8093970417976379, 0.9374337196350098, -0.7813301682472229, 0.09208264946937561, 1.1937061548233032, 0.4642437696456909, 0.00789707899093628, -0.08045951277017593, -0.8683212995529175, -0.7731869220733643, 0.5266839861869812, 0.7503117322921753, -0.8081539869308472, -0.441914826631546, 0.32109320163726807, -0.5333439707756042, -0.8134610056877136, 0.15873098373413086, -2.1628482341766357, -0.05202609300613403, 0.43907445669174194, -0.8737562894821167, -0.45451420545578003, 0.11115272343158722, 0.22425487637519836, -0.2554977536201477, -0.589505136013031, -0.3527522385120392, 0.5167615413665771, 0.4958306550979614, -0.9598164558410645, 0.6253324151039124, -0.5432262420654297, 0.6959105730056763, 1.5094534158706665, -0.4796864688396454, -0.09978092461824417, -0.6672656536102295, -0.16807378828525543, 0.9747969508171082, 0.864188015460968, 0.06079830974340439, 0.17390689253807068, -0.39596548676490784, 0.20311740040779114, 0.617035448551178, -0.4190441966056824, -0.2345096617937088, -0.15660163760185242, -0.21430428326129913, -1.1202208995819092, -0.11990364640951157, -0.4857017993927002, 0.32092753052711487, -1.016649603843689, 0.5731361508369446, 0.051805078983306885, 0.7141192555427551, 0.42628762125968933, 0.3117958605289459, 0.2583082914352417, -1.1558982133865356, 0.19869816303253174, 3.2834312915802, -1.1054141521453857, 1.4628899097442627, -0.7296690940856934, 0.9406460523605347, -1.1328802108764648, 0.027568720281124115, 0.8682209849357605, -0.029495012015104294, -0.7289554476737976, -0.9586471915245056, 0.46392321586608887, -0.6103878021240234, 0.9707071185112, -1.2544100284576416, 0.13776305317878723, -0.16036739945411682, -0.017921917140483856, -0.9923518300056458, -0.7286286354064941, -0.3660498559474945, 0.6670629978179932, -0.02624347060918808, 0.913598358631134, -0.8615855574607849, 1.2968902587890625, 0.9323400855064392, -0.30454301834106445, -0.10959231108427048, 0.37607887387275696, -1.0949088335037231, -0.24932456016540527, 0.6975642442703247, 0.5477376580238342, -0.9202638268470764, -0.9083776473999023, 0.7637787461280823, 0.46604785323143005, -0.07430432736873627, 0.43068262934684753, 0.33586645126342773, 0.48528215289115906, 0.3814396262168884, 0.40431928634643555, 0.19682475924491882, -0.31108105182647705, -0.8780683279037476, -0.5458858013153076, 0.36326637864112854, 0.35814642906188965, 0.6004643440246582, 1.2855314016342163, -1.7829093933105469, -0.6204118132591248, -0.706877589225769, 1.1150879859924316, -0.1198551207780838, -0.8084294199943542, -0.16464611887931824, 0.3488297164440155, 0.6901186108589172, -0.8866106867790222, -0.057699549943208694, -1.04677152633667, -0.2582690119743347, 1.0841504335403442, -0.21179984509944916, 0.15780200064182281, 0.079387366771698, 0.9343051314353943, 0.9631666541099548, -1.561007022857666, -0.2872236967086792, -1.2597856521606445, 0.020273130387067795, 2.5758001804351807, 0.02795415371656418, -0.5098137855529785, -1.2031364440917969, -0.7744513750076294, 0.03165183961391449, 0.16684256494045258, -0.7486668825149536, -0.588649570941925, 0.18777310848236084, -0.5826596021652222, 0.7362955808639526, -1.2222485542297363, 0.5846848487854004, 1.052889108657837, 1.3715513944625854, -0.741148054599762, 0.007108479738235474, -0.1711195409297943, -0.3104287385940552, 0.7799144387245178, 0.6284667253494263, -0.09611040353775024, -0.5722996592521667, 0.7881757616996765, 0.14708314836025238, 0.5394412279129028, 0.4743504822254181, 0.42222461104393005, -0.24137672781944275, 0.5462894439697266, -0.16442567110061646, 1.2388209104537964, -0.9462965726852417, 0.5962380766868591, -0.24635174870491028, 0.10026407241821289, -0.9732962250709534, -0.6160126328468323, 0.5730773210525513, -0.2985309958457947, 1.178256869316101, 0.4058045446872711, 0.22371633350849152, 1.0064195394515991, -1.0461138486862183, -0.27354708313941956, -0.37971222400665283, -0.8384827971458435, -0.6230239868164062, -0.2356886863708496, 0.06712880730628967, 0.042706072330474854, 0.2485540211200714, -0.44380223751068115, 0.1566963493824005, -1.6913588047027588, -0.31406500935554504, -0.4964762330055237, -0.6394296884536743, -2.058823823928833, -0.09171624481678009, 0.312861829996109, -1.0090069770812988, -0.41890639066696167, 0.49701836705207825, 0.23065604269504547, 0.07394968718290329, 0.9270473718643188, 1.5369155406951904, -0.28083911538124084, 1.0155903100967407, 0.3430579900741577, 1.2964833974838257, -1.5986789464950562, 0.8846147060394287, 0.021074194461107254, 0.6405782103538513, -0.7954307794570923, 0.6553667783737183, -0.158550426363945, 0.8404012322425842, 0.37093549966812134, -0.45965489745140076, 0.5159568786621094, -0.16090700030326843, -1.0005022287368774, 0.27270397543907166, -0.13451392948627472, -0.20495986938476562, -1.34494149684906, 2.108412742614746, 0.4539582133293152, -0.03915310278534889, 1.2544373273849487, -0.3268660306930542, 0.41442471742630005, 0.582583487033844, -0.028281576931476593, 1.2237513065338135, 0.7265431880950928, 0.08753472566604614, 0.7900762557983398, 0.48873457312583923, -2.099097490310669, 0.1425916701555252, 0.5519068837165833, 0.08306774497032166, -0.8393263816833496, -0.9862304329872131, -0.9379391670227051, -0.5110710859298706, -0.1690416783094406, 1.0053192377090454, -0.5292647480964661, 0.3381187617778778, 0.3924046754837036, -0.5748672485351562, 0.8210017681121826, -0.8800743818283081, 0.6422136425971985, 1.4759405851364136, -0.17032426595687866, -1.099377155303955, -0.039253003895282745, 0.42739349603652954, -0.21283835172653198, 0.29804328083992004, 0.25649338960647583, 1.2470532655715942, 1.3556689023971558, -0.3551448881626129, -0.13719037175178528, 0.8573125600814819, 0.2805475890636444, 0.5196053385734558, 0.1770957112312317, -0.6291857361793518, 0.45487579703330994, 0.5233054757118225, 1.0010663270950317, 0.5838797092437744, -0.5439613461494446, -0.9964428544044495, -0.3161187767982483, 0.23042987287044525, -0.9729329943656921, 2.5538675785064697, 0.7699906229972839, 1.1348392963409424, 0.33396849036216736, 0.3949715197086334, -0.6579204201698303, 0.3751506507396698, 1.0277502536773682, 1.0130298137664795, -0.06373018026351929, -0.4234168231487274, -1.0093404054641724, -0.15221019089221954, -0.8390945196151733, -0.5986341238021851, 0.4761163890361786, 0.21601250767707825, 0.05643560737371445, -1.4195470809936523, -0.3547966778278351, 0.947796642780304, 0.7516424059867859, 1.6257256269454956, -1.661145806312561, -0.5170301795005798, 0.2882162928581238, 0.5052316784858704, 0.6915704011917114, -0.07616987824440002, -0.6308681964874268, 0.5331422686576843, 0.4104660153388977, 0.08901223540306091, -0.279318630695343, 0.4314882755279541, 0.9326971769332886, -0.4122626483440399, -0.914263129234314, -0.5540710091590881, -0.3626849055290222, -0.6533927917480469, -0.17099742591381073, 0.050281498581171036, -1.4659816026687622, 0.45590081810951233, -0.3109481930732727, -0.6562976241111755, 0.4163268506526947, -0.3725939691066742, -1.4215747117996216, 1.3671619892120361, 0.6545877456665039, -1.557235598564148, -0.07300698757171631, 0.22069571912288666, -1.131543517112732, -1.129518747329712, 0.38318517804145813, -0.5416456460952759, 0.13224315643310547, 0.10686559975147247, 1.556501865386963, 0.01466401293873787, -0.44008469581604004, -1.0465502738952637, 0.6892995238304138, 1.1280879974365234, -0.9246717095375061, 0.03334421291947365, -0.772643506526947, 0.11972714960575104, -0.15611600875854492, -1.1624583005905151, -1.2553671598434448, 0.1175699308514595, -0.10913477092981339, -0.8945292830467224, -1.2842369079589844, -1.003007411956787, 0.04788234457373619, -0.2718536853790283, 0.9262995719909668, -0.32805636525154114, -0.7618259191513062, 0.2759556472301483, -0.10548992455005646, 0.9289455413818359, 0.198746457695961, -0.8033739328384399, 1.3363862037658691, -0.6363045573234558, 1.295904278755188, 0.5204041004180908, 1.016130805015564, 1.5690335035324097, -0.548403799533844, -0.04135144501924515, -0.9774054884910583, -9.452488899230957, 0.4446871280670166, 0.10845886915922165, 0.15058353543281555, 0.23561085760593414, -0.6685049533843994, 1.0077439546585083, -1.5990232229232788, 0.2555657625198364, -0.4210870862007141, 0.6942699551582336, 1.981264352798462, 0.7193180322647095, -0.5050528645515442, -0.2980898320674896, -1.009367823600769, -0.5102168917655945, -0.4721822738647461, 0.281921923160553, 1.15805983543396, -0.14970119297504425, -0.781437337398529, -0.4906778931617737, 0.15676116943359375, 0.797119140625, 0.30037832260131836, -0.5194838047027588, 0.5198756456375122, -0.7345780730247498, 0.3372097313404083, 0.0661441907286644, 0.03955830633640289, -0.7827703952789307, -0.396032452583313, 0.32836639881134033, -0.42028486728668213, -0.8967841863632202, -0.04162829369306564, 0.9800035357475281, -0.10119041055440903, -0.9637412428855896, -0.37170398235321045, 0.7784198522567749, -0.44214165210723877, -0.6380616426467896, 0.7203435897827148, 0.6386929750442505, -1.1622352600097656, 0.00015473365783691406, -1.068453311920166, -0.2770587205886841, -0.758272111415863, -1.2036689519882202, -0.6587860584259033, 0.31028521060943604, 0.7640392184257507, -0.6068801283836365, 0.5285778641700745, -0.4648340940475464, -0.5211621522903442, -0.19746282696723938, 0.15226826071739197, -0.6231899857521057, 0.3996439278125763, -0.3223106563091278, -0.3640514612197876, 0.09221792221069336, 0.3840068280696869, -0.16236966848373413, 0.22805267572402954, -0.3462539315223694, 1.2394081354141235, 0.10948581993579865, -0.16886356472969055, -0.2909165024757385, 0.034641243517398834, -0.029093001037836075, -0.704673707485199, 0.5713070631027222, -0.020277924835681915, -1.37192702293396, 0.033992279320955276, 0.4158652722835541, -0.6074402332305908, -1.0895570516586304, 0.14016221463680267, -0.8783921599388123, 0.4032142758369446, 1.06462824344635, -0.6096418499946594, 1.138462781906128, -0.21021819114685059, -0.07782308012247086, 0.38563844561576843, -0.3731492757797241, 0.6610527038574219, -0.7419864535331726, 0.8599068522453308, 0.4439043700695038, -0.671711802482605, 0.8745797276496887, -0.39608216285705566, -0.424174427986145, 0.0924723744392395, 0.6094088554382324, 0.29475125670433044, 0.02989599108695984, 0.48010435700416565, -0.27156081795692444, -0.5694296956062317, 1.2443417310714722, 0.06933940947055817, -0.15920494496822357, 0.07946955412626266, -0.5199254155158997, 0.8326104283332825, 1.0877101421356201, 0.7936067581176758, 0.31707441806793213, -0.12758569419384003, -0.15549404919147491, 1.0464595556259155, 0.11435292661190033, 0.8817352652549744, 0.4612221121788025, 0.00885470025241375, 0.617851197719574, 0.6504664421081543, -0.6498590111732483, -1.325508713722229, 0.5452973246574402, -0.4725365936756134, -0.6387847661972046, -0.44627898931503296, 0.22038604319095612, 0.23762035369873047, -0.6592239141464233, 1.5893000364303589, -0.23112182319164276, -0.0668627917766571, 0.015694357454776764, -0.08385162055492401, 0.20541122555732727, -0.6457616686820984, -1.1933672428131104, 0.40677666664123535, -1.4570986032485962, -0.35490095615386963, 0.11759500950574875, -0.5844480991363525, 0.4330095946788788, 0.3139198124408722, 1.143402338027954, -1.0260320901870728, -0.49826741218566895, -0.9035007357597351, 0.8479680418968201, 0.3496588468551636, -0.8917258977890015, 0.275351345539093, -0.48692095279693604, 0.7681750655174255, -1.2069509029388428, 0.8709313869476318, 0.6723724603652954, -0.3062697649002075, -0.32273948192596436, 0.6460254192352295, -0.7450904846191406, 0.3165186941623688, 0.3184288442134857, -1.3124737739562988, -0.2317546308040619, -0.6259488463401794, 0.27733728289604187, -0.43891993165016174, 0.4891687035560608, 1.7068740129470825, -1.0995523929595947, -0.13630859553813934, 0.16883695125579834, 1.065798282623291, 0.6350886821746826, -0.5968377590179443, -0.6825271844863892, -0.37844207882881165, -0.12807124853134155, 0.6495603322982788, 0.1545664668083191, 0.43015727400779724, -1.8263487815856934, -0.8657494187355042, -0.08395741879940033, 0.1831253170967102, 0.825456976890564, 0.11231064051389694, 0.8097254633903503, 0.507847785949707, 0.6543828248977661, 0.4165741801261902, 0.49426257610321045, 0.6265289783477783, 0.922980010509491, 0.7614590525627136, 0.055880870670080185, 0.25198620557785034, -0.7774611115455627, 0.4765928387641907, 0.5317025184631348, 0.723250687122345, -1.3012733459472656, 0.385680615901947, 0.47429192066192627, -0.305813729763031, 0.8494582772254944, -1.1731966733932495, 0.8050740361213684, -0.4076738655567169, -0.9629917144775391, -1.0582438707351685, 0.6648173928260803, 0.9226841926574707, -0.043334390968084335, 0.48699748516082764, 0.24409261345863342, 0.37193265557289124, 0.6901738047599792, -0.18867449462413788, 2.117328643798828, -0.8485173583030701, -0.6117376089096069, -0.0495285801589489, 1.191922664642334, -0.27000293135643005, -0.5960481762886047, 0.15154331922531128, -0.5319532752037048, 0.23154222965240479, -1.2639228105545044, 0.9733833074569702, -0.801059901714325, -0.4281436502933502, 0.8313078284263611, 1.7152286767959595, -0.40245580673217773, -1.0417680740356445, -0.40012553334236145, -1.2119412422180176, -0.7409599423408508, 0.8215222954750061, 0.23881343007087708, 0.7216269373893738, 0.6194210052490234, 0.2242686152458191, 1.2462233304977417, 0.2035944163799286, 0.04170136898756027, -0.45253950357437134, -0.3611640930175781, 1.1619632244110107, 0.3592451214790344, 0.6206880807876587, -0.5861676335334778, -1.022234320640564, -0.44899481534957886, -0.5343160033226013, -0.790166437625885, 0.4816012382507324, 0.8089774250984192, 0.2656821012496948, 0.13475847244262695, -0.7285746335983276, 0.2555757462978363, -0.20982703566551208, 0.6438114643096924, 0.6634304523468018, -0.36094993352890015, -1.4395824670791626, -1.2514421939849854, -0.523484468460083, 0.9656379818916321, -0.28992751240730286, -0.2695212960243225, 0.7390313744544983, 0.8060495257377625, -0.5776611566543579, 0.07534580677747726, -1.0501301288604736, -0.10773223638534546, -0.40038934350013733, 0.47686558961868286, 0.4959910809993744, -0.5957304239273071, -0.6608704924583435, -0.42520055174827576, -1.5626858472824097, 0.8238253593444824, -0.14405809342861176, -0.44585826992988586, -0.3085489273071289, 0.889415979385376, -0.5299695730209351, -0.47964081168174744, 1.1027113199234009, -0.17676368355751038, -1.856345772743225, 1.0578129291534424, 1.5193326473236084, -0.5566902160644531, -1.0245373249053955, -0.06838855892419815, 0.17316743731498718, 0.30676427483558655, 0.9269227981567383]} +{"paper_id": "tatoeba", "embedding": [-0.04139940068125725, 1.1313197612762451, 1.026421070098877, 0.19913209974765778, 0.5933194160461426, -0.7487295866012573, 0.01566905528306961, 0.5255310535430908, 0.5616395473480225, -0.09019561111927032, -0.08887234330177307, -0.70322585105896, 0.3637216091156006, 0.11599396914243698, 0.18644651770591736, -0.024166423827409744, -0.9377965927124023, -1.373335361480713, -1.2986315488815308, -0.4271334707736969, 0.026455488055944443, -0.7065916061401367, 0.20027267932891846, 0.571955144405365, 0.004061203449964523, -1.0265229940414429, 0.08020173758268356, -0.9013247489929199, 0.34625762701034546, 0.6310027241706848, -0.27014482021331787, 1.5422155857086182, -1.4369659423828125, 0.14798155426979065, -0.2389301061630249, -0.07517347484827042, 0.4837241470813751, 1.3111612796783447, -0.367267370223999, -0.24406254291534424, -0.41141587495803833, -0.49380379915237427, 0.3694421648979187, 0.3245599567890167, 1.1767054796218872, 0.21007618308067322, -0.4136938750743866, 0.01807449758052826, 0.3766692876815796, -0.7091854214668274, 0.5115936398506165, 0.01715238019824028, -0.19434620440006256, 0.6468467712402344, -0.7752124667167664, 1.302994728088379, -0.005889616906642914, -1.4999523162841797, 0.4816563129425049, -0.846123218536377, 0.9663664102554321, 1.6842700242996216, -0.7362310886383057, 0.06731477379798889, 1.4491549730300903, -0.1310262531042099, 1.6730961799621582, 0.20182056725025177, 0.6934764385223389, 0.748356282711029, 0.1019938737154007, -1.5540330410003662, 0.773686408996582, -0.4760870933532715, 0.5345994830131531, 0.9001572132110596, 0.9725536108016968, 0.5352213978767395, -0.3596780002117157, 0.3268964886665344, -0.5386395454406738, 0.8077810406684875, 0.6026979684829712, -0.37521883845329285, -0.0529077984392643, 0.1583923101425171, 0.5110665559768677, -0.5868836641311646, 0.799062967300415, -1.9590518474578857, 0.2878587245941162, -0.2748090922832489, -0.2651795744895935, 0.017634570598602295, -0.006311386823654175, 0.22206416726112366, 0.16852357983589172, 0.06730665266513824, -0.5440323948860168, -0.014139496721327305, 0.5856373906135559, -0.34009936451911926, 0.2169342339038849, -0.18758299946784973, -0.14382757246494293, 1.6024818420410156, 0.14753614366054535, -0.9529995322227478, -1.5873051881790161, 0.011298533529043198, 0.18020446598529816, 0.9292082786560059, -0.8671588897705078, 0.6294947266578674, 0.09579217433929443, -0.8024404644966125, 0.38392066955566406, -0.09022597968578339, -0.5387585163116455, 0.23034726083278656, -0.7546910047531128, -1.0998218059539795, -0.4496925175189972, 0.07225510478019714, 0.7101992964744568, -1.0848466157913208, 0.24594637751579285, -0.45736977458000183, 0.19794926047325134, -0.9007055163383484, 0.7554712295532227, 0.21395200490951538, -0.30545395612716675, -0.37973538041114807, 3.129418134689331, -0.8822997808456421, 1.5152053833007812, -0.7029677629470825, 0.16455428302288055, -0.27987319231033325, -0.33916547894477844, 1.5660737752914429, -0.3017105758190155, -0.6011630892753601, -0.26164835691452026, 0.2266668826341629, -1.0072987079620361, 0.20605644583702087, -0.20267468690872192, -1.0016862154006958, -0.018007133156061172, 0.21566666662693024, -0.6544427871704102, -0.3778102993965149, -0.09036297351121902, 0.0510835275053978, 0.8554250001907349, 1.3341423273086548, -0.8962729573249817, 1.2716670036315918, 0.5036062598228455, 0.4099839925765991, -0.2335626482963562, 0.5539100766181946, -1.046245813369751, 0.3217136561870575, 0.9527328014373779, -0.21911507844924927, -0.36635977029800415, -1.1215002536773682, 1.1544612646102905, 0.044524118304252625, -0.336184561252594, -0.05115842819213867, 0.04969024658203125, 0.6609162092208862, 0.3666194677352905, 1.0721911191940308, 0.10621771961450577, -0.27752256393432617, -0.20931947231292725, -0.35507678985595703, 0.44041162729263306, 0.6503304243087769, 0.6386122703552246, 0.7240932583808899, -1.980325698852539, -0.8417432308197021, 0.034114763140678406, -0.2012190818786621, 0.01090434193611145, -1.2935435771942139, -0.14229878783226013, -0.17335230112075806, 0.6286582946777344, -0.1898275762796402, 0.37363117933273315, -0.5599377155303955, -0.4334835112094879, 0.4655044674873352, 0.21549129486083984, -0.34538355469703674, 0.6439626216888428, 0.5711691379547119, -0.2096957117319107, -0.24783310294151306, -0.2124403566122055, -1.1976088285446167, -0.20521122217178345, 2.5927011966705322, -0.14978843927383423, -0.3150339424610138, -1.681768774986267, -0.35673439502716064, 0.20524132251739502, -0.812946617603302, 0.20383808016777039, -1.1203639507293701, 0.054425738751888275, -0.8748548626899719, 0.6470500230789185, -0.33581000566482544, -0.020449727773666382, 0.07874397188425064, 0.476654976606369, -0.5197649002075195, 0.021253205835819244, -0.5395970344543457, -0.8903558254241943, 0.44123366475105286, 0.6175485849380493, 0.07111005485057831, -0.9230020642280579, 1.2054868936538696, 0.44714730978012085, 0.5309650301933289, 0.3093315660953522, 0.5049548149108887, -0.11397909373044968, -0.15563485026359558, 0.04298483580350876, 0.8636153936386108, -0.20478658378124237, 0.16638948023319244, 0.16195878386497498, 0.9974839687347412, -0.297140508890152, -0.8952381610870361, 0.025701027363538742, -0.11453170329332352, 1.5990010499954224, 1.112873911857605, -0.4941437542438507, 1.8925355672836304, -1.2698876857757568, 0.021662745624780655, -0.4102895259857178, -1.2893611192703247, 0.21145327389240265, -0.01689166948199272, 0.862362802028656, -0.6866834759712219, 0.5776076316833496, -0.10497979819774628, -0.45489034056663513, -1.4547481536865234, -1.2061824798583984, -0.6379491686820984, -0.8111709952354431, -1.4064301252365112, -0.17378458380699158, -0.057539716362953186, -0.6797665953636169, -1.127255916595459, 0.0982932299375534, 1.0137078762054443, -0.10834099352359772, 0.9157644510269165, 2.4118294715881348, -0.14464330673217773, 0.8104073405265808, 0.1870303899049759, 0.06504206359386444, -0.4444942772388458, 1.4537512063980103, 0.3277309238910675, 0.4274035096168518, -1.0153695344924927, -0.38978245854377747, 0.056513093411922455, -0.16164334118366241, 0.3737838566303253, -0.35320863127708435, 0.3602730333805084, -0.23275664448738098, -1.0125468969345093, 1.0916788578033447, -0.8843592405319214, -0.09999681264162064, -1.064070224761963, 2.0237979888916016, 0.4321396052837372, 0.12167693674564362, 0.48603612184524536, -0.6719687581062317, -0.0012905299663543701, 1.6050498485565186, -0.4611179828643799, 0.6556377410888672, 1.323819637298584, 0.11702875792980194, -0.021476585417985916, 0.271062433719635, -1.9336129426956177, -0.2569720149040222, 0.8280722498893738, -0.17462046444416046, -0.3902442455291748, -1.4040058851242065, 0.8043489456176758, -0.27019307017326355, -0.81563401222229, 0.24595877528190613, -0.3234187662601471, 0.5852875113487244, -0.15325763821601868, 0.1379520446062088, 1.357794165611267, -0.9485018253326416, 0.790324866771698, 1.5712478160858154, 0.42561426758766174, 0.01674305647611618, -0.26936447620391846, 0.9810546040534973, -0.7501907348632812, 0.8093433380126953, 0.3337150812149048, 0.7649667263031006, 1.2599319219589233, -0.6763519644737244, 0.12256396561861038, 0.45802849531173706, 1.597876787185669, 0.5049952268600464, 0.03850967064499855, -0.25360167026519775, 0.5261008739471436, 0.09371601045131683, 1.4520374536514282, 0.42547011375427246, -1.472923994064331, -1.1747419834136963, -0.15913386642932892, 0.1505567729473114, -0.6005823016166687, 1.5271254777908325, 0.6317318677902222, 1.4897503852844238, -0.11028387397527695, -0.0068376692943274975, -0.2918761074542999, 0.45435217022895813, 1.110241413116455, 0.8283336758613586, -0.49008065462112427, -0.3147611618041992, -0.475909024477005, 1.564335823059082, -0.553058922290802, -0.7320866584777832, -0.039298564195632935, 1.0604077577590942, -1.0120307207107544, -0.8252683877944946, 0.021120941266417503, 0.6918026804924011, 0.34654977917671204, 1.3182395696640015, -0.9806596636772156, -0.7633631229400635, -0.1509052813053131, 0.8812997341156006, -0.337116003036499, -0.0193733312189579, -0.9355771541595459, 0.28677496314048767, 0.7078178524971008, 1.3425806760787964, -0.015275239944458008, 0.908727765083313, 0.5857439041137695, -0.7014927268028259, -1.2135529518127441, -0.0882020890712738, -0.2961466610431671, -0.2909732758998871, -0.4304215908050537, -0.3631724417209625, -1.3258082866668701, 0.9416946172714233, -0.5671336054801941, 0.019020885229110718, 0.7963881492614746, -0.24154165387153625, -1.4205055236816406, 0.6852713227272034, 0.851783037185669, -1.3601793050765991, -0.6705195903778076, -0.252562940120697, -0.7909823060035706, -1.1384196281433105, 0.11765540391206741, -0.43263086676597595, -0.23370490968227386, 0.2388337403535843, 0.03975069150328636, -0.5069828033447266, -0.36720871925354004, -1.143391728401184, 0.3277827501296997, 1.5092698335647583, -0.8140937089920044, -0.018113700672984123, 0.1031816303730011, -0.0516284704208374, -0.05439352989196777, -1.0580904483795166, -0.7366116642951965, 0.29177922010421753, 0.5954059362411499, 0.4395599365234375, -0.4875538945198059, -0.32054370641708374, 0.27290216088294983, -0.15708817541599274, 1.0957915782928467, -1.15121591091156, 0.5124393701553345, -0.6224808096885681, 0.9689605236053467, 0.3033144176006317, -0.5382227897644043, 0.0002757720649242401, 1.1230971813201904, -0.5838512182235718, 0.7240300178527832, 0.5891892910003662, 0.14061586558818817, 0.6287117600440979, 0.4468710422515869, 0.6433389782905579, -0.557311475276947, -10.056407928466797, 0.05946717783808708, -0.09642978012561798, 0.038261689245700836, 0.7394430637359619, -0.44077619910240173, 1.2966928482055664, 0.3801979720592499, 0.016118794679641724, -0.47297534346580505, 0.40407273173332214, 0.9596446752548218, 0.4911828935146332, -1.0173156261444092, -0.41791293025016785, -0.7765655517578125, -0.35055866837501526, -0.40460866689682007, 0.4715731739997864, 0.3940170109272003, -0.599243700504303, -1.3380045890808105, -0.03979698568582535, 0.4104204773902893, -0.3437310457229614, -0.05383666977286339, -0.1619827151298523, -0.09122984856367111, -0.641389787197113, -0.5935925245285034, 0.029555270448327065, -1.309128761291504, -0.8935285806655884, 0.08365028351545334, 0.7701675295829773, 0.5402472019195557, -0.431377649307251, -0.005856959614902735, 0.7739503383636475, -0.07020808756351471, 0.026311222463846207, 0.5236523151397705, 0.25089797377586365, 0.6147340536117554, 0.06455006450414658, -0.04332497715950012, 0.01445774920284748, -0.2590602934360504, 0.8316816687583923, -0.8034728765487671, -0.6443789005279541, -1.158667802810669, -1.3296529054641724, -0.3925318419933319, 0.6433302164077759, 0.5068376660346985, -0.3742693066596985, 0.5400923490524292, -0.4096476137638092, -1.3525190353393555, 0.7302185297012329, 0.3239855170249939, 0.02997972071170807, 0.2731054127216339, -0.24292737245559692, -0.394854336977005, 0.8324323892593384, -0.008162894286215305, -0.3213726878166199, 0.5608142614364624, -1.0663167238235474, -0.2737678587436676, -0.2986677587032318, 0.4063771367073059, -0.04898270219564438, -0.2565784752368927, -0.23330141603946686, 0.05394645035266876, 0.5546338558197021, 0.40568724274635315, -1.0283234119415283, 0.32937106490135193, 0.2497517466545105, -0.4997609555721283, -0.03686436638236046, 0.047920260578393936, -0.5229467749595642, 0.18641728162765503, 0.541567325592041, 0.08474601060152054, 1.1127712726593018, 0.009520884603261948, 0.23361675441265106, -0.5632507801055908, 0.19758117198944092, 1.1572465896606445, -1.2626395225524902, 1.2081146240234375, -0.03715771436691284, -0.6869245767593384, 0.46501222252845764, 0.02780606597661972, -0.5048349499702454, 0.11775936186313629, 1.033774733543396, 0.5755510926246643, 0.6404150128364563, 0.3136439919471741, -0.1255847066640854, -0.24250811338424683, 1.0738383531570435, 0.15959432721138, -0.15051676332950592, 0.5856471657752991, 0.22285160422325134, 1.2798100709915161, 0.6399670839309692, 0.3809611201286316, 0.2742808759212494, 1.1936184167861938, -0.38020846247673035, 0.6538508534431458, -0.17610950767993927, 1.6019102334976196, -0.22700650990009308, 0.34105589985847473, 0.07920409739017487, 0.7819942831993103, -0.05620604008436203, -1.2669638395309448, -0.08691056072711945, -0.011823762208223343, -0.026483049616217613, -0.8221514225006104, -0.3954600393772125, -0.5587382316589355, -0.7460627555847168, 1.4810540676116943, 0.1018940806388855, 0.5522546172142029, 0.17814168334007263, -1.4630600214004517, 0.39061641693115234, -0.6104320883750916, -0.1808791160583496, 0.10441802442073822, -0.8776198029518127, -0.5508766770362854, -0.3876914083957672, -0.42935478687286377, 0.4102189242839813, -0.181016743183136, 0.576069176197052, -0.7594287991523743, -0.4046171307563782, -0.090908944606781, 0.01629658043384552, -0.7626577019691467, -1.1698356866836548, -0.0469675213098526, -0.10288169234991074, 2.1233394145965576, -1.2243777513504028, 0.9923498034477234, -0.0627858117222786, -0.2464875429868698, -1.4106954336166382, -0.39829280972480774, -0.9970927834510803, 0.44320613145828247, 1.6057902574539185, -0.5540833473205566, -0.5774281024932861, -0.07790371030569077, -0.9593625068664551, -0.9953197836875916, 0.22153466939926147, 1.2509657144546509, -0.5314927101135254, 0.47006791830062866, -0.3226415812969208, 0.21734929084777832, 0.23908671736717224, -0.640390157699585, -1.1449613571166992, 0.27420032024383545, -0.8745201826095581, 1.1295058727264404, -0.43989062309265137, 0.5188058614730835, -1.8625283241271973, -1.2856686115264893, -0.01948651112616062, -0.5036188960075378, 0.7982032299041748, -0.07146665453910828, 1.089884638786316, -0.46651414036750793, 0.3533834218978882, 0.14747700095176697, -0.3799293637275696, 0.17856594920158386, 0.19949880242347717, 0.4288845360279083, -0.16306927800178528, 0.3077952563762665, -0.6594628691673279, 0.11946859955787659, 0.5134172439575195, 0.2518537938594818, -1.5895081758499146, -0.18618592619895935, -0.09346060454845428, -0.01588226854801178, 0.14852389693260193, -0.8223471641540527, 1.07768714427948, -0.32353755831718445, -0.007425148040056229, -1.205926537513733, -0.4656493663787842, 1.0142542123794556, -0.5898305773735046, 0.8818850517272949, 0.6387478709220886, 0.4591601490974426, 0.08364390581846237, 0.36841726303100586, 1.4502580165863037, -1.0133873224258423, -1.1600828170776367, -0.24758028984069824, 0.6089662313461304, -0.24748504161834717, -0.4053625762462616, 0.4052581191062927, -1.0580651760101318, -0.31028077006340027, -1.8923814296722412, 0.7380959391593933, -0.2295021265745163, 0.08609075099229813, -0.019510366022586823, 0.7709183692932129, 0.2147088497877121, -0.8491101264953613, 0.4362475872039795, -0.6737642884254456, 0.5650570392608643, 0.18924331665039062, 0.22755157947540283, 0.27020058035850525, 0.5617785453796387, 0.21012291312217712, 1.1390140056610107, -0.2618342638015747, -0.40987253189086914, 0.15851327776908875, -0.07838234305381775, 1.1857255697250366, -0.01110607385635376, 0.2839116156101227, -0.3700554370880127, -0.4385424554347992, -0.9653353095054626, -0.7982019782066345, -0.24346038699150085, 0.9090068340301514, 1.304909586906433, 0.10339982807636261, 0.5893908739089966, -0.9689029455184937, 0.09364733844995499, -0.9336787462234497, 1.201758623123169, 0.527147650718689, -0.3546026945114136, -1.321120262145996, -1.4950562715530396, -0.13889193534851074, 0.8714191913604736, -1.1378785371780396, 0.3249008059501648, -0.36276108026504517, 0.45390528440475464, 0.6791628003120422, -0.6152589917182922, -1.126805305480957, 0.15015487372875214, -0.38766634464263916, 0.2939901351928711, 0.45536354184150696, -1.074905514717102, -0.5511868596076965, 0.011898649856448174, -1.1451849937438965, 0.7160576581954956, 0.00016605108976364136, -0.7758497595787048, -0.6324949264526367, 0.46900197863578796, -0.16264986991882324, -0.9157800078392029, 0.7960317730903625, -0.15209300816059113, -1.780694603919983, 1.5317314863204956, 1.7043678760528564, -0.6363164186477661, -0.9171478152275085, 0.719485878944397, -0.12423242628574371, 0.4356021285057068, 1.5398001670837402]} +{"paper_id": "clue", "embedding": [0.26148515939712524, 1.5263862609863281, 0.1332174688577652, -0.1730670928955078, 0.4291572570800781, 0.015718650072813034, 0.5871939063072205, 0.6159277558326721, 1.1578168869018555, 0.624049961566925, 0.667312502861023, -0.6328278183937073, -0.07536721974611282, -0.2645024061203003, -0.2928939163684845, -0.6900723576545715, -1.2194374799728394, -1.2632126808166504, -1.5975651741027832, -0.1806945502758026, -1.0957746505737305, -0.30937522649765015, -0.022119464352726936, 0.85933518409729, -0.18298298120498657, -0.7904431819915771, 0.862640917301178, -1.2394647598266602, 0.1523396521806717, 0.3819936215877533, -0.48382025957107544, 0.9735841751098633, -1.2232944965362549, 0.4382496178150177, -0.2538855969905853, -0.6483955383300781, 0.3780328631401062, 0.5828789472579956, -0.2350345253944397, -0.15736164152622223, -0.870465874671936, -0.1992461383342743, 0.7544944286346436, -0.2583233714103699, 0.92120760679245, -0.6302140951156616, -0.5649241805076599, 0.11926126480102539, -0.4016113877296448, -0.09439822286367416, -0.4784034192562103, -0.12596216797828674, -0.030146906152367592, 0.42812275886535645, -0.39837732911109924, 1.0048363208770752, 0.5820050239562988, -1.0421984195709229, 0.7154711484909058, -0.7472376823425293, 1.099689245223999, 1.842258095741272, -0.6802816987037659, 0.5048242211341858, 1.1048191785812378, 0.20735527575016022, 1.6486856937408447, 0.3279757499694824, -0.10586906969547272, 0.7582266330718994, -0.1532898247241974, -0.5232744812965393, 0.4853392541408539, 0.3249633014202118, 0.4637398421764374, 1.0881675481796265, -0.0782419741153717, 0.05079382285475731, 0.15579304099082947, -0.17103180289268494, -0.8708864450454712, 0.6516098380088806, 0.8506864905357361, -0.7252839803695679, 0.2201891392469406, 0.6980172991752625, 0.3794057071208954, -0.7452459335327148, 0.8286851644515991, -1.6910927295684814, -0.007896505296230316, 0.4442140460014343, -0.024359021335840225, 0.39100897312164307, -0.32602134346961975, 0.3454403877258301, 0.003928236663341522, -0.11196776479482651, -0.5068521499633789, 0.24376675486564636, 0.5249385833740234, -0.34117448329925537, 0.5520784258842468, -0.0972348228096962, 0.5109466314315796, 0.9693629145622253, -0.08063532412052155, -0.5137935876846313, -1.061551809310913, -0.7881307005882263, 0.685434877872467, 1.1350553035736084, -0.2891715466976166, 0.5976988077163696, 0.48811593651771545, 0.017886579036712646, 0.4521241784095764, -0.7723904848098755, -0.7482070922851562, 0.10681649297475815, -0.3294396698474884, -1.0167065858840942, -0.37222322821617126, -0.6632292866706848, 0.5900089144706726, -0.6912302374839783, 0.39321547746658325, -1.027765154838562, 0.7699941396713257, 0.2505430281162262, 0.6319162845611572, 0.10095855593681335, -0.5069379806518555, 0.06571036577224731, 3.0277099609375, -0.9000349044799805, 1.345775842666626, -0.6590867638587952, -0.10301602631807327, -0.3447617292404175, -0.04716585576534271, 1.7144346237182617, -0.07639630883932114, -0.8937192559242249, -0.36525630950927734, 0.2715887129306793, -0.9765278697013855, 0.5156351327896118, -1.180682897567749, -0.6262919306755066, -0.09184867143630981, 0.13716861605644226, -1.3923776149749756, -0.6735397577285767, 0.3734164237976074, 0.06268052756786346, 0.15504534542560577, 0.9058342576026917, -0.36448633670806885, 1.1593389511108398, 0.5002077221870422, -0.20076580345630646, -0.357448548078537, 0.5733398199081421, -1.3624272346496582, -0.2999853789806366, 0.9867305755615234, -0.47374698519706726, -0.28782644867897034, -0.4329085052013397, 0.8492025136947632, -0.3077332675457001, -0.028265051543712616, -0.3436569273471832, 0.1511702686548233, 0.5324575304985046, 0.7779313325881958, 0.614668071269989, 0.05619976669549942, -0.672221839427948, -0.0844808965921402, -0.9036535620689392, 0.09305628389120102, 0.6253948211669922, -0.3016304075717926, 0.9642753005027771, -2.452803373336792, -0.07753761112689972, 0.08475594222545624, 0.7357325553894043, -0.3021453022956848, -0.6214123368263245, 0.22150057554244995, 0.052395667880773544, 0.37272173166275024, -0.21822606027126312, 0.8124728798866272, -0.9919631481170654, -0.07361557334661484, 0.5805462598800659, 0.03713170811533928, -0.39313608407974243, -0.22339685261249542, 1.5295284986495972, 0.4405984878540039, -0.2936720550060272, -0.9262537360191345, -1.5821199417114258, -0.0666273757815361, 2.7083895206451416, 0.30316099524497986, -0.8407204747200012, -0.6587052941322327, -0.7455264925956726, -0.03361750394105911, -0.6636719107627869, 0.20241296291351318, -0.8354767560958862, -0.2903727889060974, -0.8744083046913147, 0.37908098101615906, -1.081558346748352, 0.05779694765806198, 0.8640249371528625, 0.9164890050888062, -0.15834558010101318, -0.4091408848762512, -0.02652629464864731, -0.2796841859817505, 0.18293894827365875, 0.7937282919883728, 0.12473475933074951, -0.6093375086784363, 0.6403223276138306, 0.021677717566490173, 0.6766456961631775, 1.2454830408096313, 0.4970054030418396, -0.471691370010376, 0.20208607614040375, -0.0003710128366947174, 1.0530160665512085, -0.2829972505569458, -0.5680387616157532, 0.12448759377002716, 0.3433186709880829, -0.38608765602111816, -0.4646362066268921, -0.3528464436531067, 0.005581125617027283, 1.3287627696990967, 1.174120306968689, -0.7231483459472656, 0.8033896088600159, -0.9790126085281372, 0.15406197309494019, -0.49220120906829834, -0.1336173266172409, -0.11605101823806763, -0.3491860032081604, 0.0322301872074604, -0.673005998134613, 0.024213939905166626, -0.6531314253807068, -0.041108086705207825, -1.4737625122070312, -0.9417567253112793, -0.06615061312913895, -0.7187505960464478, -1.5322736501693726, -0.27246230840682983, 0.26218390464782715, -1.236043930053711, -0.15226513147354126, 0.17125733196735382, 0.48856833577156067, 0.6734626293182373, 0.9202951192855835, 2.011227607727051, 0.09107029438018799, 0.6069265604019165, 0.18907053768634796, 0.7948175668716431, -0.7033650875091553, 0.7190976142883301, -0.10463380813598633, 0.1963120996952057, -0.6273297667503357, 0.25146543979644775, -1.0530340671539307, 0.27184054255485535, 1.1496479511260986, -0.1914193332195282, 0.443040132522583, -0.2443206012248993, -1.5966317653656006, 0.551209568977356, -0.9054584503173828, 0.7713075876235962, -0.8208178281784058, 1.802699327468872, 0.3412739932537079, -0.6065530776977539, 0.8555998206138611, -0.5890095233917236, -0.4680929183959961, 0.9183577299118042, -0.7213739156723022, 0.5334306359291077, 0.01384919136762619, -0.5196141600608826, 0.2254776656627655, 0.2009412944316864, -2.203258752822876, 0.4266250729560852, 1.1018867492675781, -0.029620936140418053, -0.37290042638778687, -0.7290176749229431, 0.3789619207382202, -0.6595830917358398, 0.16510507464408875, 0.7404515743255615, -1.2547073364257812, 0.6551746129989624, 0.17461711168289185, 0.08617087453603745, 0.35841646790504456, -0.2324947863817215, 0.7981484532356262, 0.9848265647888184, 0.6834672093391418, -0.7382785081863403, -0.259553998708725, 0.8702266216278076, -1.1546891927719116, 0.26491934061050415, 0.559398353099823, 0.762133002281189, 1.3511992692947388, -0.2395312786102295, -0.2140297144651413, 0.7809777855873108, 0.733390748500824, 0.14046654105186462, 0.42687007784843445, -0.1252116709947586, 0.3005002737045288, 0.37540295720100403, 1.0667243003845215, 0.07930907607078552, -0.7912070155143738, -0.8668875098228455, -0.45560696721076965, -0.08006537705659866, -0.46070659160614014, 1.769134759902954, 0.5723750591278076, 1.428101658821106, 0.11769179999828339, -0.036054179072380066, -0.20454002916812897, 0.06463991105556488, 1.0584598779678345, 0.5408170819282532, -0.16424189507961273, -0.1057707667350769, 0.32697412371635437, 0.9060388803482056, -0.07662243396043777, -0.4488069415092468, 0.07133213430643082, 0.7245990037918091, -0.36492598056793213, -1.3836219310760498, 0.3768905699253082, 0.8004351854324341, 0.8126773834228516, 1.7697341442108154, -0.9061830639839172, 0.09513112902641296, 0.42903339862823486, 0.6770729422569275, -0.000987926498055458, 0.0597115084528923, -0.05025390163064003, 0.5857642292976379, 0.6791552901268005, 1.4410127401351929, -0.18721625208854675, 1.162182331085205, 1.1756658554077148, -0.61838299036026, -1.1579149961471558, -0.5443511605262756, -1.3432376384735107, -0.4202909469604492, -0.11120963841676712, -0.1336585134267807, -0.7341310381889343, 0.5184085369110107, -0.38408583402633667, -0.8596896529197693, 0.6374068260192871, -0.6671647429466248, -1.4748973846435547, 1.1219995021820068, 1.2191238403320312, -0.7043173313140869, -0.3835574984550476, -0.26313334703445435, -0.6590701341629028, -1.0365716218948364, -0.13734303414821625, -1.3609089851379395, 0.15243414044380188, 0.08880528807640076, 1.4223982095718384, 0.6650651693344116, -0.2917405366897583, -0.9985647201538086, 0.5569204688072205, 1.4668747186660767, -1.167539358139038, 0.048500604927539825, -0.24743881821632385, 0.6639114618301392, -0.5927989482879639, -1.2128546237945557, -0.5902045965194702, 0.9578304886817932, 0.07743145525455475, -0.17317692935466766, -0.9383787512779236, -0.5214924216270447, 0.2246740758419037, 0.35320380330085754, 0.8589014410972595, -0.945030689239502, 0.08877425640821457, -0.4145886301994324, 0.5640080571174622, 0.7819626331329346, -1.0694183111190796, -0.3429836332798004, 1.1808805465698242, -0.1926513910293579, 0.6105135679244995, 0.6030102968215942, 0.8690962195396423, 1.0856170654296875, 0.34485548734664917, 0.13851819932460785, -0.3191707134246826, -10.72911262512207, -0.018269192427396774, -0.1338435858488083, -0.36699384450912476, 0.09964059293270111, -0.30202195048332214, 0.6637119650840759, 0.11333960294723511, 0.11111991852521896, -0.686504065990448, 0.6335192322731018, 1.297613501548767, 0.40901973843574524, -0.5861822366714478, -0.3908541798591614, -1.145286202430725, -0.8470795750617981, -0.5775100588798523, 0.4866245985031128, 0.7396540641784668, -0.7026397585868835, -1.0874334573745728, 0.2055581659078598, 0.3185518980026245, 0.4365595877170563, -0.08045782148838043, -0.1382957398891449, 0.2012287676334381, -0.3421184718608856, 0.0712403804063797, 0.2859387993812561, -0.12881991267204285, -1.123213291168213, -0.3753034770488739, 0.6457467079162598, -0.29720133543014526, -1.1526790857315063, -0.12148821353912354, 0.8264381289482117, 0.0048486823216080666, -0.7106419205665588, 0.15550312399864197, 0.34339848160743713, -0.49718979001045227, -0.2790878117084503, 0.39385902881622314, 0.34205618500709534, -1.0184913873672485, 0.2224351167678833, -0.8346589803695679, -0.6044586896896362, -0.6007657647132874, -1.459832787513733, -0.9427537322044373, 0.678257405757904, -0.2073858678340912, -0.3983141779899597, -0.3040983974933624, -0.032681871205568314, -0.849158763885498, 0.6233266592025757, 0.33081430196762085, -0.6293415427207947, 0.33316123485565186, 0.4823985993862152, -0.9656325578689575, 0.9253070950508118, 0.3562575876712799, 0.19929546117782593, 0.9689084887504578, -1.2386575937271118, 0.9012609124183655, 0.06666553765535355, 0.362638384103775, -0.42581355571746826, 0.00653490424156189, -0.45464032888412476, -0.190266951918602, 0.3504091203212738, -0.15666788816452026, -0.9048983454704285, 0.4450867474079132, 0.16594082117080688, -0.4344048798084259, -0.9979002475738525, 0.11958318948745728, -0.13732850551605225, 0.4722113609313965, 0.8587288856506348, -0.2994150221347809, 1.2469123601913452, -0.018394917249679565, -0.22717688977718353, 0.10269918292760849, -0.4326867163181305, 0.554986834526062, -0.8447272181510925, 1.0372240543365479, 0.3990803062915802, -0.5850515365600586, 0.2462744116783142, -0.58992600440979, -0.43898481130599976, -0.09873960167169571, 0.4650469720363617, 0.055382139980793, 0.2207370400428772, 0.19020652770996094, 0.11042545735836029, -0.6097570061683655, 1.0168393850326538, -0.0548558346927166, -0.514634907245636, 0.7946632504463196, 0.18752959370613098, 1.2983001470565796, 0.3523942232131958, 0.1435595154762268, 0.3945791721343994, 0.8198559284210205, -0.5033324956893921, 1.22257661819458, 0.48724374175071716, 1.7653707265853882, 0.016315322369337082, 0.2320123314857483, 0.8230483531951904, 0.4401565492153168, 0.16612575948238373, -1.699173927307129, 0.3875514566898346, -0.13214127719402313, -0.11549217998981476, -0.4601731300354004, 0.04540315642952919, -0.071196049451828, -1.605588436126709, 1.6464940309524536, -0.8167127370834351, 0.08473150432109833, -0.07334678620100021, -0.7499746680259705, -0.44761115312576294, -0.5547533631324768, -0.8481512069702148, 0.1314288079738617, -2.628004550933838, -0.381590336561203, -0.1666249930858612, -0.75262051820755, -0.09717997908592224, -0.109577476978302, 0.8286073803901672, -0.8017292618751526, -0.1014467403292656, -0.36702993512153625, 0.7897177934646606, -0.5609139204025269, -0.6429147720336914, -0.4805756211280823, 0.3894517123699188, 1.2170965671539307, -0.6908870935440063, 0.778984546661377, 0.4086194932460785, 0.1224745661020279, -0.6643921732902527, 0.2713700532913208, -0.1317245215177536, 0.6807703375816345, 1.3611292839050293, -1.1926852464675903, -0.19776590168476105, -0.5540735721588135, -0.2804671823978424, -0.7549476623535156, -0.4246280789375305, 1.5963979959487915, -0.9655364155769348, 0.32925868034362793, -0.49697548151016235, 0.7449480891227722, 0.6456104516983032, -0.7678014039993286, -0.511610746383667, 0.1213383898139, -0.22261226177215576, 0.6708778738975525, -0.09304957836866379, 0.4493708908557892, -1.5411734580993652, -1.332169771194458, -0.357343465089798, -0.13730914890766144, 0.09763512015342712, 0.1272597461938858, 0.624503493309021, 0.08066126704216003, 0.1266005039215088, 0.1831335723400116, -0.25716179609298706, 0.39362046122550964, 0.1969822198152542, 0.32693612575531006, -0.06130024045705795, -0.04250186309218407, -0.16147089004516602, 0.38690388202667236, 0.38902580738067627, 0.912689208984375, -1.391408920288086, -0.27991509437561035, 0.026567624881863594, -0.2446078211069107, 0.10570764541625977, -1.0886892080307007, -0.2074401080608368, 0.18490277230739594, -0.3001432418823242, -1.4535287618637085, -0.09228739887475967, 1.2219182252883911, -0.1796773225069046, 0.5398839116096497, 0.586123526096344, 0.11877898871898651, 0.3557736873626709, 0.4820716381072998, 1.6016055345535278, -0.329296350479126, -0.07884327322244644, -0.6251846551895142, 0.5318266153335571, -0.1466815173625946, -0.36645254492759705, -0.026707859709858894, -1.4314301013946533, -0.015276558697223663, -0.9120003581047058, 0.7855875492095947, -0.3781454563140869, 0.16644655168056488, 0.5273355841636658, 1.1198240518569946, -0.010475926101207733, -1.0608594417572021, -0.011704468168318272, -1.1593514680862427, -0.1233319491147995, 0.08754618465900421, 0.108456552028656, 0.7671871185302734, 0.6892275214195251, -0.10263453423976898, 1.7592846155166626, 0.006609596312046051, -0.1568160504102707, -0.6603924632072449, -0.072536900639534, 1.0917181968688965, 0.6722175478935242, 0.2765841782093048, 0.080856554210186, -0.8655909895896912, -0.8431808352470398, -0.10107412934303284, -1.0173670053482056, 1.2636899948120117, 0.8010061979293823, -0.01588061824440956, -0.02088870108127594, -0.8459509015083313, 0.37086737155914307, -0.19714829325675964, 0.5741103887557983, 0.5609958171844482, -0.030518319457769394, -0.8530281186103821, -1.1013684272766113, -0.48818981647491455, 1.1124857664108276, -0.5446431040763855, 0.08453395217657089, -0.9048345685005188, 0.3027396500110626, -0.29487910866737366, -0.15880680084228516, -0.6740480661392212, -0.27867764234542847, -0.48020339012145996, 0.3971141576766968, 1.3408159017562866, -0.7874892950057983, -0.6294840574264526, 0.2414562851190567, -0.7832257747650146, 0.566433846950531, 0.10729661583900452, -0.7174580097198486, -0.5526098012924194, 0.7111290097236633, -0.21820665895938873, -0.6747474670410156, 1.1006790399551392, 0.2736896276473999, -1.4709534645080566, 0.9098310470581055, 1.2689313888549805, -0.8327616453170776, -0.05884118378162384, 0.08898515999317169, 0.584410548210144, 0.39300718903541565, 1.6364367008209229]} +{"paper_id": "gsm8k", "embedding": [-0.2352612316608429, 1.4052543640136719, -0.5633979439735413, -0.3578025698661804, 0.2988300919532776, -0.6596212387084961, 0.40294599533081055, 0.8024861216545105, 0.18887776136398315, 0.7830094695091248, 0.17987346649169922, 0.5682751536369324, -0.27217310667037964, 0.08320899307727814, -0.09826025366783142, -0.9534729719161987, -1.4565244913101196, 0.17505048215389252, -2.435084819793701, -0.8417406678199768, -1.128989338874817, -0.23449473083019257, 0.733853280544281, 0.4992333948612213, -0.248500257730484, -1.2811872959136963, 1.1514465808868408, -1.332270860671997, 0.3520970940589905, 0.5846104025840759, -0.6485540270805359, 1.1026699542999268, -1.66862154006958, 0.311082661151886, -0.8115884065628052, -0.34817227721214294, -0.17048147320747375, 0.7698686122894287, -0.19452941417694092, 0.39053720235824585, -0.6029139757156372, 0.04324764013290405, -0.014456558972597122, -0.08800429105758667, 0.5851027369499207, -0.10600545257329941, 0.38630411028862, 0.4704061448574066, 0.3185752034187317, -0.11902336776256561, -1.1944892406463623, 0.5605383515357971, 0.11909358948469162, -0.18469202518463135, 0.05752941220998764, 1.1562459468841553, 1.2924522161483765, 0.10665883123874664, 0.9642976522445679, -1.4363824129104614, 1.2279504537582397, 1.0256035327911377, -0.16756607592105865, 0.0727652981877327, 0.6125479936599731, 0.6323339939117432, 1.3076171875, 0.2028316706418991, 0.12173584848642349, 0.21231652796268463, -0.05383443087339401, -0.5858964323997498, 0.22987419366836548, 0.5565269589424133, 1.0941457748413086, 0.6774098873138428, 0.3011072874069214, -0.1586458384990692, 0.7510784268379211, -0.6800635457038879, -1.1010793447494507, 0.16595695912837982, 0.6303404569625854, -0.19664743542671204, -0.09815894067287445, 0.05196266621351242, 0.25677186250686646, -0.5218684673309326, 0.815535306930542, -0.9763883948326111, 1.1560640335083008, 0.03197219967842102, 1.0236105918884277, 0.013174816966056824, -0.43771302700042725, 0.5013793110847473, -0.6203968524932861, -0.29657095670700073, -0.42482760548591614, 0.21622338891029358, 0.9985746741294861, -0.09289899468421936, 0.37800413370132446, 0.20200437307357788, -0.06050223857164383, 1.1129751205444336, 0.1792602837085724, -0.49900317192077637, -1.2204807996749878, -0.6394733190536499, 0.3507593274116516, 0.4685852527618408, 0.15437395870685577, 0.4178774058818817, -0.10325955599546432, 0.17323318123817444, 0.4980507791042328, -0.7447699308395386, -0.4863264858722687, -0.7136390209197998, 0.04487510025501251, -0.5072744488716125, -0.41447022557258606, -0.32119980454444885, 0.5617905855178833, -0.41107916831970215, 0.2847352921962738, 0.12499500066041946, -0.17153017222881317, 0.6543490886688232, 1.6727105379104614, 0.06405559182167053, -0.20340923964977264, 0.026425007730722427, 3.0101571083068848, -0.40436407923698425, 0.9978097081184387, -0.34692612290382385, 0.4352976381778717, -0.37723928689956665, 0.07903387397527695, 0.5887765884399414, 0.026450149714946747, -0.4182499945163727, -0.6065661907196045, 0.38258808851242065, -0.365884393453598, 0.05544988065958023, -1.5575580596923828, 0.14853166043758392, -0.605165958404541, 1.1504004001617432, -1.1091632843017578, -0.685016930103302, 0.5762115716934204, 0.21922433376312256, 0.102808877825737, 0.839167594909668, -0.815966010093689, -0.1301126480102539, 0.16906136274337769, -0.44461965560913086, -1.1818163394927979, 0.41791021823883057, 0.07654967904090881, -0.4155679941177368, 1.3048220872879028, -0.5247502326965332, -1.500364899635315, -0.5894099473953247, 0.5356435775756836, -0.10358532518148422, -0.49914872646331787, 0.4562605917453766, 0.16983866691589355, 0.6722381711006165, 0.06841177493333817, 0.4175378978252411, -0.26583632826805115, -0.671085000038147, 0.47716522216796875, -0.4843128025531769, -0.4985367953777313, 0.04419492930173874, -0.6199968457221985, 0.7990089654922485, -2.0851924419403076, -0.2441568225622177, -0.36270782351493835, 0.34060758352279663, 0.06923611462116241, 0.12469887733459473, 0.8164246082305908, 0.2047022134065628, 0.4290376305580139, -0.7491427063941956, -0.03056355193257332, -1.4734623432159424, 0.14139702916145325, 0.5709487199783325, -0.16639339923858643, 0.4828365445137024, 0.3466235399246216, 1.1757242679595947, 0.29407835006713867, -0.8040164113044739, -0.1700514554977417, -1.8567076921463013, -0.40421271324157715, 1.96879243850708, -0.4191116690635681, 0.7286815643310547, -0.23627451062202454, -0.5508524775505066, 0.06488669663667679, -0.7102992534637451, 0.28180360794067383, -0.2837688624858856, -0.48052358627319336, -1.3114852905273438, 0.04286494478583336, -1.240321397781372, 0.058993421494960785, 0.7305282354354858, 1.793655276298523, -0.5060736536979675, -0.1634962111711502, 0.6049503087997437, -1.058077096939087, 0.26875051856040955, 0.819833517074585, -0.015399380587041378, -0.012200050055980682, 0.629504919052124, 0.2167450487613678, 0.7126506567001343, 0.3567820191383362, 1.2050529718399048, -0.6294114589691162, 0.026917262002825737, 0.04510924965143204, 0.8743634223937988, -0.18389104306697845, 0.19502955675125122, -0.03129793703556061, 0.6042311787605286, -0.6256827116012573, -0.6772810816764832, -0.25262928009033203, -0.13712996244430542, 1.2464299201965332, 0.06664018332958221, -0.3400956988334656, 1.1391957998275757, -0.6035240292549133, 0.1607622504234314, -0.395662397146225, -0.49602824449539185, -0.5877906084060669, 0.009782403707504272, 0.1397789865732193, 0.6304287910461426, -0.20690442621707916, -0.5571808218955994, -0.4030388593673706, -1.9362952709197998, 0.19627660512924194, -0.884392261505127, -0.4732021689414978, -0.9601424932479858, -0.5737636089324951, -0.017901137471199036, -1.3164275884628296, -0.4678977131843567, 0.24750274419784546, 0.4743809401988983, -0.2932015359401703, 1.6770073175430298, 1.2745437622070312, -0.12886744737625122, 0.3486691117286682, 0.6426939964294434, 1.1434307098388672, -0.33898815512657166, 0.6770452857017517, 0.6929214596748352, 0.3032458424568176, -1.222902536392212, 0.2529584765434265, -1.1699916124343872, -0.21282827854156494, 0.56263267993927, -0.1691584289073944, 0.1558622270822525, -0.10093110799789429, -1.083520770072937, 0.9768729209899902, 0.22303292155265808, 0.7498339414596558, -0.4925021529197693, 2.0453529357910156, 0.8506740927696228, -0.11379134654998779, 0.753519594669342, -0.3448600471019745, -0.14811116456985474, 0.8011461496353149, -1.1170836687088013, 0.3371855318546295, -0.8885723948478699, -0.3042154312133789, 0.9790183901786804, 0.6085584163665771, -1.8682047128677368, 1.2298784255981445, 1.0662574768066406, 0.13671335577964783, -0.4258854389190674, 0.07966622710227966, -0.5364717841148376, -1.0928155183792114, 0.8523155450820923, 0.4515487253665924, -0.8906528353691101, 0.25546666979789734, -0.3930458128452301, 0.13520467281341553, 0.9683131575584412, -1.0189828872680664, 0.5044213533401489, 0.9123642444610596, 0.4499386250972748, -1.0990498065948486, -0.7720417976379395, 0.08319669216871262, -0.22534406185150146, -0.010876338928937912, 0.01619131863117218, 0.6281786561012268, 1.5118763446807861, -0.10149914771318436, -0.39551058411598206, 0.7596817016601562, 1.3414850234985352, 0.286093145608902, 0.3328835666179657, -1.4288363456726074, -0.3281190097332001, -0.517788290977478, 1.1371657848358154, -0.28259173035621643, -0.7632492780685425, -0.7936830520629883, -0.8333276510238647, -0.7753220796585083, -0.7627515196800232, 0.7836621999740601, 0.03050154820084572, 1.0206656455993652, -0.23848235607147217, 0.7901531457901001, -0.40765437483787537, -0.22799716889858246, -0.03739403188228607, 0.44567227363586426, 0.5411074757575989, -0.594191312789917, 0.42016512155532837, -0.16661299765110016, 0.2072920799255371, -0.46713995933532715, 0.48720160126686096, 0.6446428298950195, -0.5740401148796082, -1.133440375328064, 1.2394134998321533, 1.0112218856811523, 1.2025455236434937, 1.2891894578933716, -0.5819790959358215, -0.08291861414909363, 0.007523592561483383, -0.1368200182914734, -0.4238390326499939, 0.4245343804359436, -0.27469193935394287, 0.17007246613502502, 0.39629215002059937, 0.48918718099594116, 0.162638857960701, 0.669205904006958, 1.323617696762085, -1.243037462234497, -1.9373968839645386, 0.005642630159854889, -0.5733223557472229, -0.44567209482192993, -0.6183965802192688, -0.3822334408760071, -0.5402316451072693, 0.4798911511898041, -0.043747834861278534, -1.4522770643234253, -0.06146709993481636, -0.02410692162811756, -1.1717629432678223, 1.064651608467102, 0.9210245609283447, -0.62276691198349, 0.12727421522140503, 0.14618714153766632, -1.0744749307632446, -0.16413363814353943, -0.35406792163848877, -0.16814300417900085, 0.3462904095649719, 0.6815826892852783, 0.8216286301612854, -0.26286935806274414, 0.21129052340984344, -1.04903244972229, 0.852380633354187, 1.2456094026565552, -1.1942452192306519, 0.6356921195983887, -0.23440805077552795, 0.38398027420043945, 0.1986289918422699, -0.9959878325462341, -0.46631789207458496, 1.4285855293273926, -0.48266151547431946, -0.08560448884963989, -1.1476976871490479, -0.6133413314819336, 0.5411290526390076, 0.27981531620025635, 0.38075464963912964, -0.7597412467002869, -0.003061682917177677, 0.14361369609832764, 0.02502925880253315, 1.1730470657348633, -0.5678749680519104, 0.08706332743167877, 0.9855862855911255, -0.45758283138275146, 0.21933220326900482, 0.3919471204280853, 0.23279547691345215, 0.9741884469985962, 0.03046097606420517, -0.4958038926124573, -0.1970873475074768, -11.138039588928223, 0.34344303607940674, 0.002916238270699978, 0.1227806955575943, 0.6628322005271912, -0.3982808291912079, 0.23404812812805176, 0.23466292023658752, -0.20663774013519287, -0.8921140432357788, 0.11669783294200897, 1.5388014316558838, 0.5102471709251404, 0.09649716317653656, -0.5155425667762756, -0.6585319638252258, 0.1588742882013321, -0.9045893549919128, 0.6824056506156921, 0.38035649061203003, -0.38351812958717346, -1.2093201875686646, -0.18207323551177979, -0.42410942912101746, 0.5147746205329895, -0.5432197451591492, -0.16646254062652588, -0.12596963346004486, -0.12990809977054596, 0.6850559711456299, 0.34388262033462524, 0.39408525824546814, -0.5111430883407593, -0.8531035780906677, -0.1864430010318756, -0.37667882442474365, -0.8604530692100525, 0.3532971143722534, 0.7033045887947083, -0.5002650022506714, -1.0792224407196045, 1.0890637636184692, -0.38236337900161743, -0.629540741443634, -0.8390324115753174, 0.3563530445098877, 0.6407785415649414, -1.2553904056549072, 0.09864228963851929, -0.21314561367034912, -0.10191819071769714, -0.8999524712562561, -0.41352394223213196, -0.7875522375106812, 0.9000495672225952, 0.4460977613925934, -0.32944074273109436, -0.3512214124202728, -0.7421514987945557, -0.734947919845581, -0.03354378789663315, 0.5943799018859863, -0.7706506252288818, 0.39384639263153076, 0.37586092948913574, -0.46620047092437744, 0.021132227033376694, 0.7986652255058289, -0.4820510745048523, 0.11346481740474701, -1.292059302330017, 1.3701533079147339, -0.05987156182527542, 0.38806992769241333, -0.5930470824241638, -0.04457920789718628, -0.018292447552084923, -0.12000644207000732, 0.014845358207821846, -0.15931819379329681, -1.7976748943328857, 0.21074242889881134, 0.3508133292198181, -0.5394992828369141, -1.2388783693313599, 0.5582301616668701, -0.11392999440431595, 0.4289490282535553, 0.8233973979949951, 0.2131510078907013, 1.47972571849823, 0.40963882207870483, -0.19344905018806458, -0.6941302418708801, 0.08464744687080383, 0.684940755367279, -0.36848169565200806, 0.4657610058784485, 0.20404765009880066, -1.4327263832092285, 0.7257978916168213, -0.9179037809371948, -0.4640420079231262, 0.224985733628273, 0.30589064955711365, 0.4482877850532532, 0.15782606601715088, 0.18469658493995667, 0.22343431413173676, -0.61299067735672, 0.1509629786014557, -0.31168514490127563, 0.07431212067604065, 1.1652023792266846, -0.910142183303833, 1.0978895425796509, 1.0854259729385376, 0.5567473769187927, 0.2367931306362152, 0.5332701206207275, -0.17091229557991028, 0.862870991230011, 0.40557584166526794, 1.902367115020752, -0.20483288168907166, 0.27462640404701233, 0.7408835291862488, 0.41170838475227356, -0.010976126417517662, -0.8546845316886902, 0.736149787902832, 0.05492257699370384, 0.06700066477060318, -0.29485073685646057, 0.029629994183778763, -0.25383493304252625, -1.0776268243789673, 1.4176260232925415, -0.07433336973190308, 0.08046131581068039, 0.02121596783399582, 0.017574068158864975, 0.07260939478874207, -0.9102033972740173, -1.4966161251068115, 0.667304515838623, -1.8885812759399414, -0.038420941680669785, -0.6033065915107727, -0.5794367790222168, 0.04614926129579544, -0.6295017004013062, 0.8384624719619751, -0.7664973139762878, 0.06626801192760468, -0.5486096739768982, 1.0501419305801392, -0.3183734118938446, -0.23106902837753296, -0.13701456785202026, -0.005958616733551025, 0.3118993639945984, 0.10898761451244354, 1.3054519891738892, -0.08030624687671661, -0.3342241048812866, 0.07195965200662613, -0.2315605729818344, -0.46951305866241455, 0.093898244202137, 0.8051123023033142, -0.6925692558288574, -0.31240350008010864, -0.5111803412437439, 0.8129712343215942, -0.6346214413642883, 0.07025691121816635, 1.2936279773712158, -0.34743455052375793, 0.07532232254743576, 0.36796292662620544, 0.9551400542259216, 0.8318455219268799, -1.6235206127166748, -0.8736059665679932, -0.17555168271064758, 0.5850058794021606, 0.5423415303230286, 0.19738148152828217, 0.5221490263938904, -1.1832195520401, -1.549710750579834, -0.42269647121429443, -0.3752327859401703, 0.1871081292629242, -0.1822223961353302, 1.3391965627670288, 0.9189452528953552, 0.4511641561985016, 0.2893221974372864, 0.45835328102111816, 1.036345362663269, -0.23525987565517426, -0.7095972299575806, 0.12595753371715546, 0.9848601818084717, -0.5909979939460754, 0.17433932423591614, 0.6109212636947632, 1.3285008668899536, -0.2531367242336273, 0.5051137208938599, 0.03261363506317139, -0.07950346171855927, 0.2501436471939087, -1.3003602027893066, -0.8092770576477051, -1.0233322381973267, -0.3978779911994934, -1.0970569849014282, 0.5663642287254333, 0.3024616241455078, 0.12293671071529388, 0.6929441094398499, 0.5957594513893127, 0.4429587423801422, 0.7859458327293396, 0.8099833130836487, 1.2196722030639648, -0.19388297200202942, -0.26287123560905457, 0.041391827166080475, 0.6387226581573486, -0.4805630147457123, 0.14011609554290771, -0.469113826751709, -1.1102157831192017, -0.016487210988998413, 0.1299791783094406, 1.4489389657974243, -0.554725706577301, 0.5729053616523743, 0.2880346477031708, 0.8897224068641663, 0.03458767384290695, -1.452730417251587, 0.40606942772865295, -0.9848212599754333, -0.6761094331741333, -0.38981571793556213, 0.11234575510025024, 0.3585052192211151, 0.7497168779373169, 0.012950122356414795, 0.7044596076011658, 0.01865479350090027, 0.2336196005344391, -0.4080635607242584, 0.02991849184036255, 1.395613670349121, 0.4088501036167145, 0.2938578426837921, 0.537163496017456, -0.10435514897108078, -0.7779724597930908, -0.3491334319114685, -0.9734293222427368, 1.260162353515625, 0.5235181450843811, 0.1479373723268509, -0.5177096128463745, -0.09497743099927902, 0.33921751379966736, -0.6120614409446716, 0.2050929218530655, 0.23425768315792084, -0.2950383424758911, -0.9147225618362427, -0.8156222105026245, 0.2379356175661087, 0.9913704991340637, 0.023283954709768295, 0.4131706953048706, 0.07600311189889908, 0.1427646279335022, -0.5987502336502075, -0.23018863797187805, -0.657656729221344, 0.3752874433994293, -0.7370946407318115, 0.07483631372451782, 0.22050248086452484, -0.6851420402526855, -0.7361068725585938, 0.3954731523990631, -1.5625531673431396, 0.4747917056083679, -0.379446804523468, -0.8214026093482971, -0.08462654054164886, 0.4134044349193573, 0.2667189836502075, -0.010635387152433395, 0.17887911200523376, -0.31406015157699585, -1.4780337810516357, 0.6535975933074951, 0.3496662378311157, -1.2300846576690674, -0.1820078343153, -0.042150311172008514, 0.5377928018569946, -0.2742825150489807, 1.438220739364624]} +{"paper_id": "squad_kor_v1", "embedding": [-0.36372119188308716, 1.0428147315979004, -0.028872013092041016, -0.17894507944583893, 0.646053671836853, -0.2152547985315323, 0.14526531100273132, 0.5746206641197205, 0.9272118806838989, 0.43667659163475037, 0.6726840138435364, -0.2671414315700531, 0.1280837506055832, 0.4139457046985626, -0.2056974321603775, -0.43650221824645996, -1.0459544658660889, -0.9683976173400879, -1.662575125694275, -0.3608574867248535, -1.0681177377700806, -0.835140585899353, 0.2577325999736786, 1.6181237697601318, -0.7207990884780884, -1.2962826490402222, 0.7048019766807556, -1.2210326194763184, 0.42394474148750305, -0.10286403447389603, -0.09840709716081619, 0.7883589863777161, -1.1557385921478271, 0.6193885207176208, 0.0999503955245018, -0.4804214835166931, 0.5357093214988708, 1.0726603269577026, -0.2089313566684723, -0.3969832956790924, -0.7222411632537842, 0.3000331521034241, 0.7714751362800598, -0.11320768296718597, 0.9816766977310181, -0.48768720030784607, 0.2749088704586029, -0.408143013715744, -0.531885027885437, -0.4166165292263031, -0.4713440537452698, 0.3753943145275116, -0.2313116490840912, 0.537664532661438, -0.26295801997184753, 0.9127568006515503, -0.09921452403068542, -0.4056797921657562, 0.4718697965145111, -0.730421781539917, 1.6742753982543945, 1.6700986623764038, 0.2583887577056885, 0.4607991874217987, 1.7013667821884155, -0.11680625379085541, 1.8054625988006592, -0.12251684814691544, 0.05736619979143143, 0.8013055324554443, -0.36588171124458313, -0.32150715589523315, 0.5372292995452881, -0.3276025950908661, 0.1240709125995636, 1.170442819595337, 0.6212782859802246, 0.231549471616745, -0.44559594988822937, -0.11001547425985336, -0.5976141095161438, 0.27574533224105835, 1.3466399908065796, -0.43554550409317017, 0.1723104566335678, 1.0615772008895874, 0.47607067227363586, -0.5850837230682373, 0.814815104007721, -2.125427722930908, 0.49592500925064087, 0.6664780378341675, -0.259865939617157, 0.12753039598464966, 0.07454243302345276, 0.7134069800376892, -0.7415125966072083, 0.11912352591753006, 0.15934233367443085, -0.01415779534727335, 0.775719165802002, -0.1813070923089981, 0.3294368088245392, -0.3787934184074402, 0.09496752172708511, 0.18841888010501862, 0.5109144449234009, 0.332145631313324, -0.7200178503990173, -0.8939897418022156, 0.5135428309440613, 0.7074152231216431, -0.08257754892110825, 0.6008344888687134, 0.007241599261760712, 0.37883564829826355, 0.23710897564888, -1.202152132987976, -0.12375196069478989, 0.551759660243988, -0.3269869387149811, -1.0969582796096802, -0.4195230007171631, -0.42568713426589966, 0.4042527675628662, -0.533950924873352, -0.2521839439868927, -0.7724298238754272, -0.13187819719314575, 0.1601676493883133, 0.6024061441421509, -0.34495609998703003, -0.9041000604629517, -0.17858827114105225, 2.9848644733428955, -1.4392104148864746, 1.605078935623169, -0.7218645215034485, -0.38164788484573364, -0.4090996980667114, -0.6283016204833984, 1.4108659029006958, -0.5223262310028076, -0.7942067980766296, -0.3756895065307617, 0.3045665919780731, -0.7240601181983948, 0.23825787007808685, -0.7353668212890625, -0.8123377561569214, 0.12637940049171448, -0.1969529092311859, -1.9562417268753052, -0.49791863560676575, -0.027630098164081573, 0.07135146111249924, 0.030173422768712044, 0.5582043528556824, -0.32432886958122253, 1.1031088829040527, 0.2781055271625519, -0.020859532058238983, -0.08170585334300995, 0.9216625690460205, -1.0399188995361328, -0.49591028690338135, 0.37164607644081116, -0.1795683205127716, -0.46504124999046326, 0.2567196786403656, 0.3126792013645172, -0.29401320219039917, -0.21745485067367554, -0.01500282809138298, -0.1745595633983612, 0.3167061507701874, 0.789345920085907, 0.7415347695350647, 0.25444838404655457, -0.8817362785339355, -0.10913492739200592, -0.7085846066474915, 0.1252618134021759, 0.843048095703125, -0.029176441952586174, 1.158339500427246, -2.649935007095337, -0.06723740696907043, -0.7175551652908325, 1.351554036140442, -0.11630816757678986, 0.24511821568012238, 0.04873032495379448, -0.1849636435508728, 0.3654772639274597, -0.7303896546363831, 0.4918665587902069, -1.1982401609420776, 0.4731561541557312, 0.2511299252510071, -0.23971575498580933, -0.008363171480596066, 0.2133098840713501, 0.7676039338111877, 0.7157202959060669, -0.4746246933937073, -1.1511523723602295, -2.2240023612976074, -0.2703832983970642, 2.156968593597412, 0.15415120124816895, -0.32406261563301086, -0.573319137096405, -0.2783321738243103, 0.09802920371294022, -0.022861825302243233, -0.054474808275699615, -0.3933471143245697, 0.4056239128112793, -0.4085812568664551, 0.416991263628006, -0.5639339685440063, 0.08944626897573471, 1.1361181735992432, 1.2398980855941772, -0.09114165604114532, -0.5609700679779053, -0.5492984056472778, -0.5250803828239441, 0.3971148431301117, 0.5170187950134277, 0.11949681490659714, -0.4223985970020294, 0.6891999244689941, 0.41657131910324097, 1.5058090686798096, 0.8932077288627625, 0.31933411955833435, -0.5752298831939697, -0.09485216438770294, -0.6031928062438965, 1.9642482995986938, -0.0905689150094986, -0.17053008079528809, 0.21102775633335114, -0.09631562232971191, -0.09984363615512848, -0.06640677154064178, -0.3387642502784729, -0.30676233768463135, 1.212038278579712, 0.566972553730011, -0.49482807517051697, 0.9265073537826538, -0.7134448289871216, -0.37129831314086914, -0.2592451572418213, -0.38837379217147827, -0.061697132885456085, -0.26245585083961487, 0.6208884716033936, -0.8662185668945312, -0.21890293061733246, -0.1404951512813568, -0.0017008334398269653, -1.4625334739685059, -0.4814957082271576, 0.1646917462348938, -0.7295402884483337, -1.241153597831726, -0.10908801853656769, -0.19459815323352814, -1.3609733581542969, -0.06054948642849922, 0.6011955142021179, 0.15050853788852692, 0.2215399146080017, 0.7304822206497192, 1.6417874097824097, -0.07476809620857239, 0.5863373875617981, 0.20628882944583893, 0.9392169117927551, -0.989875853061676, 0.7848399877548218, -0.33945322036743164, 0.27821850776672363, -0.8573498725891113, 0.35433530807495117, -0.45158231258392334, 0.18905678391456604, 1.0841838121414185, -0.4889777898788452, 1.0120856761932373, -0.3187330961227417, -1.3982017040252686, 0.7041773200035095, -0.4222576320171356, -0.0017785988748073578, -0.5108482241630554, 2.12504506111145, -0.34895873069763184, -0.5929702520370483, 0.7515948414802551, -0.5195940136909485, -0.5160802006721497, 0.7379202246665955, 0.06191839277744293, 0.17328277230262756, 0.19648392498493195, -0.3221452534198761, -0.13246236741542816, 0.5636224746704102, -1.8350419998168945, 1.16148042678833, 1.2009996175765991, -0.6758863925933838, -0.19336077570915222, -1.267966628074646, 0.5704679489135742, -0.6422795653343201, 0.1849079579114914, 1.2434724569320679, -0.5175528526306152, 0.4207192063331604, -0.3765299618244171, -0.15112975239753723, 1.1101601123809814, -0.08839627355337143, 0.5464794039726257, 0.5650330185890198, 0.2018880844116211, -0.8382792472839355, -0.6604010462760925, 1.4942623376846313, -0.7697009444236755, -0.05823049694299698, 0.19242382049560547, 0.4223800599575043, 1.1150765419006348, -0.08157377690076828, -0.24168086051940918, 0.5051907300949097, 0.6429458856582642, 0.3019067645072937, 0.014798603020608425, -0.31550151109695435, 0.4430418014526367, -0.36610352993011475, 1.2848222255706787, -0.3408910632133484, -0.656825840473175, -1.0705074071884155, -0.22495980560779572, 0.24948085844516754, -0.08814437687397003, 2.0409998893737793, 0.34810182452201843, 1.3433845043182373, 0.2967982590198517, -0.0737362876534462, -0.3259073793888092, -0.48983538150787354, 1.1627589464187622, 0.3861493468284607, -0.09639810025691986, -0.8169922828674316, 0.06850293278694153, 0.5939226746559143, 0.28254514932632446, -0.7598846554756165, 0.47436803579330444, 0.9976346492767334, -0.18763503432273865, -1.2779370546340942, 0.7665612101554871, 1.0284812450408936, 0.05580178648233414, 1.2857072353363037, -0.4321766197681427, 0.374586284160614, 0.12808895111083984, -0.34234970808029175, 0.06830611079931259, 0.2815680503845215, 0.02994384616613388, 1.4207563400268555, 0.6629854440689087, 0.8285859227180481, 0.05889745056629181, 0.9496301412582397, 1.6926181316375732, -0.4753895103931427, -1.2435667514801025, -0.26755279302597046, -0.963346004486084, -0.24912475049495697, 0.40159735083580017, 0.3706972301006317, -0.8406515121459961, 0.19742733240127563, 0.13857519626617432, -0.8879058361053467, 0.6597539186477661, -0.5197098851203918, -1.4840298891067505, 0.9460909366607666, 0.7375093698501587, -0.7481285333633423, -0.4239325225353241, -0.6806097030639648, -1.1349791288375854, 0.006514937616884708, -0.020452970638871193, -1.360590934753418, 0.4777740240097046, 0.4021029472351074, 1.0632127523422241, 0.5864084959030151, 0.11785878241062164, -1.375604510307312, 0.9510998129844666, 1.133334994316101, -1.1498641967773438, 0.6173882484436035, 0.18864117562770844, 0.636115550994873, -0.33784356713294983, -1.4749908447265625, -0.7205103039741516, 1.041587233543396, 0.08697099983692169, 0.18093296885490417, -1.291664719581604, -0.5138107538223267, 1.0644670724868774, 0.7216956615447998, 0.7645979523658752, -0.5697429776191711, 0.008988941088318825, -1.1847600936889648, 0.27850133180618286, 0.7332319021224976, -1.2098654508590698, -0.5739891529083252, 0.8210575580596924, -0.19935907423496246, 1.1032990217208862, -0.46310535073280334, 0.36704444885253906, 1.5434894561767578, -0.4517526626586914, -0.22246219217777252, -0.40816283226013184, -10.539520263671875, 0.7820968627929688, -0.29360368847846985, 0.09029616415500641, 0.35649657249450684, -0.0029820799827575684, 0.8582934737205505, -0.3375423550605774, 0.8107941746711731, -0.810703694820404, 0.23406001925468445, 1.6375921964645386, 0.40575775504112244, -0.1617060899734497, -0.7357646226882935, -1.0880708694458008, -0.8780243992805481, -0.9228761792182922, 0.1812654286623001, 0.08227773755788803, -0.7295850515365601, -0.5109024047851562, -0.04720715433359146, 0.19138087332248688, 0.07463327050209045, 0.2049238681793213, -0.7590987086296082, 0.02138497680425644, -0.41456902027130127, 0.010841839015483856, 0.31923356652259827, -0.37215933203697205, -0.375310480594635, -0.2416917383670807, -0.016127556562423706, -0.419757217168808, -0.9387809038162231, -0.10062799602746964, 0.9017706513404846, -1.081992268562317, -0.4648347496986389, 0.18010172247886658, 1.0059460401535034, -0.08176206052303314, -0.14842931926250458, 0.5331529378890991, 0.537106990814209, -0.9929424524307251, 0.3507915139198303, -0.2766612470149994, -1.1177316904067993, -0.4127384126186371, -0.9474753141403198, -0.38819199800491333, 0.006850852631032467, 0.4002353847026825, -0.9832102060317993, -0.48978352546691895, -0.35530605912208557, -1.019865870475769, 0.7768669724464417, 0.005108335986733437, -0.21251142024993896, 0.5085704326629639, 0.36070454120635986, -0.3534080684185028, 0.0832386314868927, -0.049279555678367615, -0.03896528482437134, 0.442708283662796, -0.7285851240158081, 1.2321908473968506, -0.32429155707359314, 0.5248380899429321, -0.8870711326599121, -0.20039862394332886, -1.0640381574630737, -0.12569944560527802, 0.7506768107414246, -0.1996661126613617, -1.4943535327911377, 0.9473319053649902, 0.695074737071991, -0.33575788140296936, -0.8236426115036011, 0.5853211879730225, -0.09204430133104324, 0.4304853081703186, 0.5151160955429077, -1.3103502988815308, 1.7857660055160522, 0.1406657099723816, -0.4422469139099121, 0.103040911257267, -0.6262355446815491, 0.7526055574417114, -0.19527456164360046, 1.0181024074554443, 0.3075711727142334, -0.6491444706916809, -0.0150972381234169, -0.1422293484210968, -0.6646946668624878, 0.022980760782957077, 0.7489491105079651, 0.1131722554564476, 0.4137302041053772, 0.4063589870929718, -0.07728023827075958, -0.5808310508728027, 1.0445793867111206, 0.7437297105789185, -0.13744676113128662, 0.9677799344062805, -0.14762403070926666, 1.2568678855895996, 0.4104720652103424, 0.2999228537082672, -0.07451328635215759, 0.9314200282096863, -0.7534884214401245, 0.9546198844909668, 0.4376967251300812, 1.6459883451461792, -0.2169082909822464, 0.10420882701873779, 0.5505908727645874, 0.07589126378297806, 0.04914190620183945, -1.1291946172714233, 0.28037405014038086, -0.14761288464069366, 0.19349154829978943, -0.940313994884491, -0.38217511773109436, 0.20040631294250488, -0.6037265062332153, 1.7297836542129517, -0.8894727826118469, -0.14042654633522034, -0.4960815906524658, -0.4651959240436554, -0.5800206661224365, -1.2268610000610352, -0.9703527688980103, 0.355469286441803, -1.2658896446228027, 0.10243858397006989, -0.07137870043516159, -0.8919469714164734, -0.4252983331680298, -0.4436313509941101, 0.5791292786598206, -0.28530970215797424, -0.6666369438171387, -0.768582820892334, 0.4549800753593445, -0.5252429246902466, -1.1280320882797241, -0.07394187897443771, 0.18473312258720398, 0.7898569107055664, -1.2065876722335815, 1.1430976390838623, 0.4725019037723541, -0.6621512770652771, -0.7321333289146423, 0.7287904024124146, -1.0458910465240479, 1.0241408348083496, 0.6775877475738525, -1.0670113563537598, -0.47366032004356384, -0.6187582015991211, -0.34192708134651184, -0.7911624908447266, 0.2702319622039795, 1.3643854856491089, -1.4799396991729736, -0.31000643968582153, -0.502440333366394, 0.8986967206001282, 0.17767710983753204, -0.45270273089408875, -0.25526905059814453, 0.6252559423446655, -0.569875955581665, 0.7230460047721863, 0.3512158989906311, 0.8533856868743896, -1.3279366493225098, -1.5385639667510986, -0.26840344071388245, -0.3206377327442169, 0.4288821816444397, 0.3638242185115814, 0.7394049763679504, 0.6072179079055786, -0.7515586614608765, -0.2964753210544586, -0.11666259169578552, 0.16783690452575684, 0.2702297568321228, 0.5127918124198914, -0.4193583130836487, 0.3876730501651764, -0.2074008285999298, -0.004984591156244278, 0.6865169405937195, 0.9428682923316956, -1.1724551916122437, -0.15183551609516144, 0.03113843873143196, -0.08249248564243317, 0.06269028782844543, -1.3378825187683105, -0.07154116034507751, -0.0928218737244606, -0.7078262567520142, -1.5894296169281006, -0.2751440405845642, 1.2956798076629639, -0.301177442073822, 0.5589846968650818, 0.4639894366264343, 0.3741130232810974, 0.7613636255264282, 0.3669956922531128, 1.0050489902496338, -0.07507914304733276, 0.11955143511295319, 0.08266713470220566, 0.781151294708252, -0.0971580296754837, -0.02710648626089096, -1.0710264444351196, -0.345223605632782, 0.3439629375934601, -0.2732235789299011, 1.153181552886963, -0.24471138417720795, 0.2866390347480774, 0.8627870082855225, 0.8127166628837585, 0.49263375997543335, -1.7885180711746216, -0.1556258648633957, -1.4061144590377808, 0.20530299842357635, 0.7243736386299133, 0.07217799127101898, 0.23473985493183136, 0.6759663224220276, -0.6267009973526001, 1.626645565032959, -0.822957456111908, 0.022350706160068512, -0.022502273321151733, -0.37026888132095337, 0.19546860456466675, 0.6935816407203674, 0.6952428221702576, 0.3238737881183624, -0.5616285800933838, -0.7174680233001709, -0.023094315081834793, -0.8374406099319458, 1.0867559909820557, 0.5948737263679504, -0.4046382009983063, 0.03409884124994278, -0.6929475665092468, 1.3905895948410034, -0.30939629673957825, 1.2459534406661987, -0.04685984551906586, -0.09839779883623123, -0.1474931687116623, -0.9104573130607605, -0.16895130276679993, 0.744529664516449, -0.12525449693202972, -0.08066967129707336, 0.09157498180866241, 0.49408644437789917, 0.482621431350708, -0.4494224488735199, -0.9296863079071045, -0.3019983470439911, -0.973926305770874, 0.18175244331359863, 0.6594507694244385, -0.8120623826980591, -1.0047986507415771, 0.004318471997976303, -0.8505892753601074, 0.14770685136318207, 0.6245986223220825, -0.2257561981678009, -0.4408157169818878, 0.5536250472068787, -0.8160823583602905, 0.23915740847587585, 0.41028892993927, -0.034974224865436554, -1.803763508796692, 0.6211211681365967, 1.0939816236495972, -0.7413482666015625, -0.37411054968833923, -0.007671281695365906, 0.6520663499832153, 0.13969790935516357, 0.9791950583457947]} +{"paper_id": "cifar10", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "multi_woz_v22", "embedding": [-0.5924476385116577, 0.7238644361495972, -0.089234858751297, -0.2877521514892578, 0.830145537853241, 0.5132948160171509, 0.8097712993621826, 0.4007827341556549, 0.59348064661026, 0.5250699520111084, -0.10235574096441269, -0.34852296113967896, -0.037404000759124756, -0.6031833291053772, -0.23930522799491882, -0.3703252375125885, -1.2018829584121704, -0.7576172947883606, -0.811755359172821, -0.07167288661003113, -0.910446047782898, 0.032052017748355865, -0.11791996657848358, 0.9029685258865356, -0.6366661787033081, -0.7194740772247314, 0.8976143002510071, -0.7755059003829956, 0.4198189079761505, 0.023473426699638367, -0.20476770401000977, 1.8607854843139648, -1.1529293060302734, -0.1087852418422699, -0.4245836138725281, -0.22317539155483246, 0.2501625716686249, 1.0394951105117798, -0.5124348998069763, 0.1717187762260437, -0.9625900983810425, 0.36176058650016785, -0.2639581561088562, 0.938324511051178, 0.7553302049636841, 0.10472480207681656, 0.12669862806797028, 0.13932156562805176, -0.41680997610092163, -0.40552812814712524, -0.7778633832931519, 0.7587667107582092, -0.0068305861204862595, 0.31419938802719116, -0.5319658517837524, 0.6650651097297668, 0.05585306137800217, -0.5262312889099121, 0.3290307819843292, -1.1447778940200806, 1.5327626466751099, 1.0871087312698364, -0.06741403788328171, 0.28868621587753296, 1.2739170789718628, 0.06691920757293701, 1.4756979942321777, -0.15153811872005463, 0.46935170888900757, 0.5657688975334167, -0.22076289355754852, -1.0249996185302734, 0.4698050320148468, -0.12457549571990967, -0.022687256336212158, 1.0568549633026123, 0.8759075403213501, 0.6152374744415283, -0.026845283806324005, -0.0370263010263443, 0.776871383190155, 0.890723705291748, 0.6589083671569824, -0.08265912532806396, 0.651931881904602, 0.12225878983736038, 0.5615456104278564, -0.8642779588699341, 0.45172935724258423, -2.02571177482605, 0.7377109527587891, -0.010552736930549145, 0.31936487555503845, 0.03064967691898346, -0.4322362542152405, 0.2951841950416565, -0.47855985164642334, 0.07393276691436768, -0.47426313161849976, 0.34737831354141235, 1.026337742805481, -0.47369644045829773, 0.2075335830450058, -0.5375345945358276, -0.2501470446586609, 0.4777570366859436, 0.47843003273010254, 0.03224368393421173, -0.28334537148475647, -0.45240533351898193, -0.12217989563941956, 1.24177885055542, -0.026918485760688782, 1.1966328620910645, 0.2717297375202179, 0.5615779757499695, 0.17049214243888855, -0.9363481998443604, -0.35669147968292236, 0.16496405005455017, -0.11546815931797028, -0.18727059662342072, 0.0441790334880352, -0.2754955291748047, 1.0921865701675415, -0.8202556371688843, 0.23646065592765808, -0.30011463165283203, -0.007080139126628637, -0.2722584307193756, 0.4567447602748871, -0.14790979027748108, -0.35227543115615845, -0.037825923413038254, 2.440976619720459, -1.3985834121704102, 1.8845576047897339, -0.9947974681854248, -0.4193115532398224, -0.4212660789489746, 0.5511922836303711, 1.6960622072219849, -0.028175661340355873, -0.2635158896446228, -0.5764255523681641, -0.5282716751098633, -0.46724194288253784, 0.4963900148868561, -0.3239741027355194, -0.8422226309776306, -0.5481870770454407, 0.35788923501968384, -1.5554193258285522, -0.3242982029914856, -0.03981531783938408, -0.2111513614654541, 0.16203774511814117, 0.9089030623435974, -0.1501537561416626, 0.6558519601821899, 0.3224153220653534, 0.2986401319503784, 0.07296514511108398, 0.40768197178840637, -1.0441925525665283, -0.20052042603492737, 0.7968538403511047, -0.3690846264362335, -1.0211741924285889, -0.5378867387771606, 0.35117048025131226, -0.18561941385269165, -0.00048779696226119995, 0.31082215905189514, -0.7167941927909851, -0.23662954568862915, 0.7843972444534302, 1.1221685409545898, -0.14665226638317108, -0.8648117184638977, -0.5183514952659607, -0.5686072111129761, -0.5008330345153809, 0.7588464617729187, -0.33552926778793335, 0.0020911917090415955, -2.2538673877716064, 0.6122189164161682, -0.2485935091972351, 0.9175864458084106, 0.1741112470626831, -0.5754525065422058, 0.2308627963066101, -0.5338871479034424, 0.29950469732284546, -0.5545867085456848, 1.0778337717056274, -1.4895684719085693, 0.09703750908374786, -0.36391305923461914, -0.14829975366592407, -0.016931282356381416, 0.2778050899505615, 1.2951571941375732, 0.9974963665008545, -0.7287622094154358, -0.5912237167358398, -1.6159242391586304, -0.3101885914802551, 2.387237787246704, 0.41913124918937683, -0.5605928897857666, -0.6288684010505676, -0.10497591644525528, -0.14967641234397888, -0.0543765090405941, 0.5243849754333496, -0.7550456523895264, -0.25732120871543884, -1.2076219320297241, 0.2713603675365448, -0.8024754524230957, 0.08767137676477432, 1.0138484239578247, 1.2539411783218384, -0.663642168045044, -0.08772282302379608, -0.2661187946796417, -0.45824503898620605, 0.0732947289943695, 0.3657989799976349, 0.04802912101149559, 0.15145635604858398, 0.45540493726730347, 0.23638764023780823, 0.3928346037864685, 0.2546114921569824, -0.02002926543354988, -0.5673924684524536, 0.24560239911079407, 0.122856006026268, 1.4495854377746582, 0.08562146872282028, 0.1305503100156784, 0.29715532064437866, 0.5876888632774353, 0.028046943247318268, -0.8369313478469849, -0.15014563500881195, -0.19542959332466125, 1.1409937143325806, 1.5920747518539429, -0.3771461248397827, 0.6505789756774902, -0.32458439469337463, 0.2625318467617035, -0.4096015989780426, -0.6575803160667419, -0.30418166518211365, -0.2942904829978943, 1.254127025604248, 0.09318988770246506, 0.12663374841213226, -0.4345957636833191, 0.1040354073047638, -0.9715590476989746, 0.26114270091056824, 0.5128547549247742, -0.428300142288208, -1.161867380142212, -0.19383084774017334, -0.3218138813972473, -0.9693527221679688, -0.4832735061645508, -0.2267981916666031, 0.570407509803772, -0.07353468239307404, 0.9243423938751221, 1.452633023262024, 0.7220110893249512, -0.4176459014415741, -0.06386318057775497, 1.0266385078430176, -0.6014123558998108, 0.6716442704200745, -0.8181000351905823, 0.22048883140087128, -0.6175476908683777, 0.22301709651947021, -0.30635643005371094, 0.1437837779521942, 0.418670117855072, -0.3480040431022644, 0.6107325553894043, -0.19222858548164368, -0.9529183506965637, 0.7854278087615967, -0.9024885296821594, 0.2609212100505829, -0.3768470287322998, 1.8404545783996582, 0.20754863321781158, -0.5477246642112732, 0.5520015954971313, -0.32518815994262695, -0.08180953562259674, 0.9653733968734741, -0.24904872477054596, 0.446090966463089, 0.7268883585929871, -0.6141558885574341, -0.14461596310138702, 0.568898618221283, -2.082230806350708, -0.1395355761051178, 0.9271512031555176, -0.13270938396453857, -0.25614142417907715, -0.933551549911499, 0.6161743998527527, -0.06444954127073288, -0.41235268115997314, -0.16068872809410095, -0.7327711582183838, 0.4961188733577728, -0.5586948394775391, 0.35237210988998413, 1.2000725269317627, -0.5488178133964539, -0.2352403849363327, 0.5777312517166138, -0.20515099167823792, -0.8947601318359375, -0.7861668467521667, 0.6231753826141357, -0.4974367618560791, 0.04136808589100838, 0.5243299007415771, 0.6173772215843201, 1.0449697971343994, -0.39307188987731934, -0.43933120369911194, 0.7082697153091431, 0.641912043094635, -0.04638452082872391, 0.07806994765996933, 0.1715179830789566, 1.260793924331665, -0.7848182916641235, 0.8706493973731995, 0.026405517011880875, -0.6217972636222839, -1.2976603507995605, 0.00720193749293685, -0.6507604718208313, -0.7510255575180054, 1.8566906452178955, 0.33672142028808594, 1.2031606435775757, -0.023016544058918953, 0.35230785608291626, -1.2483097314834595, 0.20597587525844574, 0.7363451719284058, 0.2578817903995514, -0.32250428199768066, -0.12213708460330963, 0.00671057403087616, 0.43858787417411804, 0.38893064856529236, -0.689906895160675, -0.29127395153045654, 1.264477014541626, -0.1360166221857071, -0.5008602142333984, -0.5321246385574341, 1.0749974250793457, 0.052302733063697815, 1.2900501489639282, -0.7230481505393982, -0.37681877613067627, -0.019637180492281914, 0.7611426711082458, 0.21711383759975433, 0.5731906890869141, -0.7637171745300293, 0.9137637615203857, 0.5735079050064087, 0.1606895476579666, -0.5389699339866638, 1.0611977577209473, -0.2530849277973175, -0.7968043088912964, -1.3960061073303223, -0.390714555978775, -0.7983710765838623, -0.30748966336250305, -0.44930464029312134, -0.2358219176530838, -0.7316290736198425, 1.1472837924957275, -0.27625495195388794, -0.720302164554596, 0.5180643796920776, -0.3383978307247162, -1.2759805917739868, 0.8542068004608154, 0.6017096042633057, -1.4092435836791992, 0.06738903373479843, -0.18186908960342407, -1.0797193050384521, -0.15854772925376892, -0.09527476876974106, -0.7000501155853271, 0.5322484970092773, 0.014353137463331223, 0.7380611300468445, 0.06743831187486649, 0.34113454818725586, -0.4463850259780884, 0.7871254682540894, 0.7717607021331787, -0.946647584438324, 0.6131258010864258, 0.5857416391372681, 0.6281266808509827, -0.5554673671722412, -0.672809898853302, -0.9169654250144958, 0.5154653787612915, -0.0723218098282814, -0.03173048421740532, -0.6940186023712158, -0.36330753564834595, 0.17751389741897583, -0.4428611099720001, 0.14397865533828735, -0.809900164604187, 0.3513452410697937, -0.3331967890262604, -0.22851386666297913, 0.3929497301578522, -1.4750303030014038, -1.415710687637329, 0.022748462855815887, -0.8479888439178467, 0.5174335241317749, -0.5574376583099365, 0.20995458960533142, 1.5563666820526123, 0.6984159350395203, 1.088407039642334, 0.1337851881980896, -11.846701622009277, 0.9209534525871277, -0.5640228986740112, -0.1627938151359558, 0.5154995918273926, -0.6809340715408325, 0.6308919191360474, 0.5610284805297852, 0.7911379337310791, -0.7686530947685242, 0.564988374710083, 1.034479022026062, -0.4532894194126129, -0.8927899599075317, -0.7964600324630737, -0.9110643863677979, -0.6448847055435181, -1.013987421989441, -0.08908212184906006, 0.04481594264507294, -0.15059711039066315, -0.7663471102714539, -0.6260573863983154, -0.01698322966694832, -0.1798986792564392, 0.1818552017211914, -0.39727649092674255, -0.700151801109314, -0.019065581262111664, 0.4619273245334625, 0.717765212059021, 0.057135265320539474, -0.0914619043469429, -0.7615071535110474, 0.1601402908563614, 0.2286902219057083, -0.5132781863212585, -0.3165256679058075, 0.3311424255371094, -0.11401104182004929, -0.14296649396419525, 0.44030946493148804, 0.5950926542282104, -0.23061515390872955, -0.2544326186180115, 0.4923926591873169, -0.25508731603622437, -0.2979181706905365, 0.07248396426439285, -0.6133489012718201, -0.698569118976593, -0.41868847608566284, -1.1707475185394287, 0.16951757669448853, 0.19329439103603363, -0.9676488041877747, -0.5154699087142944, 0.7443611025810242, -0.5486750602722168, -1.0533150434494019, 0.5789176821708679, -0.5058786869049072, -0.6422562003135681, 0.7250569462776184, 0.9348256587982178, -0.6762787103652954, 0.7766637802124023, 0.36190006136894226, -0.27759501338005066, 0.6358737349510193, -0.6986039876937866, 0.4703696668148041, -0.616897463798523, 0.21846318244934082, -0.5808321833610535, -0.3397931754589081, -0.26296696066856384, 0.11400555074214935, 0.6718974709510803, 0.29653283953666687, -0.6565830111503601, 0.5316033363342285, 0.5389407873153687, -0.975438117980957, -0.9848973155021667, 0.4581247866153717, -0.1955772042274475, 0.29470762610435486, 1.4538627862930298, -0.43846678733825684, 0.9421988129615784, 0.46236488223075867, -0.6345946788787842, 0.0519854873418808, -0.26772984862327576, 0.4110775589942932, 0.8083946108818054, 0.8420689105987549, 0.3175618052482605, -0.21295127272605896, 0.281044065952301, -0.17584186792373657, -0.3210693895816803, 0.6277504563331604, 0.613253653049469, 0.01481742411851883, -0.0030701756477355957, 0.6041311025619507, 0.3509543836116791, -0.12777307629585266, 0.928869903087616, 0.050692662596702576, -0.48933839797973633, 0.7952719926834106, 0.2859371304512024, 0.5619711875915527, 0.9643839001655579, 0.4672471880912781, 1.2231720685958862, 0.4263227880001068, -0.18949781358242035, 1.2409017086029053, 0.024290598928928375, 1.2367286682128906, 0.17969487607479095, -0.42656534910202026, 0.792640745639801, 0.40519484877586365, -0.39706534147262573, -1.780749797821045, 0.044921353459358215, -0.1869451105594635, 0.6986048221588135, -0.5105757117271423, -0.4847645163536072, -0.046236101537942886, -0.6310271620750427, 1.2591335773468018, -0.49492549896240234, 0.31958961486816406, 0.06787727028131485, -0.7268563508987427, -0.16390468180179596, -1.1558486223220825, -0.5654484033584595, -0.05891988426446915, -1.2328547239303589, 0.15719062089920044, -0.15563945472240448, 0.26172953844070435, 0.8464822173118591, -0.2309366762638092, 1.0901007652282715, -0.7461018562316895, -0.17208832502365112, 0.3547855317592621, 0.5561589002609253, -0.24064302444458008, -1.0692052841186523, -0.029778435826301575, 0.1477404534816742, 0.9495593309402466, -1.2327111959457397, 0.9833306074142456, 0.7402682304382324, -0.06636093556880951, -0.3053959906101227, -0.05067808926105499, -0.7789578437805176, 0.27626466751098633, 1.156465768814087, -1.1188740730285645, -0.5990051031112671, -0.8037360906600952, -0.23745816946029663, -0.057715099304914474, 0.8283231258392334, 1.1406134366989136, -1.1436563730239868, 0.043528638780117035, -0.6631409525871277, 0.23065108060836792, -0.3689143657684326, -0.7078114748001099, -0.11703355610370636, 0.41080790758132935, 0.12982062995433807, 0.7777543663978577, 0.19320537149906158, 0.34978851675987244, -1.6790498495101929, -0.9602745175361633, -0.2064407914876938, -0.6847719550132751, -0.11384493112564087, -0.21957415342330933, 1.446780800819397, 0.3440840542316437, -0.29999756813049316, 0.2352055013179779, 0.46196022629737854, 0.73088538646698, 0.04227026551961899, 0.3258868157863617, -0.2646138370037079, 0.06539832055568695, -0.6454896926879883, 0.22217917442321777, 0.2714160084724426, 0.17340581119060516, -0.9225475788116455, -0.38127636909484863, 0.3021670877933502, -0.24866198003292084, 0.6914474964141846, -0.4963858425617218, -0.27984392642974854, 0.056767839938402176, -0.1834891438484192, -1.302606225013733, 0.18141373991966248, 1.1984226703643799, -0.06116250902414322, 1.0728524923324585, 0.5609941482543945, 0.2570176124572754, 0.739721417427063, 0.05238726735115051, 0.4960034489631653, -0.16788117587566376, -0.25073835253715515, 0.02500167489051819, -0.1874680519104004, 0.44503769278526306, 0.33687156438827515, -0.7445344924926758, -1.0215187072753906, 0.2251124382019043, -1.0206663608551025, 0.07721129804849625, -0.2892723083496094, 0.7920529842376709, 0.6900050044059753, 1.5688382387161255, -1.019610047340393, -0.8975393772125244, -0.713361918926239, -0.9213082194328308, 0.05102379992604256, 0.2543081045150757, 0.7527555227279663, 0.9527431130409241, 0.8825628161430359, 0.06574704498052597, 1.1217174530029297, -0.7282333374023438, -0.1041102260351181, 0.27481216192245483, 0.4157724380493164, 0.47730278968811035, 0.6977730989456177, 0.666361391544342, 0.26679906249046326, -0.05711192637681961, -0.6812543272972107, 0.06410418450832367, -0.07211950421333313, 0.9747816324234009, 0.695131778717041, -0.6126428842544556, -0.14665144681930542, -0.8419896364212036, 0.3003714680671692, -0.22632795572280884, 0.9685212969779968, 0.5247141122817993, -0.8518146276473999, -0.6091790795326233, -0.9994184970855713, -0.5337620377540588, 0.9109912514686584, -0.03800277039408684, -0.5502561330795288, -0.8119043707847595, 0.5395200848579407, 0.33759957551956177, -0.687446117401123, -1.176084041595459, 0.48042020201683044, -0.964160680770874, 0.38013923168182373, -0.3662341237068176, -0.5266865491867065, -0.6812710165977478, 0.24552781879901886, -0.7381614446640015, 0.7444100379943848, -0.5201355814933777, -1.0034632682800293, -1.1502591371536255, 0.4068593680858612, 0.12433759868144989, 0.18026693165302277, 0.37223100662231445, 0.18017752468585968, -1.8139230012893677, 0.8167257308959961, 1.355962872505188, 0.08298201858997345, -0.4912521541118622, 0.7178164124488831, -0.08103600889444351, -0.01690339297056198, 1.4218593835830688]} +{"paper_id": "nsmc", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "conllpp", "embedding": [-0.7781529426574707, 1.2750327587127686, -0.1663331240415573, -0.45783889293670654, 0.16058531403541565, -0.23675769567489624, -0.0016241148114204407, 0.4316018223762512, 1.2112853527069092, 0.9634729623794556, 0.24234271049499512, -0.21738150715827942, -0.4640780985355377, -1.0673648118972778, -0.6682425737380981, 0.06439504027366638, -0.35468682646751404, -0.4141384959220886, -0.8450338244438171, -0.2732221484184265, -1.2687979936599731, -0.951941728591919, -0.15476267039775848, 0.6112712025642395, -1.067981481552124, -1.271355152130127, -0.042709581553936005, -0.8517678380012512, 0.04432118684053421, 0.38823574781417847, -0.5171271562576294, 1.3081908226013184, -1.5904446840286255, 0.47948071360588074, -0.20348748564720154, -0.2233925312757492, 0.7832520008087158, 0.2456638216972351, 0.0806836262345314, -0.28480446338653564, -0.6877864599227905, -0.7818927764892578, 0.6039184927940369, 0.7456857562065125, 1.423399806022644, -0.6065530180931091, 0.7747230529785156, -0.22475109994411469, 0.43286705017089844, -0.2602634131908417, -0.2869481146335602, -0.06953287869691849, 0.12915392220020294, 0.8220443725585938, -0.779675304889679, 1.2695505619049072, 0.2807481586933136, -0.5301730632781982, 0.4439253509044647, -0.22143696248531342, 1.125146746635437, 1.2725712060928345, -0.4146376848220825, -0.6586197018623352, 1.1101185083389282, 0.5419515371322632, 1.8969823122024536, -0.05165715143084526, 0.754987359046936, 0.6556727886199951, 0.02541673183441162, -1.893428087234497, -0.2055208384990692, -0.9233523011207581, 0.7058613300323486, 0.721572756767273, 0.5214889645576477, -0.19376493990421295, 0.45971375703811646, -0.5944778323173523, -0.7288717031478882, 1.267611026763916, 0.8293338418006897, 0.07070095092058182, -0.4687153995037079, -0.11949970573186874, 0.4536580443382263, -0.7405737638473511, 0.6048025488853455, -1.4886605739593506, 1.0685697793960571, 0.13124440610408783, -0.8234506249427795, 0.34331241250038147, 0.28696340322494507, 0.42277148365974426, -0.4042920470237732, -0.32164883613586426, -0.5783218145370483, -0.07575486600399017, 0.9800692200660706, -0.46568018198013306, 0.03485848382115364, -0.863081693649292, -0.4099678695201874, 1.9441312551498413, -1.040511131286621, 0.008858758956193924, -1.499962568283081, 0.13442069292068481, 0.8987932801246643, 1.567565679550171, -0.24657978117465973, 0.8457680344581604, -0.019446123391389847, 0.5422539710998535, 0.5736687183380127, -0.5080661773681641, -0.5254818797111511, 0.24377402663230896, 0.0013833101838827133, -0.818029522895813, -0.5460777282714844, -0.3713412284851074, 1.643066167831421, -0.8538058996200562, 0.9430493712425232, -0.19534659385681152, 0.17481058835983276, -0.18525230884552002, 0.6350157260894775, 0.028687620535492897, -1.199259638786316, -0.4835764467716217, 3.0652925968170166, -1.4009674787521362, 0.9586371779441833, -0.9849098324775696, 0.13816344738006592, -0.1314280927181244, 0.35152438282966614, 1.2879210710525513, 0.6186562180519104, 0.024013753980398178, -0.6617157459259033, 0.829369306564331, -1.136953592300415, 0.7379568219184875, -0.8945630788803101, -0.6367886066436768, 0.2097690999507904, 0.42768073081970215, -1.3114954233169556, -0.27741512656211853, 0.14310544729232788, 0.37263208627700806, -0.05886344239115715, 0.9795936942100525, -0.6656063199043274, 1.3440910577774048, 0.38617846369743347, -0.2648625373840332, -0.33166712522506714, 0.8178733587265015, -1.2399897575378418, -0.26991844177246094, 1.442854881286621, 0.40332943201065063, -1.5025681257247925, -0.39724868535995483, 1.1414318084716797, -0.17438197135925293, -0.5428720712661743, -0.1769947111606598, -0.4668094217777252, -0.24684247374534607, 0.4183111786842346, 0.37703078985214233, -0.03801044821739197, -0.3178746998310089, -0.061131760478019714, 0.2673070728778839, -0.3574507534503937, 0.6188635230064392, -0.3349285423755646, 0.5962246060371399, -2.0294411182403564, -0.8337719440460205, -0.12674622237682343, 1.3317245244979858, -0.4212079644203186, -0.5936422348022461, -0.15926894545555115, 0.9135404229164124, 0.5761153697967529, -0.6576134562492371, 0.8110812306404114, -1.596815586090088, -0.5085057020187378, -0.03828383982181549, 0.24602559208869934, -1.1699299812316895, 0.08486732840538025, 1.0143790245056152, 0.11950286477804184, -0.7457526326179504, -0.7589218020439148, -1.8085379600524902, -0.6358659863471985, 2.645728349685669, -0.059693366289138794, -1.0664128065109253, -1.476227045059204, -0.638209879398346, 0.1274043321609497, -0.7000095248222351, 1.025405764579773, -1.0967861413955688, 0.1290721297264099, -1.277161717414856, 0.7725425958633423, -0.7477256655693054, -0.17795968055725098, 0.8212670683860779, 0.8115110397338867, -0.12363336980342865, -0.44080179929733276, 0.20381098985671997, -0.54544997215271, 0.8589749336242676, 0.3810286223888397, 0.11818346381187439, -0.056113727390766144, 1.2048062086105347, 0.6918460726737976, 0.6723613142967224, 0.17248138785362244, 0.3932822346687317, -0.7576941251754761, 0.6842365264892578, -0.317534476518631, 0.381142258644104, -0.5546243190765381, -0.0824335440993309, 1.282261848449707, 0.011992283165454865, -0.5196298360824585, -0.6632534265518188, 0.05394044518470764, 0.1721305549144745, 0.9444183111190796, 0.23957964777946472, 0.13972850143909454, 0.6847838759422302, -1.115431547164917, 0.0312800332903862, -0.7906284928321838, -0.7112496495246887, -0.030247464776039124, -0.5374343395233154, 0.8230403065681458, -0.6716642379760742, 0.1086348444223404, -0.7707498073577881, 0.2680838406085968, -1.4348094463348389, -0.0010465234518051147, 0.06949450820684433, -1.0618550777435303, -1.3534554243087769, 0.5401242971420288, 0.5886248350143433, -0.7397748827934265, -0.27746686339378357, 0.33706772327423096, 0.77236407995224, 0.1335826814174652, 1.075603723526001, 1.5060532093048096, -0.7050645351409912, 0.008092839270830154, 0.12589024007320404, 0.6568366885185242, -0.6260411739349365, 0.6468811631202698, 0.15952861309051514, 1.1009217500686646, -0.38842588663101196, -0.19069454073905945, 0.21448932588100433, 0.3638457953929901, 0.8652924299240112, 0.2629936635494232, 0.7669572830200195, -0.17702342569828033, -1.1473908424377441, 1.9418795108795166, -0.02797209843993187, 0.1417457014322281, -1.3479621410369873, 1.236589789390564, 0.7567090392112732, 0.003506489098072052, 0.4825884699821472, 0.08463448286056519, -0.158455491065979, 1.0698211193084717, -0.30659785866737366, 0.47272351384162903, 0.03192143887281418, -0.12677821516990662, 0.1300862580537796, 1.12890625, -1.583766222000122, 0.027551308274269104, 0.359594464302063, -0.30523988604545593, 0.26117920875549316, -0.42705681920051575, 0.40691280364990234, -0.965900719165802, -0.09190990030765533, 0.4167695641517639, -0.5405184030532837, 0.08313791453838348, -0.4889281690120697, 0.10201716423034668, 0.38676372170448303, -0.9913754463195801, 0.9930925369262695, 0.5981974005699158, -0.11435156315565109, -1.346710443496704, 0.05794672667980194, 1.3849983215332031, -0.7459326982498169, -0.04820141941308975, 0.3525097668170929, 0.4704572558403015, 1.6370147466659546, -0.5727896094322205, 0.4374770522117615, 0.1698663979768753, 0.5510029792785645, -0.2424175888299942, -0.08655036985874176, -0.2820536494255066, 0.9791699647903442, 0.3583194315433502, 1.087423324584961, 0.09640656411647797, -0.7557498216629028, -1.5348470211029053, -0.0679103285074234, -0.11647579073905945, -0.23374179005622864, 2.5521812438964844, 0.6869020462036133, 1.635514259338379, 0.196732759475708, 0.5033819079399109, -0.6655754446983337, -0.10488441586494446, 0.6727545261383057, 0.7390022873878479, -0.5351961255073547, -0.5006797313690186, 0.8560274839401245, 0.018171871080994606, -0.35057222843170166, -0.8974220156669617, 0.5995972156524658, 1.1232168674468994, -0.28598350286483765, -1.738236665725708, -0.3508855998516083, -0.15299765765666962, 0.591071605682373, 1.5097731351852417, -0.21138322353363037, -0.5462339520454407, 0.1127047911286354, 0.9659854173660278, 0.8140777945518494, 0.6400598883628845, -0.46167728304862976, 0.22175857424736023, 0.9525434970855713, 0.005518702790141106, 0.039091937243938446, 0.8951674699783325, 0.9913682341575623, -0.5894476175308228, -1.3174341917037964, -0.33884984254837036, -1.2218856811523438, -0.48554202914237976, -0.2542707026004791, 0.14582626521587372, -0.8827100396156311, 0.20505325496196747, -0.2980516850948334, -0.5858376026153564, 0.8982715606689453, -0.9201977849006653, -1.7202047109603882, 1.469673991203308, 1.5236197710037231, -1.5659924745559692, -0.6827768683433533, -0.3778111934661865, -0.22892168164253235, -0.4851827025413513, 0.18873190879821777, -1.5589394569396973, 0.02371017076075077, 0.3161435127258301, 0.46250659227371216, 0.1377612054347992, -0.21742741763591766, -0.8858795166015625, 0.16128180921077728, 1.3071106672286987, -0.8989328742027283, 1.105613112449646, 0.6780650019645691, -0.4527888298034668, -0.11996589601039886, -1.5145076513290405, -0.821221113204956, 0.6219010353088379, -0.38973766565322876, 0.06308723986148834, -0.8162295818328857, -0.34192144870758057, 0.9309531450271606, -0.719028115272522, 1.004913330078125, -0.38465410470962524, 0.36931174993515015, -1.054652214050293, 0.4505777359008789, 0.043664418160915375, -0.8862876296043396, -1.6099615097045898, 1.071125864982605, 0.25579702854156494, 0.7341005802154541, 0.16937914490699768, 0.965385913848877, 1.9750828742980957, 0.07996656745672226, -0.1694260835647583, -0.746101975440979, -9.592958450317383, 0.22405648231506348, 0.5481934547424316, -0.02252994105219841, 0.09859797358512878, -0.46473023295402527, 1.0510361194610596, -0.6609638929367065, 0.6068044304847717, -0.4883396327495575, 0.7361205816268921, 2.267113447189331, -0.07321061939001083, -0.5812070965766907, -0.3737492859363556, -1.1086786985397339, -0.5951941609382629, -0.4164479374885559, 0.27406013011932373, 0.5556213855743408, -0.9824185967445374, -1.533879041671753, -0.2651407718658447, -0.2678355574607849, 0.4150844216346741, 0.1545986831188202, -0.2700284719467163, 0.1031089499592781, -0.23899497091770172, 0.6387087106704712, 0.058885153383016586, 0.017637627199292183, -1.0962824821472168, 0.0007452182471752167, -0.29788410663604736, -0.10634876787662506, -1.237028956413269, -0.1010231003165245, 1.3296360969543457, -0.23241063952445984, -0.21029283106327057, 0.47251880168914795, 0.06109790876507759, -0.01175907626748085, -0.9289675951004028, -0.27534472942352295, 0.7235220074653625, -1.2613232135772705, -0.34172704815864563, -0.19365885853767395, -0.014965489506721497, -0.6742631196975708, -1.2763779163360596, 0.08173772692680359, 0.8968816995620728, 0.19128237664699554, -1.0119354724884033, 0.1784490942955017, -1.2200541496276855, -1.0362118482589722, 1.60072660446167, -0.37260693311691284, -0.8405681252479553, 0.4191233515739441, 1.1954925060272217, -0.507292628288269, 0.34467145800590515, 0.057912085205316544, 0.18236902356147766, 0.49278002977371216, -0.4890798330307007, 0.673090934753418, 0.4448377788066864, -0.0972488671541214, -0.7441938519477844, -0.4708316922187805, -0.4147542715072632, 0.347028523683548, 0.2699577212333679, 0.46258750557899475, -1.4391250610351562, 0.9842681288719177, -0.19397951662540436, -0.2995971143245697, -0.8992183208465576, -0.11799348890781403, -0.8747808933258057, -0.4904610812664032, 0.10490056872367859, 0.18394768238067627, 1.013590931892395, -0.11937461048364639, -1.022724986076355, -0.1818561553955078, -0.842714786529541, 1.1890348196029663, -1.4481780529022217, 0.8195058107376099, 0.49568477272987366, -0.744976818561554, 0.947182297706604, -0.31584295630455017, -0.4637870192527771, 0.3373859226703644, 0.4846874177455902, 0.4864540100097656, -0.3828985095024109, 0.016862213611602783, 0.767557680606842, -0.3623826503753662, 1.263127326965332, -0.439220130443573, 0.07697796076536179, 0.6390560269355774, -0.0020499080419540405, 1.0124335289001465, 0.6406751871109009, 0.43698692321777344, 0.4059065878391266, 0.6864736080169678, 0.03478702902793884, 1.0155161619186401, -0.0027809329330921173, 1.274274230003357, 0.7314866781234741, -0.46022912859916687, 1.0298442840576172, 0.09215650707483292, 0.9587874412536621, -2.6182665824890137, 0.45520588755607605, -0.12941408157348633, 0.030253339558839798, -0.8504351377487183, -0.22817577421665192, -0.44065165519714355, -1.0445213317871094, 1.432270884513855, -0.13101144134998322, 0.42842429876327515, -0.08757549524307251, -0.6694813966751099, 1.0030713081359863, 0.13197077810764313, -1.091983437538147, 0.22038382291793823, -0.6185705065727234, -0.22614255547523499, -0.7025993466377258, -0.3833129405975342, -0.02974969521164894, -0.10162633657455444, 0.7563740015029907, -0.7088131308555603, -0.059768758714199066, 0.1997813880443573, 0.5487250685691833, -0.9256176352500916, -0.5421187877655029, -0.013663969933986664, 0.025171533226966858, 1.2777020931243896, -0.7996193170547485, 1.2933729887008667, 0.5845984220504761, -0.7823086380958557, -0.33729562163352966, -0.013886276632547379, -0.2885519862174988, -0.2612655460834503, 1.261679768562317, -1.1368701457977295, 0.38215744495391846, -0.5372186899185181, -0.510474681854248, -0.6550382971763611, 0.5971335172653198, 1.2703421115875244, -0.3823836147785187, -0.4346303343772888, 0.34019407629966736, 1.164964199066162, 0.8472749590873718, 0.276561975479126, -0.3186454474925995, -0.33628854155540466, -0.12042630463838577, 0.6452165246009827, 0.16376347839832306, 0.232840895652771, -1.4635692834854126, -0.3754803240299225, -0.017520470544695854, -0.17691853642463684, 0.5512451529502869, 0.5681990385055542, 0.8626477122306824, 0.42694079875946045, 0.3758198320865631, 0.16439783573150635, 0.6113065481185913, 0.8829522132873535, -0.06793966889381409, 0.6606218814849854, -0.3419051766395569, 0.21194389462471008, -0.5728589296340942, 0.4190685749053955, 0.7673625349998474, 0.4095655679702759, -1.6464265584945679, 0.1449929177761078, 0.2958291172981262, -0.4907565116882324, 0.6734466552734375, -0.42409470677375793, 0.4620916545391083, -0.5484943985939026, -0.6607859134674072, -1.5903698205947876, 0.4261914789676666, 0.3659081757068634, -1.0438477993011475, 0.3772328794002533, -0.03214479982852936, 0.45307275652885437, 0.9905224442481995, 0.11844255775213242, 1.6740283966064453, -0.6754857897758484, -0.36581435799598694, 0.84967440366745, -0.01045428030192852, -0.6088818907737732, -0.30520156025886536, -0.11316933482885361, -0.817687451839447, 0.3446171283721924, -0.9337853789329529, 0.31362995505332947, -0.6484651565551758, 0.5677744150161743, 0.3616598844528198, 0.3808152675628662, -0.4464649558067322, -0.7786540389060974, -0.18299300968647003, -0.5320061445236206, -0.44810065627098083, -0.12583450973033905, -0.21042339503765106, 1.0151828527450562, 0.9724897742271423, 0.3274611830711365, 1.0364563465118408, -0.18483363091945648, -0.33062607049942017, -0.2656373977661133, 0.19152899086475372, 0.8910449147224426, 0.3627760112285614, 0.02862122841179371, -0.0055525172501802444, -0.3397175073623657, -1.2555713653564453, -1.2052950859069824, -0.8776475787162781, 0.4816858172416687, 1.466098666191101, -0.7339763045310974, 0.26198601722717285, -0.45902007818222046, 0.30825644731521606, -0.52064448595047, 0.5125797390937805, 0.24562516808509827, 0.027341343462467194, -0.7141644954681396, -0.6600035429000854, -0.08331108093261719, 1.1833564043045044, -0.406476765871048, 0.18493354320526123, -0.9262296557426453, 0.9603888392448425, -0.36308592557907104, -0.7812016010284424, -0.6926221251487732, -0.21654823422431946, -0.06738461554050446, 0.1725444495677948, 0.45027104020118713, -1.324175477027893, -0.8729758858680725, -0.27601054310798645, -1.0786839723587036, 0.8542025685310364, -0.022674016654491425, -0.7081909775733948, -0.14552463591098785, 0.1458854377269745, 0.3981057405471802, 0.22607041895389557, 0.4618278741836548, -0.6747838854789734, -1.0334197282791138, 0.34728217124938965, 0.9334396719932556, -0.34722721576690674, -0.5414285659790039, -0.025824028998613358, 0.793387770652771, -0.23828932642936707, 1.6816891431808472]} +{"paper_id": "wikisql", "embedding": [-0.4089028239250183, 1.012688398361206, -0.1268349587917328, 0.6996051073074341, 0.15341001749038696, 0.264373779296875, 1.3834500312805176, 0.963323712348938, 0.6985997557640076, 0.4603446424007416, 0.23786550760269165, 0.6160181164741516, 0.057086281478405, 0.04663693159818649, -0.8570340275764465, 0.6428044438362122, -0.5815526247024536, -0.5922660231590271, -2.038517713546753, -0.8808956146240234, -0.527437686920166, -0.8263227939605713, 0.23686888813972473, 1.1229225397109985, -1.0415557622909546, -0.7775135040283203, 1.1830248832702637, -1.5660502910614014, 0.5713099837303162, 0.298473060131073, -0.15430781245231628, 1.3751246929168701, -1.2549980878829956, 0.8290879130363464, -0.1544111669063568, -0.10339825600385666, -0.16768090426921844, 1.3137484788894653, 0.23682287335395813, -0.3563108444213867, 0.21686142683029175, 0.7163804173469543, 0.49645018577575684, 0.12243570387363434, 1.3222289085388184, -0.7776127457618713, 0.09400837123394012, 0.32092925906181335, -0.49407708644866943, -0.45201677083969116, -1.265544056892395, -0.14526432752609253, -0.0749945268034935, 0.8240818977355957, -0.3183680474758148, 1.249670147895813, -0.2535872459411621, 0.11133822053670883, 1.1975324153900146, -0.2359219640493393, 1.3984344005584717, 1.0761218070983887, -0.053231604397296906, 0.23907044529914856, 1.6620866060256958, -0.06778234243392944, 0.9730105996131897, 0.7250453233718872, 0.2332761138677597, 0.8064504861831665, 0.024183660745620728, -0.45014604926109314, 0.05541161447763443, 0.0837232917547226, -0.6332384347915649, 0.8370300531387329, 0.7763368487358093, -0.6217895746231079, 0.20762744545936584, -0.6571691036224365, -0.840555727481842, 0.1521340161561966, 0.8424354791641235, -0.833605170249939, 0.1371329128742218, 0.3091560900211334, 0.45984217524528503, -0.5484570860862732, 0.36464670300483704, -1.683458685874939, 0.5073445439338684, 0.07604856044054031, 0.16975505650043488, -0.8678942918777466, -0.40974754095077515, -0.11824160814285278, 0.0011777803301811218, 0.14180342853069305, -0.8822653293609619, 1.2487454414367676, 0.42815470695495605, -0.2620188295841217, 0.12188498675823212, 0.26461684703826904, 0.6901082396507263, 0.35641220211982727, -0.06513559818267822, -0.2745281159877777, -0.6953185200691223, -0.326398640871048, 0.23384135961532593, -0.1467394381761551, 0.5357722043991089, 1.0056763887405396, -0.12482362240552902, 0.07475759834051132, 0.12168942391872406, -0.05518794432282448, -0.0008324543014168739, 0.12308970093727112, -0.6091688275337219, -1.7150325775146484, 0.40097224712371826, -0.1730068325996399, 0.6863404512405396, -0.7044329643249512, -0.9676429033279419, -0.411050409078598, -0.5436874628067017, 0.3845489025115967, 0.620053768157959, -0.11947141587734222, -1.1224219799041748, -0.5099019408226013, 4.035355091094971, -1.4756749868392944, 1.3881429433822632, -0.5298084020614624, -0.015191868878901005, -0.6547557711601257, 0.09594222158193588, 0.5168209671974182, -0.16340023279190063, -0.23077471554279327, -0.2181079387664795, 0.4203832149505615, -0.13255317509174347, 0.6006745100021362, -1.4564182758331299, 0.16973669826984406, -0.14730261266231537, -0.44459351897239685, -1.3858580589294434, -0.8911848664283752, -0.05284450948238373, 0.6607648730278015, 0.28110262751579285, 0.5322019457817078, -0.5926874876022339, 0.28376105427742004, 0.498416006565094, -0.020133420825004578, -0.41112565994262695, 0.07340014725923538, -0.3980003297328949, -0.6713395118713379, 0.9042643308639526, -0.5566988587379456, -1.1294081211090088, -0.7131697535514832, 0.30198049545288086, -0.23786848783493042, 0.10926452279090881, -0.11112155765295029, -0.559531033039093, 0.8616628050804138, 0.09480895102024078, 0.27773675322532654, 0.8410971760749817, -0.6791267991065979, -0.6488206386566162, -0.1280299425125122, 0.20019462704658508, 0.09739966690540314, 0.05597918480634689, 0.6025752425193787, -2.305269718170166, -0.26543790102005005, 0.19663332402706146, 0.7115027904510498, 0.9672643542289734, 0.5322389602661133, 0.7921984791755676, -0.1785610467195511, -0.02698647230863571, -0.42289993166923523, 0.08649082481861115, -0.9824652075767517, 0.18186411261558533, 0.5517385601997375, -0.9818546175956726, 0.34153372049331665, 0.018848920240998268, 1.245041847229004, 0.9863806962966919, -0.30368557572364807, 0.04028507322072983, -2.283273935317993, 0.6186818480491638, 2.013317823410034, 0.4070673882961273, -0.3029845952987671, -0.7711876034736633, -0.41057002544403076, 0.4677225947380066, 0.2666718363761902, 0.16448310017585754, -0.11888425052165985, 0.6361756920814514, -0.34689491987228394, 0.42107954621315, -0.2789267301559448, 0.459516316652298, 0.29679742455482483, 1.165578007698059, -0.9921804666519165, 0.2409524917602539, -0.6463183760643005, -1.4412097930908203, 1.023680329322815, 0.6711440086364746, 0.408028781414032, 0.3214854896068573, 1.33588445186615, -0.051763467490673065, 0.43689900636672974, 0.4477255046367645, 1.0131754875183105, -1.0417736768722534, 0.08034023642539978, -0.2578911781311035, 0.2644282281398773, 0.10636655241250992, 0.6867160797119141, -0.2064676135778427, -0.04702983796596527, -0.44956904649734497, -0.9911630749702454, 0.5280976295471191, 0.1806594878435135, 1.2988954782485962, -0.19641228020191193, -0.34886273741722107, 0.7559762001037598, -0.20537103712558746, -0.7482061386108398, -0.9016439914703369, -0.41046538949012756, -0.09663967788219452, -0.06944701075553894, 0.6789745092391968, -0.270315557718277, 0.6432773470878601, -0.4244025945663452, 0.16830596327781677, -1.0681815147399902, -0.6635101437568665, -0.29415464401245117, 0.0262821763753891, -0.6368535757064819, 6.0364603996276855e-05, -0.270136296749115, -0.4367073178291321, -0.5116335153579712, 0.25045251846313477, -0.3016524612903595, 0.2842228412628174, 1.475799560546875, 1.7045477628707886, -0.6831703782081604, 0.18945375084877014, 0.23620949685573578, 1.1338244676589966, -0.402336448431015, 0.5195460915565491, -0.644485354423523, -0.1470317244529724, -0.8684636950492859, 1.1905953884124756, -0.5457370281219482, 1.1140646934509277, 0.45885711908340454, -0.4544561803340912, -0.058114856481552124, -0.0005617290735244751, -0.11513634026050568, 1.038676142692566, -0.2948424816131592, -0.02538607269525528, 0.3777874708175659, 1.7971510887145996, -0.005125623196363449, -1.0053988695144653, 0.0026323962956666946, 0.29071736335754395, -0.5782321095466614, 0.5922437310218811, -0.10186081379652023, 0.8269968628883362, 0.543272078037262, 0.3821829557418823, 0.2470235526561737, 0.45639118552207947, -2.450751543045044, 1.0464575290679932, 0.5859667062759399, -0.2715032696723938, -0.5301914215087891, -0.8919819593429565, -0.6877796649932861, -0.44967371225357056, -0.10683491080999374, 0.1563681662082672, -0.3643099367618561, 0.28305307030677795, -0.1260024607181549, 0.5669510960578918, 1.6122732162475586, -0.17973506450653076, 0.2600642740726471, 1.1490771770477295, -0.3720596432685852, -0.5447052717208862, -0.815263032913208, 0.6890347599983215, 0.38803723454475403, -0.5841827392578125, -0.192131906747818, 1.6426305770874023, 0.6587032079696655, 0.4769109785556793, -0.030711863189935684, 0.8717589378356934, 0.7273827791213989, 0.262460321187973, 0.18990568816661835, -1.0168848037719727, -0.22542177140712738, -0.34794747829437256, 0.5306740403175354, -1.0249009132385254, -0.3670417070388794, -1.1468112468719482, -0.15563718974590302, -0.5149620175361633, -0.18646380305290222, 1.3224345445632935, 0.03540783375501633, 1.9540891647338867, -1.072242021560669, 0.27597904205322266, -0.7978062629699707, -0.1990552693605423, -0.20341947674751282, 0.8243539333343506, 0.6538175344467163, -0.9958953857421875, -0.7944087982177734, 0.7066009640693665, 0.004118986427783966, -0.45870500802993774, 0.023308690637350082, 0.8560011982917786, 0.09604083746671677, -0.4125385880470276, 0.35453975200653076, 1.0302914381027222, 0.33436286449432373, 0.864307701587677, -0.7890098094940186, -0.1950387954711914, 0.41934797167778015, -0.19357411563396454, -0.05208947882056236, 0.30445072054862976, -1.1860781908035278, 0.690972626209259, 0.11138947308063507, 0.45697855949401855, 0.672244131565094, 1.2400941848754883, 1.0977420806884766, -0.294457346200943, -0.5920554995536804, -0.05919664353132248, 0.09167325496673584, -0.22374936938285828, 0.4187210500240326, 0.32354238629341125, -0.6300406455993652, 0.4871468245983124, -0.05054635927081108, -0.7066143155097961, 1.1350181102752686, -1.0479848384857178, -1.4243216514587402, 0.3363640308380127, 1.3565188646316528, -0.798561155796051, -0.5466976165771484, -0.00908341258764267, -1.9705851078033447, -0.8214200139045715, 0.19391369819641113, -0.23051786422729492, 0.05108676850795746, 0.3957388997077942, 0.9199477434158325, -0.2812029719352722, 0.10812583565711975, -1.1662933826446533, 0.20308338105678558, 0.44137346744537354, -0.3003515303134918, 0.9593433141708374, -0.4273020625114441, 0.12378467619419098, -0.1394089013338089, -1.2888699769973755, -0.7311674952507019, 0.3969346284866333, -0.01800648868083954, 0.22544826567173004, -0.8968887329101562, -0.6411193013191223, -0.005162226036190987, -0.9117458462715149, 0.9199113845825195, -0.6960687041282654, -0.06782126426696777, -0.5860653519630432, 0.28465139865875244, 0.7098138332366943, 0.6951549053192139, -0.4404953718185425, 0.5168697834014893, -0.5209042429924011, 0.9682831764221191, -0.8045566082000732, 0.012932956218719482, 2.3197927474975586, -0.025014623999595642, -0.8496737480163574, -0.48564308881759644, -10.290816307067871, 0.5974743962287903, 0.49659624695777893, -0.021482035517692566, 0.04435529187321663, -0.019325435161590576, 0.8154712319374084, -0.7432687878608704, 1.5250790119171143, -0.30059394240379333, -0.056554511189460754, 1.2499818801879883, 0.5212731957435608, 0.2736411392688751, 0.07571332156658173, -1.9753769636154175, 0.25835081934928894, 0.5439287424087524, 0.40530163049697876, -0.5480735301971436, 0.3891304135322571, -0.7621828317642212, -0.8118534088134766, 0.5771283507347107, -0.004821058362722397, -0.2011091113090515, -0.579317569732666, -0.3396598696708679, -0.6977358460426331, -0.5392884016036987, 0.37670621275901794, -0.21380339562892914, 0.2733724117279053, -0.6197332143783569, -0.13561461865901947, 0.08247265219688416, -0.6753540635108948, 0.452070027589798, -0.0019854684360325336, -0.38615724444389343, -1.0347223281860352, 0.49924609065055847, 0.7335782647132874, -0.19078685343265533, -0.2517683506011963, 0.2778613567352295, 1.0953739881515503, -0.7234647870063782, 0.8806003928184509, 0.7049247026443481, -1.054917812347412, -0.9425072073936462, -0.5603208541870117, -0.45937180519104004, -0.2572613060474396, 0.8298213481903076, -0.7729775905609131, -0.4151519238948822, -0.4137304127216339, -0.9559497833251953, 0.6542037725448608, 1.0232293605804443, 0.004273377358913422, 0.1587110161781311, 0.06698593497276306, 0.2665642499923706, -0.5415821671485901, -0.04674523323774338, -1.0273398160934448, 0.4442801773548126, -1.025492787361145, 0.18565714359283447, -0.4304426908493042, 0.61602783203125, -0.838807225227356, 0.10941489040851593, -0.878014087677002, -0.870876133441925, -0.12965527176856995, 0.8279721736907959, -1.5315544605255127, 0.9168661236763, -0.0353614017367363, -0.8594039678573608, -0.8071005940437317, 0.3034496009349823, -0.20561358332633972, 0.6448768377304077, 1.0958038568496704, -0.9744508266448975, 2.009228229522705, 0.148186594247818, 0.33194512128829956, -0.1391480267047882, -0.35784441232681274, 1.4912590980529785, -0.23487240076065063, 0.786766529083252, -0.524582028388977, -1.2045531272888184, 0.47293516993522644, -0.1672469973564148, -0.8452727794647217, -0.5928257703781128, 0.5106334686279297, 0.04994824528694153, 0.14510062336921692, -0.15339156985282898, -0.26750448346138, -0.21175062656402588, 1.2487967014312744, 0.45973891019821167, -0.8356786370277405, 0.40579450130462646, -0.16816852986812592, 0.5071964859962463, 0.31906309723854065, 0.5156824588775635, -0.29645177721977234, 1.166860818862915, -0.09021846950054169, 0.9726359844207764, 0.024505725130438805, 0.47468388080596924, -0.6112045645713806, -0.16082055866718292, 0.08558399975299835, 0.5829830169677734, -0.6005754470825195, -0.7458958625793457, -0.350044310092926, 0.20286133885383606, 0.16452676057815552, -1.033460021018982, -0.842398464679718, 0.6757248044013977, -0.18303503096103668, 1.2060316801071167, -0.337692528963089, -0.7434309720993042, 0.12606967985630035, -0.7657986283302307, -0.20484894514083862, -1.3337197303771973, -1.078901767730713, 0.6268392205238342, -0.5006914138793945, -0.40936824679374695, -0.9849207401275635, -0.06072699651122093, -0.16875216364860535, -0.0397430881857872, 0.9794788360595703, -1.3410061597824097, -1.1761772632598877, -0.5653575658798218, 0.06709939241409302, -0.19239121675491333, -0.9044414162635803, -0.006249837577342987, 0.2270747423171997, 0.561057448387146, -0.8466320037841797, 1.0692479610443115, -0.3439181447029114, -0.2500961720943451, -0.1486397534608841, 0.3101581335067749, -0.5107393264770508, -0.10900255292654037, 0.5597445368766785, -0.24633881449699402, 0.13471421599388123, -0.8800543546676636, -0.24313482642173767, -0.937235951423645, 0.9320088028907776, 1.1421095132827759, -1.1995259523391724, -0.5181680917739868, 0.8024576306343079, 1.0358407497406006, 1.116066575050354, 0.30059105157852173, -0.054316602647304535, -0.25790438055992126, 0.39609241485595703, 0.6046965718269348, -0.20188036561012268, 1.038930058479309, -2.039139986038208, -1.494865894317627, -0.8939711451530457, -0.33617278933525085, 0.9548251032829285, -0.10789404809474945, 1.0772727727890015, 0.2875090539455414, -0.09462261199951172, 0.6321155428886414, 0.21533943712711334, 1.1002241373062134, 0.14365549385547638, 0.5115343928337097, 0.01445397362112999, 0.12575745582580566, -0.33441394567489624, -0.015149954706430435, 0.5702628493309021, 0.6501042246818542, -1.2622900009155273, 0.004956349730491638, 0.6515457630157471, -0.08310827612876892, -0.2035752832889557, -1.4586273431777954, 0.5877936482429504, -0.7974374294281006, -1.0058274269104004, -1.23554527759552, -0.24798664450645447, 0.2834600508213043, -0.11909133195877075, 0.8424397706985474, 0.8989525437355042, 1.1112650632858276, 0.17347869277000427, 0.19103673100471497, 1.3601410388946533, -0.3128283619880676, -0.6482661962509155, 0.7300093770027161, 0.6589863300323486, -0.04477216675877571, -0.5466934442520142, -1.9021016359329224, -0.05330006778240204, 0.8631284832954407, -0.9275365471839905, 0.6232121586799622, -0.6222250461578369, 0.40582942962646484, 0.8213412761688232, 0.9926139116287231, -0.5758414268493652, -2.1486916542053223, -0.2727755010128021, -1.158892035484314, 0.5351049900054932, 1.5789484977722168, 0.2819761335849762, 0.14092552661895752, 0.537745475769043, 0.23255205154418945, 0.7124901413917542, -0.24766972661018372, -0.21784435212612152, 0.2402845025062561, -0.4444933533668518, 1.2848197221755981, 0.7719157934188843, -0.14219605922698975, -0.020946713164448738, -0.1711374819278717, 0.19752231240272522, 0.20737850666046143, -0.6446568369865417, 0.6363924741744995, 0.8426460027694702, 0.12091861665248871, -0.7763259410858154, -0.471652090549469, 1.8104192018508911, -1.7872846126556396, 0.5018622875213623, -0.5496459603309631, -0.6145578622817993, -0.7321765422821045, -0.8113638758659363, -0.5004838705062866, 0.3153708577156067, -0.34916263818740845, 0.5813747048377991, 1.0049604177474976, 0.6444750428199768, 0.721564769744873, 0.5018380284309387, -1.2489285469055176, -0.161436527967453, -1.1035394668579102, 0.2812284231185913, -0.591864824295044, -0.7804605960845947, 0.5594285130500793, -0.16985173523426056, -0.7682233452796936, 0.6041526198387146, 0.30568742752075195, -0.6863988041877747, -0.874079704284668, 0.18469513952732086, -0.5505813360214233, 0.10509005188941956, -0.18263982236385345, 0.14189687371253967, -1.7083330154418945, 0.7078321576118469, 0.9759885668754578, -0.45608025789260864, -0.7022358775138855, -0.10369690507650375, 0.5903621912002563, 0.25677019357681274, 0.6506674289703369]} +{"paper_id": "big_patent", "embedding": [-0.1911451369524002, 0.9241716265678406, -0.9219350814819336, 0.31712082028388977, -0.20715582370758057, -0.14208845794200897, 0.9841957092285156, 1.126741886138916, 0.9972068667411804, 0.1779056191444397, 0.7414416670799255, 0.2679364085197449, 0.20198410749435425, 0.699442446231842, -0.3474524915218353, -0.3561818301677704, -0.038294028490781784, -0.677964448928833, -0.3809059262275696, -0.794826328754425, -0.7031517624855042, -0.3250603675842285, -0.24635663628578186, 0.15193453431129456, -0.6690520644187927, 0.0600365474820137, 1.2842299938201904, -1.5692824125289917, 0.47979119420051575, 0.5606090426445007, 0.4005259573459625, 0.9078831672668457, -1.5111644268035889, 0.3099792003631592, -1.0396133661270142, -0.02919008582830429, -0.06871891766786575, 0.4880334436893463, -0.6287367939949036, 0.1635584533214569, -0.7734163999557495, 0.1447390615940094, 1.0988117456436157, -0.16017863154411316, -0.21958723664283752, -0.4063354432582855, 0.40156567096710205, -0.22147642076015472, 0.0153956338763237, 0.04819876328110695, 0.4576415717601776, 0.6280145049095154, -0.09778004884719849, 1.0491822957992554, -0.2905775308609009, 1.7216542959213257, -0.02699926309287548, -0.9376887083053589, 0.22267894446849823, -0.6889119148254395, 1.2657244205474854, 1.1733874082565308, -0.44166919589042664, -0.13720181584358215, 1.4378091096878052, -0.20355947315692902, 0.9525461792945862, 0.5485461950302124, 0.7852284908294678, 1.4413084983825684, -0.6341039538383484, -1.119485855102539, 0.003907475620508194, -0.5904771089553833, -0.5135576725006104, 0.763432502746582, 0.22055460512638092, -0.8343079686164856, 0.3026129901409149, -0.2594864070415497, -0.6463218331336975, 0.3878961205482483, 0.5124073028564453, -0.1849077045917511, -0.6325135231018066, -0.308821439743042, 0.23112639784812927, -0.2658173143863678, 0.04135819524526596, -1.3019744157791138, -0.31354761123657227, -0.20705841481685638, -0.9211099743843079, -0.4597860872745514, -0.04759594798088074, 0.008218245580792427, 0.15810233354568481, -0.2814542353153229, -0.8941859006881714, 0.3669448494911194, 0.20392176508903503, -0.5478712320327759, 0.35112571716308594, -0.2303341031074524, 1.0770974159240723, 1.085798978805542, -0.4551975131034851, -0.6642944812774658, -0.5427266359329224, -0.48601970076560974, -0.25862571597099304, 0.599040687084198, 0.23551686108112335, 0.4320254623889923, -0.3757413625717163, -0.4571535885334015, 0.12897108495235443, 0.30580857396125793, -0.8726760149002075, -0.036262668669223785, -0.687323808670044, -1.8060740232467651, -0.34252944588661194, 0.26923567056655884, 0.5443681478500366, -0.30743861198425293, -0.26910075545310974, -0.6022336483001709, -0.15577712655067444, 0.03365187346935272, 0.8302620649337769, 0.2070813775062561, -0.5597721338272095, -0.2070511430501938, 2.448075294494629, -0.5290893912315369, 1.6075183153152466, 0.8029347062110901, -0.23172156512737274, -0.09065314382314682, -0.0847129076719284, 1.4419846534729004, 0.12391679733991623, -1.158436894416809, -0.6813536286354065, 0.1287861168384552, -0.8853386640548706, 0.5296791195869446, -0.6580244302749634, -0.2982476055622101, -0.15746164321899414, 0.2841396629810333, -0.9539191126823425, -1.0650527477264404, -0.05172588676214218, 0.4902249276638031, 0.5409322381019592, 0.3945133686065674, -0.9327076077461243, 1.01328706741333, 1.629563331604004, 0.5072059035301208, -0.20000936090946198, 0.6737186908721924, -0.5198405385017395, 0.2098602056503296, 1.0167410373687744, -0.2571226954460144, -0.30133864283561707, -0.2799997925758362, 0.5759015679359436, -0.4961105287075043, 0.039556145668029785, -0.3415112793445587, -0.37035122513771057, 0.24912908673286438, 0.4956188201904297, 0.11300593614578247, 0.3029492497444153, -0.4835560619831085, -0.7793610692024231, -0.24633599817752838, 0.473821759223938, 0.2880329489707947, -0.06963584572076797, 0.5450486540794373, -1.93953537940979, -0.3619368076324463, -0.8919572234153748, 0.9296345710754395, 0.14174306392669678, -0.2693006992340088, 0.35185593366622925, 0.4572724997997284, -0.02184518799185753, -0.46694129705429077, -0.22988975048065186, -0.8597543239593506, 0.8306374549865723, 0.5458307862281799, 0.25031358003616333, 0.32154738903045654, 0.13988791406154633, 0.33755868673324585, 1.6442731618881226, -1.271446943283081, -0.4355541169643402, -1.7114349603652954, 0.5750722885131836, 0.8735663890838623, -0.7491554617881775, -0.14504672586917877, -1.6890830993652344, -0.1379527598619461, 0.9480776786804199, 0.014062967151403427, -0.4375764727592468, -0.27489298582077026, 0.5126246809959412, -0.8329434990882874, 0.28216007351875305, -0.8806090354919434, -0.2579978406429291, -0.0831204503774643, 0.6915605068206787, -0.6365377902984619, -0.5462369918823242, -0.028274767100811005, -1.3593261241912842, 0.7342466115951538, 1.0074750185012817, -0.036343518644571304, -0.1950991153717041, 0.9855193495750427, 0.26311251521110535, 0.5853997468948364, 0.12891489267349243, 0.5095576047897339, -0.08167053759098053, -0.6317317485809326, -0.22918719053268433, 0.6246433854103088, -0.31437379121780396, -0.16659647226333618, -0.30745595693588257, -0.050357185304164886, -0.3166680932044983, -0.4322590231895447, -0.02641376107931137, -0.11684056371450424, 0.7951980829238892, 1.4085383415222168, -0.2573460340499878, 1.6191637516021729, -1.2792860269546509, -0.03767368942499161, 0.12716004252433777, -1.3355602025985718, -0.6121609210968018, 0.2141352742910385, 1.0020291805267334, 0.7454373836517334, 0.629790723323822, -0.4031575918197632, -0.6422240138053894, -0.826179027557373, -0.5802062749862671, -0.7011315226554871, -0.19368061423301697, -1.2322369813919067, -0.45167964696884155, -0.32460635900497437, -1.3493655920028687, -0.43673282861709595, -0.2198210507631302, 0.012586509808897972, -0.2635965347290039, 0.3352045714855194, 1.4078339338302612, 0.1224880963563919, 0.7852869033813477, -0.3971238136291504, 1.3598724603652954, 0.1598012000322342, 1.22654128074646, -0.21224316954612732, -0.36094993352890015, -1.5072829723358154, -0.13403181731700897, -1.0343958139419556, 0.007260672748088837, -0.08907625824213028, -0.3478158116340637, 0.7891950607299805, -0.2759884297847748, -0.8451670408248901, 0.8913465738296509, -0.4394901394844055, -0.21719714999198914, -0.94893878698349, 1.048774242401123, 0.0614028200507164, -0.5692823529243469, 0.41406941413879395, 0.619338870048523, 0.07722494006156921, 1.4219255447387695, -0.3693106174468994, 1.674399733543396, -0.19373579323291779, 0.07672421634197235, 0.7276207804679871, -0.20407015085220337, -1.8570771217346191, 0.19418717920780182, 0.928604245185852, -1.0326052904129028, -0.6191196441650391, -0.1861991584300995, -0.14558909833431244, -0.4655577838420868, -0.5775796175003052, 0.2928702235221863, -1.192452311515808, 0.01238064095377922, -0.39061662554740906, 0.195794939994812, 1.2002304792404175, -0.5794852375984192, 1.0769124031066895, 0.21330305933952332, 0.48327887058258057, -0.32374346256256104, -0.4623314142227173, 1.1735576391220093, -0.07225380837917328, 0.6943224668502808, -0.03704006224870682, 1.1178052425384521, 0.898052453994751, -0.40130436420440674, 0.3751111924648285, 1.0573363304138184, 0.7912747263908386, 0.21952049434185028, -0.1452280879020691, -0.17169860005378723, 0.2996702492237091, -0.5844929814338684, 1.2840185165405273, 0.38194695115089417, -1.0979796648025513, -0.8582392334938049, -0.4440058469772339, -0.9730144739151001, -1.1473829746246338, 0.9624276161193848, 0.5949640274047852, 1.3736847639083862, 0.1444758027791977, 0.5846901535987854, -0.18129844963550568, -0.232953742146492, 0.174041286110878, -0.02200503833591938, 0.014523938298225403, -0.22400705516338348, -0.24030309915542603, 1.4287970066070557, -0.3538810908794403, -0.0738135501742363, -0.24309875071048737, 0.4895683825016022, -0.6656579971313477, -0.2830987274646759, 0.39868468046188354, 0.8945841789245605, 1.563765048980713, 2.088716745376587, -1.132697582244873, -0.5416927933692932, -0.24524112045764923, -0.1817653775215149, 0.19707661867141724, 0.22649776935577393, -1.6857984066009521, -0.2603914737701416, 0.36877283453941345, 0.5621428489685059, -0.16485780477523804, 0.7180684804916382, 0.773320734500885, 0.18754544854164124, -0.4917631149291992, -0.18392322957515717, -0.9722169637680054, -0.5008754134178162, -0.5001305341720581, 0.14359278976917267, -0.7678452134132385, 0.3331848680973053, 0.25649160146713257, -1.042588710784912, 0.20372328162193298, -0.5690760016441345, -0.6851835250854492, 0.06539700925350189, 1.1647714376449585, -1.8320331573486328, -0.8345927596092224, -0.1440655142068863, -1.0120151042938232, -0.30948254466056824, -0.1283109188079834, -0.4337094724178314, 0.6702703237533569, 0.1576123684644699, 0.460478276014328, 0.4471823573112488, -0.19020575284957886, -0.7879260182380676, 0.8479863405227661, 1.0460847616195679, -0.6576769351959229, 0.6110382080078125, -0.5606104135513306, 0.6402072310447693, 0.40963053703308105, -1.172532320022583, -0.16713902354240417, 0.5318536162376404, 0.04499717056751251, -0.1929003894329071, -0.8044623136520386, -0.5659911036491394, 0.06410183012485504, 0.636345386505127, 0.45783311128616333, -0.7587228417396545, -0.21009407937526703, -0.37334561347961426, 0.8157021403312683, 0.4896971583366394, -0.28905683755874634, -0.5760170817375183, 1.1210386753082275, 0.09123996645212173, 0.2117571234703064, 0.2471482753753662, 0.1260029822587967, 0.41733235120773315, 0.36001259088516235, -0.7979655265808105, -0.7364257574081421, -11.768986701965332, 0.42219486832618713, 0.1975352019071579, 0.1503698229789734, 0.6390239596366882, 0.5126364827156067, 0.32336661219596863, -0.4638175964355469, 0.6826930642127991, -0.20905572175979614, 0.34126976132392883, 1.226111888885498, 0.1153356283903122, -0.5533674359321594, -0.4004664421081543, -0.8564416766166687, -0.31493547558784485, -0.2867695987224579, 0.6784722208976746, -0.8266437649726868, 0.09901118278503418, -0.6164177656173706, 0.2993153929710388, -0.11107194423675537, 0.24665537476539612, -0.1822921335697174, -0.09140253812074661, 0.24275833368301392, -0.9531556963920593, 0.4990248382091522, 1.014767050743103, -0.016755692660808563, -0.6733494400978088, -0.7885946035385132, 0.8563018441200256, -0.07588131725788116, -1.4744596481323242, 0.26365774869918823, 0.11130037158727646, -1.102412223815918, -0.21469812095165253, 0.34592223167419434, 0.13464674353599548, -0.6544327139854431, -0.5272742509841919, 0.252261757850647, 0.271728515625, -0.5200802087783813, 1.2541855573654175, -0.10328714549541473, -0.464585542678833, -0.8365535736083984, -0.9806584715843201, -0.2897675931453705, 0.3560948371887207, -0.08886881917715073, -1.1924221515655518, 0.8037368059158325, -0.22646920382976532, -0.6870870590209961, 0.3050244450569153, -0.43754100799560547, 0.19214913249015808, -0.15468260645866394, 0.18933412432670593, -0.3074055314064026, 0.6788240671157837, 0.5425511002540588, 0.36126020550727844, 0.3139202296733856, -0.5261251330375671, 1.0858514308929443, 0.19928911328315735, -0.7296748757362366, 0.2701617181301117, 0.3859301507472992, -0.024928437545895576, -1.3807629346847534, 0.96503084897995, 0.48680049180984497, -1.2767590284347534, 0.7987194061279297, -0.055883608758449554, -0.28927621245384216, -0.6660271883010864, -0.030008193105459213, 0.2648680508136749, -0.6749203205108643, 0.36491066217422485, -0.4150731861591339, 1.1396729946136475, -0.35288670659065247, 0.1060963124036789, -0.5851921439170837, 0.10807891935110092, 0.7906454801559448, -1.2369118928909302, 0.6192651391029358, 0.2779340147972107, -0.9551882743835449, 0.10259109735488892, 0.12154067307710648, -0.8698161840438843, -0.6884693503379822, 0.4262852966785431, -0.3028509318828583, -0.2798340618610382, 0.476855605840683, -0.6278693079948425, -0.0662982314825058, 0.41838526725769043, 0.3283000886440277, 0.01565466821193695, 0.9292550086975098, -0.2897059917449951, 1.527728796005249, 1.0222638845443726, 0.024698257446289062, 0.28006526827812195, 1.0563522577285767, -0.2982613146305084, 0.5861640572547913, 0.8328381180763245, 0.9804821610450745, -0.04442897066473961, 0.3940211534500122, -0.5174120664596558, 0.6765497922897339, -0.8948023915290833, -0.389897882938385, -0.02527446672320366, -0.4060758948326111, 0.38172799348831177, -0.47986555099487305, -0.5238036513328552, -0.11645839363336563, -0.3781667649745941, 1.258239984512329, -0.523786723613739, 0.1724885106086731, -0.7753202319145203, -0.39998680353164673, -0.15923035144805908, -0.2973555326461792, -0.7136765122413635, 0.4385016858577728, -1.7473379373550415, -0.07492628693580627, -0.6505907773971558, -0.30297160148620605, 0.21564944088459015, 0.1780814528465271, 0.35736292600631714, -0.7305945158004761, -0.8427600860595703, -0.15707677602767944, 0.6029923558235168, 0.17147281765937805, -0.7655961513519287, -0.29512643814086914, 0.5410739183425903, 1.0005985498428345, -0.4161877930164337, 0.8498329520225525, -0.14657004177570343, 0.31843897700309753, -0.34087252616882324, -0.2932754456996918, -1.016794204711914, 0.563129186630249, 1.1808311939239502, -1.1558321714401245, 0.15085847675800323, -0.15391454100608826, -0.009964829310774803, -0.5810131430625916, 0.4245833456516266, 0.9393112659454346, -1.069424033164978, 0.489807665348053, -0.35262423753738403, 0.3129423260688782, 0.6673629283905029, -0.28638869524002075, -0.24159839749336243, 0.520835816860199, -0.17777937650680542, 0.5844627022743225, -0.11473628133535385, 0.46809378266334534, -0.8516080975532532, -2.1494832038879395, -0.6348451972007751, -0.9639583230018616, 0.8799579739570618, -0.6573050618171692, 1.1612478494644165, 0.5716548562049866, 0.2189367711544037, 0.025323636829853058, 0.015767712146043777, 0.8750435709953308, 0.48738956451416016, 0.7297264933586121, 0.18005022406578064, -0.05766746401786804, -0.7205785512924194, 0.47602152824401855, -0.034169457852840424, 0.33973488211631775, -0.8535503149032593, 0.5427624583244324, 1.2705914974212646, 0.595386803150177, -0.36911341547966003, -1.2623565196990967, 0.30046120285987854, -0.03136928379535675, -0.11205980181694031, -1.0012859106063843, 0.34265390038490295, 0.24933503568172455, -0.3307182192802429, 0.7736527919769287, 0.25638094544410706, -0.058491311967372894, 0.8890403509140015, 0.8513135313987732, 1.5340369939804077, 0.03703396022319794, -0.6112204790115356, -0.08120597898960114, -0.04716913774609566, -0.0072306618094444275, 0.8183649778366089, 0.3821384906768799, -0.7912833094596863, 0.23091375827789307, -0.7946372032165527, 0.15865734219551086, 0.03792558237910271, 0.264616459608078, -0.327808141708374, 1.7036304473876953, 0.8684418201446533, -1.4730948209762573, -0.2339393049478531, -1.0990396738052368, -0.465114027261734, 1.1671981811523438, 0.5430177450180054, 0.27336370944976807, 0.7143577337265015, -1.0769084692001343, 0.8501274585723877, -0.19356901943683624, 0.3110259473323822, 0.19970688223838806, -0.3855999708175659, 0.8385205268859863, 0.3936097323894501, 0.43532034754753113, 0.1823561191558838, 0.21282105147838593, -0.14029499888420105, -0.6565397381782532, -0.6024137139320374, 0.8164316415786743, 0.8941471576690674, 0.16907665133476257, -0.3262956738471985, -0.7710947394371033, 0.4966915249824524, -0.5967094898223877, 0.2746565043926239, 0.5928423404693604, -1.0401549339294434, -1.3930120468139648, -0.7290622591972351, 0.06739818304777145, 0.7187925577163696, 0.21937568485736847, -0.5183895826339722, 0.33401280641555786, 0.7741506099700928, 0.24890641868114471, -0.1518070101737976, -0.35003662109375, 0.6882094740867615, 0.26187261939048767, -0.11574399471282959, 0.9145443439483643, -0.11004963517189026, -0.7450763583183289, 0.24819879233837128, -0.21092258393764496, 0.7716259360313416, 0.3515675663948059, -0.4249511659145355, 0.4047515392303467, 0.5337234735488892, 0.6102344989776611, 0.2287994921207428, 0.7292484641075134, -0.07272787392139435, -1.3537148237228394, 1.4118475914001465, 0.2389100193977356, -0.2752794623374939, 0.20960450172424316, 0.4508956968784332, 0.4574333131313324, 0.2717917263507843, 0.8187773823738098]} +{"paper_id": "md_gender_bias", "embedding": [-0.6577726602554321, 1.0818966627120972, -0.896026074886322, -0.7372602224349976, 0.25354862213134766, 0.3172338902950287, 1.3466534614562988, -0.2840439975261688, 0.9598523378372192, -0.05259424448013306, 0.7577589154243469, 0.18265068531036377, -0.2892449200153351, -0.20192405581474304, -0.232069194316864, -0.4684004783630371, -1.4138637781143188, -0.8246628046035767, -0.9148766994476318, -0.5023171901702881, -1.2666776180267334, -0.5177415609359741, -0.16557830572128296, 0.6597940921783447, -0.15782180428504944, -1.1762080192565918, 0.7163636684417725, -0.618353009223938, 0.1897531896829605, 0.3983370363712311, -0.05757889896631241, 1.0266236066818237, -1.3982661962509155, 0.5160324573516846, -0.6287651658058167, -0.31208863854408264, -0.5787379145622253, 0.2138071060180664, -0.5147043466567993, -0.49691182374954224, -1.1858316659927368, 0.16426703333854675, 0.642303466796875, 0.40560397505760193, -0.18126080930233002, 0.626650333404541, -0.10347231477499008, 0.03853162005543709, -0.03809976950287819, -0.4395582973957062, -0.3328888416290283, 0.18945318460464478, 0.10614519566297531, 0.12258963286876678, 0.018493570387363434, 0.7550996541976929, -0.10829009115695953, -0.6543710231781006, 0.9719229340553284, -1.2282218933105469, 0.9328086376190186, 1.171614170074463, -0.2565487027168274, 0.6134628057479858, 0.6077946424484253, -0.485626220703125, 0.9853184819221497, 0.11352092027664185, 0.24752646684646606, 0.7902510166168213, -0.42515039443969727, -0.4509097635746002, 0.1577783226966858, 0.21525949239730835, -0.14143601059913635, 0.45560887455940247, -0.6028361320495605, 0.05321376025676727, -0.5506365299224854, -0.4104064702987671, -0.9120745062828064, 0.5067939758300781, 0.7454088926315308, -0.6945446133613586, -0.07123783230781555, 0.45846715569496155, 0.32594799995422363, -0.1917668879032135, 0.13759943842887878, -1.2408405542373657, 0.9318002462387085, -0.3295225203037262, 0.6264250874519348, 0.0904538482427597, 0.24862657487392426, 0.07430413365364075, 0.22293056547641754, 0.5839402675628662, -0.9436212778091431, 0.46974116563796997, -0.36151883006095886, -0.4722025692462921, 0.9263805150985718, 0.2638089954853058, -0.18030722439289093, 0.17318105697631836, 0.1412225365638733, -0.7845005989074707, -0.08501534909009933, -0.5594670176506042, -0.15087299048900604, 1.2761715650558472, -0.27439364790916443, 1.2874406576156616, 0.5142750144004822, 1.0672616958618164, 0.17369982600212097, -0.750313401222229, 0.2775493860244751, 0.2095261663198471, -0.28568896651268005, -0.7897859811782837, 0.11080179363489151, 0.5326963067054749, 1.1434504985809326, -0.17827779054641724, -0.12809914350509644, -0.12581735849380493, 0.23203225433826447, -0.020527200773358345, 0.18265917897224426, -0.13904288411140442, -0.9902812838554382, 0.6061882972717285, 3.2164723873138428, -0.8777381181716919, 1.508924126625061, -0.9881463646888733, -0.3627963662147522, 0.3340684175491333, 0.2672581970691681, 0.9878018498420715, 0.27395421266555786, -1.1059659719467163, -1.0372506380081177, 0.4042903780937195, -0.4888485074043274, -0.20298871397972107, -1.2762956619262695, 0.12357664108276367, 0.13310259580612183, -0.12134966999292374, -0.8275743126869202, 0.21918892860412598, 0.14360149204730988, -0.01518762856721878, -0.03515327349305153, 0.45242059230804443, -0.6817867159843445, 0.35661810636520386, -0.10199972242116928, 0.9148256182670593, -0.3696151375770569, 0.36911988258361816, -0.6029140949249268, -1.2376729249954224, 1.1528732776641846, -0.5322608947753906, -0.5784972310066223, -0.4510229527950287, 0.8194640874862671, -0.7719318270683289, -0.44256168603897095, -0.08631738275289536, -0.19938163459300995, 0.129756897687912, -0.1600015014410019, 0.45107895135879517, 0.3678979277610779, -1.084205150604248, -0.3863787353038788, -0.7228943705558777, 0.039824508130550385, 0.5942889451980591, -0.5932102799415588, 0.26334089040756226, -1.4962735176086426, 0.035586997866630554, -0.8599311709403992, 1.2282496690750122, -0.7478328347206116, -0.06836596131324768, 0.2999613285064697, 0.36479252576828003, 0.1877652108669281, 0.13179850578308105, 0.7634015083312988, -1.061158299446106, 0.3564702868461609, 0.11335350573062897, -0.7194757461547852, -0.6727434396743774, 0.14124123752117157, 0.5993467569351196, 0.8632522821426392, -0.796681821346283, -0.3646094799041748, -1.6592153310775757, 0.2715874910354614, 2.09820556640625, -0.10325135290622711, -0.4283464550971985, 0.2850169837474823, -0.2040255218744278, -0.3674415946006775, 0.3153702914714813, 0.3000441789627075, -0.9102640151977539, 0.045835040509700775, -1.1997525691986084, -0.22330781817436218, -0.27830469608306885, 0.17208018898963928, 1.2049511671066284, 2.0752744674682617, -0.8753010630607605, 0.14550168812274933, -0.29283544421195984, -1.1311049461364746, 0.5267540216445923, 0.9084551930427551, 0.17427603900432587, 0.6457724571228027, 0.8818131685256958, -0.02207980304956436, 1.0575693845748901, 0.4098834693431854, 0.40708300471305847, -0.7578470706939697, -0.3186849355697632, -0.07519392669200897, 0.41835761070251465, 0.26349371671676636, -0.2691962420940399, 0.6540433764457703, 0.09589806199073792, -0.7900516986846924, -0.3306386172771454, 0.29034996032714844, -0.5765647292137146, 1.3346186876296997, 0.634530782699585, -0.5762291550636292, 0.7384453415870667, -0.11040666699409485, 0.4021213948726654, -0.7322660088539124, 0.05206184461712837, -0.442937970161438, 0.09902594983577728, 0.7587672472000122, 0.014593800529837608, -0.20990093052387238, -0.42410171031951904, 0.17743264138698578, -0.62401282787323, -0.18121954798698425, -0.27628710865974426, -0.5590128898620605, -0.8552550077438354, -0.5866578221321106, -0.23849527537822723, -0.6353133320808411, -0.3957963287830353, 0.36388036608695984, 0.18870754539966583, -0.8228025436401367, 0.4925517737865448, 1.3090190887451172, -0.35126179456710815, -0.5104429125785828, 0.4382145404815674, 1.4832708835601807, -0.3994550108909607, 0.029909513890743256, -0.42018017172813416, 0.007836022414267063, -0.2881469428539276, -0.5538501739501953, -0.6074693202972412, 0.7446030378341675, 0.5697981119155884, -0.6694610714912415, 0.2852238714694977, 0.022670939564704895, -0.264711856842041, 0.525920033454895, -0.16892708837985992, 0.5118261575698853, -0.5677948594093323, 0.88816237449646, 0.503862738609314, -0.5459511876106262, 0.1921617090702057, -0.3942273259162903, 0.13382446765899658, 0.7347521185874939, -0.6044893264770508, 0.06660865247249603, -0.019928496330976486, -0.6265318393707275, -0.1723751574754715, 0.3384368121623993, -2.1646273136138916, 0.5597674250602722, 1.0977942943572998, -0.7264248728752136, -0.1381056308746338, -1.1489640474319458, -0.1027410477399826, -0.3424251973628998, -0.11418113857507706, -0.07064187526702881, -0.19765949249267578, 0.3937208950519562, -0.7530489563941956, -0.30729562044143677, 0.30150288343429565, -1.181949496269226, -0.8961973190307617, 0.5208780169487, 1.004439353942871, -1.0853395462036133, 0.5282915830612183, -0.05842345952987671, -0.9300327897071838, 0.6484825611114502, 0.4440537691116333, 0.8313980102539062, 1.5880235433578491, -0.47649770975112915, -0.3960401117801666, 0.47952085733413696, 0.22370493412017822, 0.6456082463264465, 0.3836812973022461, -0.0013003982603549957, 0.2737622559070587, -0.5941634774208069, 1.2148569822311401, -0.18959958851337433, -1.595825433731079, -0.8289031982421875, -0.8936704397201538, -0.038073085248470306, -1.320090889930725, 0.13519102334976196, 0.7842217087745667, 0.6730595827102661, 0.31026679277420044, 0.7783695459365845, -0.35748350620269775, 0.1479169726371765, 0.7161126732826233, 0.18462270498275757, 0.9201697707176208, 0.08978448808193207, 0.6053034067153931, 0.4187908172607422, 0.26247382164001465, -0.7255293726921082, -0.2461552619934082, 1.5810467004776, 0.5736027359962463, -0.29753535985946655, 0.17579779028892517, 0.6066023707389832, -0.28546738624572754, 1.1568740606307983, -0.7325543761253357, -0.09430147707462311, -0.38318249583244324, 0.9009627103805542, 0.39595654606819153, 0.2787824869155884, -0.6871058940887451, 0.8078198432922363, 0.03238872066140175, 1.2051564455032349, 0.32842230796813965, 0.027236349880695343, 0.6270174384117126, -0.8089911937713623, -1.215025782585144, -0.34056469798088074, -1.0550596714019775, -0.22338590025901794, -0.2187596559524536, -0.14437629282474518, 0.1398032158613205, 0.3416775166988373, -0.374480664730072, -0.7473253011703491, 0.8162531852722168, -0.04059950262308121, -0.43047696352005005, 0.1644727736711502, 0.9071081876754761, -1.3230572938919067, -0.0704975500702858, -0.5431458950042725, -0.9337915182113647, -0.9209946990013123, 0.47728732228279114, -0.5560083985328674, 0.8131730556488037, -0.6158319711685181, 0.8682509660720825, -0.1601305603981018, 0.5533177852630615, -0.44083887338638306, 0.5242066979408264, 1.681705355644226, -0.5289350152015686, 0.7915456295013428, 0.3939208686351776, 0.34442758560180664, 0.3732856214046478, -0.23089130222797394, 0.7184498906135559, 0.2530989646911621, 0.4719013273715973, 0.2616051435470581, -0.33680713176727295, -0.49267497658729553, 0.6451759934425354, -0.3389485776424408, 0.0981953963637352, -1.5042955875396729, 0.008459660224616528, -0.060559630393981934, 0.6872069239616394, 0.5867363214492798, -0.26384252309799194, -1.1783387660980225, 1.0558569431304932, -0.22056308388710022, 0.3474079668521881, -0.4511520564556122, 0.4157577455043793, 1.1779248714447021, 0.21637937426567078, 0.10449820756912231, -0.2764318287372589, -11.909894943237305, 1.2850964069366455, -0.4421048164367676, 0.6836374998092651, 0.09097735583782196, 0.07768379896879196, 0.5769225358963013, -0.3418256938457489, 1.1410576105117798, -0.7143811583518982, -0.039871957153081894, 1.1332728862762451, 0.35329535603523254, -0.06706258654594421, -0.43506643176078796, -0.9831047654151917, -0.9604997634887695, -0.7635380029678345, 0.23761509358882904, 0.5193199515342712, -0.5454249978065491, -1.1729090213775635, 0.23064549267292023, -0.3976172208786011, 0.19146782159805298, -0.573147177696228, -0.2970249652862549, -1.5437541007995605, 0.16009704768657684, 1.0753097534179688, 0.4911380708217621, 0.6884342432022095, -0.7029866576194763, -0.28479546308517456, -0.6960349678993225, -0.44587594270706177, -1.1363447904586792, 0.06259594112634659, 0.7562922239303589, 0.415831059217453, 0.16796615719795227, 0.28104180097579956, 1.0910323858261108, -0.23210659623146057, -0.20796722173690796, 0.10219302773475647, 0.06316430866718292, 0.05286858603358269, -0.14827708899974823, -0.4985865652561188, 0.06364172697067261, -0.6146625280380249, -0.8772597312927246, -0.34429481625556946, 0.17665313184261322, -0.3563573956489563, -0.9426879286766052, 0.5488854646682739, -0.8359114527702332, -1.5329397916793823, 0.7726287245750427, 0.8120645880699158, -0.8603061437606812, 0.3485240340232849, 0.6812544465065002, -0.48937416076660156, -0.785729169845581, 0.0001182854175567627, 0.6330276131629944, 0.3123684823513031, -0.2717038094997406, 0.9906697869300842, -0.37545663118362427, 0.31344711780548096, 0.21227777004241943, -0.33271217346191406, -0.5432960391044617, -0.395761638879776, 1.1282477378845215, -0.08494366705417633, -1.3953601121902466, 0.40601712465286255, -0.2203037142753601, -0.4901297390460968, -0.986787736415863, 0.932724118232727, -0.44074389338493347, -0.32864487171173096, 0.9715936183929443, -0.24700874090194702, 0.6180037260055542, -0.08753615617752075, 0.0809791088104248, 0.7506990432739258, -0.3358488976955414, 1.4125791788101196, -0.6626085638999939, 1.0759551525115967, -0.5677752494812012, -0.15143254399299622, 0.3608665466308594, 0.445024311542511, -0.35060763359069824, 0.15703877806663513, -0.18731962144374847, -0.07340066879987717, 0.08847659826278687, -0.06741394102573395, 0.17501641809940338, -0.22926299273967743, 0.34222543239593506, 0.15523886680603027, 0.4706873893737793, 0.6164938807487488, -0.1935877501964569, 0.7890518307685852, 1.3851655721664429, 1.127786636352539, 0.6661317348480225, -0.12074996531009674, -0.6266987919807434, 0.08017144352197647, -0.1021759957075119, 1.1824275255203247, 0.21598395705223083, 0.1743992567062378, 1.1245789527893066, -0.5755826830863953, 0.4887985587120056, -1.6633695363998413, 0.17170895636081696, -0.876065731048584, 0.03445601463317871, -0.5767496824264526, 0.7726408839225769, -0.5079426765441895, -1.4216411113739014, 0.42198091745376587, -0.03118019923567772, 0.41846391558647156, -0.321428120136261, -0.17253343760967255, 0.08342191576957703, -0.9585846662521362, -0.7902347445487976, 0.944866418838501, -1.666698694229126, 0.29823386669158936, -0.31382036209106445, -0.05317582190036774, 0.29724520444869995, -0.14545688033103943, 0.7381007075309753, -0.939461886882782, 0.08208753168582916, 0.4898567795753479, 0.9907480478286743, -0.12010270357131958, -0.8550718426704407, -0.2874719798564911, 0.6525973081588745, 1.358322262763977, -0.6115731000900269, 1.1777929067611694, 0.5416162014007568, -0.7386817932128906, -0.3386113941669464, 0.07794202864170074, -0.1782364845275879, 0.4804808497428894, -0.002014490310102701, -0.6039125919342041, -0.450601726770401, -0.7201801538467407, -0.6690471172332764, -0.8831130266189575, 0.6269293427467346, 1.0314457416534424, -0.5519055128097534, -0.3328291177749634, -0.14534015953540802, 0.314949631690979, -0.23959754407405853, 0.19704478979110718, -0.669042706489563, -0.24215087294578552, 0.23733466863632202, 1.1133992671966553, 0.34012728929519653, 0.7776662707328796, -1.3968271017074585, -1.1340253353118896, -0.3009943962097168, 0.27546027302742004, 0.45302891731262207, 0.03569330275058746, 1.0737121105194092, 0.7126286625862122, -0.12560026347637177, -0.09433801472187042, -0.010581616312265396, 0.8728777170181274, -0.21542228758335114, -0.4541743993759155, -0.6924864053726196, 0.06659101694822311, -0.6895716786384583, 0.6542512774467468, 0.32800212502479553, 0.3243075907230377, -1.3169338703155518, -0.8373249173164368, -0.7321575284004211, -0.2691881060600281, -0.5050904154777527, 0.1139441579580307, -0.23959660530090332, 0.3102394938468933, -0.4330260753631592, -0.6390409469604492, 0.8302705883979797, 1.1317448616027832, 0.17208300530910492, 0.4207860827445984, 0.768887460231781, 0.2937183976173401, 0.30766531825065613, 0.5904670357704163, 1.4062505960464478, 0.5647467970848083, -0.7499185800552368, -0.26710036396980286, 0.06483658403158188, 0.10677406936883926, -0.3139793872833252, 0.8146089911460876, -0.36975789070129395, 1.2629897594451904, -0.9148131608963013, -0.2507798671722412, 0.12663419544696808, 0.894632875919342, 0.986163318157196, 0.8664757609367371, -0.2299165576696396, -1.2466236352920532, 0.16745315492153168, -0.40649470686912537, -0.27406084537506104, -0.14254574477672577, 0.9179922342300415, 0.8693367838859558, 1.026302695274353, 0.061115771532058716, 0.7827602028846741, 0.566857099533081, 0.1322018802165985, -0.0696084126830101, 0.38873302936553955, 0.8859372138977051, 0.5257906913757324, 0.4683246314525604, 0.6840044856071472, -0.4394737184047699, -0.44854915142059326, -0.46945202350616455, -0.4037996232509613, 1.2408084869384766, 0.11172273755073547, 0.6113609671592712, -0.3614811897277832, -0.5269792079925537, 0.680097222328186, 0.21642495691776276, 0.36316704750061035, 0.2612795829772949, -0.2554975748062134, -1.196474313735962, -0.7451546788215637, 0.8216298222541809, 0.6432632803916931, 0.29617011547088623, -0.24666522443294525, -1.192360520362854, 0.45875242352485657, 0.7587870359420776, -0.2744917571544647, -1.1012763977050781, 0.7541126012802124, -0.6154540777206421, 0.6751230955123901, 0.03985157981514931, -0.8985443711280823, -0.5679788589477539, -0.6044905185699463, -0.44612544775009155, 1.3160018920898438, -0.44203996658325195, -1.662835955619812, -0.872294545173645, 0.2876347601413727, -0.09540973603725433, 0.5273500084877014, 0.07208961993455887, -0.35303136706352234, -1.8613262176513672, 1.6637849807739258, 1.0503156185150146, -0.5941488146781921, -0.06016197055578232, 0.3279403746128082, -0.24006439745426178, -0.04788997396826744, 1.1004724502563477]} +{"paper_id": "polyglot_ner", "embedding": [-0.7647506594657898, 1.0378227233886719, 0.29146459698677063, -0.34239068627357483, 0.0785442441701889, -0.5977200865745544, -0.3772934675216675, 0.6882891058921814, 0.6395798325538635, 0.6718251705169678, 0.6469712257385254, -0.2639702260494232, 0.32912105321884155, 0.05137505382299423, -0.5097270011901855, 0.05439724773168564, -0.5027948021888733, -0.9483527541160583, -0.8472868204116821, -0.23952198028564453, -0.936394214630127, -0.3093513250350952, 0.3779616951942444, 0.0833708792924881, -0.6698373556137085, -0.887198269367218, 0.019457194954156876, -0.8999078273773193, 0.40573546290397644, 0.05952944606542587, -0.4781794548034668, 1.0028841495513916, -0.9368097186088562, 0.03711552917957306, 0.013458605855703354, 0.3817923963069916, 0.35588252544403076, 1.1670506000518799, -0.8845491409301758, -0.44305771589279175, -0.6838998198509216, -0.25771018862724304, 0.8100594878196716, 0.052184101194143295, 1.1911230087280273, -0.19108563661575317, 0.307710200548172, 0.184620201587677, 0.7676025032997131, -0.2700382471084595, -0.22932973504066467, 0.08751970529556274, -0.20215705037117004, 0.44576296210289, -0.49798813462257385, 0.8606134057044983, 0.26445668935775757, -1.1206430196762085, 0.5481793880462646, -0.902634859085083, 0.6071902513504028, 1.0299922227859497, -0.195426344871521, 0.025977835059165955, 0.825099527835846, 0.25710344314575195, 1.0423771142959595, 0.037204042077064514, 0.7429333329200745, 0.563689112663269, -0.17743754386901855, -1.3864166736602783, 0.45052656531333923, 0.09203380346298218, 0.604223370552063, 1.029806137084961, 0.8357412815093994, -0.01024218276143074, 0.21290883421897888, 0.1919780969619751, -0.4701157212257385, 0.6813119649887085, 0.7188833355903625, -0.26383885741233826, -0.42475175857543945, -0.2009929120540619, 0.3587023913860321, -0.6261823177337646, 0.9937265515327454, -1.4682918787002563, 0.44079524278640747, 0.02973652444779873, -0.3817789852619171, -0.13235589861869812, -0.28439760208129883, -0.002002432942390442, -0.13017086684703827, -0.1792193353176117, -0.7703903913497925, 0.5761296153068542, 0.8487667441368103, -0.2761223316192627, -0.0369587168097496, -0.3997330367565155, -0.2583344876766205, 0.8273583054542542, -0.6421733498573303, -0.3892322778701782, -1.2318589687347412, -0.22139039635658264, 0.08440813422203064, 1.1418962478637695, 0.215003103017807, 0.23193874955177307, -0.16846050322055817, -0.04748071730136871, 0.5021559000015259, -0.8978824615478516, -0.16654877364635468, 0.4207143783569336, -0.17999401688575745, -1.0384716987609863, -0.2911358177661896, 0.43348395824432373, 0.7523492574691772, -0.736289381980896, 0.3691352307796478, -0.1441079080104828, -0.23525449633598328, -0.06963899731636047, 0.6760890483856201, 0.28485968708992004, -0.3491905927658081, -0.5090273022651672, 3.0622589588165283, -1.000433325767517, 0.947585940361023, 0.02226814441382885, 0.09858714044094086, -0.03213830292224884, -0.032883379608392715, 0.8707727193832397, 0.6873452067375183, -0.25669318437576294, -0.2890728712081909, 0.13178065419197083, -0.18975606560707092, 0.3771047294139862, -0.4852654039859772, -0.2773594856262207, 0.15151368081569672, 0.35783225297927856, -1.2537474632263184, -0.07939852029085159, 0.057068366557359695, 0.6765602231025696, 0.194562166929245, 0.5851341485977173, -0.24659386277198792, 1.1550368070602417, 0.5231612920761108, 0.19367562234401703, -0.7781909704208374, 0.5035167336463928, -0.5291854739189148, -0.11229028552770615, 1.472159504890442, -0.20521754026412964, -1.0527758598327637, -0.17136994004249573, 0.32555291056632996, -0.45645490288734436, -0.28875991702079773, -2.26534903049469e-05, -0.5981801152229309, -0.185377299785614, 0.8359742760658264, 0.5294687151908875, -0.1525118499994278, -0.05729032680392265, 0.09382224082946777, 0.06891118735074997, 0.0443497970700264, 1.0111464262008667, -0.4187919497489929, 0.7971624135971069, -2.1948227882385254, -0.4100368022918701, 0.30781471729278564, -0.012795120477676392, -0.31051307916641235, -0.3327855169773102, -0.08875326067209244, 0.03280283138155937, 0.39115601778030396, 0.07083147764205933, 0.1333540380001068, -1.6779996156692505, -0.5667709112167358, 0.11827501654624939, 0.18662850558757782, 0.2765839397907257, 0.20918217301368713, 1.0861618518829346, 0.0026576726231724024, -0.21683141589164734, -0.39928746223449707, -1.746714472770691, 0.1688312590122223, 2.62692928314209, -0.8297765254974365, -0.778221070766449, -1.7868050336837769, -0.05287587642669678, -0.09917706996202469, -0.7795188426971436, 0.4490859806537628, -0.42352038621902466, 0.4129303991794586, -1.175848126411438, 0.6166933178901672, -0.4526878893375397, -0.12137068063020706, 0.008851326070725918, 1.0173648595809937, -0.47574755549430847, -0.5922579765319824, -0.6008265614509583, -0.8329358696937561, 0.7150467038154602, 0.4214058220386505, 0.27707234025001526, -0.15166673064231873, 0.8533993363380432, 0.6263855695724487, 0.4573916792869568, -0.023159023374319077, 0.631943941116333, -0.7281914949417114, 0.47461652755737305, -0.4101954698562622, 0.9261879920959473, -0.19863788783550262, -0.015162758529186249, -0.013806313276290894, 0.33335626125335693, -0.32064345479011536, -0.47452312707901, 0.4227726459503174, 0.2612442970275879, 1.1571992635726929, 1.2928053140640259, -0.8456774353981018, 1.2570031881332397, -1.2118127346038818, 0.18303275108337402, -0.8363795280456543, -0.7713919281959534, -0.47511833906173706, 0.06362587958574295, 1.0976688861846924, -0.31092000007629395, 0.04990661144256592, -0.18302389979362488, -0.108476921916008, -1.6917598247528076, -0.05490174517035484, -0.2310059368610382, -0.4286356568336487, -0.5337311029434204, -0.13114382326602936, -0.1758948713541031, -1.061353325843811, -0.8629048466682434, 0.1428222954273224, 0.6369099020957947, -0.07508891820907593, 1.0166782140731812, 1.5168737173080444, -0.608268141746521, 0.3610294759273529, 0.13449405133724213, 1.0830974578857422, -0.8020973801612854, 0.6710148453712463, 0.7611268162727356, 0.36697453260421753, -1.1212986707687378, -0.12339773029088974, 0.09366728365421295, 0.061503417789936066, 0.4658159017562866, 0.2520945966243744, 0.03283436968922615, -0.4995150566101074, -0.9674396514892578, 0.9785602688789368, -0.25091469287872314, -0.45706549286842346, -1.093636155128479, 1.7870986461639404, 0.21881699562072754, -0.10128015279769897, 0.9104012250900269, 0.46750232577323914, -0.13445289433002472, 1.3442440032958984, -0.07743829488754272, 0.30565428733825684, -0.07171288132667542, 0.12429000437259674, -0.14880260825157166, 0.6952885389328003, -1.9906129837036133, 0.1505739390850067, 0.27318838238716125, -0.08473058044910431, 0.22105459868907928, -0.02049361914396286, 0.5016124844551086, -0.8462347388267517, -0.22605633735656738, 0.5845571160316467, -0.5015472173690796, 0.6264051795005798, -0.637783944606781, -0.08350493013858795, 0.5272871851921082, -0.5900028944015503, 0.4867421090602875, 0.6984487771987915, 0.4682808816432953, -1.0458409786224365, -0.13318496942520142, 1.3255889415740967, -0.14935727417469025, 0.7588211297988892, 0.2182612121105194, 0.3896676003932953, 0.656889796257019, -1.2631988525390625, -0.19798266887664795, -0.11559049785137177, 0.6060160994529724, -0.01853419840335846, 0.11067663878202438, 0.25686365365982056, 0.9451686143875122, -0.18720665574073792, 1.3510072231292725, 0.42034459114074707, -0.9803823828697205, -1.2286020517349243, -0.4257855713367462, -0.4598170518875122, -0.02238317020237446, 2.0821681022644043, 1.0852489471435547, 1.8112819194793701, 0.21423068642616272, -0.33292946219444275, -0.6710460782051086, -0.21181140840053558, 1.0325229167938232, 0.8140569925308228, 0.022767700254917145, -0.29500311613082886, 0.11167649924755096, 0.45219624042510986, 0.02305733785033226, -0.35221680998802185, 0.38182470202445984, 0.6222569942474365, 0.10060963779687881, -1.1143903732299805, 0.4357756972312927, 0.28544101119041443, 0.6892280578613281, 1.2551913261413574, -0.45379823446273804, -0.2444099336862564, -0.6628444790840149, 0.7228028774261475, -0.16389577090740204, 0.13786613941192627, -0.645465612411499, 0.19778865575790405, 0.43136173486709595, -0.11990523338317871, -0.10907350480556488, 1.0585218667984009, 1.450562834739685, -0.023509904742240906, -1.2847180366516113, 0.1448269486427307, -1.071219801902771, -0.13688984513282776, 0.13893964886665344, -0.11103461682796478, -0.5161306262016296, -0.003911323845386505, -0.16637250781059265, -0.6106773018836975, 0.7930908203125, -1.1136610507965088, -1.5585278272628784, 0.8443622589111328, 1.369231104850769, -0.7867036461830139, -0.6424373388290405, 0.2038983553647995, -0.52325439453125, -0.6155890822410583, -0.01736689731478691, -1.0446711778640747, 0.05577482655644417, 0.1557045429944992, 0.5156878232955933, -0.19200125336647034, -0.04024123772978783, -1.0656100511550903, 0.8646831512451172, 1.0814259052276611, 0.20780935883522034, 0.5135916471481323, -0.14910121262073517, 0.43926912546157837, -0.5435762405395508, -1.460102915763855, -1.0408225059509277, 0.5957430601119995, -0.22479291260242462, -0.11674857884645462, -0.965257465839386, -0.8192240595817566, 0.45057934522628784, -0.23467928171157837, 1.0202865600585938, -0.651777446269989, 0.5733941197395325, -1.1352949142456055, 0.2745099365711212, 0.0378197506070137, -0.6130405068397522, -1.2548645734786987, 1.2206816673278809, -0.12841971218585968, 0.2534829378128052, -0.3407125473022461, 0.7721594572067261, 1.2869633436203003, 0.19801583886146545, -0.06599503010511398, -0.5882951617240906, -12.33993148803711, 0.39347630739212036, -0.03128020465373993, 0.234224334359169, 1.0453327894210815, -0.23155346512794495, 0.9792892336845398, 0.11970731616020203, 0.6130625009536743, -0.39418113231658936, 0.2044430822134018, 1.3267254829406738, 0.25817081332206726, 0.0955502912402153, -0.8315773010253906, -1.4878942966461182, -0.607711911201477, -0.4453299045562744, 0.6742373704910278, 0.23302534222602844, -0.8880305886268616, -1.0397285223007202, -0.5763017535209656, 0.08024206757545471, 0.5090662240982056, -0.19032397866249084, -0.01553577370941639, 0.10330240428447723, -0.11769735813140869, -0.32627159357070923, 0.2646694779396057, -0.24393817782402039, -1.0099800825119019, 0.054003164172172546, 0.02013906091451645, 0.41933342814445496, -0.7833832502365112, 0.38926276564598083, 1.1342324018478394, 0.4540366232395172, -0.4010998010635376, 0.7167580723762512, 0.22222287952899933, 0.21959510445594788, -0.7602452039718628, 0.18392430245876312, 0.7216005921363831, -1.1272952556610107, 0.24463772773742676, -0.44728872179985046, -0.5996488928794861, -0.5949391722679138, -1.0835251808166504, -0.2036767303943634, 1.0384503602981567, 0.518137514591217, -0.44980019330978394, -0.36877819895744324, -0.8207941055297852, -1.2408733367919922, 1.1674494743347168, 0.1424810290336609, -0.5025405883789062, 0.37566375732421875, 0.2814141511917114, -0.053185801953077316, 0.4481416642665863, 0.1918739676475525, -0.19315952062606812, 0.2646943926811218, -0.19145908951759338, 0.5659604072570801, 0.4344175159931183, 0.40326595306396484, -0.305120050907135, -0.29817360639572144, -0.2689789831638336, -0.001547444611787796, 0.25911542773246765, 0.24888412654399872, -1.1328204870224, 1.0346794128417969, -0.08430993556976318, -0.003482528030872345, -0.2133856862783432, -0.10110059380531311, -0.7864854335784912, -0.08602752536535263, 0.19381722807884216, 0.07953279465436935, 0.7495176196098328, -0.23689338564872742, -0.5325642228126526, -0.246058851480484, -0.21395334601402283, 0.8106648921966553, -1.0575616359710693, 0.5513321757316589, 0.3001118302345276, -0.4579488933086395, 0.35122057795524597, -0.39966946840286255, -0.8355927467346191, -0.45646780729293823, 0.8417873978614807, -0.05719142407178879, 0.09887677431106567, -0.022990472614765167, 0.28799429535865784, -0.8767496347427368, 0.9613210558891296, -0.22752583026885986, 0.36010682582855225, 1.3102350234985352, -0.3383150100708008, 0.7053743004798889, 0.853632926940918, -0.1012239009141922, 0.6916331052780151, 1.3049774169921875, 0.3064151704311371, 0.5183811783790588, 0.32356590032577515, 1.0754663944244385, -0.3690066337585449, 0.15661370754241943, 0.7670594453811646, 0.6031567454338074, 0.31631404161453247, -1.4632169008255005, -0.11419413983821869, 0.12374190986156464, -0.2674318552017212, -1.0053521394729614, -0.5742794871330261, -0.3489340543746948, -0.7199241518974304, 1.3479100465774536, -0.107319675385952, 0.3011341989040375, -0.033904068171978, -0.7770670056343079, -0.25306054949760437, -0.23500500619411469, -0.4339750409126282, -0.20462557673454285, -0.6929055452346802, 0.13983863592147827, -0.4092395007610321, -0.4904572367668152, 0.35086435079574585, -0.5835676193237305, 0.8481451869010925, -0.606184184551239, 0.17466424405574799, -0.15121884644031525, 0.0782947838306427, -0.3836106061935425, -0.5632595419883728, -0.17598958313465118, 0.19236981868743896, 1.0189610719680786, -0.881973147392273, 1.6272156238555908, 1.0330232381820679, 0.05439453199505806, -0.6069324016571045, -0.1790696233510971, -0.6880829930305481, 0.05629535764455795, 0.6978782415390015, -0.6399524807929993, -0.0894114226102829, -0.3204643726348877, -0.13700222969055176, -1.0421686172485352, 0.4583764672279358, 1.3497222661972046, -0.9750931262969971, 0.10563618689775467, 0.4384506642818451, 0.8751298785209656, 0.3500870168209076, -0.07038820534944534, -0.9226106405258179, -0.4490678310394287, 0.4468823969364166, 0.8515205383300781, -0.0455140620470047, 0.7676429152488708, -1.223777413368225, -0.8857764005661011, -0.5629543662071228, -0.085203617811203, 0.5655419230461121, 0.1260717213153839, 0.9700514078140259, 0.4086092412471771, 0.17480114102363586, 0.35273101925849915, 0.12879489362239838, 0.997677743434906, 0.2915981709957123, 1.0088204145431519, -0.2674447000026703, -0.10673121362924576, -0.9279282689094543, 0.15662597119808197, 0.4335939586162567, 0.7935959100723267, -0.9947795271873474, -0.29366809129714966, 0.28281354904174805, -0.06810641288757324, 0.2936643660068512, -0.7620052099227905, 0.1112767681479454, -0.1558334231376648, -0.4183277487754822, -0.9229229092597961, 0.139564648270607, 0.9086202383041382, -1.018381118774414, 0.5663253664970398, -0.16715705394744873, 0.45835644006729126, 0.40695202350616455, 0.389881432056427, 1.1752352714538574, -0.6173095703125, -0.6933092474937439, 0.6063348650932312, -0.3065710663795471, -0.24726566672325134, -0.40641289949417114, 0.0688612312078476, -0.6841180920600891, -0.09356727451086044, -0.7349307537078857, 0.3616805076599121, 0.03474745899438858, 0.5319886803627014, 0.5286785960197449, 0.6640458106994629, -0.4116322994232178, -1.0794883966445923, -0.16256549954414368, -0.9150605201721191, 0.11537301540374756, 0.04898703470826149, 0.28090041875839233, 0.40765878558158875, 0.8552340269088745, 0.20210158824920654, 0.7757872939109802, -0.09641018509864807, 0.1545105278491974, -0.07144857197999954, -0.004600144922733307, 0.8863522410392761, 0.5289285182952881, 0.24184276163578033, -0.03264213353395462, -0.18241450190544128, -1.1859097480773926, -1.092757225036621, -0.3913198411464691, 0.5047817826271057, 1.1971100568771362, -0.3743766248226166, 0.07472731173038483, -0.9416014552116394, 0.6593229174613953, -0.6728546619415283, 0.3332887887954712, 0.32417625188827515, -0.1836080551147461, -0.692468523979187, -0.9360746145248413, 0.3643764555454254, 1.2114205360412598, -0.45122337341308594, 0.17959386110305786, -0.6767798662185669, 0.18298731744289398, -0.5828452110290527, -0.30047813057899475, -0.7369640469551086, 0.7245341539382935, -0.1355242282152176, 0.026318490505218506, -0.15794317424297333, -0.7082252502441406, -0.71506267786026, 0.15123163163661957, -0.7029572129249573, 0.27153727412223816, 0.32748860120773315, -0.6129279732704163, -0.3210357427597046, 0.5539177060127258, -0.5821123123168945, 0.38581857085227966, 0.3221047520637512, -0.5192227959632874, -1.5717839002609253, 0.32619771361351013, 0.6512283682823181, 0.24118968844413757, -0.7190515398979187, 0.2482486367225647, 0.350283682346344, 0.0652213841676712, 0.7609162926673889]} +{"paper_id": "imppres", "embedding": [-0.6029224991798401, 0.8128016591072083, -0.753506064414978, 0.10521657764911652, 0.36628657579421997, 0.6897569894790649, 0.18392464518547058, 0.33169007301330566, 0.5939889550209045, 0.9886678457260132, 0.7367152571678162, -0.5031614303588867, -0.18185198307037354, -0.38556790351867676, 0.12286640703678131, 0.026376286521553993, -1.500716209411621, -0.250098317861557, -1.9859989881515503, -0.6110257506370544, -0.4159332513809204, -0.5896695852279663, 0.3664452135562897, 0.6214786171913147, -0.960852324962616, -0.9902455806732178, 1.0288447141647339, -0.8634692430496216, 0.4485835134983063, 0.10714137554168701, -0.3424651324748993, 1.040097951889038, -0.9887049198150635, 1.0455281734466553, -0.09261853992938995, -0.37422385811805725, -0.5907176733016968, 1.2498550415039062, -0.46418529748916626, 0.7292211651802063, -0.18094801902770996, 0.11351235955953598, 0.48391398787498474, 0.6155633926391602, 0.3403741717338562, -0.716749906539917, -0.08382630348205566, 0.36023277044296265, -0.6562477946281433, -0.16331714391708374, -0.26502367854118347, -0.028645575046539307, -0.2205602526664734, 1.2400521039962769, -0.38679593801498413, 1.7354222536087036, 0.49400243163108826, -0.6870277523994446, 0.9953190684318542, -0.4376085102558136, 1.495090365409851, 2.280268907546997, -0.5059522986412048, 0.0015711002051830292, 0.6213665008544922, 0.015603765845298767, 1.5464121103286743, -0.529413104057312, 0.3229891061782837, 0.8623241782188416, -0.09417690336704254, -0.12656989693641663, 0.3438984453678131, 0.07613345980644226, 0.1983342468738556, 0.033522844314575195, 1.1297390460968018, 1.3132189512252808, -0.3548283576965332, 0.24085307121276855, 0.08237341046333313, 0.4623904228210449, 0.4321158826351166, -0.5573785305023193, -0.7678528428077698, 0.7081798911094666, 0.3452845811843872, -1.176905632019043, 0.22277379035949707, -2.1963369846343994, 0.6068528890609741, 0.18295566737651825, -0.744179904460907, -0.08169367909431458, 0.036638498306274414, 0.7727075219154358, -0.42370152473449707, -0.1336437463760376, -0.028612006455659866, 0.06431977450847626, 0.19719329476356506, -1.1254249811172485, -0.18539081513881683, -0.5875323414802551, 0.15917500853538513, 1.1602153778076172, 0.18371447920799255, 0.16679364442825317, -0.643740713596344, -0.13779178261756897, -0.03900068998336792, 1.4878013134002686, -0.617821991443634, 0.6576663255691528, 0.6037247776985168, 0.35528692603111267, 0.1629580408334732, -0.9244065284729004, 0.005541393533349037, 0.7819528579711914, 0.05359978228807449, -0.9280125498771667, -0.5618203282356262, 0.1825500875711441, 1.4744763374328613, -0.7249345779418945, -0.1519174426794052, -0.2526433765888214, 0.48668864369392395, 0.04232778400182724, 0.17399293184280396, -0.38187175989151, -0.9427436590194702, -0.22624066472053528, 3.4278476238250732, -0.698773980140686, 1.8548345565795898, -1.1716734170913696, -0.10635042935609818, -0.5878440737724304, 0.14510750770568848, 0.8497591614723206, -0.0956992357969284, -0.7569578289985657, -1.1319524049758911, 0.25524014234542847, -0.08779547363519669, 0.018393579870462418, -0.8292906880378723, 0.24367767572402954, -0.038235072046518326, -0.07853635400533676, -2.089327812194824, 0.10525999218225479, 0.19273442029953003, -0.029916785657405853, -0.12181569635868073, 0.7215116024017334, -0.35245758295059204, 0.8987781405448914, 0.17055368423461914, -0.6479020118713379, -0.10626203566789627, 0.43181124329566956, -0.48671963810920715, -0.4656184911727905, 1.4106298685073853, -0.12267711013555527, -1.258095145225525, -0.4861067235469818, 0.32537978887557983, 0.016354329884052277, -0.6333111524581909, -0.31180235743522644, 0.04150024801492691, -0.05685518682003021, 0.6072496771812439, 1.02228844165802, 0.027227181941270828, -0.2387705296278, -0.9877139925956726, -0.8684572577476501, -0.25450897216796875, 0.8152187466621399, -0.37923291325569153, 0.5263242721557617, -1.9663059711456299, -0.8727583885192871, -0.21834711730480194, 1.2091648578643799, -0.5054134726524353, -0.2530847191810608, 0.24545791745185852, 0.5729461312294006, 0.533755898475647, 0.08999638259410858, 1.2135863304138184, -1.1922520399093628, -0.15976393222808838, -0.13030323386192322, -0.6270477771759033, -0.7261386513710022, -0.46521711349487305, 1.1463021039962769, 0.6479888558387756, -1.5310837030410767, -0.29532188177108765, -1.9251210689544678, 0.4026922583580017, 3.624695301055908, 0.4731147289276123, -0.11901120841503143, -1.2207354307174683, -0.26833099126815796, -0.5801005959510803, 0.4277285933494568, 0.2801509201526642, -1.0146310329437256, 0.6046570539474487, -0.9217949509620667, 0.38576722145080566, 0.09565045684576035, 0.32235443592071533, 0.8767113089561462, 0.945472240447998, -0.822063148021698, -0.5164525508880615, -0.8287321925163269, -0.06487065553665161, 0.5930503606796265, 0.2622561454772949, 0.36416909098625183, -0.15392492711544037, 0.2688726782798767, 0.875035285949707, 1.1478097438812256, 0.1536087691783905, 0.3682417869567871, -1.0848127603530884, 0.7490010857582092, 0.05354325473308563, 0.6127424836158752, -0.13047461211681366, 0.7467731833457947, 0.4295826554298401, 0.46867233514785767, -0.5320000648498535, -0.411385178565979, -0.20460671186447144, -0.3374427855014801, 1.22097647190094, 0.47433802485466003, -0.5126534104347229, 0.5147249102592468, -0.8988732099533081, -0.12572205066680908, -0.5082324147224426, -1.1653225421905518, -0.38421452045440674, -0.2535901665687561, 0.7362282872200012, 0.6832438707351685, -0.3956068456172943, -0.08696720749139786, 0.12683479487895966, -1.672320008277893, 0.2803473472595215, -0.6745610237121582, -0.3753490447998047, -2.295508861541748, 0.7507191300392151, 0.5796123147010803, -0.3491889238357544, -0.27721258997917175, -0.605276882648468, 0.32062456011772156, 0.2278066873550415, 0.6867185831069946, 1.5933237075805664, -0.1031246930360794, -0.45161569118499756, 0.500720202922821, 1.2975430488586426, -1.1153024435043335, 0.9411582946777344, -0.3629941940307617, 0.5734797120094299, -0.1703542172908783, 0.3791072964668274, -1.2349460124969482, 0.6098455786705017, 0.6349174380302429, -0.09750743210315704, -0.05438866466283798, -0.2671714723110199, -0.23883619904518127, 1.1614701747894287, -0.7206360697746277, -0.24339967966079712, -1.0594673156738281, 2.187803268432617, 0.2626112997531891, -0.17139014601707458, 1.0488821268081665, -0.09119703620672226, 0.7768832445144653, 0.6796126961708069, 0.05208556354045868, 0.04360250383615494, 0.15730412304401398, 0.3848035931587219, 0.7483771443367004, 0.09138553589582443, -1.7253739833831787, 0.04003555700182915, 0.8196989893913269, -0.02016688697040081, -0.35703226923942566, -1.6519492864608765, 0.5287944674491882, -1.0991181135177612, -0.30841389298439026, 0.5467763543128967, -0.7402358651161194, -0.40486371517181396, -0.12833020091056824, 0.06199143826961517, 0.6381240487098694, -1.295369029045105, 0.6218204498291016, 1.2209745645523071, 0.004290580749511719, -1.1781648397445679, 0.5722036957740784, 0.6436611413955688, -0.1287054866552353, 0.10185699909925461, -0.34836098551750183, 1.0304170846939087, 0.7052550315856934, 0.2399158775806427, -0.16745935380458832, 0.7686804533004761, 0.6959278583526611, 0.9221799373626709, -0.4688037931919098, -0.778444766998291, 0.2812553644180298, -0.2514328062534332, 1.3021148443222046, 0.06026415154337883, -1.155005693435669, -0.8395121693611145, -0.5312741994857788, 0.1403626650571823, -1.5723196268081665, 1.6255180835723877, 1.049785852432251, 1.4221751689910889, -1.0706087350845337, 1.4520244598388672, -0.05495375767350197, -0.1039305180311203, 0.899976909160614, 0.07713863253593445, -0.13514818251132965, -1.2031396627426147, -0.33396387100219727, 0.8836531043052673, -0.40106990933418274, 0.010100564919412136, -0.33096039295196533, 0.977393388748169, 0.28841906785964966, -0.42350754141807556, -0.4655044674873352, 0.4174547791481018, 0.5671464204788208, 0.9426883459091187, -0.4466794729232788, -1.416709065437317, 0.7497314214706421, 0.46797797083854675, 0.6984856128692627, 0.11457657068967819, -1.4016224145889282, 0.7089229226112366, -0.4968608319759369, 0.7147250771522522, 0.21812506020069122, 0.6043127775192261, 0.9364312291145325, -1.0752334594726562, -1.44059419631958, -0.11347149312496185, -0.5744273662567139, -0.21069948375225067, -0.022790156304836273, -0.18025942146778107, -0.38138800859451294, 1.0457103252410889, 0.3581182360649109, -0.4155297875404358, 0.5772963762283325, -0.6039347648620605, -1.0497156381607056, 1.0147662162780762, 0.29992276430130005, -1.4974740743637085, -0.01355283334851265, 0.10802850127220154, -0.07605398446321487, -1.0139356851577759, 0.43622303009033203, -0.31916534900665283, 1.0409319400787354, 0.7357671856880188, 0.9453742504119873, -0.2665882706642151, -0.39519405364990234, -1.0318875312805176, 0.8146478533744812, 0.7595656514167786, -0.28771743178367615, 1.1285659074783325, 0.35697609186172485, 0.23234520852565765, 0.5877360105514526, -0.8611463308334351, -0.4897027909755707, 1.1723464727401733, -0.18281249701976776, 0.26997604966163635, -0.9502397775650024, -1.112990140914917, 0.7694243788719177, -0.07858016341924667, 0.5165144205093384, -1.3131086826324463, -0.2062506079673767, -0.7219399809837341, 0.6408429741859436, 0.3673582077026367, -0.9857956171035767, -1.2264333963394165, 0.8999958038330078, -1.0585564374923706, 0.40842944383621216, 0.3142404854297638, 0.05690081790089607, 2.4924933910369873, -0.39812055230140686, -0.2567312717437744, -0.6870535016059875, -9.13497543334961, 0.4218362867832184, -0.006115656346082687, 0.5090200901031494, -0.14235322177410126, -1.3554178476333618, -0.03655792027711868, -0.6374853849411011, 0.36867520213127136, -0.3156197667121887, 0.3609676957130432, 2.0086841583251953, 0.6979712247848511, -0.5012324452400208, -0.2695092558860779, -1.475430965423584, -0.8070781230926514, -0.8487299084663391, -0.42958492040634155, 0.5165621638298035, -0.5092737078666687, -1.4384472370147705, 0.7409148812294006, 0.11634029448032379, 0.4365033209323883, 0.22252961993217468, -0.7635214328765869, -0.2011905461549759, -0.23000873625278473, 0.6129868030548096, 0.6435750126838684, -0.5893158912658691, -0.3883413076400757, -0.13760238885879517, 0.11020927131175995, -0.10925987362861633, -0.5143675208091736, 0.6986134052276611, 0.135428324341774, -0.10234438627958298, -0.3629409074783325, -0.10239724814891815, 0.9464172720909119, -1.018864393234253, -0.981367826461792, -0.15793916583061218, 0.4465835988521576, -0.6478196382522583, -0.31939512491226196, -0.12585888803005219, -0.6937569379806519, -0.16940724849700928, -0.5696102976799011, -0.7301238775253296, -0.311638742685318, -0.21384692192077637, -0.5836332440376282, 0.7216776609420776, -0.6965788006782532, -1.135459542274475, 0.2560723125934601, -0.15552018582820892, -0.4378710985183716, 0.03227665275335312, -0.05703629553318024, -0.6879721879959106, -0.07062958925962448, 0.4761521518230438, -0.5628781914710999, 0.24334724247455597, -1.0779908895492554, 0.35792240500450134, -0.5523696541786194, -0.12405987083911896, -1.287924885749817, 0.17680728435516357, -0.6190650463104248, -0.6698471903800964, 1.0346280336380005, -0.13214470446109772, -1.4230149984359741, 0.6386516094207764, 0.3965461552143097, 0.12235994637012482, -1.3051161766052246, 0.5375760197639465, -0.002745121717453003, -0.18009531497955322, 1.0403952598571777, -0.7760094404220581, 1.266696810722351, -0.08319780975580215, -0.507473349571228, 0.18975034356117249, -0.21386277675628662, 1.371449589729309, 0.17934644222259521, 0.7864595651626587, 0.10585759580135345, -0.8080988526344299, 0.32647863030433655, 0.11354395002126694, -0.5080289840698242, 0.2045023888349533, 0.2939571142196655, 0.9490686655044556, -0.16731593012809753, -0.04542761296033859, -0.04273240640759468, -1.047311782836914, 0.7118415832519531, 0.46298855543136597, -0.658111572265625, 0.9615660309791565, -0.6382982730865479, 0.2847874164581299, 0.9315196871757507, 1.0909361839294434, 0.12533710896968842, 0.7623534798622131, -0.11488204449415207, 1.2667993307113647, 0.34715208411216736, 1.1900348663330078, 0.11004795134067535, -0.15254844725131989, 1.0426654815673828, -0.10504177957773209, 0.6321622729301453, -2.465057849884033, 0.6647065281867981, 0.035456638783216476, -0.10756314545869827, 0.1716858148574829, -0.4077633321285248, -0.30956488847732544, -0.7049681544303894, 1.1490116119384766, -0.7952722907066345, -0.26632097363471985, -0.24104906618595123, 0.009728353470563889, 0.5844186544418335, -0.38892191648483276, -0.5832574963569641, 0.1421768069267273, -2.009495496749878, 0.6017941832542419, -0.4250517785549164, -0.9039861559867859, -0.7462234497070312, -0.11138791590929031, 0.7768632173538208, -1.1294134855270386, -0.19841700792312622, 0.24148666858673096, 0.6912689208984375, -0.3609226942062378, -0.23345042765140533, 0.88210529088974, -0.6088922023773193, 1.9552395343780518, -0.8433240652084351, 0.39694851636886597, 0.12115511298179626, -0.42017000913619995, 0.2799902856349945, 0.09820511937141418, -0.7097517251968384, -0.3801327645778656, 0.7681086659431458, -1.3605732917785645, -0.3106880486011505, -0.9790131449699402, -0.5115978717803955, -0.6221354603767395, 0.7511516809463501, 0.7730576992034912, -0.9365007877349854, -0.7397440075874329, -0.22611485421657562, 0.5403447151184082, -0.3943259119987488, 0.1669009029865265, -0.21350565552711487, -0.411787748336792, -0.3387727737426758, 1.2678072452545166, 0.1370299607515335, 1.6158283948898315, -1.8430140018463135, -1.4102098941802979, 0.019463444128632545, 1.3054602146148682, 0.8022685647010803, -0.08988459408283234, 1.029438853263855, 0.13606791198253632, -0.10938412696123123, 0.11163356155157089, 0.17685914039611816, 0.7255154252052307, -0.5873870253562927, 0.8199895024299622, -0.450032502412796, 0.8582955598831177, -0.6377783417701721, -0.39303988218307495, -0.38706591725349426, 0.3377918303012848, -1.454518437385559, -0.18373820185661316, 0.1222844123840332, -0.2048182189464569, 0.8463186025619507, -0.5381112098693848, 0.2402941882610321, -0.8567770719528198, -0.4339316189289093, -0.9417815804481506, 0.6297702789306641, 0.23413555324077606, 0.11792697012424469, 0.9753896594047546, 0.7404889464378357, 0.8462297916412354, 1.0086687803268433, 0.3641589283943176, 1.180711269378662, 0.08771161735057831, 0.1759006530046463, -0.03037220612168312, 1.3066935539245605, 0.4074277877807617, -0.2820490002632141, -0.847638726234436, -0.2992883324623108, 0.6432302594184875, -0.2962438464164734, 0.9115243554115295, -0.7000609040260315, 0.6030935049057007, 1.1578025817871094, 1.83371102809906, -1.042016625404358, -1.0654431581497192, -0.02724778838455677, -1.4511555433273315, 0.6169593930244446, 0.4186180830001831, 1.4002810716629028, 0.9561999440193176, 0.8268241882324219, 0.2528451681137085, 1.3126460313796997, -0.03088648058474064, -0.05173379182815552, 0.05682102590799332, 0.022193677723407745, 1.0797532796859741, 1.4863051176071167, 0.6259632110595703, 0.35730767250061035, -0.07530298084020615, -1.3874433040618896, 0.1387370377779007, -0.17147713899612427, 0.9491564035415649, 0.47020965814590454, -0.3567592203617096, 0.18544109165668488, -0.8018353581428528, 1.1857792139053345, -0.5226249694824219, 0.18101748824119568, 0.29180455207824707, -0.6225694417953491, -1.5092843770980835, -0.7716761231422424, -0.490635484457016, 0.7395321726799011, -0.21007055044174194, -0.14610067009925842, -0.07417222857475281, 1.1669126749038696, 0.019443657249212265, -0.4543408751487732, -1.5537869930267334, 0.23041191697120667, -0.8581113219261169, -0.1497759222984314, -0.13926097750663757, -1.2949707508087158, -0.7895380258560181, -0.4556256830692291, -0.8260179758071899, 0.6013270616531372, -0.2684172987937927, -0.8928111791610718, -0.9066331386566162, -0.31088873744010925, -0.06681275367736816, 0.3362654447555542, 0.6534696221351624, -0.30037203431129456, -1.7139747142791748, 1.0516713857650757, 1.534265160560608, -0.22364962100982666, -0.5870673060417175, -0.16408857703208923, -0.2266746312379837, -0.7049805521965027, 0.6575510501861572]} +{"paper_id": "indonlu", "embedding": [-0.18952898681163788, 1.5061306953430176, -0.04656124860048294, -0.1538466215133667, 0.5670725703239441, -0.20488405227661133, 0.42115458846092224, 0.8650597929954529, 1.1696903705596924, 0.7919918894767761, 0.47936156392097473, -0.28243595361709595, -0.2828472852706909, -0.3738909363746643, -0.3896022439002991, -0.42708954215049744, -1.3508381843566895, -1.2758322954177856, -1.745337724685669, -0.25585800409317017, -0.907902717590332, -0.4255576729774475, 0.19074401259422302, 0.7403063774108887, -0.46714848279953003, -0.7766867876052856, 1.107422947883606, -0.9289620518684387, 0.12261179834604263, 0.5424960255622864, -0.556933581829071, 0.9799982905387878, -1.3897509574890137, 0.26888465881347656, -0.4939228892326355, -0.1546180099248886, 0.4544554352760315, 0.8420076370239258, -0.35129332542419434, -0.10133324563503265, -0.8637382388114929, -0.14471621811389923, 0.5518742203712463, 0.17148785293102264, 0.7947423458099365, -0.5388902425765991, -0.3807797431945801, 0.6290777921676636, -0.443267285823822, -0.0722978264093399, -0.29794952273368835, -0.1253359615802765, -0.04099234193563461, 0.5993632078170776, -0.6489671468734741, 1.3503786325454712, 0.5483375787734985, -0.7806726694107056, 0.7992561459541321, -1.071474313735962, 0.8374916911125183, 1.9690542221069336, -0.9163863062858582, 0.3427967429161072, 0.9001809358596802, 0.17745880782604218, 1.4537521600723267, 0.10184037685394287, 0.4691595435142517, 0.6289231777191162, 0.018140539526939392, -0.9280160665512085, 0.47455859184265137, 0.380923330783844, 0.4695032835006714, 1.0186991691589355, 0.17950165271759033, 0.6380385160446167, -0.1588124930858612, -0.1359836459159851, -0.672376275062561, 0.8926715850830078, 0.5953664183616638, -0.6373049020767212, 0.39414066076278687, 0.6723790168762207, 0.25956442952156067, -0.5079808235168457, 0.572035014629364, -1.6104130744934082, 0.15936866402626038, 0.005869971588253975, -0.287495493888855, -0.11573803424835205, -0.16182370483875275, 0.3810282051563263, -0.007666192948818207, -0.014682377688586712, -0.10199125111103058, 0.321943461894989, 0.7595232725143433, -0.38069024682044983, 0.6609043478965759, 0.028486452996730804, 0.4031909704208374, 1.281190037727356, -0.01623021811246872, -0.027906253933906555, -1.0241186618804932, -0.29323071241378784, 0.5184817910194397, 1.632638692855835, -0.09419895708560944, 0.49738436937332153, 0.3087300956249237, 0.17025086283683777, 0.19572725892066956, -1.058691143989563, -0.5381565690040588, 0.008976243436336517, -0.56866055727005, -0.788327157497406, -0.33270812034606934, -0.10436287522315979, 0.6935915350914001, -0.8638230562210083, 0.7194089889526367, -0.3100738227367401, 0.7320855259895325, -0.0071977293118834496, 0.737087607383728, -0.05996837094426155, -0.65714430809021, -0.10322732478380203, 2.7498185634613037, -0.7379917502403259, 1.5195752382278442, -0.7446292638778687, 0.033688418567180634, -0.37259331345558167, 0.1787489950656891, 1.3186677694320679, -0.26908400654792786, -0.767566442489624, -0.6319329738616943, -0.16393963992595673, -0.9949352145195007, 0.537538468837738, -1.109243392944336, -0.5588712692260742, -0.22361138463020325, 0.02696940302848816, -1.5681425333023071, -0.6370622515678406, 0.4496634304523468, 0.24879130721092224, 0.04830333590507507, 0.7611267566680908, -0.32640138268470764, 1.238815426826477, 0.49531111121177673, -0.22457514703273773, -0.23752032220363617, 0.21186479926109314, -1.4696975946426392, -0.22936496138572693, 0.7876242995262146, -0.28990137577056885, -0.40900641679763794, -0.8303161859512329, 1.323170781135559, -0.32381200790405273, -0.04782579839229584, -0.18025818467140198, -0.08991266787052155, 0.3733954429626465, 0.8742300271987915, 0.5253674387931824, 0.044666826725006104, -0.7915664911270142, -0.027213307097554207, -0.6568810343742371, 0.05545271188020706, 0.5831460952758789, -0.1914205253124237, 0.6682373881340027, -2.408167600631714, 0.017400242388248444, 0.09474976360797882, 0.8547711968421936, -0.1090921089053154, -0.4390485882759094, 0.17836777865886688, 0.2613593339920044, 0.5205767750740051, -0.22345280647277832, 0.7588361501693726, -1.0551910400390625, -0.522811770439148, 0.3788989186286926, -0.1534837931394577, -0.5525578260421753, -0.1153930202126503, 1.3731086254119873, 0.6373062133789062, -0.6239977478981018, -0.5562771558761597, -1.6866511106491089, -0.2188796103000641, 2.600001573562622, 0.5394455194473267, -1.0476220846176147, -0.9477173686027527, -0.293821781873703, 0.25398507714271545, -0.6476507186889648, 0.36161038279533386, -0.6961057186126709, -0.07130103558301926, -1.080843448638916, 0.44546979665756226, -1.0199508666992188, 0.2997595965862274, 0.6618586778640747, 0.978258490562439, -0.31348252296447754, -0.6027270555496216, -0.2035699486732483, -0.414471834897995, 0.22162866592407227, 0.7917606234550476, 0.2637651562690735, -0.7374799847602844, 0.5975889563560486, -0.0762133076786995, 0.4025622010231018, 0.6968638896942139, 0.27895647287368774, -0.3050222396850586, -0.004994145128875971, -0.040418025106191635, 0.8290590643882751, -0.2947157621383667, -0.1847819983959198, 0.24574874341487885, 0.46117764711380005, -0.2996428608894348, -0.614048421382904, -0.1682678908109665, 0.2269812822341919, 1.5514250993728638, 1.4106496572494507, -0.6298151016235352, 0.743137001991272, -1.2375284433364868, 0.25983527302742004, -0.5170601606369019, -0.18035617470741272, -0.016730904579162598, -0.3405281901359558, 0.5080804824829102, -0.2080041617155075, -0.044992659240961075, -0.5902302265167236, 0.16166049242019653, -1.529177188873291, -0.3190433084964752, -0.33293017745018005, -0.9256100654602051, -1.6715447902679443, -0.3013056516647339, 0.05099225044250488, -0.8667874932289124, -0.3061106204986572, -0.07801221311092377, 0.7004315853118896, 0.8669840097427368, 1.1229064464569092, 1.75356125831604, 0.21081170439720154, 0.4598856568336487, 0.4969378113746643, 0.7360964417457581, -1.0300168991088867, 0.9871811866760254, -0.34769192337989807, 0.20474550127983093, -0.4476178288459778, 0.24861299991607666, -0.7701883912086487, 0.31710562109947205, 0.7793582081794739, -0.5293781161308289, 0.37830594182014465, -0.40181729197502136, -1.4817897081375122, 0.7828353643417358, -0.8778557181358337, 0.48012998700141907, -0.8129292726516724, 2.2145867347717285, 0.3093983829021454, -0.6986669301986694, 0.45553988218307495, -0.4112033545970917, -0.24308447539806366, 0.720657229423523, -0.7827008962631226, 0.4828106164932251, 0.21622751653194427, -0.27205532789230347, 0.10953451693058014, 0.235275000333786, -2.065129518508911, 0.26876410841941833, 1.5508391857147217, -0.3685835897922516, -0.6048721075057983, -0.8733638525009155, 0.26202523708343506, -0.7594210505485535, -0.07818196713924408, 0.5988044738769531, -1.2593660354614258, 0.37144947052001953, 0.1598515510559082, 0.3682052493095398, 1.094449520111084, -0.4416115880012512, 0.4813213050365448, 1.011488676071167, 0.506250262260437, -1.046991229057312, -0.2573055326938629, 0.6931037902832031, -0.8853628635406494, 0.32740774750709534, 0.402567982673645, 0.9344853162765503, 1.5437273979187012, -0.12744033336639404, -0.266886830329895, 1.027610182762146, 0.7910749316215515, 0.5929675698280334, 0.4696299135684967, -0.4034087657928467, 0.549989640712738, 0.19686517119407654, 1.2213637828826904, 0.39516934752464294, -0.7363899350166321, -1.1288127899169922, -0.25948256254196167, 0.12697531282901764, -0.746211051940918, 1.9003347158432007, 0.7317829728126526, 1.442647099494934, 0.13467815518379211, 0.4030866026878357, -0.6595755815505981, -0.013441674411296844, 0.9450097680091858, 0.40406081080436707, -0.1753329187631607, -0.4148857295513153, -0.06199568510055542, 0.7581683397293091, -0.3596976697444916, -0.48852765560150146, 0.056768227368593216, 0.8567314147949219, -0.15609167516231537, -0.9902483224868774, 0.15782998502254486, 0.8888879418373108, 0.4284634590148926, 1.4707040786743164, -0.8873358964920044, -0.23479075729846954, 0.522153377532959, 0.6215190291404724, 0.18239299952983856, 0.15332451462745667, -0.4681159257888794, 0.8316429853439331, 0.43930572271347046, 1.17092764377594, -0.4781356453895569, 0.9935365319252014, 0.9922688007354736, -0.7713607549667358, -0.9539731740951538, -0.7747135758399963, -1.0817770957946777, -0.38290929794311523, -0.24801728129386902, -0.2104581743478775, -1.0175755023956299, 0.7801891565322876, -0.4740196466445923, -0.6471651792526245, 0.8112920522689819, -0.7121610641479492, -1.304977536201477, 1.4715555906295776, 0.9018170833587646, -1.2509533166885376, -0.40606290102005005, -0.389914870262146, -0.8501269817352295, -0.9060623645782471, 0.33311977982521057, -1.0949618816375732, 0.1739751696586609, 0.09931530058383942, 1.2659788131713867, 0.10833388566970825, -0.33158159255981445, -1.032159686088562, 0.21177904307842255, 1.3714349269866943, -1.0219329595565796, 0.23461481928825378, 0.02741965278983116, 0.2564765214920044, -0.43730613589286804, -1.0681968927383423, -0.7278364896774292, 1.0822170972824097, 0.33055251836776733, -0.10633881390094757, -0.7391416430473328, -0.9100562930107117, 0.21782389283180237, -0.05925809592008591, 0.8858550786972046, -1.0367786884307861, 0.4277065396308899, -0.4211581349372864, 0.3111084997653961, 0.519540548324585, -0.9655903577804565, -0.38182520866394043, 1.0518683195114136, -0.662110447883606, 0.5304187536239624, 0.25569018721580505, 0.7991576790809631, 0.8949701189994812, 0.2171071171760559, 0.26773709058761597, -0.2611478865146637, -10.815671920776367, -0.017697185277938843, -0.5200123190879822, -0.14118173718452454, 0.07425741851329803, -0.4787937104701996, 0.7048888802528381, 0.016835208982229233, 0.6157025694847107, -0.5489675998687744, 0.3443126082420349, 1.5858349800109863, 0.24640625715255737, -0.5523334741592407, -0.6091548800468445, -1.0299286842346191, -1.0306340456008911, -0.5675735473632812, 0.2880241274833679, 0.4353564381599426, -0.5448240637779236, -1.0675543546676636, 0.14488787949085236, 0.48619160056114197, 0.3552514612674713, 0.2458251416683197, -0.12955458462238312, -0.13666459918022156, -0.5096487998962402, 0.16372177004814148, 0.3008021116256714, -0.2718752324581146, -0.7028088569641113, -0.08446162194013596, 0.7417058348655701, -0.14423228800296783, -0.5385342240333557, -0.21368825435638428, 0.8675404787063599, 0.030983634293079376, -0.5420560240745544, 0.14438579976558685, 0.44579243659973145, -0.7070130109786987, -0.38910773396492004, 0.45030802488327026, 0.35397401452064514, -0.9614837169647217, -0.17626839876174927, -1.14501953125, -0.6093307137489319, -0.5418425798416138, -1.5673779249191284, -0.9691264629364014, 0.7704997062683105, -0.23249343037605286, -0.23085910081863403, -0.22307249903678894, -0.11673437058925629, -1.05365788936615, 0.4443427324295044, 0.23856358230113983, -0.4977957010269165, 0.250813364982605, 0.19909325242042542, -0.853125274181366, 0.6208902597427368, 0.24351435899734497, 0.11942891031503677, 0.5278619527816772, -1.2130709886550903, 0.49125510454177856, 0.04774869605898857, 0.23565168678760529, -0.6951757669448853, -0.3697374761104584, -0.4089283347129822, -0.4166758060455322, 0.4340284466743469, -0.1848592758178711, -0.7059045433998108, 0.3352077901363373, 0.1735779047012329, -0.3203341066837311, -1.0852378606796265, 0.08988584578037262, -0.08922635763883591, 0.6350486278533936, 0.8764989376068115, -0.42591986060142517, 1.3535910844802856, 0.05168122053146362, 0.051306918263435364, 0.3907419443130493, -0.5002214312553406, 0.6881651878356934, -0.27501973509788513, 1.2205400466918945, 0.41375911235809326, -0.192425936460495, 0.5225780606269836, -0.3066776990890503, -0.24528437852859497, 0.18654008209705353, 0.3959900140762329, 0.22681531310081482, 0.018752440810203552, 0.35291698575019836, 0.6122918128967285, -0.3415197432041168, 1.0419491529464722, 0.15122520923614502, -0.5418370962142944, 0.9162265658378601, 0.2582547962665558, 1.0274896621704102, 0.564021110534668, 0.49873727560043335, 0.7088391184806824, 0.9418012499809265, -0.39684537053108215, 0.9900432229042053, 0.3421728312969208, 1.3933539390563965, 0.523419201374054, -0.18506954610347748, 0.9311105012893677, 0.40166473388671875, 0.06670104712247849, -1.6882820129394531, 0.1571298986673355, -0.36074671149253845, 0.12946681678295135, -0.7354804277420044, -0.05016205459833145, -0.4313544034957886, -1.4658427238464355, 1.4093968868255615, -1.1342520713806152, 0.03848918154835701, -0.0446525402367115, -0.8434094786643982, -0.2997315526008606, -0.613772451877594, -0.5850231647491455, -0.12434234470129013, -2.1382968425750732, -0.35455164313316345, -0.3271747827529907, -0.5667906999588013, -0.10764656960964203, -0.10178492218255997, 1.1294317245483398, -0.7609426379203796, -0.20533180236816406, 0.0022476911544799805, 0.6485127806663513, -0.5237283706665039, -0.8407741785049438, -0.048109181225299835, 0.16342803835868835, 0.8395430445671082, -0.7304587364196777, 1.0890840291976929, 0.6706134080886841, 0.02140769734978676, -0.6315892338752747, 0.34959062933921814, -0.4408888518810272, 0.4937959313392639, 1.3523670434951782, -1.4812898635864258, -0.3662314713001251, -0.6977128386497498, -0.5508528351783752, -0.8654347658157349, -0.0706271380186081, 1.6721919775009155, -1.0567996501922607, 0.2531477212905884, -0.16176073253154755, 0.5086212158203125, 0.31571534276008606, -0.49131879210472107, -0.4025779366493225, 0.18694466352462769, 0.1051952913403511, 0.8065207600593567, 0.27872389554977417, 0.768035888671875, -1.9737703800201416, -1.234163761138916, -0.09761649370193481, -0.16305707395076752, 0.06747643649578094, -0.27188536524772644, 0.8393500447273254, 0.30388402938842773, 0.48956218361854553, 0.23303553462028503, -0.09681566059589386, 0.5874801278114319, 0.39241257309913635, 0.39444637298583984, 0.020090676844120026, 0.08758598566055298, -0.6433624625205994, 0.326564222574234, 0.19302119314670563, 0.8365562558174133, -1.1456648111343384, -0.02224169671535492, 0.1737254112958908, -0.2796338200569153, 0.3521367013454437, -1.076246976852417, 0.12677454948425293, 0.03717290982604027, -0.3975333273410797, -1.3834953308105469, -0.10706590861082077, 1.0612120628356934, -0.28823018074035645, 0.7758139967918396, 0.790942370891571, 0.11715416610240936, 0.27644509077072144, 0.46914881467819214, 1.6365976333618164, -0.31939733028411865, -0.3111618459224701, -0.4150703549385071, 0.7761379480361938, -0.48676228523254395, -0.33196762204170227, -0.11191897094249725, -1.2280123233795166, 0.17826519906520844, -0.6630414724349976, 1.125675082206726, -0.3612775206565857, 0.17228466272354126, 0.673947811126709, 0.9618706703186035, -0.3506656885147095, -1.5377459526062012, 0.024489011615514755, -1.1861246824264526, -0.011915456503629684, -0.08108106255531311, 0.5931121110916138, 0.975088357925415, 0.6709941625595093, 0.22298789024353027, 1.7561349868774414, -0.0074252597987651825, 0.049658991396427155, -0.300790935754776, -0.08199888467788696, 1.2486943006515503, 0.5958589911460876, 0.4141630530357361, -0.015614112839102745, -0.7886786460876465, -0.9876846075057983, -0.26822933554649353, -0.8780028820037842, 1.3846567869186401, 1.1153377294540405, -0.1445721834897995, -0.028537321835756302, -0.9552313089370728, 0.7487519383430481, -0.4296191334724426, 0.36547785997390747, 0.5158347487449646, -0.09926876425743103, -0.7682889103889465, -0.9768961668014526, -0.3593845069408417, 0.9208367466926575, -0.668782114982605, -0.036865539848804474, -0.8914167284965515, 0.3505283296108246, 0.002798040397465229, -0.386220246553421, -0.9478276371955872, -0.16947594285011292, -0.8852121233940125, 0.32812559604644775, 0.8784456253051758, -0.4291965663433075, -0.5725425481796265, 0.2701917886734009, -1.0177083015441895, 0.5739359259605408, -0.09116195142269135, -0.5884018540382385, -0.8560134172439575, 0.49884942173957825, -0.1613510549068451, -0.47750023007392883, 0.6824691891670227, -0.24868136644363403, -1.7565655708312988, 0.875335693359375, 1.6063405275344849, -0.5954100489616394, -0.36848732829093933, 0.15804585814476013, 0.025588374584913254, -0.046137865632772446, 1.3816543817520142]} +{"paper_id": "wmt18", "embedding": [0.3221530616283417, 0.8891501426696777, 0.17720553278923035, 0.2244754433631897, 0.7706818580627441, -0.35984963178634644, 1.340488076210022, 0.5721229314804077, 0.6628477573394775, 0.5383726954460144, 0.7694044709205627, 0.5554597973823547, 0.2104017436504364, 0.3194623291492462, -0.16496826708316803, -0.44823601841926575, -1.2587900161743164, -0.2736782133579254, -1.2173724174499512, -0.555856466293335, -0.6171579360961914, 0.0941072553396225, -0.2729133665561676, 0.614565372467041, -0.7261625528335571, -0.8235535025596619, 0.956599235534668, -0.9744865298271179, 0.11935105919837952, 0.6962317228317261, -0.04710710793733597, 1.0466828346252441, -0.8001320362091064, 0.5560482740402222, -0.49211385846138, -0.3718588352203369, -0.6293480396270752, 0.8512179255485535, -0.03502551093697548, 0.5683088898658752, -0.644982099533081, -0.36835262179374695, 0.21055306494235992, 0.25254639983177185, 1.2522119283676147, 0.29400330781936646, -0.42402511835098267, 0.1405889391899109, -0.22401392459869385, 0.18296368420124054, -0.47261902689933777, 0.2396322786808014, 0.1640220731496811, 0.35704368352890015, -0.4098992347717285, 1.2530831098556519, 0.8711193203926086, -0.46881118416786194, 1.0070492029190063, -1.6999130249023438, 1.2711750268936157, 1.2495732307434082, -0.8891462683677673, -0.10527127981185913, 0.8428524136543274, 0.1300467997789383, 1.495295763015747, 0.9298528432846069, 0.7099649906158447, 1.151781678199768, 0.3222232460975647, -0.9152967929840088, 0.7040339708328247, 0.338020920753479, 0.6488091945648193, 0.6286519765853882, -0.056783393025398254, 0.34521305561065674, -0.28758740425109863, -0.34424808621406555, -0.546866774559021, 0.6322704553604126, -0.05927044898271561, -1.321334958076477, -0.17723077535629272, 0.6225007176399231, 0.3031561076641083, -0.8400611281394958, 0.7444246411323547, -1.4460029602050781, 0.034685682505369186, -0.08701232075691223, 0.7433812618255615, 0.1526041030883789, -0.41224658489227295, 0.26675698161125183, -0.014217570424079895, 0.1225854754447937, -0.5312685966491699, -0.08993496000766754, 0.9741162657737732, -0.32796087861061096, 0.4864117205142975, -0.28486958146095276, 0.6223848462104797, 0.8857617974281311, -0.46990352869033813, -1.1438922882080078, -0.9265810251235962, -0.6254771947860718, 0.036000806838274, 0.8901098370552063, -0.2793574929237366, 0.6932330131530762, 0.4601180851459503, -0.4321969449520111, -0.11125824600458145, -0.6714572906494141, -1.0870097875595093, -0.07471384108066559, -0.37629541754722595, -0.9245827198028564, -0.6657437682151794, -0.3728994131088257, 0.8209778666496277, -0.26138266921043396, -0.00369127094745636, -0.5853873491287231, -0.2524814009666443, -0.06062205135822296, 0.865641713142395, 0.2616041898727417, -0.24499818682670593, -0.39812612533569336, 2.6953117847442627, -0.28659605979919434, 1.12318754196167, -0.8256345987319946, 0.4347766041755676, -0.0441669225692749, -0.10637880861759186, 1.4785033464431763, -0.41326478123664856, -0.5230902433395386, -0.16543743014335632, -0.30910906195640564, -1.3379895687103271, 0.2891293466091156, -0.7365337014198303, -0.6394846439361572, -0.15935364365577698, 0.31472790241241455, -1.1630425453186035, -0.915726900100708, -0.07459401339292526, 0.6191467642784119, 0.362352579832077, 0.8056932091712952, -0.7785619497299194, 0.6876913905143738, 0.1434849202632904, 0.6533739566802979, -0.519971489906311, 0.44470757246017456, -1.2433282136917114, 0.07707229256629944, 1.0987120866775513, -0.03579351305961609, -0.3064287006855011, -0.604101300239563, 0.5480297803878784, -0.529717206954956, 0.17876431345939636, 0.34752991795539856, -0.1865699291229248, 0.5392253994941711, 0.6246402859687805, 0.23526814579963684, 0.08933865278959274, -0.518882155418396, -0.5270352959632874, 0.3130112588405609, -0.10636179894208908, 0.20598632097244263, 0.21373365819454193, 0.3093794286251068, -1.5036691427230835, 0.13128694891929626, -0.18550871312618256, 0.10134744644165039, -0.2596610188484192, -0.10832150280475616, 0.20208829641342163, -0.5286580324172974, 0.7553614377975464, 0.26735836267471313, 0.1829691082239151, -0.7248662710189819, -0.2534944415092468, 0.6065075993537903, -0.07518547773361206, -0.11466128379106522, 0.08929256349802017, 0.568501353263855, 0.38634538650512695, -0.04795166850090027, -0.5141826272010803, -1.1021475791931152, 0.10347122699022293, 2.522223472595215, 0.012195050716400146, -0.2248384952545166, -0.5911322236061096, -0.9310004711151123, 0.6283530592918396, -0.7743079662322998, 0.10518407821655273, -0.8532803654670715, -0.7580409646034241, -1.9084763526916504, -0.14215856790542603, -0.5106589794158936, 0.046884603798389435, 0.5528279542922974, 1.1556283235549927, -0.3948321044445038, -0.23070688545703888, -0.24026687443256378, -0.9057130217552185, 0.46567508578300476, 0.43637871742248535, 0.19797232747077942, -0.815115213394165, 0.3528313636779785, 0.10793139040470123, 0.4338063597679138, 0.5230401754379272, 0.8065550923347473, -0.559015154838562, -0.8079147934913635, 0.09101543575525284, 0.45536571741104126, -0.12343396246433258, -0.1832275241613388, 0.5473150014877319, 0.5398752689361572, -0.39025765657424927, -0.6586980223655701, -0.17183490097522736, 0.14925113320350647, 0.8121899366378784, 0.7742066979408264, -0.8558256030082703, 1.4845294952392578, -0.5064889192581177, 0.14772315323352814, 0.2464357316493988, -0.8251534700393677, 0.3735717535018921, -0.7058933973312378, 0.43853116035461426, -0.49424219131469727, 0.14366227388381958, -0.5779076814651489, -0.005228288471698761, -1.2629377841949463, -0.08796609938144684, -0.21039481461048126, -0.35739773511886597, -0.9526199102401733, -0.4016774892807007, 0.028273016214370728, -1.0085411071777344, -0.3135131001472473, -0.2483978122472763, 0.7321298718452454, -0.038096245378255844, 1.199448823928833, 1.2989554405212402, 0.5766252875328064, 0.4848882555961609, -0.3867737054824829, 0.48861026763916016, -0.7193851470947266, 0.974575936794281, -0.1572607010602951, 0.16549910604953766, -0.8606038093566895, 0.10909965634346008, -1.027626395225525, -0.21315842866897583, 0.6832146048545837, -0.31865033507347107, 0.4840490221977234, -0.008733153343200684, -1.2765449285507202, 0.5818282961845398, -0.6840776205062866, 0.8346971273422241, -0.8567640781402588, 1.5837554931640625, 0.2141600400209427, -0.14250582456588745, 0.9898825883865356, -0.5961694717407227, -0.36673685908317566, 1.0969507694244385, -1.2429969310760498, 0.5514692068099976, 0.7984850406646729, -0.3912234306335449, 0.2114112228155136, 0.2385716736316681, -2.385111093521118, -0.1768190562725067, 0.8554647564888, -0.10551076382398605, -0.8392950296401978, -0.3490024507045746, 0.3096667528152466, -0.27830228209495544, -0.220371276140213, 0.6378099322319031, -0.8046396970748901, 0.5268386602401733, -0.41585487127304077, 0.44889408349990845, 0.5087096095085144, -0.29080817103385925, 0.5086072683334351, 1.173901081085205, 0.4596269428730011, -0.07283943891525269, -0.6914160847663879, 0.5292806029319763, -0.9693206548690796, 0.4971483647823334, 0.4071444869041443, 1.051992416381836, 1.4559751749038696, -0.24549973011016846, -0.3220648765563965, 1.117849588394165, 1.0425069332122803, 0.26720938086509705, 0.39661771059036255, -0.09914904832839966, -0.2739691734313965, 0.03126849606633186, 0.7474442720413208, -0.3096843957901001, -0.7735235691070557, -0.8349857330322266, -0.06371350586414337, -0.8133370876312256, -0.4441277086734772, 1.7840051651000977, 0.5496523380279541, 0.5548285245895386, -0.03530264273285866, 0.6843939423561096, -0.010664071887731552, 0.16238930821418762, 0.7291218042373657, 0.06491230428218842, 0.006513461470603943, 0.3323979079723358, -0.2080274224281311, 1.1965181827545166, -0.4315589666366577, -0.706450879573822, -0.1453409641981125, 0.5935474038124084, -0.7761774063110352, -0.7434751987457275, 0.35971570014953613, 1.1538500785827637, 0.5731292366981506, 1.3476357460021973, -0.8461815714836121, -0.5344575643539429, 0.2735001742839813, 0.3307350277900696, -0.38624221086502075, 1.1395652294158936, -0.35629764199256897, 0.288925439119339, 0.04614213481545448, 0.7129737138748169, -0.2906397581100464, 0.6703504323959351, 0.39183956384658813, -0.6005417108535767, -0.3904525637626648, 0.09886959195137024, -1.5632191896438599, -0.6078321933746338, -0.7851916551589966, 0.016224343329668045, -0.14659109711647034, 0.7537582516670227, -0.06883086264133453, -0.8335187435150146, 0.35151901841163635, -0.03917894512414932, -1.0930594205856323, 0.6662896275520325, 1.4803645610809326, -0.715082585811615, 0.12639179825782776, -0.14308087527751923, -0.7736710906028748, -1.0446717739105225, 0.5999566316604614, -0.8602606058120728, -0.1570834070444107, -0.059521179646253586, 1.0261162519454956, 0.11048799008131027, -0.35582149028778076, -1.072568655014038, 0.7435600757598877, 1.2023638486862183, -0.8703026175498962, 0.15580204129219055, 0.09442517161369324, 0.5658453702926636, 0.15080615878105164, -0.6406771540641785, -0.3824823498725891, 0.629723846912384, 0.1766444742679596, -0.3798995912075043, -0.1735977977514267, -0.5818607807159424, 0.034652672708034515, -0.09000743925571442, 1.0979692935943604, -1.127949833869934, 0.5542987585067749, -0.7504956722259521, 0.22109054028987885, 0.2996247410774231, -0.2535943388938904, -0.23252305388450623, 0.6031126976013184, -0.3309479355812073, 0.18850097060203552, -0.004584848880767822, 0.4851296544075012, 0.5066062808036804, 0.6190359592437744, 0.5119708776473999, -0.2709144055843353, -12.209203720092773, 0.12419119477272034, -0.5770363211631775, 0.15599098801612854, 0.6727407574653625, -0.07927996665239334, 0.7232193350791931, 0.4169396758079529, 0.20902922749519348, -0.3424574136734009, 0.7400604486465454, 0.4403495490550995, 0.013978671282529831, -0.32268568873405457, -0.3244026303291321, -0.7391065955162048, -0.6225965023040771, -0.5548827648162842, 0.830535888671875, -0.39525943994522095, -0.5484049320220947, -1.1561514139175415, -0.21113477647304535, -0.02550569549202919, -0.020339492708444595, 0.14006885886192322, -0.24468711018562317, 0.038358546793460846, -0.4565988779067993, 0.286579430103302, 0.49608758091926575, -0.1421353965997696, -0.9390700459480286, -0.6793549060821533, 0.8768035173416138, 0.10932986438274384, -1.4049588441848755, 0.08543654531240463, 0.5956737995147705, -0.03804505988955498, -0.24694271385669708, 0.45095857977867126, -0.3576725721359253, -0.15348073840141296, 0.004238057881593704, 0.1646106094121933, 0.0018818341195583344, -0.7011536359786987, 0.4273739159107208, -0.754194974899292, -1.163434386253357, -0.30003446340560913, -1.0797064304351807, -0.9832804203033447, 0.17274805903434753, -0.04932588338851929, -0.5615248084068298, 0.09365350753068924, 0.051957231014966965, -0.6015917062759399, 0.4687967896461487, 0.45080631971359253, -0.384870320558548, -0.11859112977981567, 0.3838285803794861, 0.24791327118873596, 1.0149520635604858, 0.40852609276771545, -0.5258665084838867, 0.21870405972003937, -1.2472516298294067, 0.5316383242607117, -0.22854846715927124, 0.10182739794254303, -0.37696966528892517, 0.015265274792909622, -0.37683314085006714, -0.2341199368238449, 0.4021390378475189, 0.41725772619247437, -1.1023842096328735, -0.0896075889468193, 0.45392176508903503, -0.007498383522033691, -0.5418751835823059, 0.4205370247364044, -0.024066530168056488, 0.12269911170005798, 1.1859830617904663, 0.4717012047767639, 0.9992393255233765, -0.10187511146068573, -0.38277530670166016, -0.15324616432189941, -0.478468120098114, 0.9929840564727783, -0.8880232572555542, 0.5025230646133423, 0.1949191391468048, -1.0280381441116333, 0.28295016288757324, -0.6241376996040344, -0.541567325592041, 0.2405015379190445, 0.45522356033325195, 0.05536574870347977, 0.08609503507614136, 0.19426977634429932, 0.003798818215727806, -0.48092642426490784, 1.037676453590393, -0.013709940016269684, -0.2187715619802475, 1.3194020986557007, -0.014448732137680054, 0.7621757984161377, 0.7833634614944458, 0.4306528568267822, 0.939758837223053, 0.3271991014480591, -0.244079127907753, 0.665584921836853, 0.4369879364967346, 1.573317527770996, -0.5469645857810974, 0.8355897665023804, 0.3244355022907257, 0.5263170003890991, -0.1316881775856018, -0.5557423830032349, 0.22133107483386993, -0.3592994511127472, 0.4059164822101593, -1.053536295890808, 0.024902094155550003, -0.27833008766174316, -0.237908735871315, 1.4773982763290405, -0.25007277727127075, -0.424488365650177, -0.3285169005393982, -1.1199008226394653, -0.004702672362327576, -0.834220826625824, -0.553276777267456, 0.046185728162527084, -1.5942515134811401, -0.22179725766181946, -0.3405698835849762, -0.5332129597663879, 0.7261229753494263, 0.12447798997163773, 0.892620325088501, -0.866543173789978, 0.09780050814151764, -0.4185114800930023, -0.030086617916822433, -0.4371050298213959, -0.6342266798019409, -0.8687891960144043, 0.4623470604419708, 1.0955073833465576, -0.6887906789779663, 1.065270185470581, 0.43476417660713196, 0.656645655632019, -0.5202640295028687, -0.0385945662856102, -0.5186340808868408, 0.7155272364616394, 0.8328632116317749, -1.130240559577942, -0.6298468708992004, -0.9131174087524414, -0.6787969470024109, -0.282526433467865, 0.1758098602294922, 0.9378253221511841, -0.3357999324798584, 0.47632843255996704, -0.8752800822257996, 0.7077457904815674, -0.09426619112491608, -0.5632564425468445, -0.37421196699142456, 0.43313756585121155, -0.4260646104812622, 1.1817717552185059, -0.02846672385931015, 0.5947838425636292, -1.8310233354568481, -1.3159418106079102, -0.44841432571411133, -0.7103675007820129, 0.20082367956638336, -0.1554194837808609, 0.5132119655609131, -0.4107712507247925, 0.432075172662735, 0.21020632982254028, -0.20705397427082062, 0.23347625136375427, -0.08141940832138062, -0.17648960649967194, 0.4467613101005554, 0.3806316554546356, -0.362087219953537, 0.1927792876958847, 0.4257254898548126, 0.572264552116394, -0.9813095927238464, -0.8356041312217712, 0.22429613769054413, 0.2861771583557129, -0.2775864899158478, -0.6659563779830933, -0.06321809440851212, 0.11367657780647278, 0.006012052297592163, -1.1232720613479614, -0.28421127796173096, 1.2488725185394287, 0.15320730209350586, 0.7468925714492798, 0.4333497881889343, 1.0315818786621094, 0.6320081949234009, 0.7011554837226868, 0.5886300206184387, -0.08339056372642517, -0.6053783297538757, -0.35659879446029663, 0.2537679374217987, -0.3863757252693176, 0.22045618295669556, 0.6481305956840515, -1.7758429050445557, 0.4725188910961151, -1.0811299085617065, 0.6224104166030884, -0.3181183338165283, -0.4730818271636963, 0.3408505916595459, 0.9105241298675537, -0.39799338579177856, -1.2349414825439453, -0.0279683917760849, -0.6675052046775818, -0.28938642144203186, 0.19036364555358887, 0.5472446084022522, 1.1558058261871338, 0.7348470091819763, 0.1904481053352356, 0.8960124850273132, -0.4231874942779541, 0.06648845970630646, 0.6891633868217468, -0.1396489292383194, 1.306130290031433, 0.6883522272109985, -0.41497915983200073, 0.4967750906944275, -0.37475499510765076, -0.9295332431793213, -0.4273228943347931, -0.014318659901618958, 0.9787822961807251, 1.7192882299423218, -0.23184634745121002, -0.15524816513061523, -0.85917729139328, 0.43471193313598633, -0.549988865852356, 0.6992731094360352, 0.8632173538208008, -0.6901377439498901, -1.294621467590332, -1.0760143995285034, 0.02910834364593029, 1.006950855255127, 0.020924383774399757, 0.3590756058692932, -0.7641876339912415, 0.1665639728307724, 0.37213951349258423, -0.5734599232673645, -1.1094200611114502, 0.5425381064414978, -0.17684964835643768, -0.3293638825416565, 0.7971819639205933, -0.5912221074104309, -0.14958009123802185, 0.3533078730106354, -0.9210023283958435, 0.7151712775230408, -0.04717298597097397, -0.4137807786464691, -0.4936977028846741, 0.6901854872703552, -0.2410779595375061, -0.20431458950042725, 0.4391081929206848, -0.44150274991989136, -1.9335768222808838, 1.0978467464447021, 0.6334492564201355, -0.36681532859802246, -0.20704448223114014, 0.07642736285924911, 0.5729209184646606, 0.23469310998916626, 1.5256880521774292]} +{"paper_id": "wiki_lingua", "embedding": [0.033002033829689026, 1.37400221824646, 0.24923154711723328, -0.02858126163482666, 0.29689809679985046, -0.7504814267158508, -0.05434230715036392, 0.9871764779090881, 0.6687654256820679, 0.285927414894104, 1.288902997970581, 0.265320748090744, 0.14059196412563324, 0.5001357197761536, -0.5801771879196167, 0.10002010315656662, -0.8606996536254883, -1.1677639484405518, -0.6113235354423523, -0.008532188832759857, -0.9500556588172913, -0.18189607560634613, -0.26780253648757935, 0.24693214893341064, -0.798027753829956, -0.650876522064209, 1.0193212032318115, -1.2863472700119019, -0.19055598974227905, 0.46584638953208923, -0.323612242937088, 0.8319223523139954, -1.188951849937439, 0.9297694563865662, -0.5580239295959473, -0.5182320475578308, 0.46537673473358154, 0.9731608033180237, -0.2636948823928833, -0.4414641559123993, -0.42975759506225586, 0.13554513454437256, 1.1059139966964722, -0.1143818274140358, 0.25320708751678467, -0.5018182992935181, -0.2497909963130951, 0.2724357545375824, -0.1267702281475067, 0.28263336420059204, -0.08975809812545776, 0.27301082015037537, -0.43396058678627014, 0.6115884780883789, -0.34489011764526367, 1.7132374048233032, 0.22117114067077637, -1.0798118114471436, 0.44494688510894775, -1.2152434587478638, 1.207798719406128, 1.6090198755264282, -1.039937138557434, 0.04463176429271698, 1.2555376291275024, -0.09724204242229462, 1.4535146951675415, 0.6283047199249268, 0.7920712232589722, 0.8799172043800354, -0.6624324321746826, -1.824684739112854, 0.6363399028778076, 0.18350833654403687, 0.21837808191776276, 0.7524596452713013, 0.516197144985199, -0.5097496509552002, -0.12886793911457062, 0.15635055303573608, -1.0346468687057495, 0.20261557400226593, 0.9066866636276245, -0.8298869729042053, -0.2259555160999298, -0.07876048982143402, 0.07600865513086319, -0.08154845237731934, 0.7439053654670715, -1.4425408840179443, 0.3183412551879883, -0.39387884736061096, -0.3163929879665375, -0.395270973443985, -0.15416520833969116, 0.18910184502601624, 0.7983955144882202, 0.08595284074544907, -0.9113250970840454, 0.43440771102905273, 0.5802610516548157, -0.3135809004306793, 0.040311746299266815, 0.1538367122411728, 0.821267306804657, 0.4715282917022705, -0.42599350214004517, -0.804370105266571, -1.2947146892547607, -0.42248520255088806, 0.31715911626815796, 0.7881777882575989, 0.3853975832462311, 0.09227532893419266, -0.014976420439779758, -0.5721363425254822, -0.27644583582878113, -0.19867362082004547, -0.5675559043884277, -0.30968761444091797, -0.3044276535511017, -1.6033307313919067, -0.4968065619468689, 0.2873827815055847, 0.24164217710494995, -0.94439297914505, -0.4445511996746063, -0.6652527451515198, -0.5184590220451355, -0.25136756896972656, 0.784927487373352, 0.4189624786376953, -0.8247308731079102, 0.0014945641160011292, 2.670302391052246, -0.4369570314884186, 1.6420332193374634, 0.4914384186267853, 0.011164408177137375, -0.5550093650817871, 0.18778136372566223, 1.5935977697372437, 0.18749839067459106, -0.9786672592163086, 0.0949820950627327, 0.050026364624500275, -0.9471839666366577, 0.5365656614303589, -0.5594678521156311, -0.6385117769241333, -0.06457094848155975, 0.445850133895874, -1.4194016456604004, -1.0692211389541626, -0.42430487275123596, 0.6529693007469177, 0.61135333776474, 0.7404089570045471, -0.2348850667476654, 1.500223994255066, 0.9496331810951233, 0.5302927494049072, -0.21148747205734253, 0.09998593479394913, -0.782909095287323, 0.14555001258850098, 0.7327303886413574, -0.09912221133708954, 0.03040245547890663, -0.900961697101593, 0.6820321083068848, -0.7440899014472961, 0.21799392998218536, -0.17675967514514923, -0.3463231027126312, 0.41163119673728943, 0.4602877199649811, 0.49160125851631165, -0.14144620299339294, -0.02319365367293358, -0.26421302556991577, -0.2844686806201935, 0.6716689467430115, 0.29593226313591003, 0.0823121890425682, 0.43255239725112915, -2.1797704696655273, -0.6091768145561218, -0.9123021364212036, 0.2702513635158539, 0.20295056700706482, 0.2896147668361664, -0.08544694632291794, -0.2841762602329254, -0.30010515451431274, -0.3105414807796478, 0.025429509580135345, -0.7903549671173096, 0.0921211838722229, 0.7536795139312744, 0.23617249727249146, 0.3606833815574646, 0.10179616510868073, 0.6058729290962219, 0.952178418636322, -0.4331658184528351, -0.48247048258781433, -1.2558892965316772, 0.38667604327201843, 1.9694106578826904, -0.5855274796485901, -0.800256073474884, -1.950334072113037, -0.1716488152742386, 0.9766920804977417, -0.4597727954387665, -0.23777852952480316, -0.6093654632568359, -0.18197840452194214, -1.4156744480133057, 0.22943757474422455, -0.6543442606925964, 0.29413753747940063, 0.4256942868232727, 0.6316308379173279, -0.690230131149292, -0.4079110324382782, -0.1979752629995346, -1.0462355613708496, 0.7154985666275024, 1.0152397155761719, 0.02599158324301243, -0.4586808383464813, 0.8697628974914551, -0.46115580201148987, 0.1949072778224945, 0.6113998293876648, 0.5382171869277954, -0.34499889612197876, -0.7165738940238953, -0.1471853107213974, 1.0462315082550049, -0.48777395486831665, 0.2742360234260559, -0.4298546314239502, 0.310221791267395, 0.1345687061548233, -0.4990047812461853, 0.28650110960006714, -0.14479559659957886, 1.566821575164795, 1.1223819255828857, -0.7184412479400635, 1.808228850364685, -1.392221212387085, 0.10434260219335556, 0.11569708585739136, -1.1815376281738281, 0.285555362701416, -0.6159971952438354, 0.6616100072860718, 0.052420973777770996, 0.6884444952011108, -0.5494194030761719, -0.29656705260276794, -1.3809722661972046, -0.13984426856040955, -0.8242142796516418, -0.6314260959625244, -1.3212639093399048, -0.329107403755188, -0.6351802945137024, -1.3034076690673828, -0.5347013473510742, 0.29253050684928894, 0.36889055371284485, 0.47017166018486023, 0.9436397552490234, 1.4472568035125732, -0.5216069221496582, 0.7069409489631653, -0.7731585502624512, 0.9593817591667175, -0.2501789927482605, 1.3953996896743774, -0.2124004065990448, -0.15284134447574615, -1.1088813543319702, 0.09287895262241364, -0.6564744114875793, -0.1854487657546997, 0.6208224892616272, -0.3675089478492737, 0.4450483024120331, 0.056631699204444885, -1.7136749029159546, 0.6465609669685364, -0.6459898948669434, -0.07040980458259583, -0.666965901851654, 1.3183062076568604, 0.19063928723335266, -0.8578556180000305, 0.46303099393844604, 0.3823487460613251, -0.022455858066678047, 1.320103645324707, -0.37647002935409546, 1.4258403778076172, 0.4084278345108032, 0.23977917432785034, 0.048356592655181885, -0.45066672563552856, -1.9708139896392822, -0.004471461288630962, 1.1982070207595825, -0.6888735294342041, -0.4259127378463745, -0.59150230884552, -0.23510563373565674, -0.2789841592311859, -0.3731445074081421, 0.33385443687438965, -0.6752997040748596, 0.5893594622612, -0.15157121419906616, 0.12005575001239777, 1.4187889099121094, -0.5202509164810181, 1.3897137641906738, 0.9259161353111267, 0.4561766982078552, -0.6445943713188171, -0.5279162526130676, 1.048117995262146, -0.5804986357688904, 0.6600183248519897, -0.043088071048259735, 0.9999963641166687, 1.0530126094818115, -0.6618186235427856, -0.10638916492462158, 0.46836191415786743, 1.0013214349746704, 0.600001871585846, 0.8873718976974487, -0.6528191566467285, 0.4814850091934204, 0.3455490469932556, 0.9588327407836914, 0.6139960289001465, -1.1904923915863037, -0.848158597946167, -0.04420006647706032, -0.37615782022476196, -1.0195778608322144, 1.7996068000793457, 0.33501777052879333, 1.724002718925476, 0.4150560200214386, 0.030584845691919327, -0.30139756202697754, -0.19159923493862152, 0.6601829528808594, 0.3981512188911438, 0.0615362748503685, -0.4236491322517395, -0.21680471301078796, 1.4586995840072632, -0.5260199308395386, -0.5117393136024475, 0.009498096071183681, 0.6358267068862915, -0.5452277064323425, -0.5250591039657593, 1.1426029205322266, 1.1562052965164185, 0.8223508596420288, 1.4047976732254028, -0.6779623627662659, -0.042425937950611115, -0.09479434043169022, 0.6510762572288513, -0.3538738489151001, 0.32999107241630554, -1.1738736629486084, 0.48481595516204834, 0.7326391339302063, 0.7377670407295227, -0.34849101305007935, 0.5638652443885803, 1.2005202770233154, -0.050338342785835266, -0.5822557210922241, -0.6323539018630981, -1.0928287506103516, -0.6291862726211548, -0.2622818946838379, 0.07774380594491959, -0.875199019908905, 0.35813382267951965, -0.34953516721725464, -0.6295584440231323, 0.586052656173706, -0.7139302492141724, -0.9421188831329346, 0.42690080404281616, 1.1336580514907837, -1.3517094850540161, -0.21108697354793549, -0.1369525045156479, -1.044377088546753, -0.6157790422439575, -0.10913966596126556, -0.4124710261821747, -0.08438740670681, 0.12621062994003296, 0.2649165689945221, 0.20404110848903656, -0.2567373812198639, -1.0361506938934326, 0.48916393518447876, 1.4497252702713013, -0.6131970882415771, 0.4847024381160736, -0.38168808817863464, 0.6633902192115784, 0.24090836942195892, -0.8412188291549683, -0.702488899230957, 0.5883716940879822, 0.42207083106040955, 0.02173791453242302, -1.0390748977661133, -0.8439282774925232, 0.2783166766166687, 0.2425476759672165, 1.0717740058898926, -1.217201590538025, -0.276547908782959, -0.6691881418228149, 0.9000002145767212, 0.10485229641199112, -0.5387945175170898, 0.03792906925082207, 1.1829009056091309, -0.17564231157302856, 0.27565205097198486, 0.270542711019516, 0.023567017167806625, 0.7807730436325073, 0.5000255107879639, -0.12616051733493805, -0.591195821762085, -10.980696678161621, -0.16914932429790497, -0.1468202769756317, -0.2983449697494507, 0.8463094830513, -0.08715900033712387, 1.338091492652893, -0.22519800066947937, 0.27875056862831116, -0.38568615913391113, 0.5059418678283691, 1.3646109104156494, 0.3585563898086548, -0.6601796746253967, -0.5606116652488708, -1.859155297279358, -0.5924542546272278, 0.03208191692829132, 0.7947074174880981, -0.8588134050369263, -0.2742661237716675, -0.8999626040458679, 0.21336887776851654, 0.2239060252904892, 0.3625968098640442, -0.36289775371551514, 0.03210141509771347, 0.007168359123170376, -0.13426457345485687, 0.3476763069629669, 0.8697408437728882, -0.10362820327281952, -0.9809954762458801, -1.025183081626892, 0.8424349427223206, -0.12365804612636566, -1.1852216720581055, 0.22825311124324799, 1.197859525680542, -0.18923993408679962, -0.012141875922679901, 0.3157409727573395, -0.16177132725715637, 0.07658536732196808, -0.47229868173599243, 0.13125665485858917, 0.45169949531555176, -0.8248670697212219, 1.412718415260315, -0.6392616033554077, -0.9502735733985901, -0.8757628202438354, -1.042888879776001, -0.3516702950000763, 0.5655741095542908, 0.6061690449714661, -0.8473588824272156, 0.4583532512187958, -0.2054632157087326, -1.042109489440918, 0.4741518497467041, 0.028999129310250282, 0.33955156803131104, -0.5442026853561401, 0.2320834994316101, -0.3619718849658966, 0.5350500345230103, -0.01103073637932539, 0.10146500915288925, -0.08871187269687653, -0.7785231471061707, 0.5266901254653931, 0.008971750736236572, -0.3328711986541748, 0.17670246958732605, -0.2786726951599121, -0.44941550493240356, -0.6251785755157471, 0.6338632106781006, 0.3550584614276886, -1.0404046773910522, 0.7948657870292664, 0.20627126097679138, -0.31814855337142944, -0.3910692632198334, -0.2623976469039917, 0.06019340083003044, -0.35633978247642517, 0.3781220316886902, -0.5022313594818115, 0.7912078499794006, -0.37851738929748535, 0.31031298637390137, 0.010161828249692917, -0.01799561269581318, 1.331711769104004, -0.9714638590812683, 0.4145227074623108, 0.5410807132720947, -0.7985444664955139, 0.39705178141593933, 0.19469058513641357, -0.7675752639770508, -0.5660649538040161, 0.4765951335430145, -0.32226330041885376, 0.007155254483222961, 0.3910902440547943, -0.16916456818580627, -0.15941721200942993, 0.9679171442985535, -0.026986584067344666, -0.551189661026001, 0.8016676306724548, -0.06259970366954803, 1.7195005416870117, 1.2410578727722168, -0.36134645342826843, 0.2841027081012726, 1.6597118377685547, -0.47450247406959534, 0.579599916934967, 0.6511774063110352, 0.8919408321380615, -0.16651520133018494, 0.3922065496444702, -0.18829992413520813, 0.573973536491394, -0.3660576045513153, -1.2221128940582275, -0.1363934874534607, -0.20311801135540009, -0.1034165546298027, -0.6525949835777283, -0.6988133788108826, 0.03020809218287468, -0.93536776304245, 1.6875146627426147, -0.3907341957092285, 0.3037113845348358, -0.24617932736873627, -0.8457334041595459, 0.24378907680511475, -0.25136518478393555, -0.284180611371994, -0.09116759151220322, -1.6057732105255127, 0.03244420886039734, -0.36018437147140503, -0.41742318868637085, 0.055693063884973526, -0.021804220974445343, 0.4987148642539978, -0.5120769739151001, -0.3453645408153534, -0.2718889117240906, 0.23222069442272186, -0.40468505024909973, -0.7002020478248596, -0.36798495054244995, 0.27201080322265625, 1.249563455581665, -0.5701112747192383, 0.7641541957855225, 0.3206535577774048, 0.3662158250808716, -0.6381782293319702, -0.04475395381450653, -0.7903597354888916, 0.5972866415977478, 1.1937034130096436, -1.0442675352096558, -0.29232093691825867, -0.8700855374336243, -0.06944192945957184, -0.6242688894271851, 0.8067659735679626, 1.7668367624282837, -0.9526187181472778, 0.6605825424194336, 0.31093665957450867, 0.7445299625396729, 0.2485765814781189, -0.09846371412277222, -0.5635923743247986, 0.36273282766342163, -0.04205441474914551, 0.4918575882911682, -0.15634198486804962, 0.6596783995628357, -1.699362874031067, -0.7898784279823303, -0.443358451128006, -0.4197107255458832, 0.4437907040119171, -0.5295315980911255, 0.8914985656738281, 0.23988494277000427, 0.6322852373123169, 0.2389722466468811, -0.31048184633255005, 0.9207242727279663, 0.39002764225006104, 0.9011729955673218, 0.6742791533470154, -0.20809105038642883, -0.6278465390205383, 0.1230466216802597, -0.2860155999660492, 0.643378496170044, -1.1193034648895264, 0.6160346269607544, 0.8314679265022278, 0.10512076318264008, -0.6021164655685425, -0.9270621538162231, 0.4681931436061859, 0.13047875463962555, -0.32580867409706116, -1.0055104494094849, 0.1089126244187355, 0.9849888682365417, -0.6814566254615784, 0.9534075856208801, 0.1818101555109024, 0.6848897933959961, 0.28764328360557556, 0.5165151357650757, 1.2978891134262085, -0.5202521681785583, -0.8962610960006714, -0.05230366811156273, 0.08101946115493774, -0.19557514786720276, 0.3810594975948334, -0.19520190358161926, -1.1597567796707153, 0.09815075248479843, -1.4617154598236084, 0.47133827209472656, -0.056373439729213715, -0.26636913418769836, 0.6278661489486694, 1.0250564813613892, 0.7097412347793579, -1.6302764415740967, 0.03322010859847069, -1.268775463104248, -0.32443967461586, 0.7139543294906616, 0.11570603400468826, 0.33988842368125916, 0.749560534954071, -0.30277037620544434, 1.1087932586669922, -0.3972899317741394, -0.5205777883529663, -0.28778302669525146, -0.3236766457557678, 0.6491495370864868, 0.5333542227745056, 0.4352779984474182, -0.05255356431007385, -0.08942530304193497, -0.31057339906692505, -0.9486417174339294, -0.5380136966705322, 0.6885704398155212, 1.421589732170105, 0.13339927792549133, -0.7767270803451538, -1.9184566736221313, 0.08199933916330338, -0.989678144454956, 0.718083918094635, 0.7148102521896362, -0.6534013152122498, -1.4049609899520874, -1.0167089700698853, -0.0026836912147700787, 0.7348800897598267, -0.16075612604618073, 0.3501916527748108, -0.056933268904685974, 0.8188825249671936, 0.3316805362701416, 0.29289811849594116, -0.6553464531898499, 0.3556666076183319, -0.1762814074754715, -0.1882304549217224, 1.0913779735565186, -0.5956829190254211, -0.5602473616600037, -0.029636859893798828, -0.40380486845970154, 0.7015154957771301, 0.49870914220809937, -0.9509556889533997, 0.09123986959457397, 0.6064772009849548, 0.21714386343955994, 0.007991768419742584, 0.8636417388916016, 0.22394023835659027, -2.050049304962158, 0.8775314092636108, 1.2570198774337769, 0.09223663806915283, -0.13112908601760864, 0.15090975165367126, 0.35870471596717834, 0.10599053651094437, 1.425449013710022]} +{"paper_id": "lince", "embedding": [-0.15842083096504211, 1.281394124031067, 0.21336907148361206, -0.1295805275440216, 0.489457905292511, -0.3553193211555481, 0.25302255153656006, 0.5020800828933716, 0.9461947083473206, 0.7949864268302917, 0.05853595584630966, -0.2289978265762329, -0.24490870535373688, -0.45660462975502014, -0.3147035241127014, -0.7140715718269348, -1.3683125972747803, -1.484877586364746, -1.1126585006713867, -0.6147282719612122, -1.072866678237915, -0.41341179609298706, 0.3391197919845581, 0.5848584771156311, -0.2678369879722595, -0.7876033186912537, 0.42405396699905396, -1.1324125528335571, -0.0913853570818901, 0.20867443084716797, -0.4854116439819336, 0.9766254425048828, -1.330095648765564, 0.09494040161371231, -0.08466627448797226, -0.4215238094329834, 0.10939475893974304, 1.1492382287979126, -0.5123000741004944, 0.2576492726802826, -0.6097245812416077, -0.32909730076789856, 1.0160255432128906, 0.11220204085111618, 0.867729663848877, -0.475491464138031, -0.9130964875221252, -0.21447817981243134, 0.196563258767128, 0.0869484394788742, -0.2177763283252716, 0.260627806186676, -0.011158155277371407, 0.00871862843632698, -0.3884432017803192, 1.6991952657699585, 0.9288085699081421, -0.9353781342506409, 0.23300299048423767, -0.6492156982421875, 0.4375181794166565, 2.0063869953155518, -0.8297335505485535, -0.05740567669272423, 0.8413688540458679, 0.13040266931056976, 1.7260961532592773, 0.4544212818145752, 0.5952098369598389, 0.6311863660812378, -0.00021713972091674805, -0.9544637203216553, 0.5416938662528992, 0.43565744161605835, 0.5282646417617798, 0.8837898969650269, 0.6399043202400208, -0.21455897390842438, -0.34873896837234497, -0.37308958172798157, -0.45153799653053284, 0.4974656105041504, 0.2759323716163635, -1.227728247642517, 0.36655986309051514, 0.5709394812583923, 0.5257549285888672, -0.672987163066864, 1.2497831583023071, -1.566564679145813, 0.7140651345252991, 0.18143118917942047, -0.07138235867023468, -0.06657955795526505, -0.5114355087280273, 0.007632015272974968, -0.08648580312728882, 0.4250415563583374, -0.27991652488708496, 0.14917060732841492, 0.6418626308441162, -0.5175262689590454, 0.5717038512229919, -0.34608960151672363, 0.7039641737937927, 1.4470263719558716, -0.4337245523929596, -0.46310800313949585, -1.534774661064148, 0.04847101867198944, 0.21775934100151062, 1.07167649269104, -0.10609812289476395, 0.41750743985176086, 0.32834872603416443, -0.3132270574569702, 0.2782440781593323, -0.32178953289985657, -0.7518477439880371, -0.1293199062347412, -0.033795129507780075, -0.754818856716156, -0.19476965069770813, 0.2671623229980469, 1.3042376041412354, -0.46341028809547424, 0.49084535241127014, -0.2328794300556183, 0.3231244683265686, -0.4077688753604889, 0.42494603991508484, 0.14711438119411469, -0.3764745593070984, 0.47427886724472046, 3.188842296600342, -1.0676472187042236, 1.2719495296478271, -0.679486095905304, -0.032911516726017, 0.09641395509243011, 0.33045437932014465, 1.3374948501586914, 0.2060239613056183, -1.0354100465774536, 0.07954113185405731, 0.6097513437271118, -1.2329213619232178, 0.7088394165039062, -1.0992369651794434, -0.5665075778961182, -0.2056293785572052, 0.0700942724943161, -1.3571618795394897, -0.6927245855331421, 0.3240489959716797, 0.43161752820014954, 0.08136305958032608, 0.973884642124176, -0.5587049722671509, 1.4565882682800293, 0.5482075810432434, 0.2712780833244324, -0.37550532817840576, 0.41788753867149353, -1.1447398662567139, -0.21000127494335175, 1.4523887634277344, -0.6878212094306946, -0.5793284773826599, -0.753048837184906, 1.4377015829086304, -0.1996585726737976, -0.27854570746421814, -0.6021695137023926, 0.2631763219833374, 0.35016685724258423, 1.1586973667144775, 1.0684648752212524, -0.09566319733858109, -0.3579574525356293, 0.019411347806453705, -0.4623435139656067, -0.20823274552822113, 0.3269084692001343, -0.26320478320121765, 0.762479841709137, -2.2556581497192383, -0.5344446897506714, -0.10586109012365341, 0.43834009766578674, -0.48067232966423035, -0.38324031233787537, -0.2360396683216095, 0.2630644142627716, 1.1142528057098389, -0.414524644613266, 0.5380259156227112, -1.4066481590270996, -0.24060577154159546, 0.17970699071884155, -0.13812895119190216, 0.03600829094648361, -0.33176925778388977, 1.0119655132293701, 0.42672738432884216, -0.4861181378364563, -0.25251761078834534, -1.9107556343078613, -0.6644080281257629, 3.194565534591675, 0.1563882827758789, -0.6613245010375977, -1.235530972480774, -0.11827067285776138, -0.10371920466423035, -0.5905352830886841, 0.5265244245529175, -0.8583272099494934, -0.16886746883392334, -1.1710740327835083, 0.22222352027893066, -0.6077044606208801, 0.01350545883178711, 0.4117826223373413, 0.357070654630661, -0.8019568920135498, 0.04439167678356171, 0.005490506067872047, -0.7433583736419678, 0.7863452434539795, 0.5250713229179382, 0.44058898091316223, -0.39446401596069336, 0.7902586460113525, 0.02303016185760498, 0.9207658767700195, 0.8000865578651428, 0.04072200134396553, -0.5504153966903687, 0.3559418022632599, 0.10269872844219208, 0.41390693187713623, -0.6620509624481201, -0.23931024968624115, 0.48233139514923096, 0.7162608504295349, -0.388654500246048, -0.7622711658477783, -0.3651711940765381, -0.08660178631544113, 0.8758999109268188, 1.189861536026001, -0.6559303402900696, 1.336834192276001, -1.2027586698532104, 0.23526620864868164, -0.48618656396865845, -0.6638473868370056, 0.02825324237346649, 0.033927008509635925, 0.5881406664848328, -0.13831990957260132, 0.2855405807495117, -0.5960726141929626, -0.2509711980819702, -1.611943006515503, -0.5011300444602966, -0.32085347175598145, -0.7873467206954956, -1.7214404344558716, 0.04561691731214523, -0.11433093249797821, -1.2441442012786865, -0.43307754397392273, 0.36827898025512695, 1.1847659349441528, 0.3060137927532196, 1.070759654045105, 1.8287276029586792, -0.1972523033618927, 0.1127433255314827, -0.08987490087747574, 0.961314857006073, -0.7336596250534058, 0.40561890602111816, -0.38328349590301514, 0.29675057530403137, -0.4902610182762146, 0.444712370634079, -0.04599117487668991, 0.17107802629470825, 0.5062857866287231, -0.3555440902709961, 0.02159898728132248, -0.1860559582710266, -1.4263103008270264, 0.7887820601463318, -1.0311685800552368, 0.5506444573402405, -1.3128366470336914, 1.5045661926269531, 0.6092345118522644, -0.27740877866744995, 0.9340292811393738, -0.08784985542297363, -0.24244238436222076, 1.3037354946136475, -0.4112562835216522, 1.168976902961731, 0.4105988144874573, -0.41285693645477295, 0.11380015313625336, 0.6902863383293152, -1.6688312292099, 0.13235503435134888, 1.2283567190170288, 0.05616031214594841, -0.29458004236221313, -0.6210340261459351, 0.0922241061925888, -0.7550668716430664, 0.12901771068572998, 0.3632332980632782, -0.2062021791934967, 0.5439152121543884, -0.2598225176334381, -0.022286726161837578, 0.6531984210014343, -0.9141059517860413, 0.794236958026886, 1.3248957395553589, 0.07132900506258011, -0.8850635886192322, -0.198184996843338, 1.0482558012008667, -0.7576847672462463, 0.39316970109939575, 0.49546322226524353, 0.22527673840522766, 1.6387267112731934, -0.5200827121734619, 0.09147167205810547, 0.8787519335746765, 0.5355503559112549, 0.5590090751647949, 0.9349489212036133, -0.1504371166229248, 0.6939447522163391, 0.33933448791503906, 0.9896964430809021, 0.2982867956161499, -1.3790693283081055, -0.9316347241401672, -0.4969232678413391, -0.6946450471878052, -0.46277642250061035, 1.7027088403701782, 0.9881550669670105, 1.6017745733261108, -0.07539632171392441, -0.0985366553068161, -0.6009597778320312, -0.08007220923900604, 0.6543746590614319, 0.29559817910194397, -0.1626802533864975, -0.5404947996139526, 0.1980103701353073, 0.4908350110054016, -0.5355069041252136, -0.29384976625442505, -0.05518171936273575, 0.750162661075592, -0.25758710503578186, -1.2428655624389648, -0.16260501742362976, 0.6290944814682007, 0.39190247654914856, 1.6017833948135376, -0.3501121401786804, -0.07581155747175217, 0.38778156042099, 0.951116681098938, -0.4591386020183563, 0.4451756477355957, -0.701468825340271, 0.470646470785141, 1.1059240102767944, 0.7919067144393921, -0.04302927106618881, 0.6102343201637268, 0.6569688320159912, -0.31561094522476196, -1.4075736999511719, -0.9977140426635742, -1.185949683189392, -0.2584327161312103, -0.5940899848937988, -0.6120526790618896, -0.7525508999824524, 0.8137499690055847, -0.3466155230998993, -0.5322437286376953, 0.9588251113891602, -0.7173174619674683, -1.187958002090454, 1.0410627126693726, 1.3049334287643433, -0.9642808437347412, -0.7514538168907166, 0.21505264937877655, -0.7809369564056396, -1.0083537101745605, 0.4105789065361023, -1.422513723373413, -0.11010140180587769, 0.5861691832542419, 0.8783828616142273, 0.22610148787498474, -0.37341558933258057, -0.6335717439651489, 0.6830238699913025, 1.6070752143859863, -0.6097339391708374, 0.46184563636779785, 0.47299158573150635, 0.5873753428459167, -0.5428129434585571, -1.0765706300735474, -1.0008032321929932, 0.4137677550315857, -0.16942137479782104, 0.6806749105453491, -0.6104015707969666, -1.3950012922286987, 0.11442368477582932, -0.29946666955947876, 0.5685093402862549, -0.5398159623146057, 0.4892963767051697, -1.0539920330047607, -0.03327535092830658, 0.6642411947250366, -0.6684560179710388, -0.08316894620656967, 0.8977388739585876, -0.1709093153476715, 0.6132947206497192, 0.5892753601074219, 0.7960898876190186, 0.8463757038116455, 0.43328970670700073, 0.3428753614425659, -0.9199210405349731, -10.486444473266602, 0.24026212096214294, -0.005675729364156723, -0.13065668940544128, 0.1838487684726715, -0.5093807578086853, 1.078481674194336, -0.2931130826473236, 0.6742441654205322, -0.693026065826416, 0.32746943831443787, 1.7023423910140991, 0.10106359422206879, -0.6295792460441589, -0.4438805878162384, -1.7332619428634644, -0.8751859068870544, 0.019861727952957153, 0.2005419284105301, 0.09571599960327148, -1.296695351600647, -1.4520472288131714, 0.10943184792995453, 0.07359641790390015, 0.5162212252616882, 0.2183428406715393, -0.1515178382396698, -0.4085054397583008, -0.1350242644548416, 0.0340869277715683, 0.5652251243591309, 0.3612630069255829, -0.7323172092437744, -0.7076172828674316, 0.9393547177314758, -0.07608497142791748, -1.1091547012329102, 0.05811730772256851, 1.0565226078033447, 0.037230126559734344, 0.0065295398235321045, 0.4190111458301544, 0.14795875549316406, -0.209382101893425, -0.9268821477890015, -0.19776760041713715, 0.38927310705184937, -1.0086894035339355, 0.7809031009674072, -0.19562914967536926, -0.23087766766548157, -0.7366347908973694, -1.1162817478179932, -0.38655540347099304, 0.46450576186180115, 0.09397592395544052, -0.4648406207561493, -0.02758922427892685, -0.2151823341846466, -1.4624778032302856, 1.0786713361740112, 0.8760648965835571, -0.25913742184638977, 0.38746383786201477, 0.5209607481956482, -0.3108503818511963, 0.39285019040107727, 0.07238498330116272, -0.4117494523525238, 0.3167691230773926, -1.430626630783081, 0.7106600999832153, -0.15770065784454346, 0.2550516724586487, -0.5371150970458984, -0.45461130142211914, -0.47647619247436523, -0.70035320520401, 0.058092646300792694, 0.42242977023124695, -1.2308540344238281, 0.7328287959098816, -0.007367618847638369, -0.6095971465110779, -0.5895233154296875, -0.18671609461307526, -0.7441956400871277, 0.08376520872116089, 0.9617689847946167, -0.2528659999370575, 0.7419939041137695, -0.41121697425842285, -0.11947605013847351, -0.20510071516036987, -0.5411577224731445, 0.8930686712265015, -0.3674195110797882, 1.1951971054077148, 0.05419325828552246, -0.9209679961204529, 0.27656030654907227, -0.2907242178916931, -0.16342978179454803, -0.6339946389198303, 0.13430021703243256, 0.06931859999895096, -0.29711952805519104, -0.13254329562187195, 0.38936105370521545, -0.23692847788333893, 1.1736176013946533, -0.06847380101680756, -0.27504032850265503, 0.5702679753303528, 0.1747734546661377, 0.6766489148139954, 0.2993638515472412, 0.10444650053977966, 0.5854448080062866, 1.063130497932434, -0.19539716839790344, 1.149356722831726, 0.10693375766277313, 1.0105246305465698, -0.5488749742507935, -0.08914832025766373, 0.33027559518814087, 0.3093339204788208, -0.06784851849079132, -1.6238646507263184, 0.24515923857688904, -0.3046018183231354, -0.08574264496564865, -1.1144530773162842, 0.34568989276885986, -0.4844169318675995, -1.1571775674819946, 1.3350389003753662, -0.3364561200141907, 0.30116361379623413, 0.1699390858411789, -0.7533383369445801, 0.5737959146499634, -0.9087955355644226, -0.8911730647087097, 0.3040931820869446, -1.9803358316421509, -0.20711401104927063, -0.5220078825950623, -0.7492570877075195, 0.8560116291046143, -0.16434255242347717, 1.0454844236373901, -0.5079513192176819, 0.0024996530264616013, 0.5699640512466431, 0.019845914095640182, -0.41529199481010437, -1.205386757850647, -0.2585489749908447, -0.13245385885238647, 1.343989610671997, -0.5677425861358643, 1.3668711185455322, 0.9741673469543457, -0.1878145933151245, -0.14757250249385834, 0.3266701102256775, -1.053532600402832, 0.32770583033561707, 1.392005443572998, -0.49864107370376587, 0.04632164537906647, -1.0182312726974487, 0.08166946470737457, -0.7432382106781006, 0.8008504509925842, 1.6797938346862793, -0.6785827875137329, 0.7029759883880615, -0.36773180961608887, 0.8234918117523193, 0.1920427531003952, -0.3383464217185974, -0.9235601425170898, 0.08515617251396179, -0.12461603432893753, 0.16751404106616974, 0.12324980646371841, 0.7443343997001648, -1.7391513586044312, -1.1948561668395996, -0.00022426294162869453, -0.04522515833377838, -0.4876437187194824, -0.5543121695518494, 1.3620535135269165, -0.3008923828601837, 1.077998161315918, 0.3780646026134491, -0.10235230624675751, 0.3617725670337677, -0.334170937538147, 0.1756584495306015, -0.280906081199646, -0.024247610941529274, -0.5727152824401855, 0.7788667678833008, 1.0544912815093994, 0.42207425832748413, -1.4340718984603882, -0.3164982199668884, 0.6717521548271179, -0.0881229043006897, 0.29665082693099976, -0.5683025121688843, 0.5708858370780945, 0.12501807510852814, -0.5810497999191284, -1.5032626390457153, 0.2656322717666626, 1.349116563796997, 0.19921670854091644, 0.8442679047584534, 0.7780711054801941, 0.48231440782546997, 0.3747626543045044, 0.19019219279289246, 1.8164833784103394, -0.5689005255699158, -0.5369516611099243, -0.18859678506851196, 0.44573140144348145, -0.3940129578113556, -0.30933088064193726, -0.18085740506649017, -1.321396827697754, 0.19037479162216187, -1.1926511526107788, 0.5001472234725952, -0.2703065276145935, 0.06283441185951233, 0.5698115229606628, 0.9288870096206665, -0.5250496864318848, -0.8862927556037903, -0.3289841115474701, -0.4440224766731262, -0.3564399182796478, 0.25632548332214355, -0.15272821485996246, 0.9039915204048157, 0.6832841038703918, 0.6152535080909729, 0.9727857112884521, 0.2056950330734253, -0.04638516902923584, -0.05129396915435791, 0.4828685522079468, 1.2732545137405396, 0.858112633228302, 0.16491898894309998, -0.4690977931022644, -0.7377598881721497, -0.40474292635917664, -0.3968110978603363, -0.7193716168403625, 0.3992253541946411, 1.2366182804107666, 0.15140068531036377, -0.02577507123351097, -0.948004961013794, 0.6196614503860474, -1.1685006618499756, 0.18866442143917084, 0.396379292011261, -0.5782849788665771, -0.044770773500204086, -0.722676157951355, 0.23763826489448547, 1.271077275276184, -0.5560560822486877, 0.2581109404563904, -0.3114362955093384, 0.4916217625141144, -0.530480682849884, -0.20256811380386353, -1.044565200805664, 0.1168806254863739, -0.7905076742172241, 0.38799387216567993, 0.41180479526519775, -0.37173765897750854, -0.5230915546417236, -0.04934977740049362, -0.7935491800308228, 0.643916666507721, 0.3073456287384033, -0.47321853041648865, -0.5414425730705261, 0.530264139175415, -0.2917678952217102, -0.2972949147224426, 0.8261064887046814, -0.28574812412261963, -1.7338615655899048, 1.134487271308899, 1.1479185819625854, -0.4273216128349304, -0.9134347438812256, -0.5331016182899475, 0.7118849754333496, 0.09007521718740463, 1.5211434364318848]} +{"paper_id": "spider", "embedding": [-0.6678619980812073, 1.5377651453018188, 0.03933728113770485, 0.3050628900527954, 0.3847894072532654, -0.038535092025995255, 0.622348427772522, 0.8369468450546265, 0.6250527501106262, 1.1684651374816895, 0.3599657118320465, 0.2994784414768219, 0.38703596591949463, -0.616254985332489, -0.4652979075908661, 0.012633971869945526, -0.47869110107421875, -0.6721993684768677, -1.7114591598510742, -0.4242985248565674, -0.6806528568267822, -1.2305670976638794, 0.251389741897583, 0.39996537566185, -1.2098772525787354, -0.6318848133087158, 1.313916802406311, -1.10617196559906, -0.0891139879822731, 0.4191072881221771, -0.22248589992523193, 1.2647954225540161, -1.53560209274292, 0.7173306345939636, -0.4497276842594147, 0.04843055456876755, 0.5479382276535034, 0.9045242071151733, -0.5077122449874878, 0.469473659992218, -0.41286519169807434, 0.040993936359882355, 0.4439241588115692, 0.316649466753006, 1.0102567672729492, -0.6648661494255066, 0.22923840582370758, 0.26229995489120483, -0.5271977186203003, -0.24120119214057922, -0.7297198176383972, 0.5658739805221558, 0.12959915399551392, 0.7814427614212036, -0.2853303551673889, 1.2359791994094849, -0.4073947072029114, -0.6004338264465332, 0.7854966521263123, -0.6979426145553589, 0.8677433133125305, 1.4424363374710083, 0.06560055911540985, 0.4642235338687897, 0.9354478120803833, -0.005704402923583984, 0.9082748889923096, 0.19195498526096344, 0.5373786687850952, 0.6937756538391113, 0.25991398096084595, -1.2141764163970947, 1.0897412300109863, 0.3997630476951599, -0.0036648958921432495, 1.132947564125061, 0.5264847874641418, -0.3525877296924591, 0.11977625638246536, -0.4127673804759979, -0.3842551112174988, 0.12757499516010284, 0.8557453751564026, -0.62798672914505, 0.04539209231734276, 0.2896510064601898, -0.08697236329317093, -0.4066304564476013, 0.2506568133831024, -1.4429676532745361, 0.4186551570892334, -0.21154646575450897, -0.09657014161348343, 0.16913893818855286, -0.5142804980278015, 0.31637805700302124, -1.4706393480300903, 0.3081442713737488, -0.13542208075523376, 0.6924124956130981, 0.7661536931991577, -0.795006513595581, 0.6418977975845337, -0.013304993510246277, 0.1789112389087677, 0.04618215188384056, -0.11223234236240387, 0.09022899717092514, -0.4324716329574585, -0.3094000220298767, -0.0062176138162612915, 0.6204122304916382, 0.10941113531589508, 0.13139882683753967, -0.2860749661922455, 0.16334766149520874, 0.23697248101234436, -0.6552507877349854, 0.15597128868103027, 0.13309428095817566, 0.5265246033668518, -1.3858436346054077, -0.23889264464378357, -0.17366093397140503, 0.8165544271469116, -0.5811706185340881, 0.25947287678718567, -0.4646361172199249, 0.2530328333377838, 0.4313957691192627, 0.4153933823108673, -0.5447724461555481, -1.0027220249176025, 0.1280955672264099, 3.1314640045166016, -0.6419034004211426, 1.7686498165130615, -0.47115546464920044, -0.08239734917879105, -0.32935625314712524, -0.290452241897583, 0.26131224632263184, 0.418181836605072, -0.5755384564399719, -0.08985555917024612, 0.16087594628334045, 0.2442949265241623, 1.0725691318511963, -1.5594797134399414, -0.4423200190067291, -0.48116904497146606, -0.2527291774749756, -1.2166692018508911, -0.8675625324249268, -0.03886384516954422, 0.007407393306493759, 0.024274438619613647, -0.14874021708965302, -1.1172149181365967, -0.015487860888242722, 0.3076742887496948, -0.3036322593688965, -0.8322620391845703, 0.26622915267944336, -0.8358772397041321, -0.5470116138458252, 1.542392373085022, -0.6986602544784546, -1.4084194898605347, -0.4598654806613922, 0.7327131032943726, -0.003982998430728912, 0.2791479229927063, -0.4719826281070709, -0.03888805955648422, 0.15554073452949524, 0.9976717829704285, 0.1696101427078247, 0.10792763531208038, -0.7554415464401245, -0.4027945101261139, -0.34229111671447754, 0.2150767743587494, 0.6883730888366699, -0.06266192346811295, 0.39099106192588806, -2.6105923652648926, 0.0973077267408371, -0.03957785665988922, 0.6880548596382141, 0.45143914222717285, 0.02528395690023899, 0.5776249766349792, 0.3851171135902405, 0.450427770614624, -0.6863664388656616, -0.21214401721954346, -0.7864047884941101, -0.15862831473350525, 0.05333348363637924, -0.487814337015152, 0.32849302887916565, -0.28732016682624817, 1.320757508277893, 0.7501987218856812, -0.20660120248794556, -0.7050032019615173, -2.0730879306793213, 0.5895174145698547, 2.3549094200134277, -0.038098499178886414, -0.44857653975486755, -0.7410351037979126, -0.34844276309013367, 0.8728628754615784, -0.2118833065032959, 0.41868504881858826, -0.7470833659172058, 0.12839668989181519, -0.8314587473869324, 0.13026314973831177, -0.20019617676734924, 0.6002724766731262, 0.43545565009117126, 0.9807958602905273, -0.8623712062835693, 0.5416992902755737, -0.48710429668426514, -0.8129497766494751, 1.073244571685791, 0.7200262546539307, -0.17114974558353424, -0.22206589579582214, 1.3007512092590332, 0.46138399839401245, 0.33670932054519653, 0.9572773575782776, 0.7274305820465088, -0.8286311626434326, 0.4081245958805084, 0.07417692989110947, 0.8384196758270264, 0.3686981797218323, -0.1140509620308876, 0.4512815475463867, 0.12222228944301605, -0.4021227955818176, -0.9773775935173035, 0.3398931622505188, 0.6551112532615662, 1.3654686212539673, 0.09014324843883514, -0.33971133828163147, 0.5112116932868958, -0.6721142530441284, -0.8803055882453918, -0.5486832857131958, -0.4286947250366211, -0.23980627954006195, -0.1901334673166275, 0.9479711055755615, -0.004922441206872463, 0.16401439905166626, 0.025066569447517395, -0.3686729669570923, -1.695499300956726, -0.2601696848869324, -0.06924569606781006, 0.043710000813007355, -1.157829999923706, 0.07792006433010101, -0.32029402256011963, -0.46682238578796387, -1.1169544458389282, 0.7501701712608337, -0.32048696279525757, 0.09363647550344467, 0.8044033050537109, 1.1355457305908203, 0.16408707201480865, 0.7580049633979797, 0.24402065575122833, 1.5463937520980835, -0.25269514322280884, 1.0983350276947021, -0.393401175737381, -0.3650527000427246, -1.286245584487915, 0.4041801393032074, -0.9855731129646301, 0.16143858432769775, 0.7552059888839722, -0.28133243322372437, 0.09766709804534912, -0.03539731353521347, -1.1090787649154663, 1.1142573356628418, 0.11152097582817078, 0.02314666099846363, -0.17321471869945526, 1.5827194452285767, -0.1401820033788681, -0.7442508339881897, 0.6908917427062988, 0.0054960548877716064, -0.28759709000587463, 0.840194046497345, -0.4045318067073822, 0.31597912311553955, 0.5650909543037415, 0.3425399959087372, -0.10171227157115936, 0.87778639793396, -2.123384952545166, 0.9317284822463989, 0.6424910426139832, -0.12698794901371002, -0.6971149444580078, -0.9620482921600342, 0.31156229972839355, -0.3453995883464813, 0.13389627635478973, 0.6271225810050964, -0.6109594106674194, 0.4472058415412903, 0.10567861050367355, 0.4657530188560486, 0.9970954656600952, -1.1609927415847778, -0.11965984106063843, 0.8309954404830933, 0.14381524920463562, -0.7565438747406006, -0.45225363969802856, 0.35798579454421997, -0.09502250701189041, 0.4413969814777374, 0.1048218384385109, 1.4892089366912842, 0.7093138694763184, -0.3354734182357788, -0.2813595235347748, 1.1310001611709595, 1.0156294107437134, 0.4692849814891815, -0.0866217091679573, -0.7748540043830872, 0.6667795777320862, -0.09898532927036285, 1.270798683166504, -0.6572858095169067, -0.3152982294559479, -0.8292915225028992, -0.3966500163078308, 0.13835877180099487, -0.4098077714443207, 1.8897614479064941, 0.05048609897494316, 1.6749773025512695, -0.4167051613330841, 0.06449799984693527, -0.9740005135536194, -0.3985988199710846, 0.9307871460914612, 1.110953450202942, 0.31338971853256226, -0.9349790811538696, 0.04693550243973732, 0.5063104033470154, 0.013486247509717941, -0.11504091322422028, -0.2871217429637909, 0.8199761509895325, 0.6427602767944336, -1.0128098726272583, -0.14391864836215973, 0.48995769023895264, 0.014728059992194176, 0.5589447617530823, -0.69973224401474, -0.49692586064338684, -0.3117383122444153, -0.09164626151323318, -0.16342785954475403, 0.13082721829414368, -1.1011980772018433, 0.6958591341972351, 0.2998594641685486, 0.9260490536689758, 0.02625606209039688, 1.5824215412139893, 1.7438749074935913, -0.28251248598098755, -1.4304512739181519, 0.13834767043590546, -0.4271604120731354, -0.03895644471049309, 0.4516615867614746, -0.6655694246292114, -1.0293138027191162, 1.030438780784607, -0.36281102895736694, -0.5593745708465576, 1.1367427110671997, -0.32365572452545166, -1.3499855995178223, 0.4536125659942627, 0.8486279249191284, -0.9504355192184448, -0.03060847334563732, 0.189625546336174, -1.1343899965286255, -0.7789797186851501, -0.3074049651622772, -0.9230933785438538, 0.7829976677894592, 0.24439506232738495, 0.8067470788955688, -0.3543732166290283, 0.03934331238269806, -1.7620776891708374, 1.0977152585983276, 0.6174225211143494, -0.9769275784492493, -0.2204689383506775, -0.38221311569213867, 0.5779401063919067, -0.26566919684410095, -1.603937029838562, -0.20391832292079926, 0.948403537273407, 0.369851678609848, -0.14745593070983887, -1.2261067628860474, -0.8841542601585388, 0.186195969581604, -0.21081867814064026, 1.1135687828063965, -0.2695987820625305, 0.3606012463569641, 0.20786452293395996, 0.1384955197572708, 1.1031310558319092, 0.11274482309818268, -0.6859188079833984, 1.4773170948028564, -0.7910791039466858, 1.163015365600586, -0.7102079391479492, 0.35610008239746094, 1.7863593101501465, 0.24074387550354004, -0.2060733139514923, -0.1748429834842682, -10.9093656539917, 0.4550551772117615, 0.3918434977531433, 0.28553086519241333, 0.3163450360298157, -0.16140437126159668, 1.1730648279190063, -0.37246090173721313, 0.8356502652168274, -0.8828369379043579, 0.23552033305168152, 2.101435661315918, 0.547614336013794, 0.1505976915359497, -0.8216242790222168, -1.5403101444244385, -0.5064970850944519, -0.3047875463962555, -0.002347305417060852, 0.11228726804256439, -0.6510900855064392, -0.45316189527511597, -0.5917189717292786, 0.5950587391853333, 0.5327560901641846, -0.352649450302124, -0.1923520863056183, -0.6078476309776306, -1.0036425590515137, -0.7732328176498413, 0.6711456775665283, -0.20881932973861694, -0.45858579874038696, -0.1345624327659607, -0.5870676040649414, -0.49592864513397217, -0.4131386876106262, -0.4155658483505249, 0.17781366407871246, -0.07128681987524033, -1.2342578172683716, 0.6644184589385986, 0.6823915243148804, -0.09688898921012878, -0.3659087121486664, 1.181963562965393, 0.1260097473859787, -1.113178014755249, 0.6404097080230713, -0.21245819330215454, -0.818505585193634, -1.124145746231079, -0.8988855481147766, -0.5694843530654907, 0.28985682129859924, 0.25698184967041016, -0.39499223232269287, -0.9811940789222717, -0.6006750464439392, -1.090122938156128, 0.6797049045562744, 0.21010196208953857, -0.5131658911705017, 0.7847615480422974, 0.10194534063339233, -0.765835702419281, 0.08751868456602097, 0.3653208613395691, -0.633577287197113, 0.21272012591362, -0.5032234787940979, 0.6967816352844238, 0.12712448835372925, -0.3410702347755432, -0.9141539335250854, -0.21547675132751465, -1.1001302003860474, 0.21113081276416779, 0.5460607409477234, 0.3264443278312683, -1.0900678634643555, 0.6097873449325562, 0.20571081340312958, -1.0778237581253052, -0.7771639823913574, 0.3112795650959015, -0.13612312078475952, 0.8010740876197815, 0.49342045187950134, -0.6033989191055298, 2.0513668060302734, 0.25808680057525635, -0.2874675989151001, -0.57538902759552, -0.2856203615665436, 0.3922049403190613, -0.6112769246101379, 1.095191478729248, 0.0030523687601089478, -0.7442181706428528, 0.22802498936653137, -0.16858509182929993, -0.829361081123352, -0.22011856734752655, 0.3941177725791931, 0.5740365982055664, 0.4697517156600952, 0.11341480910778046, -0.409791499376297, -0.4445802569389343, 0.37329423427581787, 0.2523221969604492, -0.6477566361427307, 0.8381215929985046, -0.4060322642326355, 0.3943997919559479, 0.6407245993614197, 0.2843095660209656, 0.2995782792568207, 1.0215753316879272, -0.08038552850484848, 0.7205972671508789, -0.23691172897815704, 0.973100483417511, -0.24441619217395782, -0.06608954071998596, 0.3877047896385193, 0.7738481163978577, -0.08424172550439835, -1.0333187580108643, 0.36211100220680237, 0.2314547598361969, 0.2097684144973755, -0.8611662983894348, -0.3943909704685211, -0.16242201626300812, -0.8417076468467712, 1.6613022089004517, -0.5915979146957397, -0.21867915987968445, 0.039120569825172424, -0.8445692658424377, -0.16081717610359192, -0.8345012664794922, -0.41681331396102905, 0.7154332995414734, -1.4144529104232788, -0.039742644876241684, -0.7484221458435059, -0.2737894058227539, 0.009498346596956253, -0.6646907925605774, 1.5080639123916626, -1.0648956298828125, -0.7192808985710144, -0.22221463918685913, 0.507046103477478, -0.2363375425338745, -1.0758426189422607, -0.13793030381202698, -0.22466707229614258, 0.540189802646637, -1.0543231964111328, 1.0118076801300049, -0.026757918298244476, -0.018770266324281693, -0.8076979517936707, -0.16175931692123413, -0.22375322878360748, -0.16581939160823822, 0.5708073377609253, -0.6800037622451782, 0.4437183439731598, -0.08049830049276352, 0.056142617017030716, -0.6611480116844177, 0.6526994109153748, 1.0020643472671509, -1.4761625528335571, -0.23731620609760284, 0.04802298545837402, 1.2161877155303955, 0.6276488900184631, -0.06893311440944672, -0.5209498405456543, -0.02564527653157711, 0.0223336610943079, 1.3211617469787598, -0.2523004412651062, 1.2646574974060059, -1.7642778158187866, -1.392425775527954, -0.4024200737476349, 0.003993488848209381, 0.7622584104537964, -0.4401477873325348, 1.4610494375228882, 0.13756006956100464, 0.2796008288860321, 0.7095540165901184, 0.4864237308502197, 0.6867056488990784, 0.31256067752838135, 0.8694483041763306, -0.10788752138614655, 0.38177478313446045, -0.8421650528907776, -0.0288534015417099, 0.4410839080810547, 0.9241343140602112, -0.946613073348999, 0.2865157127380371, 0.9145823121070862, -0.39294663071632385, -0.5075384378433228, -1.4723283052444458, 0.18259435892105103, -0.9908617734909058, 0.015407636761665344, -1.4215983152389526, 0.2695131301879883, 1.0510236024856567, 0.10751362144947052, 1.21841299533844, 0.8094788789749146, 0.7396472692489624, 0.19106440246105194, 0.6451001167297363, 1.682207465171814, 0.30602750182151794, -0.355114221572876, 0.2480933666229248, 0.4978093206882477, -0.3584904968738556, -0.3198094666004181, -0.6951857209205627, -0.16047997772693634, 0.5727996230125427, -0.6747617125511169, 0.5018599033355713, -0.18006382882595062, 0.36781826615333557, 1.312082052230835, 1.003710150718689, -1.125376582145691, -1.9788284301757812, -0.3151339292526245, -1.2907533645629883, 0.4878116250038147, 0.5871330499649048, 0.3900439441204071, 0.108469158411026, 0.8615836501121521, 0.3385051190853119, 1.046891689300537, -0.15426358580589294, 0.33751803636550903, -0.020762763917446136, -0.4694010019302368, 1.4904600381851196, 0.8142628073692322, -0.2835424244403839, -0.007112601771950722, -0.5312988758087158, -0.4219575822353363, -0.23546245694160461, -1.2151587009429932, 0.7888322472572327, 0.796987771987915, -0.024952473118901253, -0.04254823550581932, -0.05830719321966171, 1.0559955835342407, -1.2574864625930786, 0.4971369504928589, -0.4633772373199463, -0.60187166929245, -0.7111841440200806, -0.6246347427368164, -0.3340863585472107, 0.30862662196159363, -0.18608501553535461, -0.06068255379796028, 0.2480817437171936, 0.49942532181739807, -0.047016438096761703, 0.4797959327697754, -0.47017911076545715, -0.26622456312179565, -0.6462941765785217, 0.44544297456741333, -0.11886174976825714, -0.6709336638450623, -0.09932860732078552, 0.11800141632556915, -0.7838152647018433, -0.21024858951568604, -0.416778028011322, -0.1382349729537964, -0.3472622036933899, 0.533544659614563, -0.08687689900398254, 0.009828519076108932, -0.0814104825258255, -0.30184313654899597, -1.612065315246582, 0.3606218695640564, 0.820955216884613, -0.3108963072299957, -0.5967317819595337, -0.2392255663871765, -0.2409456968307495, 0.6216142177581787, 0.4709193706512451]} +{"paper_id": "bookcorpusopen", "embedding": [-0.13261017203330994, 1.2487356662750244, 0.7700744867324829, 0.09606072306632996, 0.5057770609855652, -0.7747241258621216, 0.07728563249111176, 0.7088719606399536, 0.7219572067260742, -0.7601523995399475, 0.899400532245636, 0.26719215512275696, -0.33507171273231506, 0.16881009936332703, -0.6034305095672607, 0.4295624792575836, -0.2440970242023468, 0.06744367629289627, -0.9658154845237732, 0.29399314522743225, 0.10389818251132965, -1.0246899127960205, -0.42675846815109253, 0.8642753958702087, -0.5059398412704468, 0.189019575715065, 0.6759406924247742, -1.2445330619812012, 0.4029434025287628, 0.3661205768585205, -0.27878549695014954, 1.2924717664718628, -0.943461000919342, 0.023124173283576965, -0.24976688623428345, -0.4862503409385681, 0.17208868265151978, 0.8737562894821167, -0.10594171285629272, -0.8073399066925049, -0.2917191684246063, 0.5362586975097656, 1.1098181009292603, -0.3152152895927429, 0.7799838185310364, -0.036622218787670135, 0.1404537409543991, 0.3735845983028412, 0.07501906156539917, -0.051743052899837494, -0.8332117199897766, -0.41990625858306885, -0.03817615658044815, 0.01597963273525238, -0.34498023986816406, 1.358415961265564, -0.32887279987335205, -0.4599880278110504, -0.32756826281547546, -0.8903913497924805, 1.5659420490264893, 1.4969525337219238, -0.3209986090660095, 0.2831827700138092, 1.6796904802322388, 0.11401261389255524, 1.4205483198165894, 0.6767727136611938, -0.3452643156051636, 0.41791120171546936, -0.8244291543960571, -1.2479428052902222, 0.49730736017227173, -0.2246215045452118, -0.13937363028526306, 0.25792253017425537, 0.6827078461647034, 0.038746390491724014, 0.11300472170114517, 0.9994950890541077, -0.1322525441646576, 0.3380308747291565, 0.2770354449748993, -0.2985064685344696, 0.3931926488876343, -0.18067508935928345, 0.47886624932289124, -0.15818338096141815, 0.3578488826751709, -1.449652075767517, 0.046497851610183716, -0.12310130149126053, 0.6505130529403687, -0.013848960399627686, -0.731225311756134, -0.22229206562042236, 1.07600998878479, -0.7150167226791382, -0.3848339021205902, 0.6194289326667786, 0.006700310856103897, 0.5177363157272339, -0.2751016914844513, -0.4678495228290558, 1.086320400238037, 0.0452226884663105, 0.7035108208656311, -0.7206044793128967, -0.3218962848186493, -0.808516800403595, -0.04228488355875015, 0.99545818567276, -0.0040302216075360775, 0.6968094110488892, 0.14546900987625122, -0.7554313540458679, 0.35117217898368835, 0.30277079343795776, -0.8681656718254089, 0.8377697467803955, -0.3585878312587738, -1.549232006072998, -0.1393907368183136, -0.1747201681137085, 0.2798646092414856, -0.609792947769165, -0.42306217551231384, -1.156610369682312, -0.47979480028152466, -0.8675984144210815, 0.01823779195547104, 0.44962236285209656, -0.4980227053165436, -0.49199357628822327, 2.6757373809814453, -0.7310048341751099, 1.0536471605300903, -0.5908994078636169, -0.7441424131393433, -0.7230573296546936, -0.4162543714046478, 1.309571623802185, 0.26809975504875183, -0.6960583329200745, -0.1288825124502182, -0.7561826705932617, -0.4802096486091614, -0.06759463250637054, -0.36415061354637146, -0.322603315114975, 0.10799306631088257, 0.11851575970649719, -1.1885716915130615, -1.0483309030532837, -0.6122268438339233, -0.013746313750743866, 0.3471997380256653, 0.3699685037136078, -0.12959757447242737, 1.1450833082199097, 0.030795015394687653, 0.7457439303398132, -0.6930665969848633, -0.09648389369249344, -0.3819562494754791, 0.5027313232421875, 0.6607878804206848, -0.24874678254127502, 0.7380934953689575, -1.1361150741577148, 0.5974743366241455, -0.4044724404811859, 0.06825795769691467, -0.5812052488327026, -0.09246356040239334, 0.6032410860061646, 0.8168976902961731, 0.8735219836235046, 0.4235400855541229, -0.22609452903270721, -0.9528354406356812, -0.4294099509716034, 0.2962627112865448, 0.26971879601478577, 0.44926702976226807, 0.14555509388446808, -2.749802827835083, -0.4695347547531128, -0.9370546340942383, 0.18490076065063477, 1.010507345199585, 0.0531601756811142, 0.03195952624082565, 0.2780483067035675, -1.4615410566329956, -0.26703476905822754, 0.013908437453210354, -0.7147328853607178, 0.02468225359916687, 0.812452495098114, -0.25131702423095703, -0.14926765859127045, -0.4970567226409912, 0.8074283599853516, 0.5856501460075378, 0.6904255747795105, -0.15788714587688446, -1.321299433708191, 0.9218980073928833, 1.2112046480178833, 0.34867623448371887, -0.2855542302131653, -1.741693377494812, 0.24177013337612152, 0.8663709759712219, 0.004328160081058741, 0.9242948293685913, -0.25914835929870605, 0.5133885741233826, -0.7188846468925476, 0.512971818447113, -0.08533519506454468, 1.033643364906311, -0.40511325001716614, 0.980789065361023, -0.37196385860443115, -0.20643186569213867, -0.742082417011261, -1.7452306747436523, 0.24228180944919586, 0.30904680490493774, 0.08210235834121704, 0.24532857537269592, 1.2666486501693726, 1.0235426425933838, 0.3202143907546997, 1.2446314096450806, 1.010469675064087, 0.08386130630970001, -0.02042943239212036, 0.7061040997505188, -0.0033672451972961426, -0.34417933225631714, -0.16084666550159454, -0.5950307250022888, 0.4469905495643616, -0.19642814993858337, -0.4910695552825928, -0.2761183977127075, -0.4081774950027466, 1.6512534618377686, 1.0197604894638062, -0.7426002621650696, 0.43650177121162415, -0.9468300938606262, -0.544461190700531, 0.4354628920555115, -0.49041548371315, 0.47384631633758545, -0.06910515576601028, 0.18690666556358337, -0.11916907131671906, 0.5969179272651672, -0.24849136173725128, -0.2152426689863205, 0.18977582454681396, -1.5973620414733887, 0.05967269092798233, -0.10956163704395294, -0.5120447874069214, -0.5229214429855347, 0.4874753952026367, -1.2236336469650269, -0.5315544009208679, -0.39185503125190735, 0.5198009014129639, 0.07890284806489944, 0.2874118685722351, 1.6994924545288086, -0.360123872756958, 0.7802197933197021, -1.2808259725570679, 0.7027236223220825, 0.27683553099632263, 0.7517070174217224, -0.7838281989097595, 0.07975856214761734, -1.1397919654846191, 0.23233231902122498, -1.0100617408752441, 0.08086857944726944, 0.5090710520744324, -0.7344211339950562, 0.7945230603218079, -0.1171957328915596, -1.0220013856887817, 1.4150199890136719, 0.2381538599729538, -0.5833186507225037, -0.6302147507667542, 1.036618947982788, 0.6781427264213562, -0.8491249680519104, 0.6470640897750854, -0.8978274464607239, -0.8867679238319397, 1.9158121347427368, -0.44218504428863525, 1.1637970209121704, 1.6533573865890503, 0.8295244574546814, 0.11536139249801636, -0.9819384217262268, -1.9662981033325195, -0.37814679741859436, 1.1323660612106323, -0.21581289172172546, -0.017692115157842636, -1.3939238786697388, 1.475051760673523, 0.05293276533484459, -0.43881601095199585, 0.6429473757743835, -0.9072550535202026, 0.20827795565128326, -0.4254802167415619, 1.0417534112930298, 1.156496286392212, 0.2215219885110855, 0.23897992074489594, 0.6733018159866333, 0.21268510818481445, -0.7851954102516174, 0.2328801155090332, 1.4147226810455322, -0.8256855607032776, 0.012537321075797081, 0.824289858341217, 1.0866199731826782, 0.3729635179042816, -1.0168445110321045, 0.04589870944619179, 0.35027021169662476, 0.15794190764427185, 0.5552492737770081, 0.17484402656555176, -0.26309579610824585, 0.08745904266834259, -0.6641095280647278, 0.7508366107940674, 0.08834965527057648, -0.3186716139316559, -0.8288561701774597, 0.6295440196990967, -0.27371835708618164, -0.0392739400267601, 1.3267649412155151, 0.6469082236289978, 2.0455362796783447, 0.05476897209882736, -0.6720041632652283, -0.6733800172805786, 0.10957345366477966, 0.18730491399765015, 0.7767196893692017, -0.0722436010837555, -0.229850172996521, 0.11106465756893158, 0.9009373188018799, 0.53242027759552, -0.23350360989570618, -0.07874754071235657, 0.8209342360496521, -0.6486039161682129, -0.15221863985061646, 1.3736934661865234, 0.6089651584625244, 1.5191177129745483, 1.941180944442749, 0.0472736656665802, 0.07028378546237946, -0.16970781981945038, 0.38932597637176514, 0.7024693489074707, -0.414151132106781, -0.4400385320186615, 0.9349405765533447, 0.5362472534179688, 1.718766450881958, 0.6585515737533569, 1.1937211751937866, 0.8400049209594727, 0.25992467999458313, -1.5567328929901123, -0.09587574005126953, -0.509859025478363, -0.4124346077442169, -0.1645127534866333, 0.09570755064487457, 0.2179507315158844, 0.5633467435836792, -0.12401016801595688, -0.3372955918312073, 1.084978461265564, -0.2091681957244873, -0.7217148542404175, -0.24414224922657013, 1.4684200286865234, -0.8340482115745544, -0.9666846394538879, 0.5687139630317688, -0.9175137877464294, -1.1497199535369873, -0.8218604326248169, 0.029084639623761177, 1.1320006847381592, 0.2802982032299042, -0.28763481974601746, -0.21829722821712494, 0.2425033301115036, -0.6668198108673096, 0.7364969849586487, 0.48086458444595337, -1.0176527500152588, 0.31451013684272766, 0.31044337153434753, -0.061197683215141296, 0.4750753343105316, -0.7392398118972778, -0.1090678796172142, -0.024031052365899086, -0.02471049875020981, -0.592336118221283, -0.17780674993991852, 0.1364615112543106, 0.027695586904883385, 0.5798044204711914, 0.35426872968673706, -1.4107999801635742, -0.1525726318359375, -0.2864379286766052, 1.0513664484024048, 0.13821406662464142, -0.4001416563987732, -0.11080976575613022, 0.47879278659820557, -1.3878588676452637, 0.19030438363552094, -0.040901295840740204, -0.19824016094207764, 1.8363630771636963, 0.3472658395767212, 0.015466015785932541, -0.14373666048049927, -11.035231590270996, 0.4715597331523895, -0.08975770324468613, 0.659254252910614, 0.7548526525497437, 0.006100103259086609, 0.4133617579936981, 0.24019835889339447, 0.737731397151947, -0.3352382481098175, 0.4771769642829895, 0.12950727343559265, 0.18911981582641602, -0.3749317228794098, -0.6285433769226074, -1.5599149465560913, -0.32012754678726196, -0.7993922829627991, 0.4255608320236206, 0.3102114498615265, 1.2266960144042969, -1.206800937652588, -0.7010565400123596, 0.620266854763031, -0.12407311052083969, -0.7412925362586975, -0.18550214171409607, -0.22434517741203308, -0.23715747892856598, -0.00677717849612236, 0.775814414024353, -1.5899838209152222, -0.9197651743888855, -0.6848635077476501, 1.0347555875778198, 0.46398189663887024, -0.8786612153053284, -0.21671713888645172, 0.2569464147090912, -0.09770578145980835, 0.14995072782039642, -0.2174081802368164, -0.4994295537471771, 0.2584962546825409, -0.01268865168094635, 0.21525387465953827, -0.4923277497291565, -0.7594521045684814, -0.07776933908462524, 0.1553158462047577, -0.6448443531990051, -0.5507504940032959, -0.9521563649177551, -0.893275797367096, -0.05083567649126053, 0.7875233292579651, -1.3670620918273926, 0.07226179540157318, -0.6673412322998047, -1.22426438331604, 0.4823267459869385, 0.2933770418167114, 0.39770612120628357, 0.5986610651016235, 0.3339701294898987, 0.13363313674926758, 0.9244550466537476, -0.11612090468406677, 0.4338836371898651, 1.0217382907867432, -0.7727838158607483, -0.025561830028891563, -0.08812873065471649, 0.7192137837409973, -0.4020240008831024, 0.4956305921077728, -0.2810108959674835, -0.2556845247745514, 0.905917763710022, -0.010179689154028893, -0.925115168094635, 0.5734137296676636, -0.0981847420334816, -0.8350740671157837, 0.33851107954978943, 0.535742998123169, 0.7201905250549316, 0.5780023336410522, 0.6124621629714966, -0.13725461065769196, 0.5889406204223633, -0.4802391827106476, -0.2624560594558716, -0.4945146143436432, -0.6537996530532837, 0.22587867081165314, -1.1214807033538818, 0.534589946269989, 0.6171941757202148, 0.0031848475337028503, -0.1345977783203125, 0.4745735824108124, -1.0846089124679565, 0.10848355293273926, 0.14943791925907135, -0.007308986037969589, 0.4313892126083374, 0.10973870754241943, -0.27287378907203674, 0.14612554013729095, 0.8130590915679932, 0.611467719078064, -0.37147057056427, 0.5800470113754272, -0.3847537636756897, 0.458000510931015, 0.36747097969055176, -0.5507266521453857, -0.5700913071632385, 0.8979695439338684, 0.002926167333498597, 0.572533905506134, 0.12963709235191345, 1.2622337341308594, -0.1335216462612152, 0.14463117718696594, -0.2841762900352478, 0.6963550448417664, -1.0062140226364136, -0.9900261759757996, -0.2607918679714203, -0.3944794535636902, -0.2591865062713623, -0.7679154276847839, -1.2767640352249146, -0.044655442237854004, -0.5299198627471924, 1.21727454662323, -0.43265068531036377, -0.19231709837913513, -0.34910422563552856, -0.5331096053123474, -0.9978629946708679, 0.09766839444637299, -0.7568936347961426, -0.2408362627029419, -1.9167985916137695, -0.3417026400566101, -0.8808148503303528, -0.3467181921005249, -0.1341085135936737, -0.4914120137691498, 0.7171745300292969, -0.943666398525238, -0.22708532214164734, -0.04442813619971275, 0.3388841450214386, -0.5305814146995544, -0.9047123789787292, -0.618576169013977, 0.6377643942832947, 1.3203593492507935, -1.1422960758209229, 0.7764879465103149, 0.028626970946788788, -0.3799104392528534, -1.3208850622177124, -0.04270496219396591, -0.5751912593841553, 0.5017841458320618, 0.5766177773475647, -0.4532926082611084, -0.7335137128829956, -0.8062386512756348, -0.24035002291202545, -0.44610267877578735, 0.28875598311424255, 1.214766502380371, -0.8830212354660034, -0.23771686851978302, 0.21316620707511902, 0.5531712174415588, 0.8932400941848755, -0.8874682784080505, 0.12003901600837708, -0.4870663285255432, -0.20941585302352905, 1.3535034656524658, -0.6067445278167725, 0.1600758582353592, -1.2083112001419067, -1.1394720077514648, -1.1717013120651245, -0.9802223443984985, 0.9422611594200134, -0.18194986879825592, 0.6289080381393433, 0.31558695435523987, -0.36785924434661865, 0.11552494019269943, -0.6674676537513733, 0.6779882311820984, 0.6408970355987549, 1.0939257144927979, 0.3865959048271179, -0.23646537959575653, -0.7299671173095703, -0.38463690876960754, -0.29402074217796326, 0.979280948638916, -1.0860612392425537, -0.10888902842998505, 0.027793318033218384, 0.05465400591492653, 0.7696818709373474, -1.5980899333953857, 1.1774773597717285, -0.40566331148147583, -0.37825140357017517, -0.9801270365715027, -0.7749115824699402, 0.9040530920028687, -0.49692410230636597, 1.104599952697754, 1.1701223850250244, 0.6922078132629395, 0.2804500460624695, -0.0620206743478775, 1.1674405336380005, 0.3368825912475586, -0.8186290860176086, -0.011176377534866333, 0.32248541712760925, 0.37712717056274414, -0.514332115650177, -0.3560737073421478, -0.7201129198074341, 0.13748426735401154, -0.8995782136917114, 0.6540345549583435, -0.42586249113082886, -0.2060539275407791, 0.49410557746887207, 0.6211305856704712, 0.2538084387779236, -1.3747811317443848, -1.194192886352539, -1.4309332370758057, 0.5371060967445374, 0.6010512709617615, -0.35861510038375854, 0.6579319834709167, 0.0051682740449905396, -0.12822522222995758, 0.5815823078155518, -0.30522310733795166, -0.6090291142463684, 0.7387690544128418, -0.396817147731781, 0.7872570753097534, 0.5176096558570862, -0.29376569390296936, 1.0548731088638306, 0.649732768535614, -1.0543296337127686, 0.19702009856700897, -0.9314634799957275, 0.11816130578517914, 0.684256374835968, -0.3293806314468384, -0.3820313811302185, 0.029932983219623566, 0.06005394458770752, -0.7939020395278931, 1.0865298509597778, 0.6752574443817139, 0.3191777467727661, -1.083280324935913, -0.9786116480827332, -0.8501004576683044, -0.12397594004869461, -0.5598927736282349, -0.45932120084762573, -0.3893855810165405, 0.6356255412101746, 1.0077252388000488, 0.01219932921230793, 0.013849668204784393, 0.2362285703420639, -0.2213212549686432, 0.9378718733787537, 0.21771392226219177, -1.0705296993255615, -0.05880334973335266, 0.11133882403373718, -0.884215772151947, 0.05733831226825714, 0.2789636254310608, -1.1597119569778442, -0.951374351978302, 0.45992815494537354, 0.4403519928455353, -0.448518842458725, 0.5259473323822021, 0.4881538450717926, -1.5038961172103882, 1.376863956451416, 0.8866258263587952, 0.4087594747543335, -0.5405715107917786, -0.013774055987596512, 0.3822122812271118, 0.4933493137359619, 1.107377529144287]} +{"paper_id": "alt", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "lener_br", "embedding": [-0.4571862518787384, 1.0322314500808716, -0.38345763087272644, 0.21192225813865662, 0.10789091885089874, -0.24127677083015442, -1.067639946937561, 0.6809892654418945, 1.2833656072616577, 1.4284067153930664, 0.18892845511436462, -0.5311780571937561, -0.5580883622169495, -0.8312103152275085, -0.47668495774269104, -0.017872024327516556, -0.03891743719577789, -0.6092491745948792, -0.7247684597969055, 0.08708658069372177, -1.2565778493881226, -1.4746370315551758, -0.45675376057624817, 0.43746083974838257, -1.4356311559677124, -0.37240391969680786, 0.274141788482666, -0.8862622976303101, 0.475983589887619, 0.33888110518455505, -0.3197348713874817, 1.1076103448867798, -1.2574001550674438, -0.01615956425666809, -0.45599374175071716, 0.552709698677063, 0.5182614922523499, 0.5152426362037659, -0.6799660921096802, -0.12739723920822144, -1.391340732574463, -0.4561440348625183, 0.451572448015213, 0.20527136325836182, 1.1881910562515259, -0.1544431447982788, 0.652431070804596, 0.31198057532310486, 0.6067674160003662, -0.20195193588733673, -0.659525454044342, 0.8257130980491638, 0.02662074752151966, 0.300995409488678, -0.04008999466896057, 0.773219108581543, -0.08879472315311432, -0.716224730014801, 0.29210367798805237, -0.45203104615211487, 0.6665164828300476, 0.898507833480835, -0.47057655453681946, -0.33528342843055725, 0.3469005525112152, 0.15066127479076385, 1.544119954109192, -0.3452548384666443, 1.0554040670394897, 0.6244878768920898, 0.22574658691883087, -1.337873935699463, 0.4000490605831146, -0.5093292593955994, 0.09186450392007828, 1.3186473846435547, 0.4464156925678253, 0.15871158242225647, 0.6238929033279419, -0.4389808475971222, -0.3118416666984558, 0.9856904745101929, 0.7597147822380066, -0.26327288150787354, -0.5361765623092651, -0.6239400506019592, 0.46984198689460754, -0.217630535364151, 0.45865076780319214, -1.4841228723526, 0.8087204694747925, -0.5789194703102112, -1.1579407453536987, 0.19055694341659546, -0.4999212622642517, 0.6697704792022705, -0.12925651669502258, -0.3968970775604248, -1.1237579584121704, 0.0379437692463398, 0.6313728094100952, -0.6065080165863037, 0.3143109381198883, 9.149312973022461e-05, 0.11461231112480164, 1.5717885494232178, -0.9051031470298767, 0.3841640055179596, -1.2037190198898315, 0.02742048166692257, 0.08544078469276428, 1.2477363348007202, 0.21828985214233398, 0.17135781049728394, 0.20696470141410828, 0.2423713207244873, 0.9990481734275818, -0.9917036294937134, -0.11105980724096298, 0.1664808690547943, -0.7349573969841003, -0.4415830969810486, -0.8293544054031372, 0.7520532011985779, 1.2396067380905151, -0.24326464533805847, 0.6616349220275879, 0.4055883586406708, 0.2020321488380432, -0.3019491732120514, 0.495553582906723, -0.5216060280799866, -0.6750397086143494, -0.05834301933646202, 2.6446828842163086, -1.8357683420181274, 0.7546834945678711, -0.3151177763938904, 0.8440982103347778, -0.07992460578680038, 0.31513550877571106, 0.8536591529846191, 0.6826409101486206, -1.2725952863693237, -0.825607180595398, 0.8127308487892151, -0.9413169622421265, 0.7066327929496765, -0.6604664921760559, -0.6931257843971252, 0.13306653499603271, 0.7755103707313538, -0.703091561794281, -0.16695362329483032, -0.04559631645679474, 0.40288567543029785, 0.3194326162338257, 0.21680185198783875, -0.30079665780067444, 1.1270891427993774, 1.325431227684021, 0.07885439693927765, -0.22622308135032654, 0.653924286365509, -0.9954482913017273, -0.0714229941368103, 1.489575743675232, -0.043312229216098785, -1.2441883087158203, 0.20253148674964905, 0.5076590180397034, -0.174974262714386, -0.3489910066127777, 0.09650028496980667, -0.8514785766601562, -0.44091522693634033, 1.503307819366455, 0.432040274143219, -0.528879702091217, -0.29471006989479065, 0.1057867482304573, 0.06630326807498932, -0.16587910056114197, 0.49130111932754517, -0.1474490761756897, 0.12154333293437958, -1.6296411752700806, -0.3267756700515747, -0.37722110748291016, 1.2776082754135132, -0.3636297583580017, -0.41895148158073425, -0.16848427057266235, 1.1412748098373413, 0.7792890071868896, -0.7438948154449463, -0.09381209313869476, -1.6162946224212646, -0.4525870084762573, 0.15023410320281982, 0.182240828871727, -0.6743111610412598, -0.20305368304252625, 0.3898988962173462, 0.8837483525276184, -1.3935177326202393, -0.28121235966682434, -1.8141052722930908, 0.3854767978191376, 2.405637741088867, -0.2543160915374756, -1.002294898033142, -1.0641305446624756, -0.24456894397735596, 0.09957162290811539, -0.3504176139831543, 0.5543112754821777, -0.7620353698730469, 0.2915469706058502, -0.9975359439849854, 0.5611521005630493, -0.3737529516220093, -0.02850521355867386, 0.1408601701259613, 0.8275573253631592, -0.3700371980667114, -0.3863687813282013, -0.025022029876708984, -0.4732038080692291, 0.7007399201393127, 0.6165967583656311, 0.13641658425331116, 0.13565956056118011, 0.867850661277771, 0.9985647797584534, 0.47596728801727295, 0.09919407218694687, 0.5159097909927368, -0.7866250276565552, 0.595253586769104, -0.6166598796844482, 0.2937975227832794, -0.0028499364852905273, -1.3643643856048584, 1.1890878677368164, 0.3426111042499542, -0.053476832807064056, -0.317007839679718, -0.11988413333892822, 0.0423629954457283, 0.9694562554359436, 1.1230700016021729, -1.1024272441864014, 0.5028159022331238, -1.2940136194229126, 0.30153918266296387, -0.4398399591445923, -0.11739802360534668, -0.43650418519973755, -0.07287728041410446, 0.6767082214355469, 0.22889621555805206, -0.07615244388580322, 0.03339308500289917, -0.6738112568855286, -1.3366498947143555, 0.05780200660228729, 0.12155883759260178, -0.4171963930130005, -1.2486697435379028, -0.02613801136612892, -0.27687740325927734, -1.3356605768203735, -0.3309936821460724, 0.5889350175857544, 0.6705424785614014, -0.5038014650344849, 0.40943804383277893, 0.8295047879219055, -0.27356797456741333, 0.31249237060546875, -0.23786601424217224, 0.7458717226982117, -0.3144104480743408, 0.8100879192352295, 0.3122953772544861, 0.31126996874809265, -0.3482145071029663, 0.05272489786148071, 0.3989015817642212, 0.11397571116685867, 0.30731549859046936, -0.004932284355163574, 0.7646614909172058, -0.21742287278175354, -1.1055102348327637, 1.0866751670837402, 0.875484824180603, -0.3983905017375946, -1.6609002351760864, 1.6354323625564575, 0.843902051448822, 0.13642124831676483, 0.6028661131858826, 0.5688291788101196, 0.058115627616643906, 1.2523317337036133, -0.49424153566360474, 0.34499263763427734, -0.12024829536676407, 0.07220438122749329, -0.20978333055973053, 0.9070352911949158, -1.1567609310150146, -0.3695492148399353, 0.4064411520957947, -0.39472123980522156, 0.4219372868537903, 0.12519435584545135, 0.2074306458234787, -0.20611070096492767, -0.5961718559265137, -0.3692358136177063, -0.440219521522522, 0.01375654712319374, -0.6034239530563354, -0.6722207069396973, 0.9000715017318726, -0.5397805571556091, 0.47769418358802795, -0.0895317792892456, 0.14171984791755676, -1.5129863023757935, -0.007571633905172348, 1.0984488725662231, 0.4550119936466217, 0.806950569152832, -0.10993558913469315, 0.6321202516555786, 1.4236855506896973, -0.9399662017822266, -0.03609106317162514, 0.8307466506958008, 0.31383585929870605, 0.04140665382146835, 0.5177340507507324, -0.04933147132396698, 0.9687777757644653, -0.7093385457992554, 1.079132318496704, 0.48588821291923523, -0.6712923645973206, -1.5972009897232056, 0.1273864209651947, -0.7113279700279236, -0.21420052647590637, 2.0370216369628906, 0.7032959461212158, 1.758439064025879, -0.24921613931655884, 0.5717267990112305, -0.21471789479255676, 0.3636441230773926, 1.065072774887085, 0.8156657218933105, -0.05151425302028656, -0.1046784371137619, 0.34978756308555603, 0.1688045859336853, -0.722970724105835, -0.6577752828598022, -0.04965181276202202, 0.9888648986816406, 8.967891335487366e-05, -0.9889539480209351, -0.13943608105182648, -0.7552248239517212, 0.08143897354602814, 0.9546322822570801, -0.8758199214935303, -0.9137634634971619, -0.49775341153144836, 0.6492248773574829, 0.2639009654521942, 0.7317706942558289, -0.826819658279419, -0.5964025259017944, -0.2108096033334732, -0.4675672948360443, -0.19390343129634857, 0.8340891003608704, 1.1542861461639404, 0.10093620419502258, -0.6279588937759399, 0.6593016386032104, -0.705272376537323, -0.21476618945598602, 0.40423959493637085, -0.246621772646904, -1.3230692148208618, 0.5793759822845459, 0.03054548054933548, -1.0634485483169556, 0.6344318389892578, -0.721256673336029, -2.153916597366333, 1.4656574726104736, 0.8455579280853271, -0.9024246335029602, -0.3001132011413574, 0.04026293754577637, -0.18413452804088593, -0.4203294515609741, 0.290813148021698, -1.7166104316711426, 0.7958464026451111, 0.34806913137435913, 0.38482680916786194, 0.18225526809692383, -0.2894245386123657, -0.6680792570114136, 0.25542908906936646, 0.5132439136505127, -0.06303863227367401, -0.13754965364933014, 0.0445590615272522, 0.08243958652019501, 0.11008556932210922, -2.271570920944214, -1.1175979375839233, 0.6798760890960693, 0.10760502517223358, 0.3355454206466675, -0.9596415758132935, -1.1451826095581055, 0.31173649430274963, 0.1255127489566803, 0.41637662053108215, -0.565983772277832, 0.6488533616065979, -0.5229256749153137, 0.5454301834106445, 0.28049254417419434, -0.2986912727355957, -1.2675482034683228, 1.5242223739624023, -0.08716433495283127, 0.05772151052951813, 0.17749914526939392, 1.063005805015564, 1.432414174079895, 0.16971397399902344, -0.08364047110080719, -0.7493574619293213, -10.943740844726562, 0.5101507902145386, 0.0799226462841034, 0.7211419939994812, 0.3443697392940521, 0.18028128147125244, 0.687302827835083, -0.6870017647743225, 1.6413182020187378, -0.19980229437351227, 0.07659447193145752, 2.4231834411621094, 0.22915416955947876, -0.4220855236053467, -0.7252272367477417, -0.8751949667930603, -1.0925053358078003, -0.1895999312400818, 0.056930169463157654, 0.6866881847381592, -0.6977795362472534, -1.1787441968917847, 0.1968461126089096, 0.21234478056430817, 1.148322582244873, -0.284885972738266, 0.6503539681434631, 0.30351030826568604, -0.9527156352996826, -0.28726786375045776, 0.5879682898521423, -0.1460036337375641, -0.8576505184173584, -0.09330327808856964, 0.3721107840538025, -0.14758189022541046, -1.1818749904632568, -0.33506760001182556, 1.1861248016357422, 0.47054699063301086, -0.2509564757347107, 0.1432429403066635, 0.5519818067550659, -0.890945315361023, -0.31414562463760376, -0.38649803400039673, 0.40459924936294556, -0.7665407657623291, 0.11956779658794403, -0.11578190326690674, 0.015615567564964294, 0.033287614583969116, -0.9558517336845398, 0.08419804275035858, 1.1455636024475098, -0.3638995289802551, 0.003969214856624603, 0.05321473628282547, -0.9074244499206543, -1.250667929649353, 1.4010183811187744, 0.06672747433185577, -0.4568234384059906, 0.6790032386779785, -0.2257443368434906, -0.3667267858982086, 0.7336692810058594, -0.47644832730293274, 0.5017076134681702, -0.22824543714523315, -0.5273120999336243, 0.6715155243873596, 0.3372904062271118, -0.4326764941215515, -0.5723102688789368, -0.5633279085159302, -0.11788740009069443, -0.4344264566898346, 0.1218821108341217, -0.025363098829984665, -0.8906009197235107, 1.1143006086349487, -0.46278101205825806, 0.3696037828922272, -0.6993945837020874, -0.19403019547462463, -0.46573731303215027, -1.079803466796875, 0.13183332979679108, -0.08061247318983078, 0.36977893114089966, -0.04240042716264725, -0.21933846175670624, 0.25494784116744995, -0.5638746023178101, 0.09959468245506287, -0.8268570899963379, 1.6125128269195557, 0.5374507904052734, -0.5353018045425415, 0.2586577534675598, -0.16754531860351562, -0.032975129783153534, -0.32026174664497375, 1.0134357213974, 0.08428723365068436, 0.1673082709312439, -0.2745588421821594, 0.0004396885633468628, 0.5164377093315125, 1.110670804977417, -0.5313305854797363, 0.3311516046524048, 0.49964669346809387, 0.38364365696907043, 0.6897145509719849, 0.6090202331542969, 0.3331463038921356, 0.2379578948020935, 1.1276689767837524, 0.6301848292350769, 0.47161179780960083, -0.23369066417217255, 0.7247915863990784, -0.22943972051143646, -0.7370430827140808, 0.4886879622936249, 0.8383004665374756, 0.1936696171760559, -2.2112176418304443, 0.16914266347885132, 0.7201098799705505, 0.38604459166526794, -0.9824547171592712, -0.27965253591537476, -1.2818971872329712, -1.1878609657287598, 0.7102401256561279, -0.3386695384979248, 0.1782682240009308, -0.6331822872161865, -0.4326314628124237, 0.4565713405609131, 0.02911539003252983, -0.6246076822280884, 0.05347149074077606, -1.1570714712142944, -0.6733049154281616, -0.4338271915912628, -0.6749978065490723, 0.465875506401062, -0.23848330974578857, 0.8036827445030212, -0.49474555253982544, 0.2377147674560547, 0.2333351969718933, 0.36446449160575867, -0.7296831607818604, -0.3388996720314026, 0.6037694811820984, 0.39013785123825073, 0.8651940226554871, -0.87116938829422, 0.8156533241271973, 0.5213391780853271, -0.3407387435436249, -0.409311443567276, -0.4059125781059265, -0.058157745748758316, 0.003881417214870453, 1.4820252656936646, -1.282861590385437, 0.3611381947994232, -0.16505061089992523, -0.17102426290512085, -1.024689793586731, 0.4187854826450348, 1.1789692640304565, -0.5855693817138672, 0.30344557762145996, 0.05902749300003052, 0.7310664653778076, 1.0120047330856323, -0.490182101726532, -0.791671633720398, -0.36170610785484314, 0.0358935222029686, 1.1384010314941406, -0.072935551404953, 0.4721200466156006, -1.442067265510559, -0.9728533625602722, -0.3043617308139801, -0.8758710622787476, 0.7188005447387695, 0.396278977394104, 0.7940415143966675, 0.7467701435089111, 0.8746564388275146, 0.28263378143310547, -0.021746687591075897, 1.2099279165267944, 0.7495477795600891, 0.7689917087554932, -1.378485918045044, -0.12418004870414734, -0.21438980102539062, 0.31853803992271423, 0.5495430827140808, 0.6183480620384216, -1.191666603088379, -0.2678941786289215, 0.4745168387889862, -0.7737372517585754, 1.0402193069458008, -0.7476378679275513, 0.7315444946289062, -0.41018131375312805, -0.6721335053443909, -1.0935968160629272, 0.27019837498664856, 0.6876667141914368, -0.4883726239204407, 0.3417918086051941, 0.07627514004707336, 0.025181815028190613, 1.2338353395462036, -0.02176252007484436, 2.203547239303589, 0.2146056890487671, 0.4998416006565094, 0.6376867890357971, -0.363808274269104, -0.4300203025341034, -0.36714306473731995, 1.0772387981414795, -0.5054784417152405, 0.16749060153961182, -0.722995936870575, 0.3317202031612396, -0.22607220709323883, -0.10212403535842896, 0.12079284340143204, 0.19367048144340515, -0.4557105302810669, -0.5026883482933044, -0.5307276844978333, -0.43922704458236694, -1.0947997570037842, 0.27920976281166077, 0.32930946350097656, 0.7105579972267151, 1.0176231861114502, 0.5080121755599976, 1.7809118032455444, 0.308199405670166, 0.2981942296028137, -0.0748261883854866, 0.035346463322639465, 1.4143176078796387, 1.0623466968536377, 0.15200842916965485, -0.09957148879766464, -0.06664092093706131, -1.0728174448013306, -1.1999633312225342, -1.1245061159133911, 0.39460110664367676, 0.6986148953437805, -0.1576569527387619, 1.0355192422866821, -0.25552111864089966, 0.4135320484638214, -0.10902497917413712, 0.1272169053554535, -0.5055216550827026, -0.10941293835639954, -0.6804720759391785, -0.6686763167381287, -0.26126429438591003, 1.2661763429641724, -0.8716765642166138, 0.0039357636123895645, -0.8037759065628052, -0.1254463791847229, -1.1333694458007812, -0.10486637055873871, -0.7430295944213867, 0.06092552840709686, -0.16735273599624634, 0.19694660604000092, -0.07228690385818481, -0.809188187122345, -1.0697933435440063, -0.11089572310447693, -0.828629732131958, 0.11833744496107101, 0.2542044520378113, -0.7112284302711487, 0.05422681197524071, 0.5010070204734802, -0.3805207312107086, 0.39437001943588257, 0.30169740319252014, -1.077102541923523, -1.1306943893432617, 0.4544859230518341, 0.2865566313266754, -0.2083011120557785, -0.6436612010002136, 0.6791917681694031, 0.32736048102378845, -0.7390598058700562, 0.7544791102409363]} +{"paper_id": "german_legal_entity_recognition", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "reclor", "embedding": [0.009680314920842648, 1.3539111614227295, -0.5726984143257141, -0.17603005468845367, 0.34632959961891174, -0.15132027864456177, 0.3893235921859741, 0.7482016086578369, 0.94452303647995, 0.9668885469436646, 0.4938459098339081, -0.11566086113452911, -0.19182755053043365, -0.1460324227809906, -0.18781781196594238, -0.9317786693572998, -0.8562021851539612, 0.0738542228937149, -1.7208173274993896, -0.9756072163581848, -0.6859624981880188, -1.0535975694656372, 0.16137315332889557, 1.1456081867218018, -0.45824041962623596, -1.2719205617904663, 1.008945345878601, -1.240339756011963, 0.20706221461296082, 0.26867613196372986, 0.08129718899726868, 0.6995529532432556, -1.318519115447998, 0.3917371928691864, -0.7803530097007751, -0.8225321173667908, 0.7188168168067932, 0.21906119585037231, 0.49119827151298523, -0.6472917199134827, -0.777417778968811, 0.26378926634788513, -0.4633791744709015, -0.16986191272735596, 0.36135828495025635, -0.8622424602508545, 0.9339277148246765, 0.03533506393432617, 0.17610354721546173, -0.3614225685596466, -1.1997140645980835, 0.474889874458313, -0.3334977626800537, 0.33068323135375977, 0.13744819164276123, 1.1377190351486206, 0.05501939356327057, 0.022535236552357674, 0.469612181186676, -0.36079370975494385, 1.7328402996063232, 1.5352849960327148, -0.11997129023075104, 0.07993308454751968, 1.5942696332931519, 0.7964252829551697, 1.187939167022705, -0.26220741868019104, -0.49950695037841797, 0.8684052228927612, -0.6031055450439453, 0.014263607561588287, -0.23082628846168518, -0.7068291306495667, 0.8269704580307007, 1.0228770971298218, 0.24616147577762604, -0.08597175776958466, 0.653400182723999, -0.9448699355125427, -0.878228485584259, 0.7582923173904419, 0.9019032716751099, -0.19999855756759644, -0.01443948969244957, -0.1551426202058792, 0.45704612135887146, -0.3347856104373932, 0.32203739881515503, -1.8368161916732788, 1.1201437711715698, 0.2763984799385071, 0.2891204059123993, 0.37780052423477173, -0.08591541647911072, 0.3799631595611572, -0.48682963848114014, -0.5251695513725281, -0.4634453356266022, -0.522999107837677, 0.699202835559845, -0.4813569486141205, 0.6974005103111267, 0.12024153023958206, -0.04516246169805527, 0.29259517788887024, 0.34234052896499634, 0.21726655960083008, -0.39394405484199524, -0.9916245937347412, 0.039609190076589584, 0.6937578916549683, -0.06950455158948898, 0.4919671416282654, -0.16797739267349243, 0.5995357036590576, 0.48448237776756287, -0.541550874710083, -0.556039035320282, -0.09087160229682922, 0.4861665368080139, -0.2752171754837036, -1.236425757408142, -1.2785204648971558, 0.6943363547325134, -0.6036656498908997, 0.2648264765739441, -0.7513062953948975, -0.017986774444580078, 0.3138687312602997, 0.6017544269561768, 0.33080488443374634, -1.3725191354751587, -0.28464266657829285, 2.7337160110473633, -0.6948774456977844, 1.3770625591278076, -0.6710308194160461, 0.14282022416591644, -0.9005307555198669, -0.6549263000488281, 0.9615270495414734, -0.0002834983170032501, -0.658757746219635, -0.7899386882781982, 0.16112975776195526, 0.11693818867206573, 0.4217059016227722, -1.0280990600585938, -0.1952551305294037, 0.0725799947977066, 0.10269491374492645, -1.312649130821228, -1.0030264854431152, 0.2793043553829193, -0.15968751907348633, -0.5817201733589172, 0.30178549885749817, -0.16189031302928925, 0.41981953382492065, 0.0400276854634285, -0.4812206029891968, -0.5383933782577515, 0.46295565366744995, -0.5794947147369385, -0.15630775690078735, 1.1443904638290405, 0.22895565629005432, -0.9430851340293884, 0.35494181513786316, 0.4452480971813202, -0.15289223194122314, -1.4006727933883667, -0.4285803735256195, 0.5885549783706665, -0.11244314908981323, -0.026792414486408234, 0.3805123567581177, 0.009850628674030304, -0.8379667401313782, 0.13197416067123413, -0.6233535408973694, 0.04598288983106613, 0.8780474662780762, -0.28310051560401917, 0.8078566193580627, -3.4289491176605225, -0.2166992574930191, -0.9147037267684937, 1.2260147333145142, -0.20957519114017487, -0.21850265562534332, 0.5172058343887329, 0.7945458292961121, 0.09434236586093903, -1.333343505859375, 0.4924205541610718, -0.9502905011177063, 0.6899077892303467, 0.3570846915245056, 0.559048056602478, -0.27877354621887207, 0.22534263134002686, 0.9387273788452148, 0.3634447157382965, -0.8119038939476013, -1.1163653135299683, -2.3814499378204346, 0.2880747318267822, 1.9854615926742554, 0.05651165544986725, -0.08363188803195953, -0.6482312679290771, -0.2721148133277893, -0.3721233308315277, -0.37667766213417053, 0.5483405590057373, -0.8133862614631653, 0.21624676883220673, -0.03582064062356949, 0.5275641083717346, -1.1462924480438232, -0.01714298129081726, 0.9559397101402283, 1.6793867349624634, -0.26930397748947144, -0.3629789650440216, -0.9995352625846863, -0.5212448835372925, 0.3126230239868164, 0.8238529562950134, -0.41087770462036133, 0.027137037366628647, 0.5721793174743652, 0.4368528723716736, 1.1880779266357422, 1.2143664360046387, 0.8725038766860962, -0.30990153551101685, 0.6144310832023621, -0.24607641994953156, 1.1653673648834229, -0.5597877502441406, -0.06229043006896973, 0.12441402673721313, 0.027257077395915985, -0.5392855405807495, -0.04329705238342285, -0.5778363347053528, 0.08648182451725006, 0.6867567300796509, 0.00668138824403286, -0.28494778275489807, 0.30299142003059387, -0.8158287405967712, -0.35266005992889404, -0.5388091206550598, -0.3213168680667877, -0.9561464190483093, 0.27387577295303345, -0.36373528838157654, -0.6467089056968689, 0.057669706642627716, -0.440330445766449, 0.11392800509929657, -1.2442333698272705, -0.732703447341919, -0.3702666461467743, 0.21866367757320404, -1.203702688217163, -0.9767319560050964, 0.48552513122558594, -1.3566948175430298, -0.047634925693273544, 0.5381664633750916, -0.5393977165222168, -0.17752018570899963, 0.5461064577102661, 1.475217342376709, 0.032216377556324005, 0.17055001854896545, -0.009442150592803955, 1.8612831830978394, -0.3715769350528717, 0.2130868136882782, -0.3318585753440857, 0.25284942984580994, -0.6296493411064148, 0.228748619556427, -1.2734355926513672, 0.5682969689369202, 0.9570491909980774, 0.3015453815460205, 1.0413144826889038, 0.015860557556152344, -1.6738362312316895, 0.8702507019042969, 0.33825093507766724, 0.63088059425354, -1.5618788003921509, 1.715334415435791, 0.20135781168937683, -0.4345375597476959, 0.8709120154380798, -0.8575806021690369, -0.5459959506988525, 0.7036176323890686, -0.23672565817832947, 0.41536086797714233, -0.35415172576904297, -0.18196454644203186, 0.5606377124786377, 0.6091433167457581, -1.648555040359497, 1.5027964115142822, 1.0836513042449951, 0.24778027832508087, -0.35880348086357117, -0.6602530479431152, 0.30520784854888916, -0.31424999237060547, 0.7317123413085938, 1.2182905673980713, -0.9255956411361694, 0.40213608741760254, 0.18160855770111084, 0.13305751979351044, 0.8122791051864624, -0.3016440272331238, 0.8234396576881409, 0.3058566153049469, 0.48161637783050537, -1.3553662300109863, -0.16053062677383423, 0.6799910664558411, -0.4795801043510437, 0.2465732991695404, 0.01117715984582901, 0.7136095762252808, 0.9393211603164673, -0.14036554098129272, 0.04606373980641365, 0.472866415977478, 0.26632001996040344, 0.2456214427947998, 0.3838919401168823, -0.6931473016738892, 0.2651209235191345, -0.4202769696712494, 2.017569065093994, -0.4929821491241455, -0.7802923321723938, -0.7726413011550903, -0.6614718437194824, -0.6496168375015259, -0.33688995242118835, 1.5339871644973755, 0.29246583580970764, 1.7590937614440918, 1.115026831626892, 0.4694954454898834, -0.29268911480903625, -0.2500922381877899, 0.569900393486023, 0.41114571690559387, 0.07038557529449463, -0.802936315536499, 0.6530362367630005, 0.4906578063964844, 1.0117613077163696, -0.34604284167289734, 0.4154928922653198, 0.2941938042640686, 0.2563636898994446, -1.4985963106155396, 0.9849833250045776, 0.38644835352897644, 1.1774629354476929, 1.9488693475723267, -0.5941548347473145, 0.16083885729312897, -0.03923318535089493, -0.869937002658844, 0.4855501055717468, 0.17620903253555298, 0.19601401686668396, 0.34100914001464844, 0.5661978125572205, 1.1785762310028076, 0.27787500619888306, 0.518847644329071, 1.6375178098678589, -0.29330363869667053, -1.9919660091400146, 0.3904861509799957, 0.01868150755763054, -0.3307049870491028, -0.3907466530799866, -0.10408031940460205, -0.6580628156661987, 0.70225989818573, -0.19950073957443237, -0.601685643196106, 0.2631599009037018, -0.02879655919969082, -1.3568555116653442, 0.9506584405899048, 0.23778784275054932, -1.1449155807495117, 0.01866874285042286, 0.1668974608182907, -0.7790846228599548, 0.3923715651035309, -0.5732262134552002, -1.194035530090332, 0.7273169159889221, 0.3814965486526489, 1.1513760089874268, 0.02010989934206009, 0.12333482503890991, -1.3262633085250854, 1.5146859884262085, 1.3556228876113892, -1.5550732612609863, 0.49567481875419617, 0.6127978563308716, 0.5978524684906006, 0.31746459007263184, -1.0391428470611572, -0.5386266708374023, 1.489771842956543, -0.1467711627483368, -0.12771065533161163, -1.1650763750076294, 0.0005396530032157898, 0.7828494310379028, 0.6695224046707153, -0.11476288735866547, -0.7095052003860474, -0.44391536712646484, -0.3052736222743988, 0.649368941783905, 0.7909331321716309, -1.5020289421081543, -1.1399813890457153, 0.7662520408630371, -1.135031819343567, 0.2845602333545685, 0.306706964969635, 0.7388485670089722, 2.5179712772369385, -0.46438834071159363, -0.36831051111221313, -0.5624101161956787, -9.677471160888672, 0.7505055069923401, 0.2582244873046875, -0.06872106343507767, 0.012317266315221786, -0.4982743561267853, 0.6316349506378174, -0.2444169819355011, -0.07595651596784592, -0.5777689814567566, 0.10095305740833282, 2.1226227283477783, 0.4822353720664978, -0.3696576952934265, -0.6503588557243347, -0.6500905156135559, -0.27558091282844543, -0.9840965270996094, 0.16208325326442719, 0.7352799773216248, -0.5422428250312805, -0.6732501983642578, -0.15831264853477478, -0.32266509532928467, 0.2754887044429779, -0.4627131521701813, -0.3131219446659088, -0.5300765037536621, 0.06243385374546051, 0.5865508317947388, 0.20633460581302643, 0.14382590353488922, -0.6140365600585938, -0.28317949175834656, 0.11248737573623657, -0.9514460563659668, -1.0127063989639282, -0.3252411186695099, 0.7389652729034424, -1.4080644845962524, -0.9320083260536194, 0.29079049825668335, 0.36813727021217346, -0.987170934677124, -0.7381519675254822, 0.2977229356765747, 0.6227953433990479, -1.3067752122879028, 0.008872173726558685, -0.4289543032646179, -0.3264605700969696, -0.8567639589309692, -1.0516740083694458, -0.5133554935455322, 0.8464633226394653, 0.41815266013145447, -0.5697157979011536, -0.85469651222229, -0.669404149055481, -0.9053522348403931, -0.011530108749866486, -0.7958492636680603, -1.0762768983840942, 0.888182520866394, 0.48873457312583923, 0.10655922442674637, 0.3630921542644501, 0.7040926218032837, 0.47725364565849304, 0.6758535504341125, -0.6766746044158936, 1.715806007385254, 0.19749876856803894, -0.04767754673957825, -0.6143176555633545, 0.32280683517456055, -0.04716578498482704, -0.13806617259979248, 0.721226155757904, -0.23154132068157196, -1.5345484018325806, 0.3771866261959076, 0.020530398935079575, -0.7554339170455933, -0.7156062126159668, 0.24426022171974182, 0.08138186484575272, 0.1717107594013214, 0.7126568555831909, -0.4983590543270111, 1.420472502708435, 0.026678331196308136, -0.6452159881591797, -0.8940115571022034, -0.8081496953964233, 0.18424034118652344, -0.9515512585639954, 0.7463961243629456, 0.7046852111816406, -0.7594212293624878, -0.05729752033948898, -0.016646239906549454, -0.5536903142929077, 0.024144191294908524, 1.1980540752410889, 0.48585325479507446, -0.1398807317018509, 0.3676413297653198, 0.21362994611263275, -1.0883944034576416, 0.2813371419906616, 0.3745673596858978, 0.02370075136423111, 1.2535278797149658, -0.87946617603302, 1.2194852828979492, 0.5490835905075073, 0.34820398688316345, -0.6343294978141785, 1.1482524871826172, -0.7307817935943604, 1.0658700466156006, 0.47096842527389526, 2.0118603706359863, 0.6727073192596436, 0.13883307576179504, 0.8803309202194214, 0.04199177771806717, -0.013344211503863335, -1.3679351806640625, 0.4929158091545105, -0.671756386756897, 0.09051598608493805, -0.4212343394756317, -0.4601772129535675, 0.1883956491947174, -1.0318092107772827, 1.3815982341766357, -1.0335882902145386, 0.1523200422525406, -0.09664030373096466, 0.44564542174339294, -0.18652400374412537, -0.07873228192329407, -1.5668951272964478, 0.5656918883323669, -2.185668706893921, 0.22498556971549988, -0.3013421297073364, -1.133453130722046, -0.6032081842422485, -0.9095681309700012, 0.8505639433860779, 0.13728593289852142, -0.4908115565776825, -0.49634456634521484, 1.33439040184021, -0.9204885363578796, -0.2525237202644348, 0.10561369359493256, -0.17962157726287842, 0.7936814427375793, -0.958704948425293, 0.9286670684814453, 0.40652912855148315, -0.536359965801239, -0.7836737036705017, 0.34471023082733154, -0.38825786113739014, 0.6514464616775513, 0.6964800953865051, -1.0433014631271362, -0.05118592083454132, -0.3936997652053833, 0.4155186116695404, -0.17826081812381744, -0.2508394718170166, 1.3603360652923584, -1.3143054246902466, -0.25583332777023315, -0.075957752764225, 0.44543153047561646, 0.8018010854721069, -1.057735562324524, -0.2935131788253784, 0.11412840336561203, -0.19579654932022095, 0.5027130246162415, 0.1778395175933838, 0.8897542953491211, -0.7447729706764221, -0.5910340547561646, -0.34880244731903076, -0.7125539183616638, 0.4123837947845459, 0.3459185063838959, 1.4513124227523804, 0.35175180435180664, -0.8134864568710327, -0.40094229578971863, 0.22961769998073578, 0.574188768863678, 0.4252980053424835, 0.7767459750175476, -0.2382744401693344, 0.9313411712646484, -0.8363410830497742, 0.014045018702745438, 0.4407818615436554, 0.97083979845047, -0.3969425559043884, 0.7634022831916809, 0.016824286431074142, -0.3675006031990051, -0.008616117760539055, -1.392555832862854, -0.05919840186834335, -1.4029526710510254, -0.13574577867984772, -1.2678736448287964, 0.5860344767570496, 0.7668249607086182, -0.11223047226667404, 0.2495485246181488, 0.9600343108177185, -0.0018935929983854294, 1.1469688415527344, 0.5652381181716919, 1.4719023704528809, 0.12348699569702148, -0.6538018584251404, 0.5700076222419739, 0.9385285377502441, -0.1827078014612198, 0.1919395625591278, -0.6192306876182556, -0.25240325927734375, 0.289198100566864, 0.04433007538318634, 1.4141443967819214, -0.11429968476295471, 0.6259015798568726, 0.8195103406906128, 1.0668060779571533, 0.2620113492012024, -1.8199125528335571, -0.26823681592941284, -1.6780071258544922, 0.04831410571932793, 0.44933387637138367, -0.19883644580841064, 0.20310178399085999, 0.5994005799293518, -0.7309850454330444, 1.6009098291397095, -0.5329759120941162, -0.12518015503883362, -0.33660945296287537, -0.34985649585723877, 1.2705671787261963, 0.34196028113365173, 0.9004482626914978, 0.20544977486133575, -0.2477891743183136, -1.5374951362609863, -0.49935707449913025, -1.256693959236145, 0.9288109540939331, -0.2960360646247864, -0.3491605520248413, 0.6576673984527588, 0.4978744387626648, 0.24028387665748596, 0.13358400762081146, 1.038225531578064, -0.0641796737909317, 0.40584850311279297, -0.5664559602737427, -0.938742995262146, -0.004675344098359346, 0.5589457154273987, 0.06157103180885315, -0.12513467669487, -0.34376752376556396, 0.5960182547569275, -0.14157404005527496, 0.17362180352210999, -0.3889438211917877, -0.3219917416572571, -0.39292001724243164, 0.2938503623008728, 0.41945716738700867, -0.7411485314369202, -1.334545612335205, 0.16387246549129486, -1.0256476402282715, 0.24430660903453827, -0.5136268734931946, -0.35365352034568787, 0.6143801212310791, 0.8628103137016296, 0.49251487851142883, -0.21631282567977905, 0.07729252427816391, 0.32922324538230896, -1.0394411087036133, 0.5774766802787781, 0.4078772962093353, -1.46609365940094, 0.15281158685684204, -0.12299206107854843, 0.6101323962211609, -0.03231294825673103, 1.46377694606781]} +{"paper_id": "qasper", "embedding": [-1.326320767402649, 1.3587628602981567, -0.15908707678318024, -0.5813783407211304, 0.41573989391326904, -0.3109547197818756, 0.505211353302002, 0.901742696762085, 0.34992414712905884, 0.46889761090278625, 0.6116883158683777, 0.051346249878406525, 0.1237066388130188, 0.08491801470518112, -0.5767384171485901, -0.3750440180301666, -0.3426629602909088, -0.9066596031188965, -0.7937030792236328, -0.7939649820327759, -0.2744790315628052, -0.2657424211502075, 0.02117171511054039, 0.7826197743415833, -1.1584033966064453, -1.3283494710922241, 0.9294751882553101, -1.0819584131240845, 0.36397355794906616, 0.09263333678245544, 0.6971843838691711, 0.7710466980934143, -1.7019659280776978, 0.30344855785369873, -0.12312502413988113, -0.6570793390274048, -0.18280737102031708, 1.146357536315918, -0.1317702978849411, -0.2546084523200989, -0.5976779460906982, 0.19331780076026917, 0.9084965586662292, 0.2730451226234436, 0.7949230670928955, -0.6796190142631531, 0.09158796817064285, 0.2059735506772995, -0.5088303089141846, 0.0656120628118515, -0.544752299785614, 0.3059256076812744, -0.33457162976264954, 0.21070346236228943, -0.48990169167518616, 1.5591437816619873, 0.3191639184951782, -0.8366622924804688, 0.7566217184066772, -0.7696651220321655, 1.2723277807235718, 1.7633919715881348, -0.2772129476070404, -0.2537935972213745, 0.9721279740333557, -0.25374966859817505, 1.1256771087646484, 0.18321619927883148, 0.2046080380678177, 0.843245804309845, -0.38134151697158813, -0.616020917892456, -0.2417401671409607, 0.09173229336738586, 0.35599321126937866, 0.5637515783309937, 0.679385781288147, -0.4876612722873688, 0.3061767518520355, -0.0061818677932024, -0.31497836112976074, 0.20775659382343292, 0.8458653688430786, 0.019848011434078217, 0.15856534242630005, 0.0012243501842021942, 0.11002926528453827, -0.7043946385383606, 0.8366241455078125, -1.1453473567962646, 0.9936643242835999, 0.14567798376083374, -0.1287171095609665, -0.6376645565032959, -0.30931055545806885, -0.3847328722476959, -1.14658784866333, -0.056462809443473816, -0.47850874066352844, 0.6514215469360352, 0.2549275755882263, 0.10153484344482422, 0.3045000731945038, -0.4297303259372711, 0.63291996717453, 0.4106375277042389, -0.17793715000152588, 0.11744502931833267, -0.7647600173950195, -0.34321197867393494, 0.4652494192123413, 0.6405854821205139, 0.01420969795435667, 0.7144554257392883, 0.055744659155607224, 0.1108698770403862, -0.13535594940185547, -0.5382699966430664, -0.1916247010231018, 0.4263884425163269, 0.44638627767562866, -1.37073814868927, 0.04187050461769104, 0.25020116567611694, 0.9667909145355225, -0.6179450750350952, -0.10523316264152527, -0.48199301958084106, -0.24120746552944183, 0.5113754272460938, 0.5320513248443604, 0.05852079391479492, -0.9193690419197083, -0.3073432445526123, 3.1651902198791504, -0.5539772510528564, 1.154345989227295, 0.1878402680158615, -0.3080327808856964, 0.03237256407737732, -0.34212204813957214, 0.7563352584838867, 0.8869197368621826, -1.5398237705230713, -0.2062615007162094, 0.5258806943893433, -0.044062405824661255, 0.2897047698497772, -1.2489454746246338, -0.0034080632030963898, -0.5369109511375427, -0.17567357420921326, -1.7428834438323975, -0.6588406562805176, 0.38835909962654114, -0.07099267840385437, 0.01973768137395382, 0.07861390709877014, -0.2001003921031952, 0.5633107423782349, 0.38708823919296265, 0.2235090285539627, -0.6838487386703491, 0.5601575970649719, -0.4173089563846588, -0.7513751983642578, 1.1815630197525024, -0.3733316957950592, -1.3460993766784668, -0.0405273512005806, 0.6854652762413025, -0.8632253408432007, 0.018380656838417053, -0.9212110638618469, -0.25845590233802795, -0.11132018268108368, 0.6034638285636902, 0.3398510217666626, 0.07476852834224701, -0.5114540457725525, -0.0759393498301506, -0.08090481162071228, -0.2995128929615021, 0.6064857840538025, 0.10260549932718277, 0.3718280792236328, -2.581214189529419, 0.1490657925605774, -0.08506926894187927, 0.1904611885547638, 0.6775482296943665, 0.3069429099559784, 0.355682909488678, 0.11209721863269806, -0.7981025576591492, -0.21129897236824036, 0.05711369216442108, -1.8903013467788696, 0.8572759628295898, 0.4032989740371704, -0.5190119743347168, 0.4180411696434021, -0.055708713829517365, 0.9684826731681824, 0.9202151298522949, -0.7445591688156128, -1.0183025598526, -1.9682852029800415, 0.7396966218948364, 2.2964727878570557, -0.504730224609375, -0.41985073685646057, -1.4868190288543701, 0.06461507081985474, -0.11185410618782043, 0.2229967713356018, -0.09967255592346191, -0.3220939636230469, -0.01842872053384781, -0.664922833442688, 0.5008465647697449, -0.5878043174743652, 0.04544831067323685, 0.1598845273256302, 1.2439608573913574, -0.6766679883003235, -0.2711105942726135, -0.0894724577665329, -1.3364572525024414, 0.8103173971176147, 0.22724159061908722, 0.3384397625923157, 0.11267124116420746, 0.6596320867538452, 0.25213703513145447, 0.6690725684165955, 0.6306931376457214, 0.359711617231369, -1.140731692314148, -0.030540157109498978, -0.5585986375808716, 1.241004467010498, 0.23001036047935486, 0.27744022011756897, 0.16236555576324463, -0.393093079328537, -0.08035194128751755, -0.5069171786308289, -0.02150462567806244, -0.30128955841064453, 0.9614282250404358, 0.9222234487533569, -0.5176069140434265, 0.7327772378921509, -0.25540006160736084, -0.1559537947177887, 0.0989040657877922, -0.6232619881629944, -0.12954534590244293, -0.4106789231300354, 0.9607352018356323, 0.1590336412191391, 0.3473805785179138, 0.03378678113222122, 0.1432601362466812, -1.3441904783248901, 0.19823619723320007, -0.32867684960365295, -0.5777239203453064, -0.5855716466903687, -0.13059625029563904, 0.27515244483947754, -1.3905925750732422, -0.2631232440471649, 0.24633249640464783, -0.06439170241355896, -0.1753309667110443, 0.8904930353164673, 0.7313524484634399, 0.6978464126586914, 0.12735208868980408, 0.28109413385391235, 1.0126866102218628, -0.3282660245895386, 0.21058282256126404, -0.36516496539115906, -0.3082139194011688, -0.9590571522712708, 0.48684194684028625, -0.4858860373497009, 0.4025186002254486, 0.5396587252616882, -0.8233870267868042, 0.7935510873794556, -0.35707131028175354, -1.3457878828048706, 0.6474974155426025, -0.10181842744350433, -0.7930965423583984, -0.577678382396698, 1.337009310722351, -0.6407680511474609, -0.5923833847045898, 0.3775097727775574, 0.10967347770929337, -0.39187857508659363, 1.6303004026412964, 0.4071976840496063, 0.1670283079147339, -0.1408492475748062, -0.12924085557460785, -0.05743398144841194, 0.37585747241973877, -1.7714899778366089, 0.8344545364379883, 1.372093915939331, -0.7705792188644409, -0.29471006989479065, -0.7757254838943481, -0.22011178731918335, -0.5305793285369873, 0.5434067249298096, 0.8202698826789856, -1.323753833770752, 0.9371099472045898, 0.05206315219402313, 0.3427923321723938, 1.1454397439956665, -0.7342532277107239, 0.13550560176372528, 0.35278111696243286, 0.07929740846157074, -0.6829785704612732, -0.5141573548316956, 0.37939560413360596, -0.23481300473213196, 0.6282081604003906, 0.03577381372451782, 1.162054181098938, 0.4499334692955017, -0.281402051448822, -0.45543840527534485, 0.2202526181936264, 0.33892008662223816, 0.29962706565856934, 0.36904117465019226, 0.01484786719083786, 1.0554025173187256, -0.02541627362370491, 1.442506194114685, 0.03763039782643318, -0.8572575449943542, -0.7544988393783569, -0.6846280694007874, -0.5972383618354797, -0.34816962480545044, 1.4483606815338135, 0.4334033727645874, 1.6808197498321533, 0.14631201326847076, -0.09598977863788605, -0.6734476089477539, -0.5832816362380981, 0.3955419957637787, 0.23297841846942902, 0.21469059586524963, -0.8011420965194702, 0.1725713312625885, 0.7997435331344604, 0.07870452105998993, 0.13498397171497345, 0.11901327967643738, 0.979256272315979, 0.3426452875137329, -0.748327910900116, 0.4982782304286957, 0.9231818318367004, 0.49688994884490967, 1.392643690109253, -0.4852359890937805, -0.17397379875183105, -0.2597057819366455, -0.08714855462312698, -0.11017542332410812, 0.054702602326869965, 0.02259582281112671, 0.9886335134506226, 0.46058976650238037, 0.6179779171943665, 0.3578234910964966, 1.457182765007019, 1.3388980627059937, -0.013245627284049988, -1.3690814971923828, -0.8809227347373962, -0.6225877404212952, 0.11708596348762512, -0.015137065201997757, 0.6293894648551941, -0.9027139544487, 0.46669766306877136, 0.21234670281410217, -1.0162287950515747, 0.5238449573516846, -0.6285943388938904, -1.08641517162323, 0.6941289901733398, 1.4057985544204712, -1.1513338088989258, 0.03850124031305313, 0.029523342847824097, -0.7764429450035095, -0.5515134334564209, -0.09750005602836609, -0.69676673412323, 0.8466983437538147, 0.46720999479293823, 0.6960887908935547, 0.3354575037956238, -0.029782019555568695, -0.5960338711738586, 1.1284722089767456, 0.7527577877044678, -0.8903510570526123, 0.4330524206161499, -0.6765022873878479, 0.6302741169929504, 0.10166911035776138, -1.117640495300293, -0.5952187180519104, 0.7184324264526367, -1.0015102624893188, 0.09872625023126602, -0.8683366179466248, -0.7938933968544006, 0.594601571559906, 0.4585361182689667, 0.3142080307006836, -0.3913184404373169, -0.06402082741260529, -0.8581920266151428, -0.18428994715213776, 0.6543865203857422, -1.0981426239013672, -0.5057814717292786, 0.5453967452049255, 0.3036244809627533, 0.8290313482284546, -0.06354310363531113, 0.28753289580345154, 0.9496888518333435, -0.37128567695617676, -0.4587109684944153, -0.24676436185836792, -11.673548698425293, 1.109063744544983, -0.15467338263988495, 0.627495288848877, 0.7243547439575195, 0.0854610875248909, 0.5579901337623596, -0.48996442556381226, 0.8435255289077759, -0.5874260663986206, 0.2211705446243286, 0.8711639046669006, 0.3875200152397156, 0.05299443006515503, -0.8485691547393799, -1.5977160930633545, -0.4886152148246765, -0.3374207615852356, 0.31779903173446655, -0.2968089282512665, -0.049584150314331055, -0.20288324356079102, -0.5309122204780579, -0.0032200943678617477, 0.38305193185806274, 0.09036741405725479, -0.6258671879768372, -0.4813707768917084, -0.23119771480560303, -0.19056226313114166, 0.6922626495361328, 0.05900072678923607, -0.4042767882347107, -0.5080550312995911, -0.5650098323822021, 0.038028284907341, -0.32390445470809937, 0.0006538080051541328, 0.6534066796302795, -0.1280277967453003, -0.21164102852344513, 0.06796010583639145, 0.7967208027839661, 0.14211910963058472, -0.583151638507843, 0.622471272945404, -0.12483096867799759, -0.9768432378768921, 0.42947596311569214, -0.7540359497070312, -0.7098484635353088, -0.45016440749168396, -0.001661442220211029, 0.1792498677968979, 0.3429628908634186, 0.32930201292037964, -0.8956249952316284, -0.5051457285881042, -0.5473489165306091, -0.7403706312179565, 0.3671756684780121, -0.4461122155189514, 0.06223931163549423, 0.12860199809074402, -0.22951850295066833, 0.3284517526626587, 0.49778851866722107, 0.15561985969543457, -0.48360148072242737, -0.07362714409828186, -0.7219958305358887, 1.142728567123413, 0.24617525935173035, 0.12155180424451828, -0.7602956295013428, 0.18479129672050476, -1.2395548820495605, -0.26562240719795227, 0.44665229320526123, 0.43629762530326843, -1.2975497245788574, 1.2138677835464478, 0.764043390750885, -0.6990765929222107, -0.857031524181366, -0.024011995643377304, 0.033137813210487366, 0.5040522217750549, 0.9446612596511841, -0.5060520768165588, 1.184328317642212, 0.7655343413352966, -0.5416197776794434, -0.783237099647522, -0.6156220436096191, 0.7801395654678345, -0.8330270648002625, 0.4829760789871216, 0.17943814396858215, -0.514202892780304, -0.28777623176574707, -0.6039568185806274, -0.9999841451644897, -0.3065892457962036, 0.42619040608406067, 0.3157225549221039, 0.3312106132507324, -0.26374077796936035, -0.34902891516685486, -0.6892094612121582, 0.7181797027587891, 0.10544067621231079, -0.23923535645008087, 1.0818475484848022, -1.0461089611053467, 0.8359124064445496, 0.33710160851478577, -0.4314984977245331, -0.11203031241893768, 1.2341796159744263, -0.4866126477718353, 1.3136523962020874, -0.03127576410770416, 1.1986995935440063, -0.37413346767425537, -0.31533724069595337, 0.7448145151138306, 0.25759774446487427, -0.2540266513824463, -0.7816347479820251, 0.2081037163734436, -0.4811263382434845, 0.12637987732887268, -1.248416543006897, -0.9582980275154114, -0.14426438510417938, -0.12560950219631195, 1.5083518028259277, -0.8481590747833252, -0.20378631353378296, -0.9754005670547485, -0.3084867298603058, -0.40469738841056824, -1.3117684125900269, -1.465237021446228, 0.24546745419502258, -0.7784267067909241, 0.7032414078712463, -0.816480278968811, -0.49102580547332764, -0.6013648509979248, -0.5700588822364807, 0.39064961671829224, -0.7289297580718994, -0.39794909954071045, -0.26381826400756836, -0.2700892686843872, 0.03203023225069046, -1.3680005073547363, -0.27524828910827637, 0.0732150599360466, 0.9196382761001587, -0.5406168699264526, 1.3400126695632935, 0.5493661165237427, -0.1501959264278412, -0.5074082016944885, 0.45026639103889465, -0.6768028140068054, -0.13786455988883972, 1.1242302656173706, -0.3452511429786682, -0.0033889710903167725, -0.23604688048362732, -0.21742215752601624, 0.2590313255786896, 0.636535108089447, 0.764490008354187, -0.7546032667160034, 0.09508983790874481, 0.15208126604557037, 0.8637275695800781, 0.11609286069869995, -0.03067614883184433, 0.020533397793769836, 0.2146543562412262, 0.28136876225471497, 0.16904738545417786, 0.6669173836708069, 0.916807234287262, -1.1961885690689087, -1.6843554973602295, -0.3215661644935608, 0.4644492566585541, 0.939825177192688, -0.046260204166173935, 1.1010769605636597, 0.4725925922393799, -0.03205142915248871, 0.3730505406856537, 0.330196350812912, 0.9270433783531189, 0.5891479849815369, 0.7434768676757812, 0.021893758326768875, 0.21913036704063416, -0.8308286070823669, 0.5228331089019775, 0.4119459092617035, 0.8389412760734558, -0.9391051530838013, -0.41103315353393555, 0.7250244617462158, -0.13779808580875397, 0.3554351329803467, -1.568098545074463, 0.03359225392341614, 0.0680374950170517, -0.4627269208431244, -1.3565471172332764, 0.2386637032032013, 1.1525977849960327, -0.42258286476135254, 0.9947137236595154, 0.3192153573036194, 0.7468542456626892, 0.5127658843994141, 0.580820620059967, 0.5442846417427063, -0.1720946580171585, -0.2151516228914261, 0.9020323753356934, 0.5285912752151489, 0.16496700048446655, 0.10100798308849335, -0.9280565977096558, -0.3922201991081238, 0.8671554327011108, -0.025197170674800873, 1.1863386631011963, -0.5284008383750916, 0.6724308729171753, 0.8383070826530457, 1.673350214958191, -0.4906076192855835, -1.8466557264328003, -0.561669111251831, -1.7380083799362183, 0.06640638411045074, 0.6351248621940613, 0.9760499000549316, 0.4784253239631653, 0.7335347533226013, -0.1870581954717636, 0.9257559180259705, -0.7857719659805298, 0.33113664388656616, 0.15330426394939423, -0.91168212890625, 0.980912446975708, 0.7605991959571838, -0.025003142654895782, 0.4895019829273224, -0.1737554669380188, -0.6449329853057861, -0.3362186849117279, -0.8728783130645752, 1.266592264175415, 0.8518117666244507, -0.4496675133705139, -0.4504084587097168, -0.5512486100196838, 1.5053746700286865, -0.6472522020339966, 0.5272032022476196, 0.007759399712085724, -0.5687695741653442, -0.42292043566703796, -0.7490230202674866, 0.26669469475746155, 0.4809928238391876, -0.10675765573978424, -0.022110220044851303, 0.5996261835098267, 1.0922447443008423, 0.2535039186477661, -0.05237114429473877, -0.6870366334915161, 0.1686406284570694, -0.9446370601654053, 0.487087607383728, 0.6385257244110107, -0.23537030816078186, -0.8801145553588867, -0.33826738595962524, -0.6716679334640503, 0.5555248856544495, 0.010065071284770966, -0.8279579281806946, -0.175742506980896, 0.5006112456321716, -0.17100194096565247, 1.1289931535720825, 0.34716862440109253, 0.006128489971160889, -1.5262833833694458, 0.780028223991394, 1.2243555784225464, -0.05202285945415497, -0.23114517331123352, -0.1560467779636383, -0.348503440618515, 0.49185121059417725, 0.29103294014930725]} +{"paper_id": "svhn", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "wiki_asp", "embedding": [-0.22728495299816132, 1.6119381189346313, -0.25029200315475464, -0.18908290565013885, 0.450213223695755, -0.018404606729745865, 1.4758110046386719, 0.46298274397850037, 0.6070510149002075, 0.5257607698440552, 1.0820688009262085, -0.11383014917373657, -0.297030508518219, 0.4983659088611603, -0.5753841996192932, -0.806575357913971, -0.08381038904190063, -1.0829932689666748, 0.8332386016845703, -0.31213682889938354, -0.9058724641799927, -0.44050008058547974, -0.10790684819221497, 0.751663088798523, -0.8508753776550293, -0.15851110219955444, 0.9648032188415527, -0.8890578746795654, -0.6335676908493042, 0.14525532722473145, 0.13058574497699738, 1.4712783098220825, -1.4777734279632568, 0.16072982549667358, -0.5634953379631042, -0.5695454478263855, 0.3271741569042206, 0.9245103597640991, -0.2747657597064972, 0.08160479366779327, -0.42490828037261963, 0.9332078099250793, 1.2401959896087646, 0.35684072971343994, 0.21356242895126343, -0.3538164496421814, -0.765828549861908, -0.25585728883743286, -0.5305726528167725, 0.2077161818742752, 0.2700759172439575, -0.2848377823829651, 0.18302078545093536, 0.6399128437042236, -0.1484905183315277, 1.3544355630874634, -0.15003183484077454, -1.017549753189087, -0.1327487826347351, -0.7632200717926025, 0.43191781640052795, 1.4325671195983887, -0.7397443056106567, -0.14811719954013824, 1.3003194332122803, -0.5620867609977722, 1.398208737373352, 0.2547644376754761, 0.8092353343963623, 0.5881279110908508, -0.8059167265892029, -0.9446772933006287, -0.07046478241682053, -0.2640117406845093, -0.07647378742694855, 0.4644198715686798, 0.312444269657135, -0.6004772186279297, -0.304646760225296, 0.7021119594573975, 0.13406482338905334, 0.24241454899311066, 0.3702546954154968, -0.4256456792354584, -0.24669712781906128, -0.04734007269144058, 0.04746896028518677, 0.2698793411254883, 0.3689722418785095, -1.7024353742599487, -0.20310257375240326, -0.3685024082660675, -0.6896767020225525, -0.7754867672920227, -0.1518303006887436, 0.5034358501434326, 0.35744452476501465, -0.2014523297548294, -0.5755492448806763, 0.7419478893280029, 0.8097215890884399, -0.36714598536491394, 0.4310511648654938, -0.43243762850761414, 0.9213879704475403, 1.125287652015686, -0.3536343276500702, -0.1538289487361908, -0.3310745656490326, -0.5284912586212158, -0.2795666754245758, 1.1042261123657227, 0.24304307997226715, 0.6671130061149597, -0.5539330244064331, -0.5418431758880615, -0.2878477871417999, 0.8421210050582886, -0.8692902326583862, 0.7220388650894165, -0.7886694073677063, -1.4450613260269165, -0.17834511399269104, 0.5009180903434753, 0.7625502943992615, -0.6230869293212891, 0.37898513674736023, -0.16584470868110657, -0.16482962667942047, -0.4298494756221771, 0.4391009509563446, 0.48689529299736023, -0.3381907045841217, 0.03925897553563118, 2.390733003616333, -0.15538673102855682, 1.5539575815200806, 0.5718191862106323, -0.42348629236221313, 0.08950401842594147, 0.10656901448965073, 1.1093039512634277, 0.8076003193855286, -0.6117227077484131, -0.3516150414943695, 0.26780515909194946, -1.0410845279693604, 0.42620933055877686, -1.0386767387390137, -1.094838261604309, -0.23636189103126526, 0.3054875135421753, -1.577277660369873, -1.1955550909042358, 0.37006402015686035, 0.41243910789489746, -0.26079061627388, 0.5206797122955322, -0.22388997673988342, 1.2093405723571777, 1.1363248825073242, 0.9150747060775757, 0.015888601541519165, 0.8309101462364197, -0.3788539469242096, -0.3404545783996582, 0.8599733114242554, -0.13672146201133728, -0.2921520471572876, -0.8483511209487915, 0.9428068995475769, -0.8791967034339905, 0.5243929624557495, -0.8806024193763733, -0.8498712778091431, -0.3207446038722992, 0.49103307723999023, 0.4048776924610138, 0.043005138635635376, 0.12510602176189423, -0.48138609528541565, 0.16626876592636108, -0.013137534260749817, -0.017460742965340614, 0.25353047251701355, 0.5889495611190796, -2.320598840713501, -0.25427794456481934, -1.370431900024414, 0.2067963182926178, 0.3334392011165619, -0.04037822037935257, -0.18036669492721558, -0.48696058988571167, -0.16721297800540924, 0.007684137672185898, 0.6728883981704712, -0.6763460636138916, 0.05263878405094147, 0.42956507205963135, -0.22203722596168518, 0.7141532301902771, -0.3157380521297455, 0.7044693827629089, 1.199820876121521, -0.21081393957138062, -0.665473461151123, -2.026118755340576, 0.20556336641311646, 0.9170951843261719, -0.21805810928344727, -0.7423054575920105, -2.359532594680786, 0.06211720407009125, 1.0845993757247925, -0.3539034128189087, 0.3263283967971802, -0.037077270448207855, -0.27869686484336853, -1.3592485189437866, -0.21258452534675598, -0.9663174748420715, 0.5754638910293579, 0.3376244008541107, 0.4936055839061737, -0.5694287419319153, -0.43589547276496887, -0.2117476463317871, -1.3401501178741455, 0.2519643008708954, 1.1269983053207397, 0.2997182309627533, -0.04741150140762329, 0.8097092509269714, -0.11900140345096588, 0.6505432724952698, 0.38072070479393005, -0.28357142210006714, -0.16183780133724213, -0.7175287008285522, -0.17919616401195526, 0.3756382465362549, 0.24252527952194214, -0.4668569266796112, 0.4611910581588745, -0.3359698951244354, -0.11125743389129639, -0.18615546822547913, 0.5117661356925964, -0.42345499992370605, 0.8496555685997009, 1.4168592691421509, -0.3837703466415405, 2.109666585922241, -1.2482876777648926, 0.398977130651474, 0.4011824429035187, -1.0953524112701416, 0.09599082171916962, -0.15486082434654236, 0.56578129529953, 0.12066709250211716, 0.16878803074359894, -0.008015096187591553, -0.21863247454166412, -0.9421195983886719, -0.1810990273952484, 0.36592260003089905, -1.3846819400787354, -0.4566051661968231, 0.41331547498703003, -0.49405187368392944, -0.9766135811805725, -0.8073261380195618, -0.011545192450284958, 0.36446353793144226, 0.10643021762371063, 0.3938060998916626, 1.089187741279602, -0.0561683289706707, 0.1526104211807251, -0.27055054903030396, 1.0940855741500854, -0.0016163066029548645, 1.4418261051177979, -0.7232773900032043, -0.5955570340156555, -1.166471004486084, 0.08799572288990021, -0.8993912935256958, 0.07092756778001785, 0.5631284713745117, -0.6848438382148743, 0.8575782179832458, -0.24550671875476837, -1.9080884456634521, 0.3637245297431946, -0.7342483401298523, -0.205585777759552, -0.810941219329834, 0.5385794639587402, -0.010649271309375763, -1.1199676990509033, 0.08871503174304962, -0.04433223605155945, 0.04416709765791893, 1.5384982824325562, -0.10302955657243729, 1.9465564489364624, 0.13292507827281952, -0.5382604598999023, 0.27735570073127747, -0.21429434418678284, -1.4695250988006592, 0.48952820897102356, 0.8852578401565552, -0.9159420728683472, -0.40992677211761475, -0.8919563889503479, 0.15206436812877655, -0.3408301770687103, 0.37470564246177673, -0.13224837183952332, -0.3336805999279022, 0.4393904507160187, -0.49861010909080505, 0.4565199613571167, 1.0633368492126465, -0.8865475654602051, 0.31521061062812805, 0.5333763957023621, 0.37867745757102966, -0.4935263693332672, -0.5770092606544495, 1.0860378742218018, -0.7103901505470276, 0.9280359745025635, 0.2568875551223755, 1.1677287817001343, 0.5244470238685608, -1.233345866203308, -0.3107062876224518, 0.8500991463661194, 0.9298727512359619, 1.189150333404541, 0.645507276058197, 0.1763114184141159, 0.8851607441902161, -0.5115378499031067, 0.9508377909660339, 0.8824803829193115, -0.971116304397583, -1.1379947662353516, -0.40531212091445923, -1.5231345891952515, -1.3044300079345703, 1.528326392173767, 0.9878472685813904, 1.5368553400039673, -0.08142325282096863, 0.0023028384894132614, -0.04774903133511543, -0.07757018506526947, 0.590573787689209, 0.1604321300983429, 0.5754662752151489, -0.4482622444629669, 0.6042541265487671, 0.9597424268722534, 0.46705693006515503, 0.03357420489192009, -0.5341423749923706, 0.2718682587146759, -0.5548208355903625, 0.16239212453365326, 0.24464888870716095, 0.8613589406013489, 1.0378928184509277, 2.069403886795044, -0.567520797252655, -0.6130246520042419, -0.6937531232833862, -0.2536444067955017, 0.3541264832019806, 0.38735824823379517, -1.3280662298202515, 0.22325024008750916, 0.27895960211753845, -0.01070261001586914, -0.20115752518177032, 0.8253235220909119, 0.5945501923561096, 0.03930002823472023, -1.388859510421753, -1.0378309488296509, -1.1057101488113403, -0.5204355716705322, -0.3026127815246582, 0.5861838459968567, -0.06395981460809708, 0.21089959144592285, -0.20011383295059204, -1.1594291925430298, 0.3399384617805481, -0.6943835616111755, -0.37729647755622864, 0.3767493963241577, 1.3477095365524292, -1.3858649730682373, -1.034995675086975, 0.11184592545032501, -0.9222365021705627, -0.6134016513824463, -0.7109464406967163, -0.6973755955696106, 0.4109857976436615, 0.15326239168643951, 0.1801868975162506, 0.8667113184928894, 0.15313786268234253, 0.013776592910289764, 0.7766581177711487, 0.8000712990760803, -0.9308716058731079, 0.8888849020004272, -0.2246323525905609, -0.049086183309555054, 0.7539726495742798, -0.411124587059021, -0.6471854448318481, 0.834834635257721, 0.24989870190620422, 0.3894813358783722, -0.48494887351989746, -1.1792616844177246, 0.4349343776702881, -0.25921431183815, 1.0478856563568115, -1.076135277748108, 0.6006796360015869, -0.7641221880912781, -0.20299752056598663, 0.4087195098400116, -0.6022822856903076, -0.4049958288669586, 1.1446337699890137, -0.15358465909957886, 0.5033575296401978, -0.2754969894886017, -0.11551918089389801, 0.4489457607269287, 0.6396401524543762, 0.25351041555404663, -0.3718973398208618, -11.10940170288086, 0.4967488646507263, -0.34761855006217957, 0.1265864372253418, 0.46867865324020386, 0.012679509818553925, 0.5859104990959167, -0.5394530296325684, 0.8265700340270996, -0.8257021903991699, 0.4690817892551422, 1.2825552225112915, 0.17733147740364075, -0.30642613768577576, -0.8691053986549377, -1.5752596855163574, 0.09760625660419464, -0.3991836905479431, 0.22527463734149933, -1.321364402770996, 0.40137290954589844, -0.688748300075531, 0.155392125248909, -0.27679023146629333, 0.3992560803890228, -0.13707542419433594, -0.277392715215683, -0.319328248500824, -0.6313309669494629, 0.9336899518966675, 1.3934717178344727, -0.2727733254432678, -0.6998989582061768, -0.32983118295669556, 0.8204872608184814, 0.45691025257110596, -1.3153128623962402, 0.21089860796928406, 0.2847205698490143, -0.2413964569568634, 0.5228409171104431, 0.46806541085243225, 0.17164407670497894, 0.07418869435787201, -0.8330112099647522, 0.011239320039749146, 0.08738482743501663, -0.4630172848701477, 0.9092442989349365, -0.350004106760025, -0.2712106704711914, -0.364558607339859, -0.766882598400116, -0.4612264037132263, 0.5721812844276428, -0.4480670392513275, -0.8619831204414368, 0.18081854283809662, -0.3823806047439575, -1.2793205976486206, 1.2828699350357056, -0.5848898887634277, 0.1856095790863037, -0.6107174754142761, 1.1003155708312988, -0.16557429730892181, 1.0814565420150757, -0.00217302143573761, -0.4465792179107666, 0.6859346032142639, -0.8568383455276489, 1.5156548023223877, 0.5620316863059998, -0.2651820480823517, 0.46304425597190857, 0.054665133357048035, -0.627726137638092, -0.14843438565731049, 0.570979654788971, 0.24045774340629578, -0.9928719401359558, 1.0787311792373657, 0.38570457696914673, -0.5027939081192017, -0.3823728561401367, -0.12054845690727234, 0.07493021339178085, -1.2425189018249512, -0.05138514190912247, -0.7070700526237488, 0.7312656044960022, -0.45384058356285095, -0.41715604066848755, 0.23049145936965942, -0.874817967414856, 1.2272967100143433, -0.6831157207489014, 0.8061790466308594, -0.027196373790502548, -0.4391953647136688, -0.18951404094696045, -0.0628681480884552, -0.6850070953369141, -0.3955381512641907, 0.2669623792171478, -0.5847114324569702, -0.0725325420498848, 0.13952168822288513, -0.5091112852096558, -0.38121387362480164, 0.5045014023780823, 0.20834118127822876, -0.6358674168586731, 1.4560590982437134, 0.019127756357192993, 1.2414968013763428, 0.7112696766853333, -0.5254456996917725, 0.8018637299537659, 1.4690533876419067, -0.6065956354141235, 0.5021020770072937, 0.2212456613779068, 0.6283817887306213, 0.3654293119907379, 0.7397064566612244, 0.4120129644870758, 0.04602568596601486, -0.47422900795936584, -0.8763979077339172, -0.04570877179503441, -0.9315158128738403, 0.09888771176338196, -0.7236651182174683, -1.0327998399734497, -0.2892148494720459, -0.3582364320755005, 1.4238208532333374, -0.869335949420929, 0.4846392571926117, -0.5394507050514221, -1.1132161617279053, -0.3032664656639099, -0.11955925822257996, -0.38596367835998535, 0.13365164399147034, -1.1633602380752563, 0.03708745539188385, -0.5011393427848816, -0.9288093447685242, 0.2898287773132324, -0.22452151775360107, -0.08048465847969055, -0.09449005872011185, -0.6882480978965759, -0.12369734048843384, -0.2108817845582962, -0.32867172360420227, -1.1796354055404663, -0.27351364493370056, 0.2708284556865692, 0.8034477233886719, 0.0896405577659607, 0.5547040104866028, 0.08279377222061157, 0.08962254226207733, -0.36121469736099243, -0.3559221923351288, -0.5560904741287231, 0.23924148082733154, 1.4514576196670532, -1.2328307628631592, -0.1244424432516098, -0.8227030038833618, 0.09396867454051971, -0.44958481192588806, 1.3566343784332275, 1.2208062410354614, -1.4826189279556274, 0.1746743768453598, -0.3207745850086212, -0.05454814434051514, -0.39771658182144165, -0.15625804662704468, 0.35143280029296875, -0.22673171758651733, -0.10052796453237534, 0.17811432480812073, -0.18980355560779572, 0.36496421694755554, -1.1616578102111816, -1.0393755435943604, -0.5010799169540405, 0.5147984623908997, 1.4294912815093994, -0.5867108106613159, 0.6420109272003174, 0.6749943494796753, -0.37309396266937256, 0.6217668056488037, 0.05609598010778427, 1.1673277616500854, 0.6024715900421143, 0.44653892517089844, 0.10962337255477905, -1.0709573030471802, -0.6577017903327942, 0.0959039181470871, 0.24444980919361115, -0.03408920019865036, -1.1045790910720825, 0.667834997177124, 0.8974593281745911, 0.2120351791381836, -0.26585811376571655, -0.3204987049102783, 0.6609603762626648, 0.5554291605949402, -0.3233383893966675, -0.7385309338569641, 0.2361902892589569, 0.9266714453697205, -1.1251518726348877, 1.358944058418274, 0.06179182231426239, 0.21824543178081512, 0.09843070060014725, 0.434498131275177, 1.0332735776901245, -0.5206645131111145, -0.4040694832801819, 0.7475961446762085, -0.7064231634140015, 0.03732950985431671, -0.2529401183128357, -0.3794148862361908, -0.5216870307922363, 0.6396865844726562, -1.4344143867492676, 0.10104615986347198, 0.4617546796798706, -0.3919694721698761, 0.881273627281189, 0.9834582805633545, 0.7461261749267578, -1.221462607383728, -0.8258576393127441, -0.8784249424934387, 0.38949713110923767, 0.9547372460365295, 0.6670219898223877, 1.3105854988098145, 0.7685653567314148, 0.06490787863731384, 1.111376166343689, -0.08586488664150238, -0.724498987197876, -0.15591073036193848, 0.6243863701820374, 0.860990583896637, 0.500912070274353, 0.22461843490600586, 0.0018016565591096878, 0.671089768409729, -0.11267702281475067, -0.4595232307910919, -0.6931272149085999, 0.5279972553253174, 0.725544810295105, -0.4745025038719177, -0.10761668533086777, -1.8733104467391968, 0.6350539922714233, -0.655038058757782, 0.33720970153808594, 0.8319212198257446, -1.0135221481323242, -0.3150295913219452, -0.9582496285438538, -0.119046650826931, 1.295568585395813, -0.074559286236763, -0.42192941904067993, 0.27500274777412415, 0.2674064338207245, 0.4263625741004944, 0.01435408927500248, -0.13669738173484802, 0.40781235694885254, -0.20429915189743042, 0.023575060069561005, 0.6497057676315308, -0.5712556838989258, -0.5726662874221802, -0.1273580640554428, -0.05248096212744713, 0.736517608165741, 0.2997708320617676, -0.7876625061035156, 0.4997918903827667, 0.2723942995071411, 0.13582487404346466, -0.45157983899116516, 1.044264793395996, -0.13002391159534454, -1.8936264514923096, 0.53951096534729, 0.8592550158500671, 0.9032569527626038, -0.053957514464855194, 0.22663149237632751, 1.0796247720718384, 0.5266327261924744, 0.741902232170105]} +{"paper_id": "cfq", "embedding": [-0.16142579913139343, 0.628730297088623, -0.3562788665294647, -0.15191125869750977, 0.07309969514608383, -0.1461033672094345, 0.7407550811767578, 0.6670149564743042, 1.1502175331115723, 0.15634146332740784, -0.15882961452007294, 0.8150587677955627, -0.5424022078514099, -0.24179990589618683, -0.23293760418891907, -0.2968566417694092, -1.5730565786361694, -0.2779289782047272, -1.7980467081069946, -0.5458617210388184, -1.3090070486068726, -0.638672947883606, -0.34384700655937195, 0.34498441219329834, 0.11611174792051315, -0.28544387221336365, 0.8810062408447266, -0.6398550271987915, 0.9696530699729919, 0.48031744360923767, -0.20060569047927856, 0.8921380043029785, -1.5133821964263916, 0.4331265985965729, -1.0450183153152466, -0.6065770983695984, -0.03966579586267471, 0.7073042392730713, 0.11521304398775101, -0.02022666111588478, -0.379719614982605, 0.14883631467819214, 0.6142199039459229, 0.6217253804206848, 0.7944451570510864, -0.5268915891647339, 0.44603344798088074, 0.26582276821136475, 0.2026645988225937, 0.3195330798625946, -0.4647964835166931, 0.16607992351055145, 0.4468950629234314, 0.6540769338607788, -0.27683722972869873, 1.2223780155181885, 0.7035439610481262, -0.25297799706459045, 1.033370018005371, -0.6168180704116821, 1.6209580898284912, 1.1942989826202393, -0.6513043642044067, 0.09066365659236908, 0.8515942692756653, -0.09113302826881409, 1.0873196125030518, 0.7090387940406799, 0.09046652913093567, 1.1689547300338745, 0.025363311171531677, -0.5789270401000977, 0.8525749444961548, 0.3353594243526459, 0.3258364200592041, 0.6287081241607666, 0.29263389110565186, -0.1357012391090393, 0.5285975933074951, -0.6609113216400146, -0.9152863621711731, 0.31038975715637207, 0.5907169580459595, -0.06409703195095062, -0.5128055810928345, 0.21230345964431763, 0.6974326372146606, -0.7124466300010681, 0.2604495882987976, -1.8006166219711304, 1.1125718355178833, 0.4825294017791748, 0.24354812502861023, -0.09582369029521942, 0.07910830527544022, 0.798640787601471, -0.6890230774879456, -0.8968358635902405, -0.949144721031189, 0.3396843671798706, 0.6331416964530945, -0.06498889625072479, 1.1535370349884033, 0.2836940288543701, -0.06475020200014114, 0.9537398815155029, 0.3453230857849121, -0.29242634773254395, -0.5213441252708435, -1.0805386304855347, -0.4890373647212982, 0.8080103397369385, 0.12787601351737976, 0.6888590455055237, -0.552361249923706, 0.9422882199287415, 0.35901182889938354, -0.650658130645752, -0.23217138648033142, 0.336834192276001, 0.4751795530319214, -0.9688712954521179, -0.49366122484207153, -0.5584728121757507, 0.26532459259033203, -0.6393051743507385, -0.6423086524009705, -0.011833149939775467, 0.6053484082221985, 0.21276962757110596, 1.0608104467391968, -0.6047115921974182, -0.7029685974121094, -0.5644164085388184, 3.6809961795806885, -0.15439234673976898, 1.883957028388977, -0.6639443039894104, -0.18718521296977997, -0.42402148246765137, -0.208810955286026, 0.9199748039245605, 0.3031262159347534, -0.7116184830665588, -1.426753282546997, 0.4111708998680115, -0.39850208163261414, -0.10788355767726898, -1.4792075157165527, 0.056438200175762177, -0.4044552147388458, 0.6234221458435059, -1.3181792497634888, -0.23895364999771118, 0.7756795287132263, 0.9702762365341187, 0.1240500658750534, 1.0569419860839844, -1.0928484201431274, 0.614112377166748, 0.11431548744440079, -0.698151171207428, -0.7510890960693359, 0.3695422410964966, 0.05732235312461853, 0.18984435498714447, 0.9624112844467163, 0.34973856806755066, -0.6980717778205872, -0.5481396913528442, 0.23192928731441498, 0.011110207065939903, -0.44484013319015503, 0.3508074879646301, 1.107287883758545, 0.6552930474281311, -0.1034909039735794, -0.4200846254825592, 0.8284181356430054, -1.2189228534698486, -0.6547420024871826, -0.021711189299821854, -0.19994685053825378, 0.5391173958778381, 0.21561755239963531, 0.28905364871025085, -1.7657042741775513, -0.5102417469024658, 0.03775888681411743, -0.016992740333080292, -0.05612931400537491, -0.6017754673957825, 0.03815709054470062, -0.288019061088562, 0.07584123313426971, -0.3905918002128601, 0.3981253206729889, -1.2872211933135986, -0.24580594897270203, 0.9586210250854492, -0.7028854489326477, 0.48062217235565186, 0.834888219833374, 1.4053128957748413, 0.05684881657361984, -0.325100302696228, -0.45393043756484985, -2.044485092163086, -0.2013443112373352, 2.1305816173553467, -0.14966847002506256, -0.5922271013259888, -0.08247017115354538, -0.833372175693512, 0.2794254422187805, -0.44846975803375244, 0.30531051754951477, -0.9499147534370422, 0.5738060474395752, -0.8208311796188354, 0.8349112272262573, -0.46870869398117065, 0.7467239499092102, 0.9321801066398621, 1.9949924945831299, -0.7592922449111938, 0.11308498680591583, 0.20280557870864868, -1.1866652965545654, 0.5399130582809448, 0.7668050527572632, 0.5957372784614563, 0.3362482190132141, 1.0507067441940308, -0.14007151126861572, 0.9500691890716553, 0.6340782046318054, 0.7108585238456726, -0.47372913360595703, -0.6130605340003967, -0.06197262555360794, 1.0905715227127075, -0.13383980095386505, 0.5544347167015076, 0.0828218162059784, 0.6847265958786011, -0.8139106035232544, -1.3180488348007202, 0.4809912443161011, -0.23919028043746948, 1.4197331666946411, 0.6063401103019714, 0.047981590032577515, 1.5931564569473267, -0.3024061620235443, -0.5274336338043213, -0.5606881976127625, -0.4896615147590637, -0.5075557231903076, -0.7417923212051392, 1.070743203163147, -0.006986911408603191, 0.0582505539059639, 0.18607117235660553, 0.0028136521577835083, -0.7924432754516602, -0.16479182243347168, -0.010359615087509155, -0.4635377526283264, -1.2242889404296875, 0.02224472165107727, -0.5879964232444763, -0.1124739795923233, -1.1603834629058838, 0.12646622955799103, 0.5036324262619019, 0.2808266580104828, 1.0165585279464722, 2.2907357215881348, -0.6196508407592773, 0.15461912751197815, 0.3369845747947693, 1.1634018421173096, -0.8967421054840088, 0.8168402314186096, 0.18194934725761414, 0.7251216173171997, -1.5332040786743164, -0.048045530915260315, -0.8257868885993958, 0.03858867287635803, 0.3027268946170807, -0.6960268020629883, 0.6588094234466553, -0.03704453259706497, -0.5654507875442505, 0.6347575187683105, 0.3965880870819092, 0.39498966932296753, 0.36563289165496826, 1.0806989669799805, 0.6003531217575073, -0.46705517172813416, 0.6139647364616394, -0.07635564357042313, 0.3045939803123474, 0.8952322006225586, -0.3116859197616577, -0.027300933375954628, 0.3464202284812927, 0.189413920044899, 0.09292735159397125, 0.4934055507183075, -1.5174609422683716, 0.5231983065605164, 0.9936445951461792, 0.06013393774628639, -0.3566897511482239, -0.9287457466125488, -0.2133561372756958, -1.5315663814544678, 0.1198989748954773, -0.34671688079833984, -0.29753366112709045, 0.08674238622188568, -0.3032405972480774, 0.28133881092071533, 1.0766702890396118, -0.9097633361816406, 0.9218721985816956, 0.7323330640792847, -0.25846558809280396, -0.525071918964386, -0.1373363882303238, 0.580363392829895, 0.19559195637702942, 0.13600119948387146, -0.573861837387085, 0.8066442012786865, 1.7207010984420776, -0.017167426645755768, 0.017482612282037735, 0.3338976502418518, 0.139928936958313, 0.12762615084648132, -0.21392236649990082, -1.194754719734192, -0.05562053620815277, -0.2568127512931824, 1.5332673788070679, -0.16679972410202026, -1.1143995523452759, -0.7857515811920166, 0.05574756860733032, -0.5770298838615417, -0.4575057327747345, 2.0718424320220947, 0.21137520670890808, 0.3948383629322052, -0.11619700491428375, 1.235794186592102, 0.4192373752593994, 0.4053895175457001, 0.7475636005401611, 0.5132156014442444, -0.22460304200649261, -0.5952245593070984, -0.3837636113166809, 0.24640871584415436, -0.3319849371910095, -0.9214507937431335, -0.17587585747241974, 0.7058084011077881, -0.562943696975708, -0.5894636511802673, 0.6566369533538818, 1.288556694984436, 0.11569761484861374, 1.684431791305542, -0.6629750728607178, -0.8724924921989441, 0.18043440580368042, 0.5312885642051697, 0.41551047563552856, -0.249691903591156, -0.6845117807388306, 0.0896708071231842, 0.2856385111808777, 0.8476227521896362, 0.1941143423318863, 0.8915582299232483, 0.330246239900589, -1.4836711883544922, -1.108878493309021, 0.0436335913836956, -1.1714009046554565, -0.2506397068500519, -0.06834805011749268, -0.6609188914299011, 0.14054903388023376, 0.5462022423744202, -0.25686195492744446, -0.7029308080673218, -0.10200506448745728, -0.5915704369544983, -0.933870792388916, 1.0864346027374268, 1.0196813344955444, -0.9112657308578491, -0.4872448444366455, -0.6539076566696167, -1.1404037475585938, -0.11707889288663864, -0.06403568387031555, -0.3174433410167694, -0.41781774163246155, 0.15312261879444122, 0.09420666843652725, -0.4532517194747925, 0.050723783671855927, -1.1228859424591064, 0.9963642954826355, 1.1143184900283813, -0.3500686585903168, 0.037595394998788834, 0.10898986458778381, 0.27034425735473633, -0.37241265177726746, -0.9287022948265076, -0.4702666401863098, 0.0198963675647974, -0.008393809199333191, 0.2955428659915924, -1.0236985683441162, -0.4112538695335388, 0.11092298477888107, -0.7241490483283997, 0.7865509390830994, -0.5841600298881531, -0.2143179029226303, -0.17755243182182312, -0.018271857872605324, 0.5857137441635132, -0.38506126403808594, -0.36571842432022095, 1.0584213733673096, -0.2033667266368866, 0.8041607141494751, -1.393153429031372, -0.7176552414894104, 1.428083896636963, 0.08608358353376389, -0.6133362054824829, -1.0015376806259155, -11.198868751525879, 0.44101178646087646, 0.20963385701179504, -0.32041436433792114, 0.8680945634841919, 0.1057007685303688, 0.5855198502540588, -0.24802428483963013, -0.15747524797916412, -0.9907688498497009, -0.2987707555294037, 1.3769114017486572, 0.28976908326148987, 0.18524900078773499, -0.5210673809051514, -1.0879178047180176, -0.3201286494731903, -0.8498347401618958, 0.0799521952867508, 0.12122504413127899, -0.045244764536619186, -0.8284371495246887, 0.10854274034500122, 0.1569831818342209, 0.013247290626168251, 0.11174368113279343, -0.8732877373695374, -0.1700870394706726, -0.3569348454475403, -0.45048126578330994, 0.6443306803703308, 0.4743001461029053, 0.5290181636810303, -1.0272232294082642, -0.4051938056945801, -0.6897584199905396, -0.9907343983650208, 0.0797448381781578, 0.9506723880767822, 0.04471586272120476, -0.9074916243553162, 0.15003670752048492, -0.1678512990474701, 1.0408769845962524, -0.2263656109571457, 0.42288047075271606, 0.553044855594635, -0.19738852977752686, 0.3471899926662445, -0.08867861330509186, -0.4194585084915161, -0.4202558696269989, 0.01217716559767723, -0.6233424544334412, 0.036822013556957245, 0.21694929897785187, -1.1957473754882812, 0.15084533393383026, -0.8761307597160339, -1.3352214097976685, 0.6394067406654358, 0.6811456680297852, -0.9144120812416077, -0.17944037914276123, 0.29582861065864563, -0.3979126513004303, -0.036698050796985626, 0.5523125529289246, -0.926652193069458, 0.19254793226718903, -0.7650420069694519, 0.7688840627670288, -0.09881274402141571, -0.009764589369297028, -0.5232154130935669, -0.25207293033599854, -0.4435957074165344, 0.6899559497833252, 0.5284523367881775, 0.13142099976539612, -1.2457966804504395, 0.3393113315105438, 0.19198410212993622, -0.9066418409347534, -1.5299575328826904, 0.02469097450375557, -0.10926280170679092, 0.0717601329088211, 0.685965895652771, -0.22344756126403809, 1.485405683517456, 0.1965687870979309, 0.0521380752325058, -0.09504517912864685, 0.2085837721824646, 1.2222298383712769, 0.33100977540016174, 0.6166442036628723, -0.4450628161430359, -1.170005202293396, 0.38796672224998474, 0.18162262439727783, -1.215469241142273, 0.061002399772405624, 0.01807103306055069, 0.023983903229236603, 0.6085400581359863, 0.007398784160614014, 0.11411011219024658, -0.08682127296924591, 0.9332776665687561, -0.31337183713912964, -0.31696176528930664, 1.5705488920211792, -0.8907160758972168, 0.9505706429481506, 0.852069616317749, 0.5627658367156982, 0.10390245169401169, 0.2102895826101303, -0.6269105076789856, 0.7553828954696655, 0.455578088760376, 1.3933061361312866, 0.41395285725593567, -0.6081330180168152, 0.5572217106819153, 0.5180450081825256, -0.28500980138778687, -0.8772991299629211, 0.6515522003173828, -0.4521905183792114, -0.202602818608284, 0.10209957510232925, 0.10401427745819092, 0.07125458121299744, -0.6890683770179749, 1.0263093709945679, -0.28426751494407654, -0.11790754646062851, -0.39173275232315063, 0.10737493634223938, -0.24442079663276672, -1.214659571647644, -1.0449554920196533, 0.5119990706443787, -1.2396794557571411, 0.0854097455739975, -0.3224326968193054, -0.39056891202926636, -0.20523898303508759, 0.19507497549057007, 1.5523960590362549, -0.31999608874320984, -0.3624958097934723, 0.157914936542511, 1.0648365020751953, -0.37996575236320496, -0.7960745096206665, -0.1557987481355667, 0.03882212936878204, 1.3941559791564941, -0.885307788848877, 0.8164396286010742, -0.3824149966239929, -0.25250574946403503, 0.034501366317272186, -0.09531569480895996, -0.10753164440393448, -0.47522398829460144, 0.08975773304700851, -0.6570910811424255, 0.03461261838674545, -0.4309113025665283, -1.1353628635406494, -0.7213186621665955, 0.35650497674942017, 0.9621590375900269, 0.13841594755649567, -0.017059609293937683, 0.4903281331062317, 1.615831971168518, 0.03119814209640026, 0.05060988664627075, -0.7380374670028687, -0.9003106355667114, 0.2717214524745941, 0.7533482313156128, 0.06779530644416809, 0.919861376285553, -1.8993754386901855, -0.9369418025016785, -0.8734652996063232, 0.24770548939704895, 0.21750713884830475, 0.21276108920574188, 0.09276405721902847, 0.9550806879997253, 0.32492056488990784, 0.4275037944316864, -0.3338196873664856, 0.7878662347793579, 0.13611814379692078, -0.38992181420326233, 0.09059719741344452, 0.7105331420898438, -0.49513307213783264, -0.09044919908046722, 1.1558852195739746, 0.43404489755630493, -1.471519112586975, 0.06566345691680908, 0.42327043414115906, 0.20209820568561554, -0.42083731293678284, -0.7558331489562988, 0.2423756718635559, -0.537712037563324, -0.8259431719779968, -1.487945795059204, 0.2710247039794922, 0.5392606854438782, -0.09384993463754654, 0.8616900444030762, -0.08874423801898956, 0.8154691457748413, 0.80387943983078, 0.720182478427887, 0.3277672529220581, -0.4671982526779175, -0.5406394004821777, 0.01758197508752346, -0.407330185174942, -0.35983359813690186, 0.01526901125907898, -0.4246996343135834, -0.7697503566741943, 0.27037641406059265, -0.6581416726112366, 0.6083428859710693, -0.26382094621658325, 0.9827724099159241, 0.05039568617939949, 0.5027816295623779, -0.008181974291801453, -0.986887514591217, 0.5730884075164795, -1.3157007694244385, 0.23038767278194427, 0.45841309428215027, 0.2250179797410965, 0.786045253276825, 0.8062368035316467, -0.01367861032485962, 0.7587890028953552, -0.6607545614242554, 0.21891891956329346, -0.5936175584793091, -0.0649293065071106, 1.266098976135254, 0.3377425968647003, 0.290386825799942, 0.5765238404273987, -0.4222958981990814, -0.6711314916610718, -0.3982751965522766, 0.03624781221151352, 1.5707284212112427, 0.573329508304596, -0.6807131171226501, -0.15742227435112, 0.02181144803762436, 0.7368476390838623, -0.47793903946876526, 0.401337593793869, 0.7002404928207397, -0.9743335843086243, -1.21602463722229, -0.8087590336799622, 0.130963534116745, 0.5836682915687561, 0.11333730816841125, -0.1851969212293625, 0.07744773477315903, 0.23410111665725708, 0.14607033133506775, -0.36665090918540955, -0.06231054663658142, -0.28866055607795715, -0.3275905251502991, -0.6754170656204224, 0.5413506031036377, -1.1846773624420166, 0.010698769241571426, 0.2954224944114685, -0.5348489880561829, 0.8856772780418396, -0.5463356971740723, -0.7256289124488831, -1.5643651485443115, -0.4337020218372345, -0.3453385829925537, 0.5474240183830261, -0.0774642825126648, 0.045507434755563736, -2.0027122497558594, 1.4101448059082031, 1.3830400705337524, -0.388801246881485, 0.33104830980300903, -0.11055157333612442, -0.042963940650224686, 0.3151770830154419, 0.9526388645172119]} +{"paper_id": "wmt15", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "conll2012_ontonotesv5", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "para_crawl", "embedding": [0.05323558673262596, 0.5902858376502991, 0.15003009140491486, 0.17908993363380432, 0.3720328211784363, -0.25306054949760437, 1.1592166423797607, 0.6378729343414307, 0.4900459349155426, 0.20905017852783203, 0.3095947504043579, 0.0009742025285959244, 0.9053812623023987, 0.5587456822395325, -0.09797340631484985, -0.4937974214553833, -0.49671629071235657, -1.0226157903671265, -0.8216013312339783, -0.8820571303367615, -0.30204933881759644, 0.1237567663192749, -0.23036840558052063, -0.15592250227928162, -0.24178898334503174, -0.10469884425401688, 0.2564595341682434, -0.9349652528762817, 0.4382855296134949, 0.47149741649627686, 0.03674902021884918, 1.3029853105545044, -0.9970629215240479, 0.17191770672798157, -0.37286150455474854, -0.03138389065861702, -0.4309687614440918, 0.7316248416900635, -0.6213735342025757, 0.2929442226886749, -0.766594409942627, 0.1903459131717682, 0.7533344030380249, -0.03974922373890877, 0.6583960056304932, 0.19825783371925354, 0.12527191638946533, 0.14630644023418427, 0.23269952833652496, 0.3799067437648773, -0.5961771607398987, 0.24242815375328064, 0.7102025151252747, 0.2541539967060089, -0.20190337300300598, 0.8162440061569214, 0.006324227899312973, -0.5295833945274353, 0.8673469424247742, -1.3957092761993408, 0.6630715727806091, 0.7212302684783936, -0.34142225980758667, 0.35005855560302734, 0.552013635635376, -0.655147135257721, 0.2715264856815338, 0.4616217017173767, 0.5406878590583801, 1.265278697013855, -0.30763253569602966, -0.9098471403121948, 0.2987496256828308, -0.10864976048469543, 0.3238157629966736, 0.619657039642334, 0.43100234866142273, 0.12325216829776764, 0.2699175477027893, 0.20443233847618103, -0.1040271520614624, 0.5610583424568176, 0.5381607413291931, -0.48254844546318054, -0.10614992678165436, -0.2566690742969513, 0.17737068235874176, -0.2844794988632202, 0.6975191235542297, -1.1524019241333008, -0.23049990832805634, 0.02316243015229702, 0.19480814039707184, 0.09376519918441772, -0.1805160939693451, 0.2764119505882263, 0.12827365100383759, 0.2546454668045044, -0.4711560904979706, 0.49817320704460144, 0.8706962466239929, -0.16311338543891907, 0.11577972024679184, -0.44565072655677795, 0.15037335455417633, 0.42448973655700684, -0.6277391314506531, -1.2281756401062012, -0.5204300880432129, -0.5137100219726562, -1.1126599311828613, 0.9864385724067688, -0.13716652989387512, 0.8091568946838379, -0.054147619754076004, -0.46020251512527466, -0.40367206931114197, -0.2286539226770401, -0.7517722249031067, 0.06963765621185303, 0.023398468270897865, -1.222375512123108, -0.06191761791706085, -0.13749681413173676, 0.8264491558074951, -0.46368855237960815, 0.03400743007659912, -0.29153919219970703, 0.6675763130187988, -0.4568884074687958, 0.6566858291625977, 0.7067564129829407, -0.18498186767101288, -0.008452627807855606, 2.0475146770477295, -0.40805962681770325, 1.4326094388961792, -0.47354644536972046, 0.12185301631689072, 0.30301177501678467, -0.04734088107943535, 0.9665071368217468, 0.18153104186058044, -0.3529307544231415, -0.1751469075679779, 0.10186892747879028, -0.26058876514434814, 0.30466368794441223, -0.5752733945846558, -0.1924688220024109, 0.009553380310535431, 0.812142014503479, -0.9744376540184021, -0.6648280620574951, 0.0281965471804142, 0.5092715620994568, 0.33364415168762207, 0.6635326743125916, -0.953412652015686, 0.3401319682598114, 0.7648102045059204, 0.5742189288139343, -0.380863219499588, 0.4037618637084961, -0.3848479390144348, 0.2122071385383606, 1.3386348485946655, -0.44628241658210754, -0.5910925269126892, -0.16500349342823029, 0.05238283425569534, -0.323448121547699, 0.0992342159152031, 0.018268832936882973, -0.04227833449840546, 0.14718541502952576, 0.3878977596759796, 0.3440229296684265, 0.14184850454330444, -0.39722850918769836, -0.31309327483177185, -0.1142650693655014, -0.6077404618263245, 0.4266956150531769, 0.07853059470653534, 0.06713756918907166, -1.6629400253295898, 0.044064778834581375, -0.13502967357635498, -0.4314236640930176, 0.08746199309825897, -0.5215892195701599, 0.1891888678073883, -0.2293051928281784, 0.5336568355560303, 0.25549614429473877, 0.20923461019992828, -0.8437789082527161, -0.07173778861761093, 0.31600189208984375, -0.15956437587738037, 0.34109100699424744, 0.35167381167411804, 0.7505823969841003, 0.35402384400367737, 0.2350306510925293, -0.4681943655014038, -1.504532814025879, 0.15880468487739563, 2.2430641651153564, -0.6341029405593872, -0.33728840947151184, -1.1419708728790283, -0.25574246048927307, 0.2899143695831299, -0.8574160933494568, 0.1964048445224762, -0.5570046901702881, 0.013078577816486359, -1.0149019956588745, 0.22478839755058289, -0.13671207427978516, -0.01412346214056015, 0.26171940565109253, 0.9383525848388672, -0.5010595321655273, -0.5921361446380615, -0.5166200399398804, -1.2605795860290527, 0.3385392427444458, 0.7600982785224915, 0.2948642075061798, -0.47197049856185913, 0.7562863826751709, 0.19328421354293823, 0.758371889591217, 0.14795410633087158, 0.5729218125343323, -0.8157432079315186, -0.39307963848114014, -0.2982814311981201, 1.387697458267212, -0.3866680860519409, -0.05104811117053032, -0.20613279938697815, 0.6866167187690735, -0.5856152176856995, -0.7039886116981506, -0.33998966217041016, 0.6172745227813721, 0.666900634765625, 1.3449994325637817, -0.6458835601806641, 1.3957551717758179, -1.0011870861053467, 0.38395094871520996, -0.38095542788505554, -0.8558369278907776, -0.7791950702667236, 0.2644897699356079, 0.8330987095832825, 0.07575266808271408, -0.027965953573584557, 0.17981062829494476, -0.12266409397125244, -0.855632483959198, -0.2714892625808716, -0.5297825932502747, -0.21984392404556274, -0.1613740622997284, -0.5123138427734375, 0.28163665533065796, -0.738132119178772, -0.9366717338562012, -0.5443031191825867, 0.2594393491744995, -0.09790164977312088, 0.6432636976242065, 1.4220020771026611, 0.022896088659763336, 0.09513387829065323, -0.4499467611312866, 0.7459940314292908, -0.5469571948051453, 0.33962124586105347, 0.149558424949646, 0.015611360780894756, -1.0310399532318115, -0.4171658456325531, -0.44777488708496094, -0.20958104729652405, -0.3763512372970581, 0.1556892991065979, 0.09418138861656189, -0.571333646774292, -0.8551006317138672, 0.8139268159866333, -0.83541339635849, 0.15182363986968994, -0.8751086592674255, 1.3405605554580688, 0.2661786675453186, 0.28486788272857666, 0.4239453673362732, 0.1827625185251236, -0.08037939667701721, 1.5262959003448486, -0.7747626304626465, 0.9597597718238831, 0.054838262498378754, 0.15129870176315308, 0.3706921935081482, 0.439344584941864, -2.0448977947235107, -0.06485249102115631, 0.580051839351654, -0.29672709107398987, -0.7045683264732361, -0.5258615016937256, 0.0953974723815918, -0.33714520931243896, -0.4024401009082794, 0.6169012784957886, -0.9084392189979553, 0.7529144287109375, -0.5497826933860779, 0.6253484487533569, 0.7127954363822937, -0.3389204144477844, 0.100719153881073, 0.8793548345565796, 0.8354784250259399, -0.23242735862731934, -0.4074029326438904, 0.5640788078308105, -0.7860403656959534, 0.5494426488876343, 0.729148268699646, 1.0546212196350098, 0.6170554161071777, -1.0339077711105347, -0.3074597716331482, 0.5814812779426575, 0.9074375033378601, 0.049907732754945755, 0.29683664441108704, 0.14397409558296204, 0.7894711494445801, -0.08424369990825653, 1.1980783939361572, 0.3909980058670044, -0.8764141798019409, -0.7506251335144043, -0.21908220648765564, -0.6588003635406494, -0.5596186518669128, 1.3563263416290283, 0.8583006858825684, 0.7426818609237671, 0.2357342392206192, 0.3229621946811676, -0.18350528180599213, -0.2851680517196655, 0.8866909146308899, 0.43133655190467834, 0.11884939670562744, -0.07912278920412064, -0.0033332109451293945, 1.062274694442749, 0.1997772455215454, -0.6189890503883362, -0.07669895142316818, 0.5771811008453369, -0.259767085313797, -0.38945454359054565, 0.0006647156551480293, 0.7593231797218323, 0.7473117113113403, 1.4889742136001587, -0.6863130927085876, -0.41929131746292114, -0.6013906002044678, 0.18738333880901337, -0.3714660108089447, 0.33876460790634155, -1.1809262037277222, -0.03858329355716705, 0.5705941915512085, 0.8563333749771118, -0.0356525182723999, 0.6541834473609924, 0.4269089102745056, -0.4401513934135437, -0.583922266960144, 0.3563900291919708, -0.7873061299324036, 0.3142342269420624, -0.5140253305435181, -0.39892494678497314, 0.07429293543100357, 0.432818740606308, -0.2252400517463684, -0.6922091245651245, 0.34079205989837646, 0.17682860791683197, -1.2204405069351196, 0.18836216628551483, 0.9313045740127563, -1.248520016670227, -0.46105247735977173, -0.051950812339782715, -0.4688286781311035, -0.6368589401245117, 0.27652499079704285, -0.2919008433818817, 0.14765778183937073, 0.272651731967926, 0.31714102625846863, -0.20977705717086792, 0.14227193593978882, -1.0878018140792847, 0.9960795044898987, 0.9706149101257324, -0.27340221405029297, -0.2566492557525635, -0.5679871439933777, 0.6474372744560242, 0.03498879820108414, -0.6093777418136597, 0.05214270204305649, 0.4372299909591675, 0.18063005805015564, -0.24450214207172394, -0.37288898229599, -0.3267059922218323, -0.04222504422068596, -0.10638727992773056, 0.6646125316619873, -0.7540491819381714, 0.8296638131141663, -0.7255404591560364, 0.7160255312919617, 0.4248378574848175, -0.36940455436706543, -1.00872802734375, 0.6416459083557129, -0.700694739818573, 0.23867258429527283, -0.43462902307510376, -0.1742934137582779, 0.35937991738319397, 0.5220711827278137, 0.16976211965084076, -0.10253031551837921, -13.828825950622559, 0.38064420223236084, -0.07496766746044159, 0.24199970066547394, 0.701956570148468, 0.34247270226478577, 0.5406632423400879, 0.7814331650733948, 0.09735778719186783, 0.11427674442529678, 0.10200713574886322, 1.0019809007644653, -0.06935340166091919, 0.08833256363868713, 0.0038451245054602623, -0.9369138479232788, -0.31101369857788086, -0.5459612011909485, 0.1185106486082077, -0.28452178835868835, -0.25247296690940857, -0.8949496746063232, -0.4519050121307373, 0.2846193313598633, 0.14278897643089294, -0.2950184941291809, -0.14748796820640564, 0.06073957681655884, -0.39108806848526, -0.2115551233291626, 0.3796353340148926, -0.618064284324646, -0.4743958115577698, -0.02167731709778309, 0.24080176651477814, 0.5209128260612488, -0.4544082283973694, 0.36069256067276, 0.38759440183639526, -0.10462810844182968, -0.14171673357486725, 0.5069501996040344, 0.05590033158659935, 0.32984235882759094, -0.36048024892807007, 0.28958660364151, -0.009970706887543201, -0.77317875623703, 1.1259686946868896, -0.9356088638305664, -0.7373179793357849, -0.6566453576087952, -0.6314418315887451, -0.6894336342811584, 0.31713393330574036, -0.10371245443820953, -0.7159440517425537, -0.028300292789936066, -0.30514541268348694, -0.9203428030014038, 0.7744924426078796, 0.39830291271209717, -0.33855298161506653, 0.1523735374212265, 0.460890531539917, 0.22510287165641785, 0.32837048172950745, 0.5456265807151794, -0.6296480894088745, 0.419124960899353, -0.9495112299919128, 0.6837013363838196, 0.12392910569906235, 0.273462176322937, -0.0410059317946434, -0.05357687920331955, -0.3110358417034149, -0.2981184124946594, 0.6858311891555786, 0.18633201718330383, -0.9869748950004578, 0.41041794419288635, -0.04463045671582222, -0.1597667634487152, -0.21862097084522247, 0.0891520082950592, -0.3213708996772766, -0.10104077309370041, 1.115718126296997, 0.3985747992992401, 1.1355525255203247, -0.1840721070766449, -0.2614719271659851, -0.7178276181221008, -0.7278286814689636, 0.7572090029716492, -0.7603908181190491, 0.35856181383132935, -0.06776269525289536, -0.9508165121078491, -0.1621251404285431, 0.040070079267024994, -0.801403284072876, -0.16991199553012848, 1.1065220832824707, -0.2614278197288513, 0.1736895740032196, 0.006325975060462952, 0.1865377277135849, -0.1666397899389267, 1.0283080339431763, -0.003469116985797882, 0.27870988845825195, 1.6185539960861206, 0.028318852186203003, 0.7143981456756592, 1.048426628112793, 0.2814153730869293, 1.0380438566207886, 0.8004997968673706, -0.20754052698612213, 0.19499708712100983, 0.37572938203811646, 1.0290731191635132, -0.0781671553850174, 0.6269190311431885, 0.2077012062072754, 0.4850972890853882, -0.5329585075378418, -0.35977357625961304, -0.35850176215171814, 0.06685714423656464, 0.022749051451683044, -0.7644190192222595, -0.5588451623916626, -0.2581191658973694, -0.23520781099796295, 0.8627429008483887, -0.45426565408706665, 0.5643209218978882, -0.18198390305042267, -0.4031714200973511, -0.5436143279075623, -0.5010276436805725, -0.4058603048324585, 0.1439579278230667, -1.0090731382369995, 0.16770555078983307, -0.4034615457057953, -0.7030190229415894, 0.4044763743877411, -0.6251131892204285, 0.5202217698097229, -0.6977450847625732, -0.021075069904327393, 0.03364601731300354, 0.33483707904815674, -0.1838059425354004, -0.3064728379249573, -0.7029032707214355, 0.1101209744811058, 0.7135224342346191, -0.8146186470985413, 1.0602904558181763, 0.698689341545105, 0.7725302577018738, -0.49554550647735596, -0.7188123464584351, -0.5759198665618896, 0.42150306701660156, 0.18580462038516998, -1.1177067756652832, -0.34615853428840637, -0.5223338007926941, -0.13872480392456055, -0.7559886574745178, 0.4239020347595215, 0.5704281330108643, -1.0245745182037354, 0.596006453037262, 0.06281015276908875, 0.1443619728088379, -0.1471775472164154, -0.42595726251602173, -1.26957368850708, 0.06846421211957932, 0.16624239087104797, 0.864942729473114, 0.006328838877379894, 0.7110170722007751, -1.2661137580871582, -0.8779842853546143, -0.6036027669906616, 0.2940937280654907, 0.8321114778518677, 0.08349032700061798, 1.1033687591552734, -0.31852424144744873, 0.10075631737709045, 0.3727811276912689, -0.14343619346618652, 0.5610771775245667, -0.04480944201350212, 0.13606204092502594, -0.3355099856853485, 0.2842426002025604, -0.9066324830055237, 0.2675431966781616, 0.19098542630672455, 0.3024604618549347, -1.1872514486312866, -0.3831324577331543, 0.3490341901779175, 0.4861495792865753, -0.6885064840316772, -0.7538801431655884, 0.27352598309516907, -0.10457673668861389, -0.26191747188568115, -0.9254563450813293, -0.1470641791820526, 0.4097001254558563, -0.3073696196079254, 0.8506746888160706, 0.23394666612148285, 0.41273897886276245, 0.20672008395195007, 0.5562503337860107, 0.5382581949234009, -0.31185847520828247, -1.3809133768081665, -0.04505481943488121, -0.21642155945301056, -0.015382669866085052, 0.1988438367843628, 0.5318987965583801, -0.745071291923523, 0.019677143543958664, -1.0465195178985596, 0.4401649534702301, 0.08831947296857834, 0.532135009765625, -0.06337042152881622, 0.6383355855941772, -0.3070119619369507, -1.5415118932724, -0.2476077824831009, -0.4439874291419983, 0.5985047817230225, 0.52794349193573, 0.6656097173690796, 0.40932270884513855, 0.6601203680038452, 0.08671312034130096, 0.6956986784934998, -0.13189196586608887, 0.1317206174135208, 0.2391984760761261, 0.3694089651107788, 1.3676178455352783, 0.3429112136363983, 0.16559308767318726, 0.24024070799350739, -0.07792507857084274, -0.9979230761528015, -0.5281878113746643, -0.1774091124534607, 0.8276199102401733, 0.8113716840744019, -0.027645155787467957, 0.129374697804451, -0.9152390956878662, 0.0398770272731781, -0.5561351776123047, 0.6811016201972961, 0.6933582425117493, -0.6488571166992188, -0.8969624638557434, -0.5187384486198425, 0.27569255232810974, 1.0919524431228638, -0.35342922806739807, 0.02640613168478012, -0.9569280743598938, -0.3716925382614136, -0.050504207611083984, -0.1772751659154892, -0.7765684127807617, 0.8740284442901611, -0.3568510413169861, -0.26101744174957275, 0.2714846432209015, -0.27672794461250305, -0.1900699883699417, 0.2894766926765442, -0.31568077206611633, 0.6917513012886047, 0.027356624603271484, -0.9825060963630676, -0.09004111588001251, 0.4755507707595825, 0.29888102412223816, 0.2006155252456665, 0.24988999962806702, -0.6009171605110168, -1.8135626316070557, 0.6517621278762817, 0.4670073986053467, -0.08091709017753601, 0.2946479022502899, 0.5947811603546143, 0.45423266291618347, 0.6763041615486145, 0.7685061097145081]} +{"paper_id": "web_nlg", "embedding": [-0.4568226933479309, 0.8436276912689209, -0.6817011833190918, 0.13242870569229126, 0.602185070514679, 0.032570723444223404, 0.35832205414772034, 0.11209285259246826, 0.24240782856941223, 0.7681406140327454, 0.15321084856987, 0.3959031105041504, 0.21929430961608887, -0.32090941071510315, -0.24820616841316223, -0.22066166996955872, -1.043222427368164, -0.5942716598510742, -1.50773024559021, -0.5664222240447998, -0.93146151304245, -0.6246636509895325, -0.11471068859100342, 0.14296165108680725, -0.4345867931842804, -0.6701468825340271, 1.1974838972091675, -1.1862846612930298, 0.5174579620361328, 0.06012507155537605, -0.19124457240104675, 1.2222611904144287, -0.7665039896965027, 1.1206319332122803, -0.2137804627418518, -0.25255200266838074, 0.23815040290355682, 1.0443748235702515, -0.24859049916267395, 0.3761157989501953, -0.47800013422966003, 0.5067189335823059, 0.3455890119075775, -0.018812954425811768, 0.11769925802946091, -0.7068557143211365, 0.13324622809886932, 0.4849741458892822, -0.7043363451957703, 0.48449936509132385, -0.7575330138206482, 0.6196864247322083, -0.14365682005882263, 0.12454698979854584, 0.0019011609256267548, 1.4321744441986084, 0.21666988730430603, -1.0671306848526, 0.4634227156639099, -0.38880279660224915, 0.650865375995636, 1.439760684967041, -0.5893452167510986, 0.7950000166893005, 1.6017677783966064, -0.23580946028232574, 1.0075700283050537, 0.23785562813282013, 1.0413650274276733, 1.1925112009048462, 0.16480828821659088, -0.1161155104637146, 1.0595152378082275, 0.07628940045833588, 0.2624976634979248, 0.9533404111862183, 0.6850382685661316, -0.7346354126930237, 0.2939099669456482, -0.44546642899513245, 0.19302667677402496, 0.09973645210266113, 0.4628233015537262, -0.4379778802394867, 0.11149069666862488, 0.014580663293600082, 0.5217469930648804, -0.596933126449585, -0.021605728194117546, -2.1144955158233643, 0.5506668090820312, 0.7375249266624451, 0.1634673774242401, -1.0057493448257446, -0.10241809487342834, -0.06260797381401062, -0.22410069406032562, 0.009629552252590656, -0.1151261106133461, 0.5318044424057007, 0.32010921835899353, -0.7145388126373291, 0.5360824465751648, 0.10979488492012024, 0.3374813497066498, 0.3462658226490021, -0.038557425141334534, 0.041592709720134735, -1.222694754600525, -0.07842443883419037, -0.16024529933929443, 0.7644090056419373, 0.5426447987556458, 0.3189225196838379, -0.3832457661628723, -0.022203242406249046, -0.13304468989372253, -0.500455915927887, -0.6027658581733704, 0.21219126880168915, 0.0011178720742464066, -0.9487348794937134, 0.046380721032619476, -0.37014293670654297, 0.9979619383811951, -0.8688814043998718, 0.1094566062092781, 0.2208985984325409, -0.0032752109691500664, -0.4310220181941986, 0.206454336643219, -0.12096399068832397, -0.7073996067047119, 0.7145206332206726, 3.3504812717437744, -1.0320298671722412, 1.264391303062439, 0.172397643327713, 0.005008682608604431, -0.49814730882644653, 0.2800075113773346, 0.5479194521903992, -0.003502044826745987, -0.7474437952041626, -0.17991846799850464, 0.12471082806587219, -0.6051919460296631, 0.1340140849351883, -0.6929309368133545, 0.5569076538085938, 0.1921158730983734, -0.13116925954818726, -1.7238521575927734, -0.18056894838809967, -0.7832898497581482, 0.2115199863910675, 0.04461630433797836, 0.45855873823165894, -0.47402673959732056, 0.42208805680274963, 0.48166823387145996, -0.15000128746032715, -0.3469906449317932, 0.3443239629268646, -0.7970269918441772, -0.20997707545757294, 1.310766577720642, -0.245439350605011, -1.197406530380249, -0.5883949995040894, 0.7090417146682739, 0.09744856506586075, -0.3517809510231018, -0.08903051912784576, 0.16109620034694672, 0.8066631555557251, 0.5504848957061768, 0.9256985187530518, -0.3649713397026062, -0.5627732276916504, -1.0269447565078735, -0.8243195414543152, -0.4557141959667206, 0.16897739470005035, -0.6445271372795105, 0.467767596244812, -2.7616355419158936, -0.37729209661483765, -0.9414072632789612, 0.5272625684738159, -0.22122561931610107, 0.43874815106391907, 0.48639485239982605, 0.23558686673641205, -0.11768002808094025, -0.5950862169265747, 0.6275766491889954, -0.6816105246543884, -0.08294567465782166, 0.08492691814899445, 0.021737564355134964, 0.5814412236213684, -0.09057336300611496, 1.1120951175689697, 0.8701138496398926, -0.7807754278182983, -0.285711407661438, -1.7320480346679688, 0.9325843453407288, 2.1304240226745605, 0.02176540717482567, -0.11994168162345886, -1.0911667346954346, -0.04270300269126892, 0.38638660311698914, -0.06699065119028091, 0.15823917090892792, -0.281547874212265, 0.22356584668159485, -0.857322096824646, -0.04379931837320328, -0.23450404405593872, 0.10748858004808426, 0.6499841213226318, 0.746196985244751, -0.8777307271957397, 0.017137743532657623, -0.60267573595047, -0.9406023025512695, 0.5476938486099243, 0.8821414113044739, 0.15160413086414337, -0.2681564390659332, 1.064184546470642, -0.34366461634635925, 0.49830448627471924, 0.029110439121723175, 0.3785683214664459, -0.9441742897033691, 0.6620075106620789, 0.49324795603752136, 1.4215542078018188, -0.8687721490859985, 0.25312384963035583, 0.27044498920440674, 0.24679967761039734, -0.34914347529411316, -0.6643009185791016, 0.36617767810821533, -0.8142420053482056, 1.3987947702407837, 0.7465392351150513, -0.7734525203704834, 0.8140372633934021, -0.9562736749649048, 0.07724388688802719, -0.5605345964431763, -1.0218256711959839, -1.1877018213272095, 0.21229715645313263, 1.0511364936828613, 0.36891448497772217, 0.06838078796863556, -0.5586069822311401, -0.5796827077865601, -1.5719231367111206, -0.6560808420181274, -0.5994680523872375, 0.19696609675884247, -1.2894659042358398, -0.2674540877342224, -0.46557754278182983, -0.46649807691574097, -0.5433111190795898, -0.10833476483821869, 0.1300380825996399, -0.22413313388824463, 0.9056923389434814, 1.5583652257919312, -0.15378737449645996, -0.09078505635261536, 0.13493524491786957, 1.3533722162246704, -0.3489920496940613, 0.452894389629364, 0.17482292652130127, -0.4869130253791809, -1.0780081748962402, 0.7356747388839722, -0.6722092032432556, 0.93338942527771, 0.3548959195613861, -0.07462678849697113, -0.580738365650177, -0.1958865523338318, -0.6360770463943481, 0.8793750405311584, -0.42726582288742065, 0.6009634137153625, -0.7115046977996826, 1.7238448858261108, 0.8277025818824768, -0.29036423563957214, 0.8191978931427002, -0.052784569561481476, 0.0827619731426239, 1.1788122653961182, -0.3077475130558014, 1.0574897527694702, 0.9708525538444519, 0.9827244281768799, -0.0900944173336029, 0.08297432214021683, -2.354871988296509, 0.5305373072624207, 0.65903240442276, 0.03770553693175316, 0.1296827346086502, -0.9750485420227051, -0.6607137322425842, -0.7354723811149597, -0.9895684123039246, 0.7339386940002441, -0.465756356716156, 0.26544177532196045, -0.1911378651857376, 0.07930950075387955, 1.4643112421035767, -1.2469156980514526, 0.5500617623329163, 0.9718137383460999, 0.1596517264842987, -1.552409052848816, -0.03892733156681061, 0.41373348236083984, -0.15262724459171295, 0.8960686922073364, -0.24510136246681213, 1.312083125114441, 1.1900666952133179, -0.09532960504293442, -0.29244422912597656, 0.9037339091300964, 0.25105276703834534, 0.7221303582191467, 1.132017731666565, -0.7023236751556396, 0.2607215940952301, -0.8699830770492554, 1.027606725692749, -0.6131942868232727, -1.2865060567855835, -1.0820778608322144, -0.24999845027923584, -0.6158795356750488, -1.353084921836853, 1.6464815139770508, 0.4021605849266052, 1.6258084774017334, -0.6208995580673218, 0.3789498507976532, -1.3819468021392822, 0.03652839735150337, 0.4184999167919159, 0.49221670627593994, -0.10488896071910858, -0.9276696443557739, -0.5524461269378662, 0.2832869291305542, 0.28421294689178467, -0.3112228214740753, -0.2331302911043167, 0.5927107334136963, 0.5764268040657043, -1.2659565210342407, 0.010259365662932396, 0.5493330359458923, 0.35676196217536926, 1.6716855764389038, -0.8881596922874451, -0.6791173815727234, 0.19253988564014435, 0.24730327725410461, 0.3941505253314972, 0.5516396164894104, -1.7400041818618774, 1.0720927715301514, 0.5929672718048096, 0.7539382576942444, 0.09285828471183777, 0.8542953729629517, 1.2440824508666992, -0.4802400767803192, -1.130626916885376, -0.20564475655555725, -1.067683219909668, -0.466655433177948, -0.007620193064212799, -0.37585777044296265, -0.9574796557426453, 1.0900108814239502, -0.08829022943973541, -0.5952916145324707, 1.1242953538894653, -0.234939843416214, -1.0295368432998657, -0.2787178158760071, 0.9837144613265991, -1.4418840408325195, 0.34758901596069336, 0.5625329613685608, -1.426085352897644, -0.9337134957313538, -0.1201622262597084, -0.5498372316360474, 1.2395588159561157, -0.025317780673503876, 0.8978758454322815, -1.0158863067626953, -0.11420102417469025, -1.3714332580566406, 0.9927787184715271, 1.0485365390777588, -0.44338712096214294, 0.34303316473960876, 0.4692802429199219, 0.6252780556678772, 0.49404624104499817, -1.2124403715133667, -0.8237521648406982, 0.5106468200683594, 0.8213964700698853, -0.06550156325101852, -1.2276880741119385, -1.147047996520996, 0.3176058232784271, 0.4014722406864166, 0.13734884560108185, -1.21877121925354, 0.35211068391799927, 0.272368460893631, 0.683434009552002, 0.6388393640518188, -0.6014000773429871, -1.2447258234024048, 1.017959713935852, -0.7679815888404846, 0.5577347278594971, -0.21839308738708496, 0.3319234549999237, 2.0660951137542725, 0.13123348355293274, -0.46128028631210327, -0.7973470091819763, -10.554049491882324, 0.5938076972961426, 0.41365987062454224, 0.1647459864616394, 0.7775059342384338, -0.7759953141212463, 0.3784082233905792, -0.037407275289297104, 0.6081258654594421, -0.6929294466972351, 0.9332690834999084, 0.821222186088562, 0.6031680107116699, -0.37168028950691223, -0.36868008971214294, -1.6284056901931763, -0.7606580257415771, -0.22783713042736053, 0.35405874252319336, 0.09302779287099838, -0.42982420325279236, -0.8614197373390198, -0.2137615978717804, 0.5125495791435242, 0.6021988391876221, 0.1152852401137352, -0.377681702375412, -0.4569748640060425, -0.06235076114535332, -0.11839550733566284, 0.4388825595378876, 0.8618080615997314, -1.1183618307113647, -0.5805142521858215, -0.01407109946012497, -0.4854860305786133, -0.9395520687103271, 0.1621972769498825, 0.6150757670402527, -0.3881818950176239, -1.2297083139419556, 0.5842841863632202, 0.23423512279987335, -0.5034803748130798, -0.5639097690582275, 0.41541606187820435, 0.8116366267204285, -1.4445691108703613, 0.28981027007102966, -0.5042756795883179, -0.6705940365791321, -0.6213801503181458, -1.4732743501663208, -0.8217303156852722, -0.2760893702507019, -0.4024048447608948, -0.11455850303173065, 0.9879658818244934, -0.6147152185440063, -1.0198407173156738, 0.13958971202373505, 0.896687924861908, -0.6519337892532349, 0.4870091378688812, 0.02785826474428177, -0.1686778962612152, 0.15763306617736816, 0.7303869724273682, 0.15872013568878174, 0.31095564365386963, -0.18712946772575378, 0.6121180653572083, -0.8619922399520874, 0.20303916931152344, -0.20058882236480713, 0.1086231991648674, 0.023027805611491203, -0.8425008058547974, 0.7663432359695435, 0.25563400983810425, -1.0585134029388428, 0.4532060921192169, 0.13671302795410156, -0.1266428828239441, -0.6828789114952087, 0.40403634309768677, -0.02569655328989029, -0.13012346625328064, 0.991335391998291, -0.8235172033309937, 0.9990553259849548, -0.3773125112056732, -0.1507829874753952, 0.0010761432349681854, -0.10921194404363632, 1.0513322353363037, 0.5394614338874817, 1.2001211643218994, 0.6671801805496216, -1.2530169486999512, 0.22753667831420898, -0.20807188749313354, -0.49876004457473755, -0.8249607682228088, 0.47272205352783203, 0.7825360894203186, 0.07720118761062622, 0.1574193239212036, -0.06149851903319359, -0.31604593992233276, 1.2418371438980103, 0.20191222429275513, -0.12446700036525726, 0.6503560543060303, -0.22383847832679749, 0.6764976382255554, 1.0552595853805542, 0.1652277708053589, 0.23943056166172028, 0.9684615731239319, 0.26560178399086, 1.300045132637024, 0.317440927028656, 0.5484386682510376, -0.47454002499580383, -0.07236921042203903, 0.5115649104118347, 0.34060001373291016, -0.48134511709213257, -1.5962895154953003, 0.06037509813904762, 0.16993658244609833, -0.3068350851535797, -0.16670235991477966, -0.6714134216308594, 0.035256970673799515, -0.7996342182159424, 1.3082561492919922, 0.4490118622779846, -0.02087216079235077, 0.6498371958732605, -0.7008424997329712, 0.47535061836242676, -0.7700714468955994, -0.643006443977356, -0.06178324669599533, -2.122812271118164, -0.054683346301317215, -0.4925740957260132, -0.9141610860824585, 0.10996463894844055, -0.3788529634475708, 1.080841064453125, -0.6918701529502869, -0.06771684437990189, 0.40408340096473694, 0.43782246112823486, 0.32381778955459595, -0.37852656841278076, 0.7465478181838989, -0.08517170697450638, 1.5039204359054565, -0.7310412526130676, 0.5190035104751587, 0.15644557774066925, -0.16239717602729797, -0.34855329990386963, -0.37721145153045654, -1.1080912351608276, 0.00871942937374115, 0.46251794695854187, -0.8874148726463318, 0.1313125044107437, -0.83747398853302, -0.32954004406929016, -1.0624687671661377, 1.1430484056472778, 0.9847594499588013, -0.8962630033493042, -0.15748785436153412, 1.0361840724945068, 0.22019201517105103, 0.2523503303527832, -0.4819332957267761, -0.6728237867355347, -0.04863680899143219, 0.22317442297935486, 0.6889351010322571, -0.2043372541666031, 0.9112900495529175, -1.5258409976959229, -1.0670461654663086, -0.5455508828163147, -0.28017887473106384, 0.6443527936935425, -0.5385201573371887, 1.7278295755386353, 0.5379177331924438, 0.1556868553161621, 0.8687087297439575, 0.39682483673095703, 1.0698707103729248, 0.2035658359527588, 0.7708510160446167, -0.06544257700443268, 0.34687095880508423, -0.9890847206115723, -0.01722319796681404, 0.14072619378566742, 0.2966710925102234, -1.1883080005645752, 0.04870401322841644, 0.3921070992946625, -0.5591305494308472, -0.34337398409843445, -0.90203857421875, 0.20653420686721802, -0.8153015971183777, -0.24332107603549957, -1.3387656211853027, 0.636064350605011, 1.365739107131958, 0.25698214769363403, 0.6997010707855225, 1.418400764465332, -0.012624699622392654, 0.8227468132972717, 1.0673637390136719, 1.155434250831604, 0.1312774419784546, -0.6204717755317688, 0.29333972930908203, 1.1198797225952148, -0.21414843201637268, 0.2744141221046448, -0.41912999749183655, -0.49520277976989746, 0.33287283778190613, -0.6337752342224121, 0.4219728410243988, -0.2697595953941345, 0.09682077169418335, 0.24162721633911133, 1.0011162757873535, -0.36912834644317627, -1.8530962467193604, -0.54013592004776, -0.7848498821258545, -0.02519064024090767, 0.7572322487831116, 0.7046459913253784, 0.30757564306259155, 0.7981235384941101, -0.009038791060447693, 0.9083326458930969, -0.20445029437541962, 0.023315217345952988, 0.3014838993549347, 0.3614034056663513, 0.8668978810310364, 0.9209325313568115, 1.1928914785385132, -0.3508729636669159, -0.3108583390712738, -0.32776370644569397, -0.45692726969718933, -0.5647602081298828, 0.8045037984848022, 0.950506329536438, -0.13317082822322845, -0.6253325343132019, -0.2515496015548706, 1.0687634944915771, -0.9181976914405823, 0.4581127464771271, -0.38976770639419556, -0.38473761081695557, -0.5802155137062073, -0.03971336781978607, -0.10197541862726212, 1.1016335487365723, -0.1906815618276596, -0.5556284785270691, 0.19943846762180328, 1.3015114068984985, 0.08536824584007263, 0.20767000317573547, -1.0754445791244507, 0.38749316334724426, -0.7137726545333862, 0.6328443884849548, -0.655393123626709, -0.26669323444366455, -0.6683942675590515, 0.1587900072336197, -0.8949061632156372, 0.48774683475494385, -0.03139178827404976, -1.172013521194458, -0.34135931730270386, 0.32623809576034546, -0.5605162382125854, 0.07253944873809814, 0.03708866238594055, -0.026624860242009163, -2.0172863006591797, 1.0171107053756714, 0.9705338478088379, -0.7266058325767517, -1.1422232389450073, -0.3167474567890167, 0.10303662717342377, -0.39913609623908997, 1.1932928562164307]} +{"paper_id": "cifar100", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "hatexplain", "embedding": [-0.5464502573013306, 1.1634266376495361, -0.4634866416454315, 0.05282914638519287, 1.2591969966888428, 0.8151242136955261, 0.5549529790878296, -0.12483853846788406, 1.1194591522216797, 1.0855175256729126, 0.2931903302669525, 0.08097220957279205, -0.775127112865448, -0.3428645431995392, -0.1004759669303894, 0.13100533187389374, -0.7682496309280396, 0.6614245176315308, -0.3845404386520386, -0.2415529489517212, -0.7740820050239563, -0.7522035837173462, -0.3878598213195801, 0.18624696135520935, -1.1181190013885498, 0.557313859462738, 0.3816075921058655, -1.1958709955215454, -0.0225202813744545, -0.04077726602554321, -0.034417711198329926, 1.6480026245117188, -1.9946314096450806, 0.7502630949020386, -0.9811598062515259, -0.6093950867652893, -0.6614271998405457, -0.20942750573158264, -0.20282414555549622, -0.8271793723106384, -0.950145959854126, 0.7747846245765686, 0.8023658990859985, 0.7170423865318298, 0.3921104669570923, 0.23801401257514954, 0.6420656442642212, 0.023028098046779633, -0.00728163868188858, -0.8043421506881714, -0.5883436799049377, 0.6888648867607117, 0.6880198121070862, 0.5922343730926514, -0.23381555080413818, 0.6076086163520813, -0.41854968667030334, -0.3350370526313782, 0.6216373443603516, -0.9275456666946411, 1.594869613647461, 1.3178967237472534, -0.18074750900268555, 0.23466353118419647, 0.2666199207305908, -0.28075575828552246, 0.6483618021011353, -0.21128050982952118, -0.04632072150707245, 0.5926522016525269, -0.19286897778511047, -1.6655402183532715, -0.01494886726140976, -0.30749309062957764, -0.8257579803466797, 0.41938602924346924, -0.15915115177631378, 0.6274908781051636, -0.41312116384506226, 0.5684909224510193, 0.09549634158611298, 0.6302682161331177, 0.11691427230834961, -0.13482777774333954, 0.5358428359031677, -0.20414164662361145, 0.815731406211853, -0.5911814570426941, 0.38153505325317383, -1.3042453527450562, 1.261595368385315, -0.17594629526138306, 0.4928799569606781, 0.7751977443695068, -1.0454275608062744, 1.3005995750427246, -0.4566414952278137, -0.190387561917305, -1.035961627960205, 0.48063692450523376, 0.5993011593818665, -0.5356689691543579, 0.40008795261383057, -0.8112077713012695, -0.3284936547279358, 1.0601898431777954, -0.08256405591964722, -0.09313143044710159, -0.1552177369594574, -0.37941306829452515, -0.3009921610355377, 1.2790696620941162, -0.4144659638404846, 0.8741543292999268, 0.2975955307483673, 0.22284433245658875, -0.06400810927152634, -0.65384840965271, -0.4874599874019623, 0.3201741576194763, -0.9951059818267822, -1.1443923711776733, 0.17720043659210205, 0.5850998163223267, 1.7370716333389282, 0.01364176906645298, 0.7334864735603333, -0.6463379263877869, 0.09393885731697083, -0.21724601089954376, 0.6122404336929321, -0.4575863480567932, -0.7845483422279358, 0.5609338283538818, 2.530491590499878, -1.7124996185302734, 1.2975176572799683, -0.9336103796958923, 0.6143383979797363, -0.4786908030509949, -0.44546473026275635, 1.9137581586837769, -0.48989686369895935, -1.392269492149353, -1.550588846206665, 0.09156589955091476, -1.110077142715454, 0.5774704217910767, -0.16418012976646423, -0.5298082232475281, 0.307414710521698, 0.8198674321174622, -0.6779014468193054, 0.5475216507911682, 0.12743045389652252, 0.29624032974243164, -0.7283206582069397, 0.43722259998321533, -0.6978738903999329, 0.027317825704813004, 0.617628276348114, 0.0654529258608818, 0.1471463143825531, 0.558190107345581, -0.7474493384361267, 0.024753272533416748, 0.7069939970970154, -0.12404554337263107, -1.4351173639297485, -0.11425548046827316, 0.8504481315612793, -0.31919896602630615, 0.07500958442687988, 0.1853434145450592, -0.7839850783348083, -0.021386798471212387, 0.13351227343082428, 1.008029580116272, 0.15861253440380096, -0.6775209903717041, -0.9586394429206848, -0.4144061207771301, -0.25878965854644775, 0.8298605680465698, -1.5752440690994263, -0.8812124729156494, -1.022265911102295, 0.8188045620918274, 0.48754775524139404, 1.327029824256897, 0.21085906028747559, -0.3930841386318207, -0.3750635087490082, 1.050123691558838, -0.6121136546134949, -0.19747188687324524, 0.962083101272583, -1.5070520639419556, 0.0077119916677474976, -0.263245165348053, 0.3750251531600952, -1.4240789413452148, -0.3198270797729492, 0.15609240531921387, 0.9704910516738892, -0.7744691371917725, -0.7945687174797058, -1.5643305778503418, 0.7450778484344482, 1.2290234565734863, 1.0315568447113037, -0.7118760347366333, 0.39204883575439453, -0.2926042079925537, -0.07765666395425797, -0.2013121098279953, 0.48316457867622375, -1.2222410440444946, 0.11557158827781677, -1.5522856712341309, 0.2177722454071045, -0.1955803632736206, 0.14323288202285767, 1.0795990228652954, 0.669060468673706, -0.6377944946289062, -0.3914531171321869, -0.293265700340271, -0.8310450911521912, 0.393829882144928, 0.5789830088615417, -0.15193934738636017, 0.6755664348602295, 1.2764884233474731, 0.5940150618553162, 0.7614167332649231, 0.6306742429733276, 0.17295734584331512, -0.8317140340805054, 0.17040181159973145, 0.13860702514648438, 0.2876761555671692, -0.3544464111328125, -0.9145649075508118, 0.7502752542495728, 0.7598123550415039, -0.625045120716095, -0.8037569522857666, -0.8062554001808167, -0.16418486833572388, 1.291820764541626, 0.8621701002120972, -0.7118528485298157, 0.4429815709590912, -0.09589335322380066, 0.4401722252368927, -0.247300922870636, -0.24943728744983673, -0.13725359737873077, -0.5639442205429077, 0.7647364735603333, 0.170503631234169, -0.5568417310714722, -0.24527017772197723, -0.23374870419502258, -0.11689327657222748, -0.6319720149040222, 0.38423627614974976, -0.6762050986289978, -1.3117684125900269, -0.1894390881061554, -0.6863470673561096, -1.272823452949524, -0.9877650141716003, 0.11201787739992142, 0.1350875347852707, -0.6709979772567749, 0.14249348640441895, 1.1417243480682373, -0.2917967140674591, 0.1840345859527588, -0.5095177292823792, 1.0827040672302246, -0.27465248107910156, 0.14699915051460266, -0.33521828055381775, -0.19644705951213837, 0.39121130108833313, -0.417570024728775, -0.5844870805740356, -0.13372370600700378, 0.43083006143569946, -0.7186092734336853, 1.3056737184524536, 0.14567753672599792, 0.4544273018836975, 1.6479649543762207, 0.13337178528308868, 0.18835070729255676, -0.13190600275993347, 0.43881353735923767, 0.5412656664848328, -0.8239065408706665, 0.6025720238685608, -1.0385394096374512, -0.22121743857860565, 0.6457643508911133, -1.7260189056396484, 0.17833258211612701, 0.4523632526397705, -0.5120563507080078, -0.1608656942844391, 0.6588827967643738, -1.3922719955444336, -0.0556325726211071, 1.2241874933242798, -0.19035768508911133, 0.03926251083612442, -0.5288083553314209, 0.6518925428390503, -0.5649171471595764, -0.014745300635695457, -1.5102375745773315, -0.16547085344791412, 0.10634802281856537, -0.28584039211273193, 0.01968482881784439, -0.3737832009792328, -1.3216793537139893, -0.345968633890152, 0.4283907115459442, 0.9569898843765259, -0.7036260366439819, 0.4964839816093445, 0.5014340877532959, -0.5474796295166016, 0.5416828393936157, 0.05492406710982323, 0.9590624570846558, 0.8942683935165405, 0.31490397453308105, 0.3337555527687073, 1.3132234811782837, 0.39943572878837585, -0.13879315555095673, -0.5421926379203796, 0.24476099014282227, 0.8098278045654297, -1.2128374576568604, 1.3832491636276245, -0.07807992398738861, -0.00012965872883796692, -1.4566693305969238, 0.02338564768433571, 0.2617253065109253, -0.3069087266921997, 0.8812538385391235, 1.0728514194488525, 0.9326580166816711, -0.17607885599136353, 1.438823938369751, -0.13590030372142792, 0.5753514766693115, 0.9707033038139343, 0.4895893335342407, 0.7372934222221375, -0.44072943925857544, 0.6754790544509888, 0.6387399435043335, -0.0373312346637249, -0.7394416928291321, -0.13922245800495148, 1.4279522895812988, -0.6463769674301147, -0.15976673364639282, 0.17178376019001007, -0.811676561832428, 0.32413986325263977, 0.9113355278968811, -0.848636269569397, -1.2028776407241821, -0.04634695500135422, 0.4572362005710602, 1.487194538116455, 0.5734677910804749, -0.3248860538005829, -0.26929688453674316, 0.2061528116464615, 0.524936318397522, -0.6844855546951294, 0.6890122890472412, 0.024675413966178894, -0.3598383367061615, -0.711416482925415, 0.09712466597557068, -0.9377787113189697, -0.1478627771139145, 0.18238607048988342, 0.30169013142585754, -0.36215740442276, 0.6101873517036438, -0.7704642415046692, -1.711300015449524, 0.49068889021873474, 0.0512760654091835, -0.03319280967116356, 1.1118972301483154, 0.4899853467941284, -1.71268892288208, -1.6768114566802979, -0.035983502864837646, -0.7305073142051697, -0.7357067465782166, 0.18589946627616882, -0.7397342324256897, 1.4429666996002197, -0.5355716347694397, -0.038261886686086655, 0.18499025702476501, 0.22325126826763153, -0.6445546746253967, 0.727920651435852, 1.6177396774291992, -1.0155465602874756, 0.5493360757827759, 0.8503250479698181, -0.031497322022914886, 0.9520031213760376, -1.0945993661880493, -0.4287344813346863, 0.7870768308639526, 0.365082710981369, 0.9946404099464417, -0.7664877772331238, 0.08573772013187408, 0.28075167536735535, -0.23643676936626434, 0.5326730012893677, -0.7543289661407471, 0.08647513389587402, -0.31087934970855713, 0.7315441370010376, 1.3554061651229858, -0.6961447596549988, -1.3965646028518677, 0.7264339327812195, 0.0783802792429924, 0.2357923686504364, -0.11260068416595459, -0.6765596866607666, 1.3008803129196167, 0.9090335369110107, 0.613814651966095, -0.3180461823940277, -10.09826946258545, 1.0049494504928589, 0.03711073100566864, 0.7875958681106567, 0.3493462800979614, -0.5232425332069397, -0.11829691380262375, 0.5770120024681091, 1.928008794784546, -0.772788405418396, 0.12043380737304688, 1.7964012622833252, -0.21495777368545532, -0.5709484815597534, -0.6905289888381958, -0.630604088306427, -0.8179647326469421, -0.8671796321868896, -0.21357034146785736, 0.26253241300582886, 0.43548163771629333, -1.4187793731689453, 0.39897453784942627, -0.824825644493103, 0.477120578289032, -0.34323650598526, 0.09972930699586868, -0.6936520934104919, -0.8114089965820312, 0.9463571310043335, 0.9927638173103333, -0.41371309757232666, -0.250465989112854, -0.6998541951179504, 0.12794043123722076, 0.4249904751777649, -1.066063404083252, -0.66359943151474, 0.9174278378486633, 0.18654967844486237, 0.2966346740722656, 0.4808107018470764, 0.7150087356567383, -0.6781800389289856, 0.07286068797111511, -0.366269052028656, -0.8594849109649658, 0.016735542565584183, -0.2372618317604065, -0.34556594491004944, -0.030020102858543396, -0.4459550678730011, -1.5520133972167969, -0.4918540120124817, 1.2224946022033691, -0.24810463190078735, -1.069284439086914, 0.017498474568128586, -1.2586462497711182, -1.516109585762024, 1.0217918157577515, 0.2905588746070862, -0.239035964012146, 0.7243807911872864, 0.9662381410598755, -1.3358954191207886, 0.8492489457130432, -0.31376132369041443, -0.06139814108610153, 0.9616851806640625, -0.5825767517089844, 1.0780730247497559, 0.18943175673484802, 0.4055776298046112, -0.2976160943508148, -0.11312884837388992, -0.4159754514694214, 0.162795752286911, 1.0274008512496948, -0.42158257961273193, -1.1377921104431152, 0.34831055998802185, 0.3160582184791565, -0.7092788815498352, -1.0357234477996826, 0.11062362790107727, 0.02506040409207344, -0.9020645618438721, 1.1313977241516113, -0.22840476036071777, 0.7754352688789368, 0.16637802124023438, -0.20792751014232635, 0.30804044008255005, -0.8215992450714111, 0.23039256036281586, -0.9238599538803101, 0.978444516658783, -0.7620233297348022, 0.3539583384990692, 0.3950856924057007, 0.24833163619041443, -0.8368300199508667, 0.42812642455101013, -0.1317555457353592, -0.34202685952186584, 0.11235222220420837, 0.42634931206703186, 0.23049166798591614, 0.36298808455467224, 0.4648699462413788, 0.3460366725921631, -0.3203545808792114, 0.7655072212219238, 0.23270413279533386, 0.44676241278648376, 0.9105250239372253, -0.411170095205307, -0.02179700881242752, 0.7964126467704773, -0.4702463150024414, 0.5397493839263916, -0.09595658630132675, 1.1280380487442017, 0.10762055218219757, 1.0455524921417236, 0.5055624842643738, -0.40481966733932495, -0.023062516003847122, -2.4500255584716797, 0.7563415169715881, -0.5810012221336365, 1.0195419788360596, -0.30049094557762146, 0.7266173362731934, -0.03878963738679886, -1.7799999713897705, 0.8443171977996826, -1.0382318496704102, 0.37164750695228577, -0.5250888466835022, -0.07035398483276367, -0.3026159405708313, -0.7757154107093811, -0.4950084686279297, 0.22608479857444763, -2.14630126953125, 0.013261664658784866, -0.778152346611023, 0.1412850171327591, -0.1869422346353531, -0.015153206884860992, 1.1180317401885986, -1.1778125762939453, -0.20429185032844543, 0.6443315744400024, 1.2381346225738525, -0.7211906909942627, -0.3747894763946533, -0.33501726388931274, 0.9502522945404053, 1.103624939918518, -0.5960031747817993, 0.8527525663375854, -0.3715204894542694, -0.06971889734268188, -0.21049711108207703, -0.2819340229034424, 0.36227402091026306, 0.15178823471069336, 1.8330355882644653, -1.4024254083633423, -0.11161231994628906, 0.33930039405822754, 0.44933539628982544, -1.1059741973876953, 0.36512693762779236, 0.9795365333557129, -1.5350896120071411, 0.07080263644456863, -0.1811605840921402, 0.3441658616065979, 0.5876661539077759, -0.7572760581970215, 0.20674210786819458, 0.4578172564506531, -0.44141796231269836, 1.0575520992279053, -0.10902766138315201, 0.011169999837875366, -2.259578227996826, -0.9344315528869629, -0.5773248076438904, -0.2901790142059326, 0.26896774768829346, 0.33085137605667114, 0.18335944414138794, 0.49937477707862854, 0.10581454634666443, -0.06782101839780807, -0.28934627771377563, 0.7474070191383362, -0.21389968693256378, -0.17349901795387268, -0.9576351046562195, -0.9148051738739014, -0.0035535916686058044, -0.025526978075504303, 0.26272737979888916, 0.4022888243198395, -1.062656283378601, -0.1559866964817047, -0.22037971019744873, -0.9327710866928101, 0.5914225578308105, -0.34210753440856934, -0.35749128460884094, -0.48903146386146545, -0.2996959686279297, -1.0410486459732056, 0.2669142782688141, 0.651677131652832, 0.2011420875787735, 1.2692986726760864, 0.30699726939201355, 0.7591941952705383, 0.921311616897583, 0.43177103996276855, 1.5198571681976318, 0.35896429419517517, -0.23399361968040466, -0.4145408272743225, -0.9767698049545288, 0.2917822301387787, 0.38864317536354065, 0.7442509531974792, -0.7870136499404907, 0.5614799857139587, -1.3078181743621826, -0.7758597731590271, -0.2878050208091736, 0.21038468182086945, 0.3040812611579895, 0.8186908960342407, -0.9156175255775452, 0.09428413212299347, -0.8096587061882019, -0.49180006980895996, -0.7029586434364319, 0.1567266285419464, 0.6588373780250549, 1.5898357629776, 0.8172921538352966, 0.17258162796497345, 1.1066157817840576, -0.07786876708269119, 0.13817182183265686, 0.4469984173774719, 0.5790157318115234, 1.58671236038208, 0.5918934941291809, 0.5285093188285828, 0.18073700368404388, 0.22502851486206055, -0.45201757550239563, -0.15610961616039276, -0.7652014493942261, 0.925127387046814, -0.05388933792710304, -0.2290482074022293, 0.14610369503498077, 0.026434484869241714, -0.8039261698722839, -0.007574905641376972, 0.23122912645339966, 0.5931085348129272, -0.3032694458961487, -0.30610230565071106, -0.7877574563026428, -0.6101803779602051, 0.470533162355423, 0.15603114664554596, -0.4394037127494812, -1.7776224613189697, 0.1205456405878067, 0.4898751378059387, -0.6303948760032654, -0.9031370282173157, 0.264477014541626, 0.00986788421869278, 0.6830894351005554, 0.5765933990478516, -1.551649808883667, -0.7970558404922485, 0.08451761305332184, -0.3517824709415436, 0.5509182214736938, -0.018330935388803482, -2.111384868621826, -0.3835342228412628, -0.012364545837044716, 1.2566348314285278, 0.04835063964128494, -0.5082411170005798, 0.18600036203861237, -1.1899598836898804, 1.6840590238571167, 1.35904061794281, 0.4534097909927368, -0.02718949317932129, 1.4623456001281738, 0.00900072231888771, 0.3364256024360657, 1.9908349514007568]} +{"paper_id": "biomrc", "embedding": [-0.6731278896331787, 1.749084234237671, -0.3657350242137909, 0.22266724705696106, 0.47279036045074463, -0.18899841606616974, 0.3963533341884613, 0.7052557468414307, 0.8389193415641785, 0.5589131116867065, 0.3085530698299408, -0.46487513184547424, -0.6689074635505676, -0.16554714739322662, -0.2573767304420471, -0.26091066002845764, -0.41123974323272705, -0.6992217898368835, -1.5779026746749878, -0.45614272356033325, -1.5527281761169434, -0.4269583225250244, -0.18859419226646423, 1.3067008256912231, -0.8592575192451477, -1.1151847839355469, 0.09557686746120453, -0.9419384598731995, 0.42606547474861145, -0.297868549823761, -0.49858176708221436, 0.9998794198036194, -1.5421082973480225, 0.6604121327400208, -0.5755714178085327, -0.0016467999666929245, 0.7322862148284912, 1.0744621753692627, 0.02315167337656021, -0.6338611245155334, -1.084110975265503, 0.3736666738986969, 0.24451926350593567, 0.021666228771209717, 0.816386878490448, -0.7342432141304016, 0.6275305151939392, 0.11942638456821442, 0.4022643566131592, -0.26154467463493347, -0.6787672638893127, 0.467362642288208, -0.8120939135551453, -0.3853103220462799, -0.7765201926231384, 1.421237587928772, 0.1011192724108696, -0.1664895862340927, 0.48312824964523315, -0.5614211559295654, 1.6472687721252441, 1.5049848556518555, -0.029014622792601585, -0.4184265732765198, 1.0064539909362793, 0.8957873582839966, 1.5910367965698242, -0.2523655295372009, 0.11314434558153152, 0.3483920395374298, -0.49413472414016724, -0.6389471888542175, -0.08509960025548935, -0.620949923992157, 0.270447313785553, 1.0808457136154175, 0.6263259053230286, -0.3078039884567261, 0.34658318758010864, 0.021169845014810562, -0.2803342342376709, 0.6329689621925354, 0.6966396570205688, -0.21750688552856445, 0.28588899970054626, 0.07981733232736588, 0.40523338317871094, 0.07090053707361221, 0.11404667794704437, -1.8021469116210938, 0.8504926562309265, 0.48846155405044556, 0.4331095218658447, 0.24740010499954224, -0.34930872917175293, 0.25894367694854736, -0.30443358421325684, -0.24482710659503937, -0.3145676553249359, -0.10612300783395767, 0.805774986743927, -0.522657036781311, 0.7801644802093506, -0.27743032574653625, -0.14356067776679993, 0.516211748123169, 0.15560424327850342, -0.3200964033603668, -0.7528290152549744, -0.6370865702629089, 0.6453202962875366, 0.5449762940406799, 0.4238990843296051, 0.32344764471054077, -0.04107625409960747, -0.02878810279071331, 0.42481639981269836, -0.35587644577026367, -0.12727025151252747, 0.009343758225440979, -0.7730151414871216, -0.7954893708229065, -0.7323898673057556, -0.4060736894607544, 1.1565256118774414, -0.7652467489242554, 0.2499772608280182, -0.6309113502502441, 0.33326518535614014, 0.026515798643231392, 0.4932169020175934, 0.5026048421859741, -1.3423389196395874, 0.37451210618019104, 2.953921318054199, -0.8466327786445618, 0.7169607281684875, -0.5375733971595764, 0.2801508605480194, -0.6629283428192139, -0.06295337527990341, 1.4257152080535889, 0.3298971354961395, -1.0431623458862305, -0.906950056552887, 0.17783471941947937, -0.41062697768211365, 0.7393155694007874, -0.8655131459236145, -0.2923854887485504, 0.04822574928402901, 0.040901824831962585, -1.4718949794769287, -0.7690407633781433, -0.3268338441848755, 0.16190195083618164, 0.01034210529178381, 0.8533920645713806, -0.25290706753730774, 1.116804838180542, 0.7588260769844055, -0.13179436326026917, -0.3117867112159729, 0.2947567403316498, -0.9579222202301025, -0.312478244304657, 1.2273720502853394, 0.059753142297267914, -0.8218303918838501, -0.3575870394706726, 0.41871118545532227, -0.08769611269235611, -0.5519442558288574, -0.23288902640342712, -0.2715822756290436, 0.02125443145632744, 0.3961237072944641, 0.9058240056037903, 0.31716346740722656, -0.4369329512119293, 0.13415288925170898, -0.7573345303535461, 0.03947366029024124, 0.6005097031593323, 0.08806192874908447, 0.33514824509620667, -2.7201504707336426, -0.09873716533184052, -1.3744173049926758, 1.2878763675689697, -0.4069896638393402, 0.2558196485042572, 0.8676713109016418, 0.21073801815509796, -0.10207517445087433, -1.1610331535339355, 0.7311495542526245, -1.4392552375793457, 0.6551478505134583, 0.3843633532524109, 0.6613929271697998, -0.35091453790664673, 0.1558794379234314, 1.2040812969207764, 0.5676367282867432, -0.9860261678695679, -0.6284359693527222, -1.8053361177444458, -0.264247328042984, 2.322828531265259, -0.05136428773403168, -0.4623689353466034, -0.544169545173645, -0.5327829122543335, 0.28171658515930176, -0.16155613958835602, 0.29324713349342346, -0.6439905762672424, 0.060289639979600906, -0.32385385036468506, 0.8893135190010071, -0.5011810660362244, -0.08794298022985458, 0.6053454279899597, 1.6016390323638916, -0.4623025059700012, -0.7768157720565796, 0.08752477169036865, -0.5184005498886108, -0.018633592873811722, 0.44742149114608765, 0.2987114191055298, -0.33472490310668945, 0.15627363324165344, 0.20904892683029175, 0.6836298108100891, 1.0173522233963013, 0.3587656021118164, -0.07257498055696487, 0.8934548497200012, -0.28429141640663147, 0.8287570476531982, -0.6629360318183899, -0.26150044798851013, 0.531132698059082, 0.057162538170814514, -0.26444196701049805, -0.48411184549331665, -0.371379554271698, -0.5417993068695068, 0.7885794043540955, 0.6018033623695374, -0.029865477234125137, 0.6170659065246582, -0.6118610501289368, -0.39359986782073975, -0.25359171628952026, -0.6054942607879639, -0.07513072341680527, 0.08069118857383728, -0.1258918046951294, -0.051703110337257385, 0.2549159824848175, -0.0065475329756736755, 0.00711456686258316, -1.2211793661117554, -0.18111969530582428, -0.2398930788040161, -0.3214101195335388, -1.1926690340042114, -0.7068601250648499, 0.45148539543151855, -1.4117014408111572, 0.3419027328491211, 0.6120814085006714, 0.17003828287124634, -0.2875012159347534, 0.7991447448730469, 1.5571043491363525, -0.41104862093925476, -0.06599058210849762, -0.3740319013595581, 1.1737436056137085, -0.7860450744628906, 0.5145901441574097, -0.46736183762550354, 0.34139564633369446, -1.0191899538040161, 0.45229122042655945, -0.8087415099143982, 0.5891914367675781, 0.7732657194137573, 0.3209870159626007, 0.5464388132095337, -0.3782191276550293, -0.7031322717666626, 0.6561045050621033, -0.22955244779586792, 0.1306701898574829, -1.2642439603805542, 1.5324801206588745, 0.25954657793045044, -0.4321483075618744, 0.4677928686141968, -0.11377013474702835, -0.15376362204551697, 0.6497321724891663, 0.22564420104026794, 0.6130949854850769, 0.04087773710489273, -0.6716431975364685, 0.4856898784637451, 0.42198169231414795, -1.7124440670013428, 0.38214075565338135, 1.1217650175094604, -0.5560129284858704, 0.12497453391551971, -1.0007387399673462, -0.2674744427204132, -0.3960132300853729, 0.04932045936584473, 0.24351626634597778, -1.2649644613265991, 0.6395036578178406, -0.05489623546600342, -0.2767038941383362, 0.3182317614555359, -0.17329517006874084, 0.32622358202934265, 0.3673034906387329, -0.2716657817363739, -1.1778316497802734, -0.45713478326797485, 0.8805766701698303, -0.016624528914690018, 0.3316223621368408, 0.26413774490356445, 0.7255368828773499, 1.007217526435852, -0.0809522494673729, 0.05254603549838066, 0.07829190790653229, 0.11025971919298172, 0.31105709075927734, 0.740180253982544, 0.18537011742591858, 0.41153231263160706, -0.13438189029693604, 1.7970938682556152, -0.13489234447479248, -0.12077870965003967, -1.048264503479004, -0.22869247198104858, -0.26124030351638794, -0.31149446964263916, 2.6622087955474854, 0.11341765522956848, 1.5319774150848389, 0.11126980930566788, 0.169381245970726, 0.18702732026576996, -0.04947036877274513, 0.02545982412993908, 0.49310731887817383, -0.1839238852262497, -0.8027905225753784, -0.23195430636405945, 0.04768797382712364, 0.4497988820075989, -0.7653369903564453, 0.40386250615119934, 0.8774623274803162, -0.24544821679592133, -1.1902974843978882, 0.2837861180305481, 0.23182633519172668, 0.9096838235855103, 1.8457341194152832, -0.7443508505821228, -0.5978949069976807, 0.3304106891155243, -0.254474937915802, 0.4987185001373291, 0.011737436056137085, -0.09765147417783737, 0.20650839805603027, 0.5256376266479492, 0.3823034465312958, -0.3469558358192444, 0.5085054636001587, 1.1328110694885254, -0.3427376449108124, -1.9439650774002075, -0.38517826795578003, -0.558525800704956, -0.4672533869743347, -0.433526873588562, 0.04125800356268883, -0.7157692909240723, 0.4361928105354309, -0.2728821635246277, -1.407893180847168, -0.08319704234600067, 0.016501426696777344, -1.6551426649093628, 1.396140456199646, 0.9204568862915039, -1.4177097082138062, 0.03659834712743759, -0.04099033772945404, -0.9439272284507751, -0.19040778279304504, -0.6412578225135803, -0.9016982316970825, 0.4403652548789978, 0.4024224579334259, 1.216344952583313, 0.27277398109436035, 0.4179624915122986, -0.8739748597145081, 1.4376567602157593, 1.3135452270507812, -1.4025294780731201, 0.9609990119934082, 0.2466917783021927, 0.3708683252334595, -0.1244792491197586, -1.0297733545303345, -0.6545171141624451, 0.5649049878120422, -0.2851921319961548, -0.14949549734592438, -1.2009769678115845, -0.589129626750946, 1.1898819208145142, 0.3526900112628937, 0.6206825375556946, -0.1353013664484024, -0.0029147639870643616, -0.6998187303543091, -0.012380585074424744, 0.9518868923187256, -1.3209385871887207, -0.9875998497009277, 0.7666771411895752, -0.717638373374939, 0.5971266031265259, 0.2861815392971039, 0.38789454102516174, 1.8456679582595825, -0.4988495409488678, -0.07786974310874939, -0.4000582993030548, -11.179216384887695, 0.2845803201198578, -0.3039722144603729, -0.2813420295715332, 0.6788110136985779, 0.06589905917644501, 0.7998222708702087, -0.20667806267738342, 0.341478168964386, -0.31013286113739014, 0.49138033390045166, 1.2629207372665405, 0.31916311383247375, -0.6651681661605835, -0.347342848777771, -0.9889624118804932, -1.1859725713729858, -0.8917131423950195, 0.04473380744457245, 0.3226656913757324, 0.2694379985332489, -0.7035897374153137, -0.35153305530548096, -0.6562772393226624, 0.1506102979183197, -0.1712566316127777, -0.568146824836731, -0.3156563341617584, 0.12189768254756927, 0.9550461769104004, 0.4553506374359131, 0.20246140658855438, -0.20253291726112366, -0.13363192975521088, 0.22965200245380402, -0.14729253947734833, -0.8055269122123718, -0.3383408486843109, 1.0185054540634155, -0.6868277788162231, -0.3335743546485901, -0.08779386430978775, 0.642398476600647, -0.3663151264190674, -0.8234268426895142, 0.1334465593099594, 0.22192621231079102, -1.1852599382400513, -0.10219037532806396, -0.8420870900154114, -0.18647435307502747, -1.010021686553955, -1.280600905418396, -0.01181117445230484, 0.6897867321968079, 0.23130545020103455, -0.6945953965187073, 0.35309651494026184, -0.8464454412460327, -0.6252144575119019, 0.7776005268096924, -0.619925856590271, -0.6473811268806458, 0.9265351295471191, 0.12651197612285614, -0.5857359170913696, 0.6295620799064636, 0.3991381525993347, -0.6351249814033508, 0.6828736066818237, -0.20381972193717957, 1.4040714502334595, 0.12638580799102783, 0.18798300623893738, -0.15229558944702148, 0.45262712240219116, 0.030167043209075928, -0.26508215069770813, 0.3485698997974396, 0.15565834939479828, -1.0772162675857544, 0.36499136686325073, -0.24678191542625427, -0.610069751739502, -0.8005655407905579, 0.27659621834754944, -0.18953999876976013, 0.5806654691696167, 0.7489215135574341, -1.0764201879501343, 0.8070529103279114, -0.18438628315925598, 0.08211212605237961, -0.625784158706665, -0.6336037516593933, 0.34961849451065063, -0.7949901819229126, 0.8539937734603882, 0.8215200901031494, -0.9879192113876343, 0.7418948411941528, 0.1365056037902832, -0.6399601697921753, -0.29329627752304077, 0.752431333065033, 0.08586756139993668, 0.2903881371021271, 0.21388766169548035, -0.1716199368238449, -0.48409923911094666, 0.7985255122184753, 0.30650603771209717, -0.07385915517807007, 0.9253894090652466, -0.614456057548523, 1.26523756980896, 1.0516164302825928, -0.11288607865571976, 0.30481693148612976, 0.782322883605957, -0.7218388915061951, 0.9710135459899902, 0.7062441110610962, 1.3319555521011353, 0.9972206950187683, -0.33513057231903076, 0.6807460188865662, 0.015976205468177795, -0.2171606570482254, -1.6413965225219727, 0.755234956741333, -0.5009015798568726, -0.10387084633111954, 0.2055031657218933, -0.28482183814048767, -0.14158934354782104, -0.8308687806129456, 1.3572078943252563, -0.4135351777076721, 0.9408448934555054, 0.1968182474374771, -0.17819844186306, 0.17349562048912048, -0.4233539402484894, -1.1970657110214233, -0.14106661081314087, -1.86062753200531, -0.2642483115196228, -0.05704570561647415, -0.570485532283783, -0.40384262800216675, -0.45895519852638245, 0.779582679271698, -0.4836706519126892, -0.42935386300086975, -0.4804413616657257, 1.1706565618515015, -0.9960472583770752, -0.6961674690246582, 0.04737389087677002, 0.27591225504875183, 0.6858397722244263, -0.5796273946762085, 0.8692866563796997, 0.7238057851791382, -0.5712424516677856, -0.18928667902946472, 0.8319234848022461, -0.981151819229126, 0.6976318359375, 1.011445164680481, -1.455398440361023, -0.16329172253608704, -0.2572161555290222, 0.50467848777771, 0.010034069418907166, 0.5785214304924011, 1.6131752729415894, -0.5389713048934937, 0.2927700877189636, -0.4915218651294708, 0.42477381229400635, 0.9314305782318115, -1.0131590366363525, -0.5232256650924683, 0.05602177977561951, 0.1356479823589325, 0.2913385033607483, 0.318142294883728, 0.5211262106895447, -1.773893117904663, -0.9303293228149414, 0.06748916953802109, -0.5115521550178528, 0.3977837860584259, 0.6896049976348877, 1.4687278270721436, 0.4804985821247101, -0.8382426500320435, -0.10521954298019409, 0.19606420397758484, 0.8222428560256958, -0.0017225146293640137, 0.9894285202026367, 0.21830397844314575, 0.8239902257919312, -0.6299519538879395, -0.07586853206157684, 0.33653518557548523, 1.1896443367004395, -1.1055623292922974, 0.25121617317199707, -0.09772931039333344, -0.07976919412612915, 0.6172647476196289, -0.6317965984344482, 0.4082736670970917, -0.29401132464408875, -0.5092257857322693, -1.0977461338043213, 0.4990531802177429, 1.1720281839370728, 0.0790175050497055, 0.5851538777351379, 0.8376204967498779, 0.30042874813079834, 0.7868582010269165, -0.4382826089859009, 1.612402081489563, -0.13364984095096588, -0.2723185420036316, 0.1988510936498642, 0.552944540977478, 0.2664414942264557, 0.17658370733261108, -0.34819111227989197, -1.0079741477966309, 0.19622841477394104, -0.7386673092842102, 1.1160314083099365, -0.4654504656791687, 0.038192927837371826, 0.6431436538696289, 1.4238622188568115, 0.06676538288593292, -1.7319895029067993, -0.24077139794826508, -0.6724437475204468, -0.6694759726524353, 0.4554812014102936, -0.536614179611206, 0.5381340384483337, 0.631930947303772, -0.5222169756889343, 1.4165483713150024, 0.013282433152198792, -0.10076798498630524, -0.12067704647779465, -0.47371768951416016, 0.5914486646652222, 0.4521706998348236, 0.6458710432052612, 0.12198517471551895, -0.8051199316978455, -0.6187092065811157, -0.6057909727096558, -1.2118510007858276, 0.6928460001945496, 0.42815154790878296, -0.7690791487693787, 0.06881514191627502, -0.03258954733610153, -0.028945952653884888, -0.5690597891807556, 0.8582345843315125, -0.16468584537506104, -0.17759332060813904, -0.711860179901123, -0.9224345684051514, -0.4069981873035431, 0.9254348874092102, -0.359367311000824, -0.23883827030658722, 0.010892137885093689, 0.7420438528060913, 0.01858891174197197, -0.09071867913007736, -0.7927214503288269, -0.3074013888835907, -0.1290769875049591, 0.47675472497940063, 0.3396313190460205, -0.399329274892807, -0.9339845180511475, -0.20203709602355957, -1.0738109350204468, 0.8878858089447021, 0.1930893510580063, -0.7303783297538757, 0.16041190922260284, 0.808295726776123, -0.24093325436115265, 0.012676317244768143, 0.02556823566555977, 0.6095262765884399, -1.6258409023284912, 1.083860158920288, 0.3722835183143616, -0.21639041602611542, -0.14558696746826172, -0.09825026988983154, 0.290831059217453, -0.19226112961769104, 1.2121084928512573]} +{"paper_id": "break_data", "embedding": [-0.455678254365921, 1.2947514057159424, -0.08524640649557114, 0.09176032245159149, 0.7075701355934143, 0.12889856100082397, 0.619407594203949, 0.8375762104988098, 0.978761613368988, 0.529708981513977, -0.3753698766231537, 0.33659738302230835, 0.14031977951526642, 0.2059728056192398, -0.7960526347160339, -0.3862164616584778, -0.8800804018974304, -0.3799895942211151, -2.196094036102295, -0.15417161583900452, -0.38144171237945557, -0.9578177332878113, -0.1561513990163803, 1.0896415710449219, -0.9055172801017761, -0.6688315868377686, 1.0782968997955322, -1.3868396282196045, -0.032719820737838745, 0.14019209146499634, -0.31211236119270325, 1.5823028087615967, -1.2183626890182495, 0.29823267459869385, -0.2659943103790283, -0.34063518047332764, 0.1139572262763977, 1.3191431760787964, -0.13919739425182343, -0.14810711145401, -0.5715335011482239, 0.33253708481788635, 0.2576461434364319, 0.22273147106170654, 1.1067535877227783, -0.8576605916023254, 0.27322012186050415, 0.03498338535428047, -0.5684565901756287, -0.1529613733291626, -1.22774076461792, 0.37627601623535156, 0.22554828226566315, 0.4043924808502197, 0.03992524370551109, 0.904347836971283, 0.11634885519742966, -0.8926213979721069, 0.9554271697998047, -0.25563305616378784, 1.2461581230163574, 1.531651258468628, -0.13336621224880219, 0.5835158824920654, 1.046331763267517, -0.15812551975250244, 1.5745925903320312, 0.08086104691028595, -0.5306327939033508, 0.9140093922615051, -0.3494798541069031, -0.7040029764175415, 0.6695504188537598, -0.3278035819530487, -0.052361637353897095, 0.9779773950576782, 0.535645604133606, 0.48275500535964966, 0.3360280990600586, -0.13066987693309784, 0.2897387146949768, 0.08084142208099365, 1.140690565109253, -0.567537248134613, 0.3356652557849884, 0.1659519076347351, 0.2478032112121582, -1.0289912223815918, 0.49665001034736633, -1.4414174556732178, 0.6843695044517517, -0.1389407366514206, 0.005371301434934139, -0.37778741121292114, -1.0159235000610352, 0.9961235523223877, -0.9179995059967041, -0.6381409764289856, -0.1738371104001999, 0.8225315809249878, 0.6549123525619507, 0.07696962356567383, 0.4270571768283844, -0.00144997239112854, 0.1612691581249237, 0.4662522077560425, 0.09170606732368469, 0.08449757099151611, -0.26386675238609314, -0.6676160097122192, 0.38140493631362915, 0.932716429233551, -0.24136953055858612, 1.2368172407150269, 0.09367150068283081, 0.4452476501464844, 0.5104936361312866, -0.825386643409729, 0.24439963698387146, 0.5691864490509033, 0.1654055118560791, -0.9260717034339905, -0.11568569391965866, -0.24322932958602905, 0.2125476598739624, -0.7079035639762878, -0.023729663342237473, -0.27900683879852295, -0.1190764531493187, 0.2808714210987091, 0.8577399253845215, -0.22468581795692444, -0.4632938504219055, -0.148724764585495, 3.2069833278656006, -1.2088143825531006, 1.2933586835861206, -0.8152382969856262, -0.4135490953922272, -0.7321397066116333, 0.08141086250543594, 1.1294138431549072, -0.16921991109848022, -0.5975337028503418, -0.9395212531089783, 0.4705814719200134, 0.24134697020053864, 0.2645156979560852, -1.0479671955108643, -0.399624764919281, -0.19440262019634247, 0.14868365228176117, -1.496629238128662, -0.5909497737884521, -0.04544672742486, 0.49731770157814026, 0.18404795229434967, 0.146525576710701, -0.08878803253173828, 0.8532092571258545, 0.1329062581062317, -0.3746471405029297, -0.22135932743549347, 0.4010724425315857, -0.8580277562141418, -0.5407766103744507, 0.7941993474960327, -0.6559324264526367, -1.1213206052780151, 0.20835015177726746, 0.11356204748153687, -0.7408769726753235, 0.04098078981041908, -0.23772695660591125, -0.3721499741077423, 0.40949276089668274, 1.1212877035140991, 0.30236414074897766, 0.8013419508934021, -0.8134865760803223, -0.2349415123462677, -0.1790625900030136, 0.16971033811569214, 1.0165194272994995, -0.17608363926410675, 0.3531445264816284, -2.94720721244812, 0.17174820601940155, 0.33327072858810425, 1.5137492418289185, 0.6926842927932739, 0.052809737622737885, 0.10735122859477997, 0.49102625250816345, -0.129741832613945, -0.8144669532775879, 0.11883397400379181, -1.265326976776123, 0.13426366448402405, -0.4546228051185608, -0.5527316331863403, 0.1640831083059311, -0.14446565508842468, 1.3553498983383179, 0.40487197041511536, -0.3673778176307678, -0.6900319457054138, -2.232684373855591, 0.03391139954328537, 2.3084206581115723, 0.44870445132255554, -0.7189798355102539, -0.8078547120094299, -0.3342660665512085, 0.502534031867981, 0.2565506100654602, 0.19781801104545593, -0.2037457525730133, 0.1618688404560089, -1.284424066543579, 0.6870489716529846, -0.5484247207641602, 0.3909541666507721, 0.560261070728302, 1.1883342266082764, -0.711225152015686, 0.2554140090942383, -0.6453399062156677, -0.27222681045532227, 0.5382265448570251, 0.6728370189666748, 0.34480178356170654, -0.021581105887889862, 1.1674360036849976, 0.43730437755584717, 0.838319718837738, 0.8894973397254944, 0.9384831786155701, -0.6989034414291382, 0.2768346965312958, -0.05661271512508392, 1.7048840522766113, 0.7202253341674805, -0.01892547309398651, 0.012213587760925293, -0.37693357467651367, -0.6900815367698669, -0.4774067997932434, 0.32083380222320557, -0.12929722666740417, 1.2513940334320068, 0.4067760705947876, -0.7167214155197144, 0.49301081895828247, -0.2965013384819031, -0.3778742849826813, -0.42476147413253784, -0.24406476318836212, -0.6498094201087952, 0.19736923277378082, 1.1084944009780884, 0.3169460892677307, 0.01650775969028473, -0.3144928812980652, 0.04480084031820297, -0.9911112785339355, -0.5105777382850647, 0.5081145167350769, -0.19147275388240814, -0.648604154586792, -0.16002826392650604, -0.21151764690876007, -0.9362847208976746, -0.5955634713172913, 0.49625682830810547, -0.13490420579910278, 0.3117537200450897, 1.0055776834487915, 1.7236964702606201, 0.19318923354148865, 0.381597101688385, 0.0879238098859787, 1.1600592136383057, -0.625857949256897, 0.3908095359802246, -0.45856010913848877, 0.2106398642063141, -1.0198500156402588, 0.3929051458835602, -0.38780516386032104, 0.5024622678756714, 0.4530407190322876, -0.8727415204048157, 0.5876575112342834, -0.2984886169433594, -0.8596743941307068, 0.8061719536781311, 0.1069718673825264, -0.19249847531318665, -0.17872996628284454, 1.2800933122634888, -0.06890399008989334, -0.953997790813446, 0.6048727631568909, -0.23562517762184143, -0.8630247712135315, 1.0491647720336914, -0.38078048825263977, 0.5250843167304993, 0.30675071477890015, -0.2608589828014374, -0.10986363887786865, 0.4645213186740875, -1.5609636306762695, 0.8536036610603333, 0.7672441005706787, -0.466640442609787, -0.6603193283081055, -1.0835646390914917, 0.3340910077095032, -0.5724340081214905, -0.20672516524791718, 1.0334725379943848, -0.5128441452980042, 0.27820107340812683, -0.22851130366325378, 0.6155291199684143, 0.7771501541137695, -0.020519636571407318, 0.4859584867954254, 0.7682374715805054, -0.05250508338212967, -0.6160842180252075, -1.016778826713562, 1.1060457229614258, -0.07653383910655975, 0.19573110342025757, 0.5935468077659607, 0.9574804306030273, 0.6449335813522339, 0.027979165315628052, 0.045319657772779465, 1.0020474195480347, 0.5740906596183777, -0.13007086515426636, -0.14893536269664764, -0.9110713601112366, 0.3965110182762146, -0.17420309782028198, 0.6586697697639465, -0.9224220514297485, -0.12983739376068115, -0.8222349882125854, 0.04136843979358673, -0.1597270369529724, 0.2155211865901947, 1.8112365007400513, 0.4048236906528473, 1.4770662784576416, -0.41211822628974915, -0.47163674235343933, -0.7173640131950378, -0.14145690202713013, 0.564918577671051, 0.720714271068573, 0.4581339359283447, -1.2248092889785767, 0.046852145344018936, 0.6477465629577637, 0.11105216294527054, -0.3633631467819214, -0.26230937242507935, 0.797123908996582, -0.21062736213207245, -0.5199128985404968, 0.2275574505329132, 0.5777892470359802, 0.08789785206317902, 1.6319535970687866, -0.8321333527565002, -0.055245086550712585, -0.22867564857006073, -0.08545944094657898, -0.13731719553470612, 0.26021867990493774, -0.5183638334274292, 0.3853679895401001, 0.07964847981929779, 0.28547513484954834, 0.1459607630968094, 1.830446720123291, 1.162661075592041, -0.6364459991455078, -1.1201469898223877, -0.25795507431030273, -0.7598780989646912, -0.18569809198379517, 0.7401920557022095, -0.5585566163063049, -0.22868643701076508, 0.6769481897354126, -0.010448183864355087, -1.0715088844299316, 0.6901340484619141, -0.8181246519088745, -1.4035402536392212, 0.48789310455322266, 1.0136140584945679, -0.982158899307251, -0.44150543212890625, -0.40478217601776123, -1.2033922672271729, -0.3296257555484772, -0.44329556822776794, -0.9265506267547607, 0.6792909502983093, 0.6180880069732666, 0.7492632269859314, -0.18005137145519257, 0.5047098994255066, -1.5346693992614746, 1.1612952947616577, 0.38939452171325684, -0.9088098406791687, 0.22807025909423828, -0.1101224422454834, 0.9453412890434265, -0.18482643365859985, -1.285927414894104, -0.6673270463943481, 0.7972329258918762, -0.6474074125289917, 0.3359746038913727, -0.9270862340927124, -0.5962851047515869, 0.8485684394836426, -0.19009457528591156, 0.5281230211257935, -0.23372136056423187, 0.41972851753234863, -0.3468858301639557, -0.4328409731388092, 0.8511999845504761, -0.45764195919036865, -1.1446101665496826, 0.9756892919540405, -0.5828067064285278, 0.763267993927002, -0.3843200206756592, 0.1752556413412094, 1.4609452486038208, 0.061224572360515594, -0.18937234580516815, -0.44913536310195923, -11.270790100097656, 0.8395881652832031, 0.44733595848083496, 0.25405168533325195, 0.38914966583251953, -0.3686214089393616, 0.7236451506614685, -0.33169856667518616, 0.4509624242782593, -0.5314578413963318, 0.11082108318805695, 1.2830909490585327, 0.692592978477478, 0.44209426641464233, -0.8177801966667175, -1.5998576879501343, -0.11352263391017914, -0.4081442952156067, 0.5033736824989319, -0.13482949137687683, -0.28958287835121155, -0.8482869863510132, 0.13037359714508057, 0.3198888599872589, 0.5443329811096191, 0.26579126715660095, -0.5993509888648987, -0.07773527503013611, -0.5700072050094604, -0.6740634441375732, 0.8662107586860657, -0.2876588702201843, -0.06908536702394485, 0.22244642674922943, -0.04051258787512779, -0.11732520163059235, -0.4807223081588745, -0.4571426808834076, 0.6999275088310242, -0.4960083067417145, -0.3804413080215454, 0.167207270860672, 0.5419396162033081, -0.1882214993238449, -0.44543901085853577, 0.6974594593048096, 0.25183773040771484, -0.9292510151863098, 0.29383617639541626, 0.06473993510007858, -1.1931697130203247, -0.3828885555267334, -1.2075958251953125, -0.7935289144515991, 0.04442869499325752, -0.05896297097206116, -1.1493443250656128, -0.8754113912582397, 0.016011759638786316, -0.6897015571594238, 0.26941534876823425, 0.5050585865974426, 0.17845994234085083, 0.34230202436447144, -0.05852378159761429, 0.11667100340127945, 0.358442097902298, 0.09976045787334442, -0.6415539383888245, 0.6233327984809875, -1.1597343683242798, 0.6719462275505066, -0.4486416280269623, 0.7525238990783691, -0.8736581802368164, -0.27436593174934387, -0.8504143357276917, 0.2011861950159073, 0.3578668236732483, 0.12917979061603546, -1.0960701704025269, 0.9064150452613831, 0.36468008160591125, -0.9884618520736694, -1.0846205949783325, 0.3110930025577545, -0.08863229304552078, 0.8866433501243591, 1.0235129594802856, -0.9866245985031128, 1.0595430135726929, 0.03761859983205795, -0.7567330598831177, 0.06361871212720871, -0.6928456425666809, 0.8291446566581726, -0.5396043062210083, 0.3817611336708069, 0.3123941421508789, -0.5442367196083069, 0.1343792825937271, -0.27930155396461487, -0.9417446851730347, 0.35882189869880676, 0.4863152801990509, 0.49288326501846313, 0.5293081998825073, -0.19142594933509827, -0.482052206993103, -0.49328258633613586, 1.0041559934616089, 0.332599401473999, -0.6244979500770569, 0.9435027241706848, -0.5103919506072998, -0.030635641887784004, 0.1399833858013153, 0.3472334146499634, 0.17555038630962372, 0.609407365322113, -0.4963807761669159, 1.1982386112213135, -0.19559985399246216, 1.8086167573928833, -0.6302180886268616, -0.40969300270080566, 1.031914234161377, 0.8175272345542908, -0.24073176085948944, -0.9185009598731995, -0.3766554296016693, 0.17926937341690063, 0.3222559988498688, -0.9999626278877258, -0.3037874102592468, 0.3980634808540344, -0.33132845163345337, 1.564164400100708, -0.9966851472854614, -0.30123478174209595, 0.4605814814567566, -0.10746291279792786, -0.8437868356704712, -1.3772673606872559, -1.2716680765151978, 0.296823114156723, -1.524824857711792, 0.49791452288627625, -0.7161364555358887, -0.40894031524658203, -0.17759600281715393, -0.913555920124054, 1.4372445344924927, -0.911961019039154, -0.45021602511405945, -0.8596020936965942, 0.7786988615989685, -0.5487998127937317, -1.0192540884017944, -0.09656140953302383, -0.1842484474182129, 0.8177298307418823, -0.9952183365821838, 1.2181166410446167, 0.15052780508995056, -0.026782888919115067, -0.8435043692588806, 0.14056296646595, -0.2091691941022873, 0.11247175186872482, 0.862134575843811, -0.5211345553398132, -0.28013375401496887, 0.1774321049451828, -0.4707868695259094, -0.2350003868341446, 0.6988333463668823, 1.2383601665496826, -1.2019628286361694, -0.6724960207939148, -0.3386751711368561, 1.0024220943450928, 0.5091474652290344, -0.2705667316913605, -0.5605387687683105, 0.04369022697210312, 0.22673001885414124, 0.544601559638977, -0.17515312135219574, 0.8370709419250488, -1.7897088527679443, -1.5984983444213867, -0.821801483631134, -0.46119001507759094, 0.6045524477958679, 0.29925987124443054, 0.6171457171440125, 0.6151479482650757, 0.10116991400718689, 0.29140183329582214, 0.30998605489730835, 0.9313431978225708, 0.43030431866645813, 0.7381879687309265, -0.3576996326446533, 0.48135045170783997, -0.3734722435474396, 0.4172510504722595, 0.3045114278793335, 1.0520029067993164, -1.02892005443573, -0.139658123254776, 0.022395309060811996, 0.09210468828678131, 0.2728979289531708, -1.8277760744094849, 0.029240811243653297, -0.5512210130691528, -0.6877128481864929, -1.1953262090682983, 0.16001644730567932, 1.3278108835220337, -0.05229689180850983, 0.8808532357215881, 0.5358291864395142, 0.8970983028411865, 0.5978903770446777, 0.02260686457157135, 0.7672038674354553, 0.6761097311973572, -0.2341112345457077, 0.27809521555900574, -0.1270657181739807, -0.08110266923904419, -0.20589227974414825, -0.9153928756713867, -0.5571243166923523, 0.006655346602201462, 0.20422686636447906, 0.932242214679718, 0.16855397820472717, 0.6609776616096497, 1.1249784231185913, 1.086343765258789, -0.5018306374549866, -1.471616268157959, -0.3706752359867096, -1.3160901069641113, 0.38646066188812256, 1.0573933124542236, 0.5967208743095398, 0.02349870651960373, 0.6903778910636902, 0.10103852301836014, 0.9737858772277832, -0.7985548377037048, 0.3807867169380188, 0.1240338534116745, -0.052538320422172546, 1.1891930103302002, 0.8194516897201538, -0.4001275897026062, 0.2102041393518448, -0.20413240790367126, -0.5767380595207214, -0.13682200014591217, -0.5070918798446655, 0.5686706900596619, 0.6316173076629639, -0.4195089340209961, -0.02495574951171875, -0.5403773188591003, 1.4617104530334473, -0.6006066799163818, 1.0022863149642944, -0.3266751766204834, -0.6634105443954468, -0.7933470606803894, -0.7681601047515869, -0.4578758776187897, 0.4641646444797516, -0.08256843686103821, -0.3080942630767822, -0.00817476212978363, 0.5229297280311584, 0.13325388729572296, -0.06273753196001053, -0.590874195098877, -0.33726224303245544, -0.9567363858222961, 0.2678372263908386, -0.0718277171254158, -0.6794496774673462, -0.4026145935058594, -0.20664560794830322, -0.5153453350067139, -0.1774372011423111, 0.3383193612098694, -0.5343712568283081, -1.1219924688339233, -0.0017596501857042313, -0.282620906829834, 0.5817592740058899, 0.11387747526168823, -0.2560623288154602, -1.6665126085281372, 0.5275245308876038, 0.9527342319488525, -0.38373512029647827, -0.522183358669281, -0.1371314525604248, 0.4584554135799408, 0.19812500476837158, 0.6676414012908936]} +{"paper_id": "conll2002", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "multilingual_librispeech", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "daily_dialog", "embedding": [-1.064366340637207, 0.6600217819213867, -0.05335249751806259, -0.17738032341003418, 0.7449953556060791, 0.8575006723403931, 0.5989178419113159, 0.1713586002588272, 1.1053661108016968, 0.36484500765800476, 0.5805267691612244, -0.7690556049346924, -0.15236321091651917, -0.6013078689575195, -0.37587639689445496, -0.1257573664188385, -1.1043407917022705, -0.6428282260894775, -0.6601261496543884, -0.054651934653520584, -1.0644209384918213, -0.6808448433876038, -0.058669812977313995, 0.8359997868537903, -0.9488924145698547, -0.45511648058891296, 0.998633086681366, -0.490450918674469, 0.08833121508359909, 0.10767520219087601, -0.2562163174152374, 1.7801225185394287, -0.9855192303657532, -0.5061022043228149, 0.03339627385139465, -0.30153200030326843, 0.35796716809272766, 0.5368880033493042, -0.5231145620346069, 0.2767795920372009, -1.0102500915527344, 0.43256062269210815, 0.17284996807575226, 0.7067563533782959, 0.6900929808616638, 0.39271414279937744, 0.18720732629299164, 0.2761302590370178, -0.49534112215042114, -0.1764557659626007, -0.5204911828041077, 0.1931905746459961, -0.1705017387866974, 0.6391551494598389, -0.19180560111999512, 1.2273969650268555, -0.4091743528842926, -0.4997614026069641, -0.13039563596248627, -0.7198681831359863, 1.4024789333343506, 1.06348717212677, 0.10522563755512238, 0.592048168182373, 1.136018991470337, 0.0744549036026001, 2.334134340286255, -0.909485399723053, 0.5630046725273132, 0.26582300662994385, -0.4407566785812378, -1.1740280389785767, 0.7818974256515503, -0.5355187654495239, -0.1572534143924713, 1.2576303482055664, 0.448698490858078, 0.639772355556488, -0.20770898461341858, 0.042444150894880295, 0.7701800465583801, 0.5546888113021851, 0.6670939922332764, 0.008379988372325897, 0.652945876121521, 0.13439369201660156, 0.569038987159729, -0.26267653703689575, 0.3874565362930298, -1.9503369331359863, 0.38215237855911255, -0.3034437298774719, -0.32584109902381897, -0.12349608540534973, -0.20635458827018738, 0.789049506187439, -0.1287069022655487, -0.017629770562052727, -0.5741453170776367, 0.3567178547382355, 1.0722758769989014, -0.7141706943511963, 0.13206233084201813, -0.37841272354125977, -0.09461775422096252, 0.9155339598655701, 0.6415539383888245, 0.4422144591808319, 0.1767520308494568, -0.4447779059410095, -0.11471551656723022, 1.4750038385391235, 0.3241301476955414, 1.3685295581817627, 0.0956687182188034, 0.3386840522289276, -0.28384163975715637, -1.2277199029922485, -0.37293586134910583, 0.1389208734035492, -0.3224453926086426, -0.34488382935523987, 0.3346894681453705, -0.3454052209854126, 1.1622459888458252, -1.219163179397583, -0.053407829254865646, -0.40275976061820984, -0.3021252155303955, -0.04210367426276207, 0.30783599615097046, -0.6263234615325928, -0.21978844702243805, -0.07126623392105103, 2.2144086360931396, -1.2185639142990112, 1.8469035625457764, -1.1467208862304688, -1.0032161474227905, -0.7113611698150635, 0.780605137348175, 1.7719005346298218, -0.5400633811950684, -0.07178335636854172, -1.299256443977356, -0.23700927197933197, -0.41224175691604614, 0.04600510373711586, -0.2584514021873474, -1.1109890937805176, -0.6296705603599548, 0.4677388072013855, -1.5264384746551514, -0.2590559124946594, -0.05565032735466957, -0.22107699513435364, 0.681684136390686, 0.7884545922279358, 0.2756376266479492, 1.0340487957000732, 0.7340906858444214, 0.08267325162887573, -0.1722296178340912, 0.3314187824726105, -1.0278598070144653, -0.32058045268058777, 0.44110825657844543, -0.21259382367134094, -1.1257636547088623, -0.8329165577888489, 1.000481128692627, -0.167505145072937, 0.31601637601852417, 0.4355560839176178, -0.49135440587997437, -0.06413398683071136, 0.569558322429657, 0.9496483206748962, 0.5890638828277588, -0.9134117364883423, -0.3939576745033264, -0.6758567690849304, -0.5260618925094604, 0.3694978654384613, 0.38185471296310425, -0.01602311059832573, -2.1480600833892822, -0.025172404944896698, -0.39352214336395264, 1.3612327575683594, 0.5120081305503845, -0.3825978636741638, 0.22526395320892334, -0.7851962447166443, 0.6842054128646851, -0.6845126152038574, 1.0158674716949463, -1.2392289638519287, 0.5409736037254333, 0.04435902088880539, 0.015749700367450714, -0.03996098414063454, 0.355403870344162, 1.3071547746658325, 1.2672648429870605, -0.3395652174949646, -0.17435666918754578, -1.2690415382385254, -0.3668575882911682, 2.30078125, 0.5463266372680664, -1.256278157234192, -0.5593627691268921, 0.5467283725738525, 0.19816112518310547, 0.08443450182676315, 0.7162792682647705, -0.9640533924102783, -0.5503066778182983, -1.2837305068969727, 0.25103262066841125, -1.0988322496414185, 0.5416560769081116, 1.0784281492233276, 1.156861424446106, -0.7742916941642761, -0.21210026741027832, -0.47902911901474, -0.851193368434906, 0.08807104080915451, 0.71225905418396, 0.16945694386959076, 0.3580875098705292, 0.5103380084037781, 0.010036922991275787, 0.15118612349033356, 0.020833559334278107, 0.24747836589813232, -0.4559083878993988, 0.027353687211871147, 0.33368533849716187, 0.7054774165153503, 0.23913632333278656, 0.0037230104207992554, 0.26843225955963135, 0.5110154747962952, 0.8521693348884583, -1.0875705480575562, -0.531090497970581, 0.44552329182624817, 0.987591028213501, 1.0867289304733276, 0.1760261356830597, 0.45970964431762695, 0.08944961428642273, -0.13862064480781555, -0.6046930551528931, -0.44167444109916687, 0.16991208493709564, -0.9349342584609985, 0.8863591551780701, -0.1765347123146057, 0.12807735800743103, -0.5612232089042664, 0.2887537181377411, -0.8912842869758606, 0.17074626684188843, 0.8156092166900635, -0.935417652130127, -1.3704895973205566, 0.07163555920124054, -0.3028729557991028, -0.6765385270118713, -0.7510221004486084, -0.29999831318855286, 0.779891848564148, 0.1431046724319458, 1.0300501585006714, 1.181458592414856, 0.18016456067562103, -0.5750482678413391, -0.6468904614448547, 0.7189294695854187, -0.8969727754592896, 0.6974886655807495, -0.6259095668792725, 0.1964380145072937, -0.5312988758087158, 0.24835079908370972, -0.17583006620407104, -0.16137997806072235, 0.40528443455696106, -0.2620690166950226, 0.7124224305152893, -0.1188344657421112, -1.2916960716247559, 0.8674660921096802, -0.7168328762054443, 0.08616619557142258, -0.09119826555252075, 1.9149724245071411, 0.5234451293945312, -0.33513331413269043, -0.004445510916411877, -0.5837664604187012, 0.5844101309776306, 0.830446183681488, -0.5948817133903503, 0.6603466868400574, 1.0509077310562134, -1.1587907075881958, -0.36672481894493103, 0.468743234872818, -1.6597416400909424, -0.24556981027126312, 1.0634114742279053, -0.310057133436203, -0.03956367447972298, -0.907047688961029, 0.33960890769958496, 0.3044084310531616, 0.1039954274892807, -0.38717398047447205, -0.5255798101425171, 0.10204930603504181, -0.827139139175415, 0.03991573303937912, 1.141882061958313, 0.25945037603378296, -0.10245996713638306, 0.4749217927455902, -0.3577853739261627, -0.7045650482177734, -0.9628941416740417, 0.6319550275802612, -0.9272071719169617, -0.4268779754638672, 0.7137239575386047, 0.0900590568780899, 1.3183984756469727, -0.2798886001110077, -0.5722155570983887, 1.0541280508041382, 0.20663833618164062, 0.46188580989837646, 0.08209290355443954, -0.2843219041824341, 1.972468614578247, -0.6255283355712891, 0.6922283172607422, 0.13046148419380188, -0.18042102456092834, -1.8358155488967896, 0.12238200008869171, -0.596921980381012, -0.6834425330162048, 1.9523447751998901, 0.09318450838327408, 1.5970723628997803, -0.05601528286933899, 0.07132876664400101, -1.4214832782745361, 0.06951995193958282, 1.2308764457702637, 0.8244718313217163, -0.2233988493680954, 0.10695719718933105, 0.267458975315094, 0.6652081608772278, 0.4359048902988434, -1.0377434492111206, -0.5136033296585083, 1.2894246578216553, -0.5315765142440796, -0.6189759373664856, -0.5504742860794067, 1.4524987936019897, 0.28522029519081116, 1.345757007598877, -0.667746901512146, -0.4026424288749695, -0.003730073571205139, 0.9699041843414307, 0.5659852623939514, 0.28867724537849426, -1.3034508228302002, 1.1181470155715942, 0.3213990032672882, 0.06994906067848206, -0.14707878232002258, 1.138189435005188, -0.4810081124305725, -1.1054784059524536, -1.6106071472167969, -0.5457872748374939, -0.983727753162384, -0.7718353271484375, -0.24715828895568848, -0.3241502642631531, -1.2350138425827026, 0.601175844669342, -0.23215854167938232, -0.8050089478492737, 0.8285318613052368, -0.18462379276752472, -1.011436104774475, 0.8181783556938171, 0.6298004388809204, -1.4401053190231323, -0.006472432985901833, -0.45277124643325806, -1.54921293258667, 0.12630712985992432, 0.1550680249929428, -0.7095167636871338, 0.4079439043998718, -0.027777764946222305, 0.40048208832740784, -0.14997586607933044, -0.08591348677873611, -0.387237012386322, 0.38614708185195923, 0.26166054606437683, -0.6235105991363525, 0.8138219118118286, 0.6156269311904907, 0.1674356907606125, -0.11640968918800354, -0.9819836020469666, -0.7261127829551697, 0.8347161412239075, -0.19036278128623962, 0.25598087906837463, -0.6827467679977417, -0.3873189091682434, 0.7490866780281067, -0.6565132141113281, 0.3396196961402893, -1.0501116514205933, 0.3339516520500183, -0.19294330477714539, -0.3140157163143158, 0.5375756025314331, -1.3184888362884521, -1.4256236553192139, 0.41493135690689087, -1.4265855550765991, 0.6540836095809937, -0.47467514872550964, 0.07146714627742767, 2.048506736755371, 0.7137354612350464, 0.9385327696800232, 0.28421443700790405, -10.776928901672363, 0.9912185668945312, -0.41074565052986145, -0.4782610535621643, 0.21262092888355255, -0.17092999815940857, 1.0039812326431274, 0.015325924381613731, 1.4341565370559692, -1.1900193691253662, 0.40120184421539307, 1.4181315898895264, -0.5457736253738403, -0.9420971870422363, -0.38087689876556396, -0.7917988300323486, -0.6775394082069397, -0.5800495743751526, -0.4425656199455261, -0.15648886561393738, 0.07931959629058838, -0.3919302225112915, -0.7457305788993835, -0.24349237978458405, -0.08204301446676254, 0.08410762995481491, 0.12338235229253769, -1.4415407180786133, 0.08664990961551666, 0.5701191425323486, 0.7962167859077454, -0.23229804635047913, 0.4488735795021057, -0.6854166388511658, 0.33061206340789795, -0.1115569919347763, -0.9364458322525024, -0.6022322773933411, 0.8439304232597351, -0.2821596562862396, -0.0781823992729187, 0.010738768614828587, 0.6583116054534912, 0.04547411948442459, -0.43846169114112854, 0.029596492648124695, -0.47258639335632324, 0.11095795035362244, -0.17396502196788788, -0.23979023098945618, -0.7436826825141907, -0.20857039093971252, -1.2130471467971802, -0.04988676682114601, 0.942305862903595, -1.0227792263031006, -0.5009911060333252, 0.8938470482826233, -0.019402576610445976, -1.0220309495925903, 1.2109296321868896, -0.7369451522827148, -0.6020916104316711, 0.8363242149353027, 1.105133295059204, -0.5877662301063538, 0.21824193000793457, 0.42327234148979187, 0.10699813812971115, 0.4199124574661255, -0.7745782732963562, 0.23052261769771576, 0.017666585743427277, 0.2618268132209778, -0.6407079696655273, -0.606161892414093, -0.8418090343475342, -0.024374743923544884, 0.5184891819953918, 0.14030268788337708, -0.36619341373443604, 0.33296069502830505, 0.4438830316066742, -1.0032087564468384, -1.1171830892562866, 0.314949095249176, -0.07879666239023209, -0.30186596512794495, 0.3742605149745941, -0.39145249128341675, 0.8173459768295288, 0.5654159188270569, -1.0593295097351074, 0.5648972392082214, -0.8868404030799866, 0.6593310236930847, 0.8498777151107788, 1.4201362133026123, -0.08964985609054565, -0.04600957781076431, 0.031130190938711166, 0.05174093693494797, 0.12542341649532318, 0.7416294813156128, 0.6268284916877747, -0.43374186754226685, -0.505846381187439, 0.799370527267456, 0.5768131613731384, 0.2331012338399887, 0.30504512786865234, -0.27789193391799927, -0.6580165028572083, 0.25460660457611084, 0.261658638715744, 0.909160315990448, 0.76019686460495, 0.4411007761955261, 1.225878357887268, 0.22123409807682037, -0.31379351019859314, 1.0495307445526123, 0.14148284494876862, 0.938274085521698, 0.6449493169784546, -0.5440667867660522, 0.4416952133178711, 0.651807963848114, -0.3526989221572876, -1.5780665874481201, 0.6368717551231384, -0.17983001470565796, 0.26181161403656006, -0.7588357329368591, -0.08277996629476547, 0.27470943331718445, -0.5068643689155579, 1.5421422719955444, -0.5934197306632996, 1.1317150592803955, -0.2753998041152954, -0.5998846292495728, -0.026669122278690338, -0.8203132748603821, -0.745759904384613, 0.4766014814376831, -0.6945192217826843, 0.052545055747032166, -0.16854482889175415, 0.5045673847198486, 0.980696976184845, -0.1701955497264862, 0.9666354656219482, -0.43123915791511536, -0.3919699788093567, 0.5740537643432617, 0.4307924211025238, -0.404897540807724, -1.152216911315918, -0.090313620865345, 0.07446539402008057, 0.42676815390586853, -1.0065083503723145, 1.0122309923171997, 0.5364072322845459, -0.43888232111930847, -0.6994306445121765, 0.23227185010910034, -0.900388240814209, 0.17739105224609375, 1.1309564113616943, -0.8396857976913452, -0.5352227687835693, -0.6875326037406921, -0.11855676770210266, -0.32726195454597473, 1.1160391569137573, 1.5253478288650513, -1.2825663089752197, 0.25328364968299866, -0.41910263895988464, 0.1162746250629425, -0.18912342190742493, 0.11584776639938354, -0.08976883441209793, 0.3084849417209625, -0.21056684851646423, 1.1106009483337402, -0.022237149998545647, -0.015710361301898956, -1.6434662342071533, -0.8591832518577576, -0.06495488435029984, -0.6729764342308044, -0.163364440202713, -0.24939486384391785, 1.3609495162963867, 0.6133793592453003, 0.16141179203987122, -0.15455859899520874, 0.7253247499465942, 0.7129795551300049, -0.5508498549461365, 0.07794749736785889, -0.3419504463672638, -0.34539881348609924, -0.8535071611404419, 0.6126030683517456, 0.3637806475162506, -0.0866522565484047, -1.020565390586853, 0.20992781221866608, 0.44230249524116516, 0.06388331204652786, 0.9907803535461426, -0.5297422409057617, -0.01734655350446701, 0.05431358888745308, -0.6351187229156494, -0.883922278881073, 0.2635336220264435, 0.9650941491127014, -0.41831648349761963, 1.2846758365631104, 0.2707785964012146, 0.1444350928068161, 0.6059060096740723, -0.38388025760650635, 0.338600218296051, -0.5227690935134888, -0.02541675791144371, -0.0031887777149677277, -0.22870348393917084, -0.02738729491829872, 0.05422617495059967, -1.3105876445770264, -0.7477325201034546, 0.6080071330070496, -0.9045082926750183, -0.1746877133846283, -0.22962339222431183, 0.717139720916748, 1.0743805170059204, 1.3814876079559326, -0.4851773977279663, -1.0976272821426392, -0.8613349199295044, -0.7733443379402161, 0.3252473473548889, 0.5915069580078125, 0.6276151537895203, 0.701043426990509, 0.6086155772209167, -0.08776339888572693, 1.363618016242981, -0.7017451524734497, -0.1903378814458847, -0.020365610718727112, 0.36547476053237915, 0.5119545459747314, 0.8652937412261963, 0.4472876191139221, 0.4708833396434784, 0.1961388736963272, -0.5886815786361694, 0.26268908381462097, 0.2349376380443573, 0.39557868242263794, 0.6704617738723755, -0.49189358949661255, -0.3297596573829651, -1.1503071784973145, 0.23345093429088593, -0.11900126934051514, 1.1532870531082153, 0.3646931052207947, -0.8450376987457275, -0.4931141436100006, -1.0779430866241455, -0.8742035031318665, 1.1974573135375977, 0.11267441511154175, -0.5813804864883423, -0.5734218955039978, 0.5078520774841309, 0.000724107027053833, -0.39019253849983215, -1.1142570972442627, 0.38373515009880066, -1.399383306503296, 0.44259190559387207, -0.3437560796737671, -0.8632919788360596, -0.7747427225112915, 0.09154705703258514, -0.6503238081932068, 0.4229220747947693, -0.3791705369949341, -1.1069895029067993, -0.8495040535926819, 0.15676210820674896, 0.26542699337005615, 0.21273598074913025, 0.5788819789886475, 0.20302778482437134, -1.7215559482574463, 0.34204262495040894, 1.3056235313415527, 0.5863888263702393, -0.48413246870040894, 1.167189359664917, -0.33052393794059753, -0.5266816020011902, 1.4227840900421143]} +{"paper_id": "un_multi", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "para_pat", "embedding": [-0.4883050322532654, 1.1077524423599243, 0.5878656506538391, 0.19846823811531067, -0.13928014039993286, -0.6895105838775635, -0.10384877771139145, 1.396357536315918, 0.6130791306495667, 0.3083312213420868, 0.8471043705940247, -0.1444912701845169, 0.1175810843706131, 0.14274942874908447, -0.053055692464113235, -0.022580061107873917, -0.42684048414230347, -0.7761938571929932, -1.1066277027130127, -0.8215703368186951, -0.36892277002334595, -0.6186919212341309, -0.1628364622592926, 0.5192493796348572, -0.27488547563552856, -0.2107168287038803, -0.016428206115961075, -0.9270381331443787, 0.723438024520874, 0.26281967759132385, -0.36950716376304626, 0.7280876636505127, -1.593847393989563, 0.3475956916809082, -0.061585135757923126, 0.25103363394737244, -0.4148068130016327, 0.8120328187942505, -0.5988084673881531, 0.23529279232025146, -0.7716280221939087, -0.3570263683795929, 0.9055488705635071, 0.01334418635815382, 1.0039846897125244, -0.33534690737724304, -0.004357745870947838, 0.5770686268806458, 0.7297235727310181, 0.33752480149269104, -0.3298805058002472, 0.7035033106803894, 0.3442205786705017, 0.5129472017288208, -0.49116823077201843, 1.0839804410934448, 0.044984109699726105, -0.21756085753440857, 0.8081548810005188, -1.2456697225570679, 1.0315401554107666, 1.3668954372406006, -0.395810604095459, -0.03681746497750282, 0.5977981090545654, 0.08264923095703125, 0.8210989832878113, 0.36587780714035034, 0.8397415280342102, 1.3449623584747314, -0.392056405544281, -1.1046591997146606, 0.6229434609413147, -0.2700002193450928, 0.04715302214026451, 0.36401546001434326, 0.35464903712272644, 0.9272523522377014, 0.4347745180130005, 0.36354178190231323, -0.6269527673721313, 0.7651169300079346, 0.2031506597995758, -0.12967649102210999, -0.470840722322464, 0.23813161253929138, 0.010392233729362488, -0.3123670518398285, 0.6510875821113586, -1.5539882183074951, -0.02627270668745041, -0.0011397209018468857, -0.40884140133857727, -0.3720853924751282, 0.21420243382453918, -0.22111740708351135, 0.552616536617279, 0.09249576926231384, -1.058128833770752, 0.49738314747810364, 0.6475968956947327, -0.4025818705558777, 0.6778885722160339, -0.6182371377944946, 0.2741353511810303, 1.263895034790039, -0.636792778968811, -1.327055811882019, -1.7045981884002686, -0.13615478575229645, 0.37829264998435974, 1.023429036140442, -0.13332012295722961, 0.3995262682437897, 0.292115181684494, -0.878085196018219, 0.10643477737903595, 0.025447554886341095, -0.8839946985244751, -0.4112399220466614, -0.6172478795051575, -1.2546167373657227, -0.45932435989379883, 0.6964998841285706, 0.2627605199813843, -0.555278480052948, -0.3084421753883362, 0.07011231034994125, 0.17092600464820862, -0.44678670167922974, 1.0032285451889038, 0.7425134778022766, -0.6273717880249023, -0.525701642036438, 2.8498287200927734, -0.37923091650009155, 1.0192928314208984, -0.4221896231174469, 0.6158118844032288, -0.020821258425712585, -0.395192414522171, 1.4388056993484497, 0.008721046149730682, -0.8789143562316895, -1.2319785356521606, 0.6392207145690918, -0.9988301396369934, 0.36233484745025635, -0.2642439603805542, 0.2891789376735687, -0.24890202283859253, 1.1880629062652588, -0.8267293572425842, -0.6237887144088745, 0.22143296897411346, 0.10653062909841537, 0.8506100177764893, 0.9672136902809143, -0.9103399515151978, 0.9085583686828613, 0.9890024662017822, 0.4324827790260315, -0.8040897846221924, 0.4088408350944519, -1.4114733934402466, 0.2990536391735077, 1.185253620147705, 0.02880004048347473, -0.8319851756095886, -1.0602566003799438, 0.5310696959495544, -0.13625189661979675, 0.4058559238910675, 0.18591618537902832, -0.4249517023563385, 0.2505417466163635, 0.8387937545776367, 0.270793616771698, 0.44412991404533386, -0.2480633407831192, -0.31968507170677185, -0.509346604347229, -0.44556841254234314, -0.11612953245639801, 0.018796445801854134, 0.024667438119649887, -1.6981935501098633, -0.5690324306488037, -0.4524359703063965, 0.2643457055091858, 0.6411567330360413, -0.19901056587696075, -0.07441512495279312, 0.06335388123989105, 0.5514867901802063, -0.06671352684497833, -0.09873412549495697, -1.833646535873413, -0.3515889644622803, 0.6898862719535828, -0.05712345242500305, -0.022478006780147552, 0.33342835307121277, 0.6845051646232605, 0.4060297906398773, -0.8350763320922852, -0.1400071233510971, -1.1251574754714966, -0.12397948652505875, 1.9841387271881104, -0.24242138862609863, -0.29906967282295227, -0.8879905343055725, -0.6268007159233093, 0.12762945890426636, -0.5134393572807312, -0.4802305996417999, -0.6976072192192078, 0.26131680607795715, -0.7084085941314697, 0.802919328212738, -0.008514903485774994, -0.17546942830085754, -0.08425910025835037, 0.968987226486206, -0.4809635281562805, -0.36189359426498413, 0.06425940990447998, -1.108191728591919, 0.6520930528640747, 0.9814144968986511, 0.1280604600906372, -0.8629414439201355, 0.5642492771148682, 0.5781163573265076, 0.6595852971076965, 0.38638627529144287, 0.6766254901885986, -0.6301005482673645, 0.3104138672351837, -0.23928126692771912, 1.2848788499832153, -0.4014337658882141, -0.15355391800403595, 0.4666327238082886, 0.46678590774536133, -0.32147547602653503, -0.7202808260917664, -0.109737329185009, 0.4241831302642822, 1.0048277378082275, 1.2742232084274292, -0.6966334581375122, 1.6165679693222046, -1.2667546272277832, 0.6705153584480286, 0.12093007564544678, -0.9418031573295593, -0.7266207933425903, 0.16719716787338257, 0.5132817029953003, 0.10026741027832031, 0.4133153259754181, -0.26240724325180054, -0.4474108815193176, -1.1100388765335083, 0.01302986592054367, -1.1195299625396729, -0.4220384359359741, -0.787614107131958, -0.6894866228103638, 0.4001919627189636, -1.5788847208023071, -0.3500482141971588, 0.2209332436323166, 0.39540988206863403, -0.025812342762947083, 0.5309410095214844, 1.3919057846069336, -0.587867021560669, 0.46885043382644653, -0.3345443308353424, 0.3503997325897217, -0.43054476380348206, 0.9595277905464172, 0.695844829082489, -0.12453717738389969, -1.5408010482788086, -0.47404056787490845, -0.25779783725738525, -0.1472012996673584, -0.25375041365623474, 0.18619686365127563, 0.49928438663482666, -0.6565679907798767, -0.527037501335144, 0.9989770650863647, 0.024586785584688187, -0.02580282837152481, -1.0015326738357544, 1.4880603551864624, 0.3725717067718506, 0.023027125746011734, 0.3777529001235962, 0.36473456025123596, 0.4753519892692566, 1.0331196784973145, -0.4948546588420868, 1.3796368837356567, -0.005858231335878372, 0.4231504797935486, 0.7587575316429138, -0.21740686893463135, -2.209366798400879, -0.014524701051414013, 0.7932018637657166, -0.4639752209186554, -0.05684475228190422, 0.00046753697097301483, -0.167476087808609, -0.1642109453678131, -0.7867098450660706, 0.3402482569217682, -0.7490029335021973, 0.6530560255050659, -0.22589147090911865, -0.02426108717918396, 0.8561915159225464, -0.5376964211463928, 0.7200705409049988, 1.2023704051971436, 0.7297419309616089, -0.16696836054325104, 0.1757313311100006, 0.8359401226043701, -0.6772565245628357, 0.7164351940155029, 0.2391347885131836, 0.47250455617904663, 1.03056001663208, -0.6055296063423157, 0.32939913868904114, 0.04730987548828125, 1.2922598123550415, -0.4873891770839691, 0.1632414609193802, -0.17709605395793915, 0.7836891412734985, 0.04649463668465614, 0.9494881629943848, 0.05499948933720589, -1.0641069412231445, -1.2802939414978027, -8.205045014619827e-05, -0.12979333102703094, -0.3786100447177887, 1.5426639318466187, 0.991762638092041, 0.8847674131393433, -0.4753265380859375, 0.48918527364730835, -0.16208061575889587, -0.3661840260028839, 0.686719536781311, 0.5216485261917114, -0.21418119966983795, -0.4318554997444153, -0.1802026331424713, 0.6377150416374207, -0.14554373919963837, -0.5013278126716614, 0.3290233910083771, 0.8579309582710266, -1.0066351890563965, -0.3274398744106293, -0.43825745582580566, 0.8070409893989563, 1.2552235126495361, 0.7347975969314575, -0.9925968050956726, -0.7058528661727905, -0.3339526355266571, 0.44722241163253784, -0.035303935408592224, 0.42927783727645874, -1.1731971502304077, -0.6930932402610779, 0.5193231105804443, 0.40616869926452637, -0.03368516266345978, 1.1765737533569336, 0.505984365940094, -1.020709753036499, -0.5919885635375977, 0.603912889957428, -1.0008231401443481, -0.344406396150589, -0.6035897135734558, -0.06564036011695862, -0.755883514881134, 0.07241132855415344, 0.3760860860347748, -0.46255484223365784, 0.04689028859138489, -0.223486065864563, -1.7113895416259766, 0.6916345357894897, 0.8947889804840088, -1.645594596862793, -0.5658625960350037, -0.2004137933254242, -0.480643630027771, -0.6685060262680054, 0.3510996699333191, 0.030079910531640053, -0.03876544535160065, 0.2709478735923767, 0.1910022348165512, 0.03518747538328171, -0.7192777991294861, -0.9630335569381714, 0.3181658983230591, 1.3546388149261475, -0.1144552230834961, -0.16477873921394348, -0.7512453198432922, 0.7020284533500671, 0.19016370177268982, -1.231205701828003, -0.08038973808288574, 0.21071156859397888, 0.20213401317596436, -0.28301623463630676, -0.47687986493110657, -0.6116889715194702, 0.04589857533574104, 0.44922369718551636, 0.1027652844786644, -0.42622971534729004, -0.022805452346801758, -0.8253232836723328, 0.9380569458007812, 0.46311697363853455, 0.07766406238079071, -0.740989625453949, 0.778654158115387, -0.15811938047409058, 0.04601901024580002, 0.5334620475769043, 0.42345109581947327, -0.11686253547668457, 0.41327229142189026, -0.061757996678352356, -0.14868073165416718, -12.166252136230469, 0.20360516011714935, 0.16921745240688324, 0.5170301795005798, 1.1683933734893799, 0.14802880585193634, 0.3224372863769531, -0.5923346281051636, 0.09128415584564209, -0.03445103392004967, 0.4429532289505005, 0.9247435927391052, 0.2984425723552704, -0.11385796964168549, -0.04697975888848305, -0.7058167457580566, -0.6379531621932983, -0.40877455472946167, 0.5958470106124878, 0.25506162643432617, -0.3779539167881012, -0.9697189331054688, -0.6030439138412476, 0.5524710416793823, 0.04980219528079033, -0.09592381119728088, 0.12950405478477478, 0.24299994111061096, -0.38420331478118896, -0.3166356682777405, 0.21691668033599854, -0.32946524024009705, -0.4910511374473572, -0.399548202753067, 0.1743841916322708, 0.4242374002933502, -0.9098650217056274, 0.3813371956348419, 0.5734862685203552, -0.7202602028846741, -0.017393484711647034, 0.3695094883441925, 0.6145541071891785, -0.02781616896390915, -0.8452337980270386, 0.559564471244812, 0.042524248361587524, -1.0762041807174683, 1.0407295227050781, -0.4636540114879608, -0.19541016221046448, -1.256920337677002, -1.2382001876831055, -0.22749172151088715, 0.36381077766418457, 0.352091521024704, -1.323784589767456, 0.9593919515609741, -0.7479664087295532, -0.5250357389450073, 0.8806198835372925, 0.3275138735771179, 0.14215216040611267, 0.4056198298931122, -0.25073960423469543, 0.048853736370801926, 0.4687681198120117, 0.6501165628433228, -0.6395147442817688, -0.1845516711473465, -0.5316338539123535, 0.4094223976135254, 0.18282514810562134, 0.283782422542572, 0.01636420376598835, 0.1949300467967987, 0.20086559653282166, -0.5044516921043396, 0.5799112319946289, 0.39915260672569275, -0.9068233966827393, 0.2277260273694992, -0.4069480001926422, -0.2738775312900543, -0.30740079283714294, -0.26864078640937805, -0.4574457108974457, 0.1669767200946808, 1.0628033876419067, 0.019068032503128052, 1.3096219301223755, -0.16445571184158325, 0.01804092712700367, -0.5185972452163696, 0.0876389741897583, 0.4437008798122406, -0.8943471312522888, 0.5724025368690491, -0.03215555474162102, -0.5033168196678162, 0.5215734839439392, -0.05250082537531853, -0.9108649492263794, -0.3442070186138153, 0.9624775052070618, 0.2517898380756378, 0.37107187509536743, 0.12438216805458069, -0.05862940475344658, 0.5475427508354187, 1.3595439195632935, -0.3664076328277588, 0.0335577130317688, 0.9380271434783936, 0.26939836144447327, 1.4700734615325928, 1.0819358825683594, 0.2188374102115631, 0.4433985650539398, 0.19570493698120117, 0.04321831092238426, 0.27571505308151245, 0.8061491847038269, 1.4018230438232422, -0.6451596021652222, -0.2234414666891098, -0.09462706744670868, 0.916771411895752, -1.0087296962738037, -0.48197683691978455, -0.096760094165802, 0.23871392011642456, 0.2542058527469635, -0.8412805199623108, -0.6939820647239685, -0.46781134605407715, -0.3470539450645447, 0.9958059787750244, -0.7149530649185181, 0.14140984416007996, -0.3549947738647461, -0.6036302447319031, 0.032405078411102295, 0.1274697482585907, -0.27956220507621765, -0.13896429538726807, -1.0947139263153076, -0.3475560247898102, -0.44019615650177, -0.6957159042358398, 0.6534207463264465, 0.14641624689102173, 0.7078593373298645, -0.9430809020996094, 0.036908529698848724, 0.01725270226597786, 0.5886533856391907, -0.5794636607170105, -0.5171074271202087, 0.4373288154602051, 0.28187745809555054, 1.1616846323013306, -0.43266919255256653, 1.2022169828414917, 0.12184515595436096, 0.1573207974433899, -0.3018295466899872, -0.4789823293685913, -1.040059208869934, 0.7702732086181641, 0.7638474106788635, -1.3486621379852295, -0.4305463135242462, -0.21441425383090973, -0.4110085666179657, -0.44897231459617615, 0.37462449073791504, 0.9667468070983887, -0.6325783729553223, 1.4099949598312378, 0.2035139799118042, 0.6407473683357239, 0.7234711647033691, -1.1395628452301025, -1.0042623281478882, 0.12562337517738342, -0.2645650804042816, 0.693893551826477, -0.18331100046634674, 0.16952258348464966, -1.4356112480163574, -1.7749745845794678, -0.0821152776479721, -0.18507303297519684, 1.1409748792648315, -0.006927955895662308, 0.7687679529190063, -0.2587622404098511, 0.6998732089996338, 0.333310604095459, -0.33992356061935425, 0.5345905423164368, 0.21793784201145172, 0.10218346118927002, -0.3366502523422241, 0.354044646024704, -0.8453934788703918, 0.3177417516708374, 0.6370286345481873, 0.13989952206611633, -1.2258309125900269, -0.5925756692886353, 0.983242392539978, 0.7014134526252747, -0.03880979120731354, -1.1782370805740356, 0.492605596780777, 0.025751683861017227, -0.8151402473449707, -1.070000171661377, -0.20329925417900085, 0.11172835528850555, -0.10094435513019562, 0.5495379567146301, 0.3729914128780365, 0.39310526847839355, 0.18351511657238007, 0.0406804233789444, 1.059716820716858, -0.8283809423446655, -0.712751030921936, -0.17095302045345306, 0.10639744997024536, -0.34470435976982117, 0.000996604561805725, 0.888134777545929, -0.5808387994766235, -0.38720762729644775, -1.3378969430923462, 0.942975640296936, -0.4332043528556824, 0.12184680998325348, -0.7984657883644104, 0.9937084913253784, 0.0913202315568924, -1.2964870929718018, -0.29333287477493286, -0.10121596604585648, -0.2282186895608902, 0.8959252834320068, 0.23317377269268036, 0.1254713386297226, 0.6086109280586243, 0.2109762728214264, 0.6717673540115356, 0.33374616503715515, 0.40561169385910034, 0.21591025590896606, -0.20459376275539398, 1.347302794456482, 0.3357485830783844, -0.39403316378593445, 0.5293267965316772, 0.13761578500270844, -0.9205496311187744, -0.8198839426040649, -0.1659540981054306, 0.6156818866729736, 1.2036129236221313, 0.39900732040405273, -0.37603849172592163, -1.186217188835144, 0.006763635203242302, -0.34019216895103455, 0.8645553588867188, 0.730708658695221, -0.5794073939323425, -1.6872038841247559, -0.9629504084587097, -0.020372595638036728, 1.1081619262695312, -0.7476415038108826, 0.05908818542957306, -0.28200769424438477, 0.4731122553348541, 0.07747133821249008, -0.4077678620815277, -1.1907610893249512, 0.14517802000045776, 0.01630987972021103, -0.27238380908966064, 0.47245070338249207, -0.07534653693437576, -0.6371693015098572, 0.0749477818608284, -0.9804492592811584, 0.6462534070014954, 0.24025936424732208, -1.0250710248947144, -0.3153652548789978, 0.49107736349105835, -0.17208842933177948, -0.043113719671964645, 1.0075891017913818, -0.8526883125305176, -1.7389074563980103, 1.093923807144165, 0.4313139021396637, -0.29505741596221924, 0.07136214524507523, 0.5698819160461426, 0.5608709454536438, 0.0699741393327713, 0.8036355972290039]} +{"paper_id": "tweet_qa", "embedding": [-0.8124048709869385, 1.2161269187927246, 0.09037891030311584, -0.012939294800162315, 0.5771375298500061, 0.2744883894920349, 0.12548713386058807, 0.43633636832237244, 0.25985583662986755, 0.575534999370575, 0.6065069437026978, 0.4405035078525543, 0.41673192381858826, 0.45618969202041626, 0.3069974482059479, -0.11101403087377548, -1.1003774404525757, -0.4883359968662262, -0.5727778673171997, -0.25912341475486755, -0.5076292753219604, -0.8487246632575989, -0.04145190492272377, 1.1074305772781372, -0.8806250095367432, -1.2796891927719116, 0.9358649253845215, -0.647587776184082, 0.32961341738700867, 0.033954523503780365, -0.3547200858592987, 1.2154093980789185, -0.5718709230422974, -0.282835990190506, -0.46676135063171387, -0.6588411331176758, 0.2716755270957947, 0.8465072512626648, 0.11294432729482651, -0.06434568762779236, -0.7027796506881714, 0.5621318221092224, 0.5178595781326294, 0.7816659212112427, 1.3718825578689575, -0.13257203996181488, -0.00763972382992506, -0.10282166302204132, -0.2598430812358856, -0.0867120772600174, -0.5413021445274353, 1.0013866424560547, -0.9846320748329163, 0.7555575370788574, -0.3399650454521179, 1.1289587020874023, -0.02146792784333229, -1.0392552614212036, 0.20879530906677246, -0.8994728326797485, 1.743292212486267, 2.074169635772705, -0.8984829783439636, 0.1520383358001709, 0.8171980381011963, -0.30154240131378174, 1.5659263134002686, -0.2587185502052307, 0.20273171365261078, 0.6269017457962036, -0.36785250902175903, -0.11586126685142517, 0.4722941219806671, 0.07545846700668335, 0.2347591519355774, 0.569624662399292, 0.3898693025112152, -0.08938421308994293, -0.5920095443725586, 0.008167468011379242, -0.25562146306037903, 0.37777626514434814, -0.2294352948665619, -0.8122150897979736, -0.36176806688308716, 0.5102493166923523, 0.5305271148681641, -1.113593578338623, 0.22332023084163666, -1.3055394887924194, 1.1875938177108765, -0.26415538787841797, 0.2973542809486389, -0.04959774762392044, -0.2752026617527008, 0.8076239824295044, -0.5317437052726746, -0.0955386757850647, -0.5608550310134888, 0.5807462930679321, 0.6976488828659058, -0.33910414576530457, 0.06911380589008331, 0.3597154915332794, 0.2618529200553894, 1.1900689601898193, -0.06333224475383759, -0.7212098836898804, -0.6001163125038147, -0.7482469081878662, -0.17235438525676727, 0.6379712820053101, -0.570797324180603, 0.09411139041185379, -0.34977462887763977, -0.1334032416343689, -0.22277358174324036, -0.8114265203475952, -0.3265755772590637, 0.23273363709449768, -1.0968585014343262, -1.5443617105484009, -0.2420210838317871, 0.21731381118297577, 1.2232708930969238, 0.04748210310935974, -0.18400800228118896, -0.13749611377716064, -0.14895041286945343, 0.04775994271039963, 0.8609962463378906, -0.5013836622238159, -0.8409261703491211, 0.05368557199835777, 3.242981195449829, -0.692496657371521, 2.0522332191467285, -0.7167729139328003, 0.49211636185646057, -0.542523205280304, -0.3513396680355072, 1.2364580631256104, -0.4186995029449463, -1.015354037284851, -1.5243959426879883, 0.5420731902122498, -0.6005719900131226, 0.2584945559501648, -0.38829487562179565, -0.9466754794120789, -0.3785991966724396, 0.25398150086402893, -1.2581264972686768, -0.3426622152328491, 0.6514191627502441, 0.9815878868103027, -0.2762126922607422, 0.7012237906455994, -0.21289509534835815, 1.216834306716919, 0.6784048676490784, 0.2786807417869568, -0.659647524356842, 0.23983405530452728, -0.9425836801528931, -0.21970421075820923, 0.47124871611595154, -0.06716005504131317, -0.9721131920814514, 0.012066684663295746, 1.0871564149856567, -0.5609864592552185, -0.13062091171741486, 0.2740463316440582, -0.5789640545845032, 0.3218342363834381, 0.28207454085350037, 0.8139753937721252, 0.7320514917373657, 0.037510745227336884, -0.25368931889533997, -0.5691788196563721, -0.002486579120159149, 0.40607374906539917, -0.14058566093444824, 0.022107455879449844, -1.9699070453643799, -0.6112281680107117, -0.49103498458862305, 0.4040297865867615, 0.3143863081932068, -0.1715996265411377, 0.14138349890708923, 0.3846355378627777, 0.2041947990655899, -0.2865416705608368, 0.4999261498451233, -0.9427123069763184, -0.7279375791549683, -0.1497116982936859, 0.9253063797950745, -0.21157750487327576, 0.4170621335506439, 0.7844824194908142, 0.8587432503700256, -1.0218887329101562, -0.18319125473499298, -1.2521251440048218, 0.2638775110244751, 2.8391871452331543, 0.24504311382770538, -0.47643235325813293, -1.1724425554275513, 0.32084327936172485, 0.1844417154788971, -0.22849830985069275, -0.05318979546427727, -0.4033220708370209, 0.4223371148109436, -0.9046993255615234, 0.6822292804718018, -0.2172667384147644, 0.17838698625564575, -0.11332685500383377, 0.6115557551383972, -0.19180572032928467, -0.310136079788208, -0.8623414635658264, -0.5544459819793701, 0.9473689198493958, 0.92155921459198, 0.33191394805908203, -0.5637565851211548, 0.8251408338546753, 0.35416528582572937, 0.7573352456092834, -0.10948927700519562, 0.5744576454162598, -0.8486202955245972, -0.40996676683425903, 0.4554373323917389, 0.1434672325849533, 0.250308632850647, -0.013628127053380013, 0.565422773361206, 1.025998592376709, 0.2715587317943573, -0.30536580085754395, 0.7916440963745117, 0.020064547657966614, 0.8526386022567749, 1.0286011695861816, -0.6707852482795715, 1.7059041261672974, -0.9683994650840759, 0.32566678524017334, -0.2618812620639801, -0.9045262336730957, 0.6700735688209534, -0.5974649786949158, 0.9446367025375366, -0.1473163217306137, 0.39207202196121216, -0.3064540922641754, -0.20848782360553741, -1.3908519744873047, -0.14994126558303833, 0.22563180327415466, -0.8774494528770447, -0.9103344678878784, 0.7105979919433594, -1.2990596294403076, -0.8051707148551941, -1.109023094177246, 0.3469366431236267, 0.6447336077690125, 0.4146726429462433, 0.872937798500061, 0.641319751739502, -0.5718396306037903, 0.37719857692718506, -0.4278627634048462, 1.3179337978363037, -0.18993987143039703, 1.187524676322937, -0.7846071720123291, 0.4100673496723175, -0.7496830224990845, 0.29295143485069275, -0.3569546937942505, -0.48103490471839905, 1.2457188367843628, -0.0384674072265625, 0.5245495438575745, -0.42619574069976807, -0.807240903377533, 1.0889127254486084, -0.8182773590087891, 0.373413622379303, -0.19483031332492828, 1.6835159063339233, 0.07461220026016235, -0.36650344729423523, 0.5135067701339722, -0.0185276847332716, 0.417183518409729, 1.032601237297058, -0.35036277770996094, 0.44978851079940796, 0.18522785604000092, 0.11977583914995193, -0.11980372667312622, 0.24580597877502441, -2.377742052078247, 0.5140939354896545, 1.2857279777526855, -0.37918588519096375, -0.2275010496377945, -0.54783034324646, 0.41097843647003174, -0.519123375415802, -0.11693300306797028, -0.1959376037120819, -0.09776853770017624, 0.656122624874115, -0.3516818583011627, 0.14717154204845428, 1.4127367734909058, 0.10451571643352509, 0.29997164011001587, 1.0602810382843018, -0.3310913145542145, -1.2637401819229126, -0.5781751275062561, 0.20975542068481445, -0.017679762095212936, 0.4080284535884857, -0.36067265272140503, 0.11393515765666962, 1.2452517747879028, -0.0774194672703743, -0.75574791431427, 0.9472082257270813, 0.9048187136650085, 0.5749288201332092, 0.5070196986198425, -0.963395357131958, 0.618942379951477, -0.7256262302398682, 0.5342360734939575, 0.34033524990081787, 0.2713634669780731, -1.7159157991409302, -0.19960986077785492, 0.2620876431465149, -0.8118578195571899, 1.4394793510437012, 0.1942853033542633, 1.9848285913467407, -0.4795585572719574, 0.14862816035747528, -0.35534366965293884, -0.09478431940078735, 0.7839161157608032, 0.3756449818611145, 0.9308542609214783, -0.08900531381368637, -0.29913145303726196, 0.6392149925231934, -0.16907821595668793, -0.4341244697570801, 0.3365176022052765, 1.3593556880950928, -0.4633622467517853, -0.28365352749824524, 0.44101276993751526, 1.1985164880752563, 0.38588663935661316, 0.9515566229820251, -0.41670337319374084, -0.33871152997016907, -0.30700165033340454, 0.1570611447095871, 0.48712635040283203, 0.7899481058120728, -1.0041813850402832, 0.21425774693489075, -0.2776454985141754, -0.03415997698903084, -0.04720179736614227, 0.5755259990692139, 1.3075474500656128, -1.1262339353561401, -0.44351959228515625, -0.5657888054847717, -0.7500994205474854, 0.3143957257270813, 0.9398272633552551, 0.2535802125930786, -0.5093648433685303, 1.1665396690368652, -0.017406407743692398, -1.8067561388015747, 0.6231251955032349, -0.6126236319541931, -1.4147617816925049, 0.799308180809021, 1.025678277015686, -0.9402623176574707, -1.0929479598999023, -0.3039360046386719, -1.1837584972381592, -1.0771701335906982, -0.0036962307058274746, -0.44212082028388977, 0.5966067910194397, 0.058595020323991776, 0.44247978925704956, -0.3514023423194885, 0.04036162048578262, -1.0973381996154785, 0.40706950426101685, 0.7116825580596924, -0.19933448731899261, 0.05396709591150284, 0.38091883063316345, -0.7311657071113586, -0.07815028727054596, -1.3392035961151123, -0.7701191902160645, 0.2250361293554306, -0.04802487790584564, 0.6871247291564941, -0.5849781632423401, -0.40929991006851196, 0.8329249620437622, -0.12370365858078003, 1.0021295547485352, -1.7297343015670776, 0.16366663575172424, -1.003758430480957, -0.06276880949735641, 0.4811806380748749, -0.27204763889312744, -0.05271244794130325, 0.4041438102722168, -0.4038792550563812, 0.4722432792186737, -0.11604481190443039, 0.5012568235397339, 0.5883200764656067, 0.8805496096611023, 0.48125898838043213, -0.09417400509119034, -10.752569198608398, 0.16923028230667114, 0.011652376502752304, -0.0412469319999218, 0.3881128132343292, -0.22045692801475525, 0.8703082203865051, -0.33685505390167236, 1.2321200370788574, -0.5579689741134644, 0.5002588033676147, 1.0705548524856567, 0.25276613235473633, 0.09518872201442719, -0.607457160949707, -1.2084373235702515, -0.36020272970199585, -0.47375404834747314, 0.0830082893371582, -0.36813732981681824, -0.8828215599060059, -0.7468324303627014, -0.3493495583534241, 0.3093814253807068, 0.8993303775787354, 0.08890246599912643, -0.3835018575191498, -0.23478910326957703, -1.0278267860412598, -0.20385761559009552, 0.9317434430122375, 0.5795841217041016, -0.0960986390709877, -0.7282333374023438, 0.030052632093429565, -0.07314638793468475, -1.2375116348266602, -0.1197182834148407, 1.1146165132522583, -0.5948870778083801, -0.2492874413728714, -0.03334919735789299, 0.13568541407585144, -0.01680755987763405, -0.35094302892684937, 0.29530853033065796, 0.4498354494571686, -0.22531451284885406, 0.8655489087104797, 0.7251573801040649, -0.9720178842544556, -0.6469736695289612, -1.0752063989639282, -0.24027319252490997, 0.6098281145095825, 0.9193538427352905, -0.818340539932251, 0.12223542481660843, -0.3194197118282318, -1.153839111328125, 1.1306334733963013, 0.7319638729095459, 0.11224646121263504, -0.1457899659872055, -0.05144493281841278, -0.17686818540096283, -0.08815979212522507, 0.24351897835731506, -0.6457284688949585, -0.46029970049858093, -0.2873860001564026, 0.8939809799194336, 0.17202407121658325, 0.8167325258255005, -0.6668146848678589, 0.20958435535430908, -0.8221571445465088, -0.17927128076553345, -0.5349557399749756, -0.40543949604034424, -1.2245419025421143, 0.6027010083198547, -0.03858143463730812, -0.9003035426139832, -0.305155485868454, 0.15691998600959778, -0.3203291893005371, -0.2903575897216797, 0.8525029420852661, 0.14294138550758362, 0.40234410762786865, 0.7175796627998352, -0.2130529135465622, 0.889510452747345, 0.23600828647613525, 1.4182263612747192, -0.5978033542633057, 1.0886883735656738, 0.4540312588214874, -0.5642039179801941, 0.2914976179599762, -1.2321183681488037, -0.36660367250442505, -0.05494179576635361, 0.10515657812356949, 0.2942180633544922, -0.10508270561695099, 0.015331104397773743, -0.4722245931625366, -0.2185715138912201, 1.0793167352676392, -0.11477368324995041, -0.9205895662307739, 1.1611014604568481, 0.22727400064468384, 0.9937819838523865, 0.3478536605834961, -0.45905953645706177, 0.5879372954368591, 0.9894654154777527, -0.5054509043693542, 0.8950546383857727, -0.4870484471321106, 0.18230484426021576, 0.21600505709648132, 0.3581521809101105, 0.03738534078001976, 0.3770439028739929, -0.000601600855588913, -1.4339871406555176, 0.3488359749317169, 0.08980733156204224, 0.07312896102666855, -1.1518248319625854, -0.593987226486206, 0.04393135383725166, -0.8649066090583801, 1.6777591705322266, -0.8270114064216614, 0.30442944169044495, 0.1395241916179657, -0.6507126092910767, 0.7953270077705383, -1.155265212059021, -0.7565051913261414, -0.6327590942382812, -1.2173194885253906, -0.08570994436740875, -0.8039460182189941, -0.39164912700653076, 0.6933783292770386, -0.14917515218257904, 0.33968621492385864, -1.4927083253860474, -0.4920056462287903, -0.0013683587312698364, 0.6053014397621155, -0.25658395886421204, -1.1931506395339966, 0.09663869440555573, 0.1606144905090332, 1.090927243232727, -1.0944912433624268, 1.4289813041687012, -0.24335095286369324, -0.6739436388015747, -0.288323312997818, 0.12250544130802155, -1.0017949342727661, 0.30694887042045593, 1.296841025352478, -0.6594544649124146, -0.3962250053882599, -1.0029186010360718, -0.48171210289001465, -1.2746531963348389, 1.157628059387207, 0.8232970237731934, -0.025938786566257477, -0.19358782470226288, -0.26473304629325867, 0.5814172625541687, -0.23430491983890533, 0.11186590790748596, -0.34687602519989014, 0.669325590133667, -0.2331693172454834, 1.4352054595947266, 0.3741428852081299, 0.08033400774002075, -2.2896440029144287, -1.2149417400360107, -0.7138093113899231, -0.7113513350486755, 0.8456863164901733, -0.22872531414031982, 1.359876275062561, 1.2301322221755981, -0.5309617519378662, -0.6843869090080261, -0.20700594782829285, 0.925990879535675, 0.8372551202774048, 0.29835501313209534, -0.5531079769134521, 0.2745778262615204, -0.092964768409729, 0.06838908791542053, 0.21429318189620972, 0.13532030582427979, -2.360046863555908, -0.00650402158498764, 0.09022413194179535, -0.05659261718392372, 0.4788503646850586, -1.1667078733444214, 0.34784430265426636, -0.2518526315689087, -0.44163963198661804, -0.8434768915176392, 0.09194554388523102, 1.5289021730422974, -0.024809423834085464, 1.389928936958313, 0.5681788921356201, 1.1243828535079956, 0.8097723722457886, 0.3932529091835022, 1.2562994956970215, -0.6405467391014099, 0.05697757750749588, -0.13091030716896057, -0.4880007803440094, 0.17480605840682983, -0.539059042930603, -1.1417864561080933, -0.8278943300247192, 1.2191749811172485, -0.6740890741348267, 0.013724036514759064, 0.10842544585466385, 0.7261822819709778, 0.5796099901199341, 0.8841099143028259, -0.2392200082540512, -1.2741280794143677, -0.9584429860115051, -0.8342015743255615, 0.282207727432251, 0.4947836995124817, 0.5920246839523315, 0.5482501983642578, 0.6087002158164978, 0.11287887394428253, 1.0121653079986572, -0.9134287238121033, -0.2476104348897934, 0.16378942131996155, 0.5152348279953003, 0.7753950953483582, 0.7989032864570618, -0.006077823229134083, -0.0023614447563886642, 0.17277759313583374, -0.8872812986373901, -0.2770347595214844, -0.4915991723537445, 0.47815853357315063, 0.5376829504966736, -0.19394907355308533, -0.7142634391784668, -0.5758623480796814, 0.49355265498161316, 0.49813324213027954, 0.8200380802154541, 0.029276570305228233, -0.7796921133995056, -0.4156001806259155, -0.6148874163627625, -0.19834645092487335, 1.169665813446045, -0.6121728420257568, 0.1099974513053894, -0.0924583375453949, -0.39390313625335693, 0.14214058220386505, -0.8543539643287659, -1.4597721099853516, 0.22841718792915344, -0.5423898100852966, -0.45377814769744873, 1.0619388818740845, -1.0317522287368774, -0.9922749996185303, -0.46780019998550415, -1.065226674079895, 0.5873754024505615, 1.1938344240188599, -1.4550570249557495, -0.2879590094089508, -0.36756259202957153, -0.22185194492340088, 0.38415613770484924, 0.2826971113681793, -0.46523743867874146, -1.8053321838378906, 0.5964431762695312, 1.2538483142852783, 0.0020375214517116547, -0.3982408940792084, 0.3049154281616211, 0.6357027888298035, -0.06771714985370636, 1.0990636348724365]} +{"paper_id": "ccaligned_multilingual", "embedding": [-0.43570050597190857, 0.6706252694129944, 0.28004419803619385, -0.25981757044792175, 0.4747006893157959, -0.7468985915184021, 0.4239092767238617, 0.458421528339386, 0.37610897421836853, 0.20490765571594238, 0.4843810498714447, -0.2272948920726776, 0.3429059386253357, -0.06760898977518082, -0.26412463188171387, -0.10266765207052231, -0.579576313495636, -1.2157901525497437, -1.0985158681869507, -0.5264360308647156, -0.5995635390281677, -0.4751760959625244, -0.45584726333618164, -0.08645600825548172, -0.2687820494174957, -0.37483564019203186, 0.5755316019058228, -0.8580389618873596, 0.3140494227409363, 0.4464866518974304, -0.26751837134361267, 0.9081889986991882, -1.5076221227645874, 0.2087322175502777, -0.2657499611377716, 0.18449009954929352, 0.005390495993196964, 1.0422059297561646, -0.49161097407341003, -0.25340065360069275, -0.8516985774040222, -0.34947335720062256, 1.1052005290985107, 0.22434410452842712, 0.7263931632041931, 0.06690477579832077, 0.20265235006809235, 0.20080745220184326, 0.5706562995910645, 0.3523310124874115, -0.13807964324951172, -0.022860147058963776, -0.23162603378295898, 0.21351110935211182, -0.4294985830783844, 1.2598185539245605, 0.17194271087646484, -1.0373189449310303, 0.7339694499969482, -0.7483228445053101, 0.5722288489341736, 0.9709171652793884, -0.65992271900177, 0.05940483137965202, 1.121485710144043, -0.24781428277492523, 1.110666275024414, 0.2222304791212082, 0.7503561973571777, 1.1359766721725464, -0.0058866143226623535, -1.7470238208770752, 0.5197755098342896, -0.1456890106201172, 0.1937885582447052, 0.7448264360427856, 0.5196595788002014, -0.054135460406541824, 0.6221476793289185, 0.028302062302827835, 0.10139669477939606, 0.9386777877807617, 0.6878458261489868, -0.19442318379878998, -0.2997140884399414, -0.47523584961891174, -0.1855243593454361, -0.3962766230106354, 1.1102030277252197, -1.427259087562561, 0.5584651827812195, -0.17170384526252747, 0.31455785036087036, -0.023882292211055756, -0.02686774730682373, 0.1057831272482872, 0.058268822729587555, 0.22032779455184937, -0.7384876012802124, 0.1999116837978363, 0.6158623695373535, -0.3786759078502655, 0.5446032285690308, -0.18225371837615967, 0.4872918128967285, 0.5718286037445068, -0.4607868194580078, -0.8649728298187256, -1.22896409034729, -0.2337639033794403, -0.2360311597585678, 0.8663848638534546, -0.26800185441970825, 0.5489481091499329, 0.0825713500380516, -0.6195080876350403, -0.4989074766635895, -0.32997873425483704, -0.7067479491233826, 0.07741958647966385, -0.014726703986525536, -1.257153034210205, -0.5533440113067627, 0.3008052110671997, 0.845952033996582, -0.6233848929405212, 0.3264771103858948, -0.29365065693855286, -0.07107040286064148, -0.3588891923427582, 0.7191826105117798, 0.13976508378982544, -0.28493645787239075, -0.2894621193408966, 2.6819796562194824, -0.4424450397491455, 1.2937051057815552, 0.004051981493830681, -0.27662375569343567, 0.226675882935524, 0.27709510922431946, 1.4012690782546997, 0.26978600025177, -1.0695290565490723, -0.09058304131031036, 0.2147645801305771, -0.751908004283905, 0.3900681436061859, -0.48733004927635193, -0.3660719692707062, -0.17231649160385132, 0.6151763796806335, -0.680382251739502, -0.41700369119644165, -0.0037693679332733154, 0.0876360610127449, 0.8215582966804504, 0.6291504502296448, -0.6648504734039307, 1.3646107912063599, 0.5050272941589355, 0.6749778985977173, -1.3483407497406006, 0.4939005374908447, -0.9153278470039368, 0.22314299643039703, 1.8788787126541138, -0.38966092467308044, -0.8483205437660217, -0.5877614617347717, 0.5167379379272461, -0.5521296262741089, 0.29443779587745667, 0.017343178391456604, -0.2908095419406891, 0.3027143180370331, 0.5143243670463562, 0.5098477602005005, 0.1767183542251587, -0.45229148864746094, 0.10273108631372452, -0.11895111203193665, 0.009379960596561432, 0.24265742301940918, -0.08251149207353592, 0.22826343774795532, -2.099771738052368, -0.35648685693740845, -0.5604003071784973, -0.24103766679763794, 0.2057638168334961, -0.7827515602111816, 0.1335538923740387, -0.15445420145988464, 0.25935614109039307, -0.33905985951423645, -0.04187444970011711, -1.4519895315170288, 0.07553121447563171, 0.34720557928085327, -0.03993215411901474, 0.02480567991733551, 0.4780595600605011, 0.7141723036766052, 0.4219091236591339, -0.2391321063041687, -0.6521153450012207, -1.3911123275756836, 0.35711637139320374, 2.729985237121582, -0.7543652653694153, -0.41280972957611084, -1.5843937397003174, 0.039492323994636536, 0.06717690080404282, -0.4544869363307953, 0.5226590633392334, -0.6965071558952332, -0.6622899770736694, -0.8773317933082581, 0.3418135941028595, -0.6755293607711792, 0.085973359644413, -0.2216411978006363, 0.45071080327033997, -0.745354175567627, -0.3958929479122162, -0.1875743269920349, -1.3908562660217285, 0.8045029044151306, 0.6806553602218628, 0.10746992379426956, -0.8806148171424866, 1.143682837486267, 0.1636744737625122, 0.9352402091026306, 0.6595019102096558, 0.6054407954216003, -0.5312442779541016, -0.14907614886760712, -0.2325245440006256, 1.1382901668548584, -0.5763750076293945, -0.12918631732463837, 0.1494297832250595, 0.4312720000743866, -0.15002664923667908, -0.7443122267723083, -0.23843714594841003, 0.10051564127206802, 0.7961830496788025, 1.4926209449768066, -0.8089136481285095, 1.7024463415145874, -0.8153799772262573, 0.28287220001220703, 0.09533250331878662, -1.001510739326477, 0.08700136840343475, 0.09495113790035248, 0.6274417638778687, 0.08406402915716171, 0.46223556995391846, -0.020175285637378693, -0.048634786158800125, -1.0647988319396973, -0.5197214484214783, -0.25293806195259094, -0.6214911937713623, -0.7302618026733398, -0.37085387110710144, 0.04506469517946243, -1.1310019493103027, -0.24268946051597595, 0.059283506125211716, 0.47952958941459656, -0.011937439441680908, 0.9845635890960693, 1.526414155960083, 0.36546972393989563, 0.41529881954193115, -0.26158204674720764, 0.012583747506141663, -0.009395439177751541, 0.7278110384941101, 0.12336753308773041, -0.031502965837717056, -1.5593973398208618, -0.38068637251853943, -0.3185787796974182, -0.09310449659824371, -0.12937423586845398, -0.2874586582183838, 0.6021626591682434, -0.33596253395080566, -1.5986261367797852, 0.5212001800537109, -0.13941799104213715, 0.15428772568702698, -0.9678792357444763, 1.138359546661377, 0.5436768531799316, 0.07132992148399353, 0.5779005289077759, 0.21571475267410278, -0.4250755310058594, 1.709235668182373, -0.5910990834236145, 0.6681450605392456, 0.9479163289070129, -0.1393595039844513, -0.24895529448986053, -0.041825778782367706, -1.6121556758880615, -0.38013920187950134, 0.9499040246009827, -0.2838505208492279, -0.18997959792613983, -0.40141016244888306, 0.06612813472747803, -0.0414547435939312, -0.6456188559532166, 0.3633336126804352, -0.9534763693809509, 0.4198804795742035, -0.18245279788970947, 0.23817147314548492, 0.9757742881774902, -0.390769898891449, 0.9187839031219482, 0.906043529510498, 0.39652541279792786, -0.20567476749420166, -0.31944739818573, 0.7713950276374817, -0.33241474628448486, 0.8534232378005981, 0.5838034749031067, 0.8015874028205872, 1.1597670316696167, -0.6934314370155334, -0.22973249852657318, 0.1483888477087021, 0.885382354259491, 0.056761130690574646, 0.6192959547042847, -0.16132578253746033, 0.9770029783248901, 0.41614723205566406, 1.0828784704208374, 0.39579781889915466, -1.3600908517837524, -1.0965983867645264, -0.3649456799030304, -0.7870272397994995, -0.4709501266479492, 1.6646697521209717, 0.6615354418754578, 1.6084163188934326, 0.00525694340467453, 0.03193769231438637, -0.48842328786849976, -0.07125265151262283, 0.5696848034858704, 0.9338448643684387, -0.16462711989879608, 0.19611823558807373, -0.0023543760180473328, 1.2378548383712769, -0.14923402667045593, -0.9056820869445801, 0.08865199238061905, 0.7228714227676392, -0.6263920068740845, -0.727944552898407, -0.029504049569368362, 1.088879942893982, 0.626893937587738, 1.0576738119125366, -0.6921018362045288, -0.21786946058273315, -0.3112955689430237, 0.39020419120788574, -0.5921752452850342, 0.5232729315757751, -1.232802391052246, 0.15969139337539673, 0.7812420129776001, 0.684681236743927, 0.10078679025173187, 1.0047823190689087, 0.829569935798645, -0.18637895584106445, -0.8819915056228638, -0.3844512403011322, -0.7093566060066223, -0.3986271619796753, -0.7294495701789856, -0.22474239766597748, -1.0318719148635864, 0.7567692399024963, -0.3018043041229248, -0.5381558537483215, 0.7870339155197144, -0.16001193225383759, -1.8707232475280762, 0.43254971504211426, 1.1836068630218506, -1.3331444263458252, -0.573531448841095, -0.009227238595485687, -0.6738536357879639, -0.8815227150917053, 0.34446480870246887, -0.3758728802204132, -0.07954530417919159, 0.37312591075897217, 0.2923795282840729, -0.2642330527305603, -0.42606985569000244, -0.5909034013748169, 0.6954628825187683, 1.4312671422958374, -0.7791828513145447, -0.7163434028625488, 0.10356632620096207, 0.4683055281639099, 0.015131723135709763, -1.1621978282928467, -0.4960523247718811, 0.4309768080711365, 0.16852065920829773, 0.15051120519638062, -0.4993631839752197, -0.481812447309494, 0.05066058412194252, 0.223894402384758, 1.1918683052062988, -0.7580572962760925, 0.6793996691703796, -0.754792332649231, 0.7863152623176575, 0.09855750948190689, -0.22983500361442566, -0.4649389982223511, 1.2574970722198486, -0.5693677067756653, 0.3134887218475342, 0.14685453474521637, 0.23658856749534607, 0.608936607837677, 0.6012203097343445, 0.1384553611278534, -0.4695807099342346, -12.23003101348877, 0.3584311008453369, 0.28697118163108826, 0.08747796714305878, 0.9261963963508606, 0.783564031124115, 0.7346322536468506, 0.24717266857624054, 0.4372193515300751, -0.376670241355896, 0.15436489880084991, 1.1388763189315796, 0.09096571803092957, -0.2983216643333435, -0.5210204720497131, -1.133249044418335, -0.6261214017868042, 0.05969250202178955, 0.9852581024169922, -0.20509502291679382, -0.5588743686676025, -0.9296939969062805, -0.33867329359054565, -0.03171512484550476, 0.20158816874027252, -0.266452431678772, 0.38647764921188354, -0.2443658709526062, -0.1401529610157013, -0.5703616142272949, 0.25562378764152527, -0.12373866140842438, -1.062903642654419, -0.25415146350860596, 0.1644868701696396, 0.6595025658607483, -0.7382059693336487, -0.435451865196228, 1.1447346210479736, -0.278787225484848, -0.02155720442533493, 0.15823139250278473, -0.11348842084407806, 0.2381090670824051, -0.4362226128578186, 0.22664789855480194, -0.03361840546131134, -0.5747552514076233, 1.0303945541381836, -0.7703723907470703, -0.553928792476654, -0.9519394636154175, -1.263732671737671, -0.5393884778022766, 0.7892628312110901, 0.2838538587093353, -0.9960166811943054, 0.2495063841342926, -0.450354665517807, -0.5837045907974243, 1.05168879032135, 0.2554320693016052, -0.37020301818847656, 0.23375166952610016, 0.007848981767892838, -0.1762176752090454, 0.8629026412963867, 0.337449848651886, -0.21000003814697266, 0.05437356233596802, -0.7089383006095886, -0.08918687701225281, 0.13019831478595734, 0.11696168780326843, 0.4910734295845032, -0.1808929443359375, 0.13048137724399567, -0.40334174036979675, 0.20950931310653687, 0.7716414928436279, -0.8897238373756409, 0.22488319873809814, -0.15503595769405365, -0.5016424655914307, -0.2108321189880371, -0.5623053312301636, -0.5917187333106995, 0.41547226905822754, 0.4917900860309601, 0.35986486077308655, 0.7915192246437073, 0.16270232200622559, -0.23309047520160675, -0.902054488658905, -0.600232720375061, 0.5988430380821228, -1.1586427688598633, 1.1126689910888672, -0.16022814810276031, -0.8817891478538513, 0.2020464539527893, -0.06920028477907181, -0.5982228517532349, -0.433317095041275, 0.9955257773399353, 0.3569704592227936, 0.09248624742031097, 0.19261962175369263, -0.2602785527706146, -0.11748386174440384, 1.135716438293457, -0.20733137428760529, -0.027070552110671997, 1.1131328344345093, -0.1269722878932953, 1.212938904762268, 0.714831531047821, 0.18617188930511475, 0.6007717251777649, 0.6668962240219116, -0.10102412104606628, 0.5591647624969482, 0.20029380917549133, 1.1129343509674072, -0.2962718605995178, -0.12465076893568039, -0.06791792809963226, 0.6032801270484924, -0.8406395316123962, -0.7622149586677551, 0.2715684175491333, -0.032036736607551575, -0.1369379758834839, -1.0032342672348022, -0.5789766311645508, -0.6752197742462158, -0.34921756386756897, 1.224391222000122, 0.01309734582901001, 0.25571516156196594, -0.4775840640068054, -0.9170324802398682, 0.02849261462688446, -0.3374323844909668, -0.43948113918304443, 0.20018315315246582, -0.990980327129364, -0.34529584646224976, -0.5914577841758728, -0.3526066541671753, 0.4868188202381134, -0.4892861843109131, 0.8619728088378906, -0.6987522840499878, -0.06626557558774948, -0.046667758375406265, 0.24291376769542694, -0.24959686398506165, -1.103564977645874, -0.26417067646980286, 0.08679696172475815, 0.9215657114982605, -0.9209364652633667, 1.1296287775039673, 0.8758072853088379, 0.4132373631000519, -1.0969971418380737, -0.25407037138938904, -0.7463517189025879, 0.1099294051527977, 0.9407187700271606, -0.3809944987297058, -0.2727000415325165, -0.3280118405818939, -0.6977232694625854, -0.33737123012542725, 0.6246529221534729, 0.9643514156341553, -0.7226321697235107, 1.0335272550582886, 0.09246933460235596, 0.3951287567615509, 0.26494210958480835, -0.2586003243923187, -0.793880820274353, 0.16006812453269958, -0.7187918424606323, 0.8553439378738403, 0.12784293293952942, 0.6289333701133728, -1.3898110389709473, -1.1655285358428955, -0.16736343502998352, -0.5919406414031982, 0.8614936470985413, -0.39919722080230713, 1.604231834411621, -0.17604757845401764, 0.8312350511550903, 0.3372791111469269, -0.0736084133386612, 0.6936271786689758, 0.03194905072450638, 0.44028380513191223, -0.4309109151363373, 0.36906862258911133, -1.0688350200653076, 0.7030497789382935, 0.4230750799179077, 0.6156256794929504, -1.252817988395691, -0.46889591217041016, 0.7070666551589966, 0.1761922389268875, -0.26748350262641907, -1.451980710029602, 0.7544472217559814, -0.01368187926709652, -0.5140966773033142, -1.15700364112854, -0.12369132786989212, 1.4800585508346558, -0.3868379592895508, 0.8323935866355896, 0.38709545135498047, 0.5684743523597717, 0.6465134024620056, 0.632459819316864, 1.1377573013305664, -0.12867558002471924, -1.2812893390655518, 0.07686056196689606, 0.002932608127593994, -0.34288346767425537, 0.30984723567962646, 0.25835949182510376, -0.8548415899276733, -0.3068163990974426, -1.4597785472869873, 0.3583347499370575, -0.4954671263694763, 0.2823909521102905, -0.0019778236746788025, 0.8469517230987549, -0.5155553221702576, -1.1016219854354858, -0.0813739150762558, -0.5458539128303528, 0.20589962601661682, 0.20897434651851654, 0.8325138092041016, 0.13256405293941498, 0.6895765066146851, 0.07808617502450943, 0.7601508498191833, -0.15386192500591278, 0.25131380558013916, 0.13597233593463898, -0.4392755627632141, 1.5112897157669067, 0.3497612774372101, 0.13471511006355286, 0.060294367372989655, -0.19518813490867615, -1.0570827722549438, -0.8751885890960693, -0.12922309339046478, 0.907637357711792, 1.6507246494293213, 0.36347490549087524, 0.01307666301727295, -1.0362309217453003, 0.18837139010429382, -0.6915804743766785, 0.6922658085823059, 0.7163704037666321, -0.7093665599822998, -0.857304573059082, -0.8469051718711853, 0.47813063859939575, 0.8480567932128906, -0.7703304886817932, 0.3161817789077759, -0.6092952489852905, 0.6369553208351135, -0.0005970788188278675, -0.35779088735580444, -0.7548932433128357, 0.5784557461738586, -0.305827260017395, 0.34562379121780396, 0.8314903974533081, -0.3756696283817291, -0.4714791476726532, 0.03258351981639862, -0.5767354965209961, 0.3413800895214081, -0.03801305964589119, -0.7180987596511841, -0.2521224617958069, 0.7011551856994629, 0.36665135622024536, 0.14001786708831787, 0.3598422408103943, -0.5167108774185181, -1.3718900680541992, 0.966907799243927, 0.88990318775177, -0.19096192717552185, -0.1695096641778946, 0.31756308674812317, 0.07702895998954773, 0.5073080062866211, 1.0593085289001465]} +{"paper_id": "cmrc2018", "embedding": [0.19710902869701385, 1.2011646032333374, 0.10487353801727295, 0.15334495902061462, 0.20379498600959778, 0.16296568512916565, 0.5007808208465576, 0.6405394673347473, 0.7224388718605042, 0.43133819103240967, 0.21313998103141785, -0.7305323481559753, 0.1385461688041687, 0.2848648726940155, -0.23112860321998596, -0.8169102668762207, -1.0650146007537842, -0.5092774033546448, -1.4097081422805786, -0.63416987657547, -0.8315889239311218, -0.987170398235321, -0.234593003988266, 1.2696282863616943, -0.5017068982124329, -0.8898043632507324, 0.4015285074710846, -1.369017481803894, -0.07180333882570267, 0.18343177437782288, 0.0015447959303855896, 1.2285388708114624, -1.18084716796875, 0.9178404211997986, -0.36090126633644104, -0.015356461517512798, 0.9711625576019287, 0.4625709652900696, 0.110081247985363, -0.41616928577423096, -0.7423080801963806, 0.13649702072143555, 0.1439204216003418, -0.7331676483154297, 0.4388761520385742, -0.39245444536209106, -0.1289602369070053, -0.4563024342060089, -0.37228190898895264, -0.24519872665405273, -0.5230217576026917, 0.42060986161231995, -0.1953572928905487, -0.13992471992969513, 0.2620469033718109, 0.8112661838531494, 0.11021573096513748, -0.5668689608573914, 0.31294485926628113, 0.15818679332733154, 1.268928050994873, 1.6138108968734741, -0.15005837380886078, 0.31261754035949707, 1.7193611860275269, 0.3044734001159668, 1.4121514558792114, 0.22065369784832, -0.6145641207695007, 0.8856531977653503, -0.4348904490470886, -0.7759096026420593, -0.2513875365257263, -0.8212511539459229, -0.40847066044807434, 1.228198766708374, -0.3350812494754791, 0.3460743725299835, 0.05710655450820923, 0.2001546025276184, -0.28961697220802307, 0.34155958890914917, 1.0340912342071533, -0.34640729427337646, 0.4987678825855255, 0.5178962349891663, 0.840788722038269, -0.4262370467185974, 0.33048543334007263, -2.0118472576141357, 0.22981783747673035, 0.6098781824111938, 0.11450781673192978, 0.5384068489074707, -0.16980332136154175, 0.7315754890441895, -0.1979069858789444, -0.20362728834152222, -0.11495323479175568, -0.6325049996376038, 0.6119359731674194, -0.09710787981748581, 0.9236037731170654, -0.009594202041625977, 0.20615343749523163, 0.18819743394851685, 0.5668949484825134, -0.044664882123470306, -0.6111958026885986, -0.8405870795249939, 0.23029807209968567, 0.6302353143692017, -0.46734875440597534, 0.5982322692871094, 0.02467842772603035, -0.7285581231117249, 0.6314131021499634, -0.5999835729598999, -0.5967302918434143, 0.12838026881217957, -0.4742615222930908, -0.29419681429862976, -0.5990356206893921, -0.8981755971908569, 0.6067491769790649, -0.6341424584388733, -0.14483951032161713, -1.444711685180664, 0.03033818118274212, -0.20561768114566803, 0.4278995394706726, 0.22686675190925598, -0.6446449160575867, 0.08372046053409576, 2.6934900283813477, -1.0059775114059448, 1.184493899345398, -0.5674513578414917, -0.15555694699287415, -0.5882338285446167, -0.8991841673851013, 1.9392613172531128, -0.4312518835067749, -0.2129211127758026, -0.23279711604118347, 0.10342743992805481, -0.783211350440979, 0.6152276992797852, -0.4890810251235962, -1.066727876663208, -0.09955942630767822, -0.09156618267297745, -1.5766788721084595, -0.6879551410675049, -0.08068612217903137, -0.21798446774482727, -0.2827666401863098, 0.701511561870575, -0.4807146191596985, 0.7308937311172485, 0.6601570844650269, -0.019498057663440704, 0.05540645122528076, 1.0449037551879883, -0.995772659778595, -0.1726820170879364, 0.6097337603569031, -0.4497995674610138, -0.4772725999355316, -0.19942457973957062, 0.3169749081134796, -0.43766874074935913, -0.8162363767623901, -0.38927653431892395, 0.0979902520775795, 0.6519040465354919, 0.4720142185688019, 0.6224690079689026, 0.14065366983413696, -0.8423958420753479, 0.029314707964658737, -0.7157374620437622, 0.2137872576713562, 0.5325916409492493, 0.1496417075395584, 0.9671004414558411, -3.4891066551208496, 0.03690679743885994, -1.0968343019485474, 1.7183855772018433, 0.1760835349559784, -0.09675021469593048, 0.5605216026306152, 0.4856390655040741, 0.250723659992218, -0.7689510583877563, 0.9093261361122131, -0.6700180768966675, 0.6934951543807983, 0.5400914549827576, 0.6677101850509644, -0.07882094383239746, 0.5922921895980835, 1.17289137840271, 0.45600220561027527, -0.6606671214103699, -0.9110273122787476, -2.107348680496216, -0.5222775936126709, 2.0453109741210938, 0.31354498863220215, -0.20948854088783264, -0.5429189205169678, -0.20116907358169556, 0.12419407814741135, -0.26841503381729126, 0.2970745265483856, -0.7330501675605774, -0.5437379479408264, -0.14551065862178802, 0.6157187819480896, -0.861792802810669, -0.21302902698516846, 1.0070016384124756, 1.1206375360488892, -0.2816765308380127, -0.22434672713279724, -0.4946928024291992, 0.04602421820163727, 0.06389684975147247, 0.897720217704773, -0.25838905572891235, -0.3257940411567688, 0.6163005232810974, 0.7694500088691711, 1.0853406190872192, 1.3506537675857544, 0.548544704914093, -0.3868929147720337, 0.33451834321022034, -0.3591238558292389, 1.323357105255127, -0.00836820900440216, -0.5329931974411011, 0.6084778308868408, 0.10748501121997833, -0.2649197578430176, 0.2590031027793884, -0.9784302711486816, -0.0798400416970253, 1.0683538913726807, 0.5763325691223145, -0.6477970480918884, 0.854769229888916, -1.4014948606491089, -0.1786903738975525, -0.4645354747772217, -0.28452080488204956, -0.4754064679145813, -0.007238578051328659, -0.1554277390241623, -0.9787325859069824, -0.16056373715400696, -0.46939051151275635, -0.6033703684806824, -1.4993031024932861, -1.2448272705078125, -0.047992534935474396, 0.14929205179214478, -1.2167549133300781, -1.079344391822815, -0.14251799881458282, -1.7511628866195679, -0.17024585604667664, -0.04962916299700737, -0.2326754331588745, -0.14867737889289856, -0.2135770320892334, 2.2954442501068115, 0.24633872509002686, 0.08683140575885773, 0.06375488638877869, 0.708842396736145, -0.6228563785552979, 0.5213273167610168, 0.06936176121234894, 0.10245972871780396, -1.1367462873458862, 0.08947385847568512, -0.905156672000885, 0.693793773651123, 0.7645460367202759, 0.05637187510728836, 0.8913977146148682, -0.12884370982646942, -1.2222728729248047, 0.6955784559249878, -0.2542738616466522, 0.25551387667655945, -1.622347116470337, 1.8588091135025024, 0.17264261841773987, -0.702972412109375, 0.4465023875236511, -1.3187888860702515, -0.48229438066482544, 0.7295864224433899, -0.5460078716278076, 0.5824215412139893, 0.05282225459814072, -0.6819273233413696, 0.2257363200187683, 0.3747457265853882, -1.8888285160064697, 0.967259407043457, 1.1891728639602661, 0.03217868134379387, -0.10015587508678436, -0.8665270209312439, 0.41770124435424805, -0.4822993576526642, 0.029853442683815956, 1.1927310228347778, -0.8127466440200806, 0.24435710906982422, -0.02076215296983719, 0.18735475838184357, 0.22555245459079742, -0.26050513982772827, 1.059618592262268, 0.5672855377197266, 0.4018182158470154, -1.1568176746368408, -0.45549914240837097, 1.141526460647583, -1.0789858102798462, 1.1246097087860107, 0.19982224702835083, 0.1394711583852768, 0.8514435291290283, -0.15801632404327393, -0.22774730622768402, 0.6863610744476318, 0.9896047115325928, 0.4994303286075592, 0.2586449980735779, -0.12457422912120819, 0.182054340839386, -0.22209274768829346, 1.8014801740646362, 0.07754907011985779, -0.7234475612640381, -0.933512270450592, -0.3101253807544708, -0.19354388117790222, -0.5563139915466309, 1.3887693881988525, 0.7413205504417419, 2.0138096809387207, 0.5334603786468506, -0.2481440007686615, 0.22213171422481537, -0.21170876920223236, 0.6943051815032959, 0.31175005435943604, 0.3203950524330139, -0.7947643995285034, 0.24814648926258087, 1.1837918758392334, 0.9546300172805786, -0.5900290608406067, 0.41014325618743896, 0.12059148401021957, -0.4882403314113617, -1.1556940078735352, 0.8584023118019104, 0.7701166868209839, 0.8998966813087463, 1.9744186401367188, -0.5309967398643494, 0.17972874641418457, 0.07073045521974564, -0.5860546231269836, -0.23856617510318756, 0.5825212001800537, 0.13692188262939453, 0.7928022146224976, 0.6314387917518616, 1.086187720298767, -0.21296963095664978, 1.198004126548767, 1.4946317672729492, -0.09245798736810684, -1.9349464178085327, -0.19672062993049622, -0.6034024953842163, -0.06362947821617126, -0.08683286607265472, -0.5428218841552734, -0.5263577699661255, 0.3331407308578491, -0.0784653052687645, -0.9125698208808899, -0.028559856116771698, 0.14292798936367035, -1.3381978273391724, 1.269768238067627, 0.6318526268005371, -1.2806493043899536, -0.6605092287063599, -0.11555224657058716, -0.7197562456130981, 0.2667754292488098, -0.23157209157943726, -1.3912442922592163, 0.6262771487236023, 0.7593640685081482, 0.8685458302497864, 0.8140193819999695, 0.11319904029369354, -1.3960758447647095, 1.3754003047943115, 1.4678943157196045, -1.7181154489517212, 0.452385812997818, 0.48935332894325256, 0.9016777873039246, 0.5295405983924866, -1.1056079864501953, -0.6993764042854309, 1.5280851125717163, 0.04085145890712738, -0.39709001779556274, -0.9739695191383362, -0.1911965012550354, 0.9180910587310791, 1.0124626159667969, 0.35161522030830383, -0.7593452334403992, 0.25374680757522583, -0.8092511892318726, 0.3208337426185608, 0.6665890216827393, -2.040865182876587, -0.9979735016822815, 0.8206220865249634, -0.732973039150238, 0.7780365943908691, 0.7111319303512573, 0.5489333868026733, 1.790960431098938, -0.2654191851615906, 0.2973768711090088, -0.27848970890045166, -9.367205619812012, 0.5582723021507263, -0.2511708736419678, -0.010736219584941864, 0.011455494910478592, -0.16606959700584412, 0.46356308460235596, 0.546262264251709, 0.005078506655991077, -0.7601014971733093, 0.3653768301010132, 1.3909820318222046, 0.6901499629020691, -0.4714113175868988, -0.5989915728569031, -0.7742040157318115, -1.069727897644043, -1.4615895748138428, 0.41480863094329834, 0.8297074437141418, -0.5616907477378845, -0.5836824178695679, 0.054502278566360474, -0.4379759430885315, 0.3099154531955719, 0.02803221344947815, -0.24080365896224976, -0.43912839889526367, -0.30764126777648926, 0.2792786657810211, 0.7218579053878784, -0.5626054406166077, -1.1869511604309082, 0.4498288929462433, 0.5231702923774719, -0.2974878251552582, -1.0655258893966675, -0.2504235506057739, 0.38059037923812866, -1.0401098728179932, -0.3317006230354309, 0.010318231768906116, 0.6886245012283325, -0.9705835580825806, -0.4508919417858124, 0.42338770627975464, 0.04393141716718674, -1.0515896081924438, -0.03452693670988083, -0.8110689520835876, -0.8640861511230469, -0.8053132891654968, -2.067924976348877, -0.83348548412323, 1.0436546802520752, -0.04595762863755226, -0.4302254319190979, -0.3744681477546692, -0.6771640777587891, -0.7770116329193115, 0.7757608890533447, -0.5561841130256653, -0.6454082727432251, 0.8580181002616882, 0.39710187911987305, -0.5357539653778076, 0.9557421803474426, 0.12508198618888855, 0.6237856149673462, 0.8750012516975403, -0.8214589357376099, 1.8682560920715332, -0.2783973515033722, 0.5762385725975037, 0.08123233914375305, 0.2253909409046173, -0.7955796718597412, -0.17402216792106628, 1.1303691864013672, 0.17964810132980347, -1.0344414710998535, 0.4566148519515991, 0.26252591609954834, -0.20732581615447998, -0.7501535415649414, 0.33123576641082764, -0.07228822261095047, 0.7003904581069946, 0.12747690081596375, -1.0870095491409302, 1.8774875402450562, -0.27776598930358887, -0.03885956108570099, -0.3733347952365875, -0.6181160807609558, 0.37398555874824524, -1.0232243537902832, 0.9784401059150696, 0.4727945029735565, -0.3078196942806244, -0.04989653825759888, 0.1395382583141327, -0.7359638214111328, -0.02403566613793373, 0.9358217716217041, 0.29825639724731445, 0.4002097249031067, 0.4684014618396759, -0.4622267782688141, -1.8266252279281616, 0.3776426911354065, 0.892203152179718, 0.15252962708473206, 0.8816929459571838, -0.24571678042411804, 1.5404548645019531, 0.5708020925521851, 0.1679038107395172, -0.1066974401473999, 1.36724853515625, -0.834345281124115, 1.2585278749465942, 0.8762122392654419, 2.1358823776245117, 0.2272149920463562, 0.4577188789844513, 0.6472654938697815, 0.106483593583107, -0.24236436188220978, -1.0187206268310547, 0.4966655373573303, -0.3259730041027069, 0.3518909811973572, -0.6217536330223083, -0.401395320892334, 0.04049191251397133, -0.5718408823013306, 1.7520136833190918, -0.7746632099151611, -0.0779266282916069, -0.23215782642364502, -0.52532559633255, -0.6545365452766418, -0.34957191348075867, -0.8405711054801941, 0.6093050241470337, -2.765932559967041, -0.17303496599197388, -0.05668356269598007, -0.80641108751297, -0.5586168766021729, -1.1457449197769165, 0.5948404669761658, 0.6326947808265686, -0.331886351108551, -0.8352882266044617, 0.6469876766204834, -1.0429046154022217, -0.4393206536769867, -0.271853506565094, 0.11578670889139175, 0.7405857443809509, -0.91217440366745, 0.9521918296813965, 0.13480287790298462, -0.44868049025535583, -1.1831777095794678, 0.1582126021385193, -0.9467604160308838, 1.0697728395462036, 0.9353607892990112, -1.1760773658752441, -0.1785053163766861, -0.19465234875679016, 0.0687265694141388, -0.2760453522205353, -0.007394898682832718, 1.0860953330993652, -1.6035420894622803, 0.1672574281692505, -0.9013869762420654, 0.17755000293254852, 0.7749626040458679, -1.014707088470459, -0.2524659037590027, 0.7367690801620483, -0.6312028765678406, 0.3257667124271393, 0.09833768010139465, 0.6520225405693054, -0.9991110563278198, -1.431380033493042, 0.1537170261144638, -0.44191765785217285, 0.45579269528388977, 0.2868287265300751, 1.0840139389038086, -0.11391298472881317, -0.5307537317276001, -0.37432268261909485, 0.0819893330335617, 0.14314153790473938, 0.01707255095243454, 0.967452883720398, -0.16375933587551117, 0.4727589190006256, -0.46847131848335266, -0.2277815341949463, 0.9505193829536438, 0.8819429278373718, -0.49791958928108215, 0.36642885208129883, 0.08891737461090088, -0.2536260187625885, -0.04571281373500824, -1.5985946655273438, 0.0864165872335434, -0.6885362267494202, -0.5414190888404846, -0.8243303298950195, 0.03894771263003349, 1.137634038925171, -0.7349991202354431, 0.529381513595581, 1.0194469690322876, -0.12318873405456543, 0.4976212680339813, 0.33916252851486206, 1.1406642198562622, 0.13939593732357025, -0.10940248519182205, 0.1731024533510208, 1.04219388961792, -0.12384136766195297, -0.001452803611755371, 0.05744989216327667, -0.5538127422332764, -0.24737608432769775, -0.9783008098602295, 1.250700831413269, 0.047610338777303696, -0.10709796100854874, 0.860434353351593, 1.1027421951293945, 0.8110418319702148, -1.7017767429351807, 0.43781566619873047, -0.9089736938476562, 0.08910936117172241, 1.0383704900741577, -0.1623893678188324, -0.004951130598783493, 0.4572926163673401, -0.6145814657211304, 1.7801446914672852, -0.3485783636569977, 0.30090320110321045, 0.3188961148262024, -0.4219472408294678, 0.9086363911628723, 0.35279151797294617, 0.6660211682319641, -0.015524102374911308, -0.712405800819397, -1.6200863122940063, -0.07124321162700653, -1.4395354986190796, 1.1684203147888184, 0.0515374094247818, -0.2211686670780182, 0.5186599493026733, -0.3743821978569031, 0.4333671033382416, -0.5935122966766357, 1.4786877632141113, -0.08874870836734772, 0.10847516357898712, -0.2748594880104065, -1.6300368309020996, -0.5053316950798035, 0.6555699110031128, -0.31753090023994446, 0.31358659267425537, 0.11654521524906158, 0.8913343548774719, -0.21818113327026367, -0.1389777958393097, -0.32120373845100403, -0.47507336735725403, -0.6468035578727722, 0.3207970857620239, 0.34192293882369995, -0.5548790097236633, -1.0168553590774536, 0.19781306385993958, -0.5250315070152283, 0.39488592743873596, 0.37677818536758423, -0.7056414484977722, 0.3262503445148468, 0.9105410575866699, -0.20328237116336823, -0.7792878150939941, 0.2658425569534302, 0.41021743416786194, -1.3231942653656006, 1.1855337619781494, 0.5824244618415833, -0.7823139429092407, -0.4374397099018097, 0.4823561906814575, 0.9354473352432251, -0.018336253240704536, 1.1759370565414429]} +{"paper_id": "schema_guided_dstc8", "embedding": [-0.6204751133918762, 0.6704769730567932, -0.00979188084602356, 0.03596807271242142, 0.29193222522735596, 0.6289061307907104, 0.6084749698638916, 0.6677219271659851, 0.5732763409614563, 0.24760735034942627, 0.28805091977119446, 0.3320061266422272, 0.03867315128445625, -0.5861992835998535, -0.47071757912635803, 0.46441224217414856, -0.9109353423118591, -1.2783695459365845, -1.3326672315597534, -0.6829006671905518, -0.5522465109825134, -0.6920284032821655, 0.05821404233574867, 0.8531898260116577, -0.7769069075584412, -0.5018491744995117, 1.4333994388580322, -1.1468610763549805, 0.44032022356987, 0.02672351896762848, -0.1868610382080078, 1.5348529815673828, -0.7538185119628906, 0.4000416696071625, -0.046007271856069565, 0.1563774049282074, 0.021418452262878418, 0.6588869690895081, -0.5482409000396729, 0.2568945586681366, -0.4608660340309143, 0.9456834197044373, 0.4027121961116791, 0.22797705233097076, 0.7149480581283569, -0.1057107150554657, 0.2417590469121933, 0.3096922039985657, -0.5748377442359924, 0.020072821527719498, -0.8755964636802673, 0.044125817716121674, 0.6765044927597046, 0.7240424156188965, -0.5599808692932129, 1.1489379405975342, -0.07300808280706406, -0.5949684381484985, 0.4801914095878601, -0.6275593042373657, 0.9187103509902954, 1.0156328678131104, -0.023320751264691353, 0.6722384095191956, 1.2903516292572021, 0.1653064340353012, 0.8882030248641968, 0.5207260251045227, 0.38554540276527405, 0.5682408809661865, -0.25351715087890625, -1.4439257383346558, 0.8042449355125427, -0.02800808846950531, -0.6205716133117676, 1.19098699092865, 0.5770512223243713, 0.3060120940208435, -0.3686279356479645, -0.2634948194026947, 0.7215207815170288, 0.4743537902832031, 0.45178040862083435, -0.3456830680370331, 0.5188858509063721, 0.7998479008674622, 0.1772538125514984, -0.89803147315979, 0.2729988992214203, -2.430577278137207, 0.4534820318222046, 0.2965342402458191, 0.5723838806152344, -0.7523353695869446, -0.38325008749961853, 0.17068010568618774, -0.5488224625587463, -0.01004171371459961, -0.5675973892211914, 0.5763911604881287, 0.8979863524436951, -0.27103284001350403, 0.480968713760376, -0.5391525626182556, 0.11961014568805695, -0.13408049941062927, 0.23447051644325256, -0.17285606265068054, -0.560440719127655, -0.5900291204452515, -0.07108879089355469, 1.2245739698410034, 0.32828381657600403, 0.8903902769088745, -0.33104589581489563, 0.3735964000225067, 0.7227360010147095, -0.7099008560180664, -0.024644672870635986, 0.24609552323818207, 0.48422789573669434, -0.9561994671821594, -0.14055335521697998, -0.19510512053966522, 0.9670119881629944, -1.0762732028961182, -0.05187344551086426, -0.298552542924881, -0.1848040223121643, -0.4340640604496002, 0.7593990564346313, -0.22516044974327087, -0.6367473602294922, -0.25965040922164917, 2.7616512775421143, -1.738815426826477, 2.102238416671753, -1.0128726959228516, -0.7824636697769165, -0.6394535899162292, 0.3472319543361664, 0.8687312006950378, 0.12942436337471008, -0.44702520966529846, -0.19352692365646362, -0.14951658248901367, -0.36024460196495056, 0.3501460552215576, -0.6547198295593262, -0.15394072234630585, -0.2904905378818512, 0.26400652527809143, -1.6899025440216064, -0.09148809313774109, -0.8039783239364624, 0.14356949925422668, -0.2975771427154541, 0.4467562735080719, -0.4846053123474121, 0.4098854959011078, 0.4214443862438202, 0.24660880863666534, -0.6106225252151489, 0.3044714331626892, -0.7450886964797974, 0.343483567237854, 0.45706745982170105, -0.21791771054267883, -1.179803490638733, -0.7878775596618652, 0.1046275943517685, 0.03518836200237274, 0.3870081305503845, 0.6356189846992493, -0.7269893884658813, 0.21269303560256958, 1.0642861127853394, 0.8063628077507019, 0.5982342958450317, -0.6755213141441345, -0.7179014682769775, -0.39442697167396545, -0.40624719858169556, 0.2885113060474396, -0.5855103731155396, 0.42977985739707947, -2.2070164680480957, 0.2181827425956726, -0.3161836266517639, 0.8626061677932739, 0.6481247544288635, -0.26980912685394287, 0.34694749116897583, -0.763639509677887, 0.9232682585716248, -0.8550320267677307, 0.8186261057853699, -1.231311559677124, -0.11643479019403458, 0.08876866102218628, -0.4639487862586975, 0.7401118874549866, 0.11811722815036774, 1.3308780193328857, 0.5979204773902893, -0.619499921798706, -0.13192076981067657, -1.726080298423767, 0.07663383334875107, 2.064629554748535, 0.5142440795898438, -0.6855879426002502, -0.6590380072593689, -0.0030804425477981567, -0.02153754234313965, -0.008551767095923424, 0.17550629377365112, -0.23221451044082642, 0.1367899626493454, -0.9364484548568726, -0.013370128348469734, -0.3965471386909485, 0.8457528948783875, 0.9442554116249084, 1.3231748342514038, -1.0242913961410522, 0.7600845098495483, -0.7141035795211792, -1.382866621017456, 0.16001546382904053, 0.7311339974403381, 0.3445417881011963, -0.07594969868659973, 0.5956122875213623, -0.10990463197231293, 0.10695956647396088, 0.24471831321716309, 0.24573181569576263, -1.0018640756607056, 0.7327565550804138, 0.0201870109885931, 1.589336633682251, 0.08723382651805878, 0.40797117352485657, -0.0840875506401062, 0.34876224398612976, -0.4293457269668579, -1.388028860092163, 0.19311358034610748, 0.28980058431625366, 1.707411289215088, 0.8741772174835205, -0.1948639303445816, 0.7286438941955566, -0.11046293377876282, -0.3975057005882263, -0.6627813577651978, -0.6773728132247925, -0.5322603583335876, -0.8277601003646851, 1.4477362632751465, 0.10191776603460312, 0.25530707836151123, -0.5105153322219849, 0.06127917766571045, -1.304721713066101, 0.20670658349990845, 0.16868695616722107, -0.19188594818115234, -1.0762196779251099, 0.17760375142097473, -0.4305029511451721, -0.7117949724197388, -1.324903130531311, -0.16303259134292603, 0.10684701055288315, 0.31902366876602173, 0.896420955657959, 1.2939269542694092, 0.00748024508357048, -0.0019661597907543182, -0.3426661491394043, 1.111228108406067, -0.868200421333313, 0.7092575430870056, 0.1768963634967804, -0.04267878085374832, -1.0195248126983643, 0.5057849884033203, -0.17258647084236145, 0.35063305497169495, 0.03957179933786392, -0.1810886114835739, 0.1958695948123932, -0.7127097845077515, 0.24923592805862427, 0.8335913419723511, -0.3701445758342743, -0.2822820842266083, 0.19474966824054718, 1.9270939826965332, 0.0051949117332696915, -0.8839766979217529, 1.02504563331604, -0.017089927569031715, 0.060918863862752914, 0.7758483290672302, 0.15474557876586914, 0.4443027973175049, 1.0292925834655762, -0.6115837693214417, 0.18904341757297516, 0.4565780758857727, -1.9938406944274902, 0.5691626667976379, 0.4384189248085022, 0.10471208393573761, -0.38903412222862244, -1.355244517326355, 0.21650271117687225, -0.2992357313632965, -0.21658317744731903, 0.28082555532455444, 0.17401331663131714, 0.5330091714859009, -0.1962890326976776, 0.13102859258651733, 1.5109493732452393, -0.7475399374961853, 0.1552564650774002, 1.0000481605529785, -0.3851188123226166, -0.6018293499946594, -0.09352579712867737, 0.5829588770866394, -0.23470574617385864, 0.23566865921020508, 0.49785396456718445, 0.8995826840400696, 0.4694887399673462, -0.3342168927192688, -0.26146167516708374, 0.8715031147003174, 0.47633710503578186, 0.1405768096446991, -0.00914096925407648, -0.08617235720157623, 0.8313051462173462, -0.869247555732727, 1.3011958599090576, -0.040931858122348785, -0.6312787532806396, -1.4871810674667358, 0.45082396268844604, -0.9224634170532227, -0.9781376123428345, 2.1182172298431396, 0.3007042706012726, 1.3187744617462158, -0.21975673735141754, -0.16758738458156586, -1.2179328203201294, -0.18664968013763428, 0.7668878436088562, 0.43631985783576965, -0.1315307319164276, -0.8733913898468018, -0.5664709806442261, 0.8330376744270325, -0.30461397767066956, -0.14685510098934174, -0.16897864639759064, 1.0581843852996826, 0.2914619743824005, -0.7572997808456421, -0.49649596214294434, 1.402351975440979, 0.022509973496198654, 0.8075255751609802, -0.8463308811187744, -0.47673070430755615, -0.15219825506210327, 0.7185553908348083, -0.10093949735164642, 0.7229145169258118, -0.6965699195861816, 0.8833612203598022, 0.3645196557044983, 0.2524925768375397, -0.029427211731672287, 1.3111083507537842, 0.37088659405708313, -0.563606321811676, -1.4021174907684326, -0.14374306797981262, -0.7304257750511169, -0.5652151107788086, 0.45118558406829834, -0.1399356573820114, -0.6274638175964355, 0.9113768339157104, -0.38033419847488403, -0.32424196600914, 0.7403140068054199, -0.9743430018424988, -0.8367328643798828, 0.2962251305580139, 0.8587803840637207, -1.516342282295227, -0.6575701832771301, -0.426973819732666, -1.0472477674484253, -0.4777472913265228, -0.14196519553661346, -0.6821087002754211, 0.785099446773529, 0.23053213953971863, 0.6704608201980591, 0.06045108661055565, -0.07793077826499939, -0.5154718160629272, 0.9905361533164978, 0.46295154094696045, -0.29075658321380615, 0.42286115884780884, -0.024770360440015793, 0.7642692923545837, -0.14265087246894836, -0.6809966564178467, -0.9618678092956543, 1.138323187828064, -0.268240749835968, -0.2917846143245697, -0.8894054889678955, -0.6546616554260254, 0.7816395163536072, -0.9520227313041687, 0.39922404289245605, -0.3818923830986023, -0.16526006162166595, -0.5694535970687866, -0.20741041004657745, 0.6958752870559692, -0.7849581241607666, -1.2240785360336304, 0.48270246386528015, -1.0826470851898193, 0.8599897623062134, -1.1825162172317505, -0.32931432127952576, 2.1067192554473877, 0.5111612677574158, 0.251600980758667, -0.09523490816354752, -11.109844207763672, 0.7298132181167603, -0.2621833384037018, -0.03182939067482948, 0.7348756790161133, -0.31769752502441406, 1.3990510702133179, -0.24450531601905823, 1.0110095739364624, -1.02511465549469, 0.4234151244163513, 0.7091287970542908, 0.07106092572212219, -0.01458191592246294, -0.5715854167938232, -1.229197382926941, -0.6069177389144897, -0.7698572278022766, -0.014273472130298615, -0.3685793876647949, 0.11297810077667236, -0.38743025064468384, -0.8869109749794006, 0.7595417499542236, -0.24518747627735138, 0.31815510988235474, 0.029115691781044006, -0.559080958366394, -0.3091191351413727, -0.3666359782218933, 0.7150170207023621, -0.13778312504291534, -0.13575592637062073, -0.4069720506668091, -0.04152793437242508, 0.6080687642097473, -0.9236515760421753, -0.276164710521698, 0.425357848405838, -0.22195632755756378, -0.9239578247070312, 0.3958840072154999, 0.6904272437095642, 0.20334304869174957, -0.7100217938423157, 0.49665701389312744, 0.6190806031227112, -0.4035179018974304, 0.6018769145011902, -0.28552234172821045, -0.46494340896606445, -0.4557051956653595, -1.1088496446609497, 0.0012569278478622437, -0.16110359132289886, -0.719691812992096, -0.5495489239692688, 0.27038440108299255, -0.6361654996871948, -1.007424235343933, 0.5787457823753357, 0.19780610501766205, -0.033230479806661606, 0.25776994228363037, 0.6833426356315613, -0.2661888599395752, 0.10561440885066986, 0.8943194150924683, -0.7072815895080566, 0.7340895533561707, -0.3706829249858856, 0.23750260472297668, -0.5158259868621826, 0.5600128173828125, -0.876137375831604, -0.4119437038898468, -0.40388014912605286, 0.21830789744853973, 0.8360165953636169, 0.39328187704086304, -0.7358257174491882, 0.9113380908966064, 0.36542192101478577, -0.9931825399398804, -0.8835916519165039, 0.4272185266017914, -0.2532927989959717, 0.25761231780052185, 0.9840316772460938, -0.4844863712787628, 1.0998135805130005, 0.3810288608074188, -0.34505563974380493, 0.08526838570833206, -0.16772747039794922, 0.5882437825202942, 0.8436651229858398, 0.3978891968727112, -0.2032710611820221, -0.41431522369384766, -0.31946536898612976, 0.055063001811504364, -0.5358860492706299, -0.15761306881904602, 0.15503287315368652, 0.5726119875907898, -0.06452638655900955, 0.4972166121006012, 0.07506085187196732, -0.22006796300411224, 0.9817550182342529, 0.09557223320007324, -1.2159907817840576, 0.9250245094299316, 0.06408984959125519, 0.3936534821987152, 0.954166054725647, 0.5751596689224243, 1.2148423194885254, 0.9126293659210205, -0.027285955846309662, 1.395250678062439, 0.26622098684310913, 0.7534921169281006, -0.11881932616233826, -0.34157270193099976, 0.3765105605125427, 0.5588454604148865, -0.9536550045013428, -0.6668016314506531, -0.014436408877372742, -0.24759000539779663, 0.3469959497451782, -0.3418005406856537, -0.3615001440048218, 0.18770231306552887, -0.5892278552055359, 1.3989014625549316, -0.5456098914146423, 0.1434236466884613, 0.06566128134727478, -1.0098676681518555, -0.37221673130989075, -1.6470446586608887, -0.6383589506149292, 0.18918466567993164, -1.1332844495773315, -0.06076832488179207, -0.5969053506851196, 0.3264209032058716, 1.019221305847168, -0.032338280230760574, 1.2653783559799194, -0.6987627148628235, -0.31722545623779297, 0.33448538184165955, 0.281620591878891, 0.2077426016330719, -0.9527949094772339, -0.2852368950843811, -0.14630672335624695, 0.6454189419746399, -1.162189245223999, 1.0547728538513184, 0.6533846855163574, -0.10240678489208221, -0.47067990899086, 0.11580494046211243, -1.071506142616272, -0.12902522087097168, 0.8322510719299316, -1.129895567893982, -0.12945513427257538, -0.8661253452301025, 0.00871715322136879, -1.0573103427886963, 1.2539284229278564, 0.8427743911743164, -1.016737699508667, -0.5663594007492065, 0.31301045417785645, 0.36108604073524475, 0.20925988256931305, -0.20754235982894897, -0.24164463579654694, -0.5043964385986328, 0.19320502877235413, 0.5624672174453735, 0.5341740250587463, 0.8175066113471985, -1.8704365491867065, -1.2607166767120361, -0.47795751690864563, -0.04831290617585182, -0.21054157614707947, -0.17350317537784576, 1.4051177501678467, 0.3539787530899048, 0.48442766070365906, 1.066840410232544, 0.4766748547554016, 0.4596261978149414, -0.44214969873428345, 0.545421838760376, -0.10531140863895416, -0.1540074497461319, -0.7858268618583679, 0.5847522020339966, 0.5095457434654236, 0.22580748796463013, -0.9337805509567261, -0.2146528959274292, 1.0669777393341064, -0.14997811615467072, 0.5848942399024963, -0.8238874673843384, -0.3726208508014679, -0.7446200847625732, -1.0295019149780273, -1.1647588014602661, 0.37335634231567383, 0.7901363968849182, 0.2743264436721802, 1.101590633392334, 0.6326679587364197, 0.7492088675498962, 0.72008216381073, 0.09940578043460846, 0.914717972278595, -0.7382835745811462, -0.12861549854278564, 0.08088171482086182, 0.43877604603767395, 0.23059701919555664, 0.028023280203342438, -1.0197200775146484, -0.657976508140564, 0.5145877599716187, -1.07704758644104, 0.18581968545913696, -0.0630241110920906, 1.0820623636245728, 0.7791809439659119, 1.4870004653930664, -1.3617876768112183, -1.859007477760315, -0.5756844282150269, -1.0527223348617554, -0.12042388319969177, 0.600181519985199, 0.8116485476493835, 0.40332767367362976, 0.8472084999084473, 0.40985822677612305, 0.8108234405517578, -0.6473109126091003, 0.15836302936077118, 0.2160263955593109, 0.08361662179231644, 0.40903568267822266, 0.21728922426700592, 0.8386322259902954, 0.19067396223545074, 0.5327697396278381, -0.2128928005695343, 0.06682997941970825, -0.29685309529304504, 0.49994391202926636, 1.0523101091384888, -0.1809435784816742, -0.4808574914932251, -1.1644374132156372, 0.7425528764724731, -1.238794207572937, 1.1390655040740967, 0.25340643525123596, -1.0071593523025513, -0.8175506591796875, -1.101103663444519, -0.95433509349823, 0.26062527298927307, 0.19387106597423553, -0.6701406836509705, -0.005527213215827942, 0.5436102151870728, 0.1021997332572937, 0.3492196798324585, -1.0327465534210205, 0.5746757984161377, -0.9167070388793945, 0.7375705242156982, -1.1960715055465698, -0.5339685082435608, -0.022012140601873398, 0.6344234943389893, -0.5010347366333008, 0.4730827212333679, -0.39130765199661255, -0.412956178188324, -1.3603687286376953, 0.4457473158836365, -0.16943815350532532, 0.46975740790367126, 0.16512556374073029, -0.1780315339565277, -2.1098804473876953, 0.8994457125663757, 1.1371632814407349, 0.18989960849285126, -0.7138216495513916, 0.9233759641647339, -0.3798760175704956, 0.31146758794784546, 0.4561425745487213]} +{"paper_id": "empathetic_dialogues", "embedding": [-0.5682502388954163, 0.6626107692718506, -0.0298018641769886, 0.4194120168685913, 1.1800265312194824, 0.8516423106193542, 0.8386752009391785, 0.7032142877578735, 1.0706723928451538, 0.17825070023536682, -0.05475473031401634, -0.22117815911769867, -0.3013710379600525, -0.39830076694488525, -0.10368990898132324, 0.07391206920146942, -1.6699399948120117, -0.3874429762363434, -1.3399949073791504, 0.05076929181814194, -0.25744837522506714, -0.3861476182937622, -0.21991471946239471, 1.3044159412384033, -0.6307147741317749, -0.6191150546073914, 1.1179119348526, -0.6227225065231323, 0.803864061832428, 0.011265009641647339, -0.3103424608707428, 1.7037545442581177, -0.5505460500717163, -0.13146674633026123, -0.3090432584285736, -0.2559044361114502, -0.15644961595535278, 0.3428577780723572, -0.3015536665916443, 1.0240216255187988, -1.0482481718063354, 0.5657910704612732, -0.08936774730682373, 0.7655370831489563, 0.450225830078125, 0.2765897810459137, 0.13029341399669647, 0.48074060678482056, -0.721649169921875, -0.531997561454773, -1.0256661176681519, 0.2830265462398529, -0.27669376134872437, 0.647085428237915, -0.4496111273765564, 1.1555590629577637, 0.5971547961235046, 0.14682666957378387, 0.045996204018592834, -1.0470561981201172, 1.6087806224822998, 1.3020576238632202, -0.08133333921432495, 0.3841136693954468, 0.9763571619987488, 0.21233157813549042, 1.8182896375656128, -0.5297961235046387, 0.22753801941871643, 0.16956265270709991, -0.7274006605148315, -1.3280997276306152, 0.7118262648582458, 0.20286771655082703, -0.5221318006515503, 0.8547124862670898, 0.3760455250740051, 0.687399685382843, -0.9661874771118164, 0.1193375363945961, 0.33961284160614014, 0.5957126021385193, 0.4796594977378845, -0.19412952661514282, 1.1585781574249268, 0.551152229309082, 0.9114598035812378, -0.3411608040332794, 0.00875951163470745, -1.617553949356079, 0.3962823152542114, -0.15917354822158813, 0.37958255410194397, -0.0018396377563476562, -0.2644566595554352, 0.18754512071609497, -0.08867597579956055, -0.010807160288095474, -0.9409160614013672, 0.15359127521514893, 0.7168132662773132, -0.5531536340713501, 0.2895631790161133, -0.7814108729362488, -0.43069788813591003, 0.21826863288879395, 0.9238300323486328, -0.029512114822864532, -0.0025232303887605667, -0.4432254135608673, -0.20393502712249756, 1.0669209957122803, -0.450329065322876, 1.3858448266983032, 0.012820551171898842, 0.7198189496994019, 0.5399114489555359, -1.264542818069458, -0.19483916461467743, 0.22497659921646118, -0.4761240780353546, -0.362281858921051, 0.20681849122047424, -0.01974780112504959, 1.6100436449050903, -0.7328650951385498, 0.08155559748411179, 0.19379916787147522, 0.2059374302625656, -0.5895426869392395, 0.655836820602417, -0.546035647392273, -0.12686334550380707, 0.14422400295734406, 2.1390745639801025, -1.56349515914917, 1.7424635887145996, -1.7534427642822266, -0.5361146330833435, -0.7493951320648193, 0.8483068346977234, 1.3109979629516602, -0.5974069833755493, -0.42054498195648193, -1.3202240467071533, -0.43540140986442566, -0.8142233490943909, 0.26971176266670227, -0.28279876708984375, -0.6745979189872742, -0.08788233995437622, -0.09223654121160507, -1.2554231882095337, 0.19141313433647156, 0.1771031767129898, 0.236016184091568, 0.2691618502140045, 0.7291866540908813, -0.22909066081047058, 0.1782453954219818, 0.3664136826992035, -0.036373600363731384, 0.06201815605163574, -0.08113192766904831, -1.2217013835906982, -0.20161955058574677, 0.20036903023719788, 0.22786349058151245, -1.0773745775222778, -0.9647123217582703, 0.44622939825057983, 0.22774288058280945, -0.17232543230056763, 0.6259610652923584, -0.10948354750871658, 0.32556769251823425, 0.9233269095420837, 1.1599621772766113, 0.04474274441599846, -0.9655951261520386, -1.0340697765350342, -0.836306631565094, -0.4443644881248474, 0.6293612122535706, -0.19475989043712616, -0.11660350859165192, -1.2548719644546509, -0.025130070745944977, -0.0398121178150177, 1.1841115951538086, -0.3651229739189148, -0.6578901410102844, 0.6200481653213501, -0.781815230846405, 0.9105082750320435, -0.08675821125507355, 0.8736526966094971, -1.162797451019287, 0.21122384071350098, -0.23725996911525726, -0.6855159997940063, -0.2734624743461609, -0.00018567964434623718, 1.561199426651001, 0.7246471643447876, -0.7042157053947449, -0.13895176351070404, -1.0747753381729126, 0.0008891075849533081, 2.157991409301758, 0.632919192314148, -1.0736826658248901, -0.3828689157962799, -0.1070692241191864, 0.23902013897895813, 0.0011510406620800495, 0.15899880230426788, -1.1571221351623535, 0.1221046894788742, -1.617628574371338, 0.3565082848072052, -0.27840280532836914, -0.05536235496401787, 1.6088610887527466, 1.6130669116973877, -0.3921532928943634, -0.1244426742196083, 0.046013664454221725, -0.796927273273468, -0.43205925822257996, 0.36055347323417664, 0.9195485711097717, 0.10384297370910645, 0.40040916204452515, -0.06540760397911072, 0.2627984285354614, 0.39852577447891235, 0.23110267519950867, -0.7208693027496338, 0.41990628838539124, 0.5735730528831482, 1.2618433237075806, -0.23078589141368866, 0.27595409750938416, 0.04306570440530777, 1.1472938060760498, 0.44091349840164185, -0.7946517467498779, 0.27929896116256714, 0.013065844774246216, 1.729321002960205, 1.0515658855438232, 0.1949351578950882, 0.6442381739616394, -0.5165045857429504, 0.151442289352417, -1.0682625770568848, -0.2865985631942749, -0.3392409682273865, -0.5725675821304321, 1.2307637929916382, 0.12879621982574463, -0.041015252470970154, -0.5711730122566223, 0.5448316335678101, -0.9580996632575989, 0.13059648871421814, 0.2333356738090515, -0.387351930141449, -1.2231837511062622, 0.015525981783866882, 0.1837141513824463, -0.5076693892478943, -0.4873274564743042, -0.20087285339832306, 0.9268735647201538, -0.01111253909766674, 0.832828164100647, 1.3437021970748901, 0.07610857486724854, -0.6532614231109619, -0.8659368753433228, 0.8725008368492126, -1.1644699573516846, 1.2866926193237305, -1.1737538576126099, -0.2564617097377777, -0.4252527356147766, 0.28588399291038513, -0.2486162930727005, -0.3072676360607147, 0.6549203395843506, -0.7342330813407898, 0.5072957873344421, -0.028496578335762024, 0.22848734259605408, 0.857151448726654, -1.013075590133667, 0.24573159217834473, 0.3377848267555237, 1.9892343282699585, 0.009575432166457176, -0.9311408996582031, 0.679299533367157, -0.7703899145126343, 0.6258722543716431, 0.09482775628566742, -0.13218550384044647, 0.6300167441368103, 0.5836132764816284, -0.40128016471862793, 0.36577314138412476, 0.28114232420921326, -2.120474100112915, -0.11103768646717072, 1.6218222379684448, -0.6882646083831787, -0.3759259581565857, -1.376457691192627, 0.27933138608932495, 0.061622504144907, -0.08108227699995041, -0.5605264902114868, -0.6311894059181213, 0.6328794956207275, -0.061367955058813095, 0.11435790359973907, 1.5793007612228394, -0.130685493350029, -0.5822901725769043, 1.1421098709106445, 0.09029786288738251, -1.0165947675704956, -0.12964919209480286, -0.08246277272701263, -0.9560455679893494, -0.6311354637145996, 0.4148232042789459, 0.74541836977005, 0.9638755321502686, 0.4573749303817749, -0.07955092191696167, 0.820186972618103, 0.7225013971328735, 0.8089770078659058, -0.0044042132794857025, -0.19046412408351898, 1.1034342050552368, -0.6735921502113342, 1.3197004795074463, 0.2159339189529419, -0.3284989297389984, -1.6381350755691528, -0.11017251014709473, -0.6260993480682373, -0.5045079588890076, 1.4401969909667969, 0.22292101383209229, 0.8886328935623169, -0.1547071486711502, 0.8764564990997314, -1.0506354570388794, -0.007013080641627312, 1.0502870082855225, 0.24940234422683716, -0.653099000453949, -0.2985013723373413, -0.06720858812332153, 0.6986347436904907, -0.7310882210731506, -0.8670252561569214, -0.21064722537994385, 1.6974674463272095, -0.13090059161186218, -0.3665494918823242, -0.6519194841384888, 1.5372880697250366, -0.2768925726413727, 0.7106085419654846, -0.5320039987564087, -0.1505017727613449, 0.07556857913732529, 1.236847996711731, 0.5224133729934692, 0.22946399450302124, -0.7880605459213257, 0.755663275718689, 0.1452397108078003, 0.42972180247306824, -0.7650032043457031, 0.9006704092025757, -0.7361728549003601, -1.14552903175354, -0.9664238691329956, -0.10991489887237549, -0.7088046073913574, -0.8587499856948853, 0.07891426235437393, 0.11685270071029663, -0.457908570766449, 1.0675410032272339, -0.42712539434432983, -1.0451953411102295, 0.662732720375061, -0.6436375379562378, -0.5786581635475159, 0.5558494925498962, 0.3802984654903412, -0.8692314028739929, -0.08809220045804977, -0.44913816452026367, -1.302727222442627, -0.46343445777893066, -0.000596129335463047, -0.40689221024513245, -0.035390231758356094, -0.7137688398361206, 0.18027038872241974, -0.4866822361946106, 0.13232356309890747, -0.47493407130241394, 0.38480180501937866, 0.15145696699619293, -0.5488197803497314, 1.0619925260543823, 0.9277775883674622, 0.2951352596282959, -0.5536755323410034, -0.20236070454120636, -0.5206882357597351, 0.6146734356880188, -0.30869734287261963, 1.194057822227478, -0.27856162190437317, 0.29002809524536133, 0.8596435785293579, -0.5360127687454224, 0.27521947026252747, -1.282884955406189, -0.184447780251503, 0.1206715777516365, -0.045238904654979706, 0.6664396524429321, -1.303774118423462, -0.8982066512107849, 0.051931846886873245, -0.8448215126991272, 0.06048654764890671, -1.2374399900436401, -0.1974656581878662, 1.7081459760665894, 1.0178087949752808, 0.9259206056594849, 0.1725415289402008, -10.425047874450684, 1.406885027885437, -0.27705156803131104, -0.494939923286438, 0.23971538245677948, -0.6660899519920349, 0.5455386638641357, 0.06201310455799103, 1.3747485876083374, -0.24333076179027557, -0.27860817313194275, 0.7654956579208374, -0.26126062870025635, -0.7283026576042175, -0.5768581032752991, -1.102733850479126, -1.4650914669036865, -0.9702589511871338, -0.609193742275238, 0.06560429185628891, 0.2648216187953949, -0.5688565373420715, -0.17898930609226227, 0.35645774006843567, -0.1836152821779251, -0.2551780343055725, -0.3781304359436035, -0.5664170384407043, -0.3714948296546936, 0.46530458331108093, 1.0146714448928833, -0.10839750617742538, 0.29871976375579834, -1.2311564683914185, -0.10241058468818665, 0.11623969674110413, -0.7004186511039734, -0.385506808757782, 0.3919470012187958, 0.16519592702388763, -0.7270262241363525, 0.1217239499092102, 1.0080024003982544, -0.47185859084129333, -0.1786569207906723, -0.3142639398574829, -0.10933000594377518, 0.24244797229766846, -0.2802826464176178, -0.20256151258945465, -0.4105769395828247, 0.3764241635799408, -0.7625847458839417, -0.3086226284503937, -0.20204941928386688, -0.5204343199729919, -0.10414642095565796, 0.9021506905555725, -0.4878312349319458, -1.4619933366775513, 0.5392704010009766, -0.674245297908783, -0.758008599281311, 0.6965075731277466, 0.957271933555603, -1.6783617734909058, 0.14357367157936096, 0.44520238041877747, -0.26154422760009766, 0.5831755995750427, -0.8608412742614746, 0.6268930435180664, -0.35362568497657776, 0.5322052240371704, -0.699516236782074, -0.2482929527759552, -0.33745187520980835, 0.18684303760528564, 0.9847281575202942, 0.05500640720129013, -0.20359596610069275, 0.4801988899707794, 0.23778992891311646, -0.9734605550765991, -1.214081048965454, 0.5791576504707336, 0.35012802481651306, -0.06279759854078293, 1.377540946006775, -0.5505530834197998, 1.3452603816986084, 0.49481484293937683, -0.3760225772857666, 0.3277203142642975, -0.035705409944057465, 0.7178182601928711, 0.8382776379585266, 0.9864427447319031, -0.010279819369316101, 0.3986348807811737, -0.2718302607536316, -0.20763790607452393, -0.4321356415748596, 0.5191400051116943, 0.6057847142219543, 0.06066054105758667, -0.022013485431671143, 0.609788179397583, 0.4920611083507538, 0.12023165076971054, 0.8633468747138977, 0.5687312483787537, -0.9577221274375916, 0.43225154280662537, 0.00900326669216156, -0.012967308983206749, 1.3675179481506348, 0.9876042008399963, 0.8571116924285889, 0.13616742193698883, -0.5728846788406372, 1.2359747886657715, -0.03192463517189026, 0.9892706274986267, 0.6108962893486023, -0.07634005695581436, 0.18314389884471893, 0.5457744002342224, -0.5113572478294373, -1.5960397720336914, 0.6660931706428528, -0.09675930440425873, 0.6325542330741882, -0.2760769724845886, 0.44228842854499817, 0.4168896973133087, -1.0808011293411255, 0.6911003589630127, -0.08722268790006638, 1.3138127326965332, 0.3696371912956238, -0.6809055209159851, 0.01379307359457016, -1.3468286991119385, -0.9118605852127075, -0.14010339975357056, -1.5411126613616943, 0.11964619159698486, 0.07966496795415878, 0.6640772819519043, 1.0765975713729858, 0.33129921555519104, 1.0064395666122437, -0.9223113656044006, -0.21050745248794556, 0.8157296180725098, 0.8491291999816895, -0.3223345875740051, -0.7440592646598816, -0.011531338095664978, 0.1367321014404297, 1.197606086730957, -1.0910773277282715, 1.2758142948150635, -0.24440884590148926, -0.4015536606311798, -0.1199076697230339, 0.2687661945819855, -0.8078529834747314, 0.20710986852645874, 1.40909743309021, -1.8823298215866089, -1.1025018692016602, -0.9629350900650024, 0.08315029740333557, -0.4087812006473541, 0.6858805418014526, 1.0421303510665894, -0.9249125123023987, -0.20521171391010284, -0.507123589515686, -0.06766980141401291, 0.06462855637073517, -0.4613364636898041, -0.21910084784030914, -0.1608903408050537, 0.21865999698638916, 0.7254772782325745, 0.3397027850151062, 0.4938756227493286, -1.6652840375900269, -1.25816011428833, -0.09656272083520889, -0.17220082879066467, -0.6210364103317261, -0.40284255146980286, 1.2383731603622437, 0.21938681602478027, -0.27710580825805664, 0.17999649047851562, -0.1439330279827118, 0.1903395652770996, -1.252679467201233, -0.3775120973587036, 0.3062988519668579, 0.19741055369377136, -0.48390525579452515, -0.06387355923652649, 0.021531619131565094, 0.2669660151004791, -1.015108346939087, -0.5434891581535339, -0.07964836061000824, -0.054646220058202744, 0.7017977237701416, 0.121925488114357, -0.32495489716529846, -0.1742735356092453, -0.07992888987064362, -1.3308817148208618, 0.04398126155138016, 0.4401996433734894, 0.7400171756744385, 1.2559404373168945, 0.9901029467582703, 0.5137622356414795, 0.4973093867301941, -0.45164239406585693, 0.23142991960048676, -0.9483848810195923, -0.3658672571182251, -0.41039007902145386, -0.22926031053066254, 0.2923935651779175, -0.3158050775527954, -0.5592878460884094, -0.9734992384910583, 0.5656964182853699, -1.0585463047027588, -0.1686631143093109, -0.027504652738571167, 0.8357318639755249, 0.9365193247795105, 1.0154039859771729, -0.6979257464408875, -0.9246541857719421, -0.3849390149116516, -1.0074080228805542, -0.2748452126979828, 0.07905373722314835, 0.5103110074996948, 0.8017340898513794, 0.7383496165275574, 0.19231432676315308, 1.2768570184707642, -0.747846245765686, -0.032460615038871765, 0.3418257534503937, 0.8604437112808228, 0.5244938135147095, 0.6115316152572632, 0.9704218506813049, 0.6226236820220947, -0.6195684671401978, -0.04054443538188934, 0.15109863877296448, 0.27020302414894104, 0.7368724942207336, 0.4966285824775696, -0.6647428274154663, -1.0426733493804932, -1.146225094795227, 0.4767824113368988, -0.3132948577404022, 0.9726961255073547, -0.023910947144031525, -0.7440409660339355, -1.0083905458450317, -1.0604380369186401, -0.6702847480773926, 0.8368425369262695, 0.18350544571876526, -0.96978759765625, -0.8822647929191589, -0.40704578161239624, 0.11088255792856216, -0.6913631558418274, -1.4103870391845703, 0.08466111123561859, -1.0883694887161255, 0.029643230140209198, -0.6671165227890015, -0.9012172818183899, -0.34350234270095825, 0.0044161174446344376, -0.7189069390296936, 1.5946279764175415, -0.25181394815444946, -1.6456775665283203, -1.3360066413879395, 0.30207836627960205, -0.000589221715927124, -0.17767377197742462, 0.389409601688385, 0.326816588640213, -2.003995656967163, 1.4579999446868896, 1.877901554107666, 0.5586172938346863, -0.18268512189388275, 0.7311825752258301, -0.4390639066696167, -0.4311089813709259, 1.9779185056686401]} +{"paper_id": "kd_conv", "embedding": [-1.2204149961471558, 0.46893903613090515, 0.200213223695755, -0.5177487730979919, 1.1684176921844482, 0.435311496257782, 0.9354356527328491, 0.09242802113294601, 1.0425854921340942, 0.7261771559715271, 0.5170657634735107, -0.49922075867652893, -0.18414130806922913, -0.5783472061157227, -0.3063192665576935, 0.06463558226823807, -1.2661349773406982, -0.4213048219680786, -1.0858640670776367, 0.038947753608226776, -0.5719408392906189, -0.5725404024124146, -0.10479331016540527, 1.3190410137176514, -0.5887957215309143, -0.4575715959072113, 1.4154280424118042, -1.0098384618759155, 0.6906273365020752, 0.28834378719329834, -0.1630764603614807, 1.9248865842819214, -0.993600070476532, -0.20262479782104492, -0.38829609751701355, 0.01242869533598423, 0.22995591163635254, 0.795813798904419, -0.2617760896682739, 0.3786979615688324, -0.666147768497467, 0.1549890637397766, 0.1352251172065735, 0.9421460628509521, 0.5837489366531372, -0.1252432018518448, 0.12013056129217148, 0.15937134623527527, -0.6423519849777222, -0.11342175304889679, -0.12436549365520477, 0.5134589672088623, 0.1289701610803604, 1.2343822717666626, -0.06555135548114777, 1.4175058603286743, -0.17290541529655457, -0.5494452118873596, 0.14481264352798462, -0.7491439580917358, 1.5357733964920044, 0.9313585162162781, -0.03152856230735779, 0.18944162130355835, 1.3345228433609009, -0.029079925268888474, 2.253659725189209, -0.28689324855804443, 1.1102654933929443, 0.6237542629241943, -0.11927907913923264, -1.2720242738723755, 0.5357750654220581, -0.6722835302352905, -0.16794896125793457, 1.2755624055862427, 0.7608346343040466, 0.6026589274406433, -0.5858467817306519, 0.19507881999015808, 0.143555149435997, 0.8832381367683411, 0.9156684875488281, 0.31441888213157654, 0.18389329314231873, 0.3057897090911865, 1.032361626625061, 0.15084290504455566, 0.12601104378700256, -2.3515572547912598, 0.7080757021903992, -0.10448624938726425, -0.6254971623420715, -0.27576500177383423, -0.17891660332679749, 0.48624753952026367, -0.5935177803039551, -0.5613894462585449, -0.3381233513355255, -0.15725752711296082, 0.668732225894928, -0.5163384675979614, 0.06427563726902008, -0.44290414452552795, -0.46054983139038086, 1.019964575767517, 0.973281741142273, 0.08282744139432907, -0.10233000665903091, -0.4562399387359619, 0.6058355569839478, 1.6813254356384277, 0.39197444915771484, 0.9363231658935547, -0.10025506466627121, 0.46878156065940857, 0.5957487225532532, -0.7014217376708984, -0.1345626711845398, 0.22680550813674927, -0.30873429775238037, -0.5503852963447571, -0.04850706458091736, 0.1346387267112732, 0.9221090078353882, -0.9251570105552673, 0.010224148631095886, -0.08008424192667007, 0.28924059867858887, -0.6444603204727173, 0.6440850496292114, -0.533516526222229, -0.29288575053215027, -0.5080735683441162, 2.3271291255950928, -0.8614901900291443, 2.444042682647705, -1.3371800184249878, -0.3872448801994324, -1.0323845148086548, 0.7526445984840393, 1.6141912937164307, 0.07122544944286346, 0.08651228249073029, -1.1894330978393555, -0.4071357548236847, -0.9629141092300415, 0.391154408454895, -0.32933613657951355, -1.4159544706344604, 0.21586453914642334, -0.13991692662239075, -1.647779941558838, -0.3320281207561493, -0.7492409944534302, 0.039879895746707916, 0.10268530249595642, 0.7837989926338196, -0.27031412720680237, 0.7067546248435974, 0.8065225481987, -0.47957712411880493, 0.2662663161754608, 0.2493956983089447, -1.2455796003341675, -0.0804440900683403, 0.23943939805030823, -0.04297233745455742, -0.6749850511550903, -0.6067209839820862, 0.7540601491928101, 0.7774274945259094, 0.3283933401107788, 0.21887272596359253, -0.3836127817630768, 0.18180450797080994, 0.6224736571311951, 0.8139907121658325, 0.022656967863440514, -0.43352892994880676, -0.8231768608093262, -1.050171971321106, -0.5450944900512695, 0.13748250901699066, -0.11936558783054352, 0.19915930926799774, -2.1330912113189697, 0.02355704829096794, -0.6801577210426331, 1.3388392925262451, 0.44008612632751465, -0.8515231013298035, 0.1264108121395111, -0.9987637996673584, 0.6545180678367615, -1.0754624605178833, 1.0738672018051147, -1.1787781715393066, -0.41922056674957275, -0.07412135601043701, -0.07367071509361267, -0.001386756543070078, 0.32263851165771484, 0.9944393634796143, 0.6029992699623108, -0.8402521014213562, -0.1194610744714737, -1.4552415609359741, -0.4717678129673004, 1.7549208402633667, 0.32150161266326904, -1.281957745552063, -0.31341445446014404, 0.0233725905418396, 0.6051664352416992, -0.4709901511669159, 0.06820982694625854, -0.6566505432128906, 0.28901857137680054, -1.3053725957870483, -0.02950190007686615, -0.7771814465522766, 0.6709672808647156, 0.9240878224372864, 1.314837098121643, -0.6205503940582275, -0.1802206039428711, -0.5102419853210449, -0.9981756806373596, -0.050656843930482864, 0.7353532314300537, 0.5789056420326233, -0.261147677898407, 0.8145254850387573, -0.11040014028549194, 0.11278438568115234, 0.6810798645019531, 0.7165641784667969, -0.4757266342639923, 0.43019330501556396, -0.3103794753551483, 1.7592450380325317, 0.10165923833847046, 0.5762518048286438, 0.570142924785614, 0.8081957101821899, 0.17938540875911713, -1.10764479637146, -0.15873922407627106, -0.36270299553871155, 1.2879632711410522, 0.7006797790527344, 0.7254883646965027, 1.0624306201934814, -0.1435193419456482, 0.050913333892822266, -0.5376715660095215, -1.0200706720352173, -0.2580535411834717, -1.3079040050506592, 1.5739833116531372, -0.3553580939769745, 0.43596771359443665, -0.5378085970878601, -0.33484330773353577, -0.9303462505340576, 0.05987071990966797, 0.7554159164428711, -0.5747913122177124, -1.6436042785644531, 0.23452860116958618, -0.6056063771247864, -0.7146907448768616, -0.5953013896942139, -0.08713719248771667, 0.5003266334533691, 0.2728808522224426, 0.9488260746002197, 1.2111639976501465, 0.2469255030155182, 0.4214753210544586, -0.19373363256454468, 0.9074919819831848, -0.8789094090461731, 1.3546371459960938, 0.3592265248298645, 0.17626453936100006, -0.8981018662452698, 0.7047051191329956, -0.33024513721466064, -0.003042258322238922, 0.7433580160140991, -0.11161148548126221, 0.7268228530883789, -0.39410144090652466, -0.27299144864082336, 1.4635730981826782, -0.1333876997232437, -0.22154530882835388, 0.009620655328035355, 2.013885736465454, 0.09788322448730469, -0.3154817223548889, 0.9782494902610779, -0.15530142188072205, 0.4795357584953308, 0.6100497245788574, -0.0005702152848243713, 0.9093836545944214, 1.0102519989013672, -0.37080055475234985, 0.30946677923202515, 0.01887897029519081, -1.472408413887024, 0.04567775875329971, 0.6168199777603149, -0.9128623008728027, 0.03179846331477165, -1.0566418170928955, 0.3965361714363098, -0.4548521339893341, 0.06917659193277359, -0.4110695719718933, 0.02914527803659439, 0.06714576482772827, -0.4833652079105377, -0.15946388244628906, 1.6795547008514404, 0.16994433104991913, 0.6566635370254517, 0.4974467158317566, -0.20770904421806335, -0.7728594541549683, -0.7538281083106995, 0.32761067152023315, -0.5755084156990051, -0.24697083234786987, 0.7335338592529297, 0.43777376413345337, 1.764566421508789, -0.1539459228515625, -0.18864603340625763, 0.9816557765007019, 0.3011366128921509, 0.3865374028682709, 0.030635051429271698, -0.25882673263549805, 1.3221228122711182, -0.9251402020454407, 0.7842976450920105, -0.23856298625469208, -0.6902542114257812, -1.3511292934417725, 0.5474389791488647, -0.6168409585952759, -0.969701886177063, 2.0248873233795166, -0.12484530359506607, 1.0307422876358032, -0.5582423210144043, 0.28155893087387085, -0.9915384650230408, 0.07416267693042755, 1.2227270603179932, 0.490481972694397, -1.016374111175537, -0.7343096733093262, 0.19154419004917145, 0.5297104120254517, -0.16121864318847656, -0.7268824577331543, -0.4751931428909302, 1.2207393646240234, -0.3424125611782074, -1.3213776350021362, -0.481457382440567, 1.2262482643127441, 0.36528992652893066, 0.9811468124389648, -0.9531453847885132, -0.6507787108421326, 0.4045882523059845, 1.023713231086731, 0.7095691561698914, 0.48796308040618896, -1.16205632686615, 0.5616281628608704, 0.6167490482330322, 0.4247346818447113, -0.6250187754631042, 1.4541786909103394, -0.26060596108436584, -1.2535557746887207, -1.7997196912765503, -0.4340766370296478, -0.9048042297363281, -1.059198260307312, 0.13446244597434998, -0.31226667761802673, -1.1384859085083008, 0.9909316897392273, 0.04176982492208481, -0.35672855377197266, 0.5980702638626099, -0.3787897527217865, -1.0029919147491455, 0.37583309412002563, 0.5239450931549072, -1.806256890296936, -0.26162225008010864, -0.5366742610931396, -1.1717592477798462, -0.24792425334453583, -0.27089497447013855, -0.29839226603507996, -0.03629988431930542, -0.6931676864624023, 0.16903945803642273, 0.27238011360168457, -0.5591817498207092, -0.6921805143356323, 0.3020545244216919, 0.10841728001832962, -0.8129771947860718, 0.8358637094497681, 1.0251133441925049, 0.359239399433136, -0.09330613911151886, -0.8073854446411133, -0.7166113257408142, 1.0052984952926636, -0.1670287549495697, 0.2542197108268738, -0.556559681892395, -0.17835544049739838, 0.9950518608093262, -0.3126230537891388, 0.3232719302177429, -0.976500391960144, -0.11548908054828644, 0.1585564911365509, -0.07712434977293015, 0.7619355916976929, -1.3399540185928345, -1.4784581661224365, 0.3602565824985504, -0.525032639503479, 0.5455622673034668, -0.2965267300605774, -0.20225563645362854, 1.1746777296066284, 0.6474151611328125, 0.49173009395599365, 0.08739494532346725, -10.528257369995117, 0.7394499778747559, 0.02411593124270439, -0.6289750337600708, 0.8219937682151794, -1.0120140314102173, 1.2029075622558594, -0.15740744769573212, 0.7696880102157593, -1.4040515422821045, 0.5404013395309448, 0.6557410955429077, -0.15588468313217163, -0.40252885222435, -0.15714788436889648, -0.7053472399711609, -0.6997303366661072, -0.4552268981933594, -0.4193846583366394, -0.2674897015094757, 0.08924832940101624, -0.04083586856722832, -0.05759450048208237, 0.10363009572029114, -0.48956945538520813, 0.7940676212310791, -0.16927829384803772, -0.7535258531570435, -0.2069932520389557, 0.19159093499183655, 0.7204614877700806, -0.5261024832725525, 0.05166634917259216, -0.7537763118743896, 0.3022816777229309, 0.3382527828216553, -1.0676994323730469, -0.5240234732627869, 0.5889133214950562, -0.4735235869884491, 0.01398792490363121, 0.6812052726745605, 0.6408906579017639, 0.10264978557825089, -0.19483931362628937, 0.14976762235164642, -0.2288723587989807, -0.2252017706632614, 0.06329129636287689, -0.13552145659923553, -0.678583025932312, -0.17059852182865143, -0.989234983921051, -0.25302061438560486, 0.08205422759056091, -0.3553771674633026, -0.7503735423088074, 0.779037356376648, -0.3199823498725891, -0.8756568431854248, 0.828158438205719, -0.43044936656951904, -0.25426778197288513, 0.6827870607376099, 0.673200786113739, -1.0762684345245361, 0.5903335213661194, 0.2047766149044037, -0.53581303358078, 0.4169705808162689, -0.5106217861175537, 0.41770264506340027, -0.35383063554763794, 0.018712900578975677, -0.48029932379722595, 0.20306295156478882, -0.012907745316624641, 0.29948827624320984, 0.771653413772583, 0.4065316617488861, -0.6516561508178711, 0.7867617607116699, 0.9654362797737122, -1.0798872709274292, -0.9689115285873413, 0.22957158088684082, -0.12356971949338913, -0.26436707377433777, 0.3330729007720947, -0.6049966216087341, 0.9625364542007446, 0.8193545937538147, -0.3540228009223938, 0.2752004861831665, -0.32769647240638733, 0.43012359738349915, 0.6303611397743225, 0.9369313716888428, 0.2142687737941742, -0.202187180519104, 0.515295147895813, 0.12340185791254044, -0.3306595981121063, 0.5223756432533264, 0.12244050204753876, 0.23498117923736572, -0.2293524146080017, 0.42403849959373474, -0.11264747381210327, 0.32865309715270996, 0.7971003651618958, -0.34811872243881226, -1.149265170097351, 0.24897634983062744, 0.3460249900817871, 1.0570368766784668, 0.7822417616844177, 0.552890419960022, 0.5612813234329224, 0.887752115726471, -0.0854535847902298, 1.201282024383545, -0.15360499918460846, 1.4762762784957886, 0.040119919925928116, -0.7134286165237427, 0.5002536773681641, 0.5272861123085022, -0.16407999396324158, -1.32646906375885, -0.004102528095245361, -0.2957890033721924, 0.555929958820343, 0.21409952640533447, -0.6109912991523743, 0.055075328797101974, -0.5727275013923645, 1.5947587490081787, -0.6335068345069885, 0.6655895709991455, -0.27806827425956726, -1.0317074060440063, 0.6127995252609253, -1.1296452283859253, -0.7594038844108582, -0.012029781937599182, -0.7171580195426941, -0.04698638245463371, -0.7461559772491455, -0.12762567400932312, 0.7923226952552795, 0.48971888422966003, 0.6932690739631653, -0.7986910939216614, -0.3722301423549652, -0.08657760918140411, 0.6067261695861816, -0.15306228399276733, -1.1743967533111572, 0.5373712182044983, -0.2875764071941376, 0.5868347883224487, -0.8861943483352661, 0.482302188873291, -0.32176080346107483, -0.7952792644500732, -0.18511471152305603, 0.05345464497804642, -1.3655332326889038, 0.1116357371211052, 1.8359707593917847, -1.3916170597076416, -0.592783510684967, -0.4277186095714569, -0.5783023834228516, -0.8018860816955566, 0.6880693435668945, 1.2176774740219116, -0.666852593421936, -0.8671829700469971, -0.20103822648525238, 0.19605502486228943, -0.4496716260910034, -0.19547590613365173, 0.0079832524061203, -0.18572565913200378, 0.028148051351308823, 1.234738826751709, 0.3101661205291748, -0.3577081263065338, -1.4113273620605469, -0.8856236934661865, 0.05518367141485214, -0.3881441354751587, -0.3187662363052368, -0.2930455803871155, 0.8491870164871216, 0.6430509090423584, 0.004654377698898315, 0.4109070599079132, 0.6527566313743591, 0.41308197379112244, -0.3689482510089874, 0.5549368858337402, -0.2364489585161209, -0.4879798889160156, -0.3121188282966614, 0.40487486124038696, 0.468403160572052, -0.4466511011123657, -1.2397891283035278, -0.04732135683298111, 0.8070746064186096, -0.16111841797828674, 0.9759681224822998, -0.19431233406066895, 0.372742235660553, -0.06785315275192261, -0.0792398750782013, -0.7524982690811157, -0.13604861497879028, 1.1150643825531006, -0.42904484272003174, 1.2282533645629883, 0.250946581363678, 0.780994176864624, 0.7878401279449463, -0.19206176698207855, 0.4169973134994507, -0.45766663551330566, -0.15353770554065704, -0.036761876195669174, 0.25359225273132324, 0.1338186264038086, -0.021293792873620987, -1.2016258239746094, -0.7627673745155334, 0.9247742295265198, -0.9340214729309082, 0.4415298402309418, 0.12482451647520065, 0.9054640531539917, 0.8155900239944458, 1.2867523431777954, -0.8255875706672668, -1.2875081300735474, -0.40962982177734375, -0.7166052460670471, 0.48060715198516846, 0.44222623109817505, 0.30440276861190796, 0.8113962411880493, 0.7416388392448425, 0.5727081894874573, 1.4620132446289062, -1.1989928483963013, 0.06716346740722656, -0.0456402525305748, 0.0694664865732193, 0.09770644456148148, 0.19123145937919617, 0.7519745230674744, 0.4287266135215759, 0.061698004603385925, -0.549928605556488, 0.2660301923751831, 0.3305249512195587, 0.22644327580928802, 0.7124229073524475, -0.7118998169898987, -0.6336634159088135, -0.8743206262588501, 0.44540277123451233, -0.34683364629745483, 0.5414108633995056, 0.595160722732544, -0.7887625694274902, -0.7030767202377319, -1.2510842084884644, -1.5816583633422852, 0.8852162957191467, 0.2805211842060089, -1.3391729593276978, -0.6631377935409546, 0.04788351058959961, 0.3056909441947937, -0.59626305103302, -0.7436929941177368, -0.06537182629108429, -0.5359488129615784, 0.6670504212379456, -0.11525847017765045, -1.0821884870529175, -0.35332629084587097, 0.2771144509315491, -0.9353854060173035, 1.0069602727890015, -0.3962390422821045, -1.468417763710022, -1.2771704196929932, -0.8073004484176636, -0.1355678141117096, -0.31913307309150696, 0.6567680835723877, -0.5076248049736023, -1.9819697141647339, 0.6607988476753235, 1.3849289417266846, 0.10792344808578491, -0.850176990032196, 0.4569876790046692, -0.3892722725868225, -0.3611442446708679, 1.018254280090332]} +{"paper_id": "food101", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "eurlex", "embedding": [-0.9588856101036072, 0.9506402015686035, -0.03248610720038414, -0.0454878993332386, 0.4702227711677551, -0.17064684629440308, 0.08638652414083481, 0.713816225528717, 0.5847204327583313, 1.1797826290130615, 0.05272410064935684, -0.20264607667922974, -0.41553571820259094, -0.6927334070205688, -0.21963375806808472, -0.1399545967578888, -0.1113266795873642, -0.10658007860183716, -0.8943707942962646, -0.17887917160987854, -0.9042067527770996, -0.9481298923492432, 0.33051061630249023, 0.6190309524536133, -0.16221970319747925, -0.8120720386505127, 0.5280592441558838, -0.9604706168174744, -0.010648615658283234, 0.6341531872749329, -0.40141671895980835, 1.1268950700759888, -1.451710820198059, 0.018919281661510468, -0.6770603656768799, -0.0710037425160408, 0.38311144709587097, 0.5203163623809814, -0.3001502752304077, -0.7843159437179565, -1.3561559915542603, -0.07640939950942993, 1.0106053352355957, 0.07482598721981049, 0.7664861679077148, -0.5444924235343933, 0.31419605016708374, -0.11740656197071075, -0.16042810678482056, -0.3516162633895874, 0.03325016424059868, 1.3004155158996582, -1.1475797891616821, 0.5143624544143677, -0.09443681687116623, 1.3617819547653198, -0.40192463994026184, -1.0680208206176758, -0.20246368646621704, -0.0939399003982544, 1.4317739009857178, 1.2215453386306763, -0.006833717226982117, -0.281880259513855, 1.0613563060760498, 0.03886757791042328, 1.661831259727478, -0.2371167540550232, 0.2717677652835846, 1.379819631576538, -0.09896844625473022, -0.9840908050537109, 0.09930168837308884, -0.9463680386543274, -0.19863155484199524, 0.6293108463287354, 0.6093629002571106, -0.11464183032512665, -0.3585224747657776, 0.13189148902893066, -0.018812991678714752, 1.1343289613723755, 0.3165648579597473, -0.6808567047119141, -0.49041423201560974, -0.29359695315361023, 0.8695312738418579, -0.27708473801612854, 0.5425897836685181, -0.8337489366531372, 0.8540588021278381, 0.0699704959988594, -0.4315794110298157, 0.7819086313247681, -0.9404379725456238, 0.9016043543815613, -0.9556649327278137, 0.172829270362854, -0.12224594503641129, 0.46952345967292786, 0.6920049786567688, -0.318234920501709, 0.6068116426467896, 0.22581437230110168, -0.005763396620750427, 1.3223375082015991, 0.1156434565782547, -0.1837472915649414, -1.1817954778671265, -0.05080316215753555, 0.2743670344352722, 0.35049766302108765, -0.5912461876869202, 0.58735591173172, 0.2780344784259796, 0.23756703734397888, 0.6613547801971436, -0.7877167463302612, -0.9631041288375854, 0.29752516746520996, -0.8033900856971741, -0.8960027098655701, -0.6161888241767883, 0.07703526318073273, 1.193930745124817, -0.5188606977462769, 0.9895572662353516, -0.45290932059288025, -0.2616012990474701, -0.07245393097400665, 0.3844459354877472, -0.15499137341976166, -0.7185758948326111, 0.3013097643852234, 2.8908731937408447, -1.2615717649459839, 2.115194320678711, -0.8947498202323914, 0.33388781547546387, -0.5252298712730408, 0.050551749765872955, 1.354058861732483, -0.25674155354499817, -1.2138733863830566, -0.4372260570526123, 0.586698055267334, -0.9987432360649109, 0.6495737433433533, -0.4118295907974243, -1.1161779165267944, 0.2232046127319336, 0.681987464427948, -0.3363519608974457, -0.39803916215896606, -0.25175684690475464, 0.3425721526145935, 0.38173943758010864, 0.037341345101594925, -1.1269582509994507, 0.90337073802948, 1.1654802560806274, -0.3593904376029968, -0.45035693049430847, 1.083313226699829, -0.3438510000705719, -0.2509514093399048, 1.391611099243164, 0.3204253613948822, -1.2481317520141602, 0.0040464624762535095, 1.3045094013214111, 0.03515080735087395, -0.3282797336578369, 0.16667982935905457, -0.6909140348434448, -0.18692514300346375, 0.5475343465805054, 0.967939555644989, 0.21795634925365448, -0.2812996208667755, -0.07295966148376465, -0.21575810015201569, 0.3088143467903137, 0.6652048230171204, -0.09085668623447418, -0.10622772574424744, -2.1370012760162354, -0.7826277613639832, -0.11099279671907425, 1.4250682592391968, -0.2258891761302948, -0.38827213644981384, -0.08901471644639969, 1.0857144594192505, 0.24705715477466583, -1.29426908493042, -0.023000340908765793, -0.7232218384742737, 0.13585779070854187, 0.45312702655792236, 1.0137909650802612, -1.017809271812439, -0.1022966206073761, 0.3568424880504608, 1.0846859216690063, -0.6509416103363037, -0.5064231753349304, -2.370429039001465, 0.5936344861984253, 2.1215686798095703, 0.0761096328496933, -0.4043123722076416, -1.099853277206421, 0.21154682338237762, 0.7106616497039795, -0.08330506831407547, 0.711328387260437, -1.2917242050170898, 0.9324207901954651, -1.3955509662628174, 0.39216187596321106, -0.14261558651924133, -0.25889724493026733, -0.0863683670759201, 0.09803824871778488, -0.13268744945526123, 0.3499232828617096, -0.500906229019165, 0.10399661958217621, 0.9915550947189331, 0.5564413666725159, -0.4226142168045044, -0.02273734286427498, 0.4801812171936035, 1.0574982166290283, 0.6726195812225342, -0.2835312485694885, -0.1187296211719513, -0.1379057615995407, 0.4242303967475891, -0.007348345126956701, 0.36886322498321533, -0.3288460969924927, -0.8187881708145142, 1.2149041891098022, 0.15479327738285065, -0.2231277972459793, -0.032932132482528687, 0.06182849407196045, -0.18059846758842468, 0.9527056217193604, 1.037084698677063, -1.03831946849823, 0.37376829981803894, -0.6310686469078064, -0.2781805694103241, 0.3306383788585663, -0.6851308941841125, 0.3356356620788574, -0.005060773342847824, 0.8673420548439026, 0.23048135638237, 0.5183766484260559, -0.37338459491729736, -0.8189029097557068, -0.5333429574966431, -0.8280443549156189, -0.3449922800064087, -0.20813187956809998, -1.1258691549301147, 0.15509015321731567, -0.6536213159561157, -0.8135530948638916, 0.04169522225856781, 0.6407214403152466, 0.7859010696411133, -0.5637543201446533, 0.2882968783378601, 1.4959709644317627, -0.03445849567651749, 0.3190826177597046, -0.5187700390815735, 0.6891785860061646, 0.32654303312301636, 0.8169800639152527, -0.6001966595649719, 0.6757648587226868, -0.2091837227344513, -0.8034193515777588, 0.16332457959651947, 0.14733606576919556, 0.7635225653648376, -0.764277458190918, 0.9567151069641113, -0.05559740215539932, -1.3858702182769775, 2.074601888656616, -0.19699417054653168, -0.1963690221309662, -1.4355435371398926, 1.217421531677246, 1.1207271814346313, -0.04504937306046486, 0.7743358016014099, 0.2221192717552185, 0.12778155505657196, 1.1969977617263794, -0.6428319215774536, 0.10146165639162064, 0.5281032919883728, 0.09339673817157745, -0.11671778559684753, 0.44703924655914307, -1.9360902309417725, 0.05464935302734375, 0.7051749229431152, -0.8362169861793518, 0.1745862513780594, -0.6101306080818176, 0.6653540134429932, -0.6261564493179321, -0.36291563510894775, -0.2836494743824005, -0.09052453190088272, 0.4339147210121155, 0.050528496503829956, 0.4300493001937866, 1.000036358833313, -1.3786860704421997, 0.3844078481197357, -0.37137824296951294, 0.23738205432891846, -0.6102174520492554, -0.7448218464851379, 0.7821863293647766, 0.035739682614803314, 0.7041065692901611, -0.1396940052509308, 0.7832509279251099, 1.9953771829605103, -0.5809922218322754, 0.1147942990064621, 0.9080426096916199, 0.7612221837043762, 0.3479631543159485, 0.23311056196689606, -0.1311953067779541, 0.4391777217388153, 0.14247645437717438, 1.0641160011291504, 0.18291400372982025, -0.8232024908065796, -1.5370949506759644, -0.3422829806804657, -0.17114385962486267, -0.6803691387176514, 1.3107746839523315, -0.009211529046297073, 1.7208354473114014, -0.42107367515563965, 0.15232151746749878, -0.5645768046379089, 0.3799024224281311, 0.8680737614631653, 0.48274099826812744, 0.22003516554832458, -0.6325328946113586, -0.15357007086277008, 0.7434734106063843, -0.012749440036714077, -0.5998872518539429, 0.06899650394916534, 2.0775349140167236, -0.2694803476333618, -0.8633612394332886, -0.22339646518230438, 0.14391368627548218, 0.07532572001218796, 1.9504270553588867, 0.13789232075214386, -0.9044263958930969, -0.16581952571868896, 0.30404022336006165, 0.7861397862434387, 0.3958759903907776, -1.0067713260650635, -0.051480188965797424, 0.42052769660949707, 0.5394886136054993, -0.2884984016418457, 0.5026015043258667, 0.4730130136013031, 0.28714102506637573, -0.8168081045150757, -0.16590863466262817, -0.2939026355743408, -0.12012069672346115, 0.2068806290626526, -0.17281663417816162, -1.6209698915481567, 1.078020691871643, -0.11020293086767197, -0.8009721636772156, 1.1594895124435425, 0.10896327346563339, -1.729193925857544, 0.8388804197311401, 0.7758324146270752, -1.3940684795379639, -0.5341037511825562, 0.23727183043956757, -0.6614285111427307, -0.916796863079071, 0.3383207321166992, -0.3983488976955414, 1.2843225002288818, 0.6153405904769897, 0.19294771552085876, -0.646872341632843, 0.32429057359695435, -1.183814287185669, 0.9147902131080627, 0.5279402136802673, -1.0634111166000366, 0.2709744870662689, 0.4721846580505371, -0.07686960697174072, 0.326646089553833, -1.8954436779022217, -1.045068621635437, 0.5125239491462708, 0.49813100695610046, 0.527273952960968, -0.7562835812568665, -0.5769257545471191, -0.19288021326065063, 0.09564325213432312, 0.269523561000824, -1.0231438875198364, -0.5700617432594299, -0.5390628576278687, 0.1978607177734375, 1.0400115251541138, -0.9077113270759583, -0.8851795196533203, 0.5308713912963867, -0.4419848322868347, 0.8495675325393677, 0.9136110544204712, 0.8067304491996765, 0.8265354037284851, 0.6057277917861938, 0.6455760598182678, -0.761568546295166, -10.147222518920898, 0.44907498359680176, 0.3249950110912323, 0.39444172382354736, 0.29171377420425415, -0.06612922996282578, 0.26173433661460876, -0.4063521921634674, 0.45304644107818604, -0.5970881581306458, 0.9724240899085999, 2.145404100418091, 0.11160416156053543, -1.3027468919754028, -0.8167286515235901, -0.7470608353614807, -0.5298295021057129, 0.02265641838312149, 0.4346129298210144, 0.6972261667251587, -0.0563482791185379, -1.565632939338684, 0.34416574239730835, -0.44614166021347046, 0.27265551686286926, -0.8545532822608948, 0.03212776407599449, -0.17001588642597198, -0.8806214332580566, -0.25021326541900635, 0.24937990307807922, 0.49010875821113586, -0.6850218772888184, -0.16805149614810944, 0.3334318995475769, 0.1850326806306839, -0.8557108640670776, -0.139275461435318, 0.8883950710296631, -0.1303752064704895, 0.23808294534683228, 0.43290719389915466, 0.17358694970607758, -0.6908836364746094, 0.2859156131744385, 0.2923755645751953, 0.4099704921245575, -0.5086453557014465, 0.5082116723060608, 0.25717294216156006, -0.2420356571674347, -1.2922861576080322, -1.4038350582122803, -0.41298532485961914, 1.2619187831878662, 0.3789364695549011, -1.4368796348571777, 0.642711341381073, -0.5196207165718079, -0.6361619234085083, 0.16140934824943542, 0.5090442299842834, -0.014347843825817108, 0.9020566940307617, 0.1560736745595932, -0.6790012717247009, 0.6309916973114014, 0.024487357586622238, -0.0666733831167221, 0.6332609057426453, -0.7308481931686401, 0.8418753147125244, -0.16389086842536926, -0.16394758224487305, -0.5570982098579407, -0.1699163317680359, -0.3257594108581543, -0.5878837704658508, 0.9023252129554749, -0.37209680676460266, -1.6761280298233032, 0.3410531282424927, -0.30236729979515076, -0.9691863059997559, -0.3392314016819, 0.24347633123397827, -0.4478801190853119, -0.4366961717605591, 1.0547109842300415, 0.061691634356975555, -0.053829606622457504, 0.05740986764431, -0.005847465246915817, -0.8268131017684937, -0.15146732330322266, 0.17837034165859222, -1.2323026657104492, 1.366640567779541, 0.3491371273994446, -1.0588968992233276, 0.698375940322876, 0.07258144021034241, -0.5409059524536133, 0.11432363092899323, 0.8822698593139648, 0.459425687789917, -0.07009777426719666, 0.2975930869579315, -0.6931522488594055, 0.43167558312416077, 0.9991890788078308, -0.010423518717288971, 0.1738508939743042, 0.12144716084003448, 0.7478625774383545, 0.5534648895263672, 0.6202173233032227, -0.13415969908237457, 0.3236696124076843, 0.4073584973812103, -0.3195096552371979, 0.4033091366291046, -0.7102438807487488, 0.6813383102416992, -0.5506888628005981, -0.4719164967536926, -0.012369148433208466, 0.2705148160457611, -0.22122712433338165, -1.9119819402694702, 0.8778355717658997, 0.10846957564353943, 0.055925071239471436, -0.7773746848106384, -0.6437569260597229, -0.5645351409912109, -0.5832460522651672, 1.0610592365264893, -0.3473173975944519, 0.4946080446243286, -0.17001426219940186, -0.4107583463191986, 0.9789391756057739, -0.4243755340576172, -1.0912833213806152, 0.3477845788002014, -1.4720767736434937, -0.36730512976646423, -0.8028901815414429, -0.41079437732696533, 0.7587013840675354, -0.9396637082099915, 0.6503893733024597, -1.7900673151016235, -1.1021673679351807, -0.4787159860134125, 0.28984829783439636, -0.2165505290031433, -1.0419564247131348, 0.2904631793498993, -0.3372405171394348, 1.573631763458252, -1.4499828815460205, 1.2468326091766357, -0.3702392280101776, 0.1492386758327484, -0.9711255431175232, 0.32338061928749084, -0.15334026515483856, 0.24511396884918213, 2.0092697143554688, -0.6130926609039307, -0.21202892065048218, -0.013762662187218666, 0.06375770270824432, -0.6897086501121521, 1.0699659585952759, 1.5066184997558594, -1.5818195343017578, 0.12231316417455673, -0.5285682678222656, 0.9149321913719177, 0.3555181920528412, -0.8461068868637085, -0.7699689865112305, 0.3930087685585022, -0.3967094123363495, 1.6501636505126953, -0.4671459496021271, 0.6569148302078247, -1.650720238685608, -1.0417876243591309, -0.3852923512458801, -1.5075476169586182, 0.6028804183006287, 0.2918543517589569, 0.9346628189086914, 0.3934069871902466, -0.03874259442090988, -0.9835636615753174, 0.1597602367401123, 0.9516434073448181, 0.6333253979682922, 0.7346698045730591, -0.974409818649292, 0.39051109552383423, -0.7168071269989014, 0.003122858703136444, -0.07184378802776337, -0.02193726971745491, -1.9241952896118164, 0.16132058203220367, 0.4926530718803406, -0.45965376496315, 0.9189525246620178, -0.8335433006286621, 0.4696354568004608, -0.09611843526363373, -0.7105911374092102, -1.2937939167022705, -0.049139924347400665, 0.9805565476417542, -0.1477488875389099, 1.1113170385360718, 0.19484828412532806, 0.7678824067115784, 1.1514770984649658, 0.10563267022371292, 2.64323091506958, 0.13876090943813324, -0.09585124999284744, 0.3983488976955414, 0.051812924444675446, 0.11316769570112228, 0.33534345030784607, 0.24861609935760498, -1.1719847917556763, 0.16164498031139374, -1.5498422384262085, 0.22575631737709045, -0.8341395258903503, 0.31738904118537903, 0.4899753928184509, 0.8969352841377258, -0.2907789945602417, -0.19109617173671722, -0.8941110372543335, -0.5682439804077148, -0.4590187072753906, 0.6471445560455322, 0.1621258556842804, 0.6921216249465942, 0.7678300738334656, -0.4907883405685425, 0.6099919676780701, 0.5706468820571899, 0.3353997468948364, -0.10034186393022537, 0.25737464427948, 0.8651435375213623, 0.3442269265651703, -0.27540063858032227, -0.36280715465545654, -0.3123331367969513, -1.355860948562622, -0.2808465361595154, -0.5318263173103333, 0.5529966950416565, 0.7183938026428223, -0.615783154964447, 0.2846715450286865, 0.24434226751327515, -0.7714690566062927, -0.3306227922439575, 0.7652159929275513, -0.04157274216413498, -0.2046111822128296, -0.7278876900672913, -0.6873854398727417, 0.46118998527526855, 0.6004052758216858, -0.6081368923187256, -0.46259695291519165, -0.6095430254936218, 1.3721340894699097, 0.11090531945228577, -0.48806092143058777, -0.7661535739898682, -0.16103069484233856, -0.2512735426425934, 0.34601354598999023, 0.4009898602962494, -1.1969674825668335, -0.8250043988227844, 0.13702361285686493, -1.3798267841339111, 0.49943017959594727, 0.07878357172012329, -1.263353705406189, -0.26792827248573303, 0.20690695941448212, 0.6893117427825928, 0.10610648989677429, 0.019933778792619705, -0.28028467297554016, -0.7970281839370728, 0.864159882068634, 1.1350539922714233, -0.7416859269142151, -0.7973211407661438, 0.34397459030151367, 0.3268861174583435, -0.5238465070724487, 1.6061372756958008]} +{"paper_id": "multi_re_qa", "embedding": [-0.7364718317985535, 0.8993406295776367, 0.1877031773328781, -0.41680046916007996, 0.3079582750797272, -0.2710866928100586, 0.5498949885368347, 1.5096620321273804, 0.8139682412147522, 0.7817652821540833, 0.39228978753089905, 0.2973978519439697, 0.24381372332572937, -0.16761118173599243, -0.4126950800418854, -0.3027311861515045, -1.2404733896255493, -0.465384304523468, -1.1386816501617432, -0.3077104091644287, -0.4025617241859436, 0.0027199797332286835, -0.027287375181913376, 0.6290545463562012, -0.6118720173835754, -1.6401269435882568, 1.098523736000061, -0.7985568046569824, 1.023533821105957, 0.21767079830169678, -0.23129063844680786, 1.1489933729171753, -1.2418537139892578, -0.11089296638965607, -0.7751695513725281, -0.11387243121862411, 0.6795302629470825, 1.0955071449279785, 0.09888442605733871, -0.3161547780036926, -0.8438895344734192, -0.4238908290863037, 0.340133935213089, 0.8232742547988892, 1.4026515483856201, -0.9590499997138977, 0.692476212978363, -0.03134537860751152, -0.4156399369239807, 0.02313290908932686, -0.9002603888511658, 0.40795791149139404, -0.6601555943489075, 1.09763503074646, -0.7642396688461304, 0.3567442297935486, 0.7673932313919067, -0.2597527503967285, 0.8020938634872437, -1.8257935047149658, 1.6640647649765015, 1.2414708137512207, -0.2139221727848053, 0.12951214611530304, 1.148923397064209, -0.11488780379295349, 1.6072087287902832, 0.14674116671085358, -0.419522762298584, 0.6685550808906555, -0.11859344691038132, -0.47828754782676697, 0.3079450726509094, 0.29923105239868164, 0.48324277997016907, 1.0375957489013672, 0.35716500878334045, -0.1450275480747223, 0.13183283805847168, -0.6778128147125244, -0.36445337533950806, 0.31636208295822144, 0.49678295850753784, 0.03298667073249817, 0.38997429609298706, -0.5053244829177856, 0.42491093277931213, -1.062317967414856, 0.5972509384155273, -1.2491798400878906, 0.9111676216125488, 0.0349123477935791, 0.3875676095485687, -0.19147361814975739, -0.3584457337856293, -0.0473291352391243, -1.0649690628051758, -0.07259301096200943, -0.04978826642036438, 0.4004238247871399, 0.750328540802002, -0.16921447217464447, 0.3731212317943573, 0.26612699031829834, -0.13174378871917725, 0.30941909551620483, -0.013099320232868195, -0.11568056792020798, -0.3442128896713257, -0.785015881061554, -0.19227740168571472, 0.7258473038673401, 0.01332984771579504, 0.41290318965911865, 0.22141648828983307, 0.8881430625915527, 0.9200067520141602, -1.0727893114089966, -0.7896575331687927, 0.01073482632637024, 0.602183997631073, -1.0690292119979858, -0.41922739148139954, 0.08593398332595825, 0.3385603427886963, -0.7995884418487549, -0.11861775815486908, -0.4001246392726898, -0.27863407135009766, 0.7929024696350098, 1.5314279794692993, -0.2949504256248474, -0.8605977296829224, -0.9861649870872498, 3.077624559402466, -1.2776678800582886, 2.2021210193634033, -0.7035196423530579, -0.2091406136751175, -0.6051719784736633, -0.3527299463748932, 0.5012083649635315, 0.11536092311143875, -0.7989284992218018, -0.24082592129707336, 0.5711424946784973, -0.10247579216957092, 0.2833915650844574, -1.1260721683502197, 0.03278528153896332, -0.5467605590820312, 0.5858994722366333, -1.0020387172698975, -0.7483083605766296, 0.45461133122444153, 0.5937435030937195, -0.23693831264972687, 0.5831673741340637, -0.5820398926734924, 0.6607996821403503, -0.1349795162677765, -0.3097721338272095, -0.7730348706245422, 0.2799339294433594, -0.6403311491012573, -0.8464594483375549, 0.4694804847240448, 0.5180429220199585, -0.6946170926094055, -0.1734878420829773, 0.2736624479293823, -0.7008041143417358, -0.8731510043144226, 0.6023147702217102, -0.11906889826059341, -0.2795100510120392, 0.9568564295768738, 0.3963726758956909, 0.08042114228010178, -1.025447964668274, 0.20905467867851257, -0.0694604218006134, 0.2604593336582184, 0.8033703565597534, 0.2102178931236267, 0.32836464047431946, -1.794063687324524, 0.5031971335411072, 0.8518966436386108, -0.2901837229728699, 0.338285893201828, -0.33340713381767273, 0.2582537531852722, -0.23299184441566467, 0.03532995283603668, -0.6331539154052734, 0.5879569053649902, -1.006604552268982, -0.08575955033302307, 0.5261135697364807, -0.5914986729621887, 0.5547065734863281, 0.41388967633247375, 1.2938172817230225, 0.7222084999084473, -0.009065855294466019, -0.561417818069458, -1.770596981048584, 0.2798795998096466, 2.403797149658203, -0.19070318341255188, -0.8561697006225586, -0.5944749712944031, -0.07440757006406784, 0.18519937992095947, -0.5396772623062134, -0.30255046486854553, -0.635158360004425, 0.3117920756340027, -1.2589658498764038, 0.3926653265953064, -0.21394407749176025, -0.28198397159576416, 0.14820773899555206, 1.419119119644165, -0.6903616189956665, -0.3193214237689972, 0.13759543001651764, -0.8612476587295532, 0.6140609979629517, 0.5489620566368103, 0.32426053285598755, 0.18723611533641815, 1.146279215812683, 0.13572148978710175, 0.5855811238288879, 0.18059423565864563, 0.4043664336204529, -0.821436882019043, -0.08123141527175903, -0.1460248976945877, 0.9189060926437378, -0.08468058705329895, 0.5870128870010376, 0.3180294632911682, 0.6934822201728821, -0.5660572648048401, -0.6371726393699646, 0.09040404111146927, -0.27363523840904236, 1.1675127744674683, 0.743147611618042, -0.37631943821907043, 1.1695821285247803, -0.2225722074508667, -0.35527101159095764, -0.2825516164302826, 0.01746344566345215, -0.3373568654060364, -0.59112149477005, 1.5438287258148193, -0.1756277084350586, 0.28123828768730164, -0.0035442858934402466, 0.41303592920303345, -1.008780837059021, 0.4348238408565521, 0.003644883632659912, -0.8165515065193176, -0.4648228585720062, -0.32592350244522095, 0.2745986580848694, -0.531768262386322, -0.7624065279960632, -0.21760515868663788, 0.35179445147514343, 0.05011744052171707, 1.4553359746932983, 1.0727719068527222, 0.4843605160713196, 0.28910136222839355, -0.4701833724975586, 1.3966641426086426, -0.7169981002807617, 0.05045073851943016, -0.23017007112503052, 0.34949079155921936, -0.8633544445037842, 0.09244899451732635, -0.20987115800380707, 0.3042846620082855, 0.6121431589126587, -0.12492135167121887, 0.9473738074302673, -0.3668323755264282, -1.6306489706039429, 1.5411676168441772, -0.08013437688350677, -0.3954601287841797, -0.0038069672882556915, 1.9582570791244507, 0.03686642646789551, -0.4708751142024994, 0.27121996879577637, 0.2036755084991455, -0.2547473609447479, 1.156618356704712, -0.02072630077600479, 0.07213941961526871, -0.05040096491575241, -0.11577131599187851, -0.11646696925163269, 0.5375798940658569, -2.050790786743164, 0.6367433667182922, 1.4717026948928833, -0.5237820148468018, -0.8883880972862244, -0.6437942385673523, 0.22457261383533478, -0.005796818062663078, 0.24321705102920532, 0.4113749861717224, -0.8280641436576843, 0.6403301358222961, -0.03144389018416405, 0.16908438503742218, 1.5253679752349854, -0.2565471827983856, 0.2861991226673126, 0.773460865020752, -0.13985523581504822, -0.8216168284416199, -0.5678175091743469, 0.5130480527877808, -0.17060096561908722, -0.35677027702331543, 0.07623256742954254, 0.28539907932281494, 1.3988614082336426, 0.03154123201966286, -0.48123687505722046, 0.20766551792621613, 0.5671112537384033, 0.10200480371713638, -0.031229104846715927, -0.2979537844657898, 0.9105210900306702, 0.30800068378448486, 1.2978291511535645, -0.07006911188364029, -0.6839428544044495, -0.7910511493682861, -0.10216078162193298, -0.28641340136528015, 0.3981090486049652, 1.8137961626052856, -0.16740787029266357, 1.5298653841018677, 0.1368628591299057, 0.6323666572570801, -0.5273231863975525, 0.43469563126564026, 1.0068292617797852, 0.45693695545196533, -0.3527042865753174, -0.5297242403030396, -0.22069689631462097, 0.08508536219596863, -0.47054028511047363, -0.5254855155944824, 0.5415187478065491, 1.0307081937789917, 0.25903379917144775, -0.5457367897033691, 0.6738305687904358, 1.4858447313308716, 0.15825113654136658, 1.4085499048233032, 0.2557694613933563, 0.07109886407852173, 0.08772681653499603, 0.6972828507423401, 0.21887075901031494, 0.08598940819501877, -0.2651781439781189, 0.737524151802063, -0.1638876050710678, 0.5042662620544434, -0.520279586315155, 0.9294131398200989, 0.573745846748352, -0.6980977654457092, -0.9236361384391785, -0.5062747597694397, -0.6317167282104492, -0.38453036546707153, -0.1678260862827301, 0.592318594455719, -0.7693591713905334, 0.5961499810218811, 0.04470334202051163, -1.1346275806427002, 0.2345479428768158, -0.7059562802314758, -1.5676904916763306, 1.4281187057495117, 1.3517712354660034, -1.1640989780426025, -0.030308326706290245, -0.7693407535552979, -0.9662800431251526, 0.04883246496319771, -0.07811541855335236, -1.1643967628479004, -0.1526069939136505, 0.18728867173194885, 0.8227474689483643, -0.7764530181884766, -0.1426866501569748, -1.073783278465271, 0.20574291050434113, 0.9377092719078064, -0.6297557353973389, 0.874698281288147, 0.0879368856549263, 0.6214550137519836, -0.7193673849105835, -1.1249065399169922, -0.9431363940238953, 0.9323194026947021, -0.6177524328231812, 0.6790860295295715, -0.8011386394500732, 0.1469174325466156, 0.17066693305969238, 0.3408145308494568, 1.1374772787094116, -1.1563704013824463, 0.13418233394622803, -0.2838321328163147, -0.12826007604599, 0.4547005891799927, -0.8628876805305481, -0.3014400601387024, 0.3385443687438965, -0.1233622282743454, 0.6832869052886963, -1.0998132228851318, 0.47229522466659546, 1.1178065538406372, 0.12294723838567734, -0.13102740049362183, -0.32389917969703674, -11.372047424316406, 0.3914608955383301, 0.2067355364561081, 0.06180104613304138, 1.1873388290405273, -0.7070868015289307, 1.0574891567230225, 0.1521291732788086, 0.6076455116271973, -0.6662487983703613, 0.35682055354118347, 0.39490365982055664, 0.24192243814468384, -0.737631618976593, -0.5247181057929993, -1.1969072818756104, -0.705683708190918, -0.6540219783782959, 0.824080228805542, -0.25245869159698486, 0.35982745885849, -0.10346131026744843, -0.9024376273155212, 0.07026970386505127, 0.09270870685577393, -0.8602811694145203, -0.8990870118141174, -0.264072984457016, -0.32586371898651123, -0.23318356275558472, 0.8472927212715149, -0.035690631717443466, -0.39792901277542114, -0.6388338804244995, -0.7562770843505859, -0.7550764083862305, 0.07297024130821228, 0.09366888552904129, 0.6973135471343994, -0.30386343598365784, -0.34056419134140015, 0.20321740210056305, 0.17658200860023499, -0.1933857500553131, -0.12019887566566467, -0.03190203756093979, 0.37825703620910645, -0.8078826069831848, 0.45995858311653137, 0.13444647192955017, -0.565276026725769, -0.014728780835866928, 0.07731486856937408, 0.04236831143498421, -0.08706125617027283, 0.48515966534614563, -0.9628216028213501, -0.30089306831359863, -0.8411800861358643, -1.0688954591751099, 0.8450170159339905, -0.2035965472459793, -0.8261879086494446, 0.21084630489349365, 0.35083314776420593, -0.2637539803981781, 0.25874951481819153, 0.2927813231945038, -0.6733654141426086, 0.2254781872034073, -0.6974036693572998, 1.2033201456069946, 0.6641355156898499, -0.18855994939804077, -1.1059648990631104, 0.26573991775512695, -0.9954086542129517, -0.0023938119411468506, -0.21745043992996216, 0.4645068347454071, -1.5571564435958862, 0.7030462026596069, 0.8680053949356079, -0.6906014084815979, -0.7788549065589905, 0.4320595860481262, -0.07259813696146011, 0.33057647943496704, 0.7628716230392456, -0.4684661030769348, 1.151082992553711, 0.9742742776870728, -0.16526249051094055, -0.12521407008171082, -0.09316699951887131, 0.9439201951026917, -0.32406896352767944, 0.20702633261680603, 0.1973457932472229, -0.552137553691864, 0.20534208416938782, -0.341251403093338, -0.4044474959373474, 0.647412896156311, 0.8022854328155518, -0.09824436157941818, 0.5232675075531006, -0.031086400151252747, 0.49463555216789246, 0.20844359695911407, 1.2153695821762085, 0.32118234038352966, -0.45766884088516235, 1.0864834785461426, -0.7720609903335571, 0.9130916595458984, 0.1101868748664856, 0.18932589888572693, 0.00017531123012304306, 0.9541519284248352, -0.5212728381156921, 0.4927874803543091, 0.7080917358398438, 1.2522289752960205, -0.47495779395103455, -0.1611720323562622, -0.5413892865180969, 0.558407723903656, 0.3364184498786926, -1.0364779233932495, 0.25967592000961304, -0.3951059877872467, -0.0647551417350769, -1.047683596611023, -0.6774813532829285, -0.24573664367198944, -0.27973467111587524, 1.1430026292800903, -0.4189762473106384, -0.019827842712402344, -0.2758650779724121, -0.4580693542957306, -0.6927674412727356, -1.3010491132736206, -0.8030826449394226, 0.15520596504211426, -0.542194128036499, 0.2713663578033447, -0.21430689096450806, -0.12472350150346756, 0.39988863468170166, -0.7042020559310913, 1.28309965133667, -0.6101955771446228, -0.5863617658615112, 0.03188271075487137, 0.5153136253356934, -0.28775668144226074, -0.8234046697616577, -0.10446081310510635, -0.11906354874372482, 0.810676634311676, -1.205889105796814, 1.7804533243179321, 0.5263785123825073, -0.21586893498897552, -0.3161410987377167, 0.29072335362434387, -0.4969683289527893, -0.22526207566261292, 0.32563552260398865, -1.1282281875610352, -0.13227783143520355, -1.1458276510238647, -0.8313403129577637, -0.4352390170097351, 0.014084532856941223, 0.9554698467254639, -0.6045725345611572, -0.43950748443603516, 0.1543913632631302, 1.263007640838623, -0.2661949694156647, -0.49586954712867737, -0.6925878524780273, 0.17629924416542053, 0.7687132954597473, 0.9647330641746521, 0.5550971031188965, 1.1295337677001953, -1.7726505994796753, -1.151740312576294, -0.39801064133644104, -0.26894527673721313, 0.06346406787633896, 0.22506935894489288, 0.625163733959198, 0.19983062148094177, -0.1888279765844345, 0.2086254060268402, 0.20103974640369415, 0.8056537508964539, 0.31269222497940063, 0.43270716071128845, 0.3424082398414612, 0.3952716886997223, -0.09214611351490021, -0.08076424896717072, 0.4253478944301605, 1.3546209335327148, -1.010864496231079, -0.19217529892921448, 0.42380690574645996, 0.035145942121744156, 0.03284480795264244, -0.9096677303314209, -0.07147996872663498, -0.2919006943702698, -0.3309362828731537, -1.5931371450424194, 0.021282032132148743, 0.43655872344970703, -0.6115930080413818, 1.0898929834365845, 0.16921968758106232, 1.3781940937042236, 0.5039028525352478, -0.04271380603313446, 0.006339985877275467, -0.2770076096057892, -0.11800429970026016, 0.43954893946647644, 0.543208122253418, -0.324912428855896, -0.21587257087230682, -1.089302659034729, -0.916822612285614, 0.8146564364433289, -0.20511963963508606, 0.6069129109382629, -0.48483479022979736, 0.6605424284934998, 0.20207151770591736, 0.8574180603027344, -0.7927461266517639, -1.9080804586410522, 0.13924624025821686, -1.4828548431396484, -0.49620237946510315, 0.05266399309039116, 0.12535147368907928, 0.4489603042602539, 0.7804816365242004, -0.07250797748565674, 1.0382897853851318, -1.8259954452514648, 0.1852479875087738, 0.46637922525405884, -1.0173953771591187, 0.3250989615917206, -0.03348737210035324, 0.4875640869140625, 0.8182527422904968, -0.19125062227249146, -0.7534193396568298, -0.2260947823524475, 0.1283225417137146, 1.065958857536316, 1.3166897296905518, -1.3210539817810059, -0.992263674736023, -0.6172100901603699, 1.275477409362793, -0.7433379888534546, 0.563776433467865, -0.016073469072580338, -0.010475978255271912, -0.7573848366737366, -0.6256659626960754, 0.3491421937942505, 0.3479677438735962, 0.32342275977134705, -0.12963742017745972, -0.28053081035614014, -0.2988262176513672, 0.29927781224250793, -0.3307766020298004, -1.0120139122009277, 0.18021604418754578, -0.8806293606758118, -0.10531593859195709, 0.5137137770652771, -1.0339276790618896, -0.5607433319091797, 0.06790302693843842, -0.8800286650657654, 1.0367190837860107, 0.17169521749019623, -0.9073476791381836, -0.8138661980628967, 0.12771916389465332, -0.754372239112854, 0.5258039236068726, -0.6214693784713745, -0.09327565133571625, -1.1977343559265137, 0.5976526737213135, 1.720264196395874, -0.6536009311676025, -0.009334788657724857, -0.028434522449970245, 0.08331805467605591, 0.19223147630691528, 1.274353265762329]} +{"paper_id": "conceptual_captions", "embedding": [-0.6266584396362305, 1.8056821823120117, 0.37924984097480774, 0.3987827003002167, 0.2611462473869324, -0.4731655716896057, -0.40931054949760437, 0.4846203327178955, 1.0484590530395508, 0.43485647439956665, 1.2858484983444214, 0.40000227093696594, -0.46393564343452454, 0.016348864883184433, -0.7668088674545288, 0.2101605236530304, -0.5404219627380371, -1.0967614650726318, -0.6852145791053772, 0.3108625113964081, -1.7054396867752075, -1.1794503927230835, -0.48472967743873596, -0.30809351801872253, -1.1127516031265259, -0.2727079689502716, 0.4545682668685913, -0.6347713470458984, 0.49770376086235046, -0.2516765594482422, -0.05286642163991928, 0.6654622554779053, -1.3263674974441528, 1.3363138437271118, -0.5998061895370483, -0.7689571976661682, 0.9199232459068298, 0.8312157988548279, -0.3558391034603119, -1.276339054107666, 0.4501480162143707, 0.06708591431379318, 2.097782850265503, -0.4668382704257965, 0.9117826223373413, -1.065942406654358, 0.15832580626010895, 0.48924386501312256, 0.09369297325611115, 0.17141751945018768, -0.044321589171886444, 0.7369450926780701, 0.2677616477012634, -0.09832175076007843, -0.4262961149215698, 1.602162480354309, -0.47165369987487793, -0.38549867272377014, 0.18742156028747559, 0.09651878476142883, 0.5329197645187378, 1.6029387712478638, -1.0648013353347778, -0.3520568013191223, 0.8457549214363098, 0.4417991042137146, 0.6862868666648865, 0.6031057238578796, 0.2299596667289734, 0.35099318623542786, -0.842884361743927, -1.0790290832519531, 0.7789904475212097, -0.0306471586227417, 0.05794420465826988, 0.34496399760246277, -0.13348866999149323, -0.37956470251083374, -0.027131352573633194, 0.11627744883298874, -0.27921468019485474, 0.5364853143692017, 0.22945661842823029, -0.5561724305152893, -0.10069680213928223, 0.13966673612594604, 0.08822129666805267, 0.20754089951515198, 0.004056844860315323, -1.8197778463363647, 0.7825005650520325, -0.24366657435894012, -0.37468743324279785, 0.41970545053482056, -0.26512113213539124, -0.07381948828697205, 0.21058817207813263, 0.06825000792741776, -0.4539388418197632, 0.5867679119110107, 0.1602362096309662, -0.9181464910507202, 0.2781417667865753, -0.09313412755727768, 0.5548926591873169, 0.13844028115272522, -0.2517498731613159, -0.16951820254325867, -0.7628471255302429, -0.9172651767730713, 0.0730595588684082, 1.5918536186218262, 1.152587890625, 0.030473489314317703, -0.23606780171394348, -0.17666220664978027, -0.013042278587818146, 0.32376646995544434, -0.10799306631088257, 0.3580924868583679, -0.19189570844173431, -1.4077378511428833, -0.9708752036094666, -0.5426381230354309, 0.3084132671356201, -0.5597437620162964, 0.4300757348537445, -0.6762207746505737, 0.1444541960954666, -0.7705069184303284, -0.08893197774887085, 0.42956268787384033, -1.1104587316513062, 0.10825130343437195, 3.1609909534454346, -0.8924426436424255, 0.8925703167915344, -0.7699680328369141, -0.3999633491039276, -1.199778437614441, -0.34484022855758667, 1.5468014478683472, 0.07965221256017685, -1.0975486040115356, -0.2535092532634735, -0.10619647055864334, -0.7102224230766296, 0.4473537802696228, -0.830227255821228, -0.5107753276824951, 0.585631251335144, 0.3837668001651764, -1.1486785411834717, -0.8670514822006226, -0.40141624212265015, 0.6483159065246582, 0.5139214396476746, 0.31249845027923584, -0.36699238419532776, 1.4718815088272095, 0.19343119859695435, 0.5428381562232971, -0.623838484287262, 0.4062933325767517, -0.8219343423843384, 0.5616562962532043, 0.8715963363647461, 0.15826311707496643, 0.07572542876005173, -0.46659696102142334, 0.6958988904953003, -0.37774306535720825, 0.18962222337722778, -0.6768587827682495, -0.11157406121492386, 0.6086950898170471, 0.737505316734314, 0.34818196296691895, 0.7980108261108398, -1.0395691394805908, -0.7122634053230286, -0.05342084541916847, 0.8227629661560059, 0.2844404876232147, 0.6634631752967834, -0.20171573758125305, -2.206059217453003, -0.7503213286399841, -1.0810941457748413, 0.5198416709899902, 0.04103061556816101, 0.2507309913635254, -0.07314353436231613, 0.2279275506734848, -0.40617573261260986, -0.5782700777053833, 0.7849974632263184, -0.5929025411605835, -1.0959422588348389, 0.8313276767730713, -0.044459085911512375, -0.08100540935993195, -1.252519965171814, 0.40257567167282104, 0.7262676954269409, 0.2875727713108063, -0.1453588902950287, -1.625380277633667, 0.7646900415420532, 1.966367483139038, 0.22963280975818634, -1.4569320678710938, -0.9397898316383362, -0.7727524042129517, 1.2138694524765015, -0.4030575752258301, 0.7050356864929199, -0.4366949796676636, 0.5082479119300842, -0.29967230558395386, 0.3021865487098694, -0.8528205156326294, 0.8678051829338074, -0.34213146567344666, 0.9396744966506958, -0.41554731130599976, -0.6319786310195923, -0.1163482517004013, -1.078493595123291, 0.8231674432754517, 0.7143459916114807, 0.29977020621299744, -0.18821151554584503, 0.47026222944259644, 0.30594244599342346, 0.2488732784986496, 0.8066225647926331, 0.1431439369916916, -0.580284595489502, 0.27277663350105286, 0.015416396781802177, 0.30592578649520874, -0.845514714717865, -0.08575554937124252, 0.3676813840866089, -0.06258650869131088, -0.34099963307380676, -1.2674305438995361, -0.29078173637390137, -0.4555148482322693, 1.5887056589126587, 0.8347665667533875, -0.24779987335205078, 0.7963584661483765, -0.10120141506195068, -0.5644552707672119, 1.2498642206192017, -0.1712702363729477, 0.6870851516723633, -1.0006593465805054, 0.4107116162776947, -0.49903714656829834, 0.22569125890731812, -0.19233162701129913, -0.4525383710861206, -0.28128570318222046, -0.8795137405395508, 0.5734865665435791, -0.41785889863967896, -1.3061751127243042, 0.4857921004295349, -0.29237258434295654, -0.30954551696777344, -0.3716822862625122, 0.7445587515830994, 0.607297420501709, 0.7720634937286377, 0.0617295503616333, 1.470360517501831, -0.7496355772018433, 0.6715969443321228, -0.7775359749794006, 0.335393488407135, 0.09605343639850616, 0.6882035136222839, -0.8692629337310791, 0.3543708920478821, -0.9949511289596558, 0.0987011045217514, -0.43542981147766113, 0.23376715183258057, 0.30515149235725403, -0.5636074542999268, 0.5331587791442871, -0.12531033158302307, -0.7696725130081177, 1.2437721490859985, -0.41533800959587097, -0.2416328489780426, -0.8543908596038818, 0.5166394114494324, 0.7734284400939941, -0.6193234324455261, 0.6956703066825867, 0.39286985993385315, -0.6641853451728821, 1.4771382808685303, 0.5215423107147217, 1.0140271186828613, 1.1631964445114136, 0.6780754327774048, 0.278072327375412, -0.7500160336494446, -1.0758082866668701, 0.21594145894050598, 0.37404778599739075, -0.08100399374961853, 0.41827887296676636, -1.3992937803268433, 0.06147420406341553, -0.28641819953918457, 0.0598355308175087, 0.5099392533302307, -0.4165306091308594, 0.32715898752212524, 0.21950644254684448, 0.10820987820625305, 1.0413975715637207, 0.046462588012218475, 0.844218373298645, 0.7235361933708191, -0.05299035459756851, -1.0367882251739502, 0.7660158276557922, 1.0453888177871704, -0.6242234706878662, 0.8961867094039917, 0.6731288433074951, 0.6417227983474731, 0.5853339433670044, -0.997843861579895, 0.06192197650671005, 0.3824358582496643, -0.321847140789032, 0.014176211319863796, 0.9997897744178772, 0.12253913283348083, 0.37779536843299866, 0.2196410745382309, 1.193575143814087, 0.31245261430740356, -0.8146934509277344, -0.5786897540092468, 0.5610939264297485, -0.33754396438598633, 0.6673547029495239, 2.472527027130127, 0.5929173827171326, 1.73513925075531, -0.32120266556739807, 0.007696482352912426, 0.6975920796394348, -0.0089340228587389, 0.5754403471946716, 1.1064573526382446, 0.5221129655838013, -0.35878047347068787, 0.10127907991409302, 0.21211135387420654, 0.390825480222702, -0.03954557329416275, -0.5595738887786865, 0.43913933634757996, 0.16225455701351166, -0.6115002036094666, 0.7250460982322693, -0.020504336804151535, 0.5799195766448975, 1.025321125984192, -0.49474281072616577, -0.45239147543907166, -0.254094660282135, 0.14816227555274963, 0.9048798680305481, -0.4388716220855713, -0.52961266040802, 0.9276145100593567, 0.7615950703620911, 2.0048344135284424, 0.21982480585575104, 0.9168289303779602, 1.5749280452728271, 0.16154247522354126, -0.9785163998603821, -0.15805989503860474, -1.4376333951950073, -0.6669319868087769, 0.2768559157848358, 0.18854478001594543, -0.2645465135574341, 0.1821649670600891, -0.811951756477356, -1.412862777709961, 0.9242005348205566, -0.2440134882926941, -0.4010827839374542, 0.39225512742996216, 1.9943796396255493, -0.6009933948516846, -1.0031516551971436, -0.22026044130325317, -0.22549499571323395, -1.249422311782837, -0.0019277594983577728, -0.5488683581352234, 0.5637394785881042, 0.3349032998085022, -0.11191913485527039, -0.48695236444473267, -0.20061452686786652, -0.47344696521759033, 1.0836666822433472, 0.4473506808280945, -0.7506183385848999, 0.1361084282398224, 0.025788992643356323, 0.1849406212568283, 0.6098532676696777, -1.1831958293914795, -0.7787793278694153, 0.9101904630661011, 0.8822050094604492, -1.0199127197265625, -1.0558233261108398, -0.3268415629863739, 0.2883901298046112, 0.7814739346504211, 1.125521183013916, -0.6059495806694031, -0.3699193596839905, -0.7941301465034485, 1.3304352760314941, 1.0130069255828857, -0.19107744097709656, -0.30056262016296387, 1.3460516929626465, 0.0310673788189888, 1.0125679969787598, -0.5863653421401978, -0.13650032877922058, 1.1751834154129028, 0.07932858914136887, -0.6919845342636108, 0.004182040691375732, -10.871484756469727, -0.49799850583076477, -0.2743590772151947, -0.019457273185253143, 1.238000512123108, 0.5212459564208984, 1.43807852268219, -0.07994431257247925, 0.6739744544029236, -0.4558452069759369, 0.4762745499610901, 1.4556729793548584, -0.055628493428230286, 0.3112353980541229, -0.4366150498390198, -1.5722521543502808, -1.5381503105163574, -0.7986103892326355, 0.3784863352775574, 0.7340081930160522, 1.116523027420044, -0.1631905436515808, -0.7296229004859924, 0.19662651419639587, 0.058844249695539474, -0.568189799785614, 0.20563629269599915, 0.2155359834432602, -0.43560945987701416, -0.5889960527420044, 0.652256965637207, -0.41719576716423035, -0.3576495051383972, -0.6245219111442566, 0.5835446119308472, -0.05604596063494682, -1.2762807607650757, -0.6920208930969238, 1.4205104112625122, -0.32856637239456177, -0.19632379710674286, -0.11751899123191833, -0.6528739929199219, 0.5530205368995667, -0.6950773000717163, 0.5115271806716919, 0.8639289140701294, 0.044101815670728683, 0.5248922109603882, -0.6377708315849304, -0.4672142267227173, -1.3223514556884766, -0.24491840600967407, -0.735724151134491, 0.9016349911689758, 0.14610125124454498, -0.6847871541976929, -0.8456879258155823, -0.37878575921058655, -1.1487644910812378, 1.0131176710128784, 1.2530112266540527, 0.01123277097940445, 0.42246994376182556, 0.3463447093963623, -0.7888103127479553, 1.0558123588562012, 0.4204827547073364, -0.38627105951309204, 0.08755676448345184, -0.3831646144390106, 0.6456165313720703, 0.5883005857467651, 0.09159959852695465, -0.17447686195373535, 0.2992731034755707, -0.23723185062408447, -0.03183852881193161, -0.07325445115566254, -0.24428345263004303, -1.1556702852249146, 0.5710437297821045, -0.21360598504543304, -0.8407492637634277, -0.026460986584424973, 0.040178921073675156, -0.017934881150722504, 0.2732863426208496, -0.28606003522872925, 0.06779488176107407, 0.7607999444007874, -0.25650304555892944, 0.47217291593551636, -0.3689354956150055, -0.84283846616745, 1.05264413356781, -0.4188067317008972, -0.02012411132454872, -0.04893409088253975, -0.8995009660720825, 0.7395222783088684, 0.6122778058052063, -0.8479939699172974, -0.647229790687561, 0.3887665569782257, 0.02672915905714035, 0.09310293197631836, 0.19503718614578247, -0.1351020485162735, 0.5355311036109924, 0.4533793032169342, -0.6667957305908203, -0.7618232369422913, 1.5140831470489502, -0.07792297005653381, 0.3248269855976105, 0.4403398931026459, -1.107133388519287, 0.012505810707807541, 1.0541861057281494, -0.2077583521604538, 0.003991131670773029, 0.532764732837677, 0.5963996648788452, 0.5092228055000305, -0.45721635222435, 0.0202166847884655, 0.061927273869514465, 0.02009517513215542, -1.2555744647979736, 0.17755986750125885, -0.35533657670021057, -0.8184258937835693, -0.3876970708370209, -0.30109214782714844, -0.3133140206336975, -0.5412195324897766, 1.4782129526138306, -0.791336715221405, -0.2964738607406616, 0.300656259059906, -0.2914075553417206, -0.17867664992809296, -0.4381543695926666, -0.48527655005455017, -0.7119321227073669, -1.990299940109253, 0.2582250237464905, -0.5987080931663513, -0.791766881942749, -0.05027531459927559, 0.21347245573997498, 0.10866247862577438, -1.0296489000320435, -0.5487518906593323, 0.2310027778148651, 0.31784433126449585, -0.8646981716156006, -0.5871115326881409, -0.3205304741859436, 0.4878809154033661, 0.9538461565971375, -0.9236592650413513, 0.08448760211467743, 0.9430993795394897, -0.2281317561864853, -1.0196954011917114, 0.13201847672462463, 0.2443326711654663, -0.1168845072388649, 0.7371547818183899, -0.8287051320075989, 0.21977581083774567, -0.7817912101745605, 0.2684324085712433, -0.7736064791679382, -0.15523645281791687, 1.7238340377807617, -0.9672104120254517, -0.007768794894218445, 0.5302777290344238, 1.0272903442382812, 0.5239765048027039, -0.1855352222919464, -0.5016505718231201, -0.8252520561218262, -0.1536262035369873, 0.586891233921051, -0.10603884607553482, 0.9110749363899231, -2.1259732246398926, -0.6713719964027405, -0.8228154182434082, -0.4806780517101288, 1.2804893255233765, 0.6583070158958435, -0.17221231758594513, 0.605354368686676, 0.011657118797302246, -0.09484383463859558, -0.26829972863197327, 0.05576518923044205, 0.6143672466278076, 0.7662023305892944, -0.5195872783660889, -0.48486170172691345, -0.980349063873291, -0.5164516568183899, 0.0448695570230484, 0.47775858640670776, -1.6681935787200928, 0.17324577271938324, 0.5270926356315613, -0.68922358751297, 0.6146162748336792, -1.2075722217559814, 0.7572282552719116, -0.3348099887371063, -0.9490628242492676, -0.8833726644515991, 0.05948447063565254, 0.906575620174408, 0.519677460193634, 1.0959614515304565, -0.10080944746732712, 0.9195667505264282, 1.2716723680496216, -0.00157175213098526, 1.5299052000045776, -0.4406452775001526, -0.3163124918937683, -0.23806321620941162, 0.1975429803133011, -0.33248433470726013, -0.43994981050491333, 0.018842516466975212, -1.3779090642929077, -0.25719329714775085, -1.0084179639816284, -0.26453620195388794, -0.7563747763633728, -0.5113071799278259, 0.6345068216323853, 0.676552414894104, -0.18526266515254974, -1.1069837808609009, -0.4787660241127014, -1.47549307346344, -0.012252157554030418, 0.9763335585594177, -0.752817690372467, 1.2298847436904907, 0.6922273635864258, 0.016621209681034088, 1.2424077987670898, 0.2828586995601654, -0.3645646572113037, 0.568293571472168, -0.4956967234611511, 0.9521044492721558, 0.6283259391784668, 0.15261749923229218, 0.7754289507865906, 0.04727405309677124, -0.9713904857635498, -0.2106163650751114, -0.3852982223033905, 0.24835605919361115, 1.128773808479309, -0.8701470494270325, -0.1891593188047409, -0.7950932383537292, -0.34108060598373413, -0.7114062309265137, 0.4133753776550293, 0.8273301124572754, -0.21731440722942352, -0.6317201852798462, -1.2142304182052612, -0.6972039937973022, 0.12336856871843338, -0.27556610107421875, -0.6155856251716614, -0.4305686950683594, 1.0433986186981201, 0.7488242983818054, 0.2993614673614502, 0.03426925837993622, -0.11395342648029327, -0.1390472799539566, 0.811974823474884, 0.39762651920318604, -0.7669516205787659, -0.6553695797920227, 0.30569174885749817, -0.6730583906173706, 0.11966543644666672, -0.20858515799045563, -0.3253142833709717, -0.7441351413726807, 0.16480055451393127, 0.08131550252437592, 0.40749409794807434, 0.39755135774612427, 0.8338160514831543, -1.2861428260803223, 0.3312658965587616, 0.3557946979999542, -0.23962415754795074, -0.5213431715965271, -0.2702133357524872, -0.2480006068944931, 0.01730993762612343, 0.569530725479126]} +{"paper_id": "cuad", "embedding": [-0.003138103522360325, 0.7970852255821228, -0.6135925054550171, -0.007494982331991196, 0.3296221196651459, 0.1843440681695938, 0.2625969648361206, 0.5150747299194336, 1.1505732536315918, 1.4043538570404053, 0.07282412797212601, 0.6093165278434753, -0.7647356390953064, -0.27508118748664856, -0.6964399814605713, 0.00949573889374733, 0.1130366250872612, -0.23353059589862823, -1.0149136781692505, 0.24673867225646973, -1.1954028606414795, -1.163914680480957, -0.6621841788291931, 0.8196713924407959, -1.0003342628479004, -0.5291763544082642, 1.1128804683685303, -0.865537166595459, 0.7214155793190002, 0.18971729278564453, 0.044872671365737915, 1.7538686990737915, -1.8814761638641357, 0.9992671608924866, -0.10537076741456985, 0.05432381480932236, -0.7332739233970642, -0.026959560811519623, -0.5196345448493958, -0.276152640581131, -1.062168836593628, 0.9368184804916382, 0.690138041973114, 0.5422865152359009, 0.7193393707275391, -0.7738074660301208, 0.3365832269191742, -0.2368578463792801, 0.415377676486969, 0.6111992597579956, -1.251054286956787, 0.4286559820175171, 0.20337387919425964, 0.6119101047515869, 0.0699339210987091, 1.609853982925415, -0.4034098982810974, -0.36164769530296326, 1.1164571046829224, -0.6006937026977539, 1.8598705530166626, 1.6328290700912476, 0.01853102445602417, -0.2914106249809265, 0.08549948036670685, -0.12264382839202881, 1.1657065153121948, 0.08187882602214813, 0.2809576392173767, 0.9169440269470215, -0.07847559452056885, -0.6213821172714233, -0.17112606763839722, -0.7541225552558899, -0.9902298450469971, 0.16081702709197998, 0.0398896224796772, 0.29944637417793274, -0.01206473633646965, -0.6108496189117432, -0.011301357299089432, 0.1583109349012375, -0.21292094886302948, -0.10860560089349747, -0.11208043992519379, -0.5589759945869446, 0.020241692662239075, -0.9707242250442505, 0.24302595853805542, -1.2748620510101318, 0.5815828442573547, -0.44575372338294983, -0.7077303528785706, -0.1298893541097641, -0.9265064597129822, 0.5220512747764587, -0.37091052532196045, -0.07378020882606506, -0.4753144085407257, 0.8664476275444031, -0.22442379593849182, -0.2719862163066864, 1.2455568313598633, -0.5109433531761169, 0.31048262119293213, 1.7652753591537476, -0.16798940300941467, -0.17204612493515015, -1.5648092031478882, 0.4295176565647125, 0.775015115737915, 1.1509382724761963, 0.08854836970567703, 0.11062028259038925, 0.3185528516769409, 0.7420524954795837, 0.26655909419059753, -0.6749856472015381, -0.04749863222241402, 0.31590819358825684, -0.19785937666893005, -0.889317512512207, -0.8066563010215759, 0.5356597304344177, 1.0988519191741943, 0.5011361837387085, -0.20352119207382202, -0.09882798790931702, -0.1885831207036972, 0.3723362982273102, 0.4944037199020386, 0.45719021558761597, -1.3644607067108154, 0.10469527542591095, 2.2762904167175293, -0.9742738008499146, 1.4800193309783936, -0.45382189750671387, 0.8865246176719666, -0.6503050923347473, 0.22772368788719177, 0.7870728373527527, 0.11244378238916397, -1.7650246620178223, -1.414242148399353, 1.0756748914718628, -0.7021994590759277, 0.2340822070837021, -0.9029819965362549, 0.16099080443382263, 0.2502533495426178, 1.1201452016830444, -0.6165730953216553, 0.17139354348182678, 0.19059503078460693, 0.05567104369401932, 0.4050558805465698, 0.9032867550849915, -1.139455795288086, 0.25697892904281616, 1.0754084587097168, 0.5296110510826111, 0.7564492225646973, 0.640040934085846, -1.0351014137268066, -0.7119218707084656, 1.0441280603408813, 0.43851757049560547, -1.132588505744934, -0.14580434560775757, 1.1875876188278198, 0.02185727097094059, -0.03483825922012329, -0.1485690474510193, -0.9467519521713257, 0.1790497899055481, 0.4940425753593445, 1.2773984670639038, 0.14509887993335724, -0.5877279043197632, -0.8954283595085144, -0.16876889765262604, -0.37654879689216614, 0.27083393931388855, -0.8052238821983337, -0.625190794467926, -1.6027878522872925, -0.22123046219348907, -0.9021045565605164, 1.2555854320526123, 0.4388270378112793, 0.36873936653137207, 0.24764788150787354, 1.4510184526443481, 0.6616725325584412, -1.3435032367706299, 0.012503514997661114, -2.0654592514038086, 0.3263203203678131, 0.1287410855293274, 0.08984705805778503, -1.0736746788024902, -0.36786746978759766, -0.28680098056793213, 1.5274425745010376, -1.1649408340454102, -0.7144258618354797, -2.0091278553009033, 0.6512872576713562, 1.8821017742156982, 0.16188424825668335, -0.6173208951950073, -0.5987585783004761, -0.4982064366340637, -0.060925960540771484, 0.8068708777427673, 0.4128265380859375, -1.3537193536758423, 1.0678013563156128, -1.457533836364746, 0.6883527040481567, 0.1959320306777954, -0.5794355869293213, 0.7991372346878052, 0.9829304218292236, -0.453634113073349, 0.2143314778804779, 0.7704927325248718, -0.6139442920684814, 0.9817317724227905, 0.300810307264328, 0.1919967532157898, 0.23809272050857544, 1.3199098110198975, 0.7866054177284241, 1.3729841709136963, 0.6531678438186646, -0.18919050693511963, -1.0666245222091675, 1.1124430894851685, -0.6812010407447815, -0.3095492124557495, -0.3216809034347534, -1.2296100854873657, 1.1104758977890015, 0.3362584412097931, -0.7997773885726929, -0.29142868518829346, -0.4401906132698059, -1.0852844715118408, 0.8033514022827148, 0.48756590485572815, -0.9453886151313782, -0.07156115770339966, -0.6225043535232544, 0.10101836919784546, 0.07952539622783661, -0.5792177319526672, -1.2188091278076172, -0.33052003383636475, -0.017012018710374832, 0.3509049713611603, 0.7652269601821899, -0.41434723138809204, -0.3442010283470154, -0.4703150987625122, 0.010908253490924835, 0.08265265077352524, 0.11431480944156647, -0.41906771063804626, -0.07283177971839905, 0.037327904254198074, -1.3290295600891113, 0.4706358015537262, 0.7698906064033508, 0.19921238720417023, -0.9876400232315063, 0.5757327079772949, 1.068693995475769, -0.44271430373191833, -0.1602645218372345, -0.4831244945526123, 1.0257076025009155, -0.4471451938152313, 0.7853221297264099, -0.0752614438533783, 0.3623698651790619, 0.05853181332349777, -0.015066161751747131, -0.2582743763923645, -0.0669097825884819, 0.6870472431182861, -0.7460023760795593, 0.46732285618782043, -0.15647122263908386, -0.2483530044555664, 1.2273783683776855, 0.334850937128067, -0.013498272746801376, -1.033825159072876, 0.6307916641235352, 0.5491445064544678, -0.4460643529891968, 1.2267494201660156, 0.618015468120575, -0.11498872935771942, 1.034667730331421, -0.16219128668308258, 0.5184350609779358, -0.008129231631755829, 0.2810158133506775, 0.6213743686676025, 0.6537578105926514, -0.995684027671814, 0.46338552236557007, 0.039278265088796616, -0.8108019232749939, -0.44191884994506836, -0.20191708207130432, -0.535217821598053, -0.5593142509460449, -0.26441147923469543, -0.20771437883377075, -0.32875263690948486, -0.17781372368335724, 0.7323459386825562, 0.5083004236221313, 0.5666328072547913, -0.6218920946121216, 0.11882893741130829, 0.0439290814101696, -0.4502807855606079, -0.8493597507476807, -0.2924027144908905, 0.7071323990821838, -0.11258835345506668, 0.04645029455423355, -0.2524093687534332, 1.1499507427215576, 1.006284475326538, -0.43986213207244873, 0.33581486344337463, 0.8285464644432068, -0.22601032257080078, -0.4140058755874634, -0.29712623357772827, -0.01137198880314827, 0.3829282224178314, -0.8790032267570496, 0.980061948299408, -0.1829250007867813, -0.7220039367675781, -2.1718955039978027, -0.0800468772649765, -0.1847379356622696, -0.7737798690795898, 1.737200379371643, 0.13564491271972656, 0.8344672918319702, -0.3852710723876953, 0.46001824736595154, -0.26497936248779297, -0.021469540894031525, 0.40777260065078735, 0.7479717135429382, 0.19083727896213531, -0.7946339845657349, 0.06932821124792099, 0.8676292300224304, -0.3648260235786438, -0.68386310338974, -0.013994916342198849, 0.9705758094787598, -0.04682813957333565, -0.11344780027866364, -0.49746575951576233, 0.31487059593200684, 0.6386526823043823, 1.9829822778701782, -0.37334224581718445, -0.6109216213226318, 0.11734866350889206, 0.48795345425605774, 0.28017494082450867, 0.4031686782836914, -0.4520317018032074, -0.2856447100639343, -0.14083725214004517, 0.03889068216085434, 0.6701294779777527, 0.3202884793281555, 0.46614763140678406, 0.17105771601200104, -0.9685864448547363, 0.056069936603307724, -0.7490071654319763, -0.7101463079452515, -0.03698952496051788, 0.023260856047272682, -0.9046260118484497, 0.6303210258483887, -0.4385138154029846, -1.0671814680099487, 0.5257952213287354, -0.5484539866447449, -1.7088563442230225, 0.9684145450592041, 1.0504801273345947, -1.1494873762130737, 0.06257899850606918, 0.49076807498931885, -0.7319405674934387, -0.9734047055244446, 0.4054182171821594, -1.3111273050308228, 1.6656360626220703, 0.18423651158809662, 0.21247896552085876, 0.7105632424354553, -0.4035258889198303, -0.5544495582580566, 1.293723702430725, 0.902012288570404, -1.3622875213623047, 0.29226985573768616, 0.030692335218191147, 0.5747033357620239, 0.7104943990707397, -0.7807080149650574, -1.1382839679718018, 0.9462961554527283, 0.4533388912677765, 0.5164441466331482, -0.41316238045692444, -0.9212594628334045, 0.22092205286026, 0.07328803837299347, 0.4704441726207733, -0.13289718329906464, -1.1239373683929443, 0.05785078555345535, 0.494086354970932, 0.6917934417724609, 0.14796414971351624, -1.3423444032669067, 0.7717505097389221, 0.5629791021347046, 0.33240029215812683, 0.3493158221244812, 0.2911573052406311, 1.5886608362197876, -0.33898019790649414, -0.054133035242557526, -0.6073136925697327, -10.278458595275879, 1.16209077835083, 0.45016205310821533, 0.8485198616981506, 0.3807559013366699, -0.20439231395721436, -0.02922731637954712, -1.2504582405090332, 0.6972477436065674, -0.21352539956569672, 0.2520984709262848, 1.763185739517212, 0.059722382575273514, -0.7563296556472778, -0.6782386898994446, -0.7097527980804443, -0.5556421279907227, -0.11362791806459427, -0.027166694402694702, -0.033374495804309845, -0.46145474910736084, -1.5963943004608154, -0.4973239302635193, 0.016755132004618645, 1.3858588933944702, -0.3224921226501465, -0.4110908508300781, -0.04630441218614578, -0.34685441851615906, -0.0376177579164505, 0.20700104534626007, 0.34795668721199036, -0.29127180576324463, -0.6716420650482178, -0.17138323187828064, 0.13302792608737946, -0.7448612451553345, -0.02608834020793438, 0.9758076667785645, -0.03711775317788124, -0.22466810047626495, -0.19659054279327393, 0.5769404172897339, -0.7177838087081909, -0.020230237394571304, 0.07000930607318878, 0.5418565273284912, -0.7726433873176575, -0.10989496111869812, 0.1338123381137848, 0.037019193172454834, -0.5170152187347412, -0.8603575229644775, -0.07584644854068756, -0.1926678568124771, -0.5355843305587769, -1.4197887182235718, 0.7455592155456543, -0.6929758787155151, -0.19993524253368378, 0.49672576785087585, 0.39129024744033813, -0.0033616051077842712, 0.40400761365890503, -0.19861748814582825, 0.4690576195716858, 0.12709760665893555, -0.09050308912992477, -0.5499868988990784, 0.4409162402153015, -0.5359960198402405, 1.4148445129394531, -1.106647253036499, 0.4990847408771515, -1.0735888481140137, 0.08321863412857056, -0.5834615230560303, -1.1156747341156006, 1.215869665145874, -0.7564890384674072, -1.5058995485305786, 0.9817669987678528, -0.16426080465316772, -0.06341122835874557, -0.5926033854484558, 0.14746327698230743, -0.8683454394340515, -0.6884970664978027, 1.2687808275222778, -0.24177056550979614, 0.41195952892303467, -0.35112687945365906, -0.24568279087543488, -0.2467035949230194, -0.4273792505264282, 0.3286319673061371, -0.6108454465866089, 1.4604425430297852, 0.20782116055488586, -0.11309687048196793, 0.20505809783935547, 0.2710701525211334, -0.8048804998397827, 0.14943990111351013, 0.5093214511871338, 0.3839423656463623, 0.2706974744796753, -0.5885845422744751, -0.40677008032798767, 0.2647136151790619, 1.7283670902252197, -0.06316728889942169, 0.9116424322128296, 0.6042784452438354, -0.2603987753391266, -0.00628235936164856, 0.6724075675010681, 0.06280595064163208, -0.2925949692726135, -0.013792086392641068, 0.1322280764579773, 1.1149896383285522, 0.3992984890937805, 0.6214284896850586, -0.5488996505737305, -0.7609536051750183, 0.5718171000480652, -0.02240156941115856, -0.8198970556259155, -1.7965630292892456, 1.2116355895996094, 0.26454395055770874, 0.5994561910629272, -0.32937225699424744, -0.44929444789886475, -0.1424493044614792, -0.6765431761741638, 0.07883820682764053, -0.6475009322166443, 0.35965651273727417, -0.5476757287979126, 0.3134540915489197, 0.6209010481834412, -0.42749983072280884, -1.9364888668060303, 0.10691334307193756, -1.5608452558517456, 0.28515803813934326, -0.90397047996521, -0.6846050024032593, 0.34268561005592346, -0.7954689860343933, 0.9648075699806213, -1.6207221746444702, -0.29677724838256836, -0.32393568754196167, 0.7865270376205444, -0.3416076898574829, -0.3263428509235382, 0.24319446086883545, 0.29206418991088867, 0.9400757551193237, -0.3760903775691986, 1.01276433467865, 0.5612754821777344, -0.051525313407182693, 0.5515906810760498, 0.5731955766677856, -0.6785920262336731, 0.03456199914216995, 1.0500770807266235, -1.5176948308944702, -0.4230458736419678, -0.922946572303772, 0.9836758971214294, -0.2716473937034607, 0.9175812602043152, 1.2837952375411987, -1.5644890069961548, 0.04555860161781311, -0.16731835901737213, 0.6395666599273682, 0.9262268543243408, -1.4624464511871338, -0.45057013630867004, -0.16167974472045898, 0.2560405135154724, 0.8524106740951538, -0.1316872239112854, 0.43160971999168396, -1.7121427059173584, -1.0466541051864624, -0.5477582216262817, -0.6004275679588318, 0.42437735199928284, -0.10205486416816711, 0.3554684519767761, 0.3823293447494507, 1.2171677350997925, 0.2713594436645508, -0.34598761796951294, 0.8601729273796082, 0.2388528734445572, 0.3403184115886688, -0.8048585653305054, 0.31386590003967285, -0.5625817775726318, 0.4737587571144104, 0.2844361960887909, 0.39362743496894836, -1.5344055891036987, -0.536559522151947, 0.49877703189849854, -0.13606536388397217, 1.061478853225708, -1.0335348844528198, 0.5600506067276001, -0.5008537769317627, -1.0520272254943848, -1.4956698417663574, 0.887807309627533, 0.5240973830223083, 0.9186498522758484, -0.1654144674539566, 0.4571501910686493, 0.9093817472457886, 1.5536054372787476, 0.41730058193206787, 1.295141577720642, 0.6551652550697327, -0.44265204668045044, 0.06849134713411331, 0.014020062983036041, -0.16416165232658386, 0.3344878554344177, 0.2611720561981201, -0.8339130878448486, 0.17645403742790222, -1.0560603141784668, 0.46172642707824707, -0.972191333770752, -0.0611201673746109, 0.12385356426239014, 0.8383204936981201, -1.1912912130355835, -0.32770681381225586, -1.2403842210769653, -1.4892109632492065, -1.3946610689163208, 1.1145508289337158, 0.8572912812232971, 1.6042556762695312, 0.707938551902771, 0.15883269906044006, 1.282655954360962, 0.4442344307899475, 0.27470192313194275, -0.17614978551864624, 0.312411367893219, 1.042670488357544, 0.828063428401947, 0.227742999792099, 0.4705091416835785, 0.1626322865486145, -0.6678078174591064, -0.2637678384780884, -0.45732492208480835, 0.39813685417175293, -0.02443883568048477, -0.005480043590068817, 0.261685311794281, -0.42401695251464844, 0.15261249244213104, -0.1385909616947174, 0.8640753030776978, 0.4257141351699829, -0.720719575881958, -0.9141897559165955, -0.7650659084320068, -0.08560926467180252, 1.0534032583236694, -0.5825809240341187, 0.20879048109054565, -0.16264618933200836, 1.1708638668060303, -0.5916228890419006, 0.5102575421333313, -1.0716578960418701, -0.0489736869931221, -0.9749942421913147, 0.35379284620285034, -0.28036120533943176, -0.8655910491943359, -0.6447992324829102, -0.19235341250896454, -0.915084719657898, 1.0357811450958252, 0.08230188488960266, -0.819007158279419, -0.4846078157424927, 0.6706032156944275, -0.03857129439711571, 0.8198606967926025, -0.19030778110027313, -0.3834061622619629, -1.5325560569763184, 0.47115930914878845, 0.47006261348724365, -0.5306540131568909, -0.21444827318191528, 0.1634802520275116, 0.7082833647727966, -0.42842862010002136, 1.4834392070770264]} +{"paper_id": "ms_marco", "embedding": [-0.19738489389419556, 1.0758575201034546, 0.027475964277982712, -0.23115620017051697, -0.006877545267343521, -0.2699620723724365, 0.6496044993400574, 0.9703274965286255, 0.9263512492179871, -0.015995994210243225, 0.5217049717903137, -0.2756819725036621, 0.7076848745346069, 0.6448118090629578, -0.1469823718070984, -0.4617898762226105, 0.00034043192863464355, -0.2514689266681671, -1.2759861946105957, -0.5883570909500122, -0.38350963592529297, -0.6376456618309021, -0.18784432113170624, 1.223492980003357, -0.7362952828407288, -0.6605631113052368, 0.8226609230041504, -1.0140057802200317, 0.4004726707935333, 0.3435920178890228, 0.3153419494628906, 0.921510636806488, -1.145867943763733, 0.6895588636398315, -0.1772724986076355, -0.1616619974374771, 0.332952082157135, 0.6918977499008179, -0.4253932237625122, -0.31318679451942444, -0.9218263030052185, 0.20896095037460327, 0.49902966618537903, -0.3427027761936188, 0.6299843788146973, -0.12157246470451355, 0.3357008695602417, -0.34304526448249817, -0.16512243449687958, -0.18840529024600983, -0.9274270534515381, 0.22322282195091248, -0.1540280133485794, 0.38665762543678284, -0.3447573781013489, 0.5862807035446167, 0.06573707610368729, -0.46656057238578796, 0.3945332467556, -0.8449102640151978, 1.4453989267349243, 1.215620994567871, 0.23039601743221283, 0.48332643508911133, 1.3330662250518799, 0.004677221179008484, 0.7773183584213257, 0.3508909344673157, -0.532024621963501, 1.002650499343872, -0.612180769443512, -0.45280224084854126, 0.08647407591342926, -0.36694425344467163, 0.19562888145446777, 1.17608642578125, 0.23746919631958008, -0.27955225110054016, 0.5066791772842407, -0.2699700891971588, -0.4191609025001526, 0.024175725877285004, 0.3867762088775635, 0.21647250652313232, 0.06518694758415222, -0.05734200403094292, 0.01933586597442627, -0.6030800938606262, 0.25024643540382385, -1.5921777486801147, 0.201397106051445, 0.7077081203460693, 0.49215927720069885, -0.09949056059122086, -0.42085352540016174, 0.32078230381011963, -0.5331904292106628, -0.25431668758392334, 0.001474626362323761, -0.11018278449773788, 0.7747183442115784, 0.11931177973747253, 1.168800950050354, -0.25245726108551025, 0.23924627900123596, 0.010633740574121475, 0.20028114318847656, -0.4101281464099884, -0.20709431171417236, -1.0702672004699707, -0.5185561180114746, 0.5496235489845276, -0.1475224792957306, 0.3866558074951172, 0.006473825313150883, 0.14239948987960815, 0.6736544370651245, -0.7531778812408447, -0.4144001305103302, 0.18117383122444153, -0.0032715238630771637, -0.9821898937225342, -0.3181419372558594, -0.6073041558265686, 0.328195720911026, 0.07007858902215958, -0.4643182158470154, -1.124057412147522, -0.49075737595558167, -0.1090342327952385, 0.9069221019744873, 0.5359089970588684, -0.6686099767684937, -0.26971107721328735, 2.777796506881714, -0.8312079310417175, 0.9934021234512329, 0.043461866676807404, -0.16439560055732727, -0.3455609977245331, -0.9870104789733887, 1.5356041193008423, 0.3542569577693939, -0.6753171682357788, -0.3485959768295288, 0.21900612115859985, -0.21343418955802917, 0.1842298060655594, -0.8405699133872986, -0.4061632752418518, -0.3025060296058655, 0.06827554106712341, -1.4968087673187256, -0.6950973272323608, -0.1175517588853836, -0.12400433421134949, -0.12086354196071625, 0.45191752910614014, -0.7466068863868713, 0.8623920679092407, 0.12059243768453598, 0.06292220950126648, -0.5759741067886353, 0.8533467054367065, -0.695242166519165, 0.22312480211257935, 0.9889935851097107, -0.10350756347179413, -0.3615444004535675, 0.07773011177778244, -0.06604272872209549, -0.4352598786354065, -0.13766524195671082, -0.3047637641429901, -0.05291835963726044, 0.41597118973731995, 0.06347514688968658, 0.22767916321754456, -0.0310687143355608, -0.5266285538673401, 0.026528947055339813, -0.07407186925411224, -0.028646565973758698, 0.8829258680343628, 0.3040493428707123, 0.6972036957740784, -2.866716146469116, 0.19712074100971222, -0.3336727023124695, 0.44178152084350586, 0.17332065105438232, -0.15046387910842896, 0.29559919238090515, 0.011411227285861969, 0.08189332485198975, -0.5522018074989319, 0.14543230831623077, -0.8065046072006226, 0.9185557961463928, 0.8221350312232971, 0.23894673585891724, 0.20301252603530884, 0.30438032746315, 0.9550732970237732, 0.40649357438087463, -0.16163165867328644, -1.17620050907135, -1.9214973449707031, -0.01389363408088684, 2.125584125518799, -0.11812110245227814, -0.32581156492233276, -0.9877864122390747, -0.5440018177032471, 0.2604757845401764, -0.08755737543106079, 0.4532589614391327, -0.23444457352161407, -0.27341949939727783, -0.4211001396179199, 0.9421765804290771, -0.7239700555801392, 0.005673885345458984, 0.34383076429367065, 1.4681423902511597, -0.5809245705604553, -0.4369809031486511, -0.3558128774166107, -0.38528886437416077, 0.23824536800384521, 0.32593369483947754, 0.1323920637369156, -0.29288408160209656, 0.48512589931488037, 0.47379714250564575, 1.0131421089172363, 0.7557360529899597, 0.9162084460258484, -0.36416035890579224, -0.16788549721240997, -0.22955898940563202, 1.705560564994812, -0.09818752110004425, -0.247409388422966, -0.2930508852005005, 0.18093949556350708, -0.654940664768219, -0.07533030211925507, -0.3930748701095581, 0.14490313827991486, 0.788873016834259, 0.6825503706932068, -0.36197614669799805, 0.7056760191917419, -0.8241978287696838, -0.18390920758247375, -0.36862388253211975, -0.5117433071136475, -1.105333685874939, -0.26794952154159546, 0.43753623962402344, -0.24606794118881226, 0.21775761246681213, -0.06566698849201202, 0.3578810691833496, -1.237077236175537, -0.7981545925140381, -0.10791478306055069, -0.24305538833141327, -0.621431827545166, -0.8607379198074341, -0.011673301458358765, -1.2795231342315674, -0.5473923087120056, -0.24949334561824799, -0.12142987549304962, 0.04475409910082817, 0.4599951207637787, 1.522577166557312, 0.16835545003414154, 0.4870319962501526, 0.022780656814575195, 0.6864225268363953, -0.7281272411346436, 0.08586031198501587, 0.23679420351982117, 0.021264784038066864, -1.088495135307312, 0.059068530797958374, -1.1101338863372803, 0.3433486819267273, 0.5542159080505371, -0.2581237852573395, 0.7552106380462646, -0.5132582783699036, -1.256178855895996, 0.7426104545593262, -0.02582264319062233, 0.13556267321109772, -1.0772089958190918, 1.6516693830490112, -0.27971160411834717, -0.4679073691368103, 0.9668984413146973, -0.391000896692276, -0.2749314606189728, 0.9182158708572388, -0.26913824677467346, 0.002220181282609701, 0.21842606365680695, -0.4245646893978119, 0.3094179332256317, 0.24488511681556702, -2.102170467376709, 1.1112319231033325, 0.9364108443260193, -0.03883431851863861, -0.37607723474502563, -0.5839430689811707, 0.2770530581474304, -0.2655505836009979, 0.4134412705898285, 1.0328636169433594, -0.8846195936203003, 0.7555015683174133, -0.36070358753204346, 0.5366098284721375, 0.2010107785463333, -0.4383246898651123, 0.603624165058136, 0.43019846081733704, 0.4380303919315338, -0.8157621622085571, -0.6099272966384888, 1.1006637811660767, -0.38359004259109497, 0.2214716076850891, 0.26091518998146057, 0.605434775352478, 0.4501338005065918, -0.4388142228126526, -0.09511023014783859, 0.35172802209854126, 0.5063044428825378, -0.08031461387872696, 0.12517793476581573, 0.22702018916606903, 0.5557291507720947, 0.002525653690099716, 1.5075325965881348, -0.11576175689697266, -0.5054472088813782, -0.816303551197052, -0.18503694236278534, -0.44323933124542236, -0.06663098186254501, 1.3544889688491821, 0.4679926037788391, 1.785404920578003, 0.6909120082855225, 0.018045131117105484, -0.17465068399906158, -0.5073010325431824, 0.4247992932796478, 0.11684121191501617, -0.2608850598335266, -0.6109304428100586, -0.2870315909385681, 0.8424384593963623, 0.7279579639434814, -0.49962353706359863, 0.692481279373169, 0.3247041404247284, -0.19031761586666107, -0.8787361979484558, 1.2113513946533203, 0.6014155149459839, 0.618739902973175, 2.1013453006744385, -0.12406188249588013, 0.17007212340831757, 0.08082535117864609, -0.2855159342288971, 0.1450744867324829, -0.11780780553817749, 0.26823827624320984, 0.6157217025756836, 0.33991768956184387, 0.8508415222167969, 0.358714759349823, 0.7063438296318054, 1.7959898710250854, -0.6575648784637451, -1.470734715461731, -0.11349666118621826, -1.2071397304534912, 0.07166974246501923, -0.19692876935005188, 0.1848708689212799, -0.20780245959758759, 0.1849130392074585, 0.3909853398799896, -1.19914710521698, 0.07668004930019379, -0.10922821611166, -1.239774465560913, 0.5355030298233032, 1.441824197769165, -1.104045033454895, -0.35376647114753723, -0.21541127562522888, -0.9315043091773987, 0.17726394534111023, -0.3987472355365753, -0.8315207958221436, 0.9992591738700867, 0.23040392994880676, 1.0674147605895996, 0.1579955369234085, 0.08477208018302917, -1.50791335105896, 1.4358875751495361, 1.0382435321807861, -1.1806883811950684, 0.20364291965961456, -0.1417521983385086, 1.0301852226257324, 0.1231660395860672, -1.179929494857788, -0.7275142669677734, 1.1866974830627441, 0.08058629930019379, -0.2295873463153839, -0.7054118514060974, -0.13914968073368073, 0.7832003235816956, 1.2480872869491577, 0.2999417185783386, -0.5584030747413635, 0.025779839605093002, -0.9828303456306458, 0.06811252981424332, 1.2056373357772827, -1.4977551698684692, -0.8343424797058105, 0.44920316338539124, -0.8963912725448608, 0.545749306678772, -0.02413081005215645, -0.10739172995090485, 1.1493566036224365, -0.030124053359031677, -0.11104051768779755, -0.32484331727027893, -12.193565368652344, 0.9515703916549683, -0.3414931893348694, 0.2334926277399063, 0.7873556017875671, 0.11566192656755447, 0.09483186900615692, 0.6023285984992981, 0.18457572162151337, -0.9408049583435059, 0.703346312046051, 0.7087357640266418, 0.18724331259727478, 0.23886409401893616, -0.7648249864578247, -0.8722319006919861, -0.715925395488739, -0.9707202911376953, 0.6372678875923157, 0.587331235408783, -0.07607357203960419, -0.2840469479560852, -0.35584306716918945, 0.03619495779275894, 0.2117685079574585, -0.30736425518989563, -0.36256030201911926, -0.23206070065498352, -0.1636877954006195, -0.24292859435081482, 0.5053656101226807, 0.002737273694947362, -0.6614781618118286, 0.12762919068336487, 0.13193100690841675, -0.1073654443025589, -1.004725694656372, -0.35442277789115906, 0.462418794631958, -0.46804195642471313, -0.5134164690971375, 0.021155644208192825, 0.4755905568599701, -0.29297393560409546, -0.5126616358757019, 0.38065826892852783, 0.16934078931808472, -1.0306575298309326, -0.1037822812795639, -0.8437891006469727, -0.8576046228408813, -0.5297664999961853, -1.2094824314117432, -0.5016878247261047, 0.7511252164840698, 0.3276365101337433, -0.5765008926391602, -0.7735459208488464, -0.23713964223861694, -0.6833748817443848, 0.6554997563362122, -0.14259950816631317, -0.5303753018379211, 0.24224011600017548, 0.11668926477432251, 0.029044723138213158, 0.17816804349422455, 0.3185744285583496, 0.24878138303756714, 0.7167274355888367, -0.6523274779319763, 1.349631428718567, 0.25786253809928894, 0.671837329864502, -0.29779815673828125, 0.2678564786911011, -0.7761762738227844, -0.10612285882234573, 0.672330915927887, 0.04756014794111252, -1.2909783124923706, 0.9174558520317078, 0.2315346598625183, -0.38511401414871216, -0.06019774079322815, 0.22418111562728882, -0.05857831984758377, 0.6614458560943604, 0.8934781551361084, -0.16012322902679443, 1.4737882614135742, 0.2110079526901245, -0.6083561778068542, -0.5328575968742371, -0.651085376739502, 0.5814089775085449, -0.8849401473999023, 0.34982696175575256, 0.5116734504699707, -0.6459956169128418, -0.09202706068754196, -0.137559175491333, -1.2455649375915527, -0.6989173889160156, 1.1551212072372437, -0.04228539019823074, 0.22758790850639343, 0.25143247842788696, -0.2847127914428711, -0.8910831809043884, 0.7992158532142639, 0.4136221408843994, 0.036879636347293854, 1.5587557554244995, -0.68314528465271, 1.0276979207992554, 0.9158980250358582, 0.09899163246154785, 0.42613643407821655, 1.01664137840271, -0.9901815056800842, 1.0081169605255127, 0.7145403623580933, 1.643358588218689, 0.03358541801571846, 0.2776004374027252, 0.2675427794456482, 0.513343095779419, -0.5522139072418213, -0.5101466774940491, 0.16810248792171478, -0.4330925941467285, -0.10318737477064133, -1.0151406526565552, -0.2268698811531067, 0.14185883104801178, -0.20191125571727753, 1.6675024032592773, -0.7798429727554321, -0.005405522882938385, -0.33314526081085205, -0.22729389369487762, -1.1679149866104126, -1.1008217334747314, -0.9933465719223022, 0.4520520567893982, -1.4322915077209473, 0.21512462198734283, -0.3642069101333618, -0.46950584650039673, -0.3590052127838135, -0.8749078512191772, 0.8461589813232422, -0.3274359107017517, -0.6299750208854675, -0.8065528869628906, 0.39498886466026306, -0.6021040678024292, -0.44661229848861694, -0.6916732788085938, 0.5165188908576965, 0.9348201155662537, -0.9504544734954834, 1.4656906127929688, 0.6947990655899048, 0.09432294964790344, -0.8592917919158936, 0.1180521696805954, -0.8650050759315491, 0.4298597276210785, 0.6018993258476257, -0.8588123917579651, -0.5194495916366577, -0.13967323303222656, -0.09514075517654419, -0.33872419595718384, 0.05665110796689987, 0.8866268396377563, -1.4869060516357422, 0.14466719329357147, -0.08569642901420593, 0.8107283115386963, 0.22484271228313446, -0.4816914200782776, -0.11908750981092453, 0.39433053135871887, 0.04456260800361633, 1.0047996044158936, 0.22266565263271332, 0.8301382660865784, -1.0213892459869385, -1.490049123764038, -0.13737836480140686, -0.410050630569458, 0.37542712688446045, 0.5529335141181946, 1.0598422288894653, 0.200689896941185, -0.5883753895759583, -0.34264659881591797, 0.11938847601413727, 0.289950430393219, 0.20378701388835907, 0.9104578495025635, -0.049003925174474716, 0.6290364265441895, -0.7748958468437195, -0.14608831703662872, 0.17647817730903625, 1.058788776397705, -0.6901273727416992, -0.25376707315444946, 0.08365269750356674, -0.0796690285205841, -0.16194456815719604, -1.4851638078689575, -0.23055040836334229, -0.5263288617134094, -0.40196493268013, -1.1832411289215088, 0.11778802424669266, 0.8496279120445251, -0.40989547967910767, 0.7776524424552917, 0.449463427066803, 0.3369012773036957, 0.6543307900428772, 0.28206324577331543, 0.742376983165741, -0.06254658102989197, -0.4768337607383728, 0.23576988279819489, 0.8720825910568237, 0.3271619975566864, -0.2737341523170471, -0.5583634972572327, -1.0761635303497314, -0.09616706520318985, -0.3983096480369568, 1.165990948677063, -0.17141830921173096, 0.369718074798584, 0.44978761672973633, 1.1290398836135864, -0.14748495817184448, -1.6573492288589478, -0.24113915860652924, -1.1866989135742188, 0.21479900181293488, 0.7227135300636292, 0.335948646068573, -0.09791219979524612, 0.6696167588233948, -0.7417405843734741, 0.9379428029060364, -0.7904280424118042, 0.5291597247123718, 0.31555482745170593, -0.4079892039299011, 1.0562955141067505, 0.2738228440284729, 0.4113359749317169, 0.5271679162979126, -0.2949385344982147, -1.0209426879882812, -0.06924619525671005, -0.7904483079910278, 0.8018879890441895, 0.373970091342926, -0.18198217451572418, 0.06070950627326965, -0.1362987607717514, 0.7742666602134705, -0.4718015789985657, 1.170806884765625, 0.27888041734695435, 0.07109671831130981, -0.5153153538703918, -1.2256475687026978, 0.07612211257219315, 0.255128413438797, 0.004855945706367493, 0.016237694770097733, -0.03665149211883545, 0.6260627508163452, 0.266358345746994, 0.27319207787513733, -0.6239038705825806, 0.0820552334189415, -0.34708112478256226, -0.044426433742046356, 0.4697417616844177, -0.2181997001171112, -0.7686944603919983, 0.45460036396980286, -0.7311651706695557, 0.4364050328731537, 0.5127750039100647, -0.3451494872570038, -0.39537137746810913, 0.9361373782157898, -0.37497618794441223, -0.0843154639005661, 0.25757938623428345, -0.24616292119026184, -1.5319029092788696, 0.9157407283782959, 0.6400803923606873, -0.4929385483264923, -0.1410231590270996, 0.0887429341673851, 0.2635818421840668, 0.36000993847846985, 0.7819368839263916]} +{"paper_id": "natural_questions", "embedding": [-0.6945351362228394, 0.9322019219398499, 0.14485709369182587, -0.5824172496795654, 0.04575192555785179, 0.18832924962043762, 0.6531506776809692, 0.7284205555915833, 0.5262383222579956, 0.37168088555336, -0.4016945958137512, 0.09596794843673706, 0.34014952182769775, 0.09953150153160095, -0.6060085296630859, -0.39509978890419006, -0.7031491994857788, -0.6990070343017578, -1.0357047319412231, -0.5106613636016846, -0.2129497081041336, -0.6635672450065613, 0.24777916073799133, 0.27423909306526184, -0.46396854519844055, -0.8895211815834045, 0.6309512853622437, -0.6196768879890442, 0.433867871761322, 0.21589791774749756, 0.22917227447032928, 1.446160078048706, -1.1887497901916504, 0.2436622977256775, -0.039155054837465286, -0.22042976319789886, 0.08825962245464325, 0.7580423951148987, -0.4393995404243469, -0.4552066922187805, -0.45070376992225647, -0.08251449465751648, 0.8491963744163513, 0.18268941342830658, 0.9228310585021973, -0.413146436214447, 0.20344014465808868, 0.3193930685520172, -0.4917789697647095, -0.12036170065402985, -0.5073137283325195, -0.16242411732673645, 0.21917764842510223, 0.32340148091316223, -0.1912500560283661, 0.48835957050323486, 0.34866252541542053, -0.9577915072441101, 0.8588554263114929, -1.0420684814453125, 1.2018637657165527, 1.2956123352050781, -0.008761169388890266, 0.3815743029117584, 0.8310428857803345, 0.058742865920066833, 1.125185251235962, 0.49115419387817383, -0.20959560573101044, 1.1084871292114258, -0.42162269353866577, -1.026973009109497, 0.1925516426563263, -0.18801720440387726, 0.48565873503685, 0.48781928420066833, -0.17082801461219788, -0.26671144366264343, 0.40693995356559753, 0.028413932770490646, -0.13680922985076904, 0.04072771966457367, 0.4836254119873047, 0.07854198664426804, 0.11852683126926422, -0.4138808250427246, 0.3253170847892761, -1.1425222158432007, 0.3108513653278351, -0.9257046580314636, 0.73723304271698, 0.24950595200061798, -0.23631176352500916, -0.3574034869670868, -0.006870947778224945, 0.5861581563949585, -0.660567581653595, -0.19290851056575775, 0.09933298826217651, 0.6744245290756226, 0.8706749081611633, -0.15330743789672852, 0.5071665048599243, -0.3170473575592041, -0.0679154098033905, 0.4565443992614746, -0.20646661520004272, -0.17836904525756836, -0.21522954106330872, -0.621894121170044, 0.051823388785123825, 1.0227261781692505, 0.04198051989078522, 0.8183619379997253, -0.23690898716449738, 0.5797105431556702, 0.3001802861690521, -0.9076498746871948, -0.015853721648454666, 0.4033055901527405, 0.39702361822128296, -1.0804959535598755, 0.17835760116577148, -0.16882365942001343, 0.49630630016326904, -0.6512296199798584, 0.10140834003686905, -0.1275964379310608, -0.4105081856250763, 0.5127905607223511, 0.6104241609573364, 0.09894728660583496, -0.3736744821071625, -0.13704609870910645, 2.886565923690796, -1.0486706495285034, 0.8927037119865417, -0.30598968267440796, -0.3284699022769928, -0.5431808829307556, -0.2414913773536682, 1.2054362297058105, 0.4642471671104431, -0.9239099025726318, -0.4215052127838135, 0.3548257648944855, -0.15436232089996338, 0.4952177107334137, -0.8669632077217102, 0.24608735740184784, -0.2826526463031769, 0.4021401107311249, -1.1226555109024048, -0.405199259519577, 0.27122652530670166, 0.5864185690879822, -0.011712474748492241, 0.30524152517318726, -0.7000318765640259, 0.6997191905975342, -0.13613581657409668, -0.37663453817367554, -0.48250362277030945, 0.35737141966819763, -0.5409441590309143, -0.22875331342220306, 0.5268081426620483, -0.2320186197757721, -1.3632993698120117, -0.07036946713924408, 0.06952661275863647, -0.5650469660758972, -0.27270543575286865, -0.04147502779960632, 0.0059669241309165955, 0.34337207674980164, 0.049537450075149536, 0.26365986466407776, 0.3519744277000427, -0.8149071931838989, -0.019849447533488274, 0.25096961855888367, -0.2985122501850128, 0.7029393911361694, 0.10925862193107605, 0.2668730616569519, -2.232818603515625, 0.35625290870666504, 0.25284790992736816, 0.02837303653359413, 0.4440729022026062, -0.45694583654403687, -0.03982141613960266, 0.3554533123970032, -0.2780960202217102, -0.7282990217208862, 0.3850433826446533, -0.8445489406585693, -0.2433125376701355, 0.5866771936416626, -0.4884880483150482, 0.26973626017570496, 0.24869482219219208, 1.150870680809021, 0.47044989466667175, -0.28066393733024597, -0.8055086135864258, -1.7491282224655151, 0.19824287295341492, 2.1077778339385986, 0.14462929964065552, -0.7922477722167969, -1.0891168117523193, -0.2069246470928192, 0.24994835257530212, -0.22245889902114868, 0.23810461163520813, -0.4172340929508209, -0.13475695252418518, -1.465599536895752, 0.7434887886047363, -0.40060535073280334, -0.06710025668144226, 0.2653113305568695, 1.5112227201461792, -0.9016589522361755, -0.19630852341651917, -0.37631720304489136, -0.5658257007598877, 0.6410032510757446, 0.6336398124694824, 0.5333623290061951, 0.019650451838970184, 0.9718224406242371, 0.2539163827896118, 0.5918582677841187, 0.31054794788360596, 0.6156442761421204, -0.6550585627555847, 0.2233959138393402, 0.012073148041963577, 1.1811431646347046, -0.04721724987030029, 0.2414115071296692, -0.06493037194013596, 0.04891679435968399, -0.4284752905368805, -0.5929815173149109, -0.1914827674627304, -0.04862756282091141, 1.1033382415771484, 0.5526648163795471, 0.03488851338624954, 0.6018826961517334, -0.2628493010997772, -0.050268471240997314, -0.08251403272151947, -0.4610850512981415, -0.47007399797439575, -0.5943856239318848, 1.0287262201309204, -0.12214367836713791, 0.11289112269878387, -0.3222605586051941, 0.18716385960578918, -0.9797965288162231, -0.17604485154151917, 0.26336923241615295, -0.4996712803840637, -0.11810383200645447, 0.05174475908279419, 0.21145009994506836, -0.7662814855575562, -1.0291187763214111, -0.14083343744277954, 0.4123847186565399, 0.34777122735977173, 0.9758431911468506, 1.4277201890945435, 0.01937049627304077, 0.08463644981384277, 0.24068917334079742, 0.7916972637176514, -0.6193068027496338, -0.3514629006385803, -0.1850571632385254, 0.2705617845058441, -0.7977153062820435, -0.03801025450229645, -0.4378899335861206, 0.4583699703216553, -0.20768986642360687, -0.7370310425758362, 0.6986210942268372, -0.25401297211647034, -1.5376802682876587, 1.2895973920822144, -0.13637587428092957, -0.4243878722190857, -0.2583250403404236, 1.1308666467666626, 0.19274619221687317, -0.49040359258651733, 0.6904910802841187, -0.29208382964134216, -0.4705115258693695, 0.9027146697044373, -0.2430158406496048, 0.20178334414958954, 0.3929331302642822, 0.1499948650598526, 0.36651846766471863, 0.5174809098243713, -2.1784565448760986, 0.7157012224197388, 0.7342682480812073, -0.08682872354984283, -0.5085535645484924, -0.661413848400116, -0.0207071453332901, -0.22147725522518158, 0.26477041840553284, 0.8171412944793701, -0.6323750615119934, 1.0207083225250244, -0.2545059323310852, 0.30797338485717773, 0.47770529985427856, -0.3595547676086426, 0.25213032960891724, 0.7687554359436035, 0.29383745789527893, -0.7154271006584167, -0.5117705464363098, 1.0044355392456055, -0.7482399940490723, 0.043429259210824966, 0.6997852921485901, 0.7437271475791931, 0.48413801193237305, -0.4076460301876068, -0.20903721451759338, 0.39341259002685547, 0.08616093546152115, -0.3664975166320801, 0.026664430275559425, 0.11111937463283539, 0.8719253540039062, 0.008870221674442291, 1.0454093217849731, -0.47933298349380493, -0.4608069658279419, -0.6797237992286682, -0.26531514525413513, -0.2964356541633606, -0.001976579427719116, 1.530701994895935, 0.8293880224227905, 0.7027754783630371, 0.08840233087539673, -0.05155320093035698, -0.8464261293411255, -0.12978015840053558, 0.3052707016468048, 0.8345810770988464, 0.08331447094678879, -0.3319050073623657, -0.07424034178256989, 0.5612884163856506, 0.21751384437084198, -0.3710140883922577, -0.033985503017902374, 0.7147348523139954, 0.10600948333740234, -1.0083789825439453, 0.36629819869995117, 0.9087167382240295, 0.8755812644958496, 2.1832258701324463, -0.29373854398727417, 0.1334943324327469, 0.1155162900686264, 0.18817852437496185, 0.3589424788951874, -0.3346762955188751, -0.40852275490760803, 0.48654305934906006, 0.23372964560985565, 0.3489973247051239, 0.2076903134584427, 1.6268410682678223, 0.943975567817688, -0.8306161165237427, -1.1311829090118408, -0.7099992036819458, -1.102154016494751, -0.11748561263084412, 0.19743922352790833, 0.05871463567018509, -0.47208985686302185, 0.2967725098133087, -0.006609359756112099, -0.9922003149986267, 0.44714078307151794, -0.046026811003685, -1.177753210067749, 0.8201621770858765, 1.4110283851623535, -1.177441954612732, -0.6386941075325012, -0.34502673149108887, -0.7337117195129395, -0.370673269033432, 0.004536636173725128, -0.7125673890113831, 0.23445232212543488, 0.13308443129062653, 0.7394848465919495, -0.13192981481552124, 0.49105215072631836, -1.1613657474517822, 0.9533155560493469, 0.49625325202941895, -0.5284170508384705, 0.1352558135986328, -0.0034020403400063515, 0.2086566835641861, -0.29404690861701965, -0.6658052206039429, -0.5871885418891907, 0.8149575591087341, -0.22732289135456085, 0.2534209191799164, -0.5493232607841492, -0.45418086647987366, 0.32289984822273254, 0.2994457185268402, 0.8836076855659485, -0.7150363326072693, 0.002159079536795616, -0.6392346024513245, -0.3409660756587982, 0.5893433094024658, -0.9034234881401062, -0.7923920750617981, 0.18713313341140747, -0.2420850694179535, 0.8513200283050537, -0.1793304681777954, -0.10007724165916443, 0.9177558422088623, -0.27360716462135315, 0.03327503055334091, -0.24841275811195374, -13.357693672180176, 0.7479647397994995, 0.0979510173201561, 0.16548095643520355, 0.8995072245597839, -0.1390148103237152, 0.5217087268829346, 0.0332714319229126, 0.33625638484954834, -0.7605274319648743, 0.31263893842697144, 0.5418691039085388, 0.02146834135055542, 0.37562286853790283, -0.41335421800613403, -1.3338265419006348, -0.21206475794315338, -0.6763224601745605, 0.7010921835899353, -0.04513855278491974, 0.1535796970129013, -0.6607173085212708, -0.727279543876648, -0.2609807252883911, 0.3275216221809387, -0.3955706059932709, -0.41743096709251404, -0.5408928394317627, -0.276047021150589, -0.3582497239112854, 0.47533726692199707, 0.22992928326129913, -0.2670024633407593, -0.04358378052711487, -0.37730854749679565, 0.014464030973613262, -0.21347728371620178, -0.48516035079956055, 0.6951912641525269, -0.16184529662132263, -0.3361854553222656, -0.11111687868833542, 0.07806716859340668, 0.016715651378035545, -0.6624676585197449, 0.36841124296188354, -0.16506506502628326, -0.6592116951942444, 0.06430122256278992, -0.4183315336704254, -0.43815141916275024, -0.12069466710090637, -0.2863621115684509, -0.6520819067955017, 0.6285238862037659, 0.034057751297950745, -1.1169095039367676, -0.6434897184371948, -0.39458560943603516, -0.8686662912368774, 0.7470443248748779, 0.2859671115875244, -0.5249098539352417, 0.30404171347618103, 0.40753254294395447, 0.05878496915102005, 0.13900630176067352, 0.4289405643939972, -0.2641046643257141, 0.5964852571487427, -1.027726173400879, 0.9407292008399963, 0.6735054850578308, 0.5584043264389038, -0.7225422263145447, 0.10287238657474518, -0.847328245639801, 0.42027848958969116, -0.06040084734559059, 0.10315020382404327, -1.3143061399459839, 0.9658355712890625, 0.4083375334739685, -0.4695833623409271, -0.7515385746955872, 0.06879976391792297, -0.3987612724304199, 0.6192030906677246, 0.7897324562072754, -0.06649858504533768, 1.0300140380859375, 0.27866241335868835, -1.0901947021484375, -0.3559128940105438, -0.6777466535568237, 0.7739242911338806, -0.39495721459388733, 0.348535418510437, -0.2430124431848526, -0.0956232026219368, 0.12260688096284866, -0.24600553512573242, -0.49027544260025024, 0.15610043704509735, 0.6738916039466858, 0.04870879650115967, 0.4184873700141907, 0.06673559546470642, 0.1451174020767212, -0.43227237462997437, 1.0187758207321167, -0.2747344970703125, -0.448019802570343, 1.2468713521957397, -0.8322677612304688, 0.3598947823047638, 0.39610373973846436, -0.1412901133298874, 0.7418267130851746, 0.29840898513793945, -0.3832623064517975, 0.9194292426109314, 0.011339042335748672, 1.5438743829727173, -0.024246107786893845, -0.1505877822637558, 0.46027156710624695, 0.19924882054328918, -0.20114408433437347, -0.8532837629318237, 0.09182968735694885, -0.4258568584918976, -0.11579321324825287, -0.8828240036964417, -0.15938657522201538, 0.017520423978567123, 0.10254219174385071, 1.1578474044799805, -1.0188217163085938, 0.10974455624818802, -0.1734192818403244, -0.2619169056415558, -0.8546424508094788, -1.1755447387695312, -1.3584119081497192, 0.5965211391448975, -0.6464163661003113, 0.5843712091445923, -0.49881237745285034, -0.5899345278739929, -0.1582212895154953, -0.7758762240409851, 0.8004671931266785, -0.8878936767578125, -0.018916217610239983, -0.4803615212440491, 0.3327390253543854, -0.25100722908973694, -0.7228887677192688, -0.23279321193695068, 0.4407842755317688, 0.5196901559829712, -0.7874281406402588, 1.4049679040908813, 0.470584899187088, -0.0470178984105587, -0.5922638773918152, 0.03963354229927063, 0.08907908946275711, -0.283670037984848, 0.5446962714195251, -0.8054348826408386, -0.3246578574180603, -0.16802272200584412, -0.053890034556388855, -0.6353352069854736, 0.47390565276145935, 0.9747055768966675, -1.1375216245651245, -0.18576304614543915, 0.2517860531806946, 1.2290514707565308, 0.01809239387512207, -0.2793281674385071, -0.49611467123031616, 0.004919752478599548, 0.30288928747177124, 0.6640065908432007, 0.5588326454162598, 0.9685317873954773, -1.3702037334442139, -0.8905326128005981, -0.7166575193405151, 0.44204482436180115, 0.6009669899940491, 0.5028789639472961, 0.6676809191703796, 0.5506942868232727, 0.07096414268016815, 0.17941367626190186, 0.4282841980457306, 0.8408247828483582, 0.4862481355667114, 0.3607814908027649, -0.14393378794193268, 0.43425253033638, -0.5010995268821716, 0.226995050907135, 0.4776005744934082, 0.939436674118042, -0.8722595572471619, -0.2216133177280426, 0.27032679319381714, 0.021288737654685974, 0.08305560052394867, -1.1913104057312012, -0.22033819556236267, -0.3585963845252991, -0.6757702231407166, -0.9184409976005554, 0.6015733480453491, 1.1144912242889404, -0.5281409621238708, 0.8318098783493042, 0.17037321627140045, 1.066948652267456, 0.4875604212284088, -0.07142895460128784, 0.4975017309188843, -0.3619387745857239, -0.481590211391449, 0.6302223205566406, 0.24701166152954102, 0.11172827333211899, -0.40536215901374817, -1.0113821029663086, -0.711043119430542, 0.28511905670166016, -0.2834031581878662, 0.2608378529548645, -0.5526095032691956, 0.6146186590194702, 0.7379032373428345, 1.054717779159546, -0.4378623962402344, -1.3361146450042725, -0.5112394690513611, -1.0519134998321533, 0.3158126771450043, 0.5638510584831238, 0.7450610995292664, 0.6457743048667908, 0.7343950271606445, -0.2526659369468689, 0.6025918126106262, -0.5014219284057617, 0.4210706949234009, 0.05743354931473732, -0.21972458064556122, 1.3955962657928467, 0.7770776748657227, 0.013387585058808327, 0.528373122215271, -0.22877204418182373, -0.8326062560081482, 0.039800357073545456, -0.49144503474235535, 0.7682053446769714, 0.8859833478927612, -1.0561522245407104, 0.22291477024555206, -0.4403840899467468, 0.8864173889160156, -0.41855359077453613, 0.6626808047294617, -0.1729957014322281, -0.23410329222679138, -0.23792558908462524, -0.6021761298179626, 0.07406377047300339, 0.9312579035758972, -0.04609432443976402, -0.3664778470993042, -0.33409905433654785, 0.43642428517341614, 0.10103908181190491, -0.07904984802007675, -0.6259468197822571, 0.44991031289100647, -0.9664483666419983, 0.22293303906917572, 0.49285435676574707, -0.47962385416030884, -0.4308846890926361, 0.23302604258060455, -0.592256486415863, 0.43218058347702026, -0.20779751241207123, -0.7103695869445801, -0.776344895362854, 0.2127055674791336, -0.29359889030456543, 0.70073401927948, -0.11088153719902039, -0.07535010576248169, -1.0241559743881226, 0.6493309736251831, 1.5460573434829712, -0.08950755000114441, -0.412253737449646, 0.024662643671035767, 0.3698612153530121, 0.3922349214553833, 0.5722849369049072]} +{"paper_id": "reddit_tifu", "embedding": [-0.6484751105308533, 1.50980806350708, -0.4313647150993347, 0.5810337066650391, 0.4492482841014862, -0.06515301764011383, 0.5758315920829773, 0.9555676579475403, 1.2063833475112915, 0.6835348010063171, 0.9004928469657898, 0.2797953486442566, -0.21610814332962036, 0.25811901688575745, -0.08071447908878326, 0.012819662690162659, -0.5677568912506104, -0.12696607410907745, -0.6543177962303162, -0.40354323387145996, -0.5587581396102905, -0.34976112842559814, -0.41189488768577576, 0.8762819170951843, -1.1167086362838745, -0.1092631071805954, 1.037186861038208, -1.5621625185012817, 0.11244373023509979, 0.1302495002746582, 0.03902653604745865, 0.820747971534729, -1.1035687923431396, 0.4862295091152191, -0.9851403832435608, -0.8183184266090393, 0.18120931088924408, 0.9435575008392334, 0.23877432942390442, 0.1379321813583374, -0.4238932728767395, 0.6359900236129761, 0.6759417653083801, -0.0757116749882698, -0.19477084279060364, -0.4264492690563202, -0.009245689958333969, 0.07201915979385376, -0.32792842388153076, 0.028841469436883926, 0.33952751755714417, 0.4713367819786072, -0.756138801574707, 0.46178194880485535, -0.052349917590618134, 2.2841849327087402, -0.30488139390945435, -0.47429731488227844, -0.1088130995631218, -0.7390391826629639, 1.8804978132247925, 1.6328579187393188, -0.3682533800601959, -0.36745911836624146, 1.4671151638031006, -0.0933338850736618, 1.558489203453064, 0.06803736090660095, -0.0012184865772724152, 0.6149807572364807, -0.4981415867805481, -1.223939061164856, 0.4256003797054291, -0.6710244417190552, -0.7205004692077637, 0.8224927186965942, 1.2317626476287842, -0.12392246723175049, -0.7946617007255554, 0.7450198531150818, -0.19178743660449982, -0.036263369023799896, 0.5190755724906921, -1.4166842699050903, -0.07397638261318207, 0.4403078556060791, 0.1094607263803482, 0.6827675104141235, 0.06873983144760132, -1.7501115798950195, 0.1924668252468109, -0.3832313120365143, 0.39898785948753357, 0.3923741579055786, -0.9972861409187317, 0.29763081669807434, 0.2909206748008728, -0.19438713788986206, -0.5654230117797852, -0.10326685756444931, 0.496051549911499, -0.559502124786377, 0.6044464111328125, 0.30179089307785034, 0.2652917504310608, 0.42123475670814514, 0.1283639520406723, -0.20077452063560486, -0.3153577744960785, -0.8590876460075378, -0.1685388684272766, 0.8569246530532837, 0.20061355829238892, 0.6387261152267456, -0.42044878005981445, -0.19099748134613037, 0.48206621408462524, -0.05549756810069084, -0.2713627815246582, -0.3482835292816162, -0.8148620128631592, -1.2085760831832886, -0.40558290481567383, 0.42429661750793457, 0.9925893545150757, -0.3687497675418854, -0.2376062273979187, -1.0661193132400513, -0.02373328246176243, -0.3980712294578552, 0.5711747407913208, 0.5591426491737366, -1.006803035736084, 0.15909014642238617, 2.2724645137786865, -0.8176375031471252, 1.2673470973968506, -0.18209046125411987, -0.5182198286056519, -0.48910266160964966, -0.25378188490867615, 1.5630046129226685, -0.21202540397644043, -0.49421414732933044, -0.7162142992019653, -0.15327933430671692, -0.8251583576202393, 0.34595492482185364, -0.3328287899494171, -1.006820559501648, 0.091957688331604, -0.19953349232673645, -1.2676246166229248, -1.2156111001968384, -0.46144527196884155, 0.7194571495056152, -0.0789673924446106, 0.5744320750236511, -0.26047003269195557, 0.8153640031814575, 1.1263048648834229, 0.18926399946212769, -0.27820640802383423, 0.6247089505195618, -0.804563581943512, 0.15405887365341187, 0.7524019479751587, -0.5371841788291931, -0.16928520798683167, -0.45332157611846924, 0.9991839528083801, -0.5630968809127808, 0.036495402455329895, -0.9707582592964172, -0.7308870553970337, 0.09664434939622879, 0.7981346249580383, 0.6300066113471985, 0.3854452967643738, 0.039522744715213776, -0.8742997050285339, -0.2232181280851364, 0.7384645938873291, 0.2655993103981018, -0.2349587231874466, 0.1647678166627884, -2.346745252609253, -0.8546299934387207, -0.9855018854141235, 2.2641499042510986, -0.2935575842857361, 0.7947315573692322, 0.14819076657295227, 0.40404394268989563, -0.27842235565185547, -0.9282166957855225, 0.6337934732437134, -0.9162667989730835, 0.1257137656211853, -0.36281853914260864, 0.7715743780136108, 0.00786086916923523, 0.08714819699525833, 0.34182900190353394, 1.1053414344787598, -1.2359533309936523, -0.3223639726638794, -1.7032825946807861, 0.4230249226093292, 1.839271068572998, -0.09542246162891388, -0.1521054208278656, -1.8589462041854858, -0.6917110681533813, 0.892040491104126, 0.056580446660518646, 0.373600572347641, -0.6595087051391602, -0.008593626320362091, -1.358338475227356, 0.4818515479564667, -0.013835310935974121, 0.04403761774301529, 0.5476722121238708, 0.5993339419364929, -0.8445922136306763, -0.2992495596408844, -0.683121919631958, -1.0609934329986572, 0.35646191239356995, 0.549083948135376, 0.0847192034125328, 0.12067749351263046, 0.014103151857852936, 0.5472227334976196, 0.7448269128799438, 0.7373713850975037, 0.36356469988822937, 0.07017819583415985, -0.8169711828231812, 0.3476458787918091, 0.5407636761665344, 0.4694526791572571, -0.083924300968647, 0.4163784384727478, 0.45562613010406494, 0.43264803290367126, -1.1991369724273682, -0.12490397691726685, -0.4363260865211487, 0.7573624849319458, 0.7400103807449341, -0.08363263309001923, 0.878623366355896, -0.9873555302619934, -0.1234046146273613, -0.026090826839208603, -1.449621319770813, -0.21251213550567627, 0.11006207764148712, 0.7549402117729187, 0.4769420027732849, 0.27897435426712036, 0.16894666850566864, -0.24211056530475616, -0.8107694387435913, -0.3659120798110962, -0.7080914378166199, -0.2849723994731903, -1.7053991556167603, -0.0428771935403347, -0.3129498362541199, -1.55814528465271, 0.003659568727016449, -0.11728054285049438, -0.4219962954521179, -0.5250009298324585, -0.10048183053731918, 1.4109692573547363, -0.6580416560173035, 0.4068582057952881, -1.264156699180603, 2.074092388153076, -0.14823222160339355, 1.000624179840088, -1.1339081525802612, -0.4855116307735443, -1.140433669090271, 0.5325833559036255, -0.7769257426261902, 0.23247700929641724, 0.34709063172340393, -0.17081868648529053, 0.5358676910400391, 0.19534769654273987, -0.33755967020988464, 0.3875238299369812, -0.04777885600924492, -0.46803370118141174, -1.0650919675827026, 0.9545983672142029, -0.0790945515036583, -1.341610312461853, 0.9296153783798218, 0.44178786873817444, -0.3294382095336914, 0.7392171621322632, -0.16394205391407013, 1.7941868305206299, 0.2512649893760681, -0.03826221451163292, 0.5168771743774414, -0.4862813651561737, -1.1439248323440552, -0.09484182298183441, 1.968812108039856, -0.6520469784736633, 0.05675976723432541, -0.779807448387146, 0.5825890898704529, -0.5247516632080078, -0.506815493106842, 0.09157002717256546, -0.3886474668979645, 0.263508141040802, -0.261963427066803, 0.40099501609802246, 0.6690733432769775, -0.6506650447845459, 0.4543030261993408, 0.5425760746002197, 0.26753920316696167, -0.32884812355041504, -0.7316528558731079, 0.7270431518554688, -0.024307984858751297, 0.8811086416244507, -0.3916630148887634, 0.7126304507255554, 0.7498074769973755, 0.015704084187746048, 0.036862730979919434, 1.4062680006027222, 0.8728145360946655, 0.6601084470748901, 0.7841675281524658, -0.8302389979362488, 0.2053423970937729, -0.8452464938163757, 1.6194071769714355, 0.4341481328010559, -0.35382235050201416, -1.035666823387146, -0.16933785378932953, -1.0044188499450684, -1.0125433206558228, 1.5171691179275513, 0.609775960445404, 2.1898183822631836, 0.3833334147930145, 0.38885945081710815, 0.1961802840232849, -0.10912591218948364, -0.18649719655513763, -0.12127885222434998, 1.0227292776107788, -0.8517385721206665, 0.304079532623291, 1.122642993927002, 0.18439915776252747, 0.4084521532058716, -0.2094978392124176, 0.7771865129470825, -0.6220113635063171, -0.049064751714468, 0.550740122795105, 0.11929892003536224, 0.8466337323188782, 1.0257817506790161, -0.5480146408081055, -0.563815712928772, 0.039572685956954956, -0.1970478892326355, 0.10639393329620361, 0.7766305208206177, -0.9016131162643433, -0.1399243175983429, -0.01705716736614704, 0.27467209100723267, 0.06951208412647247, 0.6621652841567993, 0.9916484951972961, 0.17853477597236633, -0.9916324019432068, -0.7075288891792297, -0.7179222106933594, -0.19722731411457062, -0.3273169696331024, 0.14652903378009796, -0.7459110617637634, 0.6761759519577026, -0.4352266490459442, -1.4961680173873901, 0.6283596754074097, -0.7032287120819092, -0.5173959732055664, 0.28511732816696167, 0.4348030984401703, -1.511781096458435, -0.5936918258666992, 0.2325602024793625, -1.094927430152893, 0.08173398673534393, -0.7692396640777588, -0.5946133136749268, 0.8208714127540588, 0.15564270317554474, -0.1805184930562973, 0.014598761685192585, 0.5726660490036011, -0.8917093276977539, 1.3885412216186523, 1.0565131902694702, -0.826680064201355, 1.5031501054763794, 0.5636078119277954, -0.048841364681720734, 0.7665009498596191, -0.8765926361083984, -0.7680956721305847, 0.23034988343715668, 0.12863631546497345, 0.07677388191223145, -1.0694565773010254, -0.7797330021858215, 0.8786781430244446, -0.015406601130962372, 0.6225767135620117, -0.9902884364128113, 0.2759232521057129, -1.3147344589233398, 0.09472337365150452, 0.3896515667438507, -0.5538626909255981, -0.9058352708816528, 0.8401510715484619, -0.5372640490531921, 0.11256155371665955, 0.026535652577877045, -0.19310249388217926, 1.4110188484191895, 0.7193899154663086, -0.17138586938381195, -0.4491063058376312, -10.303085327148438, 0.689009428024292, -0.5008066296577454, 0.08582933247089386, 0.7802454233169556, 0.2598339915275574, 0.3354831337928772, -0.42639869451522827, 1.0494545698165894, -0.553512454032898, 0.13204431533813477, 1.846858263015747, 0.19884008169174194, -0.3034974932670593, -1.2714464664459229, -1.3791346549987793, -0.5372818112373352, -0.1487618088722229, 0.11151352524757385, -0.3771645426750183, 0.10423709452152252, -0.6025055050849915, 0.7603256702423096, -0.5040889978408813, 0.5107213258743286, -0.09623179584741592, -0.3849416971206665, -0.5683438181877136, -0.6662390828132629, 0.6054140329360962, 1.6290615797042847, -0.0752548947930336, -0.32552921772003174, -0.6996114253997803, 1.330837368965149, -0.5232340097427368, -1.5318214893341064, 0.21753239631652832, 1.0211427211761475, -0.6669896841049194, 0.3733442425727844, 0.03428215906023979, 0.19202034175395966, -0.8144891858100891, -1.10584557056427, -0.0029481276869773865, 0.24352127313613892, -0.6559768915176392, 0.7161374688148499, -0.0007858052849769592, -1.0804206132888794, -0.47689288854599, -1.3865282535552979, 0.10590004920959473, 1.0648733377456665, 0.6766061782836914, -0.6358681917190552, 0.21984833478927612, -0.35990676283836365, -1.0596773624420166, 0.6554520726203918, -0.5044915676116943, 0.4219861626625061, 0.0190217737108469, 0.27576199173927307, -0.8328960537910461, 0.3178042769432068, -0.1701333373785019, 0.0718274861574173, -0.1922677457332611, -0.7650650143623352, 0.967728316783905, -0.21180030703544617, -0.4773474931716919, -0.047542132437229156, -0.1314135491847992, -0.32270437479019165, -0.6532338261604309, 0.5190362930297852, 0.48667001724243164, -0.8191585540771484, 0.650343656539917, -0.6489009261131287, -1.0906513929367065, -0.824644923210144, 0.1553553193807602, 0.4442574977874756, -0.30938541889190674, 0.29973068833351135, -0.6673246026039124, 0.41922691464424133, -0.5855251550674438, -0.06647305190563202, 0.2920127511024475, -0.1962844729423523, 1.1352059841156006, -0.7551712393760681, 0.4501875638961792, 0.6356910467147827, -0.3835333585739136, 0.007479093968868256, 0.40182605385780334, -1.0961061716079712, -0.627034604549408, 0.58735591173172, -0.10530252754688263, -0.3703736662864685, -0.11826464533805847, -0.15596900880336761, -0.7307222485542297, 0.240767240524292, 0.946769118309021, -0.6184666156768799, 1.0375874042510986, -0.2108263373374939, 1.0659090280532837, 1.2947731018066406, 0.13252106308937073, 0.5715698599815369, 1.6284183263778687, -0.29706642031669617, 0.8045719265937805, 0.5236344337463379, -0.049328237771987915, 0.23612990975379944, 0.8823382258415222, -0.14456433057785034, 0.3803868591785431, -0.3126160204410553, -1.4662768840789795, 0.21066619455814362, -0.8133212327957153, 0.14834193885326385, -0.17336687445640564, -0.7525297999382019, 0.3706809878349304, -0.7561716437339783, 1.4998483657836914, -1.1486477851867676, 0.7409144639968872, -0.14366869628429413, -0.6437931060791016, -0.0555749349296093, -0.8396816253662109, -0.5342453718185425, -0.08848092705011368, -1.9236977100372314, 0.7184326648712158, -0.7633642554283142, 0.10015876591205597, -0.37841418385505676, 0.08554566651582718, 0.6046614646911621, -0.17138119041919708, -0.39076679944992065, 0.17439207434654236, 0.6008532047271729, -0.19706526398658752, -0.5960150361061096, -0.0732664167881012, 0.22207576036453247, 1.5344737768173218, -0.802439272403717, 0.20368921756744385, -0.34319907426834106, 0.31007158756256104, -0.07569156587123871, -0.320220023393631, -0.805162787437439, 0.9737083911895752, 1.4278738498687744, -0.7814733982086182, -0.15560543537139893, -0.5765672922134399, 0.3854033946990967, -1.2885375022888184, 1.3067713975906372, 1.0729811191558838, -1.0134925842285156, -0.07761114835739136, -0.5929733514785767, 0.3355705142021179, 0.4286741316318512, 0.15975964069366455, -0.12935669720172882, 0.5651488304138184, -0.4585686922073364, 0.9003045558929443, -0.433780699968338, 0.29140913486480713, -1.9803663492202759, -1.8915235996246338, -1.1948332786560059, -1.0747084617614746, 0.6705525517463684, -0.7133750915527344, 1.1609060764312744, 1.1221128702163696, -0.3319571614265442, -0.6263613700866699, -0.5199503302574158, 1.2627192735671997, 0.11838103830814362, 1.096001148223877, -0.1752086877822876, -0.5675767660140991, -1.2198864221572876, -0.23139233887195587, 0.0732615739107132, 0.2833939492702484, -0.8855031132698059, 0.5659236311912537, 0.08336104452610016, -0.1746969074010849, 0.09877993166446686, -0.7031838893890381, 0.5265609622001648, -0.11948271095752716, 0.1361529529094696, -0.6203418970108032, 0.5782333612442017, 1.0541493892669678, -0.4051942825317383, 1.4210102558135986, 0.2887173891067505, 0.35547298192977905, 0.7888537645339966, 0.8545451164245605, 1.7030260562896729, 0.3756522536277771, -0.33993151783943176, 0.03282329440116882, -0.9305753707885742, 0.13347455859184265, 0.4295928478240967, -0.47396451234817505, -0.9981021285057068, 0.969543993473053, -1.4096628427505493, 0.04946223273873329, 0.2806984782218933, 0.585995614528656, 1.1208674907684326, 1.3889563083648682, 0.15339240431785583, -1.7343900203704834, -0.3275432586669922, -0.9201139807701111, 0.05968521907925606, 2.005314350128174, 0.2635357975959778, 0.4986691176891327, 0.6803765296936035, -0.596200704574585, 1.3229386806488037, -0.4493621289730072, -0.18145547807216644, 0.450074702501297, 0.5564345717430115, 0.8834522366523743, 0.6662851572036743, 0.7309855818748474, -0.19801421463489532, 0.3755066692829132, -0.28814437985420227, -0.2511221766471863, -0.5394480228424072, 0.15944404900074005, 0.2542101740837097, -0.3542352020740509, -0.4875216484069824, -0.8283122181892395, 0.39814022183418274, -0.45915356278419495, 0.504139244556427, 0.5548624992370605, -1.1883578300476074, -1.126015543937683, -1.1135973930358887, -0.9162815809249878, 0.40103232860565186, -0.031357962638139725, -0.7406822443008423, 0.12025289982557297, 0.9203906655311584, 0.4017196595668793, 0.2573069930076599, -0.733221709728241, 0.15466096997261047, 0.02564760111272335, -0.24123728275299072, 0.1304517686367035, -0.26064562797546387, -1.0132465362548828, 0.20894017815589905, -0.22187842428684235, 0.670601487159729, 0.593473494052887, -0.5426921248435974, 0.5525259375572205, 0.5658363699913025, 1.553475260734558, -0.5172585248947144, 0.7191476225852966, 0.32068145275115967, -1.6276898384094238, 1.1313765048980713, 0.06805524230003357, 0.23704373836517334, -0.1283523589372635, -0.28273022174835205, 0.6424744129180908, 0.3824412524700165, 1.5603513717651367]} +{"paper_id": "un_pc", "embedding": [0.13791604340076447, 0.9469207525253296, 0.5512733459472656, 0.21119290590286255, 0.6011343002319336, -0.6000944972038269, 0.03372473642230034, 0.7074233889579773, 0.464618980884552, 0.3398231863975525, 0.36858463287353516, -0.43270590901374817, 0.3734690546989441, 0.021038632839918137, -0.15059207379817963, -0.40663376450538635, -1.1911593675613403, -0.8271633982658386, -0.6208533048629761, -0.4103093147277832, -0.49058830738067627, -0.25573885440826416, -0.5972514152526855, 0.5456811189651489, -0.12306474894285202, -0.32969844341278076, 0.08750738203525543, -0.4092460870742798, 0.20604678988456726, 0.5320656299591064, -0.7543848752975464, 1.252577304840088, -1.4712411165237427, 0.18273863196372986, -0.5108396410942078, -0.22840863466262817, -0.044442642480134964, 1.0155097246170044, -0.824792742729187, -0.17949716746807098, -0.5470491051673889, 0.032539211213588715, 0.8552383184432983, 0.3924099802970886, 0.9607880711555481, 0.31805619597435, -0.18253451585769653, 0.19072310626506805, 0.37312763929367065, 0.3906272351741791, -0.19345788657665253, 0.7513012290000916, 0.3912662863731384, -0.0431523397564888, -0.499929815530777, 0.6204182505607605, 0.004352681338787079, -0.9966101050376892, 0.4941403865814209, -0.676450252532959, 0.4820859134197235, 1.389070987701416, -0.3621412217617035, 0.4318884313106537, 1.13249671459198, -0.15659311413764954, 0.6354426145553589, 0.01666000485420227, 0.6544328927993774, 1.0595208406448364, -0.28911712765693665, -1.3585176467895508, 1.027901530265808, 0.051798656582832336, 0.21600627899169922, 0.48292312026023865, 0.36816978454589844, 0.5049209594726562, 0.2786882519721985, 0.3595791459083557, 0.08077473938465118, 0.7989429235458374, 0.29490649700164795, -0.1960986703634262, 0.2576082944869995, -0.5001947283744812, 0.04342922568321228, -0.42485952377319336, 0.636105477809906, -1.989736795425415, 0.4464014172554016, 0.1618596613407135, -0.012060181237757206, -0.12677934765815735, -0.24861061573028564, 0.3247396945953369, 0.3280203938484192, 0.4975423812866211, -0.7386467456817627, 0.22617992758750916, 0.7427005767822266, -0.7733215093612671, 0.7385466694831848, -0.19306406378746033, 0.07495419681072235, 0.7434425950050354, -0.0311434268951416, -0.8889553546905518, -1.4876312017440796, -0.161106139421463, -0.4194093644618988, 1.5223428010940552, -0.6434956192970276, 0.10009922832250595, 0.48373815417289734, -0.3467620313167572, -0.6503199338912964, -0.2857702672481537, -0.6606086492538452, -0.1639641374349594, -0.4451836049556732, -1.4455839395523071, -0.5335981249809265, -0.13336887955665588, 0.23131324350833893, -0.048565249890089035, 0.8254879117012024, -0.17332375049591064, 0.03902294486761093, -0.5469444394111633, 1.0584087371826172, -0.22303874790668488, -0.43625494837760925, -0.2246624231338501, 2.67665696144104, -0.5789936184883118, 1.1400829553604126, -0.0732460767030716, 0.4264666438102722, 0.08381880819797516, -0.06998385488986969, 1.1407910585403442, -0.063693106174469, -1.0613901615142822, -0.04289513826370239, 0.605304479598999, -0.938698410987854, 0.1851831078529358, -0.320817232131958, -0.4473855495452881, -0.31711769104003906, 0.7573013305664062, -0.8259706497192383, -0.3683170676231384, 0.3182744085788727, 0.19164445996284485, 0.9566268920898438, 0.9443816542625427, -0.29928290843963623, 0.99916672706604, 0.575393557548523, 0.9583073258399963, -0.9842264652252197, 0.7857399582862854, -1.2483203411102295, 0.26022258400917053, 1.6432602405548096, 0.3048076033592224, -0.5963202118873596, -0.7081279158592224, 0.5047699213027954, -0.23773181438446045, 0.1869416981935501, 0.4405471086502075, -0.5985545516014099, -0.18153032660484314, 0.6397290229797363, 0.5776350498199463, 0.07189273834228516, -0.1744481921195984, -0.038879986852407455, -0.030108816921710968, 0.00044665485620498657, 0.12678217887878418, -0.10333430767059326, 0.14721518754959106, -2.2304561138153076, 0.06402985751628876, -0.47239017486572266, -0.04213821142911911, 0.018769100308418274, -0.8974173069000244, -0.19013354182243347, -0.40603241324424744, 0.2626478672027588, 0.10010196268558502, 0.27257239818573, -1.2030670642852783, -0.7554103136062622, 0.7142699360847473, 0.1155107170343399, 0.23293277621269226, 0.863942563533783, 0.4597586989402771, 0.3397276699542999, 0.059850096702575684, -0.3590761721134186, -1.0119106769561768, 0.21906748414039612, 1.7301039695739746, -0.6011792421340942, -0.3879769444465637, -0.8301008939743042, -0.49764323234558105, 0.5047559142112732, -0.8360055088996887, 0.28867918252944946, -0.4341275990009308, -0.5326680541038513, -1.0022410154342651, 0.42396533489227295, -0.10646677017211914, 0.10533208400011063, -0.11955080181360245, 0.6967317461967468, -0.6052236557006836, -0.590477705001831, -0.3796311020851135, -0.9565516114234924, 0.34074246883392334, 0.6702118515968323, 0.2238589972257614, -0.7700601816177368, 0.7984434366226196, 0.41018128395080566, 0.2909140884876251, 0.28601139783859253, 0.3012690246105194, -0.18184101581573486, -0.07819339632987976, -0.14340613782405853, 0.9328269362449646, -0.5958329439163208, -0.1204155832529068, 0.13498938083648682, 0.6373183131217957, -0.21749596297740936, -0.8969671130180359, -0.09557914733886719, 0.09821111708879471, 1.2866922616958618, 1.6750729084014893, -0.6110122799873352, 2.171017646789551, -1.0224417448043823, 0.6143985986709595, 0.17964890599250793, -0.7871207594871521, -0.0881870910525322, -0.2816805839538574, 0.7747715711593628, 0.547783374786377, 0.2249603271484375, -0.30658042430877686, -0.3168852627277374, -0.9808099269866943, -0.4284835457801819, -0.1930496245622635, -1.0242133140563965, -0.7540680170059204, -0.7153807282447815, -0.26038217544555664, -1.0316362380981445, -0.4426397681236267, -0.2923705279827118, 0.7291809320449829, -0.012764126062393188, 0.6786642074584961, 1.75225031375885, 0.09696954488754272, 0.300268292427063, 0.030100524425506592, 0.27046340703964233, -0.33203351497650146, 1.1073037385940552, 0.41045287251472473, -0.07178518921136856, -1.6200486421585083, -0.6822338104248047, -0.6719954013824463, -0.04966700077056885, 0.05456189066171646, 0.2038152515888214, 0.6252703666687012, -0.48477303981781006, -1.2061949968338013, 0.49275320768356323, -0.45284244418144226, 0.48029810190200806, -1.0119595527648926, 1.456549048423767, 0.24772529304027557, 0.2885596752166748, 0.5486270785331726, -0.3621584177017212, 0.09018686413764954, 1.2525622844696045, -0.6515171527862549, 0.8317157626152039, 0.8771300315856934, 0.1621285378932953, -0.22739066183567047, 0.225795716047287, -1.8600656986236572, -0.41106364130973816, 0.7594669461250305, -0.05792395398020744, -0.2812846302986145, -0.21348579227924347, 0.4275696873664856, -0.4248940646648407, -0.845714807510376, 0.35463351011276245, -0.6299993991851807, 0.3976554572582245, -0.4904565215110779, -0.0046846382319927216, 0.7620269060134888, -0.893687903881073, 0.5846961736679077, 1.2052252292633057, 0.6519704461097717, -0.8627015948295593, -0.23178616166114807, 0.554891049861908, -0.6625189781188965, 1.1281183958053589, 0.5833305716514587, 0.6836217641830444, 1.0121077299118042, -0.8639546632766724, -0.06463748961687088, 0.02636319398880005, 1.3304154872894287, 0.07362955063581467, 0.28844696283340454, 0.05957135558128357, 0.905051589012146, -0.1331985890865326, 1.0828120708465576, 0.524824857711792, -0.8695793747901917, -0.9215623736381531, 0.5591071248054504, -0.27232784032821655, -0.2486048936843872, 1.478218913078308, 0.639234185218811, 1.0113681554794312, 0.007903991267085075, 0.2641400694847107, 0.07774372398853302, 0.4153597354888916, 1.0021183490753174, 0.3916722238063812, -0.3091796040534973, 0.2825967073440552, 0.1450389325618744, 0.5714801549911499, 0.03748834505677223, -0.9296993613243103, 0.405907541513443, 0.25530359148979187, -0.4854443371295929, -0.6953988671302795, -0.1921132206916809, 1.006535530090332, 0.32905057072639465, 1.285944938659668, -0.48624247312545776, -1.0997642278671265, -0.4463467597961426, 0.6561744809150696, 0.014909711666405201, 0.6283848881721497, -1.0502194166183472, 0.18202611804008484, 0.48736482858657837, 0.9074460864067078, -0.564514696598053, 1.145911455154419, 0.4603489339351654, -0.36343324184417725, -0.7270128130912781, 0.1764751672744751, -0.6769971251487732, -0.0023974059149622917, -0.4972211420536041, -0.2863142788410187, -0.7688120007514954, 0.7501782178878784, -0.5648031830787659, -0.8209409713745117, 0.3435856103897095, 0.20547471940517426, -1.4451260566711426, 0.8742190003395081, 0.8540990352630615, -1.1595489978790283, -0.35187941789627075, -0.11692943423986435, -0.5893613696098328, -0.7521114945411682, 0.267549991607666, -0.513917863368988, 0.12635822594165802, 0.13277024030685425, 0.5310462117195129, -0.4752201437950134, -0.5674534440040588, -0.5969893932342529, 0.6741142272949219, 1.6360429525375366, -0.16561032831668854, -0.5933679342269897, -0.18492603302001953, 0.620786190032959, -0.2102542519569397, -0.9464399218559265, -0.26235777139663696, 0.09300637990236282, 0.23683062195777893, -0.45416194200515747, -0.28995996713638306, -0.7921735048294067, 0.02341300994157791, 0.5124154686927795, 1.3401819467544556, -0.7157326340675354, 0.8134528994560242, -0.531134843826294, 1.002058744430542, 0.13832390308380127, -0.17779411375522614, -0.597493052482605, 1.3341314792633057, -0.5016352534294128, 0.14442747831344604, 0.056126922369003296, 0.24112147092819214, 0.41694894433021545, 0.5727066993713379, 0.192962184548378, 0.021467924118041992, -12.395655632019043, -0.1461019665002823, -0.2986573874950409, 0.0673370212316513, 1.1454906463623047, -0.007865510880947113, 0.791271984577179, 0.8958384990692139, 0.34333622455596924, 0.004067379515618086, 0.09153285622596741, 1.0691946744918823, 0.19703200459480286, -0.2272721230983734, -0.3245360553264618, -0.2465628683567047, -0.8962299823760986, -0.8519338965415955, 0.5813367962837219, 0.14689631760120392, -0.7423854470252991, -0.8021045327186584, -0.06451212614774704, 0.1174357682466507, 0.12950056791305542, -0.06792003661394119, 0.14191678166389465, -0.161036416888237, -0.27659374475479126, -0.22008168697357178, 0.4675128757953644, -0.46342363953590393, -1.1913541555404663, -0.09624036401510239, 0.23285965621471405, 0.7676640748977661, -0.7329180836677551, -0.3076688349246979, 1.071649432182312, -0.2837345600128174, 0.008255790919065475, 0.15559253096580505, -0.11819855868816376, -0.1403162032365799, -0.21788324415683746, 0.305378794670105, -0.18715626001358032, -0.5667812824249268, 0.6268373727798462, -0.9625247716903687, -0.7287405133247375, -1.1655123233795166, -1.4955713748931885, -0.5535065531730652, 0.6416863203048706, -0.22878743708133698, -0.46426308155059814, 0.6531749367713928, -0.606645941734314, -0.9018065929412842, 0.7885050773620605, 0.26672327518463135, -0.5113587379455566, 0.09909559786319733, -0.3265857398509979, -0.5000916123390198, 0.8719104528427124, 0.2884092926979065, -0.48275911808013916, 0.3820907473564148, -1.0492069721221924, 0.39214015007019043, 0.22196000814437866, 0.38339361548423767, 0.35052844882011414, -0.5566108822822571, 0.35188964009284973, -0.06667044013738632, 0.3200254440307617, 0.2503243386745453, -0.8748735785484314, -0.028587564826011658, -0.49497124552726746, -0.36320194602012634, -0.18523743748664856, -0.33246928453445435, -0.2703450322151184, 0.023797716945409775, 0.37298986315727234, -0.16603100299835205, 0.9272197484970093, -0.11888565123081207, 0.02998970076441765, -0.03884253650903702, -0.21815204620361328, 0.6304312944412231, -0.6236971020698547, 0.40694355964660645, -0.26961761713027954, -0.5564218759536743, 0.20660430192947388, 0.047710031270980835, -0.6433684825897217, -0.21045424044132233, 1.0941861867904663, 0.21518352627754211, 0.3739553689956665, 0.1977551281452179, -0.23980452120304108, -0.03705079108476639, 0.679705023765564, 0.18727707862854004, 0.36685508489608765, 1.1705173254013062, 0.3972150981426239, 1.284659743309021, 0.745689332485199, 0.40659308433532715, 0.7559397220611572, 0.7668812274932861, -0.13585823774337769, 0.28976914286613464, 0.42945414781570435, 1.3831747770309448, -0.11065413057804108, 0.22064661979675293, 0.20497751235961914, 0.4048473834991455, -0.7670975923538208, -1.233707308769226, -0.039826687425374985, 0.10677431523799896, 0.015863608568906784, -0.582075297832489, -0.32866260409355164, -0.6836692094802856, -0.8008476495742798, 1.5052356719970703, 0.23921598494052887, 0.3233417570590973, 0.1253039687871933, -0.792471706867218, -0.454976886510849, 0.31146514415740967, 0.22697320580482483, -0.4902457594871521, -1.5745089054107666, -0.4940197765827179, 0.05339675396680832, -0.7537674903869629, 0.6803767085075378, -0.0876941978931427, 1.1574163436889648, -0.5414258241653442, 0.47336819767951965, 0.2420925796031952, 0.6875038743019104, -0.793135404586792, -0.7121691703796387, 0.11840805411338806, 0.994213342666626, 0.9217284321784973, -0.9960482716560364, 0.8283213376998901, 0.555935263633728, 0.3155881464481354, -0.9102625846862793, -0.8563321828842163, -0.5069930553436279, 0.7069299817085266, 0.5837276577949524, -1.05678391456604, -0.10688424110412598, -0.11317972093820572, -0.7091939449310303, -0.8183230757713318, 0.2857802212238312, 1.0270240306854248, -0.9180374145507812, 1.0324945449829102, 0.24339383840560913, 0.4812108278274536, -0.09240895509719849, -0.5668522119522095, -1.1377348899841309, 0.2558395564556122, -0.6593421101570129, 0.6974534392356873, -0.3915896713733673, 0.6761739253997803, -2.013742446899414, -1.0977872610092163, -0.10651422291994095, -0.22189001739025116, 1.0771100521087646, -0.19827190041542053, 0.8108128309249878, -0.20500561594963074, 0.41848620772361755, 0.48448801040649414, -0.5646512508392334, 0.34042420983314514, 0.1930222064256668, 0.22307725250720978, -0.5795479416847229, 0.06404896825551987, -0.3801078498363495, -0.24063877761363983, 0.2712045907974243, 0.44952595233917236, -0.9859192371368408, -0.5225168466567993, 0.3775295615196228, 0.5791451334953308, -0.3896311819553375, -1.2467031478881836, 0.24551719427108765, 0.0005588829517364502, -0.5023865699768066, -0.9851474761962891, -0.6538877487182617, 1.2721235752105713, -0.2281741350889206, 0.8856151103973389, 0.5098504424095154, 0.4390265941619873, 0.4968894422054291, 0.1658489853143692, 1.12395179271698, 0.1671498566865921, -0.9905005693435669, -0.22547030448913574, -0.16314789652824402, -0.2423284351825714, -0.19251444935798645, 0.650998055934906, -1.096647024154663, -0.461791455745697, -1.5276505947113037, 0.5973462462425232, 0.3358929753303528, -0.0175499115139246, -0.2624781131744385, 0.514229416847229, 0.049440428614616394, -0.9510750770568848, -0.19636912643909454, -0.03155343979597092, 0.2521689832210541, -0.09454940259456635, 0.1309383064508438, 0.6997013092041016, 0.661005973815918, 0.33022087812423706, 1.010715126991272, -0.10320155322551727, -0.3073383569717407, 0.3024604618549347, -0.017376020550727844, 0.8710234761238098, 0.11350525915622711, 0.07254617661237717, -0.2067548781633377, -0.1821582019329071, -1.5762659311294556, -0.9624320268630981, -0.15181194245815277, 1.0373287200927734, 0.9278919696807861, -0.08579277992248535, 0.13958360254764557, -1.2117842435836792, -0.1996583491563797, -0.22461818158626556, 0.6630308032035828, 0.9289537668228149, -0.6684494018554688, -0.7656211256980896, -0.603635311126709, -0.028083303943276405, 0.9316732287406921, -0.8172448873519897, -0.0639498382806778, -1.0060155391693115, 0.1902317851781845, -0.012441501021385193, -0.7892687916755676, -0.7766274809837341, 0.49108919501304626, -0.2695063054561615, 0.2119930535554886, 0.6646629571914673, -0.343961626291275, -0.5145918726921082, 0.30506631731987, -0.8914191722869873, 0.1945955902338028, -0.31337088346481323, -0.8791293501853943, -0.3137781023979187, 0.4392828941345215, -0.0008503273129463196, -0.49135622382164, 0.7079124450683594, -0.3362921476364136, -1.683157205581665, 1.0163699388504028, 1.0288726091384888, -0.33509185910224915, -0.24683496356010437, 0.6837223172187805, 0.3415275812149048, 0.5379741787910461, 1.0223605632781982]} +{"paper_id": "allocine", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "wiki_atomic_edits", "embedding": [-0.3223331570625305, 1.0978511571884155, 0.07805025577545166, -0.140662282705307, 0.34638217091560364, -0.14580321311950684, 0.8847478032112122, 0.8980579972267151, 0.43340492248535156, 0.37101832032203674, -0.1058942973613739, -0.31250131130218506, 0.34469151496887207, -0.0998726487159729, -0.4591650068759918, -0.461540162563324, -0.014199525117874146, -0.3896511197090149, -1.0631523132324219, -0.6205008029937744, -0.5372186303138733, -0.7265517711639404, -0.01644136570394039, 0.7615854740142822, -0.5252187252044678, -0.39644819498062134, 0.3575410842895508, -1.2853388786315918, 0.2398751974105835, 0.5009262561798096, -0.20328450202941895, 1.4067068099975586, -1.2011910676956177, 0.42433878779411316, -0.1961333453655243, 0.056880757212638855, -0.20554323494434357, 1.1509965658187866, -0.9790900349617004, 0.08871448040008545, -0.715575098991394, -0.11748188734054565, 0.5803110599517822, 0.2735285758972168, 0.29517632722854614, 0.042656272649765015, -0.08389969915151596, 0.18920964002609253, 0.2240237444639206, -0.28255361318588257, -0.7064715623855591, -0.041925281286239624, 0.19103966653347015, -0.17197643220424652, -0.021875698119401932, 0.5353317260742188, 0.2249189019203186, -1.449461579322815, 0.38093963265419006, -0.5264571905136108, 0.8485027551651001, 1.2691138982772827, -0.6870846748352051, -0.1315450221300125, 1.258047103881836, 0.1351575404405594, 1.0368843078613281, 0.5883896946907043, 0.23957759141921997, 0.7122352123260498, -0.6945261359214783, -0.8265822529792786, 0.3037463426589966, -0.23047545552253723, 0.37813812494277954, 1.2582781314849854, 0.4189143180847168, -0.6639633774757385, 0.6135783195495605, -0.14420819282531738, 0.10173019766807556, 0.8934659957885742, 0.3107490539550781, -0.36351755261421204, -0.2984504997730255, 0.16285943984985352, 0.614852786064148, -0.8221278786659241, -0.062075451016426086, -1.6454612016677856, 0.1440736949443817, 0.3859458267688751, 0.11873704940080643, -0.5328595638275146, -0.5103334188461304, 0.026860501617193222, -0.0697886198759079, -0.04540146142244339, -0.07950395345687866, 0.3066560924053192, 1.0431160926818848, -0.4602777361869812, 0.07359933853149414, -0.36512261629104614, 0.08630141615867615, 0.2082180380821228, -0.2531229555606842, -0.8468961119651794, -0.24734365940093994, -0.8187868595123291, -0.13895183801651, 1.156545639038086, -0.15048135817050934, 0.8449420928955078, -0.4392063319683075, -0.21233722567558289, 0.2862545847892761, -0.20455531775951385, -0.3757825791835785, 0.2060440629720688, -0.4146863520145416, -1.0146400928497314, -0.392977237701416, -0.27532199025154114, 0.24348585307598114, -0.367415189743042, 0.2500801086425781, -0.6579274535179138, -0.08012013882398605, -0.22649672627449036, 0.4121830463409424, 0.8262698650360107, -0.2379828691482544, -0.5596276521682739, 2.3915441036224365, -1.4149097204208374, 1.084612250328064, -0.41930919885635376, 0.22670212388038635, -0.7049683332443237, -0.24732717871665955, 1.3257520198822021, 0.36453408002853394, -0.02047501504421234, -0.1437140703201294, -0.3912910223007202, -0.2380724549293518, 0.265688955783844, -0.7496442198753357, -0.01630069687962532, 0.3234061002731323, 0.7501261234283447, -1.2204798460006714, -0.31765007972717285, -0.5439693331718445, 0.31157273054122925, 0.5175199508666992, 0.9746885895729065, -0.9078423380851746, 1.1897087097167969, 0.7170711755752563, 0.078867107629776, -0.570842981338501, 0.07373852282762527, -0.735662579536438, 0.014491586945950985, 1.5100044012069702, -0.07049115002155304, -0.9443801641464233, -0.1978229284286499, -0.30936485528945923, -0.16799235343933105, 0.21951574087142944, -0.16587349772453308, -0.42748185992240906, 0.2754037380218506, 0.51730877161026, 0.48484915494918823, 0.4372307062149048, -0.6999059915542603, -0.48074445128440857, 0.02276182733476162, -0.03890296816825867, 0.9716033339500427, -0.12067097425460815, 0.5457209944725037, -2.179652690887451, 0.5320647954940796, -0.10656695067882538, 0.40034252405166626, 0.09896689653396606, -0.4856400787830353, 0.5679418444633484, 0.11317315697669983, 0.0988423079252243, -0.886800229549408, 0.6763092875480652, -1.1847511529922485, -0.08014674484729767, 0.38680702447891235, -0.1865605264902115, 0.25234875082969666, -0.12985089421272278, 0.9569719433784485, 0.8759717345237732, -0.3552945852279663, -0.4577094316482544, -1.921143651008606, 0.4010496735572815, 2.043771743774414, 0.04113464429974556, -0.17178162932395935, -1.3619040250778198, -0.43513768911361694, 0.26100850105285645, -0.38112297654151917, 0.7503378391265869, -0.2774796485900879, 0.2896924316883087, -1.1232303380966187, 0.7718657851219177, -1.217281699180603, 0.12607184052467346, -0.04652255028486252, 1.401845097541809, -0.40833577513694763, -0.25983864068984985, -0.2904578745365143, -1.4134156703948975, 0.30153632164001465, 1.0122795104980469, 0.005373179446905851, -0.09124011546373367, 0.6011696457862854, 0.14507514238357544, 0.38726240396499634, 0.061947621405124664, 0.5634416937828064, -0.6128543615341187, 0.3563675880432129, 0.35616353154182434, 0.9707472920417786, -0.2678033113479614, -0.07345772534608841, -0.5055232644081116, 0.26969194412231445, -0.5699583888053894, -0.510150671005249, -0.08823604136705399, 0.2946349084377289, 0.6833773851394653, 1.3194246292114258, -0.8288280963897705, 0.8320308923721313, -0.7594119906425476, 0.1414581537246704, -0.6391797065734863, -0.9991471171379089, -0.7014498710632324, 0.005291149020195007, 0.8492410778999329, 0.05543460696935654, 0.9480920433998108, -0.5710200071334839, 0.11202844977378845, -0.8633933067321777, -0.8935985565185547, 0.08528567105531693, -0.12395836412906647, -0.6298180818557739, -0.23581919074058533, -0.30265116691589355, -0.9721919894218445, -0.3664443790912628, -0.12822726368904114, -0.05129620432853699, -0.02953105792403221, 0.4960797131061554, 1.3156416416168213, 0.35780081152915955, 0.2312462031841278, -0.048369571566581726, 0.8896858096122742, -0.22128473222255707, 0.1672803908586502, -0.3958905339241028, 0.050097204744815826, -1.0722548961639404, -0.21541941165924072, -0.3370344042778015, 0.3441532254219055, 0.31566283106803894, -0.5658784508705139, 0.5333360433578491, -0.21122686564922333, -0.9508969783782959, 0.7069293260574341, -0.21977302432060242, 0.19403314590454102, -1.281708002090454, 1.4348210096359253, 0.3467858135700226, -0.06300857663154602, 1.0457549095153809, 0.14713618159294128, -0.4101187288761139, 1.5843796730041504, -0.38971447944641113, 0.7732334733009338, 0.4552356004714966, 0.12235129624605179, 0.3886093199253082, 0.20421719551086426, -2.416132688522339, 0.1700364649295807, 0.08618912845849991, 0.46183446049690247, -0.04388974979519844, -0.27882298827171326, 0.44361478090286255, -0.0739627555012703, -0.36496856808662415, 0.5874698162078857, -0.6827273964881897, 0.6887108683586121, -0.5093265175819397, 0.49011558294296265, 0.6430120468139648, -0.3304395079612732, 0.10406902432441711, 0.964434802532196, 0.7506687045097351, -1.1012331247329712, -0.43085992336273193, 0.6298831105232239, -0.7529414296150208, 0.7528057098388672, 0.31089305877685547, 1.0370956659317017, 0.4177272617816925, -0.9243723154067993, 0.3402172923088074, 0.22528649866580963, 0.5302377343177795, 0.10865864157676697, -0.016271047294139862, 0.28835529088974, 0.5388993620872498, -0.14734888076782227, 1.5990439653396606, -0.09514694660902023, -0.6922849416732788, -1.0890285968780518, -0.2256307303905487, -0.7755758762359619, -0.5225605368614197, 1.8222267627716064, 0.8648087382316589, 1.4830119609832764, 0.30058857798576355, -0.47512200474739075, -0.9939213991165161, -0.23673905432224274, -0.13010306656360626, 0.2152998000383377, -0.5135501027107239, -0.23971733450889587, -0.16667227447032928, 1.0559126138687134, 0.009126178920269012, -0.8511128425598145, -0.04202767834067345, 0.7549328207969666, 0.2790791392326355, -0.663398802280426, 0.4584224224090576, 0.5952315330505371, 0.3136497437953949, 1.544431447982788, -0.5831204056739807, -0.04037681221961975, 0.07549748569726944, 0.11155270785093307, 0.2512252628803253, 0.5028542280197144, -0.7067077159881592, 0.16477525234222412, 0.30477482080459595, 0.3320820927619934, 0.10748372972011566, 1.2028898000717163, 1.2036365270614624, -0.33897706866264343, -1.2726845741271973, 0.06850463151931763, -0.9175143837928772, -0.17777130007743835, 0.04818689078092575, -0.17623703181743622, -0.10006286948919296, 0.5499891042709351, -0.270994633436203, -0.9014073014259338, 0.8206465244293213, -0.5288181900978088, -1.1328452825546265, -0.3743578791618347, 1.291162133216858, -1.2645529508590698, -0.48361191153526306, 0.1133098155260086, -1.1123318672180176, -0.7953187227249146, -0.37382611632347107, -0.5188022255897522, 1.010827660560608, -0.08367027342319489, 0.5918799638748169, 0.14189350605010986, 0.024783775210380554, -0.5687480568885803, 1.2849690914154053, 0.6363970041275024, -0.3415628969669342, 0.1374915987253189, -0.20936496555805206, 0.5504223704338074, 0.038880497217178345, -1.3204113245010376, -0.5387181043624878, 0.7767459154129028, -0.5010617971420288, -0.3539701998233795, -0.4011722207069397, -0.6584402918815613, 0.28486111760139465, 0.7103527784347534, 0.594084620475769, -0.7397904396057129, 0.1373293250799179, -0.5915253758430481, 0.9841744303703308, 1.0513811111450195, -0.6752421259880066, -0.9263139963150024, -0.008017733693122864, -0.794975221157074, 0.23467889428138733, -0.10396896302700043, -0.08057675510644913, 0.7711713910102844, 0.8468192219734192, 0.28819477558135986, -0.16789311170578003, -12.438188552856445, 0.9298032522201538, 0.4322381317615509, -0.1476254165172577, 1.0397686958312988, 0.11502210795879364, 0.47472044825553894, 0.30842456221580505, 0.35809075832366943, -0.2532218098640442, 0.2511058449745178, 1.4962188005447388, -0.23004361987113953, 0.06342661380767822, -0.664154052734375, -1.6356017589569092, -0.5304636359214783, -0.9865995049476624, 0.2168085128068924, 0.9663830995559692, -0.3229271471500397, -0.6233217120170593, -0.519390881061554, 0.268094927072525, 0.29718127846717834, -0.8640737533569336, 0.035059865564107895, -0.32064399123191833, 0.2638489007949829, -0.32820260524749756, 0.2697071433067322, 0.29013341665267944, -0.8035436868667603, -0.37567755579948425, 0.519067645072937, 0.5990577340126038, -1.0323894023895264, -0.6823784708976746, 0.44947531819343567, -0.6029869318008423, -0.5010679960250854, 0.2897508442401886, 0.683679461479187, 0.19682177901268005, -0.827495813369751, 0.5544044375419617, 0.09354963898658752, -0.6326791644096375, -0.100526362657547, -0.6466183066368103, -0.10402412712574005, -0.9930406212806702, -1.3474913835525513, -0.6850472688674927, 0.7914407253265381, -0.6709831953048706, -0.08875206112861633, -0.25214216113090515, -0.14698144793510437, -0.6720800399780273, 0.0457676537334919, 0.40173858404159546, -0.260503351688385, 0.30413392186164856, 0.7192308902740479, -0.3002396523952484, 0.6225091218948364, 0.5874858498573303, 0.508642315864563, 0.46085816621780396, -0.3852027654647827, 0.6270126104354858, -0.003658287227153778, 0.6535241603851318, -0.020143747329711914, 0.396019846200943, -0.1669490486383438, -0.4955023229122162, 0.4130735993385315, 0.143837109208107, -1.4135921001434326, 0.5884856581687927, 0.30944475531578064, 0.04597935453057289, -0.3064824342727661, 0.02669190987944603, -0.5521590709686279, 0.15324245393276215, 1.0475317239761353, 0.07581012696027756, 1.108151912689209, 0.24422749876976013, -0.5755589604377747, -0.3695548474788666, -1.141320824623108, 0.4850713014602661, -0.7569092512130737, 0.40580520033836365, 0.7955944538116455, -0.49001964926719666, 0.3471578359603882, -0.3027847409248352, -0.6943886280059814, -0.6814517974853516, 0.9352179765701294, -0.2420872151851654, -0.02693885564804077, 0.11206507682800293, -0.24823589622974396, -0.5234259366989136, 1.4326574802398682, 0.5309097766876221, -0.26569950580596924, 1.2525218725204468, -0.4395766854286194, 0.6773419380187988, 0.7844890356063843, -0.3002660572528839, 1.135946273803711, 1.2242697477340698, -0.42584922909736633, 0.8163074851036072, -0.14048714935779572, 1.0095244646072388, 0.08685967326164246, 0.05936945974826813, 0.1699192225933075, 0.6254702210426331, -0.5581052303314209, -0.9569462537765503, -0.737861692905426, -0.228963240981102, 0.21546542644500732, -0.36271628737449646, -0.7885611653327942, -0.09199079126119614, -0.48996502161026, 1.323047161102295, 0.25994330644607544, -0.02972029149532318, 0.2980464696884155, -0.7576718330383301, -0.3074890375137329, -0.9070903062820435, -0.8830699920654297, 0.31453561782836914, -1.5276248455047607, 0.11919891834259033, -0.7951956987380981, -0.4930882453918457, 0.36136478185653687, -0.08211416006088257, 0.41986167430877686, -1.0026801824569702, -0.44073835015296936, -0.10055425018072128, 0.40507420897483826, -0.2363986372947693, -0.7790943384170532, -0.6625255942344666, 0.44238826632499695, 1.412857174873352, -0.5838215351104736, 1.1938239336013794, 0.6103291511535645, -0.0230351984500885, -1.0039279460906982, 0.013900011777877808, -0.5039466023445129, 0.28787463903427124, 0.46563252806663513, -0.6220663189888, -0.32140567898750305, -0.4254727363586426, -0.192271426320076, -1.3634779453277588, 0.786874532699585, 0.9169385433197021, -0.9133463501930237, -0.2900168299674988, 0.03908607363700867, 0.7231076955795288, 0.4660719633102417, -0.05114007741212845, -0.4746605157852173, -0.4263036549091339, 0.38404664397239685, 0.5276464223861694, 0.0954868271946907, 0.33832496404647827, -0.8593143820762634, -0.8211835026741028, -0.49940863251686096, -0.5984704494476318, 0.7482724189758301, 0.15727907419204712, 1.468571662902832, 0.6566332578659058, -0.2181609570980072, 0.04442887008190155, 0.11877694725990295, 1.0373412370681763, 0.5993853211402893, 1.1061030626296997, -0.49924618005752563, 0.28630998730659485, -0.7531249523162842, 0.681190013885498, 0.5302219986915588, 0.6819919347763062, -1.2144523859024048, -0.3022710680961609, 0.5539840459823608, 0.1564192920923233, 0.2716912627220154, -0.9457203149795532, 0.06629669666290283, -0.2805476188659668, -0.3073931038379669, -0.6364438533782959, -0.06920599192380905, 0.6133593916893005, -0.1275903433561325, 0.5858239531517029, 0.8867678642272949, 0.15579238533973694, 0.8037751317024231, 0.23946496844291687, 1.2450568675994873, -0.10640136897563934, -0.48751580715179443, 0.4799335300922394, 0.44158151745796204, 0.016078412532806396, -0.3492140471935272, -0.5683066844940186, -1.0979156494140625, -0.050669558346271515, -0.8879073262214661, 0.5033199787139893, -0.21084867417812347, 0.24733498692512512, 0.8280144929885864, 1.1329091787338257, -0.5071507096290588, -1.2958714962005615, -0.46420449018478394, -1.0902076959609985, 0.6461542844772339, 0.27776870131492615, 0.6685240268707275, 0.3451681435108185, 0.5221941471099854, 0.4760691523551941, 0.4283376634120941, -0.06763740628957748, 0.5893401503562927, -0.10875902324914932, -0.035921528935432434, 1.3662056922912598, 0.5368306636810303, 0.8058353066444397, -0.29545462131500244, -0.2975884675979614, -1.3909857273101807, -0.801069438457489, -0.26054099202156067, 0.15176959335803986, 1.0089586973190308, -0.21248026192188263, 0.30983251333236694, -0.6728089451789856, 0.13956518471240997, -0.27232691645622253, 0.8018258213996887, 0.460498571395874, -0.5575193166732788, -0.031150560826063156, -1.0973466634750366, -0.29978713393211365, 1.2238894701004028, -0.49665558338165283, 0.2837705612182617, -0.2864640951156616, 0.5234140157699585, -0.303794801235199, -0.07294762134552002, -0.3017680048942566, 0.21127170324325562, -0.47494205832481384, 0.40725231170654297, 0.015262625180184841, -0.5997543931007385, -0.4922437369823456, 0.358957439661026, -1.0432922840118408, 0.6543950438499451, 0.22592471539974213, -1.2524006366729736, -0.5551339387893677, 1.0659867525100708, 0.5034974813461304, -0.08924631774425507, 0.25848615169525146, -0.46592676639556885, -1.3303253650665283, 1.0277131795883179, 1.0625699758529663, 0.12762747704982758, -0.8009500503540039, 0.0016859304159879684, 0.06668639183044434, 0.46879690885543823, 0.7533915042877197]} +{"paper_id": "sentiment140", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "doqa", "embedding": [-1.1256661415100098, 0.5930318832397461, -0.04488570615649223, -0.2549259662628174, 0.7973182797431946, 0.0641838014125824, -0.07067028433084488, 0.7943387627601624, 0.5991416573524475, 0.4406224191188812, 0.5557968020439148, 0.28427812457084656, 0.33314570784568787, -0.12705357372760773, -0.49974772334098816, -0.14192035794258118, -1.5826404094696045, -0.7876854538917542, -1.4353939294815063, -0.10817089676856995, -0.45197993516921997, -0.7033345699310303, 0.08201819658279419, 0.9753739833831787, -0.8306551575660706, -1.1151292324066162, 1.169029951095581, -0.9524431824684143, 0.42010676860809326, 0.1597551703453064, 0.20485693216323853, 1.15855073928833, -1.204689621925354, 0.29023507237434387, -0.15464124083518982, -0.43982407450675964, 0.38678303360939026, 1.3843833208084106, -0.17776715755462646, -0.2614149749279022, -0.8034413456916809, 0.6977250576019287, 0.09252486377954483, 0.6806483268737793, 1.6736904382705688, -0.8211513757705688, 0.9206393361091614, -0.5875912308692932, -0.5645939111709595, 0.05427299812436104, -0.8520830869674683, 0.2937075197696686, 0.09529384970664978, 1.2567821741104126, -0.47372379899024963, 1.2233812808990479, 0.4158976674079895, -0.4462253451347351, 0.9880712628364563, -1.4887710809707642, 1.416818618774414, 1.5446436405181885, 0.457307904958725, 0.13679243624210358, 0.8390552401542664, -0.5605465769767761, 1.3463481664657593, 0.2923808693885803, 0.6010419130325317, -0.008994979783892632, -0.16963164508342743, -0.8186821937561035, 0.7607854008674622, -0.04909498989582062, 0.12151101231575012, 1.0407629013061523, 0.5101820230484009, 0.5759966373443604, -0.47078508138656616, -0.39735040068626404, 0.11883245408535004, 0.05107806622982025, 0.9346883296966553, -0.6150786280632019, 0.629275918006897, 0.2415698766708374, 0.10772432386875153, -0.9471513032913208, 0.38589051365852356, -2.144261360168457, 1.4111162424087524, -0.4087330996990204, 0.13274945318698883, -0.017918772995471954, -0.4069887101650238, 0.3172410726547241, -1.04486882686615, -0.2878738045692444, -0.3943912982940674, 0.35056114196777344, 0.7145614624023438, -0.48988088965415955, 0.5694872140884399, -0.3350178599357605, -0.06435158103704453, 0.13173440098762512, 0.29373881220817566, 0.4405442774295807, -0.5035429000854492, -0.7235056757926941, 0.5109789371490479, 1.0677751302719116, -0.09729832410812378, 0.18475767970085144, 0.10349991172552109, 0.48999932408332825, 0.8324681520462036, -1.1799147129058838, 0.008523266762495041, -0.17110209167003632, 0.25037890672683716, -0.7640261054039001, -0.3306962251663208, 0.07406806945800781, 0.6806614398956299, -0.5683603882789612, -0.12405799329280853, -0.13279953598976135, -0.206242635846138, 0.02463708631694317, 0.8739074468612671, -0.6975489854812622, -1.005741000175476, -0.3281470835208893, 3.3847312927246094, -1.4210158586502075, 2.339008092880249, -1.0416263341903687, -0.1521877646446228, -0.879540205001831, 0.06544843316078186, 0.7566086649894714, -0.11725008487701416, -0.9920674562454224, -0.2311573177576065, -0.4720894396305084, -0.11464934051036835, 0.3351077139377594, -0.7343200445175171, -0.6059621572494507, -0.0450701080262661, -0.15120670199394226, -1.6901448965072632, -0.2054067701101303, -0.06589449197053909, 0.2847503125667572, -0.14989042282104492, 0.32481294870376587, -0.4175926446914673, -0.017641693353652954, -0.3421005606651306, 0.22461944818496704, 0.16828453540802002, 0.12074040621519089, -0.700934648513794, -0.5231844186782837, 0.03183681517839432, -0.4035549759864807, -0.956626296043396, 0.11003843694925308, -0.18483731150627136, -0.20081296563148499, 0.13582396507263184, 0.2862510085105896, 0.07193456590175629, 0.5327332019805908, 1.3344632387161255, 1.0744291543960571, -0.23573361337184906, -0.8191973567008972, -0.20008468627929688, -0.8397515416145325, -0.11522264778614044, 0.47241029143333435, 0.32863402366638184, -0.0018746592104434967, -1.9141825437545776, 0.07690919190645218, -0.2696496248245239, 1.0905972719192505, 0.12980765104293823, -0.012515753507614136, 0.33141741156578064, -0.6237806081771851, 0.8076877593994141, -0.8808240294456482, 0.6747949123382568, -0.895634651184082, -0.11179877072572708, -0.6027354598045349, -0.4444621503353119, 0.4208771884441376, 0.3899369537830353, 0.8920415639877319, 0.3961409330368042, -0.4565538465976715, -0.5781298279762268, -1.526046872138977, 0.2840285003185272, 2.7116971015930176, 0.23112353682518005, -0.7749626040458679, -0.5685613751411438, -0.0777096152305603, -0.23023122549057007, -0.15737327933311462, -0.0829196646809578, -0.8678921461105347, -0.006882421672344208, -1.1426022052764893, 0.08697399497032166, -0.3849828243255615, 0.5646315217018127, 0.9934943914413452, 1.2986247539520264, -1.0273354053497314, 0.08165156841278076, -0.2757420241832733, -0.8125979900360107, 0.7014049291610718, 0.1718270480632782, 0.29678794741630554, -0.2522446811199188, 0.404729425907135, 0.4170251488685608, 0.3507397174835205, 1.0466490983963013, 0.3130699396133423, -1.2992061376571655, -0.0406898558139801, -0.2211439311504364, 1.8228354454040527, 0.323009192943573, 0.5787593722343445, 0.3237494230270386, 0.31171607971191406, 0.20760434865951538, -0.9275188446044922, 0.3421599864959717, 0.0742393359541893, 1.593024730682373, 0.7784479856491089, -0.23272427916526794, 1.1404547691345215, -0.007815474644303322, -0.6168664693832397, -0.4937968850135803, -0.4168432652950287, 0.2562081217765808, -1.168692946434021, 1.555838704109192, -0.3986471891403198, -0.23679031431674957, -0.1876746416091919, -0.12128449976444244, -1.5635652542114258, 0.5572524070739746, 0.835178017616272, -0.6027275323867798, -1.2036088705062866, -0.23888441920280457, -0.7977471947669983, -0.7539911270141602, -1.2375742197036743, 0.4925512373447418, 0.2816509008407593, 0.42916345596313477, 1.2137565612792969, 1.1488838195800781, 0.1829434484243393, 0.3614976406097412, 0.12527932226657867, 1.5173649787902832, -0.6404520273208618, 0.7703858613967896, 0.12416791915893555, 0.29555508494377136, -0.8533363342285156, 0.6007771492004395, -0.5603132247924805, -0.011556219309568405, 0.7864325046539307, -0.28756725788116455, 0.4341530203819275, -0.5798617005348206, -0.7585591077804565, 0.6717283129692078, -0.13585032522678375, -0.27316004037857056, 0.125029057264328, 2.2171175479888916, -0.4204205572605133, -0.6089751720428467, 1.102530598640442, 0.15601450204849243, 0.11755053699016571, 0.680164635181427, 0.6255327463150024, -0.4286724925041199, 0.7897223234176636, -0.5399922132492065, -0.11351023614406586, 0.9483437538146973, -1.7683905363082886, 0.9743960499763489, 0.9776718616485596, -0.6179623603820801, -0.42174240946769714, -1.1049764156341553, 0.40282613039016724, -0.5558260679244995, 0.03941664099693298, 0.3744063675403595, -0.20103256404399872, 0.93929123878479, -0.4268619418144226, -0.049504369497299194, 1.7541003227233887, -0.7843665480613708, 0.13482871651649475, 0.703090250492096, -0.13946661353111267, -0.8406361937522888, -0.25365540385246277, 0.23425370454788208, -0.34741705656051636, -0.08594315499067307, 0.3604397177696228, 0.16489945352077484, 0.9628736972808838, -0.3051634430885315, -1.0081145763397217, 0.7139779329299927, 0.5301753282546997, 0.3008158802986145, 0.12515422701835632, -0.20834095776081085, 0.8921962976455688, -0.2787037491798401, 1.09852135181427, 0.26306477189064026, -0.7199382781982422, -1.349043607711792, -0.09646043181419373, -0.36071938276290894, -0.7557141184806824, 2.1854074001312256, -0.04324616491794586, 1.2809351682662964, 0.4109421372413635, -0.05152100324630737, -0.8169251680374146, -0.36381039023399353, 1.7736842632293701, 0.6081025004386902, 0.22128650546073914, -0.7488632202148438, -0.4490034878253937, 0.7094923853874207, -0.15349459648132324, -0.029167799279093742, 0.4895112216472626, 1.4564597606658936, 0.31018224358558655, -0.7189621329307556, 0.20067310333251953, 1.5327715873718262, -0.10284927487373352, 0.49423640966415405, -0.46956178545951843, 0.1702675223350525, -0.46468889713287354, 1.0778868198394775, -0.6572225689888, 0.770328164100647, -0.1968444436788559, 1.3900401592254639, 0.370369017124176, 0.6971514225006104, -0.510148286819458, 1.386552095413208, 0.48116379976272583, -0.7369945049285889, -1.0493879318237305, -0.6481401920318604, -0.4909466803073883, -0.42954525351524353, 0.6188938021659851, 0.039689358323812485, -0.9383963346481323, 1.0881708860397339, -0.10208389908075333, -0.7269080877304077, 0.4255332052707672, -0.8883854746818542, -0.9985131025314331, 0.992213785648346, 0.7424043416976929, -1.1194095611572266, -0.10309608280658722, -0.5450671911239624, -1.2717013359069824, -0.1256076842546463, -0.02728772535920143, -0.849376380443573, 0.09397057443857193, 0.2068641632795334, 0.6073833107948303, -0.2129739671945572, -0.4015651345252991, -0.8818684220314026, 0.3596639633178711, 0.6306419372558594, -0.34531643986701965, 0.4555017352104187, 0.4243667721748352, 0.6462554335594177, -0.3510012924671173, -1.1724469661712646, -0.9447843432426453, 0.5171719193458557, -0.07197883725166321, 0.37602168321609497, -1.2467985153198242, -0.38153818249702454, 0.6852138638496399, -0.5865069627761841, 0.5763628482818604, -1.0608432292938232, 0.092976413667202, -0.7962373495101929, -0.6262474656105042, 0.7024556398391724, -1.051794409751892, -0.9076740145683289, 1.0839307308197021, -0.6677562594413757, 0.9621249437332153, -1.0657674074172974, -0.2225264608860016, 1.7387416362762451, -0.21553289890289307, 0.396914005279541, -0.0187925323843956, -10.105158805847168, 0.8620957136154175, -0.5936607718467712, 0.12223543226718903, 0.6076934933662415, -1.0064570903778076, 1.835477352142334, -0.20118111371994019, 0.6316450834274292, -1.3053392171859741, 0.29008203744888306, 1.0007387399673462, 0.3704034686088562, -0.3870551586151123, -0.2690979838371277, -1.305704116821289, -0.6642409563064575, -0.5212902426719666, 0.35279494524002075, -0.6704396605491638, -0.19826757907867432, -0.24742762744426727, -0.47660261392593384, -0.04008302465081215, 0.4939586818218231, 0.4904959499835968, -0.9415012001991272, -0.5887535214424133, -0.6853943467140198, -0.43169817328453064, 0.650219202041626, -0.18757088482379913, -0.15775153040885925, -0.8681820631027222, -0.6243645548820496, -0.5050262808799744, -0.3430563807487488, -0.43079113960266113, 0.9558020830154419, 0.1323506236076355, -0.15041591227054596, 0.3952995538711548, 0.6942501068115234, 0.11623124033212662, -0.03290845826268196, -0.005995489656925201, 0.15779082477092743, -0.10663624107837677, 0.5854065418243408, 0.12163735181093216, -0.8591244220733643, 0.25350356101989746, -0.22676539421081543, 0.2318800538778305, 0.031036145985126495, 0.3017537593841553, -0.8752365708351135, -0.3048325777053833, -0.4558600187301636, -1.0848407745361328, 0.6753820776939392, -0.5266671180725098, -0.44284912943840027, 0.47694888710975647, -0.34110572934150696, -0.07521921396255493, -0.15077117085456848, 0.2970364987850189, -0.5601094961166382, 0.10017555952072144, -0.4045664072036743, 0.7357350587844849, -0.2503616511821747, -0.22480791807174683, -1.0972908735275269, -0.5933934450149536, -0.8439280390739441, 0.4373130202293396, 0.4261991083621979, 0.1717938929796219, -0.8189250826835632, 1.128135085105896, 0.6341900825500488, -0.8620508313179016, -0.8569502234458923, 0.5951606035232544, -0.026100151240825653, 0.6094743609428406, 1.0902063846588135, -0.8555149435997009, 0.9152964353561401, 0.7354036569595337, 0.11890823394060135, 0.10166097432374954, -0.011621862649917603, 1.292101263999939, 0.10941396653652191, 0.3444907069206238, -0.2944090962409973, -0.7458069324493408, 0.10489829629659653, -0.26231321692466736, -0.26249855756759644, 1.0184406042099, 0.35400325059890747, 0.4642128348350525, 0.06828427314758301, 0.2762114405632019, 0.13877205550670624, -0.4604465067386627, 0.7664870023727417, 0.2422686219215393, -0.8838925361633301, 0.898276150226593, -0.08211074024438858, 0.5346981287002563, 0.4130929410457611, 0.726375937461853, -0.018164919689297676, 0.871711015701294, -0.20749041438102722, 0.8514735698699951, 0.42561256885528564, 1.3153588771820068, -0.31685084104537964, -0.5878556966781616, -0.04499008506536484, 0.48038429021835327, 0.07459944486618042, -1.6031725406646729, 0.5868736505508423, -0.24338722229003906, 0.49010777473449707, -1.1167832612991333, -0.38564130663871765, -0.1152769923210144, -0.5896387696266174, 1.3688366413116455, -0.6912351250648499, -0.10071877390146255, -0.38160765171051025, -0.45427027344703674, -0.022613972425460815, -1.6212822198867798, -0.5383644104003906, 0.08718957751989365, -0.8146349191665649, 0.8775806427001953, -0.2207678258419037, -0.18795326352119446, 0.23476991057395935, -0.24173250794410706, 1.0415962934494019, -0.744432270526886, -0.16553743183612823, 0.10341193526983261, 0.15832412242889404, -0.33913111686706543, -1.056359052658081, -0.24008449912071228, -0.4895768165588379, 0.7633366584777832, -1.0506948232650757, 1.1838948726654053, 0.3879714012145996, -0.8939595818519592, -0.19520246982574463, 0.49112293124198914, -0.6694796681404114, 0.33664754033088684, 1.3212196826934814, -1.1356194019317627, -0.1944131702184677, -0.9080231785774231, -0.21728704869747162, -0.09706476330757141, 0.8930364847183228, 1.2975155115127563, -0.48821210861206055, -0.6079208254814148, -0.0728771984577179, 0.8988175988197327, -0.6227078437805176, -0.6008712649345398, -0.3007459342479706, 0.30737578868865967, 0.13378310203552246, 0.4302932620048523, 0.5558575391769409, 1.4020193815231323, -2.2841684818267822, -1.1660408973693848, -0.013901891186833382, 0.031151067465543747, -0.3698776364326477, -0.16213248670101166, 0.7532519698143005, 0.2893601059913635, 0.10049156844615936, 0.6210572123527527, 0.277873694896698, 0.2558426558971405, -0.12440818548202515, 0.645630419254303, -0.3015154004096985, -0.20010481774806976, -0.11152023822069168, 0.14467602968215942, 0.46567556262016296, 0.6123691201210022, -0.8643553256988525, -0.41835492849349976, 0.17068542540073395, -0.29872941970825195, 0.6819206476211548, -0.7415444850921631, -0.1977444887161255, -0.5382680296897888, -0.8463892936706543, -1.251697063446045, 0.28300920128822327, 1.6302837133407593, -0.6818885803222656, 1.4344494342803955, 0.17574675381183624, 1.6432353258132935, 0.7337481379508972, 0.10249248147010803, 0.4451533555984497, -1.1184600591659546, 0.06009582430124283, 0.13570687174797058, 0.16269370913505554, 0.24369633197784424, -0.12579143047332764, -1.3170511722564697, -0.3459363579750061, 1.002958059310913, -0.2143668830394745, 0.47863638401031494, -0.13474592566490173, 1.528963565826416, 1.2102344036102295, 1.6774781942367554, -1.3693087100982666, -1.9122453927993774, -0.1515924334526062, -1.4287347793579102, -0.28842347860336304, 0.26935866475105286, 0.7497556209564209, 0.4704338312149048, 0.9315395355224609, 0.3130204677581787, 1.5477911233901978, -1.3336838483810425, 0.16802114248275757, 0.33392399549484253, -0.2512208819389343, 0.5812106132507324, 0.46020182967185974, 0.34092289209365845, 0.8172509670257568, -0.32860782742500305, 0.0430307611823082, -0.32041364908218384, -0.2994396388530731, 1.3248019218444824, 0.812756359577179, -0.7315810322761536, -0.3092992305755615, -0.8261041641235352, 0.7569702863693237, -0.6658816933631897, 0.6997420787811279, -0.24978791177272797, -0.7590189576148987, -0.8938714861869812, -0.6907421350479126, -0.6604984998703003, 0.4229322075843811, 0.15049690008163452, -0.4353940486907959, -0.6802332401275635, 0.12590819597244263, 0.3553142249584198, -0.400682270526886, -1.2876203060150146, 0.1807296872138977, -0.8338449597358704, 0.2320399135351181, 0.20155484974384308, -0.8599379062652588, -0.6407802104949951, -0.36871394515037537, -0.6238824725151062, 0.7377448678016663, 0.21268559992313385, -1.018416404724121, -1.194341778755188, -0.10513283312320709, -0.6525735855102539, 1.060960292816162, -0.16194209456443787, -0.07773016393184662, -2.3384323120117188, 0.5419253706932068, 1.7192176580429077, 0.2956615388393402, -0.730327844619751, 0.35334599018096924, -0.5934484601020813, -0.3220200836658478, 1.2352933883666992]} +{"paper_id": "definite_pronoun_resolution", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "search_qa", "embedding": [-0.5445511937141418, 1.0588860511779785, 0.27253061532974243, -0.13185539841651917, 0.22674918174743652, -0.052568163722753525, 0.23850178718566895, 1.3626697063446045, 0.9439318180084229, 0.6063425540924072, 0.22732460498809814, 0.11827407777309418, 0.25597554445266724, 0.2302148938179016, -0.5332905054092407, -0.2870257794857025, -0.5075451135635376, -0.4998748004436493, -1.101029634475708, -0.5681042671203613, -0.4872280955314636, -0.9826502203941345, 0.1342228502035141, 1.0808883905410767, -0.8735419511795044, -1.1809251308441162, 0.7898942828178406, -1.5324817895889282, 0.6280466318130493, 0.2457684874534607, 0.1430375874042511, 1.0020040273666382, -1.5403486490249634, 0.44413313269615173, -0.6027525067329407, -0.5683717727661133, 0.5360232591629028, 0.7076077461242676, -0.0845496654510498, -0.43442049622535706, -0.3251992464065552, 0.06166008114814758, 0.4677544832229614, 0.22396548092365265, 1.296272873878479, -0.7984439134597778, 0.5372076630592346, 0.015884272754192352, -0.38651347160339355, -0.31092339754104614, -0.9679046869277954, 0.028613552451133728, -0.404059499502182, 1.0939115285873413, -0.1616964042186737, 0.969356119632721, 0.11866245418787003, -0.594734787940979, 0.8152539730072021, -1.0107818841934204, 1.9581825733184814, 1.7289600372314453, -0.05422261357307434, 0.3902137577533722, 1.2749555110931396, 0.0383029505610466, 1.5190538167953491, 0.17572592198848724, -0.2402186244726181, 0.38106590509414673, 0.0744514912366867, -0.6881648898124695, 0.6271428465843201, -0.1350281983613968, 0.03703368827700615, 1.0734550952911377, 0.6033974289894104, -0.31169742345809937, 0.25446584820747375, -0.3737724721431732, -0.5348284244537354, 0.005214370787143707, 0.6853566765785217, -0.17759419977664948, 0.16187582910060883, -0.05682343989610672, 0.2554093301296234, -1.0370937585830688, 0.6385085582733154, -1.733133316040039, 0.4456862211227417, 0.5111095905303955, 0.2633001506328583, -0.4329112768173218, -0.4815245270729065, 0.025107063353061676, -1.1605045795440674, -0.3244141936302185, -0.6388487815856934, 0.45050540566444397, 0.5356857776641846, 0.15261174738407135, 0.31982478499412537, -0.19692298769950867, 0.4215072691440582, 0.18598535656929016, 0.2265268862247467, -0.046652741730213165, -0.33496713638305664, -0.709199845790863, 0.3341369330883026, 0.6174180507659912, -0.22993135452270508, 0.6204135417938232, 0.14308230578899384, 0.10677940398454666, 0.3977386951446533, -0.7498607635498047, -0.36321571469306946, -0.012363307178020477, -0.07119540870189667, -1.4307122230529785, -0.05773606151342392, -0.0819649025797844, 0.36407995223999023, -0.5176125764846802, -0.10573884844779968, -0.7546396255493164, -0.18650168180465698, 0.30695804953575134, 0.9920904636383057, -0.05209873244166374, -1.03339684009552, -0.47965922951698303, 3.590571165084839, -1.390494704246521, 1.4452933073043823, -0.8119188547134399, 0.05504569411277771, -0.7410012483596802, -0.9527384638786316, 1.3107736110687256, 0.1671278178691864, -0.7802329063415527, -0.6489583253860474, 0.10238095372915268, -0.17718002200126648, 0.5653466582298279, -0.7967761158943176, -0.364290326833725, -0.2959137558937073, 0.2973320782184601, -1.5726133584976196, -0.6383029222488403, -0.08167412877082825, 0.6375707387924194, -0.38813117146492004, 0.7535752058029175, -0.3011897802352905, 0.7343866229057312, 0.7020755410194397, -0.08620835840702057, -0.20340564846992493, 0.35333052277565, -0.5442929267883301, -0.5238195061683655, 0.8866532444953918, -0.20793363451957703, -0.6773659586906433, -0.29177770018577576, 0.21016700565814972, -0.1757592260837555, -0.06991037726402283, -0.1416497379541397, -0.054962143301963806, 0.49387040734291077, 0.4087965190410614, 0.36305147409439087, 0.16429032385349274, -0.5784236192703247, -0.46314337849617004, -0.07041829824447632, 0.05137457698583603, 0.7012544870376587, 0.5500219464302063, 0.6428955793380737, -2.372438430786133, 0.051351360976696014, 0.193967804312706, 0.38009440898895264, 0.43285274505615234, -0.12129964679479599, 0.05258422717452049, -0.1841379702091217, -0.22835789620876312, -0.4776156544685364, 0.29125791788101196, -0.814552366733551, 0.100151926279068, 0.5662976503372192, -0.19092606008052826, 0.223453551530838, -0.027485182508826256, 0.866716206073761, 0.5769698023796082, -0.18664216995239258, -0.7706087827682495, -1.8928755521774292, 0.40760818123817444, 2.6859190464019775, 0.28119921684265137, -0.6899324655532837, -1.409471035003662, -0.3573642373085022, -0.05647619441151619, -0.00856524147093296, 0.04001884162425995, -0.6411868333816528, 0.16411779820919037, -0.740584671497345, 0.7658214569091797, -0.6220846772193909, 0.5150795578956604, 0.31575244665145874, 1.254393219947815, -0.8094835877418518, 0.1016019731760025, -0.4333069622516632, -0.46508458256721497, 0.8350709676742554, 0.5868841409683228, 0.1722070276737213, 0.13930021226406097, 1.353012204170227, 0.5187460780143738, 0.8840004205703735, 0.8752091526985168, 0.9331546425819397, -0.7117807865142822, 0.1542649269104004, -0.07495572417974472, 0.8717356324195862, -0.04977935552597046, 0.44247815012931824, -0.12204515933990479, 0.343079149723053, -0.42604562640190125, -0.6549802422523499, 0.15696978569030762, -0.06754524260759354, 1.247220754623413, 0.42386600375175476, -0.3704264760017395, 0.493238627910614, -0.18162330985069275, -0.9130828380584717, -0.3903316259384155, -0.2909967005252838, -0.28469064831733704, -0.81932133436203, 1.288638949394226, -0.2999075651168823, 0.14076220989227295, 0.06506171822547913, 0.023297041654586792, -1.2573796510696411, -0.460149884223938, 0.2882062494754791, -0.5288325548171997, -1.0360031127929688, -0.14086386561393738, 0.15786758065223694, -1.3435781002044678, -0.6320194602012634, -0.2122489959001541, -0.02641216479241848, 0.05911785364151001, 1.2899237871170044, 1.9613587856292725, -0.12336652725934982, 0.5568777322769165, 0.06259539723396301, 1.08356773853302, -0.6052194237709045, 0.29339399933815, -0.07775008678436279, 0.12420704215765, -1.0313934087753296, 0.7598581314086914, -0.5486757159233093, 0.3086495101451874, 0.8929716348648071, -0.4068777561187744, 0.8535560965538025, -0.23392897844314575, -1.3610496520996094, 0.9052025079727173, -0.15000605583190918, -0.4236481785774231, -0.10198279470205307, 1.8549818992614746, -0.09459606558084488, -0.5051401853561401, 0.7377933263778687, -0.4321494698524475, -0.2780165374279022, 0.9057877063751221, -0.2837790846824646, -0.010055355727672577, 0.4151872992515564, 0.07832005620002747, 0.1448715478181839, 0.6433493494987488, -2.2051217555999756, 0.9973433017730713, 0.9375730156898499, 0.2969343662261963, -0.5138959884643555, -1.1793752908706665, 0.09866821765899658, -0.3479575514793396, 0.42646387219429016, 0.5729168653488159, -0.5642351508140564, 0.8154460787773132, -0.13115647435188293, 0.08524879068136215, 0.9645721912384033, -0.4849858283996582, 0.48808398842811584, 0.7396380305290222, -0.278754860162735, -0.49340832233428955, -0.21625611186027527, 0.6742977499961853, -0.5308451056480408, -0.12273810803890228, 0.16643917560577393, 0.5458678603172302, 0.8177038431167603, -0.29095640778541565, -0.5070781707763672, 0.7076485753059387, 0.44048091769218445, 0.06471515446901321, 0.12106407433748245, -0.3357342481613159, 0.5042815208435059, -0.06904464960098267, 1.023342251777649, -0.14871183037757874, -0.5799756050109863, -1.0360808372497559, -0.1883418709039688, -0.22140318155288696, -0.06448386609554291, 1.9274258613586426, 0.11013101041316986, 1.9714107513427734, -0.1430351734161377, 0.3039999306201935, -0.45592907071113586, -0.32755246758461, 0.9163646101951599, 0.6218372583389282, 0.28715378046035767, -0.9790276288986206, -0.5876405239105225, 0.5691955089569092, 0.16669131815433502, -0.29427382349967957, 0.12815995514392853, 0.8409838080406189, -0.15747272968292236, -1.00673246383667, 0.7189534306526184, 0.8176287412643433, 0.5267608761787415, 1.4553275108337402, -0.5580527186393738, 0.5022713541984558, 0.25673556327819824, 0.2085234522819519, 0.30653291940689087, 0.15076887607574463, -0.07055286318063736, 0.847273588180542, 0.2702217102050781, 0.40612342953681946, 0.14245234429836273, 1.1640698909759521, 1.4587204456329346, -0.39879634976387024, -1.5808109045028687, -0.48375311493873596, -0.7780230641365051, -0.06474830210208893, 0.09241516143083572, 0.2366604506969452, -0.9010547995567322, 0.21633216738700867, 0.09038646519184113, -0.7472802996635437, 0.6197959184646606, -0.3805745542049408, -1.2397990226745605, 1.0471680164337158, 1.5612560510635376, -0.7760759592056274, -0.4946472644805908, -0.58457350730896, -1.5476789474487305, -0.31100213527679443, -0.2778542637825012, -1.0041465759277344, 0.6071393489837646, 0.21586649119853973, 0.8545587062835693, -0.09404947608709335, 0.03084571659564972, -1.4464482069015503, 1.0644875764846802, 0.5870615839958191, -1.1841272115707397, 0.36377644538879395, -0.5651472210884094, 0.4852963089942932, 0.028336307033896446, -1.2281794548034668, -0.9885555505752563, 0.6928119659423828, -0.36337387561798096, 0.07364077866077423, -1.4802619218826294, -0.5416479110717773, 0.15620827674865723, 0.1407288759946823, 1.0423305034637451, -0.9805983304977417, 0.07117410004138947, -0.4320037364959717, -0.5641939043998718, 1.0229240655899048, -0.5969075560569763, -0.25963085889816284, 0.7727839946746826, -0.4078657925128937, 0.6689801216125488, -0.5979909896850586, 0.13812114298343658, 1.8793925046920776, 0.047432757914066315, -0.16880792379379272, -0.3096944987773895, -11.343021392822266, 0.8501202464103699, 0.11111461371183395, 0.24107973277568817, 0.965089738368988, 0.05501892417669296, 0.7352762222290039, -0.1750221699476242, 0.5957455039024353, -1.0261576175689697, 0.4778284430503845, 0.8419299125671387, 0.5788711309432983, -0.37638136744499207, -0.4406924545764923, -1.4740639925003052, -0.1326083540916443, -0.5152936577796936, 0.5003471970558167, 0.3378728926181793, 0.15713541209697723, -0.6841616630554199, -0.3717747926712036, 0.11483484506607056, 0.3046826422214508, -0.24884361028671265, -0.5268973708152771, -0.43891099095344543, -0.5079426169395447, -0.4648060202598572, 0.4793306589126587, -0.12645503878593445, -0.12869635224342346, -0.4900413751602173, -0.10153637826442719, -0.10805414617061615, -0.797869086265564, -0.16638614237308502, 0.6761080026626587, -0.04726766049861908, -0.7227984666824341, -0.22527876496315002, 0.7923238277435303, 0.12139718979597092, 0.17928102612495422, 0.07448828220367432, 0.2097683697938919, -1.0619051456451416, 0.43214380741119385, -0.07912197709083557, -0.5529329180717468, -0.14019028842449188, -0.7690840363502502, -0.27163320779800415, 0.27744996547698975, 0.8840598464012146, -0.8553985357284546, -0.5905370712280273, -0.254447877407074, -0.8989717960357666, 0.8815769553184509, 0.08199916779994965, -0.30255126953125, 0.25395891070365906, -0.01932113617658615, -0.0462866872549057, 0.23085615038871765, -0.2182116061449051, -0.44976261258125305, 0.7647720575332642, -0.7802607417106628, 0.8800990581512451, 0.21920636296272278, 0.022916659712791443, -1.216383457183838, 0.3525542914867401, -1.247657299041748, 0.14799658954143524, 0.30291688442230225, 0.3546871542930603, -1.4496382474899292, 0.9469494223594666, 0.3480481505393982, -0.7678926587104797, -0.881393313407898, 0.3064844608306885, -0.2829853892326355, 0.7000272870063782, 0.7245250940322876, -0.8172282576560974, 1.316145658493042, 0.6672196984291077, -0.6645864248275757, -0.5386762619018555, -0.188211590051651, 0.5190091133117676, -0.7924018502235413, 0.4480336904525757, 0.15962445735931396, -0.23331063985824585, 0.36538270115852356, -0.6134990453720093, -0.7644364833831787, -0.1679556667804718, 0.7259342074394226, 0.01052461564540863, 0.5135646462440491, 0.014595076441764832, -0.06908784806728363, -0.6144470572471619, 1.0782297849655151, 0.3078312575817108, -0.5842426419258118, 0.6189776659011841, -0.24840301275253296, 1.1488884687423706, 0.3463117480278015, 0.23882412910461426, 0.061370186507701874, 0.9187403917312622, -0.472348153591156, 0.9603137373924255, 0.23395931720733643, 1.1734808683395386, -0.43493980169296265, 0.07246119529008865, 0.3108072280883789, 0.7050983309745789, -0.0522281676530838, -1.046850323677063, 0.3035014569759369, -0.4210970103740692, 0.06754788011312485, -1.2767852544784546, -0.6578013300895691, 0.1273910254240036, -0.2249291092157364, 1.7548372745513916, -0.7930005788803101, -0.5206873416900635, -0.5538707971572876, -0.09799183905124664, -0.5183730125427246, -1.4414491653442383, -0.7330548763275146, 0.23621246218681335, -0.8511577248573303, 0.14237402379512787, -0.49824902415275574, -0.2565736770629883, -0.2610439956188202, -0.4115764796733856, 1.3401631116867065, -0.7526623606681824, -0.520772397518158, -0.583729088306427, 0.08988146483898163, -0.4653400778770447, -0.9253041744232178, -0.40924763679504395, 0.26477453112602234, 1.0025250911712646, -1.4087550640106201, 1.4014339447021484, 0.2918587625026703, 0.04572094976902008, -0.8948590159416199, 0.5901939868927002, -0.3665604591369629, 0.3099469542503357, 0.8122127056121826, -0.4978610873222351, -0.2148398905992508, -0.5618076324462891, -0.6673214435577393, -0.6615365743637085, 0.6056274175643921, 1.1784452199935913, -1.347324013710022, 0.08784519881010056, 0.04851491004228592, 1.1470097303390503, 0.0846182182431221, -0.13077712059020996, -0.12302180379629135, 0.2571757137775421, 0.0294635109603405, 0.9955480694770813, -0.07485567778348923, 0.9286386370658875, -1.6967847347259521, -1.3965129852294922, -0.7721880078315735, -0.22950221598148346, 0.7495959997177124, 0.3489425480365753, 0.6012576818466187, 0.4293845295906067, 0.032329440116882324, 0.01143038272857666, 0.020077139139175415, 0.8254046440124512, 0.7995290160179138, 0.877410352230072, -0.1927429586648941, 0.27644258737564087, -0.45040616393089294, -0.17150482535362244, 0.5349562764167786, 1.1175312995910645, -1.1877741813659668, -0.05703791230916977, 0.42925918102264404, 0.037084825336933136, 0.17883345484733582, -1.2753567695617676, 0.2821647524833679, -0.44947728514671326, -0.7245709896087646, -1.2946319580078125, 0.16868625581264496, 0.46039074659347534, -0.9778343439102173, 1.0551085472106934, 0.3298635482788086, 1.3045779466629028, 0.26753073930740356, 0.20194409787654877, 0.8399190902709961, -0.16071373224258423, -0.04031140357255936, 0.40032899379730225, 0.6337791681289673, -0.1643296182155609, -0.8204607367515564, -1.1976367235183716, -0.6476588249206543, 0.8113752007484436, -0.4395522475242615, 0.6748279333114624, -0.33342814445495605, 0.47072526812553406, 0.7750879526138306, 1.2442494630813599, -0.2926780581474304, -1.6193288564682007, -0.31505897641181946, -1.5204191207885742, -0.03522488474845886, 0.7004013657569885, -0.025362206622958183, 0.8119210600852966, 0.7611798048019409, -0.3381941318511963, 1.0371122360229492, -0.810958743095398, 0.38112783432006836, 0.16632723808288574, -0.3847689628601074, 0.8456516861915588, 0.5787539482116699, 0.24568526446819305, 0.1839868724346161, -0.39564794301986694, -0.7294689416885376, 0.1893332302570343, -0.6916733980178833, 0.5894657969474792, 0.5864214897155762, -0.4503476023674011, -0.5680906772613525, 0.1330447494983673, 1.2193646430969238, -0.8407984375953674, 1.12790846824646, -0.2482801228761673, -0.2009459137916565, -0.6786143183708191, -0.7679465413093567, -0.14639119803905487, 0.4823508560657501, 0.008671876043081284, 0.08523429185152054, 0.02615959942340851, 0.33491870760917664, 0.02956966683268547, 0.14297287166118622, -0.8598945140838623, -0.31867870688438416, -0.7984976768493652, 0.05832906812429428, 0.07832968235015869, -0.6332452893257141, -0.4302343428134918, 0.08104819059371948, -1.034766674041748, 0.755318820476532, 0.2158946543931961, -0.9912514090538025, -0.4529278576374054, 0.48891714215278625, 0.07865610718727112, 0.1366097778081894, 0.25283563137054443, -0.012522386386990547, -1.7378214597702026, 0.3671779930591583, 1.3994512557983398, -0.3863137662410736, -0.4526406526565552, -0.38548165559768677, 0.533986508846283, 0.418459951877594, 0.8310659527778625]} +{"paper_id": "reuters21578", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "assin", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "taskmaster2", "embedding": [-0.5148428678512573, 0.5864047408103943, -0.05538398027420044, 0.06469841301441193, 0.700732409954071, 0.6408200263977051, 0.4317964017391205, 0.5853944420814514, 0.7243582010269165, 0.019272759556770325, 0.9706568121910095, 0.2651001214981079, 0.40519651770591736, -0.007398294284939766, -0.6600510478019714, 0.19427970051765442, -1.155350685119629, -1.1275571584701538, -0.9641507863998413, 0.009188421070575714, -0.7560453414916992, -0.543488085269928, -0.0756550133228302, 0.3773265779018402, -0.9276648759841919, -0.6375332474708557, 0.7912423610687256, -1.0994819402694702, 0.024771474301815033, 0.2502671182155609, -0.04532215744256973, 2.040646553039551, -0.5093914866447449, 0.23648878931999207, 0.01665361225605011, -0.7989355325698853, 0.007683893665671349, 0.34367766976356506, -0.35907989740371704, 0.42198073863983154, -0.32517004013061523, 0.17201992869377136, 0.2898901700973511, 0.2910427749156952, 0.621520459651947, -0.19140946865081787, 0.3616894781589508, 0.160676047205925, -0.31282109022140503, 0.1294127106666565, -0.6617568731307983, 0.6930216550827026, 0.03942127525806427, 0.4733215272426605, -0.43275710940361023, 1.2356419563293457, 0.28911298513412476, 0.29136642813682556, 0.37328338623046875, -1.242167592048645, 1.2047878503799438, 0.9510504007339478, 0.4565173089504242, 0.819756031036377, 0.7347237467765808, 0.2796323895454407, 1.6332416534423828, -0.20853936672210693, 0.40177974104881287, 0.3903885781764984, -0.33968257904052734, -1.6875418424606323, 0.852357029914856, 0.23031756281852722, 0.15317268669605255, 0.8524607419967651, 0.72933429479599, 0.3639127314090729, -0.4564472436904907, -0.38468146324157715, 0.11608466506004333, 0.26080334186553955, 0.5231413841247559, -0.209148108959198, 0.21049432456493378, 0.5503043532371521, 0.33263981342315674, -0.49377191066741943, 0.24203090369701385, -1.39638352394104, 0.5409373641014099, -0.5085945725440979, 0.11461672186851501, -0.10786592960357666, -0.1480615735054016, -0.42262718081474304, 0.03549468517303467, 0.19120372831821442, -0.929584264755249, 0.8905903100967407, 0.8229842185974121, 0.041420720517635345, 0.28987523913383484, -0.35136622190475464, 0.03252670168876648, 0.21435639262199402, 0.02196146547794342, -0.28880053758621216, -0.7450195550918579, -0.6366192698478699, 0.06050589308142662, 0.8511870503425598, 0.0973767340183258, 1.059778094291687, -0.0022854991257190704, 0.4846225082874298, 0.32657819986343384, -1.0015451908111572, -0.23475056886672974, 0.25010862946510315, 0.16594082117080688, -0.9287002682685852, 0.016673605889081955, 0.1582428365945816, 0.7757560014724731, -1.1268863677978516, -0.4862979054450989, -0.3581560552120209, -0.0796084925532341, -0.6764677166938782, 0.8053455352783203, -0.28965941071510315, -0.6239429712295532, -0.1948695033788681, 3.0182042121887207, -0.9103394150733948, 1.59894859790802, -1.1629797220230103, -1.1413367986679077, -0.6644261479377747, 0.5026234984397888, 1.634437084197998, -0.29043272137641907, -0.23260200023651123, -0.8882140517234802, -0.1577439159154892, -0.7849398851394653, 0.06708420068025589, -0.42653849720954895, -0.37120893597602844, 0.0015721283853054047, 0.28484153747558594, -1.6855599880218506, -0.38758277893066406, -0.3939036428928375, 0.1631573736667633, 0.4777507781982422, 0.9934700131416321, -0.20392996072769165, 0.2658342123031616, 0.4585024416446686, 0.3355090618133545, -0.12962882220745087, 0.6857074499130249, -1.0929172039031982, -0.09558418393135071, 0.6074996590614319, -0.7279207706451416, -0.9588674902915955, -0.6505908370018005, 0.8787716627120972, -0.2292279601097107, 0.04416067153215408, 0.42036664485931396, -0.7683676481246948, 0.37091705203056335, 0.6204017400741577, 0.5779098272323608, 0.01786496303975582, -0.481810986995697, -0.4943268597126007, -0.27928370237350464, -0.4156339764595032, 0.29251906275749207, -0.6559273600578308, 0.05343683436512947, -1.424059510231018, -0.04978661984205246, -0.04856252670288086, 0.5462889671325684, 0.26519814133644104, -0.06324580311775208, 0.5271060466766357, -0.4538794159889221, 1.1716570854187012, -0.4919481575489044, 0.6515021324157715, -1.2546473741531372, 0.34524157643318176, 0.020828932523727417, 0.17445369064807892, 0.2528206706047058, -0.20890796184539795, 1.5436123609542847, 0.6163045167922974, -0.45315292477607727, 0.040007442235946655, -1.2650567293167114, -0.21810457110404968, 2.460984706878662, 0.3413657248020172, -0.8365387916564941, -0.6654736995697021, -0.16763679683208466, -0.4133945107460022, -0.4427604079246521, 0.39585307240486145, -0.8224395513534546, 0.09359078109264374, -1.8206254243850708, -0.026752062141895294, -0.2144055962562561, 0.33233192563056946, 1.148612380027771, 1.3144720792770386, -0.8851681351661682, 0.1280551701784134, -0.00964931771159172, -0.8093076944351196, 0.2959318459033966, 0.8811618089675903, 0.32192376255989075, 0.28673067688941956, 0.13955344259738922, 0.10333152115345001, 0.1365812122821808, -0.16379442811012268, 0.7426748275756836, -0.7782481908798218, 0.37356501817703247, -0.12756504118442535, 0.9838812351226807, 0.36447572708129883, 0.10512187331914902, 0.16541261970996857, 0.7727822065353394, -0.10454222559928894, -1.154219150543213, 0.30532366037368774, 0.08519785106182098, 1.4562503099441528, 0.7029567360877991, 0.014709271490573883, 0.4643590450286865, -0.7120660543441772, 0.0902053713798523, -0.3866865932941437, -0.30477845668792725, -0.6833780407905579, -0.6519409418106079, 1.334263801574707, -0.28037360310554504, -0.1825857311487198, -0.6056076884269714, 0.28553685545921326, -1.2522298097610474, 0.17341472208499908, -0.04143873229622841, -0.5493664741516113, -1.3186081647872925, 0.08775903284549713, -0.5315914154052734, -0.6325609087944031, -0.7471933364868164, 0.26275554299354553, 0.42849254608154297, 0.1413010209798813, 0.8415826559066772, 1.4639239311218262, -0.366475909948349, -0.09067395329475403, -0.6868739724159241, 0.6795093417167664, -0.7134844064712524, 0.9291403889656067, -0.42657995223999023, -0.0057028247974812984, -0.47246643900871277, 0.2583058774471283, 0.16085009276866913, -0.16281798481941223, 0.47006160020828247, -0.5799639821052551, -0.2922377586364746, -0.0700291320681572, -0.24607428908348083, 0.9181720614433289, -0.404021292924881, 0.5051456093788147, -0.3968895673751831, 1.7289150953292847, 0.41123250126838684, -0.7816953063011169, 0.2714829444885254, -0.06914673000574112, 0.43527349829673767, 0.9902532696723938, -0.4383012056350708, 0.21935053169727325, 0.6000292897224426, -0.42048099637031555, 0.18952763080596924, 0.1654299795627594, -2.3889734745025635, 0.4104989767074585, 0.49116355180740356, -0.2904755473136902, 0.3303781747817993, -1.1518946886062622, 0.21338258683681488, -0.05616314336657524, -0.3723900616168976, -0.4172252416610718, -0.33700090646743774, 0.5592427849769592, -0.027362454682588577, 0.6489803194999695, 1.3883169889450073, -0.2276705503463745, -0.11299501359462738, 0.7754361033439636, -0.4580395817756653, -0.641150176525116, -0.4165489077568054, 0.463222473859787, -0.6666443943977356, -0.2509690225124359, 0.2874847650527954, 0.183630108833313, 0.9804202318191528, -0.23373562097549438, 0.044788144528865814, 0.6231874823570251, 0.770298182964325, -0.049086153507232666, 0.23897072672843933, 0.0009133629500865936, 0.8359859585762024, -0.43232688307762146, 0.8420251607894897, 0.23021504282951355, -0.9234904646873474, -1.7252779006958008, 0.07459649443626404, -0.2079947590827942, -0.8918830752372742, 1.599321722984314, -0.2654266953468323, 1.009751796722412, -0.11698334664106369, 0.3375663459300995, -1.1021751165390015, -0.3850237727165222, 0.7712598443031311, 0.5001903772354126, 0.26110410690307617, -0.63326096534729, 0.15965721011161804, 0.5146797895431519, -0.1655874401330948, -0.8508871793746948, -0.2586432099342346, 1.5609172582626343, 0.31764665246009827, -0.501449465751648, -0.1993851214647293, 1.2439124584197998, 0.3099939823150635, 0.7879574298858643, -0.1725357323884964, -0.1681174784898758, -0.6968449950218201, 1.0920459032058716, 0.24594959616661072, 0.5188421607017517, -0.6436203718185425, 0.8069989085197449, 0.26488280296325684, 0.6357691884040833, 0.2127779871225357, 0.7018187046051025, 0.1805964559316635, -1.3142057657241821, -1.3486722707748413, 0.0761854350566864, -1.4385552406311035, -0.622668445110321, -0.02299364283680916, 0.001602310687303543, -0.6626723408699036, 0.992566704750061, -0.49713438749313354, -0.2935337722301483, 0.6201002597808838, -0.7099100947380066, -0.9097312688827515, 0.46317142248153687, 0.983279824256897, -1.1762508153915405, 0.038223475217819214, -0.5359136462211609, -1.1353999376296997, -0.5558260083198547, 0.2039070427417755, -0.7440584897994995, 0.023928601294755936, 0.002211539074778557, 0.006021412555128336, -0.5173757076263428, 0.2555423378944397, -0.7472934126853943, 0.3951645493507385, 0.5835121273994446, -0.18824350833892822, 0.923859715461731, 0.03247006610035896, 0.26029711961746216, -0.8754770755767822, -0.4582022428512573, -0.8199070692062378, 0.3064660429954529, -0.1964363306760788, -0.10077553987503052, -0.3241219222545624, -0.3791140615940094, 0.5988028645515442, -0.3205987513065338, 0.0739712044596672, -0.7516418099403381, -0.008169973269104958, -0.825134813785553, 0.27277955412864685, 0.4146851599216461, -1.4884207248687744, -0.719597578048706, 0.6063926815986633, -0.8417766690254211, 0.6277174949645996, -1.0614875555038452, 0.12686654925346375, 1.8090585470199585, 0.7004700303077698, 0.7642207145690918, 0.3076907694339752, -11.899806022644043, 0.577406108379364, -0.14563769102096558, -0.29835638403892517, 0.10412418842315674, -0.3607357144355774, 1.0749461650848389, 0.4538952112197876, 0.8400555849075317, -0.906049370765686, 0.586762011051178, 1.0247811079025269, -0.1289387047290802, -0.6589854955673218, -0.4205353260040283, -0.9675515294075012, -0.5598832368850708, -0.5168250203132629, -0.18041563034057617, -0.4539649784564972, -0.06057462841272354, -0.8081075549125671, -0.9012036919593811, 0.3282369077205658, -0.11710090190172195, 0.14805856347084045, -0.31582558155059814, -0.679050624370575, -0.023220866918563843, 0.1482919603586197, 0.6680541634559631, -0.00137702701613307, 0.47868722677230835, -0.8354082703590393, -0.11579800397157669, -0.1130371242761612, -0.8728417754173279, 0.3806428909301758, 0.4896846115589142, 0.015502900816500187, -0.41339820623397827, 0.5091473460197449, 0.2388942539691925, -0.019638704136013985, -0.44376111030578613, 0.5635330677032471, 0.3152080178260803, -0.16825516521930695, 0.4095594882965088, -0.4164222180843353, -0.465124249458313, -0.5098296999931335, -0.7912663221359253, -0.3467576801776886, 0.2609310746192932, -0.07969678193330765, -0.5595189332962036, 0.48438698053359985, -0.5249699354171753, -1.3249075412750244, 0.9928855299949646, 0.24744370579719543, 0.08996231108903885, -0.14738282561302185, 1.1750831604003906, -0.8982503414154053, -0.1501041054725647, 0.44167736172676086, 0.0576784685254097, 0.5185280442237854, -0.4998283386230469, 0.46782103180885315, 0.01990705356001854, 0.8047511577606201, -1.1765307188034058, -0.2889426648616791, -0.5087846517562866, 0.6406834721565247, 0.6410461068153381, 0.0046792831271886826, -0.765926718711853, 1.1319859027862549, 0.40069153904914856, -1.0007566213607788, -0.9592331051826477, 0.45515790581703186, -0.5191631317138672, 0.4086081385612488, 1.396963357925415, 0.0754028782248497, 1.3732423782348633, 0.6826670169830322, -0.6500931978225708, 0.2855716347694397, -0.4907960295677185, 0.6912504434585571, 0.7407501339912415, 0.6035983562469482, 0.3308854103088379, -0.4275002181529999, 0.2612648606300354, -0.08212020993232727, -0.47031229734420776, 0.6142926812171936, 0.3910010755062103, 0.2151874601840973, -0.5849292874336243, 0.3922256529331207, 0.9422819018363953, 0.5979353189468384, 1.0332499742507935, -0.6148577332496643, -1.0026496648788452, 0.6975007057189941, -0.09051328897476196, 0.6596940159797668, 1.2562376260757446, 0.3828928470611572, 1.3902828693389893, 0.0756472498178482, -0.1907927542924881, 0.956213116645813, 0.11263132095336914, 0.9381995797157288, 0.31899407505989075, -0.39086630940437317, 0.6719640493392944, 1.0157564878463745, -0.24730168282985687, -1.2420622110366821, 0.2261165976524353, 0.11530986428260803, 0.5939086079597473, -0.757363498210907, -0.11054882407188416, 0.39226233959198, -0.6526474952697754, 1.163177490234375, -0.8374897241592407, 0.5698534846305847, 0.0344085693359375, -0.659977912902832, 0.19973969459533691, -0.9110350608825684, -0.8674702048301697, 0.16863751411437988, -0.6035469174385071, 0.3845406472682953, -0.6227240562438965, 0.805647075176239, 0.4578765332698822, -0.2117784321308136, 0.9106811285018921, -1.0338284969329834, 0.0010069441050291061, 0.24563926458358765, 0.9725860357284546, -0.3390991985797882, -1.0758188962936401, -0.3954775929450989, 0.256165474653244, 1.161352276802063, -0.7543998956680298, 1.049787998199463, 0.6239591836929321, -0.10766534507274628, -0.055217593908309937, 0.18541055917739868, -0.6567525863647461, -0.03887864202260971, 0.81838458776474, -1.1676883697509766, -0.5716639161109924, -1.001718521118164, 0.24823348224163055, -0.4924367666244507, 0.4562155604362488, 1.3466664552688599, -1.1411712169647217, 0.005976036190986633, 0.03574441373348236, 0.5278637409210205, 0.052727580070495605, -0.496328204870224, -0.5326833724975586, 0.08810903877019882, -0.05152598023414612, 1.2356908321380615, -0.026219327002763748, 0.18864619731903076, -1.8307390213012695, -0.9253303408622742, -0.6590037941932678, -0.017248835414648056, -0.548732340335846, -0.2332589328289032, 0.7462828755378723, 0.4728044867515564, 0.7141999006271362, 0.24863484501838684, 0.6093586683273315, 1.1509472131729126, -0.5542765259742737, -0.5795796513557434, -0.07944409549236298, -0.2853734493255615, -0.5940832495689392, 0.7933580875396729, 0.13386693596839905, 0.2979596257209778, -1.345775842666626, 0.005562499165534973, 0.39790597558021545, -0.17886653542518616, 0.7478957772254944, -0.28438401222229004, -0.5935344696044922, -0.3041546642780304, -0.49545809626579285, -1.4956777095794678, 0.6117699146270752, 0.5305622816085815, 0.5063768029212952, 1.076768159866333, 0.326464980840683, 0.4982900023460388, 0.5117141604423523, -0.2914005517959595, 0.4007032513618469, -0.6076733469963074, -0.1291704922914505, -0.13530714809894562, 0.13455724716186523, 0.5372763872146606, 0.06180950999259949, -0.3114042580127716, -1.103255271911621, 0.2850726544857025, -0.956116795539856, -0.1259116232395172, -0.5476957559585571, 0.6777396202087402, 0.49148035049438477, 0.7963541150093079, -0.5403537154197693, -1.3252438306808472, -1.0509225130081177, -1.0942277908325195, -0.35478365421295166, 0.36613667011260986, 0.015808552503585815, 0.4035933315753937, 0.8639440536499023, -0.18453983962535858, 0.7928122282028198, -0.6194251179695129, -0.2746989130973816, 0.0827103927731514, 0.5335898399353027, 0.18472644686698914, 0.912418782711029, 0.2750781774520874, 1.1551275253295898, 0.8023496270179749, -0.2032364308834076, 0.051250699907541275, -0.22307509183883667, 0.4737383723258972, 1.2245221138000488, -0.31566599011421204, -0.693713903427124, -1.1234031915664673, 0.04583042860031128, -0.6469843983650208, 1.2035653591156006, 0.6521866917610168, -0.8286249041557312, -1.2418071031570435, -0.9497137069702148, -0.10187032073736191, 0.4898376166820526, -0.14523537456989288, -0.52297043800354, -0.8655661940574646, 0.9071106314659119, 0.5557800531387329, 0.13024748861789703, -1.3123502731323242, 0.46798837184906006, -0.6073570847511292, 0.4991465210914612, -0.5732463598251343, -0.5570985674858093, -0.38494211435317993, 0.37366896867752075, -0.4758429527282715, 0.6382912397384644, 0.09489491581916809, -1.2675515413284302, -1.1731141805648804, 0.29781028628349304, -0.227070614695549, 0.35720470547676086, 0.6651455163955688, 0.1450202465057373, -1.9382424354553223, 0.6149082779884338, 1.0549960136413574, 0.04358956962823868, -0.16396991908550262, 0.7441791892051697, -0.39420831203460693, -0.3941275477409363, 0.8083071708679199]} +{"paper_id": "open_subtitles", "embedding": [-0.3756978511810303, 1.1735001802444458, 0.6787498593330383, 0.2796914875507355, 0.29995590448379517, -0.3529895842075348, 0.6282484531402588, 0.47279250621795654, 0.40825870633125305, 0.26896408200263977, 0.7409628033638, 0.08751139789819717, 0.4498116075992584, 0.26358553767204285, -0.013720232993364334, -0.007629141211509705, -0.5409241318702698, -0.624445378780365, -0.4740121364593506, -0.7665295600891113, -0.9681653380393982, 0.02637888491153717, -0.061423350125551224, 0.13287116587162018, -0.30859658122062683, 0.02317378856241703, 0.45517659187316895, -0.8588286638259888, 0.36195144057273865, 0.08334101736545563, -0.30244845151901245, 1.5269455909729004, -1.7030805349349976, 0.05314011126756668, -0.7060667872428894, 0.06665237247943878, 0.3083648979663849, 0.8117387294769287, -0.22278174757957458, -0.09185612201690674, -0.6123356819152832, -0.1046295166015625, 0.8056067228317261, 0.24922600388526917, 1.4207302331924438, 0.0030376017093658447, -0.07418815046548843, 0.3965887427330017, 0.12959997355937958, 0.39260876178741455, -0.5757526159286499, 0.3117814064025879, 0.4386137127876282, 0.169467031955719, -0.5510003566741943, 1.0720731019973755, 0.05488498508930206, -1.0360546112060547, 0.5280252695083618, -1.2435628175735474, 0.9651812314987183, 1.0312355756759644, -0.18095868825912476, 0.1607087254524231, 1.142734169960022, -0.38696718215942383, 0.5853574872016907, 0.35968631505966187, 0.42134910821914673, 0.7303261160850525, -0.25030893087387085, -1.1946337223052979, -0.1121748760342598, -0.1422608345746994, -0.3512829542160034, 0.4925302565097809, 0.2140960991382599, 0.19627857208251953, 0.4381380081176758, 0.6218242645263672, -0.18426816165447235, 0.8069002032279968, 0.15808089077472687, -0.49009114503860474, 0.2800891399383545, -0.5752411484718323, 0.20028281211853027, -0.11181510984897614, 0.3226191997528076, -1.1560416221618652, -0.24092604219913483, 0.01589997671544552, -0.21053054928779602, -0.027281135320663452, -0.3762471079826355, 0.1523151695728302, 0.6431126594543457, 0.08052922785282135, -0.5389724969863892, 0.373926043510437, 0.558315634727478, -0.41412553191185, 0.23857955634593964, -0.17638173699378967, 0.27266836166381836, 0.8002066612243652, -0.25930604338645935, -1.1112319231033325, -0.9723738431930542, -0.4972756505012512, -0.6713332533836365, 1.1414610147476196, 0.08788897097110748, 0.7865326404571533, 0.3195880055427551, -0.8650365471839905, -0.7627338767051697, -0.07167789340019226, -1.2216919660568237, 0.17594103515148163, -0.1608636975288391, -1.2918658256530762, -0.03948579728603363, 0.16529931128025055, 0.7477593421936035, -0.6541425585746765, 0.24114035069942474, -0.40966159105300903, 0.47033214569091797, -0.33020955324172974, 0.7591015100479126, 0.5359952449798584, -0.4007378816604614, 0.19036415219306946, 2.1869418621063232, -0.2562476098537445, 1.4796098470687866, -0.30753225088119507, -0.18474963307380676, -0.23147150874137878, -0.012946262955665588, 1.1467409133911133, 0.19503194093704224, -0.5696436166763306, -0.28469353914260864, -0.07077984511852264, -0.8616234064102173, 0.45249173045158386, -0.4409765303134918, -0.7839041948318481, -0.24594959616661072, 0.5350063443183899, -0.8925544023513794, -1.106494426727295, 0.1320285201072693, 0.08235000818967819, 0.32726579904556274, 0.8861031532287598, -0.619312584400177, 1.2630151510238647, 0.734045684337616, 0.6871345639228821, -0.43325841426849365, 0.30778881907463074, -0.6934881210327148, 0.06337174028158188, 0.8285413980484009, -0.13238364458084106, -0.06749086827039719, -0.7686551809310913, 0.38624823093414307, -0.4990183413028717, -0.0748717337846756, -0.21199846267700195, -0.029694240540266037, 0.37394455075263977, 0.655168354511261, 0.5227289199829102, 0.3344341516494751, -0.4476890563964844, -0.36229848861694336, -0.11709776520729065, -0.0869453102350235, 0.0339258536696434, 0.17943096160888672, 0.010767802596092224, -1.7382029294967651, 0.08526717126369476, -0.6172616481781006, 0.0781136080622673, 0.23084300756454468, -0.2308177798986435, -0.05825475603342056, 0.08646336197853088, -0.3330641984939575, 0.1408124715089798, 0.12141700088977814, -1.1421098709106445, -0.028690509498119354, 0.35844480991363525, 0.23972371220588684, -0.17663539946079254, 0.4314928352832794, 0.596681535243988, 1.0902719497680664, 0.2690849304199219, -0.5774653553962708, -1.5782960653305054, 0.00559636577963829, 1.7550432682037354, -0.18107321858406067, -0.8225305080413818, -1.0528066158294678, -0.15606689453125, 0.7151362299919128, -0.596247136592865, 0.1188480406999588, -0.1368507593870163, -0.2935052216053009, -0.7207330465316772, 0.6019719243049622, -0.3602756857872009, 0.20073431730270386, 0.23462636768817902, 0.9007996320724487, -0.3964695930480957, -0.6991519927978516, -0.4141111671924591, -1.4237284660339355, 0.16486115753650665, 1.0322059392929077, 0.05933462828397751, -0.4407210052013397, 1.251754879951477, 0.3002265989780426, 0.16475075483322144, 0.0715785101056099, 0.5080811977386475, -0.1805284172296524, -0.5253493785858154, 0.06531906127929688, 0.5609628558158875, -0.5908975601196289, -0.45884332060813904, 0.3231734037399292, 0.6693551540374756, -0.2777149975299835, -0.7916682958602905, -0.5084165930747986, 0.3970355987548828, 0.8507528901100159, 1.3392988443374634, -0.8786116242408752, 1.2950255870819092, -0.9106406569480896, 0.1419718861579895, 0.26511380076408386, -0.7401671409606934, -0.2069404423236847, -0.16934138536453247, 0.6291167140007019, -0.2447742074728012, 0.12098172307014465, -0.1858668029308319, -0.43955227732658386, -0.5788841247558594, -0.328655868768692, -0.026491768658161163, -0.6448155641555786, -0.7141431570053101, -0.14003083109855652, -0.010878480970859528, -0.9144244194030762, -0.5411396622657776, -0.5320349335670471, 0.7082604169845581, 0.15600357949733734, 0.9887959957122803, 1.4902864694595337, -0.27264130115509033, -0.014427253976464272, -0.2524105906486511, 0.6158618927001953, -0.1968488246202469, 1.1455535888671875, -0.06623108685016632, 0.19990254938602448, -1.258154273033142, -0.5448448657989502, -0.561371386051178, 0.3165772259235382, -0.06270405650138855, 0.1451711654663086, 0.5166634917259216, -0.5991590023040771, -1.189193844795227, 1.1757742166519165, -0.7643080353736877, 0.2362828254699707, -0.9186590313911438, 1.2126089334487915, 1.0370755195617676, -0.10229389369487762, 0.3014625906944275, -0.0799044743180275, -0.09018780291080475, 1.5986090898513794, -1.0889110565185547, 1.0201040506362915, 0.3928457498550415, 0.28058382868766785, 0.28856560587882996, -0.0745072066783905, -2.0415914058685303, -0.23885925114154816, 0.5863913297653198, -0.3742545247077942, -0.13387823104858398, -0.5650256872177124, 0.5652244091033936, -0.3442482650279999, -0.77718186378479, 0.05845166742801666, -0.8739573359489441, 0.24720892310142517, -0.7765378355979919, 0.8670850992202759, 0.9817511439323425, -0.40939611196517944, 0.40369686484336853, 0.6924059391021729, 0.6743528246879578, -0.4242410659790039, -0.5811370611190796, 0.8027194738388062, -0.7228303551673889, 0.470394104719162, 0.4076058864593506, 0.7050175666809082, 1.1769723892211914, -1.0067261457443237, -0.4285833537578583, 0.45291560888290405, 0.6806458234786987, 0.2149989753961563, 0.23542629182338715, 0.10361375659704208, 0.5281676054000854, -0.43010663986206055, 1.2705597877502441, 0.3876053988933563, -1.0062333345413208, -1.1359789371490479, 0.34172719717025757, -0.5179309844970703, -0.5469303131103516, 1.6892805099487305, 0.34176087379455566, 1.6012715101242065, -0.3521330952644348, 0.36109039187431335, -0.04647190868854523, -0.13000333309173584, 0.6962748765945435, 0.8509140014648438, 0.05904127657413483, 0.10154068470001221, -0.11644195020198822, 0.6555386781692505, 0.4869377315044403, -0.4335156977176666, 0.16547931730747223, 0.3461579978466034, -0.32137376070022583, -0.12056282162666321, 0.045543525367975235, 0.8721303939819336, 0.49855512380599976, 1.6851952075958252, -0.35639819502830505, -0.8404796123504639, -0.470157265663147, 0.5659429430961609, 0.396414190530777, 0.3630804121494293, -1.192465901374817, 0.24037814140319824, 0.6316009759902954, 0.6314386129379272, -0.37572991847991943, 0.9026240706443787, 0.3296395540237427, -0.44602230191230774, -0.9193562865257263, 0.16399168968200684, -0.8941481113433838, 0.2306113839149475, -0.5177455544471741, -0.3200927674770355, -0.15502901375293732, 0.5393209457397461, -0.3974255621433258, -1.1922274827957153, 0.2874436676502228, 0.4643547236919403, -1.2189096212387085, 0.5951113700866699, 1.0302270650863647, -1.450121283531189, -0.7775920629501343, -0.01168019324541092, -0.6681926250457764, -0.6545412540435791, 0.12402015179395676, -0.42372652888298035, 0.36684057116508484, 0.11863937973976135, 0.6144827008247375, -0.06627563387155533, -0.3211163878440857, -1.0002329349517822, 0.7118264436721802, 1.3083323240280151, -0.6694460511207581, 0.3339475691318512, -0.09586424380540848, 0.14292524755001068, 0.034730322659015656, -1.3722227811813354, -0.5693010091781616, 0.3767913281917572, 0.47178998589515686, -0.42217156291007996, -0.5398386716842651, -0.4838928282260895, -0.3143245279788971, -0.2780734598636627, 0.8420522809028625, -0.9071905612945557, 0.7420986890792847, -0.33443182706832886, 0.5450819134712219, 0.03771602362394333, -0.8670497536659241, -0.8035224676132202, 0.73038250207901, -0.9045456647872925, 0.4482928216457367, -0.2567588686943054, 0.18938033282756805, 0.565403938293457, 0.6542123556137085, 0.3039201498031616, 0.11569955199956894, -13.068807601928711, 0.32500267028808594, -0.2333451211452484, 0.2545347213745117, 0.7571790218353271, -0.01924799382686615, 0.23908895254135132, 0.7190629839897156, 0.7492222189903259, -0.13929946720600128, 0.42959073185920715, 0.5403378009796143, -0.03037748485803604, -0.563180148601532, -0.10121883451938629, -0.8249039649963379, -0.4287380278110504, -0.5669569373130798, 0.16725970804691315, -0.33929985761642456, 0.18394455313682556, -0.7069985866546631, -0.647815465927124, 0.34582576155662537, -0.1347217559814453, -0.07640525698661804, 0.0037304796278476715, -0.15281318128108978, -0.5305138826370239, 0.36029505729675293, 0.6584698557853699, -0.8110479116439819, -0.7514269351959229, -0.6112977266311646, 0.48056650161743164, 0.17818298935890198, -0.7964943051338196, -0.05572239309549332, 0.7010078430175781, -0.03641531988978386, 0.2530335783958435, 0.5026633143424988, 0.12383072823286057, 0.4400886297225952, -0.4036504030227661, 0.22356803715229034, -0.020141080021858215, -0.915574848651886, 0.3202004134654999, -0.3092687427997589, -0.5999415516853333, -0.9505553841590881, -1.1177035570144653, -0.1499413102865219, 0.32452890276908875, -0.17322584986686707, -1.114676833152771, 0.4405069947242737, -0.6458485722541809, -0.5931458473205566, 1.0751965045928955, 0.662912130355835, -0.5840356349945068, 0.0013533122837543488, 0.8122605085372925, -0.5134735107421875, 0.9670929312705994, 0.24795445799827576, -0.3403719663619995, 0.7044730186462402, -0.5297794938087463, 0.7819599509239197, 0.30420318245887756, 0.19236192107200623, 0.42390796542167664, 0.04443007707595825, 0.17040392756462097, -0.1711021512746811, 0.5183385014533997, 0.6392012238502502, -0.8870006203651428, 0.47913071513175964, 0.06045994162559509, -0.7795237302780151, -0.3937838077545166, 0.39203977584838867, -0.1575375497341156, -0.49063771963119507, 0.9629274606704712, 0.2793547511100769, 1.1122198104858398, 0.07228649407625198, -0.03850126266479492, -0.2965594530105591, -0.7675879001617432, 0.6210671067237854, -1.0510783195495605, 0.7062950730323792, -0.23679688572883606, -0.8835981488227844, 0.06734760105609894, 0.23881962895393372, -0.2254513055086136, -0.23291902244091034, 0.6119094491004944, -0.5776515603065491, 0.30464139580726624, 0.2892307937145233, -0.19751287996768951, 0.13462339341640472, 0.7807512879371643, 0.2682885229587555, 0.28076162934303284, 1.1390541791915894, 0.3646702468395233, 1.0110081434249878, 1.041764259338379, -0.46704304218292236, 0.39610224962234497, 1.5058526992797852, -0.0260024257004261, 0.2572166919708252, 0.5194846987724304, 1.0335274934768677, -0.15775860846042633, 0.10823850333690643, 0.24787411093711853, 0.472499281167984, -0.35942819714546204, -0.47916314005851746, -0.18635651469230652, 0.06652508676052094, 0.22747768461704254, -0.8976849913597107, -0.7057345509529114, -0.38568517565727234, -0.7511224746704102, 1.2263189554214478, -0.5561299920082092, -0.025775060057640076, -0.41486239433288574, -0.9179970622062683, -0.27944159507751465, -0.14206670224666595, -0.07773537188768387, -0.5298100113868713, -1.4788097143173218, -0.3351890444755554, -0.719551146030426, -0.5856561660766602, 0.3201606571674347, -0.4303939640522003, 0.6049846410751343, -0.6200408935546875, -0.3240658938884735, -0.009606895968317986, 0.5237440466880798, -0.5054424405097961, -0.3505449593067169, -0.532957136631012, 0.12139725685119629, 0.6797559857368469, -0.5260115265846252, 0.8266941905021667, 0.612648606300354, 0.28222593665122986, -0.5506362915039062, -0.13361015915870667, -0.7617838382720947, 0.31999802589416504, 0.7861705422401428, -1.223024845123291, -0.13969044387340546, -0.8165268898010254, -0.31478607654571533, -0.309886634349823, 0.7652254700660706, 1.078263759613037, -0.7529174089431763, 0.6392614245414734, 0.09195701777935028, 0.49127134680747986, 0.4182884991168976, -0.6642554998397827, -0.732588529586792, 0.6547170877456665, 0.019989531487226486, 1.1759157180786133, -0.1827782690525055, 0.4648459553718567, -1.6955734491348267, -0.8834690451622009, -0.40448155999183655, -0.3211570084095001, 0.8371390104293823, -0.22592541575431824, 0.9776265621185303, 0.004393106326460838, 0.19844815135002136, 0.2984680235385895, -0.09647352993488312, 0.7012330293655396, 0.5486478209495544, 0.2938774526119232, -0.144558846950531, -0.16352030634880066, -0.26621013879776, -0.11856825649738312, 0.5042542219161987, 0.5204724669456482, -1.1849651336669922, -0.09886709600687027, 0.2949199676513672, 0.6607645750045776, -0.0894697830080986, -1.1632652282714844, 0.5925686955451965, 0.009059496223926544, -0.5372653007507324, -1.1236172914505005, -0.5412290096282959, 0.8169417381286621, -0.619147002696991, 1.1972872018814087, 0.2798571288585663, 0.33600252866744995, 0.5795326828956604, 0.510168731212616, 0.41331708431243896, -0.2033623605966568, -0.9045595526695251, -0.05140017345547676, -0.03054702654480934, -0.16497841477394104, 0.029681585729122162, 0.08071697503328323, -0.9059823155403137, 0.36061975359916687, -0.8210199475288391, 0.24115273356437683, 0.0762348473072052, 0.2623358368873596, -0.02603565901517868, 0.8631091117858887, 0.24793629348278046, -1.5939538478851318, -0.31066271662712097, -0.33636218309402466, 0.28106433153152466, 0.7389934062957764, -0.1589561253786087, 0.6857373118400574, 0.6589981317520142, -0.00559648871421814, 1.1754542589187622, -0.17798367142677307, -0.20983780920505524, 0.3965591490268707, 0.040140725672245026, 1.1184061765670776, 0.5764527916908264, -0.13475263118743896, 0.2801797389984131, -0.30983591079711914, -1.325843095779419, -0.2785189747810364, -0.2882232367992401, 0.4073403477668762, 1.0534526109695435, -0.606242835521698, -0.2029939591884613, -0.6334742307662964, 0.0037698261439800262, -0.43849071860313416, 0.5907690525054932, 0.6673123836517334, -0.8745425939559937, -0.724065363407135, -0.6125397682189941, -0.1838274449110031, 1.1314258575439453, -0.6381709575653076, 0.08623923361301422, -0.9034448266029358, 0.4484539031982422, -0.038581252098083496, -0.48055320978164673, -0.5573854446411133, 0.47398310899734497, -0.4523565173149109, -0.03380279615521431, 0.29387059807777405, -0.4129837155342102, -0.3443329334259033, 0.0254675205796957, -0.31176817417144775, 0.5180802941322327, 0.3756706118583679, -0.8030535578727722, -0.21258732676506042, 0.18839846551418304, -0.10750436782836914, -0.017965782433748245, 0.7056397795677185, -0.11514643579721451, -1.480916976928711, 1.033389925956726, 0.3576727509498596, 0.3948806822299957, -0.09903879463672638, 0.28658178448677063, 1.0299005508422852, 0.09076505154371262, 0.8020291328430176]} +{"paper_id": "cc100", "embedding": [-0.49697279930114746, 0.5261996388435364, 0.5146524906158447, -0.2904420495033264, 0.6452749967575073, -0.9032108783721924, 0.14095178246498108, -0.025735564529895782, 0.9903591275215149, 0.4921967089176178, 0.44335129857063293, -0.2849678695201874, 0.5139697790145874, -0.18621709942817688, 0.42963382601737976, -0.2840331792831421, -1.0783483982086182, -1.3177117109298706, -1.438668966293335, -0.09456959366798401, -0.626830518245697, -0.21258419752120972, 0.25006529688835144, 0.6601849794387817, 0.09217449277639389, -1.04837965965271, 0.5889259576797485, -0.3729681670665741, 0.33482983708381653, 0.5251680612564087, -0.27179476618766785, 1.403623104095459, -1.7430812120437622, 0.30667299032211304, -0.6407746076583862, -0.5868996381759644, 0.44053661823272705, 0.9726161956787109, -0.1914413869380951, -0.21675744652748108, -0.4613071382045746, -0.7020846009254456, 0.2645610570907593, 0.4971136152744293, 1.1912165880203247, -0.01584942638874054, -0.41884171962738037, 0.1872313767671585, 0.5487666130065918, -0.3466262221336365, 0.16938631236553192, 0.1463455706834793, -0.2542966902256012, 0.4230583608150482, -0.6248514652252197, 1.04581618309021, 0.08905219286680222, -1.1497504711151123, 0.07702834904193878, -0.8824303150177002, 0.5676794648170471, 1.5230939388275146, -0.8603423237800598, 0.20522958040237427, 1.4712063074111938, 0.7592259645462036, 1.230065941810608, 0.3248389959335327, 0.7094557285308838, 0.647201657295227, -0.13307330012321472, -0.9571179747581482, 0.5737488865852356, 0.14017030596733093, 1.0160608291625977, 0.9516303539276123, 0.3253336250782013, 0.03363901749253273, -0.38380178809165955, -0.5441285371780396, -0.6193890571594238, 0.5345195531845093, 0.42061761021614075, -0.5080201029777527, -0.2213858664035797, 0.5260164737701416, 0.25498753786087036, -1.225104570388794, 0.914736270904541, -1.9759441614151, 0.9909115433692932, -0.3021974265575409, 0.5959835648536682, -0.054049693048000336, -0.09076118469238281, 0.004986029118299484, -0.25877267122268677, 0.21849454939365387, -0.460143506526947, 0.11428961902856827, 0.4687747359275818, -0.5566728115081787, 0.863048791885376, 0.39869046211242676, 0.0880202054977417, 1.3684847354888916, -0.18492379784584045, -0.8415597677230835, -1.0594501495361328, -0.02954358048737049, 0.1265576183795929, 1.1143208742141724, -0.10230544954538345, -0.052516136318445206, 0.052179206162691116, -0.11196468025445938, 0.5577183365821838, -0.5591592788696289, -0.5806050300598145, 0.006890356540679932, 0.10704825818538666, -1.1765702962875366, -1.0924607515335083, -0.2423073798418045, 0.8989647626876831, -0.6932581067085266, 0.04172026365995407, -0.3485546112060547, 0.5521412491798401, -0.6361034512519836, 0.6495431661605835, 0.46515968441963196, -0.6937752962112427, -0.1615404635667801, 3.002819061279297, -0.5958861112594604, 1.6413599252700806, -0.6642904877662659, 0.1794443428516388, -0.031025201082229614, -0.21694710850715637, 1.0435113906860352, 0.2106841504573822, -0.9857423901557922, -0.46171480417251587, 0.5275627374649048, -0.6493421196937561, 0.2664812207221985, -0.653475821018219, -0.5489195585250854, -0.15568460524082184, 0.46719348430633545, -0.4064975082874298, -0.866697371006012, 0.5151221752166748, 0.011776916682720184, 0.08480150997638702, 0.9236350655555725, -0.5814418196678162, 1.2137073278427124, 0.13725730776786804, 0.857272744178772, -0.5117661356925964, 0.8459885716438293, -0.7217252850532532, 0.2359110713005066, 1.236629843711853, -0.14716315269470215, -0.2741340100765228, -0.8007148504257202, 0.9707401394844055, 0.1007339283823967, 0.005008898675441742, 0.15491408109664917, -0.07022213190793991, 0.16381382942199707, 0.34223076701164246, 0.6493101716041565, 0.055296700447797775, -0.14490669965744019, 0.2558637857437134, -0.06779280304908752, 0.09310027211904526, 0.7480847239494324, 0.04591768980026245, 0.18675267696380615, -1.678883671760559, -0.34837615489959717, -0.45154106616973877, -0.4716951847076416, -0.23389506340026855, -1.0627752542495728, 0.2288849949836731, -0.47175559401512146, 0.8329576849937439, -0.3815925419330597, 0.8722341656684875, -0.8163388967514038, -1.1709835529327393, 0.5170319080352783, -0.13878826797008514, -0.17381693422794342, 0.5823289155960083, 0.5948483347892761, -0.33706778287887573, -0.03993306681513786, -0.16266481578350067, -1.3558506965637207, -0.14695662260055542, 2.15273380279541, -0.05782756209373474, -0.7728005051612854, -0.8160907030105591, -0.8208039402961731, -0.18686825037002563, -1.392683506011963, 0.41674527525901794, -0.7289482951164246, -0.01128416508436203, -1.229040503501892, 0.06959357857704163, -0.46048906445503235, -0.03511054813861847, 0.09568068385124207, 1.342037320137024, -0.371000736951828, -0.06492192298173904, -0.1873309463262558, -1.1908071041107178, 0.6816635131835938, 0.7825285196304321, 0.2642708122730255, -0.8457512855529785, 0.5437772274017334, 0.13849686086177826, 0.2877225875854492, 0.7946450710296631, 0.48698747158050537, -0.28343528509140015, -0.12372031807899475, -0.5477157235145569, 0.7496531009674072, -0.2743977904319763, -0.16720245778560638, 0.2261509746313095, 0.8440731167793274, -0.3299175500869751, -0.9383434653282166, -0.044702205806970596, -0.06241723150014877, 1.244110107421875, 1.3485608100891113, -0.5917485356330872, 1.553409218788147, -0.7131764888763428, 0.06087419018149376, -0.014841478317975998, -0.8415865302085876, -0.01870489865541458, -0.1580428183078766, 0.6227195262908936, -0.740387499332428, 0.2772887945175171, -0.0483672134578228, -0.46188896894454956, -1.788261890411377, -0.2612408995628357, -0.12889927625656128, -0.9553546905517578, -1.0019910335540771, -0.37427714467048645, -0.2870607376098633, -0.6949397325515747, -0.8138200044631958, 0.42402929067611694, 0.9492547512054443, -0.07099121809005737, 1.2373230457305908, 1.6788572072982788, 0.015177510678768158, 1.0066479444503784, 0.13335935771465302, 0.6145549416542053, -0.4098673164844513, 0.5556217432022095, 0.9018703699111938, 0.6209057569503784, -0.7868170738220215, -0.46118107438087463, -0.1541004478931427, -0.12245120853185654, 0.6512385010719299, 0.2007901966571808, 0.5700957775115967, -0.5927326679229736, -1.5916748046875, 1.2902605533599854, -0.3979406952857971, 0.26011741161346436, -1.0293048620224, 1.6868780851364136, 0.5382609963417053, 0.1667657345533371, 0.6176785230636597, -0.2807033956050873, 0.2639006972312927, 1.2336899042129517, -0.7129415273666382, 0.2411871999502182, 0.31434160470962524, -0.5078489184379578, 0.06527046114206314, 0.598434329032898, -1.978000521659851, 0.2843266725540161, 0.24215839803218842, 0.5863662362098694, -0.2313186079263687, -0.6352108120918274, 0.4104446768760681, -0.38144853711128235, -0.39985719323158264, 0.047271620482206345, -0.10202128440141678, 0.43232718110084534, 0.30400168895721436, -0.14292605221271515, 1.4415645599365234, -0.5950669646263123, 0.49014249444007874, 1.4634822607040405, 0.5826161503791809, -0.10992203652858734, 0.03852594643831253, 0.5029553174972534, -0.23697155714035034, 0.8720043897628784, 0.6504532694816589, 0.18417474627494812, 1.6764672994613647, -0.8026251792907715, 0.02374453842639923, 0.09188196063041687, 1.0146335363388062, 0.1575971245765686, 0.7321379780769348, -0.6344814300537109, 0.16954389214515686, 0.07877340912818909, 1.1939465999603271, 0.3922991454601288, -1.2608377933502197, -1.0808815956115723, -0.14113874733448029, -0.40589386224746704, -0.7115564942359924, 1.711201548576355, 0.32018622756004333, 0.839076817035675, -0.07149317115545273, 0.32336747646331787, 0.03443983569741249, 0.4041910469532013, 0.9781847596168518, 0.4566909074783325, -0.2249118536710739, -0.0994139015674591, 0.7840797901153564, 0.8418914675712585, -0.4509970247745514, -0.7990146279335022, -0.13808897137641907, 1.3353408575057983, -0.6493764519691467, -1.0061637163162231, 0.049296583980321884, 0.7165355086326599, 0.352633535861969, 0.8193568587303162, -0.7345741987228394, -0.4285634160041809, -0.019530819728970528, 0.7438534498214722, -0.31670376658439636, 0.35492339730262756, -0.6091182231903076, 0.1034758910536766, 0.47005802392959595, 1.4356571435928345, 0.28960269689559937, 0.5274507999420166, 0.6344254612922668, -1.194525957107544, -0.8811312913894653, 0.05653975531458855, -0.8039138317108154, -0.5394001603126526, -0.3931417167186737, -0.4609507918357849, -0.8016542792320251, 1.0309444665908813, -0.9609012007713318, -0.10350915789604187, 0.5159317255020142, -0.7285279631614685, -1.4482390880584717, 0.8182044625282288, 0.8128979206085205, -0.6268358826637268, -0.33666571974754333, -0.49364596605300903, -0.708907425403595, -1.111914038658142, 0.39680859446525574, -0.4952928125858307, -0.6865012049674988, -0.5270348787307739, 0.7296155095100403, -0.5294217467308044, -0.7284837961196899, -0.5031086802482605, 0.6417704224586487, 1.640978217124939, -0.8364034295082092, -0.07767905294895172, 0.38380247354507446, 0.6821435689926147, -0.20975592732429504, -0.7201031446456909, -0.2469348907470703, 1.0813840627670288, 0.477443665266037, 0.4936548173427582, -0.5756207704544067, -0.3661477267742157, 0.384013831615448, -0.11178550124168396, 0.8389114737510681, -1.0646055936813354, -0.014579663053154945, -0.056767821311950684, 0.5505340695381165, 0.5326447486877441, -0.22181358933448792, -0.2700641453266144, 0.99619060754776, -0.34189337491989136, 0.7612347602844238, -0.41263115406036377, 0.584978461265564, 0.5652490258216858, 0.26031655073165894, 0.6045545935630798, -0.3550677001476288, -11.611883163452148, 0.25318023562431335, -0.588094174861908, 0.09648355841636658, 0.42989581823349, -0.48898133635520935, 1.2254078388214111, 0.2072477489709854, 0.0510508194565773, -0.638607919216156, 0.3462205231189728, 1.0555120706558228, 0.7784374356269836, -0.6741786003112793, -0.4530678689479828, -0.43421292304992676, -0.20624545216560364, -0.056325122714042664, 0.350183367729187, -0.071747325360775, -1.056691288948059, -0.5195199251174927, -0.3029351234436035, 0.01567176915705204, -0.0411301925778389, -0.47477608919143677, -0.3828529119491577, -0.22960852086544037, 0.09237527847290039, -0.5593274831771851, 0.3257862627506256, -0.2164987027645111, -0.9999653100967407, -0.6395940184593201, 1.0953088998794556, 0.19662527740001678, -0.9203519225120544, 0.10733269900083542, 1.092300534248352, 0.11030581593513489, -0.5938186049461365, 0.7530259490013123, 0.03712592273950577, 0.7205982804298401, -0.41369637846946716, 0.36333632469177246, 0.830596387386322, -0.23561954498291016, 0.5734399557113647, -1.0596505403518677, 0.024955198168754578, -1.1955876350402832, -0.7539968490600586, -0.3341577351093292, 1.0154664516448975, 0.26382938027381897, -0.26971685886383057, 0.1430090218782425, -0.6360089182853699, -1.343564748764038, 0.828937292098999, 0.3817768692970276, -0.6740383505821228, -0.023160312324762344, -0.14324474334716797, -0.6118384003639221, 0.5762904286384583, 0.6408358812332153, -0.6146732568740845, 0.1746891885995865, -0.5227994918823242, 0.1524757593870163, 0.18864765763282776, -0.20494425296783447, 0.14612850546836853, -0.29556575417518616, 0.07226965576410294, 0.2827540636062622, -0.07497969269752502, 0.04528044909238815, -0.9988688230514526, 0.11378227174282074, -0.06512581557035446, -0.3874494731426239, -0.2119787484407425, 0.07670234143733978, -0.8866424560546875, 0.32112130522727966, 0.496710866689682, 0.44983386993408203, 1.1988942623138428, -0.08006775379180908, 0.5833696126937866, -0.28138184547424316, -0.27899572253227234, 1.0751463174819946, -0.7374736666679382, 0.9544172883033752, -0.1737147569656372, -0.7069711089134216, 0.2681350111961365, -0.2587323784828186, -0.2704038619995117, -0.09656751900911331, 0.936780571937561, 0.15546220541000366, 0.5431888103485107, 0.3284292221069336, 0.5731185078620911, 0.15062017738819122, 0.5157568454742432, -0.2745281755924225, -0.34735310077667236, 1.154930830001831, 0.13009780645370483, 1.4154601097106934, 0.10119941830635071, 0.2956995666027069, 0.6686663627624512, 0.7138521075248718, -0.04498298093676567, 0.59092116355896, 0.030965883284807205, 1.3943097591400146, -0.19991526007652283, 0.20778146386146545, 0.0002501271665096283, 0.620647132396698, 0.3959667682647705, -1.313409447669983, 0.133326917886734, -0.3760453760623932, -0.003376998007297516, -0.6462783217430115, 0.1734895557165146, -0.6711049675941467, -1.4725841283798218, 1.3601824045181274, -0.21310774981975555, 0.6984013319015503, -0.06708868592977524, -1.4984116554260254, 0.4311876893043518, -0.733690619468689, -0.6649060249328613, -0.07100140303373337, -0.8720744848251343, -0.5990743041038513, -0.46847593784332275, -0.6639034748077393, 0.7611947655677795, 0.29579564929008484, 0.6275588870048523, -0.7022868394851685, -0.2678159177303314, 0.184941828250885, 0.23536674678325653, -0.5304635763168335, -1.123698115348816, -0.23308730125427246, 0.16821883618831635, 1.5574865341186523, -1.0771602392196655, 1.1022617816925049, 0.5544871091842651, 0.008374391123652458, -0.8915863633155823, -0.448509156703949, -0.5999714732170105, 0.39434677362442017, 1.1465932130813599, -0.45001643896102905, -0.31138744950294495, -0.5981103777885437, -0.6068456172943115, -1.1058440208435059, 0.0016278140246868134, 1.1988617181777954, 0.03798277676105499, 0.8469099998474121, -0.10294655710458755, 0.5737237334251404, -0.2053930014371872, -0.8215782046318054, -1.4328758716583252, -0.29977530241012573, -0.5843580961227417, 0.5587235689163208, -0.2018474042415619, 0.6018651723861694, -1.4589310884475708, -1.1311895847320557, -0.3390176594257355, -0.3925754129886627, 0.26366886496543884, -0.3012216091156006, 0.9373369216918945, 0.047545671463012695, -0.1699034571647644, 0.12010087817907333, -0.3210524022579193, 0.25758829712867737, -0.37107324600219727, -0.37940168380737305, 0.26601991057395935, 0.040508121252059937, -0.8336231708526611, 0.2610067129135132, 0.502083957195282, 0.06772176176309586, -1.2980183362960815, -0.4512963891029358, -0.0341503880918026, -0.4960658550262451, 0.13589073717594147, -0.2712579071521759, 0.36677631735801697, -0.1439371109008789, 0.3594686985015869, -1.1040828227996826, -0.14306434988975525, 1.5040355920791626, 0.010464303195476532, 0.5152732729911804, 0.013960374519228935, 0.5419401526451111, 0.6061418056488037, 0.893949568271637, 1.530141830444336, -0.6849939823150635, -0.6582245826721191, -0.3429238796234131, 0.1272028684616089, -0.5415453314781189, -0.23027631640434265, 0.3450844883918762, -1.270443320274353, 0.10202883183956146, -1.3547531366348267, 0.6380773782730103, -0.35373467206954956, 0.2288285344839096, -0.009497016668319702, 0.5235875248908997, -0.3052677512168884, -1.1702337265014648, 0.43215179443359375, -0.8148935437202454, 0.0036313794553279877, -0.0981864333152771, 0.262082576751709, 0.4987456202507019, 0.8253911137580872, -0.033390045166015625, 1.2321131229400635, 0.050256796181201935, -0.6098040342330933, -0.13583922386169434, 0.251237154006958, 1.3069682121276855, 0.18492843210697174, 0.28759223222732544, -0.016640646383166313, -0.06454624980688095, -0.8686714172363281, -0.8000407814979553, 0.09330128878355026, 0.7218681573867798, 0.8396210074424744, -0.12433135509490967, 0.35193073749542236, -0.8588712811470032, -0.20537173748016357, -0.6866298913955688, 0.47679781913757324, 1.101647973060608, -0.3978447914123535, -0.8164505362510681, -1.3821227550506592, 0.6763966083526611, 1.539760947227478, -0.432888001203537, -0.031321167945861816, -0.634096086025238, 0.23481130599975586, 0.45734289288520813, -0.7724122405052185, -1.0248818397521973, 0.4851810038089752, 0.014444935135543346, 0.17273113131523132, 0.6683187484741211, -0.695227324962616, -0.6931943297386169, 0.3534775972366333, -1.301423192024231, 0.2793165445327759, -0.4284535050392151, -0.12459014356136322, -0.3905582129955292, 0.49445584416389465, -0.6756500005722046, -0.6894219517707825, 0.7026610374450684, -0.20980332791805267, -1.7005609273910522, 0.9901487827301025, 1.3139939308166504, -1.1055986881256104, -0.3073338270187378, 0.36724334955215454, -0.017465706914663315, 0.3141924738883972, 1.3806272745132446]} +{"paper_id": "euronews", "embedding": [-0.37909382581710815, 1.0965943336486816, -0.06881974637508392, -0.3032696843147278, -0.2605956792831421, -0.1050419807434082, -0.40257665514945984, 0.6684736609458923, 0.8855538368225098, 0.6183075308799744, 0.4355371296405792, -0.1697477549314499, 0.22806397080421448, 0.10115797817707062, -0.46938756108283997, -0.22161859273910522, -0.34350183606147766, -0.7323349714279175, -0.45478108525276184, -0.4711504876613617, -0.7908148169517517, -0.6341663002967834, -0.4007815420627594, 0.35502806305885315, -1.2096877098083496, -0.49203237891197205, 0.06099582463502884, -0.8783538341522217, 0.12554697692394257, 0.4170796573162079, -0.18586251139640808, 1.0519354343414307, -0.9922211170196533, 0.11071404069662094, -0.37787896394729614, 0.472843199968338, 0.38142621517181396, 0.900933563709259, -0.6354033350944519, 0.1807953417301178, -1.0455081462860107, -0.2614716589450836, 0.5689882040023804, 0.1636025458574295, 1.371168851852417, -0.3959295451641083, 0.5810872912406921, 0.4498542249202728, 0.7098158597946167, -0.23649956285953522, -0.3390694856643677, 0.3755553364753723, -0.11916443705558777, -0.3067145347595215, -0.128025621175766, 0.8216610550880432, 0.1399950087070465, -0.9006854891777039, 0.015778494998812675, 0.05244448781013489, 0.29869982600212097, 0.585220217704773, -0.5197649598121643, -0.21854057908058167, 0.6332645416259766, 0.20368869602680206, 1.5779919624328613, -0.06966299563646317, 0.9284083247184753, 0.7155523896217346, 0.1877281218767166, -1.0848227739334106, 0.6731699109077454, -0.2289333939552307, 0.6602083444595337, 1.2426296472549438, 0.566969633102417, -0.39195698499679565, 0.8507018089294434, -0.012264156714081764, -0.5626872181892395, 0.8365774750709534, 0.6117693185806274, -0.23663771152496338, -0.4094310402870178, -0.3069635033607483, 0.671968936920166, -0.539084792137146, -0.03313160687685013, -1.6236695051193237, 0.17354215681552887, 0.11585211008787155, -0.660453200340271, -0.1484915018081665, -0.2694835364818573, 0.18790361285209656, 0.3870965838432312, -0.5120686292648315, -0.7808928489685059, 0.07877928018569946, 1.0548031330108643, -0.2798769474029541, -0.07435663789510727, -0.31872841715812683, -0.017705820500850677, 1.409220576286316, -0.9718360900878906, -0.23074960708618164, -0.8710082769393921, -0.1191079393029213, -0.06975122541189194, 1.1664642095565796, 0.48699483275413513, 0.7346971035003662, -0.5893262028694153, -0.11906957626342773, 0.3739394247531891, -0.5550051927566528, -0.9921249747276306, -0.06732968986034393, -1.029226541519165, -0.7730768322944641, -0.16632965207099915, 0.642722487449646, 1.1297317743301392, -0.4578043222427368, 0.6659570932388306, 0.21960005164146423, 0.0862763449549675, -0.5302948355674744, 0.7044632434844971, -0.36330097913742065, -0.5603775978088379, -0.43036606907844543, 2.453305244445801, -0.7889879941940308, 0.47108861804008484, -0.22428388893604279, 0.027349915355443954, -0.1005493700504303, 0.06576196849346161, 1.07038414478302, 0.6413537263870239, -0.5047450065612793, -0.5031911730766296, 0.5081778168678284, -0.7880635261535645, 0.35781291127204895, -0.4441993236541748, -0.2833881974220276, 0.16755861043930054, 0.6020398736000061, -1.1970654726028442, -0.2595292329788208, 0.10879217088222504, 0.6739738583564758, 0.02896486222743988, -0.03761449083685875, -0.07779596745967865, 1.2069238424301147, 1.0988373756408691, 0.0003948584198951721, -0.7654010057449341, 0.524124026298523, -0.6664111614227295, 0.38028475642204285, 1.8043590784072876, 0.0066862814128398895, -1.353478193283081, -0.18780973553657532, 0.5044435858726501, -0.8936250805854797, -0.3170599639415741, -0.2045225203037262, -0.18330349028110504, -0.3423673212528229, 0.537670373916626, 0.18909776210784912, -0.2170974612236023, -0.318422794342041, -0.0837407261133194, 0.2530602216720581, -0.24663329124450684, 0.8534195423126221, 0.016857419162988663, 0.5131880044937134, -1.7403771877288818, -0.0438871905207634, -0.4650183916091919, 0.2630237936973572, -0.5196892023086548, -0.45677199959754944, -0.274531751871109, 0.6998733282089233, 0.7099529504776001, -0.17904113233089447, 0.26780053973197937, -1.3434536457061768, -0.7647320032119751, 0.0010001882910728455, 0.23665717244148254, -0.27979421615600586, -0.28345033526420593, 0.8274087309837341, 0.5798599720001221, -0.5564114451408386, -0.3072669804096222, -1.4455692768096924, 0.28780606389045715, 1.7548056840896606, -0.3663514256477356, -0.7914313673973083, -1.9609156847000122, 0.089871346950531, 0.5659052729606628, -0.8850392699241638, 0.4286442697048187, -0.03684602677822113, 0.3118599057197571, -0.5331441164016724, 0.7627440690994263, -0.6386665105819702, -0.04538732022047043, -0.24353238940238953, 0.6047064661979675, -0.39671266078948975, -0.9744478464126587, -0.41564345359802246, -0.7619773149490356, 0.5080764889717102, 0.2198665291070938, 0.6258187294006348, -0.018964335322380066, 0.8047286868095398, 0.8444370627403259, 0.5870323181152344, -0.40865805745124817, 0.8037358522415161, -0.631555438041687, 0.43369004130363464, -0.42203158140182495, 0.6214185357093811, -0.3684917092323303, -0.677679717540741, 0.5817501544952393, 0.31900274753570557, -0.1448015570640564, -0.3172527551651001, 0.21920549869537354, 0.2773074209690094, 0.9737077951431274, 1.2747180461883545, -0.9691483378410339, 1.1767265796661377, -1.5145459175109863, 0.44929203391075134, -0.6790480613708496, -0.6423731446266174, -0.4722985029220581, 0.05658920109272003, 0.5859308242797852, 0.07230599224567413, 0.3273705542087555, 0.20181326568126678, -0.3182978630065918, -1.2111268043518066, -0.2965075671672821, 0.11233020573854446, -0.6693365573883057, -0.409583181142807, 0.2968919277191162, -0.06276583671569824, -1.3611741065979004, -0.5053442716598511, -0.29581785202026367, 0.5711236000061035, -0.3465826213359833, 0.24938040971755981, 0.9797897338867188, 0.029924772679805756, 0.2417983114719391, 0.325708270072937, 0.5839599370956421, -0.723993718624115, 0.6263078451156616, 0.1419486701488495, -0.04030520096421242, -1.1464532613754272, 0.2678903639316559, -0.03692203015089035, 0.22873377799987793, 0.0660102441906929, 0.3518582284450531, 0.4084652066230774, -0.3430846035480499, -1.2864865064620972, 1.1610597372055054, -0.17940711975097656, -0.2475927770137787, -1.6801598072052002, 1.272051215171814, 0.4355899393558502, 0.1788303405046463, 0.47254496812820435, -0.02708115056157112, 0.16650152206420898, 1.3849161863327026, -0.31444114446640015, 0.6461832523345947, -0.09060876071453094, 0.4365924000740051, -0.35216617584228516, 0.9382949471473694, -2.0381710529327393, -0.4254557192325592, 0.19271644949913025, 0.2260258048772812, 0.39386728405952454, -0.10789290070533752, 0.6351096034049988, -0.25009143352508545, -0.43654245138168335, 0.21910294890403748, -0.9346200227737427, 0.3170053958892822, -0.864768385887146, -0.08827030658721924, 0.6590761542320251, -0.21539326012134552, 0.5459282994270325, 0.39374011754989624, 0.0669548511505127, -1.2432427406311035, 0.07144910842180252, 1.32587730884552, -0.05858848989009857, 0.848686695098877, 0.399861603975296, 0.7350960373878479, 0.7781139612197876, -1.2715117931365967, 0.050434015691280365, 0.42268162965774536, 0.4949539005756378, 0.39916083216667175, 0.45342370867729187, 0.2990506887435913, 0.8581661581993103, -0.8220387101173401, 1.0667260885238647, 0.4147891700267792, -0.8535339832305908, -1.451643943786621, 0.18713541328907013, -1.1292710304260254, 0.037625692784786224, 2.1743059158325195, 0.9413199424743652, 2.0878443717956543, -0.07888796180486679, 0.0532722994685173, -0.560099720954895, 0.024422455579042435, 1.0373964309692383, 0.8680969476699829, -0.3037993311882019, 0.02704004943370819, 0.2939452528953552, 0.06489567458629608, -0.2621031105518341, -0.5579369068145752, 0.11660986393690109, 0.38039782643318176, 0.2486131489276886, -1.0728212594985962, 0.08244502544403076, -0.1871981918811798, 0.9387864470481873, 1.9937126636505127, -0.6695623397827148, -0.6702671647071838, -0.6598865389823914, 0.2744174003601074, 0.5034549236297607, 0.526504635810852, -1.232170820236206, -0.09202784299850464, 0.026853855699300766, -0.30847200751304626, -0.30190563201904297, 0.9757753014564514, 1.1598306894302368, -0.07803958654403687, -0.9994502067565918, 0.43563079833984375, -1.308885931968689, -0.07156038284301758, -0.19839763641357422, 0.09334918111562729, -0.5395234227180481, 0.43724432587623596, 0.009091567248106003, -1.3100727796554565, 0.3483718931674957, -0.4593340754508972, -1.612125039100647, 1.0125752687454224, 1.4269835948944092, -0.8563228249549866, -0.5988398194313049, 0.1316782683134079, -0.23975715041160583, -0.40941086411476135, -0.1747586876153946, -1.421071171760559, 0.45458629727363586, 0.3289906680583954, 0.7650859951972961, 0.2882522940635681, -0.18586072325706482, -0.3640345633029938, 0.5719696879386902, 0.4737648069858551, -0.008436828851699829, 0.13948854804039001, -0.09432784467935562, 0.4921218752861023, -0.05795283615589142, -1.6898303031921387, -1.0253658294677734, 0.5192322731018066, -0.1959010660648346, -0.3336776793003082, -0.7906928658485413, -1.0041546821594238, 0.0827658623456955, 0.030032921582460403, 0.5657604932785034, -0.9528379440307617, 0.7488774657249451, -0.8906729817390442, 0.497956246137619, -0.11845836043357849, -0.9542592763900757, -1.4824320077896118, 1.0359621047973633, -0.14654359221458435, 0.14072397351264954, 0.06783454120159149, 1.1144254207611084, 0.7176798582077026, 0.19805744290351868, -0.013227459043264389, -0.8365604281425476, -12.135955810546875, 0.13016915321350098, 0.12892431020736694, 0.46778202056884766, 0.8897897601127625, 0.3375386893749237, 0.6930099129676819, -0.14938868582248688, 1.1406604051589966, -0.1317121982574463, 0.36495351791381836, 0.9641396403312683, 0.11999855190515518, 0.19703233242034912, -0.4237228333950043, -1.1859625577926636, -0.6510245203971863, -0.5804905891418457, 0.5782036781311035, 0.2536294758319855, -0.2104056477546692, -1.0264041423797607, -0.36641740798950195, 0.40765029191970825, 0.566658616065979, -0.4703466296195984, 0.620980978012085, 0.19725292921066284, -0.5650050044059753, -0.29944542050361633, 0.856355607509613, -0.6227376461029053, -1.0642298460006714, 0.32642662525177, 0.4729697108268738, 0.2765766978263855, -1.542746901512146, 0.04323267191648483, 1.1506680250167847, 0.10106303542852402, -0.35852497816085815, 0.3630352318286896, 0.010538826696574688, 0.06763507425785065, -0.6192259788513184, 0.09757928550243378, 0.4416724145412445, -1.0319055318832397, -0.03048165887594223, -0.13762137293815613, -0.4252367615699768, -0.12753941118717194, -1.0382335186004639, -0.2443995326757431, 1.3731070756912231, 0.2227303385734558, -0.04624057561159134, -0.45491084456443787, -0.7847853302955627, -0.7956790924072266, 1.3393990993499756, 0.005248794332146645, -0.56341952085495, 0.330721914768219, 0.05486811324954033, -0.07793864607810974, 0.6396245360374451, 0.4437768757343292, 0.35107651352882385, 0.06327091157436371, -0.48661667108535767, 0.7874897122383118, 0.6555973291397095, 0.25165799260139465, 0.052586838603019714, -0.3344464600086212, 0.09500930458307266, -0.7091273665428162, -0.21741804480552673, 0.5570034384727478, -0.9089430570602417, 1.2543773651123047, -0.422977089881897, 0.2587263286113739, -0.23156090080738068, -0.21778927743434906, -0.16493025422096252, -0.9470027685165405, 0.07995942234992981, 0.2869943380355835, 1.116376519203186, -0.5630597472190857, -0.5375658869743347, -0.0255519337952137, -1.0033632516860962, 0.45246371626853943, -0.2955930829048157, 1.2284224033355713, 0.6157474517822266, -0.5331191420555115, 0.020553093403577805, -0.6018087267875671, -0.4967583417892456, -0.7345273494720459, 1.0101100206375122, -0.06383094191551208, 0.06700077652931213, 0.04216581583023071, 0.07545597106218338, -0.19765087962150574, 0.9252778887748718, -0.6929490566253662, 0.4729408025741577, 1.2355492115020752, 0.08263461291790009, 1.10762619972229, 0.5212947726249695, 0.053572818636894226, 0.771226167678833, 1.2989940643310547, 0.8273683786392212, 0.6768438220024109, 0.061218246817588806, 0.8214839100837708, -0.03572704643011093, -0.20452825725078583, 0.426257461309433, 0.8313449025154114, 0.18328739702701569, -1.2527772188186646, -0.5243358016014099, 0.38121455907821655, 0.02393946796655655, -1.094164490699768, -0.5532408952713013, -0.8775399923324585, -0.806361198425293, 0.68955397605896, -0.1436164379119873, -0.014935437589883804, -0.08420389890670776, -0.6265023946762085, 0.21893998980522156, 0.1400836706161499, -0.6533100605010986, -0.3487972319126129, -1.0329370498657227, -0.22596335411071777, -0.6030104160308838, -1.1447657346725464, 0.692481279373169, -0.5369522571563721, 0.8398982286453247, -0.2227131724357605, 0.4486348330974579, 0.3470675051212311, -0.006279449909925461, -0.5377213358879089, 0.07412277162075043, 0.35106202960014343, 0.32874795794487, 0.5548800230026245, -0.7856174111366272, 1.3290894031524658, 0.7236552238464355, -0.20326906442642212, -0.6407364010810852, -0.8293832540512085, -0.7207565903663635, 0.13774698972702026, 0.7995420694351196, -1.1325178146362305, 0.19095247983932495, -0.6170737147331238, -0.16253548860549927, -0.9508845210075378, 0.1298387199640274, 1.0338207483291626, -0.6766649484634399, 0.2258283495903015, 0.4052407443523407, 0.3782733380794525, 0.6697798371315002, -0.12875120341777802, -0.4209933876991272, -0.6365730166435242, 0.22615313529968262, 0.8006094098091125, 0.2710407078266144, 0.6380963325500488, -1.3280409574508667, -0.6106711626052856, -0.6614304184913635, -0.4500531256198883, 1.1089600324630737, 0.26271942257881165, 1.061442494392395, 0.6554773449897766, 0.15376824140548706, 0.5149297714233398, 0.38210538029670715, 1.164559245109558, 0.8599616885185242, 0.6948395371437073, -0.8007917404174805, -0.42239639163017273, -1.1140573024749756, 0.3593268394470215, 0.7331022620201111, 0.5546048879623413, -0.6963810324668884, -0.350040078163147, 0.6917682886123657, -0.23267151415348053, 0.8652323484420776, -0.7269260883331299, 0.5931686162948608, -0.10972587764263153, -0.4688580334186554, -0.9978358745574951, -0.09864696115255356, 0.4861384332180023, -0.7355626821517944, 0.7505969405174255, -0.08241161704063416, -0.3107646107673645, 0.5547248125076294, 0.16122598946094513, 1.3716882467269897, -0.5218514800071716, 0.03683111071586609, 0.7967367172241211, -0.35427582263946533, -0.2195749580860138, -0.6763864755630493, 0.6177216172218323, -0.5453858971595764, 0.7052716612815857, -0.36212947964668274, 0.20449212193489075, -0.15165404975414276, 0.06942197680473328, -0.4571484327316284, 0.54610675573349, -0.13786467909812927, -1.1653310060501099, -0.6184316873550415, -0.14434778690338135, -0.19663716852664948, 0.23580493032932281, 0.3361269235610962, 0.3183700442314148, 0.695203423500061, 0.25247371196746826, 1.1671277284622192, 0.009984061121940613, 0.03496639057993889, 0.3473413586616516, 0.0400872677564621, 1.080654501914978, 0.98724365234375, 0.2590903043746948, 0.2641296684741974, 0.061140816658735275, -1.3354328870773315, -1.1220693588256836, -0.6516750454902649, 0.24800510704517365, 1.229898452758789, -0.9525684714317322, 0.44363933801651, -0.5605307817459106, 1.010162115097046, 0.06266462057828903, 0.3818868100643158, 0.3129892945289612, -0.0789007768034935, -0.344611257314682, -0.608005166053772, 0.2267676144838333, 1.143466591835022, -0.5464385151863098, -0.14538273215293884, -0.7609813809394836, -0.2370176613330841, -0.8917449116706848, -0.35939595103263855, -0.4969727694988251, 0.9535531401634216, -0.37298497557640076, -0.1559237837791443, -0.28505799174308777, -0.727759599685669, -0.8263494968414307, 0.6185015439987183, -0.8325613737106323, 0.07588157057762146, 0.6522601842880249, -0.7458059787750244, 0.23351415991783142, 0.6548410058021545, -0.8996057510375977, 0.19022229313850403, 0.5153788328170776, -0.6674193143844604, -1.113205909729004, 0.27352413535118103, 0.008607953786849976, 0.16951411962509155, -0.674491286277771, 0.3728487193584442, 0.9927104711532593, -0.13008356094360352, 0.29866093397140503]} +{"paper_id": "fashion_mnist", "embedding": [-0.06836764514446259, 0.6277763247489929, -0.12048599123954773, -0.3308851420879364, -0.3338319957256317, -0.03066696599125862, 0.7697297930717468, 0.20520003139972687, 1.0633329153060913, 0.2734535336494446, 0.786249041557312, 0.16340278089046478, 0.24017012119293213, -0.4512051045894623, -0.35858726501464844, 0.6813864707946777, 0.08222123235464096, -0.6795161366462708, -0.5184406042098999, 0.1480119228363037, -1.4415262937545776, -0.8141999244689941, -0.2920744717121124, 0.41793733835220337, -0.7936655879020691, -0.39883652329444885, 0.8007187843322754, -0.2033667266368866, 0.7185071110725403, 0.6684371829032898, 0.3461228907108307, 0.7560882568359375, -1.6367394924163818, 1.0587700605392456, -0.9562786817550659, -0.27824655175209045, 0.36751747131347656, 0.7350229620933533, -0.5777190327644348, -0.487374484539032, -0.12442107498645782, -0.2199796438217163, 0.8070858120918274, 0.2404131293296814, 0.5949937701225281, -0.3677016496658325, -0.22153876721858978, 0.04290781915187836, 0.26332324743270874, 0.352622926235199, -0.28069794178009033, 0.37465977668762207, -0.04128517210483551, 0.2533268928527832, -1.296606183052063, 0.5584797263145447, -0.261902391910553, 0.01924692466855049, 0.4148460030555725, -0.8512043952941895, 0.20886211097240448, 0.9361134767532349, 0.1887551248073578, 0.34162551164627075, 0.3962017893791199, 0.5353093147277832, 0.6827104687690735, -0.03239860385656357, 0.2783522307872772, 0.3719330430030823, -0.30063971877098083, -0.974327802658081, 0.676379382610321, 0.7162430286407471, -0.18317654728889465, 1.0901435613632202, -0.5387524366378784, -0.859292209148407, 0.41286757588386536, 0.005495274439454079, -0.41462916135787964, -0.39120161533355713, -0.8825806379318237, 0.29779931902885437, 0.18312589824199677, -0.38731178641319275, -0.3545628786087036, -1.2144689559936523, 0.3983519971370697, -1.0291122198104858, 0.49960917234420776, -0.12025558203458786, 0.7291277647018433, -0.14825676381587982, 0.03920087590813637, -0.9785592555999756, -0.03074593096971512, 0.1791141778230667, -1.1347819566726685, 0.6981043219566345, 0.38107314705848694, -0.5269322395324707, 1.2388001680374146, -0.3032834231853485, 0.01877129077911377, 0.5308257341384888, 0.002705022692680359, -0.39568156003952026, -0.06186060979962349, -0.05113833397626877, -0.20570802688598633, 1.085160732269287, 0.4136962294578552, 0.2661530077457428, 0.3233446180820465, -0.017817385494709015, 0.07786845415830612, 0.576155424118042, -0.9068997502326965, 0.14695310592651367, 0.6959651708602905, -1.767482042312622, -0.5481621623039246, 0.004058048129081726, 0.21244706213474274, -0.042957816272974014, 0.5004221200942993, 0.08876416832208633, -0.6768452525138855, -0.18516328930854797, 0.9363689422607422, 0.20211198925971985, -0.6158284544944763, 0.39868971705436707, 2.9241950511932373, -0.34504804015159607, -0.012581790797412395, -0.6446012854576111, -0.7646499872207642, -0.40503084659576416, -0.3037613034248352, 0.9741457104682922, 0.45066627860069275, -1.1871312856674194, -0.8376811742782593, 0.09056182950735092, -0.5502521991729736, -0.257617324590683, -0.707347571849823, 0.17702098190784454, 0.22912998497486115, 1.2955622673034668, -0.6514824628829956, -1.5240154266357422, 0.21208493411540985, 0.3095303475856781, 0.6545749306678772, -0.16337521374225616, -0.7973514795303345, 0.7371504902839661, 0.4347316026687622, 0.8715566992759705, -0.33050334453582764, 0.6684903502464294, 0.20474302768707275, 0.03535366803407669, 0.9283310770988464, 0.5288825035095215, -0.08448765426874161, -1.0221552848815918, 0.47452685236930847, -0.27601224184036255, 0.4337087869644165, 0.1743144541978836, 0.11162353307008743, 0.4321378171443939, 0.0005495883524417877, 0.2776009738445282, 0.5544446110725403, -0.7260767221450806, -0.22210198640823364, 0.11831057071685791, -0.38158419728279114, -0.04253070056438446, 0.8681067824363708, -0.23926377296447754, -1.3794138431549072, 0.21569456160068512, -1.0674142837524414, -0.09790842235088348, 0.45045530796051025, -0.28135427832603455, 0.0819406658411026, -0.05242663994431496, 0.13055692613124847, 0.31913670897483826, 0.25324758887290955, -1.1672338247299194, -0.5078469514846802, 1.9513812065124512, -0.41231516003608704, 0.24499285221099854, -0.7041860818862915, 0.31485146284103394, 0.2844105362892151, 0.7054336667060852, 0.5005171298980713, -0.8279169201850891, 0.255819708108902, 0.8886688947677612, 0.3307879567146301, -1.1593340635299683, 0.11833374947309494, -0.6637238264083862, 0.29823368787765503, -1.1798031330108643, 0.7282483577728271, -0.5552558898925781, -0.2769530117511749, -1.1780565977096558, 0.037540651857852936, -0.5222679376602173, -0.018762394785881042, 0.3270427882671356, 1.2170714139938354, -0.676855206489563, -0.5121186971664429, 0.4438316226005554, -1.2890260219573975, 0.37543800473213196, 0.28095197677612305, 0.5454333424568176, -0.1611088514328003, 1.2119348049163818, -0.07032527774572372, 0.12196299433708191, 0.9226046204566956, 0.9514754414558411, -0.6553610563278198, 0.5989108681678772, -0.20586061477661133, -0.4130733609199524, -0.8762933015823364, -0.5437531471252441, -0.17386013269424438, -0.2835167348384857, -0.35791507363319397, -1.5354028940200806, -0.2814616560935974, 0.22852036356925964, 1.6211442947387695, 0.24133002758026123, -0.1946631520986557, 0.07694276422262192, 0.47434327006340027, -0.18882355093955994, 0.9557967782020569, 0.2283536046743393, 0.5719107985496521, -1.1724910736083984, 0.22075983881950378, -0.45640668272972107, -0.04125688225030899, 0.06838959455490112, 0.07654064893722534, -0.006695587188005447, -0.4056224822998047, 0.006246492266654968, -0.9175366163253784, -0.04662637412548065, -0.1386193484067917, 0.7403458952903748, -0.7206687927246094, -0.386881947517395, -0.34138110280036926, 0.9923204183578491, -0.34493106603622437, 1.1402299404144287, 0.6854318380355835, -0.4624350666999817, 0.6500278115272522, -0.4314906597137451, 0.34558504819869995, -0.15482482314109802, 0.35294944047927856, 0.23427963256835938, -0.13427558541297913, -1.3182520866394043, -0.8847565650939941, -1.1677789688110352, -0.16884076595306396, -0.11630486696958542, -0.19983845949172974, 0.8575302958488464, -0.4454748034477234, -1.4245260953903198, 1.9719703197479248, 0.13697761297225952, 0.39847907423973083, 0.21993418037891388, 0.8577683568000793, 0.48226040601730347, -0.4637749195098877, -0.2571818232536316, -0.22794967889785767, 0.04636230692267418, 1.4054756164550781, -0.41527143120765686, 0.025238465517759323, 0.4650832414627075, -0.030772961676120758, 0.21212933957576752, -0.020672522485256195, -1.666024088859558, -0.31828054785728455, -0.7365126609802246, -0.2297552227973938, 0.13556554913520813, -0.8587268590927124, -0.24171525239944458, -0.18050967156887054, 0.44847631454467773, 0.06246764585375786, -1.2865190505981445, -0.23050779104232788, 0.040660418570041656, 0.45108652114868164, 0.08539535105228424, -0.5561900734901428, -0.017436562106013298, 0.3928528130054474, -0.08936350792646408, -0.5536046028137207, 0.11802738159894943, 0.607699990272522, -0.8086725473403931, -0.2908189594745636, 0.5271987318992615, 0.5820087790489197, 0.31729477643966675, -0.050578854978084564, 0.06480451673269272, 0.1718832403421402, -0.13648009300231934, -0.3435298800468445, 0.1701042354106903, 0.9954642653465271, 0.6390535235404968, 0.7770014405250549, 1.3935738801956177, -0.27200421690940857, -0.41867420077323914, -1.1040810346603394, 0.8160793781280518, -0.08583422750234604, 0.13514071702957153, 1.514999270439148, 0.24640193581581116, 0.6590176224708557, -0.7346937656402588, 0.7751005291938782, 0.3580303490161896, 0.14281533658504486, 0.21316200494766235, 1.3231803178787231, -0.33001524209976196, -0.11885637044906616, 0.32435256242752075, -0.17565710842609406, 0.23619115352630615, 0.0015076734125614166, -0.19441109895706177, 0.5576306581497192, -0.23405049741268158, -0.20153191685676575, -0.27258723974227905, 0.6970950365066528, 0.8537615537643433, 1.7251683473587036, -0.09037671983242035, -0.48220208287239075, -0.16117018461227417, 0.35668203234672546, 0.5780463814735413, -0.999807596206665, -0.24739956855773926, 0.3750414550304413, 0.05693371221423149, 1.1199910640716553, 0.3818652629852295, 0.2982487976551056, -0.20973244309425354, 0.0028702877461910248, -0.7389827370643616, 0.36928069591522217, -0.8435793519020081, -0.7300004959106445, -0.2595904469490051, 0.44023409485816956, -0.13095997273921967, 0.134985089302063, -0.09095675498247147, -1.436069369316101, 0.3087320029735565, -0.17215123772621155, -0.2887294888496399, -0.03903183341026306, 1.6848440170288086, -0.5569788813591003, -0.19260090589523315, -0.6167532205581665, -0.6427890658378601, -0.2433224618434906, 0.4489251971244812, -0.4319150447845459, -0.24934513866901398, 0.12336443364620209, 0.5770250558853149, -0.2593942880630493, -0.9253677129745483, -0.11470267176628113, 1.1120713949203491, 0.8514018654823303, -0.7263022661209106, 0.7466640472412109, -0.8518614172935486, 0.39497268199920654, 0.024332286790013313, -0.6369585394859314, 0.09314348548650742, 1.0147428512573242, 0.5404151678085327, -0.15535007417201996, -1.0082675218582153, -0.1208343505859375, -0.4411630630493164, 0.2645377218723297, 1.3975976705551147, -0.5498749017715454, -0.4861389994621277, 0.2394292950630188, 1.067541241645813, 0.3065314292907715, 0.263711154460907, -0.10626698285341263, 1.8262693881988525, -0.31499916315078735, 0.6093499660491943, -1.2879565954208374, -0.08273528516292572, 0.7231761813163757, 0.16474086046218872, -0.14596796035766602, 0.24546656012535095, -12.888582229614258, 0.5491730570793152, -0.19137893617153168, 0.5970396995544434, 1.1736559867858887, -0.17643842101097107, 0.21027502417564392, 0.2577854096889496, 0.5149765014648438, -0.1399129033088684, -0.07226637005805969, 0.41155895590782166, 0.5523688197135925, -0.2876710593700409, -0.1786525547504425, -1.563259482383728, -0.9658541083335876, -0.7886632084846497, -0.05752424895763397, 0.2916978895664215, 0.6462467908859253, -0.2122107744216919, -0.9372504949569702, -0.18724572658538818, -0.22460594773292542, -1.0382869243621826, -0.3122004270553589, -0.29440197348594666, -0.09411398321390152, 0.4842677414417267, 0.05284694954752922, 0.1416693776845932, -0.5842041373252869, -0.4890003800392151, -0.09042034298181534, 0.02726886048913002, -0.3959169387817383, 0.2603439390659332, 1.2435095310211182, -0.16753868758678436, -1.2726929187774658, 0.6143961548805237, -0.17987091839313507, 0.5899184942245483, -0.371425062417984, -0.3291354179382324, -0.014372649602591991, -0.3763396441936493, -0.4085450768470764, -0.40175536274909973, -0.00328613817691803, -0.31939297914505005, -0.2732996642589569, -0.4366077482700348, 0.7362667918205261, 0.4802798330783844, -0.806263267993927, -0.1836627870798111, -0.49824419617652893, -0.8783127069473267, 0.32686227560043335, 0.47388756275177, -1.0273321866989136, 0.3945685923099518, 0.738447368144989, -0.45893919467926025, 1.0520445108413696, 1.068128228187561, 0.03584691882133484, 0.4099992513656616, -0.8785631060600281, 0.9166929125785828, 0.7478230595588684, -0.1543257236480713, -0.4385567307472229, 0.2676979899406433, -0.017264140769839287, 0.22028224170207977, -0.23647528886795044, -0.010354490950703621, -1.154131531715393, 0.20738263428211212, -0.6215391755104065, -0.6888390779495239, -0.003089427947998047, 0.8197083473205566, -0.5427706241607666, -0.2413332164287567, 0.21744316816329956, 0.10694984346628189, 0.919501006603241, -0.47386565804481506, -0.01841311901807785, -0.19024333357810974, -0.5981550812721252, 0.7310500144958496, -0.7466395497322083, -0.3699754476547241, -0.5886797904968262, -0.5546690821647644, 0.4441157579421997, 0.2928173542022705, -0.15278097987174988, 0.029635269194841385, 0.6134019494056702, 0.24763557314872742, 0.09983646869659424, 0.2024475634098053, 0.3987974226474762, 1.0910817384719849, 0.025655465200543404, -1.1545673608779907, -0.3386080861091614, 1.3356727361679077, -0.4021380543708801, 0.8395456671714783, 1.0875725746154785, -0.42645275592803955, 0.2860141098499298, -0.24112056195735931, -0.27164846658706665, 0.10096658766269684, 1.4896166324615479, 0.7519168257713318, -0.19674959778785706, 0.08771210163831711, 0.542280375957489, 0.3460194170475006, 0.2435176968574524, -0.879987895488739, 1.0288448333740234, -0.3206629157066345, -0.7588207721710205, -0.056292518973350525, 0.15097808837890625, -0.5076012015342712, -0.7006231546401978, 1.1819920539855957, -0.41435182094573975, 0.17981019616127014, -0.08379130065441132, -0.5518263578414917, -0.598094642162323, -0.4677789509296417, -0.5361559987068176, -0.2824625074863434, -0.7653124928474426, -0.0222635380923748, 0.0750061646103859, -0.814855694770813, 0.259473979473114, 0.07365833967924118, 1.0005170106887817, -0.2540897727012634, -0.470670223236084, 0.06022075563669205, 0.6218620538711548, -1.109602451324463, 0.07136569172143936, -0.5181028246879578, 1.3824881315231323, 0.37263351678848267, -0.332940936088562, 1.3128094673156738, 0.6212537288665771, -0.29301539063453674, -0.5514121055603027, 0.2581852674484253, -0.1832846850156784, -0.08698784559965134, 0.44031035900115967, -1.1828157901763916, 0.2711288332939148, -0.6859534382820129, -0.4484460949897766, -0.807968020439148, -0.029364705085754395, 1.1742231845855713, -1.1478244066238403, 1.161812424659729, 0.20479173958301544, 0.9047083854675293, 0.8155373334884644, -1.5902440547943115, -0.43824854493141174, -0.5154222249984741, 0.7167130708694458, 0.4074789881706238, -0.21190474927425385, 0.5226280093193054, -1.7523579597473145, -1.0441840887069702, -0.10351325571537018, -0.018657846376299858, 0.7734968066215515, 0.27779433131217957, 0.06905411183834076, 0.14293333888053894, 0.03404562175273895, 0.6183120608329773, -0.42840346693992615, -0.2587442994117737, 0.14155015349388123, -0.5019719004631042, 0.7830101251602173, -0.19858692586421967, -0.04768553376197815, -0.9417684078216553, -0.13722968101501465, 0.6392817497253418, -1.0327776670455933, -0.5006424784660339, 0.301766961812973, 0.6341080069541931, 0.4145566523075104, -0.01274072751402855, 0.04884633421897888, -0.17128083109855652, 0.07482320815324783, -0.8781371712684631, 0.2449990212917328, -0.18123629689216614, 0.05694563686847687, 1.1493711471557617, 0.024142006412148476, 0.6229429244995117, 0.6526589393615723, 0.48494499921798706, 0.5585645437240601, 0.4263041317462921, -0.8943078517913818, -0.2605994939804077, 0.4928547441959381, -0.7745524048805237, -0.30323606729507446, -0.18909959495067596, -1.201771855354309, 0.4870198667049408, -0.7333415150642395, -0.25047117471694946, -0.8242455124855042, 0.15539157390594482, -0.3722912669181824, 1.0226173400878906, 0.1889411360025406, -0.7909701466560364, -0.24984967708587646, -1.394161581993103, -0.05128882825374603, -0.21555426716804504, -0.6191040873527527, 1.6684404611587524, 0.6493801474571228, 0.3586251735687256, 0.9722052812576294, 0.6244238018989563, -1.0788002014160156, 0.18834608793258667, 0.15686580538749695, 1.4047303199768066, 0.20953050255775452, -0.14374279975891113, 1.2152129411697388, 0.2113344371318817, -0.07298964262008667, -0.6319668889045715, 0.34600919485092163, 0.65922611951828, 0.4886518120765686, -0.7229658365249634, -0.917628824710846, -0.24053223431110382, -0.3180510401725769, -0.8199958205223083, -0.1696481555700302, 0.8142873048782349, -0.2554824948310852, -1.2570514678955078, 0.11981372535228729, 0.7286965250968933, 0.44961485266685486, 0.44254153966903687, -0.34420645236968994, -0.18906144797801971, 0.49435004591941833, 0.5510738492012024, 0.06434524804353714, -0.27307647466659546, 0.2856070101261139, -0.1717745065689087, -0.12120853364467621, 0.0617125928401947, -1.376206398010254, -0.14182357490062714, 0.4041440486907959, -0.970687747001648, 0.49981892108917236, -0.18232810497283936, 0.1357446014881134, -0.0019498690962791443, 0.23543772101402283, 0.24640575051307678, 0.04818050190806389, -0.10929419100284576, 1.1299954652786255, -0.5805110931396484, 0.6253013610839844, 0.5907241702079773, -0.3753204345703125, 0.11157657951116562, 0.3944183886051178, -0.20760558545589447, -0.2459774613380432, 0.9777443408966064]} +{"paper_id": "generics_kb", "embedding": [-0.6751420497894287, 0.6872833967208862, -0.45423921942710876, -0.18701021373271942, -0.13978570699691772, -0.14639586210250854, 0.4276258945465088, 0.5085254907608032, 0.7432085871696472, 1.1477627754211426, 0.7961332201957703, 0.6940895318984985, -0.22483916580677032, 0.4687529504299164, -0.6132899522781372, -0.6699775457382202, -0.856563150882721, -0.7803998589515686, -1.0794732570648193, -0.09082810580730438, -0.9815796613693237, -0.7340031862258911, -0.0460590198636055, 0.4938300549983978, -0.8160365223884583, -0.5025200247764587, 0.9812659621238708, -1.0158737897872925, 0.5051199793815613, -0.4112856388092041, -0.44066596031188965, 1.2498059272766113, -1.2077243328094482, 1.2756400108337402, -0.2460540235042572, -0.2665371000766754, 0.08462020754814148, 1.078736424446106, -0.181339293718338, 0.3377000391483307, -0.02388557232916355, 0.15416216850280762, 0.982171893119812, -0.4052715003490448, 0.18769069015979767, -0.6541423201560974, -0.13694390654563904, 0.73294597864151, -0.07747967541217804, 0.2198488563299179, -0.13976499438285828, 0.5714013576507568, -0.32712894678115845, 0.8803316354751587, -0.0010179653763771057, 1.3007533550262451, 0.4576505124568939, -0.8533263802528381, 1.3295718431472778, -0.9745042324066162, 1.0963088274002075, 1.6839247941970825, -0.8291146755218506, 0.006922632455825806, 0.5195074081420898, -0.064885213971138, 1.0559505224227905, 0.22789250314235687, 0.9926042556762695, 0.3929806351661682, 0.13798923790454865, -0.7669441103935242, 0.4029977023601532, 0.04690377414226532, 0.32511892914772034, 0.2703886330127716, 0.5076404213905334, -0.5253586769104004, -0.043705351650714874, 0.1510654091835022, -0.02272174507379532, 0.1734706610441208, 0.6218798756599426, -0.5285037159919739, 0.11665584146976471, 0.22777515649795532, -0.09917990118265152, -0.7405365705490112, 0.04944504797458649, -1.83579421043396, 0.40527111291885376, -0.052523210644721985, -0.49923601746559143, -0.40308305621147156, 0.22806939482688904, 0.3943122327327728, -0.6517314314842224, -0.6935505270957947, 0.253994345664978, 0.5404158234596252, 0.4909956455230713, -0.5868041515350342, -0.09633790701627731, 0.19108888506889343, 0.1366473287343979, 0.8451023697853088, -0.1655290126800537, 0.2654992640018463, -0.8606008887290955, -0.238608717918396, 0.28851988911628723, 1.3345592021942139, 0.18796077370643616, 0.3955744504928589, -0.3896099030971527, 0.04662027955055237, 0.18576931953430176, -0.359916090965271, -0.05133136734366417, 0.4717901349067688, -0.21624650061130524, -0.7043612599372864, -0.2623522877693176, 0.7681445479393005, 0.8204294443130493, -0.6861802935600281, -0.03649430721998215, 0.030671924352645874, 0.366098552942276, -0.26725950837135315, 0.6053048372268677, -0.009944934397935867, -0.7942712306976318, 0.5054767727851868, 3.2764010429382324, -0.5427738428115845, 1.6577547788619995, 0.11143109202384949, -0.4718007743358612, -0.26693832874298096, -0.061506085097789764, 0.4589614272117615, 0.8622230887413025, -0.6076264381408691, -0.7387866973876953, -0.02021491341292858, -0.7323099374771118, 0.33530086278915405, -0.9840053915977478, 0.2564139664173126, 0.26926422119140625, 0.023993276059627533, -1.8079530000686646, 0.1383371651172638, -0.41913479566574097, 0.7584928274154663, -0.3027307987213135, 0.5799151062965393, -1.0195212364196777, 0.5573921203613281, 0.4983970820903778, 0.11909569054841995, -0.2884402871131897, 0.05497094616293907, -0.7799471616744995, -0.2439405769109726, 1.3561650514602661, -0.8255974054336548, -0.9403120279312134, -0.12240903824567795, 0.8188777565956116, 0.09915439784526825, -0.14563484489917755, -0.6091760993003845, 0.32492795586586, 0.6547229886054993, 0.4930119514465332, 0.6778939366340637, -0.28933608531951904, -0.4771537482738495, -1.0392844676971436, -0.8085244297981262, -0.07662874460220337, 0.5791093111038208, -0.35559844970703125, 0.5806389451026917, -2.2869210243225098, -0.7085564732551575, -0.9508101344108582, 0.988188624382019, -0.46636325120925903, 0.8383951187133789, 0.40777814388275146, 0.4014292359352112, -0.3740975856781006, -0.34240761399269104, 0.44229331612586975, -1.4112197160720825, -0.1816169023513794, -0.00901126116514206, -1.0972999334335327, 0.2926679253578186, -0.26493820548057556, 0.7331826686859131, 0.46088775992393494, -1.1308505535125732, -0.4195248782634735, -2.0604822635650635, 0.38227981328964233, 1.8756260871887207, 0.1689225435256958, -0.49780353903770447, -0.9847564697265625, -0.5192527174949646, 0.8034451603889465, -0.3316907286643982, 0.04964011162519455, -1.0626986026763916, 0.3473280966281891, -1.1382367610931396, 0.5457966327667236, 0.22498857975006104, 0.47563794255256653, 0.782662034034729, 1.6555105447769165, -1.063033103942871, -0.021884478628635406, -0.35996681451797485, -0.4449387490749359, 0.7058517932891846, 0.5396314263343811, 0.7533396482467651, 0.14133179187774658, 0.9574397206306458, -0.20131155848503113, 1.3296267986297607, 0.19410228729248047, 0.5130818486213684, -1.1556776762008667, 0.3308228552341461, 0.5025240778923035, 0.9830251932144165, -0.1007726639509201, -0.07269401103258133, -0.09062168002128601, 0.20707061886787415, -0.3666191101074219, -0.48599183559417725, 0.10254187881946564, -0.8995955586433411, 1.5504542589187622, 0.638872504234314, 0.27154260873794556, 0.8436511158943176, -1.072084903717041, -0.018252894282341003, -0.5101178288459778, -1.5993707180023193, -0.48369836807250977, 0.10744135081768036, 1.2743703126907349, 0.43024349212646484, -0.12309674918651581, -0.16338330507278442, -0.33375003933906555, -1.5256829261779785, 0.3111650049686432, -0.16506993770599365, -0.16825316846370697, -1.2848126888275146, 0.9057791233062744, -0.2956683039665222, -0.7734769582748413, -0.7702605128288269, -0.1737508326768875, 0.22170089185237885, 0.042108479887247086, 0.5164759159088135, 1.0911610126495361, -0.5666990876197815, 0.35212400555610657, -0.3108714818954468, 1.310590147972107, -0.899522602558136, 0.6699145436286926, 0.7145357728004456, -0.18380039930343628, -1.177929401397705, 0.30090343952178955, -0.6890689134597778, 0.7761908173561096, 0.40088748931884766, -0.8617838621139526, -0.21207484602928162, -0.009892910718917847, -0.10474787652492523, 1.1670993566513062, -0.06811998784542084, -0.37472039461135864, -0.46226173639297485, 1.292822241783142, -0.21345682442188263, -0.37402668595314026, 0.5207499861717224, 0.6122161149978638, 0.18294210731983185, 1.2731562852859497, -0.03888830542564392, 1.0086926221847534, -0.11589352786540985, 0.8524797558784485, 0.11526347696781158, -0.016371987760066986, -1.624436855316162, 0.6631985306739807, 1.2054779529571533, -0.6844639182090759, -0.036298368126153946, -1.2506444454193115, 0.3327144384384155, -0.8867390751838684, -0.2879294157028198, 0.7351046800613403, -0.3282880187034607, 0.03756110742688179, -0.7751415371894836, -0.1810152530670166, 0.38690927624702454, -1.278108835220337, 0.7579652070999146, 0.6412415504455566, 0.25632357597351074, -0.8670614957809448, 0.6390463709831238, 0.9187490940093994, -0.09087126702070236, 0.6913670301437378, -0.2538612484931946, 1.3778760433197021, 1.1746596097946167, -0.6156129240989685, -0.24581825733184814, 0.34590041637420654, -0.05852917954325676, 0.8088877201080322, 0.7744549512863159, -0.700632631778717, 0.40316635370254517, -0.417429655790329, 0.9623399376869202, -0.3110606074333191, -0.8254716992378235, -0.7107025980949402, -0.35326117277145386, -0.5346134305000305, -1.2946604490280151, 1.8758187294006348, 0.9862633943557739, 1.7575650215148926, -0.764302134513855, 0.6701865792274475, -0.6840895414352417, -0.519359827041626, 0.5227000713348389, 0.032545607537031174, 0.36168229579925537, -1.3965651988983154, 0.126222625374794, 0.7215383648872375, -0.22803714871406555, -0.0793091431260109, -0.513222873210907, 0.10720861703157425, 0.9621871113777161, -0.611962080001831, 0.32132068276405334, 0.19744805991649628, 0.5505191087722778, 1.1139048337936401, -0.7077553272247314, -0.12470197677612305, -0.013476556167006493, 0.3741280138492584, -0.06669121980667114, 0.46067285537719727, -1.3046313524246216, 0.8717461824417114, -0.007410131394863129, 0.99491286277771, 0.2792983651161194, 0.9748215079307556, 1.6458477973937988, -0.3008676767349243, -1.7130600214004517, -0.5243862271308899, -0.9545541405677795, -0.3089251220226288, 0.7215534448623657, -0.3340650796890259, -0.150560200214386, 0.18421955406665802, 0.02271241322159767, -0.7606040239334106, 0.7712849378585815, -0.7397493124008179, -1.2329272031784058, 0.6823024749755859, 1.42527437210083, -1.7329128980636597, -0.18375256657600403, 0.23058895766735077, -0.9379977583885193, -0.8480274677276611, -0.3437299132347107, -0.5538126826286316, 0.6646686792373657, 0.49821099638938904, 0.5292202830314636, -0.07769649475812912, 0.09690423309803009, -1.0898196697235107, 0.6827673316001892, 0.7572211027145386, -0.34825459122657776, 0.851648211479187, 0.42199453711509705, 0.7581580281257629, 0.6506302356719971, -1.059834599494934, -0.4213568866252899, 1.1769391298294067, 0.29352065920829773, 0.02803177759051323, -1.289605736732483, -1.2602593898773193, 0.7211087346076965, 0.29031139612197876, 0.3791055679321289, -0.8903394937515259, 0.599354088306427, -0.3410879671573639, 0.35495543479919434, 0.7414093017578125, -0.6643899083137512, -1.2231500148773193, 1.8258330821990967, 0.08192997425794601, 0.4920404255390167, -0.4267626106739044, -0.5667728185653687, 1.9682402610778809, -0.0890316516160965, -0.12651655077934265, -0.4514043629169464, -11.150687217712402, 0.4967929720878601, -0.11425464600324631, 0.5285925269126892, 0.6430041790008545, -0.3643239140510559, 0.5143828988075256, -0.08680342137813568, 0.000508500263094902, -0.8576555252075195, 0.1898113191127777, 1.3119924068450928, 0.3560282289981842, 0.4616357982158661, -0.4409696161746979, -1.8532452583312988, -0.30011236667633057, -0.5888509154319763, -0.11817613244056702, -0.33863741159439087, 0.3848841190338135, -1.1393787860870361, 0.6456329226493835, -0.00037609413266181946, 0.4989061951637268, -0.27240920066833496, -0.581844687461853, 0.11628132313489914, -0.7902118563652039, -0.22094936668872833, 0.3968513607978821, 0.11856994032859802, -0.8038817644119263, -0.21748192608356476, -0.4837895631790161, -0.719772458076477, -1.114190936088562, -0.15428048372268677, 0.8636519908905029, 0.10843398422002792, -0.5351002216339111, 0.2598746716976166, 0.3788183033466339, -0.5696074962615967, -0.9243842959403992, 0.23042945563793182, 0.46977341175079346, -0.7018218040466309, -0.018712587654590607, 0.06394603103399277, -0.11330662667751312, -0.3224555552005768, -0.3886042833328247, -0.6627339720726013, 0.1674724817276001, 0.2964933514595032, -0.9034851789474487, 0.18968193233013153, -0.994350016117096, -1.2481247186660767, 0.3184051513671875, 0.29431843757629395, 0.05986066907644272, -0.19824253022670746, 0.24871885776519775, -0.36528319120407104, -0.03598122298717499, 0.3400580883026123, -0.3753100633621216, -0.2865413725376129, -0.689548134803772, 0.7838626503944397, -0.014310959726572037, -0.40291857719421387, -0.5251473784446716, -0.07807417958974838, -0.4241189956665039, -0.45959770679473877, 0.9367610216140747, 0.07145120948553085, -1.2086819410324097, 1.174612283706665, 0.286962628364563, -0.6379278302192688, -1.565210223197937, 0.19815939664840698, 0.13288137316703796, 0.044663410633802414, 0.5899577140808105, -0.7853739261627197, 1.1534045934677124, 0.13617855310440063, -0.26814693212509155, -0.48012638092041016, -0.08345752954483032, 0.9708929657936096, 0.2660010755062103, 0.3129567801952362, 0.23222121596336365, -0.484040766954422, 0.7393314838409424, 0.1898484230041504, -1.3692744970321655, -0.30157822370529175, -0.20472417771816254, 0.7053325176239014, -0.11489278078079224, -0.36576980352401733, -0.28724080324172974, -0.3197247385978699, 0.876251757144928, 0.3157328963279724, -0.8763300776481628, 0.7724018096923828, -0.8959764242172241, 0.4888569414615631, 0.8779227137565613, -0.05000140517950058, 0.36660683155059814, 0.8578910231590271, 0.3664928674697876, 0.20707212388515472, 0.30706238746643066, 0.7201861143112183, -0.45769068598747253, -0.43269309401512146, 0.42462629079818726, 0.37236353754997253, 0.06675618886947632, -1.161299228668213, 0.34724801778793335, 0.12645764648914337, -0.17149978876113892, -0.4443933069705963, -0.6007307171821594, -0.6510297656059265, -0.7256078720092773, 1.450688362121582, 0.06575578451156616, 0.3441065549850464, -0.07940725982189178, 0.024424221366643906, -0.22724772989749908, -0.9088895320892334, -0.14270660281181335, 0.011429361999034882, -2.0127930641174316, 1.0991710424423218, -0.4928588569164276, -0.7667385339736938, -0.24346601963043213, -0.3769124448299408, 0.8125538229942322, -0.8526787161827087, 0.24128365516662598, 0.21672847867012024, 0.5540710687637329, -0.29035159945487976, -0.4941667914390564, 0.16769683361053467, -0.13920634984970093, 0.9128085970878601, -0.6862010955810547, 0.1317673921585083, 0.5444568395614624, -0.4856758117675781, 0.07336779683828354, -0.5225974917411804, -0.5489546656608582, -0.036189936101436615, 0.6707713603973389, -1.0114432573318481, -0.2528041899204254, -0.4345928430557251, -0.055356018245220184, -0.7079904079437256, 0.8579135537147522, 0.8906263113021851, -0.5359909534454346, -0.3926540017127991, 0.4676358103752136, 0.8606364727020264, 0.22131535410881042, -0.4367835819721222, -0.3701938986778259, -0.45053374767303467, 0.4562080502510071, 0.4920923113822937, 0.05860445648431778, 1.272841453552246, -0.9399746656417847, -1.0917367935180664, -0.41494858264923096, 0.6485486626625061, 0.7432854175567627, -0.304987370967865, 1.602403998374939, 0.7255399823188782, 0.6599489450454712, 0.7673498392105103, 0.22337022423744202, 1.0186375379562378, 0.08015280216932297, 0.6419177055358887, -0.4666467010974884, 0.12704598903656006, -1.14234459400177, -0.37361446022987366, 0.1922512799501419, 0.9852758049964905, -1.489203691482544, 0.17272698879241943, 0.497882217168808, -0.9181248545646667, -0.6480188369750977, -0.44156068563461304, 0.6556434631347656, -0.8646261692047119, -1.0604228973388672, -0.9150799512863159, 1.19845449924469, 0.91363525390625, -0.01357191801071167, 0.8367478847503662, 0.40018972754478455, 0.8819391131401062, 0.6892306804656982, 0.2971074879169464, 1.4316086769104004, -0.009792432188987732, 0.18293717503547668, 0.1850537359714508, 0.8972302675247192, 0.013946525752544403, 0.13206472992897034, -0.8677489757537842, -0.2973974943161011, 0.6638796925544739, -0.05538453906774521, 0.6511613726615906, 0.0431663952767849, 0.38117706775665283, 0.8393908143043518, 0.98711097240448, -0.7470388412475586, -1.9849331378936768, -0.04162325710058212, -0.875537097454071, 0.24226810038089752, 0.5418228507041931, 1.1168335676193237, 0.6245561242103577, 0.7970025539398193, 0.6400530338287354, 0.7134400010108948, -0.5224387049674988, 0.02406986802816391, 0.29050207138061523, 0.26831698417663574, 0.8675537705421448, 1.0808157920837402, 0.3250901997089386, 0.34903836250305176, -0.1635991632938385, -0.3362683653831482, -0.23297721147537231, -0.20467936992645264, 0.6161370277404785, 0.8020734786987305, -0.21594367921352386, 0.0255940780043602, -0.5598896741867065, 1.1715706586837769, -0.7355697154998779, 0.29269537329673767, -0.7429534196853638, -0.5245052576065063, -1.0330830812454224, -0.5905778408050537, -0.5257986187934875, 0.6949934959411621, -0.3231336176395416, -0.928546667098999, 0.4857388734817505, 1.2094241380691528, -0.14630518853664398, -0.20312249660491943, -0.5253651738166809, -0.06557993590831757, -0.40496355295181274, -0.515294075012207, -0.36723825335502625, -0.6896225214004517, -0.67997145652771, -0.036007776856422424, -0.4797452390193939, 0.030136657878756523, 0.16931383311748505, -0.8918086886405945, -0.3914659917354584, 0.22292977571487427, 0.04823915660381317, 0.24194462597370148, 0.2263628989458084, 0.07106896489858627, -2.037450075149536, 0.7417925596237183, 0.7005738019943237, -0.016258595511317253, -1.2844250202178955, -0.27586451172828674, 0.09465897083282471, -0.22743740677833557, 0.45574748516082764]} +{"paper_id": "bianet", "embedding": [-0.15558092296123505, 0.6387335658073425, 0.8186905980110168, 0.033228397369384766, 0.6668131351470947, -0.6350170969963074, 0.011077042669057846, 0.9427433013916016, 0.4797344505786896, -0.40231582522392273, 0.4202612340450287, -0.3851998448371887, 0.8917307257652283, 0.5108780264854431, -0.2152608335018158, -0.30423951148986816, -1.0164893865585327, -0.7000468373298645, -0.7873728275299072, -0.3001863360404968, -0.19974243640899658, -0.30141597986221313, -0.710351824760437, 0.06101210415363312, -0.30226123332977295, -0.3428404629230499, 0.22343562543392181, -0.7835996150970459, 0.4796525537967682, 0.49270886182785034, -0.02502857893705368, 0.8312406539916992, -1.171471118927002, 0.24720978736877441, -0.42463570833206177, -0.4308832287788391, -0.37010568380355835, 0.8991954922676086, -0.49127963185310364, -0.19797351956367493, -0.5819419026374817, -0.5516527891159058, 0.6661223769187927, 0.5818803906440735, 0.7985130548477173, 0.06455672532320023, 0.10139283537864685, 0.3494678735733032, 0.29685068130493164, 0.3227573037147522, -0.33941149711608887, 0.2847655117511749, -0.27773839235305786, 0.549209475517273, -0.6634039282798767, 1.2415627241134644, 0.0692429319024086, -0.9224477410316467, 0.14002466201782227, -1.2587188482284546, 1.0466841459274292, 1.2493417263031006, -0.9194963574409485, 0.26775187253952026, 1.1325863599777222, -0.28654444217681885, 1.226226568222046, -0.1483132690191269, 0.808761477470398, 0.8173908591270447, 0.08819101750850677, -0.8721861839294434, 1.3426350355148315, -0.3295552730560303, 0.581387460231781, 0.6471858024597168, 0.711847722530365, 0.3444201648235321, -0.038086142390966415, 0.256386399269104, -0.1750824898481369, 0.7626980543136597, 0.44869399070739746, -0.2718084752559662, -0.24387907981872559, -0.5197067260742188, 0.09253440797328949, -0.6355553865432739, 0.4842892289161682, -1.5589548349380493, -0.15111614763736725, -0.12859198451042175, 0.14278358221054077, 0.021926283836364746, -0.21407580375671387, -0.012095844373106956, 0.5616767406463623, 0.4024934470653534, -0.7113194465637207, -0.021631425246596336, 0.8935328722000122, -0.7638589143753052, -0.20425565540790558, -0.32535338401794434, 0.3733498454093933, 0.5330556035041809, -0.031095221638679504, -1.1299939155578613, -1.023355484008789, -0.2879392206668854, -0.4138525724411011, 1.294529676437378, -0.4872627258300781, 0.7309246063232422, 0.18718475103378296, -0.6597456932067871, -0.595139741897583, -0.3441872298717499, -1.4489237070083618, -0.3018813729286194, -0.6424475908279419, -1.3029048442840576, 0.04381274804472923, 0.2815008759498596, 0.3980608582496643, -0.6718569993972778, 0.06133723258972168, -0.6531312465667725, 0.22705885767936707, -0.5039290189743042, 0.815523624420166, 0.05234864726662636, -0.09435693919658661, -0.6501322984695435, 2.553746223449707, -0.10284317284822464, 1.4700040817260742, -0.6922679543495178, 0.2356167882680893, -0.5262963771820068, -0.16050246357917786, 1.7583988904953003, -0.4385470449924469, -0.7609744668006897, 0.06561841815710068, 0.06556905806064606, -1.030524492263794, 0.20553454756736755, 0.4102381765842438, -0.37764933705329895, -0.19598807394504547, 0.7035903334617615, -0.9377492070198059, -0.5081632137298584, -0.2591763436794281, 0.29731041193008423, 0.9831105470657349, 1.3336623907089233, -0.7623938322067261, 1.2059975862503052, 0.9107271432876587, 0.32876092195510864, -0.5558885335922241, 0.009533712640404701, -1.0647847652435303, 0.24064068496227264, 1.2719064950942993, 0.41063132882118225, -0.26930418610572815, -0.8642565011978149, 0.7471194267272949, 0.1269187331199646, -0.09329861402511597, 0.20557227730751038, 0.28993913531303406, 0.31078022718429565, 0.02689824067056179, 0.612330973148346, 0.23514503240585327, -0.14607486128807068, -0.35124292969703674, -0.5193662643432617, 0.00844527781009674, 0.30836251378059387, 0.44426557421684265, -0.01392897218465805, -1.7536916732788086, -0.33681631088256836, -0.6847307085990906, -0.735303521156311, -0.07959714531898499, -0.8625656366348267, -0.15838226675987244, -0.44927290081977844, 0.2716084122657776, 0.31563571095466614, 0.2585025727748871, -0.6302427053451538, -0.39986464381217957, 0.6756137609481812, 0.2826833426952362, -0.08574487268924713, 0.2684983015060425, 0.4009825885295868, 0.3732982277870178, 0.12098047882318497, -0.45840317010879517, -0.6523512601852417, -0.23316723108291626, 2.087407112121582, -0.26291248202323914, -0.36346593499183655, -1.5332432985305786, -0.10338233411312103, 0.7578390836715698, -0.6819438934326172, -0.14120617508888245, -0.7154182195663452, -0.03588327020406723, -1.0484236478805542, 0.4055715501308441, -0.08407943695783615, -0.060370855033397675, 0.08157193660736084, 0.5678367614746094, -0.40929150581359863, -0.8684301376342773, -0.3879292607307434, -1.0979716777801514, 0.7635574340820312, 0.7154526114463806, 0.1776830554008484, -0.45617595314979553, 0.8986465930938721, 0.3260596990585327, 0.2888651192188263, 0.33121728897094727, 0.9523653388023376, 0.208985835313797, -0.7601447701454163, 0.3029826879501343, 1.0879007577896118, -0.7532211542129517, 0.4598790109157562, 0.028367243707180023, 1.1422488689422607, 0.0805191844701767, -0.4579986333847046, -0.25726813077926636, -0.20342251658439636, 1.5683820247650146, 1.7637742757797241, -0.6142231822013855, 1.7208832502365112, -1.3632093667984009, 0.715122640132904, 0.25785428285598755, -1.3129209280014038, -0.22358952462673187, 0.017467692494392395, 0.8887472152709961, -0.13567139208316803, 0.6340150833129883, 0.21440397202968597, -0.2534922957420349, -0.838374674320221, -0.5645751953125, -0.7987589240074158, -0.9279741644859314, -1.3914223909378052, -0.28002193570137024, 0.18170787394046783, -0.8312349915504456, -0.2175617814064026, -0.724631667137146, 0.8373684287071228, -0.03375609219074249, 1.0897265672683716, 1.9503177404403687, 0.0796544998884201, 0.517234206199646, -0.3782656788825989, 0.1759549230337143, -0.8751591444015503, 1.1348586082458496, 0.028681430965662003, 0.016153503209352493, -0.9494460821151733, -0.5935176610946655, -0.08955013751983643, -0.17644476890563965, 0.3780162036418915, -0.3613913357257843, 0.5210938453674316, -0.2823617160320282, -1.3387863636016846, 0.60391765832901, -0.844367265701294, 0.22046062350273132, -0.9236384630203247, 1.4723856449127197, 0.41292011737823486, 0.663067638874054, 0.39110100269317627, -0.891211211681366, 0.12253694236278534, 1.33077871799469, -0.934073805809021, 0.7215631604194641, 0.8026067614555359, 0.5604633092880249, -0.2308725267648697, -0.008185120299458504, -2.212099552154541, -0.4352444112300873, 0.9102964401245117, -0.48300257325172424, -0.43928906321525574, -0.43648651242256165, 0.6839920878410339, -0.2617478370666504, -0.805989146232605, 0.17146247625350952, -0.9108971357345581, 0.337679386138916, -0.3188264071941376, 0.2568730115890503, 0.7522256374359131, -0.2594444155693054, 0.7510644793510437, 1.3916311264038086, 0.8668412566184998, -0.3717040717601776, -0.03672509267926216, 0.6224513053894043, -0.9252967238426208, 0.631022572517395, 0.6189188361167908, 0.7253334522247314, 1.559338927268982, -0.820286750793457, -0.033459316939115524, 0.2230483442544937, 1.3179179430007935, 0.15453170239925385, 0.3965844511985779, -0.0144619420170784, 1.1946073770523071, 0.09551656991243362, 1.0178143978118896, 0.41111814975738525, -1.1268315315246582, -0.8291573524475098, -0.07618138194084167, -0.36891716718673706, -0.7271642684936523, 1.5351989269256592, 0.5560376644134521, 1.5469248294830322, 0.2312839925289154, 0.3775371015071869, -0.38677600026130676, 0.07881748676300049, 1.358697533607483, 0.5508612990379333, -0.5510083436965942, 0.18185725808143616, -0.2776528000831604, 1.0611851215362549, 0.026943888515233994, -1.2572991847991943, -0.09977693110704422, 0.495701402425766, -0.3951534330844879, -0.9376599788665771, 0.5196391940116882, 1.1193996667861938, 0.8989394903182983, 1.3458621501922607, -0.5436345934867859, -0.3162534236907959, -0.36985844373703003, 0.6502386331558228, -0.07389964908361435, 0.2172580063343048, -1.4370319843292236, 0.2877616286277771, 0.9420580863952637, 1.1236180067062378, -0.6095452308654785, 0.7032796144485474, 0.3618117570877075, -0.85830157995224, -0.3479066789150238, -0.0728970617055893, -0.5165649652481079, -0.1695154905319214, -0.8330700397491455, -0.20339159667491913, -0.8150255084037781, 0.6620221734046936, 0.05314616858959198, -0.5591870546340942, 0.2239459753036499, 0.501811683177948, -1.3192530870437622, 0.5334035158157349, 0.9589859247207642, -1.2269207239151, -0.2524285912513733, -0.23704521358013153, -0.9450412392616272, -0.7060155272483826, 0.5500932931900024, -0.42000511288642883, -0.004072395619004965, 0.30304083228111267, 0.3158145844936371, -0.4777368903160095, -0.7220783829689026, -0.9793137311935425, 0.404956579208374, 1.5047664642333984, -0.2713015377521515, -0.26944732666015625, -0.06405606865882874, 0.25157493352890015, 0.17200133204460144, -1.1506037712097168, -0.27201491594314575, -0.24557623267173767, 0.6676070690155029, -0.1375093013048172, -0.2000907063484192, -0.4154619574546814, -0.5085867643356323, 0.5566290616989136, 1.238678216934204, -1.471461296081543, 0.5500388145446777, -0.3911988437175751, 0.809086799621582, 0.09903202950954437, -0.8388676643371582, -0.6291135549545288, 0.8313131928443909, -0.8915861248970032, 0.32049721479415894, 0.31949564814567566, 0.18994608521461487, 0.5238631367683411, 0.7565574049949646, 0.5463295578956604, -0.4056490659713745, -11.78189754486084, 0.11820961534976959, -0.07482624799013138, -0.338018000125885, 1.0192033052444458, 0.28296467661857605, 0.6522977352142334, 0.9711629748344421, 0.136196106672287, 0.021742988377809525, 0.3569723069667816, 0.7996113896369934, 0.29632601141929626, -0.7206728458404541, -0.3070922791957855, -0.5994608402252197, -0.8454078435897827, -0.17474277317523956, 0.740581750869751, 0.12491539120674133, -0.3885539472103119, -1.1209685802459717, -0.1924256682395935, 0.2688519060611725, 0.05139117315411568, -0.19829225540161133, -0.270548552274704, -0.1703134924173355, -0.5427433848381042, -0.02175213024020195, 0.2527128756046295, -0.8513147830963135, -0.7583857178688049, -0.43808621168136597, 0.8603403568267822, 0.45788687467575073, -0.9599302411079407, -0.1572367399930954, 0.6676813364028931, -0.8077309131622314, 0.13468298316001892, 0.15197618305683136, -0.2747645974159241, 0.12116510421037674, 0.11978061497211456, -0.3575543165206909, -0.5636622905731201, -0.8439251184463501, 0.5510293841362, -0.8713595271110535, -0.6721940636634827, -0.785330593585968, -1.046513557434082, -0.9599820375442505, 0.057308487594127655, 0.7339110970497131, -1.0627747774124146, 0.8317030668258667, -0.3323715329170227, -0.9955682754516602, 0.843159556388855, 0.19193361699581146, -0.38497620820999146, 0.2489900439977646, -0.07430187612771988, -0.3102492690086365, 0.5220528244972229, -0.12102656811475754, -0.011410608887672424, 0.18673443794250488, -0.9415920376777649, 0.17023198306560516, -0.019385594874620438, 0.03791176527738571, 0.10274489223957062, 0.12192846834659576, 0.030287623405456543, -0.9511011838912964, 0.8671177625656128, 0.6428072452545166, -0.7129105925559998, -0.10117488354444504, 0.1596410572528839, -0.11790604144334793, -0.21010318398475647, -0.1040111854672432, -0.053072355687618256, -0.13948333263397217, 1.107814073562622, -0.16560539603233337, 1.1344413757324219, 0.1028834655880928, 0.38554859161376953, -0.3170928359031677, -0.5802538394927979, 0.8228480219841003, -0.8927455544471741, 1.1869206428527832, 0.5442609786987305, -0.29217544198036194, 0.40877765417099, 0.505875289440155, -0.8913190364837646, 0.1084056943655014, 1.1975986957550049, -0.26232004165649414, 0.23690500855445862, 0.43132564425468445, -0.19429528713226318, -0.12738065421581268, 1.2798491716384888, 0.5186992883682251, 0.3518443703651428, 0.20511344075202942, 0.046681687235832214, 1.553153157234192, 0.5948439836502075, 0.15591010451316833, 0.4264231026172638, 0.6111130118370056, 0.18689922988414764, 0.5961725115776062, 0.28383055329322815, 1.4460265636444092, -0.09496522694826126, 0.386065274477005, -0.04235515370965004, 0.690548300743103, -0.30523955821990967, -0.8453748226165771, -0.13716423511505127, -0.12168802320957184, 0.15211071074008942, -0.8784338235855103, -0.25548452138900757, -0.4225006103515625, -0.4394098222255707, 0.9891222715377808, -0.013127148151397705, 0.23045220971107483, -0.29007065296173096, -0.8134861588478088, 0.06651422381401062, 0.11664065718650818, 0.03306376561522484, -0.039238639175891876, -1.2188560962677002, -0.20152297616004944, -0.15191110968589783, -0.48959553241729736, 0.5035570859909058, -0.1483744978904724, 0.5388970375061035, -0.6580598950386047, -0.18189051747322083, 0.2859932482242584, 0.23387674987316132, -0.7005832195281982, -0.3083449602127075, -0.049819521605968475, 0.4018237292766571, 1.1089714765548706, -1.1306012868881226, 1.1852819919586182, 0.5178015232086182, 0.5835885405540466, -1.0435283184051514, -0.3141752779483795, -0.945753276348114, 0.7784111499786377, 0.3502725064754486, -1.0020265579223633, -0.9144448041915894, -0.49175572395324707, -0.7575376629829407, -0.3436420261859894, 0.1743381917476654, 0.7762914896011353, -0.9809995889663696, 0.7401753067970276, 0.05722745507955551, 0.1421166956424713, -0.10455301403999329, -0.45797106623649597, -0.7183189392089844, 0.3807508051395416, -0.6512312889099121, 1.3782684803009033, -0.15747343003749847, 0.3517601788043976, -1.613869309425354, -1.2336766719818115, -0.3199279010295868, -0.2453521192073822, 0.9221246838569641, -0.3565487861633301, 0.889708399772644, -0.40770915150642395, 0.318634569644928, -0.02034521847963333, -0.32037052512168884, 0.4529905319213867, 0.5216358304023743, 0.3958040475845337, -0.09730249643325806, 0.1499175727367401, -0.7860898971557617, 0.03395837917923927, 0.5489786267280579, 0.23338280618190765, -1.4212018251419067, -0.14103305339813232, 0.3746679425239563, 0.7070421576499939, -0.38616853952407837, -0.8986021280288696, 0.5497937798500061, 0.35409146547317505, 0.06364233046770096, -0.9430591464042664, -0.43834513425827026, 0.8786265254020691, -0.48958051204681396, 1.0387492179870605, 0.23887212574481964, 0.49374067783355713, 0.145492821931839, 0.4568101167678833, 0.5995400547981262, -0.2201371043920517, -1.5568491220474243, -0.43958568572998047, 0.46448495984077454, -0.20309118926525116, 0.31166425347328186, 0.5166153311729431, -1.1736160516738892, -0.2229699194431305, -1.514094591140747, 0.29029950499534607, -0.37473970651626587, -0.32567885518074036, -0.37333786487579346, 0.6426383852958679, 0.4661576747894287, -1.2050474882125854, 0.10517331957817078, -0.32779768109321594, 0.5383123755455017, 0.21163231134414673, -0.13253499567508698, 0.5740938186645508, 0.4277600347995758, 0.15239839255809784, 0.7963663935661316, -0.6853498220443726, -0.10273867845535278, 0.710626482963562, -0.08459930121898651, 0.6688052415847778, 0.3375588357448578, 0.18326333165168762, 0.14833082258701324, 0.04098047688603401, -1.3480631113052368, -0.6003208756446838, 0.22853165864944458, 0.8516688942909241, 1.4278156757354736, 0.05841907486319542, -0.2590107321739197, -0.9589524269104004, 0.35451632738113403, -0.21111126244068146, 1.2165733575820923, 1.2403335571289062, -0.3049921691417694, -1.3317886590957642, -0.8966214060783386, -0.06750340759754181, 1.033490777015686, -0.4525419771671295, 0.33119428157806396, -0.9714489579200745, -0.04391491785645485, 0.3386932909488678, -0.7404580116271973, -0.9066663980484009, 0.6334019303321838, -0.3242202699184418, -0.3571431636810303, 1.0208381414413452, -0.8698154091835022, -0.6044890880584717, 0.3730996251106262, -1.0371030569076538, 0.3163403272628784, 0.15002983808517456, -1.3534266948699951, -0.05715399235486984, 0.1773047000169754, 0.10071210563182831, -0.654062807559967, 0.675445556640625, -0.3180651068687439, -1.4913538694381714, 1.3242071866989136, 1.0749270915985107, 0.02001284621655941, -0.48592108488082886, 0.48718658089637756, 0.0094735287129879, 0.4456506073474884, 1.3720405101776123]} +{"paper_id": "squad_es", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "newsqa", "embedding": [-0.2518555819988251, 0.9082727432250977, -0.054887089878320694, -0.019959259778261185, 0.1670980155467987, 0.07193730771541595, 0.6148110032081604, 0.9545531868934631, 0.7747558355331421, -0.08863663673400879, 0.536412239074707, -0.1862044483423233, 0.6621587872505188, 0.2467322051525116, -0.17228156328201294, -0.5525295734405518, -0.8798618316650391, -0.7415438294410706, -1.3281807899475098, -0.5727763175964355, -0.7409303188323975, -0.5929961800575256, -0.22648854553699493, 0.8845667243003845, -0.6416497230529785, -0.8293613195419312, 0.571182906627655, -1.1877976655960083, 0.7285661101341248, -0.03916472941637039, 0.261812686920166, 1.1346007585525513, -1.2299292087554932, 0.761614978313446, -0.6008208990097046, -0.46954959630966187, 0.14611904323101044, 0.7442302703857422, -0.21029090881347656, -0.5222761631011963, -0.4029238224029541, 0.25725144147872925, 0.4385262727737427, 0.06242605298757553, 0.5206730961799622, -0.41307002305984497, 0.48151150345802307, -0.01931406930088997, -0.43015068769454956, -0.023829320445656776, -0.6995894908905029, 0.0021564923226833344, -0.34741342067718506, 0.6527562141418457, -0.3831663131713867, 0.9909877181053162, 0.14312300086021423, -0.4996884763240814, 0.8507001399993896, -0.9729814529418945, 1.5890685319900513, 1.374469518661499, -0.1763150691986084, 0.3644494414329529, 1.4209203720092773, 0.15499372780323029, 1.0086792707443237, 0.018508553504943848, -0.20373278856277466, 0.923694372177124, -0.30677467584609985, -0.2345888614654541, 0.5043900609016418, -0.21101871132850647, 0.33318573236465454, 0.7584877014160156, 0.16573424637317657, -0.1314142793416977, 0.18136093020439148, 0.18521180748939514, -0.16216954588890076, 0.11730633676052094, 0.571639895439148, -0.02997191622853279, 0.15114954113960266, 0.12448380142450333, 0.24296081066131592, -0.8748854994773865, 0.18039409816265106, -1.7075389623641968, 0.11369379609823227, 0.2893693149089813, 0.1850779503583908, 0.031159445643424988, -0.35839784145355225, 0.35442325472831726, -0.4509841799736023, -0.26329633593559265, -0.395921915769577, 0.4544456899166107, 0.7900150418281555, -0.26037681102752686, 0.4049789309501648, -0.09074678272008896, 0.4211044907569885, 0.20969034731388092, 0.3183358311653137, -0.3488887548446655, -0.6298502087593079, -0.833007276058197, -0.16638708114624023, 0.7953729629516602, -0.2792361080646515, 0.5568162798881531, 0.04937147721648216, 0.32564887404441833, 0.41142910718917847, -0.614165186882019, -0.4241296350955963, 0.06681080162525177, -0.42880409955978394, -1.1293625831604004, -0.05750221014022827, -0.5233421921730042, 0.5725679397583008, -0.2455092966556549, -0.21627354621887207, -1.0078352689743042, -0.4112619459629059, 0.16722801327705383, 0.834890604019165, 0.16628649830818176, -0.6808065176010132, -0.2370743602514267, 3.1217358112335205, -1.0224274396896362, 1.3241561651229858, -0.7718066573143005, 0.0046251025050878525, -0.6465862393379211, -0.8440277576446533, 1.6502256393432617, -0.21631988883018494, -0.8097937703132629, -0.6526268124580383, 0.22668711841106415, -0.3983195722103119, 0.0025223316624760628, -0.8001098036766052, -0.22674177587032318, -0.23602792620658875, 0.16179902851581573, -1.3290159702301025, -0.5886774659156799, 0.16178065538406372, 0.46485695242881775, 0.17595243453979492, 0.9019833207130432, -0.5889655947685242, 0.5197324752807617, 0.07394243031740189, -0.07219629734754562, -0.09758176654577255, 0.5711431503295898, -0.7714336514472961, -0.08702220767736435, 0.7825548052787781, -0.12273826450109482, -0.41970396041870117, -0.15193894505500793, 0.30930808186531067, -0.07526614516973495, -0.1469239592552185, -0.029850097373127937, -0.13299047946929932, 0.6816824078559875, -0.03422335535287857, 0.6012159585952759, 0.350923627614975, -0.8646988868713379, -0.42214420437812805, -0.506548285484314, 0.35620325803756714, 0.687917947769165, 0.13266877830028534, 0.3887699544429779, -2.5450494289398193, 0.1568789780139923, -0.4833993911743164, 0.65171879529953, -0.08863884955644608, -0.04749065637588501, 0.5550381541252136, 0.2339862436056137, 0.12815383076667786, -0.16943088173866272, 0.5368248820304871, -0.7712135314941406, 0.4796140193939209, 0.602739155292511, 0.19181008636951447, -0.13559794425964355, 0.10173491388559341, 0.9513124823570251, 0.5591994524002075, -0.1982610821723938, -0.8078309297561646, -1.5076053142547607, 0.040105342864990234, 2.2054483890533447, 0.30504924058914185, -0.32742682099342346, -1.0063095092773438, -0.48834943771362305, 0.2001943588256836, -0.2203197181224823, 0.17138221859931946, -0.38171032071113586, 0.11966590583324432, -0.9288452863693237, 0.6054410934448242, -0.46252337098121643, -0.028397902846336365, 0.6598151326179504, 1.2938759326934814, -0.7522584795951843, -0.41695716977119446, -0.2078157365322113, -0.06779304891824722, 0.3127843141555786, 0.5297978520393372, 0.25645536184310913, -0.019115623086690903, 0.37150126695632935, 0.5038884282112122, 1.0061115026474, 0.6339201927185059, 0.781524121761322, -0.6236579418182373, 0.19732032716274261, -0.05866041034460068, 0.6513715386390686, -0.08400744199752808, 0.010524315759539604, -0.05094083026051521, 0.3432886600494385, -0.3855251371860504, -0.3834161162376404, -0.1275598704814911, 0.14899121224880219, 1.252792477607727, 0.9681358337402344, -0.10952883958816528, 0.396694540977478, -0.7229199409484863, -0.1669112741947174, -0.1049233078956604, -0.2872803509235382, -0.46008163690567017, -0.3923071622848511, 0.7817988991737366, -0.21333889663219452, 0.28744637966156006, 0.005928434431552887, 0.10643066465854645, -1.1848827600479126, -0.8288981914520264, 0.14302250742912292, -0.20111259818077087, -0.8247236013412476, -0.26345863938331604, -0.008007481694221497, -0.7815596461296082, -0.24389630556106567, -0.3906913697719574, -0.09377822279930115, 0.2626053988933563, 0.7531481981277466, 1.8513182401657104, -0.034294649958610535, 0.137670636177063, -0.09143810719251633, 0.9250512719154358, -0.6685229539871216, 0.7049700617790222, -0.30663833022117615, 0.6587674617767334, -1.260003685951233, 0.04453158378601074, -0.8174433708190918, 0.14802604913711548, 0.3607880473136902, -0.4457003176212311, 0.6103962659835815, -0.2983977794647217, -0.9924052357673645, 0.4847424030303955, -0.5474346280097961, -0.09469988197088242, -0.4779960513114929, 1.6430182456970215, 0.06389670819044113, -0.6778827905654907, 0.5837766528129578, -0.10036084800958633, -0.01904973015189171, 1.0795931816101074, -0.29787641763687134, -0.033631108701229095, 0.5011149644851685, -0.011452860198915005, 0.2168584018945694, -0.03748799487948418, -2.3324925899505615, 0.7551862597465515, 1.059975504875183, -0.2594188451766968, -0.44360581040382385, -0.974323034286499, 0.18531985580921173, -0.41916975378990173, 0.2043142467737198, 0.6329074501991272, -0.9080195426940918, 0.6247945427894592, -0.39224520325660706, 0.2727976441383362, 0.5409084558486938, -0.17503362894058228, 0.28520292043685913, 0.5514422059059143, 0.36249038577079773, -0.7316719889640808, -0.3807721734046936, 0.899548351764679, -0.5825458765029907, 0.1262621283531189, 0.1539270281791687, 0.8223140835762024, 0.5116991996765137, -0.11741840094327927, -0.3365821838378906, 0.36786597967147827, 0.8867367506027222, -0.272831529378891, -0.2168344259262085, 0.01920558139681816, 0.6326763033866882, -0.10984690487384796, 1.261992335319519, -0.3187710642814636, -0.20871151983737946, -0.6818627119064331, -0.1673928201198578, -0.09923918545246124, -0.26407289505004883, 1.5823856592178345, 0.4671260416507721, 1.4965640306472778, 0.3118568956851959, 0.4709945619106293, -0.2087889164686203, -0.2547561824321747, 0.2226094752550125, 0.24789279699325562, 0.14552302658557892, -0.6187237501144409, -0.5485804080963135, 0.7828370928764343, 0.6263265609741211, -0.5511302351951599, 0.42018210887908936, 0.6719465851783752, -0.28552311658859253, -1.0937204360961914, 0.6461796760559082, 1.1270219087600708, 0.7363674640655518, 1.8771977424621582, -0.33483070135116577, 0.05103359743952751, 0.09956633299589157, 0.1417103260755539, 0.1186041459441185, -0.09721468389034271, -0.2876930236816406, 0.653498649597168, 0.5446968674659729, 1.016548752784729, -0.017425715923309326, 0.8781030774116516, 1.1452381610870361, -0.8582534193992615, -1.2608129978179932, -0.18040254712104797, -0.6582272052764893, 0.03898811340332031, 0.24891412258148193, -0.07367508113384247, -0.26643940806388855, 0.35718515515327454, 0.20348212122917175, -1.2746793031692505, 0.49241146445274353, -0.4322717785835266, -1.1687366962432861, 0.8748038411140442, 1.6967612504959106, -0.9070398211479187, -0.35043206810951233, -0.2905787229537964, -1.1897778511047363, -0.19848448038101196, 0.03959275782108307, -0.8429028987884521, 0.6795876622200012, 0.3051876127719879, 0.8253875970840454, -0.1046447679400444, 0.2011726349592209, -1.1109713315963745, 1.1116355657577515, 0.6881119012832642, -1.1031956672668457, 0.49081698060035706, -0.2456529140472412, 0.3932194709777832, 0.12937217950820923, -1.0667779445648193, -0.39535486698150635, 0.827447235584259, 0.31530243158340454, -0.2622286081314087, -1.0843013525009155, -0.39083513617515564, 0.43021175265312195, 0.6067138314247131, 0.6981339454650879, -0.835551917552948, 0.24409545958042145, -0.7452882528305054, -0.09188969433307648, 0.625205397605896, -1.03944993019104, -0.8171084523200989, 0.41332340240478516, -0.43063268065452576, 0.6215590238571167, -0.1258050799369812, -0.16078270971775055, 1.424896240234375, -0.23347139358520508, -0.02790282852947712, 0.14118823409080505, -12.739763259887695, 0.8025897741317749, 0.00046650320291519165, -0.12965263426303864, 0.5276700258255005, -0.012772195041179657, 0.2671045660972595, 0.5918609499931335, 0.23660922050476074, -0.7661940455436707, 0.4898063540458679, 0.9288004040718079, 0.07714290916919708, 0.06435312330722809, -0.5081319808959961, -0.8209429979324341, -0.69522625207901, -1.1347475051879883, 0.8299152851104736, 0.5555903911590576, 0.28967854380607605, -0.627409815788269, -0.19216972589492798, -0.2993049919605255, 0.31860870122909546, -0.2627846896648407, -0.7614659667015076, -0.27626729011535645, -0.3903367519378662, 0.1772567480802536, 0.3972834646701813, -0.1156187355518341, -0.2787609398365021, 0.020111070945858955, 0.038951680064201355, 0.05174975097179413, -0.7767801284790039, -0.07223853468894958, 0.18462029099464417, -0.3989359736442566, -0.4521230459213257, -0.26779815554618835, 0.5192745327949524, -0.43168991804122925, -0.428300142288208, 0.2387387901544571, 0.1537323147058487, -0.7298908829689026, -0.11560827493667603, -0.5538054704666138, -1.0008621215820312, -0.4749334454536438, -0.931019127368927, -0.8612246513366699, 0.637304961681366, 0.3865446150302887, -0.5723450779914856, -0.1309805065393448, -0.3282634913921356, -0.8516950607299805, 0.731020987033844, 0.023260289803147316, -0.3903566002845764, 0.3624325692653656, 0.25656795501708984, -0.46961289644241333, 0.28308188915252686, 0.049302052706480026, -0.16162824630737305, 0.7485991716384888, -0.7742962837219238, 1.2735767364501953, 0.09137731045484543, 0.7128846049308777, -0.9798335433006287, 0.38436412811279297, -1.0519077777862549, -0.32476481795310974, 0.5966137051582336, -0.1108061820268631, -1.3642139434814453, 0.5132468938827515, 0.27615025639533997, -0.2655488848686218, -0.7888362407684326, 0.514100193977356, 0.16399648785591125, 0.43250492215156555, 0.9348171949386597, -0.406893253326416, 1.350550651550293, 0.3446662127971649, -0.7214780449867249, -0.46328720450401306, -0.048548027873039246, 0.9501054883003235, -0.56284499168396, 0.5029821395874023, 0.2466021478176117, -0.39153239130973816, 0.25555118918418884, -0.23337820172309875, -0.8478380441665649, -0.08043158054351807, 0.9717531800270081, 0.2354571521282196, 0.34422287344932556, 0.363568514585495, 0.1642746478319168, -0.5335131287574768, 0.9411455988883972, 0.3465993106365204, -0.09856131672859192, 1.3960509300231934, -0.48391464352607727, 0.7699602842330933, 0.7561609148979187, 0.1977587640285492, 0.4204588234424591, 0.2207561433315277, -0.8404867649078369, 0.8584942817687988, 0.3730618357658386, 1.4192683696746826, 0.44690877199172974, 0.06802915036678314, 0.36390841007232666, 0.37690412998199463, -0.34176889061927795, -1.094244122505188, 0.41598933935165405, -0.2717435359954834, -0.045781537890434265, -0.5400585532188416, 0.04283202812075615, 0.2730574607849121, -0.46976447105407715, 1.7160853147506714, -0.7996992468833923, -0.19952547550201416, -0.03288584202528, 0.001271802932024002, -0.9291632771492004, -1.027666449546814, -0.6663014888763428, 0.16249682009220123, -1.3416147232055664, 0.11126017570495605, -0.11496362090110779, -0.24121171236038208, -0.42468953132629395, -0.704936683177948, 0.7612111568450928, -0.44729453325271606, -0.24481619894504547, -0.3746609091758728, 0.5441002249717712, -0.6936591267585754, -0.3882885277271271, -0.257232666015625, 0.7017859220504761, 1.1041159629821777, -0.9338969588279724, 1.271073341369629, 0.28402137756347656, -0.15733258426189423, -0.7865105271339417, 0.3433186709880829, -0.4547065496444702, 0.562956690788269, 0.6306591629981995, -1.0643733739852905, -0.48225852847099304, -0.33014795184135437, -0.21564270555973053, -0.5002186298370361, -0.12323979288339615, 0.9575989246368408, -1.4559286832809448, -0.08888779580593109, -0.2332889586687088, 0.5996081233024597, 0.46092647314071655, -0.5345687866210938, -0.2537114918231964, 0.24131163954734802, -0.20113793015480042, 0.9003055691719055, 0.1312423050403595, 0.6454432606697083, -1.389336347579956, -1.3127336502075195, -0.6601980924606323, -0.17997153103351593, 0.8042302131652832, 0.5365421175956726, 0.6456220746040344, 0.23126719892024994, -0.4515714645385742, -0.2708324193954468, -0.02030595764517784, 0.4185621738433838, 0.3570554554462433, 0.3448581099510193, -0.16563980281352997, 0.5229573249816895, -0.5514029860496521, -0.03230750188231468, 0.3103886544704437, 0.8942691683769226, -1.2419986724853516, -0.15086868405342102, -0.023414183408021927, -0.1324133425951004, -0.0692412406206131, -1.273931622505188, -0.0992356613278389, -0.3543543815612793, -0.3300383985042572, -1.0943728685379028, 0.18936629593372345, 0.6608980894088745, -0.5725809931755066, 0.9696459174156189, 0.4177703857421875, 0.7514424920082092, 0.7767457365989685, 0.03628445416688919, 0.8992961049079895, -0.18249818682670593, -0.24119219183921814, -0.08504641056060791, 0.6124153137207031, 0.37572163343429565, -0.05102675035595894, -0.6465958952903748, -1.2030506134033203, 0.28937405347824097, -0.49276208877563477, 0.6956156492233276, -0.025574706494808197, -0.005682537332177162, 0.6818793416023254, 1.1337997913360596, 0.03253364562988281, -1.3432193994522095, -0.28745901584625244, -1.4647125005722046, 0.19377991557121277, 0.7114337682723999, 0.19596466422080994, 0.7292934060096741, 0.682280421257019, -0.6092067956924438, 0.9123615026473999, -0.7195879817008972, 0.08080588281154633, 0.3110649287700653, -0.3688247799873352, 0.825127124786377, 0.40225788950920105, 0.4530171751976013, 0.4763585329055786, -0.5029299855232239, -0.7469587922096252, 0.04995735362172127, -0.5823109149932861, 1.054324984550476, 0.3858271837234497, -0.4548065960407257, -0.48505914211273193, -0.10438374429941177, 0.7176917195320129, -0.19049417972564697, 1.1786121129989624, -0.0012368857860565186, -0.01873070001602173, -0.7067294716835022, -0.9745232462882996, -0.48316681385040283, 0.4957628548145294, -0.12162011861801147, -0.21486149728298187, 0.04287504404783249, 0.24433057010173798, 0.41334065794944763, -0.0935988500714302, -0.8251593708992004, -0.05926477164030075, -0.5497114658355713, -0.08789142966270447, 0.25644490122795105, -0.9856961369514465, -0.7947753071784973, 0.3093082308769226, -0.8292247653007507, 0.590007483959198, 0.4362921714782715, -0.9016274809837341, -0.48882371187210083, 0.6256319880485535, -0.017529819160699844, -0.1579674780368805, 0.2545962333679199, 0.10334569960832596, -1.6983630657196045, 0.7047966122627258, 1.1041358709335327, -0.4480959475040436, -0.3028334379196167, 0.5518988966941833, 0.38788145780563354, 0.08202177286148071, 1.1638489961624146]} +{"paper_id": "matinf", "embedding": [-0.6431412100791931, 1.1405210494995117, -0.5904254913330078, -0.7224866151809692, 0.4291039705276489, 0.07289634644985199, 0.13904011249542236, 1.1758527755737305, 0.8039447069168091, 0.6407896280288696, 0.34430772066116333, -0.14958572387695312, 0.5824659466743469, -0.1315438449382782, -0.6712843179702759, -0.37022092938423157, -0.8637617826461792, -0.5251495838165283, -1.2552578449249268, -0.4757959544658661, -0.6725349426269531, -0.3034060001373291, 0.3036991059780121, 0.8468644022941589, -0.20197665691375732, -1.0710309743881226, 1.0560083389282227, -1.116848111152649, 0.5695677399635315, -0.17108365893363953, -0.11608857661485672, 1.0994738340377808, -1.7042434215545654, 0.20510774850845337, -0.8615873456001282, -0.8775405287742615, 0.3250279426574707, 1.1324909925460815, -0.1705317497253418, -0.5562080144882202, -0.8565415740013123, -0.17177921533584595, 0.9168500900268555, 0.6514095664024353, 0.7219751477241516, -0.9076447486877441, 0.4822167158126831, -0.32683733105659485, -0.4722134470939636, -0.13454173505306244, -0.3735049366950989, 0.288485586643219, -0.7196688652038574, 0.868938684463501, -0.20836025476455688, 1.6647343635559082, 0.46684232354164124, -1.0765600204467773, 0.7529610991477966, -1.0973353385925293, 1.8856866359710693, 1.8547204732894897, -0.3262178301811218, -0.03999732807278633, 1.582764744758606, -0.147674560546875, 1.9731580018997192, 0.10750797390937805, 0.49799269437789917, 0.7737479209899902, -0.4783751368522644, -0.8359715938568115, 0.33406171202659607, -0.4889897108078003, 0.5968155860900879, 0.5039999485015869, 0.47810137271881104, -0.3208315968513489, 0.025675158947706223, -0.6078208684921265, -0.5654202103614807, 0.006471782922744751, 0.722918689250946, 0.14048856496810913, -0.23077496886253357, -0.06247328966856003, -0.10871998220682144, -0.6808477640151978, 0.32873037457466125, -1.7146518230438232, 0.7414231300354004, 0.12185848504304886, -0.5500877499580383, -0.31180399656295776, -0.38590776920318604, 0.6223395466804504, -0.7314714789390564, -0.449352502822876, 0.12385490536689758, 0.6948297619819641, 0.820318341255188, -0.6255595684051514, 0.3925136923789978, 0.42611682415008545, -0.020813092589378357, 0.9328341484069824, 0.25911232829093933, 0.035331882536411285, -0.7467156648635864, -0.7020875215530396, 0.11608850955963135, 1.0144641399383545, 0.10214072465896606, 0.35638338327407837, 0.022353921085596085, 0.5038886070251465, 0.4021133482456207, -0.34782445430755615, -0.32719722390174866, 0.3067947030067444, -0.11655676364898682, -1.8030589818954468, -0.41739267110824585, -0.3434351682662964, 0.5694383382797241, -0.6240876317024231, 0.1828579604625702, -0.33361467719078064, 0.13482630252838135, 0.36061304807662964, 0.5180113315582275, -0.10326723754405975, -0.46432438492774963, 0.12652458250522614, 2.6071856021881104, -0.8571400046348572, 1.9515938758850098, -0.3123663365840912, -0.19998720288276672, -0.6505998969078064, -0.020212044939398766, 1.3388899564743042, 0.41575005650520325, -1.041677713394165, -0.6707975268363953, 0.3974800407886505, -0.3676927089691162, 0.8480408191680908, -1.1923820972442627, -0.5367189645767212, -0.41761621832847595, -0.12097033113241196, -1.4913833141326904, -1.0132951736450195, 0.08717353641986847, 0.7017611861228943, 0.1944987028837204, 0.5848479866981506, -0.7099795937538147, 1.3453713655471802, 0.39996182918548584, -0.12324090301990509, -0.21618656814098358, 0.7071474194526672, -0.7229409217834473, -0.6547949910163879, 0.7107180953025818, -0.22957393527030945, -0.616583526134491, -0.16314458847045898, 0.7948054075241089, -0.5501775741577148, 0.18756988644599915, -0.351656973361969, -0.20115992426872253, 0.6031878590583801, 0.44501620531082153, 0.5088216662406921, 0.07636826485395432, -0.6047871708869934, -0.27039840817451477, -0.24681200087070465, -0.0921703577041626, 1.2196513414382935, 0.26349660754203796, 0.757664144039154, -2.2832372188568115, -0.06594504415988922, -0.22482582926750183, 0.5542511343955994, 0.025119736790657043, -0.22094768285751343, 0.1742784082889557, 0.19404236972332, -0.20140400528907776, -1.0083739757537842, 0.8935304880142212, -0.8757066130638123, 0.025739461183547974, 0.19740594923496246, -0.14407822489738464, 0.06545805186033249, 0.41420841217041016, 1.0258804559707642, 0.8939086198806763, -0.672711968421936, -0.787899911403656, -2.0158350467681885, 0.13459095358848572, 2.3918585777282715, -0.18884620070457458, -0.5839034914970398, -1.5953142642974854, -0.2681727409362793, 0.7147871851921082, 0.046263135969638824, -0.09761729091405869, -0.7619079947471619, 0.05836794152855873, -1.1020716428756714, 0.35170257091522217, -0.6918655633926392, 0.1936715841293335, 0.29409119486808777, 0.8291387557983398, -0.7042533755302429, -0.3541596531867981, -0.13067029416561127, -0.8998594880104065, 1.0789498090744019, 0.9763606786727905, 0.13378696143627167, 0.12005548179149628, 0.8901805877685547, 0.19629356265068054, 0.7787339687347412, 0.5311462879180908, 0.23763686418533325, -0.18960607051849365, -0.14181657135486603, -0.21586595475673676, 1.0780898332595825, -0.22033308446407318, 0.2099977731704712, 0.0448233038187027, 0.35321947932243347, -0.5172984600067139, -0.6772947311401367, 0.14270146191120148, -0.6383771300315857, 1.3581100702285767, 0.7424327731132507, 0.021795911714434624, 1.0562207698822021, -0.643278956413269, -0.3595309853553772, 0.08501648902893066, -0.7344141006469727, 0.18717683851718903, -0.34832215309143066, 1.3193484544754028, 0.29771262407302856, 0.19201932847499847, -0.06391134113073349, 0.19011035561561584, -1.2698850631713867, -0.6605750918388367, 0.3905061185359955, -1.0953494310379028, -1.2298283576965332, 0.036243736743927, -0.2782440185546875, -0.6086301207542419, -0.34188684821128845, 0.08567642420530319, 0.44478994607925415, 0.45633217692375183, 1.4272241592407227, 1.5170049667358398, 0.2685461938381195, 0.8114119172096252, 0.22706420719623566, 1.7017362117767334, -0.14438863098621368, 0.887910783290863, -0.09093068540096283, 0.5010634660720825, -0.9432579278945923, 0.2756046950817108, -0.7593069076538086, 0.6200228333473206, 0.11493567377328873, -0.6351868510246277, 0.66908198595047, -0.3296011984348297, -1.5494753122329712, 0.7470657229423523, -0.6845443844795227, -0.08561349660158157, -0.4679732918739319, 1.7381162643432617, -0.03557160496711731, -1.0057704448699951, 0.6019840836524963, 0.5536521077156067, 0.06856606900691986, 0.9674065113067627, 0.041858866810798645, 0.7355629801750183, 0.7050023078918457, -0.03855165094137192, 0.22980853915214539, 0.1294664740562439, -1.5803266763687134, 0.2344568967819214, 1.3620505332946777, -0.4383784532546997, -0.6626108288764954, -0.949146032333374, -0.013518750667572021, -0.7781496047973633, -0.27463677525520325, 0.15831226110458374, -0.9197422862052917, 0.19113539159297943, -0.057044148445129395, 0.06457052379846573, 1.364646077156067, -0.7650803327560425, 0.9486218094825745, 0.519950807094574, -0.2593170702457428, -0.7437655925750732, -0.6906607151031494, 0.9830823540687561, -0.06272567063570023, -0.39392608404159546, 0.46901580691337585, 1.015861988067627, 1.3546555042266846, -0.15290892124176025, 0.06126207858324051, 0.6395503878593445, 0.20679554343223572, -0.025768982246518135, -0.06900085508823395, -0.9172004461288452, 0.8243861794471741, 0.19584405422210693, 0.8362768292427063, 0.0907614529132843, -0.791451632976532, -0.9164856672286987, 0.017064131796360016, -0.0021702200174331665, -0.7096426486968994, 1.6932274103164673, 0.3840276598930359, 1.51020348072052, -0.038127437233924866, 0.3339604139328003, -0.943102240562439, 0.3022887408733368, 0.8485362529754639, 0.38121458888053894, -0.4178040623664856, -0.820905327796936, -0.02553170919418335, 0.29865020513534546, 0.016738679260015488, -0.5996612310409546, -0.041167303919792175, 1.0209934711456299, 0.12332828342914581, -1.4379854202270508, 0.35967710614204407, 1.1939798593521118, 1.021319031715393, 1.4666595458984375, -0.2968880832195282, -0.02573976293206215, 0.09801489859819412, 0.270594984292984, 0.5372608304023743, -0.09048923850059509, -0.5381330251693726, 0.6290187239646912, 0.21449856460094452, 0.8622734546661377, -0.19597956538200378, 1.1594146490097046, 1.0730286836624146, -0.5639081597328186, -1.5439817905426025, -0.6228079795837402, -1.00356125831604, -0.9006070494651794, -0.10312759876251221, -0.05929676070809364, -1.5749114751815796, 0.6929436326026917, -0.37591737508773804, -1.0353846549987793, 0.7324413061141968, -0.520514965057373, -1.3035472631454468, 1.0245620012283325, 1.5273025035858154, -1.5466634035110474, -0.3664686381816864, -0.12143845856189728, -1.2529308795928955, -0.3319878578186035, -0.33471739292144775, -0.8080753087997437, 0.0006304341368377209, -0.22864019870758057, 0.7105638980865479, -0.022182773798704147, 0.0029183179140090942, -0.9721619486808777, 0.6837188005447388, 0.7661122679710388, -1.3180103302001953, 0.813449501991272, 0.049504272639751434, 0.2961153984069824, -0.25079283118247986, -1.3260127305984497, -0.6516921520233154, 0.49206283688545227, 0.04513849318027496, 0.4684719145298004, -0.766003429889679, -0.6275734305381775, 0.331626832485199, 0.3573995530605316, 1.2731688022613525, -0.8237534165382385, 0.3646751046180725, -0.11856704950332642, -0.06232792139053345, 0.7547061443328857, -0.7785350680351257, -0.6521483659744263, 1.0326156616210938, 0.0065927207469940186, 1.0671018362045288, -0.08841803669929504, 0.1438017338514328, 0.8875288963317871, -0.03765610605478287, -0.2431006282567978, -0.42288267612457275, -10.996246337890625, 0.40542876720428467, 0.24960015714168549, -0.2794451117515564, 0.7519213557243347, -0.4250224828720093, 1.094759225845337, -0.5096010565757751, 0.105432890355587, -0.9628357291221619, 0.8645996451377869, 1.5007468461990356, 0.6047202944755554, -0.09408321976661682, -0.7192389369010925, -0.9066922068595886, -0.5103133320808411, -0.2195163071155548, 1.114953637123108, -0.39829856157302856, -0.16920562088489532, 0.12692199647426605, 0.3210698366165161, -0.3893813192844391, 0.11122389137744904, 0.3577192723751068, -0.5925114750862122, -0.3884606957435608, -0.6320245265960693, 0.046503499150276184, 1.0036983489990234, 0.12667250633239746, -0.30384182929992676, -0.7762611508369446, -0.0389123372733593, -0.5282496809959412, -0.13892176747322083, -0.4001002311706543, 1.2108596563339233, -0.25564083456993103, -0.13769367337226868, -0.39107969403266907, 0.5578569769859314, 0.16912303864955902, -0.6329187154769897, 0.43625831604003906, 0.04765962064266205, -0.8491779565811157, 0.27112826704978943, -0.044616177678108215, -0.926035463809967, -0.4403408467769623, -0.5447420477867126, -0.45432552695274353, 0.3309507668018341, 0.6280354857444763, -1.0997956991195679, 0.1607000082731247, -0.4225035011768341, -1.058018684387207, 0.9510166049003601, 0.0008225627243518829, -0.27293941378593445, 0.1728844940662384, 0.09173093736171722, -0.7798753380775452, -0.006498932838439941, -0.039696525782346725, -0.6131475567817688, 0.45420125126838684, -0.7253791689872742, 0.8516054749488831, 0.45616596937179565, -0.5928685069084167, -0.42292487621307373, 0.07521671056747437, -1.0815969705581665, -0.4332279562950134, 0.6428265571594238, 0.28678110241889954, -1.4688975811004639, 0.8532416820526123, 0.1870351880788803, -0.9247153401374817, -0.9807430505752563, -0.022998899221420288, -0.4057193696498871, 0.2392635941505432, 0.2780110836029053, -0.5522555112838745, 0.912483811378479, 0.20809632539749146, -0.43440312147140503, -0.21744799613952637, -0.26064345240592957, 1.1105512380599976, -0.7443452477455139, 0.428697794675827, -0.023214686661958694, -0.5781432390213013, 0.41406992077827454, 0.09201904386281967, -0.538788914680481, 0.22029702365398407, 0.0943046361207962, 0.21575012803077698, 0.41890835762023926, 0.32379454374313354, -0.1763252168893814, -0.30186304450035095, 0.8871668577194214, 0.284549742937088, -0.2745180130004883, 0.9470387101173401, -0.39343544840812683, 1.0645726919174194, 0.42947113513946533, 0.13382616639137268, 0.39099958539009094, 0.3588792681694031, -0.7305089235305786, 0.7687698006629944, 0.10588281601667404, 1.4822274446487427, 0.02864016219973564, -0.03146367520093918, 0.13020525872707367, 0.32953521609306335, 0.16592903435230255, -1.614972710609436, 0.3541204333305359, -0.05637223646044731, -0.44581058621406555, -0.3615483343601227, -0.6124496459960938, 0.19269797205924988, -0.6979572176933289, 2.075178384780884, -0.3758898973464966, -0.3028343915939331, -0.41606271266937256, -0.30626586079597473, -0.19914156198501587, -1.3683059215545654, -0.9829800724983215, 0.3474021852016449, -0.7253271341323853, 0.6262208223342896, -0.5703044533729553, -0.3160966634750366, -0.17003215849399567, -0.47127917408943176, 0.8010379672050476, -0.6363571882247925, -0.5727120041847229, -0.40458619594573975, 0.6299808621406555, 0.11190169304609299, -1.115734577178955, -0.26285237073898315, 0.12004812061786652, 0.36476293206214905, -0.9365273118019104, 1.25387442111969, 0.5279080867767334, -0.1534648835659027, -0.2571823000907898, 0.1666633039712906, -0.6231906414031982, 0.09632769972085953, 0.8059433698654175, -0.3768687844276428, -0.03564606234431267, -0.14682908356189728, -0.2624034583568573, -0.824207603931427, 0.16258779168128967, 1.7735943794250488, -1.2420963048934937, -0.15551446378231049, -0.03057042881846428, 1.3678256273269653, 0.11947524547576904, 0.021720662713050842, -0.15048828721046448, 0.1581203043460846, -0.1087547168135643, 0.9581506848335266, 0.25005781650543213, 0.5179440975189209, -1.7594844102859497, -1.4636805057525635, -0.6001907587051392, -0.05432279407978058, 0.7740060091018677, 0.020031951367855072, 0.9481706023216248, 0.5197498202323914, -0.16348353028297424, 0.051403917372226715, 0.26947537064552307, 0.9903144836425781, 0.563744843006134, 0.5678958892822266, 0.09166119992733002, 0.005050860345363617, -0.7997679114341736, 0.3725545108318329, 0.31733718514442444, 0.9710941910743713, -1.7930958271026611, 0.39253509044647217, 0.5739225149154663, -0.4098491370677948, -0.2324771136045456, -1.1606886386871338, 0.4859135150909424, -0.29567503929138184, -0.23330797255039215, -1.4827179908752441, 0.28502562642097473, 1.2639826536178589, -1.0447524785995483, 1.1001677513122559, -0.0390094518661499, 0.6779546141624451, 0.6816880702972412, 0.14828559756278992, 1.2704150676727295, -0.10478867590427399, -0.38508638739585876, 0.20283563435077667, 0.26809605956077576, -0.4916423261165619, -0.11670141667127609, -0.7118129134178162, -0.9551035761833191, 0.5695575475692749, -0.563654899597168, 0.41425856947898865, -0.4731249213218689, 0.6167834997177124, 0.8203274011611938, 1.3341435194015503, -0.22196166217327118, -1.3993544578552246, 0.06814299523830414, -1.2745437622070312, 0.19004979729652405, 0.7087595462799072, 0.1328069567680359, 0.5956355333328247, 0.8591504096984863, -0.5175674557685852, 1.016314148902893, -0.8549171090126038, -0.12560886144638062, 0.007271312177181244, -0.3238217234611511, 0.6973553895950317, 0.09925835579633713, 0.893502414226532, -0.08967900276184082, -0.3838607668876648, -0.10064375400543213, -0.3490527272224426, -0.1925981491804123, 0.5842317938804626, 1.1670095920562744, -0.41265374422073364, -0.6541615724563599, -0.6975651979446411, 1.0074957609176636, -0.5882842540740967, 0.6275128126144409, 0.2565486431121826, -0.29485297203063965, -0.7618524432182312, -0.5047678351402283, 0.013908833265304565, 0.9481809735298157, 0.15479543805122375, -0.2506725490093231, 0.07587537914514542, 0.8002954721450806, -0.05524899810552597, -0.4847845733165741, -0.4487262964248657, -0.14774557948112488, -0.7334148287773132, 0.32272088527679443, 0.5278791189193726, -0.9981489777565002, -0.6093876361846924, -0.3837134838104248, -0.5630704760551453, 0.5814578533172607, -0.1050306111574173, -0.6229326128959656, -0.5307796001434326, 0.01947173848748207, 0.026213981211185455, 0.5964699387550354, 0.28593146800994873, -0.30294281244277954, -1.330870270729065, 0.45529669523239136, 1.4596366882324219, -1.0024809837341309, -0.707820475101471, 0.09457037597894669, 0.2817601263523102, 0.3211118280887604, 0.704096257686615]} +{"paper_id": "sberquad", "embedding": [0.26331308484077454, 1.3260064125061035, -0.12778985500335693, 0.1185133159160614, 0.2592860758304596, -0.24259129166603088, 0.2838994264602661, 0.41277197003364563, 1.2891383171081543, -0.08367617428302765, 0.6659438014030457, -0.5609731674194336, 0.5723949670791626, 0.11916330456733704, -0.023018918931484222, -0.13297975063323975, -0.6948590278625488, -0.3357088565826416, -1.5050314664840698, -0.5723493695259094, -0.9820646047592163, -0.3322221040725708, -0.19555087387561798, 0.9269728064537048, -0.42312756180763245, -0.8139697909355164, 0.3615722358226776, -1.0508058071136475, 0.1377979815006256, 0.15377944707870483, -0.008704610168933868, 0.9533447027206421, -1.2364310026168823, 0.6529085636138916, -0.5488001704216003, -1.2106502056121826, 0.7701379656791687, 0.7583893537521362, 0.24792641401290894, -0.9306347370147705, -0.6129307150840759, 0.33888503909111023, -0.09134003520011902, -0.017300091683864594, 0.7283052206039429, -0.40234053134918213, 1.0101295709609985, -0.24841906130313873, -0.17136897146701813, -0.3840476870536804, -0.8379507660865784, 0.15200865268707275, -0.1758575588464737, 0.02145424485206604, -0.8273473381996155, 0.756639838218689, -0.09288956224918365, -0.3996943235397339, 0.31918221712112427, -0.6325018405914307, 1.4232515096664429, 0.9625490307807922, 0.08457635343074799, 0.29702654480934143, 2.146022081375122, 0.06975674629211426, 1.257119059562683, 0.008631937205791473, -0.33520880341529846, 0.740721583366394, -0.6228957176208496, -0.20221751928329468, 0.08318781852722168, -0.32710739970207214, 0.00932997465133667, 1.0900238752365112, 0.48131659626960754, -0.43144452571868896, 0.6135996580123901, -0.31424903869628906, -0.7657811641693115, 0.5322209596633911, 0.9362627863883972, 0.039807699620723724, 0.589470386505127, -0.26140841841697693, 0.9100475311279297, -0.52700275182724, 0.6695716977119446, -2.0623703002929688, 0.7794071435928345, 0.7807099223136902, 0.7529241442680359, 0.4274137616157532, -0.5222170948982239, 0.23743164539337158, 0.4387761354446411, -0.15004068613052368, -0.6692683696746826, -0.4995191693305969, 0.5179429054260254, 0.14266380667686462, 0.8068134784698486, -0.32866665720939636, 0.3075163960456848, 0.15424656867980957, 0.18790888786315918, -0.3733910620212555, -0.2390935719013214, -0.7113247513771057, -0.1618434190750122, 0.6356749534606934, 0.026170805096626282, 0.3529689610004425, 0.025953486561775208, 0.08744143694639206, 0.2959395945072174, -0.5257048606872559, -0.9101560115814209, -0.18522073328495026, -0.3532727062702179, -0.9625130295753479, -0.0944453552365303, -1.0135537385940552, 0.3334231376647949, -0.7127388715744019, -0.06642769277095795, -1.2798272371292114, 0.03528190404176712, -0.24072587490081787, 0.7340655326843262, 0.15630584955215454, -1.2250503301620483, -0.1814572811126709, 2.349703311920166, -1.1719127893447876, 1.101175308227539, -0.197795107960701, -0.0941387265920639, -0.7134391665458679, -0.6970061659812927, 1.4721397161483765, -0.10068978369235992, -0.9134169220924377, -0.3424665033817291, 0.15972977876663208, -0.14013075828552246, 0.3988563120365143, -0.40657132863998413, -0.5177198052406311, -0.2425006926059723, 0.1954723298549652, -1.4068305492401123, -1.117876410484314, 0.07443670928478241, -0.08597320318222046, -0.09627784788608551, 0.6185282468795776, 0.23526988923549652, 0.6105616092681885, 0.4132193326950073, 0.27258050441741943, -0.4417298436164856, 0.4124142825603485, -0.43038317561149597, 0.27915990352630615, 0.7731882333755493, 0.008952479809522629, -0.2271600365638733, -0.02200721949338913, 0.2772616446018219, -0.2770936191082001, -0.7298495173454285, -0.2136206179857254, -0.24916516244411469, 0.10625515133142471, -0.07239164412021637, 1.0652682781219482, 0.34409600496292114, -0.4245976507663727, 0.28348979353904724, -0.38343310356140137, 0.441122829914093, 0.38591140508651733, -0.057202309370040894, 0.5790054202079773, -3.1274032592773438, 0.19902747869491577, -0.7780402898788452, 0.5924800634384155, 0.02650582790374756, -0.14749941229820251, 0.6422268748283386, 0.320190966129303, -0.4834336042404175, -0.4551515579223633, 0.8461699485778809, -0.9143456816673279, 0.7718520164489746, 0.5286652445793152, 0.6138337850570679, -0.07182002067565918, 0.17138247191905975, 0.999727725982666, 0.6820022463798523, -0.15082812309265137, -0.7136415243148804, -1.5497124195098877, 0.39700064063072205, 1.5914539098739624, 0.0671977698802948, -0.2711128294467926, -0.2291160225868225, -0.5564957857131958, 0.17113029956817627, -0.8855252861976624, 0.7889963388442993, -0.5411214232444763, -0.35064905881881714, 0.04441216588020325, 0.44576165080070496, -0.8499125838279724, -0.3095225989818573, 0.6419956684112549, 1.4419300556182861, -0.2917696237564087, -0.9924054145812988, -0.19022569060325623, -0.488634318113327, -0.0001063365489244461, 0.7655753493309021, 0.07785143703222275, -0.025780845433473587, 0.6081457138061523, 0.2146608829498291, 0.7394071221351624, 1.1546881198883057, 0.848802924156189, -0.0062522441148757935, 0.729138970375061, -0.5026463866233826, 0.9491850733757019, -0.42961663007736206, -0.07352132350206375, 0.3719099760055542, 0.4899590015411377, -0.34353625774383545, -0.4647514820098877, -0.6594977378845215, 0.06574228405952454, 1.1204732656478882, 0.6258053779602051, -0.652942419052124, 0.5574873685836792, -0.7658723592758179, -0.3097282946109772, 0.04341505095362663, 0.15504537522792816, -0.4461822509765625, 0.05246070772409439, -0.30702176690101624, -0.6606218814849854, -0.23147419095039368, -0.02671966329216957, 0.5628113150596619, -0.8784522414207458, -1.4091742038726807, 0.04604392498731613, -0.14594519138336182, -0.9437452554702759, -1.5172590017318726, 0.5041943192481995, -1.5276703834533691, -0.11601148545742035, -0.2704508602619171, -0.2551998794078827, -0.00659338291734457, 0.7658728361129761, 1.5815813541412354, -0.0010068975389003754, 0.1478859782218933, -0.6656286716461182, 1.3631914854049683, -0.328319251537323, -0.021351203322410583, -0.20910359919071198, 0.3878694772720337, -0.8185015916824341, 0.37931108474731445, -1.1647669076919556, 0.693514883518219, 0.6536168456077576, 0.7415568828582764, 0.9949012994766235, -0.4235426187515259, -1.1016076803207397, 0.7321047186851501, -0.564460277557373, 0.19475916028022766, -1.2483142614364624, 1.603584885597229, 0.5138610005378723, -0.7602798938751221, 0.22646862268447876, -1.0838544368743896, -0.6338642835617065, 0.8275740742683411, -0.8103246688842773, 0.7575647234916687, -0.08810508251190186, -0.26054540276527405, 0.18901385366916656, 0.05337505042552948, -1.9957932233810425, 0.9381324648857117, 1.2486659288406372, 0.20037586987018585, 0.23498660326004028, -0.5196256041526794, 0.2658746838569641, -0.20913930237293243, 0.15846043825149536, 0.7915706634521484, -1.3440766334533691, 0.5312663316726685, 0.2434212863445282, -0.017209947109222412, 0.8952872157096863, 0.45692646503448486, 0.7778295278549194, 0.4587342441082001, 0.7576596140861511, -1.2087186574935913, -0.5707924962043762, 1.2852438688278198, -0.41404637694358826, 0.630372166633606, 0.4196328818798065, 0.8121516704559326, 0.3600476384162903, 0.20341482758522034, -0.32225027680397034, -0.16039054095745087, 0.46641668677330017, 0.1015755832195282, 0.35688063502311707, -0.15241248905658722, 0.35788917541503906, -0.593845784664154, 1.4728407859802246, -0.08324874937534332, -0.7189586758613586, -0.4394524097442627, -0.1300610601902008, -0.7734552025794983, 0.30819299817085266, 1.4607698917388916, -0.22119039297103882, 2.0473434925079346, 0.7786527872085571, -0.09608051180839539, 0.19485023617744446, 0.2425609529018402, 0.3213076889514923, 0.5433769822120667, -0.0953320562839508, 0.027066752314567566, 0.019820798188447952, 0.418550044298172, 1.294316291809082, -0.9022205471992493, 0.3668004274368286, 0.32279518246650696, -0.8320058584213257, -1.1850903034210205, 1.2792203426361084, 0.8457524180412292, 1.1362197399139404, 1.8461588621139526, -0.39438381791114807, 0.2336854189634323, -0.4393071234226227, -0.30393579602241516, -0.02712465450167656, -0.22229233384132385, 0.256413072347641, 0.4597911536693573, 0.9353241324424744, 1.6651281118392944, 0.07101815938949585, 0.6758101582527161, 1.2197027206420898, -0.484000563621521, -1.4434359073638916, 0.2759703993797302, -0.7469375729560852, -0.22196140885353088, -0.21939164400100708, 0.14536210894584656, -0.4451098144054413, 0.5326583385467529, -0.09282186627388, -1.1121525764465332, -0.012885287404060364, -0.1855332851409912, -1.1480375528335571, 0.9871178269386292, 1.239287257194519, -0.31036943197250366, -0.1519298255443573, -0.3120552897453308, -1.1540435552597046, 0.4393566846847534, -0.42180776596069336, -1.4721816778182983, 0.6483370661735535, -0.06760965287685394, 0.8631530404090881, 0.12411628663539886, 0.0026021748781204224, -1.003294587135315, 1.4808275699615479, 1.8762257099151611, -1.160023808479309, 0.35848870873451233, 0.36678123474121094, 0.5580604672431946, 0.045006901025772095, -1.2584582567214966, -0.44826948642730713, 0.7314757704734802, 0.5185761451721191, -0.028725143522024155, -1.1040706634521484, 0.10136960446834564, 0.9734688401222229, 0.5699202418327332, 0.24979084730148315, -0.40682679414749146, 0.8106662631034851, -0.6661254167556763, 0.10058635473251343, 0.6430920362472534, -1.789052128791809, -0.3958264887332916, 0.9830952882766724, -1.0882412195205688, 0.4045204818248749, 0.24926283955574036, 0.18774566054344177, 2.1956608295440674, -0.2542784810066223, -0.40728652477264404, -0.38725516200065613, -11.075356483459473, 0.5145769119262695, -0.8448365926742554, -0.5118295550346375, 0.3072376251220703, -0.009588107466697693, 0.05098850280046463, 0.776971697807312, 0.9338709712028503, -0.5508721470832825, 0.2372964322566986, 0.8636302947998047, -0.019323065876960754, -0.70355623960495, -0.35002264380455017, -0.07884548604488373, -0.5895574688911438, -1.0401867628097534, 0.2454119175672531, 0.4537785053253174, 0.19382421672344208, -0.28933483362197876, -0.348533570766449, -0.22568245232105255, 0.023447122424840927, -0.7001420259475708, -0.45599719882011414, -1.084485650062561, 0.05207774043083191, 0.6025612354278564, 0.5386905670166016, -0.5078101754188538, -0.5939692258834839, -0.6216040253639221, 0.836268961429596, -0.14689454436302185, -1.123236894607544, -0.3514891266822815, 0.20295073091983795, -1.089842438697815, -0.6664140820503235, 0.20845986902713776, -0.11955659091472626, -0.8196929693222046, -0.28613486886024475, 0.04542212188243866, -0.12650729715824127, -0.9957086443901062, 0.02258216217160225, -0.9528722167015076, -0.8144723773002625, -0.3644678294658661, -1.1999380588531494, -0.5717831254005432, 0.5785080194473267, -0.021976714953780174, -0.38456347584724426, -0.11088099330663681, -0.4293513894081116, -0.7417731285095215, 0.39535513520240784, -0.3025001287460327, -0.6539866328239441, 0.6938983798027039, 0.6320159435272217, -0.5310317873954773, 0.8102409243583679, 0.1122354045510292, 0.21470162272453308, 0.782574474811554, -0.4224588871002197, 1.324298620223999, -0.37269824743270874, 0.7246655821800232, -0.3648027777671814, 0.202190101146698, -0.34952759742736816, -0.28982841968536377, 0.7565177083015442, 0.8621660470962524, -0.7376106381416321, 0.1531599909067154, -0.058476243168115616, -0.20906811952590942, -0.8803812861442566, 0.19433985650539398, 0.24501460790634155, 0.37399688363075256, 0.5724194049835205, -0.5635969638824463, 1.346889615058899, -0.3685271441936493, -0.14507956802845, -0.3732556998729706, -0.9676839709281921, 0.5228649377822876, -0.7090479731559753, 0.7288408875465393, 0.48736730217933655, -0.285362184047699, 0.01646484062075615, 0.2267017364501953, -0.5221500396728516, -0.30613401532173157, 1.3024368286132812, -0.7393179535865784, -0.22007247805595398, 0.07411262392997742, 0.36194944381713867, -0.9924654364585876, 0.5280330777168274, 0.578011691570282, 0.006291583180427551, 1.094300389289856, -0.48631325364112854, 1.679133653640747, 0.5553093552589417, 0.22497519850730896, -0.836895227432251, 1.343614101409912, -0.6125027537345886, 1.0006227493286133, 1.2029985189437866, 1.8994028568267822, 0.6524720788002014, 0.3116908371448517, 0.5501753091812134, 0.21102775633335114, -0.401792973279953, -1.1252214908599854, 0.34936702251434326, -0.5307012796401978, 0.16889266669750214, -0.3085272014141083, -0.000727437436580658, 0.6278186440467834, -1.1449706554412842, 1.5089553594589233, -0.963200032711029, -0.036603063344955444, -0.11409342288970947, 0.02177368476986885, -1.0887742042541504, -0.2399081140756607, -0.9359649419784546, 0.15226931869983673, -2.2869622707366943, -0.3156925439834595, -0.20371264219284058, -0.4126178026199341, -0.3742170035839081, -0.770026683807373, 0.6662176251411438, 0.5525799989700317, -0.4579062759876251, -0.241009920835495, 0.6601789593696594, -1.3419040441513062, -0.2739406228065491, -0.15798600018024445, 0.9294968843460083, 0.6905086040496826, -0.7527278661727905, 0.81035315990448, 0.36896541714668274, -0.45193642377853394, -0.7063395380973816, -0.09200693666934967, -0.7028306126594543, 1.0755330324172974, 0.8064209818840027, -0.8273069858551025, -0.10971280932426453, -0.12816397845745087, 0.15107035636901855, -0.46015533804893494, -0.7403097748756409, 1.2878153324127197, -1.268391728401184, 0.14934620261192322, 0.12316925823688507, -0.02601088583469391, 1.2430038452148438, -1.1190102100372314, -0.38114866614341736, 0.20212283730506897, -0.15816903114318848, 0.3877449035644531, 0.3577558994293213, 0.5971775650978088, -1.1072636842727661, -1.1050810813903809, -0.6142390370368958, -0.6449083089828491, 0.2949230372905731, 0.31785959005355835, 1.2191221714019775, 0.15517643094062805, -0.7383623123168945, -0.45400601625442505, -0.7343612313270569, 0.15749791264533997, -0.18830305337905884, 0.5312954783439636, -0.03719883784651756, 0.10518915951251984, -0.45538467168807983, 0.14766459167003632, 0.8125565648078918, 1.0322662591934204, -0.4254562258720398, 0.35457831621170044, 0.2655528783798218, 0.157228022813797, -0.534003496170044, -1.5208287239074707, -0.6460254788398743, 0.012873359024524689, 0.09981507807970047, -0.9528725743293762, 0.13125048577785492, 0.9059543013572693, -0.3124271631240845, 0.4176979959011078, 1.1630432605743408, -0.04420644789934158, -0.00772965420037508, 0.4712616801261902, 1.2373126745224, 0.22085721790790558, -0.03562360629439354, 0.02815430611371994, 0.7033274173736572, 0.02440519630908966, 0.3486007750034332, -0.520445704460144, -0.8222496509552002, 0.08801887929439545, -0.6675290465354919, 0.6426032185554504, 0.09313519299030304, -0.15589386224746704, 0.5863518118858337, 0.5695794224739075, 1.082629680633545, -2.1317086219787598, -0.6282066702842712, -0.919431746006012, -0.0913936048746109, 0.6087383031845093, -1.1119019985198975, 0.7603866457939148, 0.4043475091457367, -0.9453805088996887, 1.540108323097229, -0.49728283286094666, -0.29222434759140015, 0.10019169747829437, -0.38240551948547363, 0.6555953621864319, 0.48746228218078613, 0.43094003200531006, 0.14538319408893585, -0.45629242062568665, -1.136668086051941, -0.3694598972797394, -1.4291913509368896, 0.9927502870559692, 0.032108716666698456, -0.6368253231048584, -0.2048625349998474, 0.19581130146980286, 0.3111603856086731, -0.14446261525154114, 1.3495166301727295, -0.00540582463145256, 0.39715689420700073, -0.17321084439754486, -0.8613146543502808, -0.17680981755256653, 0.21028319001197815, -0.020884830504655838, 0.2683027982711792, -0.21715794503688812, -0.07085058093070984, 0.2572435736656189, 0.018828650936484337, -0.6105177998542786, -0.12259118258953094, -0.39942044019699097, 0.4797214865684509, 0.7706574201583862, -0.3453465402126312, -0.8378376960754395, 0.32793331146240234, -0.8066493272781372, 0.06223940849304199, 0.25709402561187744, -0.4110422730445862, 0.18604567646980286, 0.5273230671882629, -0.25192075967788696, -0.8312858939170837, 0.5377195477485657, 0.9336251020431519, -1.833949327468872, 0.7788450121879578, 0.44842949509620667, -1.0439525842666626, 0.4731186330318451, 0.02349809929728508, 0.4293307662010193, 0.21859034895896912, 1.2981971502304077]} +{"paper_id": "ecb", "embedding": [-0.4453214406967163, 0.5162084698677063, -0.1065860241651535, 0.7001749277114868, 0.8673371076583862, -0.0325789749622345, 1.0120489597320557, 0.27827149629592896, 0.7110975980758667, 1.176689624786377, -0.37274685502052307, -0.2685931622982025, -0.24064673483371735, 0.28228455781936646, -0.013692274689674377, -1.2088342905044556, -1.4962859153747559, -0.2809239625930786, -0.685340940952301, -0.7260118126869202, -0.7795645594596863, 0.02775052934885025, -0.29905927181243896, 0.03734467923641205, -0.46397504210472107, 0.10280537605285645, 0.3336324989795685, -0.8068000674247742, 0.849760115146637, 0.1628195345401764, 0.03793405741453171, 1.399904489517212, -1.0738129615783691, -0.09930647909641266, -0.9594770073890686, -0.09788448363542557, -0.006984568201005459, 1.1475328207015991, -0.6991875171661377, 0.11271914839744568, -0.4863129258155823, 0.047870561480522156, 0.7388240098953247, 0.3969874083995819, 0.3352210223674774, -0.27108234167099, -0.3050478994846344, 0.1301412135362625, -0.4670864939689636, 0.22579322755336761, 0.061983175575733185, 0.282117635011673, 0.7243265509605408, 0.011255811899900436, 0.2000628113746643, 0.95108562707901, 0.3053775727748871, -1.3600804805755615, 0.4759170114994049, -0.6885615587234497, 0.42645522952079773, 1.0615452527999878, -0.6338816285133362, 0.48141175508499146, 0.9813416004180908, -0.7791578769683838, 0.7657619714736938, -0.16891297698020935, -0.14175258576869965, 1.0999664068222046, -0.1268746554851532, 0.0040565431118011475, -0.09239602833986282, -0.13619691133499146, -0.18740874528884888, 0.5076250433921814, 0.5098298192024231, -0.1503026932477951, -0.07045356184244156, 0.6167411804199219, 0.16640186309814453, 0.6651818752288818, 0.843950092792511, -0.7209092974662781, -0.10206080973148346, -0.26540470123291016, 0.835997462272644, -0.4898844361305237, 0.43030354380607605, -1.4610334634780884, -0.5222080945968628, -0.14034660160541534, -0.7064388394355774, 0.08594481647014618, -0.5249993801116943, 0.30938243865966797, -0.2650832533836365, 0.11498293280601501, -0.24376104772090912, 0.49155667424201965, -0.21294426918029785, -0.7489984035491943, -0.39433157444000244, 0.1219218298792839, 0.3256862163543701, 0.6939606070518494, -0.23449331521987915, 0.333866149187088, -0.1188112273812294, -0.29867175221443176, -0.16826023161411285, 1.2587876319885254, 0.265875905752182, 0.7340731024742126, -0.5832488536834717, -0.3971312940120697, 0.113011434674263, -0.40988221764564514, -1.0183179378509521, 0.21693693101406097, -0.6968163847923279, -0.512515664100647, 0.23345282673835754, -0.19099679589271545, 1.191575050354004, -0.36560967564582825, 0.38119402527809143, -0.4866986572742462, -0.005840444006025791, -0.01970316469669342, -0.12961669266223907, 0.29347658157348633, -0.4604472219944, -0.001021888107061386, 3.0383615493774414, -1.0613566637039185, 1.369009256362915, -0.47508007287979126, -0.05501285940408707, -0.6062301397323608, -0.09805755317211151, 0.7115243077278137, -0.08015269786119461, -0.05990608409047127, 0.13379137217998505, -0.2071627825498581, -0.23405179381370544, 0.5106627941131592, -0.11558669060468674, -0.7002047300338745, 0.13972632586956024, -0.1720554530620575, -1.1342506408691406, -0.25960004329681396, 0.39936190843582153, 0.563561201095581, -0.5099192261695862, 0.5602117776870728, -0.6726027727127075, 0.964694619178772, 0.4758213758468628, -0.36304038763046265, 0.32400718331336975, 0.5207711458206177, -0.28538450598716736, 0.22798287868499756, 1.5473798513412476, -0.2261158525943756, -0.7993797659873962, 0.3223091959953308, 0.36854875087738037, 0.11139226704835892, -0.6181754469871521, -1.0708608627319336, -0.017878931015729904, 0.3932670056819916, 0.8513101935386658, 0.7376604676246643, -0.14394426345825195, -0.6674706339836121, -0.6440762877464294, -0.3354703485965729, 0.03697884827852249, 0.5010101795196533, 0.10658597201108932, 0.5283969640731812, -1.7215921878814697, -0.31805843114852905, -0.9628930687904358, 0.6039621829986572, -0.6491156816482544, 0.017045998945832253, 0.24191951751708984, 0.7805923223495483, -0.43387049436569214, -0.16801759600639343, 0.85225510597229, -1.104517936706543, -0.44868361949920654, -0.705420196056366, -0.36073291301727295, -0.16533708572387695, -0.09978187829256058, 0.4350473880767822, 1.3773268461227417, -0.29014045000076294, -0.2891843020915985, -2.4903318881988525, 0.6608332395553589, 2.134993553161621, 0.06772521883249283, -0.26625150442123413, -1.442490816116333, 0.21425701677799225, 0.7922874093055725, -0.5860203504562378, 0.3983426094055176, -0.19024348258972168, 0.8576756119728088, -0.5521389842033386, 0.09776444733142853, -0.7722544074058533, 0.28011617064476013, 0.39113378524780273, 0.2916973829269409, -0.5525698661804199, -0.617836594581604, -1.0933904647827148, -0.4538078010082245, 0.44741758704185486, 1.20069420337677, -0.13638165593147278, 0.04596627876162529, 0.9401395320892334, 0.56354820728302, 0.6216651201248169, -0.2871722877025604, 0.17641355097293854, -0.05532556772232056, -0.6931454539299011, 0.36852511763572693, 0.09105796366930008, -0.17786501348018646, 0.44183772802352905, 0.637018620967865, 0.40165165066719055, -0.29714512825012207, 0.35563385486602783, -0.4375753402709961, -0.5480518937110901, 0.564900279045105, 0.8794971108436584, -0.817852795124054, 1.1955196857452393, -1.3761546611785889, 0.5016456246376038, -0.034556154161691666, -0.8186255693435669, -0.9317933320999146, 0.12378916144371033, 1.0852608680725098, -0.07568389177322388, 0.08669605851173401, 0.022957898676395416, -0.6167658567428589, -0.6392586827278137, -0.4144127368927002, -0.25359633564949036, 0.4421508312225342, -1.4228661060333252, -0.30376583337783813, -0.45052504539489746, -0.8735758662223816, -0.3088390529155731, -0.5106067061424255, 0.3296075165271759, -0.19310781359672546, -0.13388091325759888, 1.9426629543304443, 0.28707432746887207, -0.16993528604507446, 0.08468736708164215, 1.0616756677627563, -0.7067648768424988, 0.4805428981781006, -0.6880022883415222, 0.06801023334264755, -0.920023500919342, -0.238810196518898, 0.33896905183792114, 0.8223573565483093, -0.09537309408187866, -0.05780358240008354, -0.08499655872583389, -0.2574734687805176, -0.5788857936859131, 1.2781587839126587, -0.9360206723213196, -0.2681582272052765, -1.690443992614746, 1.6364660263061523, 0.6355949640274048, 0.41859036684036255, 0.7656641602516174, 0.03825783729553223, -0.3766924738883972, 1.5261489152908325, -0.16268476843833923, 1.206304669380188, 0.30537259578704834, 0.39262157678604126, 0.05130019038915634, 0.2660979926586151, -1.828075885772705, 0.15236438810825348, 0.7807809114456177, -0.508331298828125, -0.25642165541648865, -0.9228311777114868, 0.6717790961265564, -0.34797292947769165, -0.8566886782646179, 0.2635582983493805, -0.2177247703075409, -0.07637526094913483, -0.5049723982810974, 0.24150048196315765, 0.7546176314353943, -1.2490755319595337, 0.19235281646251678, 0.9142935872077942, 1.0835179090499878, -0.8145378232002258, -0.5360889434814453, 0.8638522624969482, 0.18960250914096832, 1.0912628173828125, 0.4283234477043152, 1.2358001470565796, 0.8895922899246216, -1.1236982345581055, 0.00701423455029726, 1.445098638534546, 0.20724382996559143, 0.5868849158287048, 0.6652157306671143, 0.12078623473644257, 0.25927674770355225, -0.6653098464012146, 1.1835637092590332, 0.6448712348937988, -1.3285421133041382, -0.3356676995754242, -0.8581941723823547, -0.7503232359886169, -0.5458714365959167, 1.1159826517105103, 1.2303435802459717, 2.2403409481048584, -0.3794134259223938, 0.15643978118896484, 0.008563738316297531, 0.012041270732879639, 0.8804906010627747, 0.21225972473621368, 0.7112964391708374, -0.6592556238174438, -0.210201233625412, 0.7358682155609131, -0.037640612572431564, 0.029016392305493355, -0.46282488107681274, -0.41254743933677673, 0.06553168594837189, 0.2840641736984253, 0.4938700795173645, -0.19671794772148132, 0.13994193077087402, 1.8247425556182861, -0.9918258786201477, -0.6674801707267761, 0.1348557323217392, -0.00012177973985671997, -0.22414806485176086, 0.7602501511573792, -1.5766843557357788, 0.7410377860069275, 0.054272715002298355, 0.5949681997299194, -0.6113995909690857, 0.8704493045806885, 0.500005841255188, 0.5282357335090637, -0.7480462789535522, -0.9634970426559448, -0.9336881041526794, 0.5252802968025208, 0.2624386250972748, -0.5806719064712524, 0.017612462863326073, 0.9187360405921936, -0.21215561032295227, -1.468075156211853, 0.8658705949783325, -0.10412988811731339, -0.9647252559661865, 0.32092219591140747, 0.9602574110031128, -1.2524594068527222, -0.5779885053634644, 0.3947902321815491, -0.9074805378913879, -0.439706414937973, -0.22358857095241547, -0.6113735437393188, 0.7759029269218445, 0.04563320428133011, 0.7860811948776245, -0.50004643201828, 0.19661347568035126, -0.45050856471061707, 1.018373966217041, 0.9088134169578552, 0.1464971899986267, 0.5972285270690918, 1.09033203125, 0.2427646666765213, -0.14235852658748627, -0.6318628787994385, -0.7863531708717346, 0.18480315804481506, 0.30841806530952454, 0.5352800488471985, -1.0620871782302856, -0.6907466053962708, -0.31660589575767517, -0.05068938061594963, 1.0445232391357422, -1.6412214040756226, 1.355587124824524, -0.49079298973083496, 0.30923983454704285, 0.0069801583886146545, -1.3787480592727661, -1.17556631565094, 0.5386677384376526, -0.6479190587997437, 0.02877228334546089, -0.3540565073490143, 0.2368428111076355, 1.4135987758636475, 0.17748397588729858, 0.22471143305301666, -0.2674139440059662, -11.942044258117676, 0.5642045736312866, -0.06676175445318222, 0.5465381145477295, 0.8196974992752075, -0.26310840249061584, -0.12318611890077591, 0.9402527213096619, 0.8892132043838501, -0.21473582088947296, -0.40143707394599915, 1.1658210754394531, -0.48393139243125916, -0.9465615153312683, -0.3702273666858673, -0.9569413065910339, -0.1051136702299118, -0.27123600244522095, -0.18554088473320007, 0.32125571370124817, -0.45161107182502747, -1.362506628036499, 0.029363863170146942, 0.25248241424560547, 0.7965483665466309, -0.10943841934204102, -0.3213774561882019, -0.19667455554008484, -0.4129294157028198, 0.18863588571548462, 0.7645257711410522, -0.5466190576553345, -1.004692554473877, -0.30645716190338135, 0.932940661907196, -0.3371838331222534, -0.5539294481277466, -0.041789278388023376, 0.29550307989120483, 0.4003782272338867, 0.2670331597328186, 0.016080070286989212, -0.053604885935783386, -1.218129277229309, -0.4095579981803894, -0.19839243590831757, -0.24437537789344788, -0.6673317551612854, -0.3272523581981659, 0.03861590474843979, -0.6438555121421814, -0.06928922235965729, -0.6823837757110596, -0.8312063217163086, 0.40682098269462585, -0.7318522334098816, -0.35542598366737366, 0.2800571024417877, -0.48343178629875183, -1.3878512382507324, 1.1752605438232422, -0.17447537183761597, -0.3155710697174072, 0.523006796836853, 0.4706745743751526, -1.1400893926620483, 0.8125900626182556, -0.058649059385061264, 0.36509969830513, 0.16763751208782196, -0.3647031784057617, 1.1709134578704834, 0.4041486978530884, 0.31509000062942505, 0.15662603080272675, 0.35340338945388794, -0.05010828748345375, -1.2432442903518677, 0.257247656583786, 0.285751074552536, -0.809890866279602, 0.6152796745300293, 0.23542539775371552, -0.20232689380645752, -0.7724005579948425, 0.1238182932138443, 0.22324097156524658, -1.0321801900863647, 0.5170255899429321, -0.08575884252786636, 1.0277843475341797, -0.07639506459236145, 0.026995893567800522, 0.07977260649204254, -0.7279062867164612, 1.3066729307174683, -0.5101632475852966, 1.4962685108184814, 0.41504111886024475, -0.2826136648654938, 0.17880836129188538, 0.03238680213689804, -0.5259748697280884, -0.38710469007492065, 0.6010134220123291, -0.5071175694465637, 0.5099170804023743, -0.3960929811000824, -0.4314979612827301, -0.584032416343689, 0.4109042286872864, 0.6690452694892883, 0.36580562591552734, 0.8129311800003052, -0.1684376448392868, 0.30349117517471313, 0.1965290606021881, -0.07713008671998978, 0.09491223841905594, 2.0376572608947754, 0.11011683940887451, 0.0969705656170845, 0.38547834753990173, 0.5266576409339905, 0.2626509368419647, 0.3996535837650299, 0.1547350436449051, 0.9430288076400757, -0.14570821821689606, -1.189733862876892, -0.3645952641963959, -0.7141756415367126, 0.8601927757263184, -0.5094201564788818, -0.5606023073196411, -0.42978718876838684, 0.07886549830436707, 0.6945873498916626, -0.36517471075057983, 0.406412810087204, -0.06833437085151672, -0.5356018543243408, -0.4508318603038788, -0.46890002489089966, -0.1941576451063156, 0.14085300266742706, -2.1800098419189453, 0.43597763776779175, -0.47504371404647827, -0.3478558361530304, -0.2581847012042999, -0.6898036003112793, 0.16031423211097717, -0.4751605987548828, 0.19601939618587494, 0.6056715846061707, -0.22505073249340057, 0.34808287024497986, -0.6731367707252502, -0.2111993134021759, -0.5533468723297119, 1.6139805316925049, -0.8425609469413757, 0.31169331073760986, 0.5873416662216187, 0.2512381076812744, -0.842118501663208, -0.14052551984786987, -0.7021650075912476, 0.13476607203483582, 0.7916184067726135, -1.1354331970214844, 0.02831689827144146, -1.1031855344772339, -0.04374534636735916, -1.0600388050079346, 1.104514718055725, 0.38165155053138733, -0.6899551153182983, -0.41361939907073975, -0.07012535631656647, -0.4084174633026123, -0.25284698605537415, -0.5801287889480591, -0.18559731543064117, 0.09776081889867783, 0.1703546941280365, 0.6623799204826355, -0.11667077988386154, 1.246753215789795, -1.3731350898742676, -1.0261740684509277, -0.7018080353736877, 0.4727746248245239, 0.678023636341095, -1.031887412071228, 1.405056118965149, 0.3454187512397766, -0.16354286670684814, -0.19440782070159912, 0.20264849066734314, 1.1148988008499146, 0.40500694513320923, 0.5612486600875854, -1.038772702217102, -0.4738108217716217, -1.172703504562378, -0.2816113233566284, 0.20660938322544098, 0.133689746260643, -0.6390299201011658, -0.24208882451057434, -0.24634912610054016, -0.2956240177154541, -0.30140337347984314, -0.8700748682022095, 1.017264485359192, -0.03802110627293587, -0.17641086876392365, -0.38762691617012024, 0.3105887472629547, 1.0103967189788818, -0.33781325817108154, 1.1087907552719116, 0.31354016065597534, -0.021783534437417984, 0.33130550384521484, 0.7783101201057434, 0.9568398594856262, -0.013614345341920853, -0.6805554628372192, 0.08278931677341461, -0.22339695692062378, 0.45499321818351746, -0.11987406015396118, -0.4264180064201355, -0.5299991965293884, 0.2263982892036438, -0.5281482338905334, -0.07541530579328537, -0.25263601541519165, 0.12744779884815216, 1.2794265747070312, 0.9153856039047241, -0.4881535768508911, -0.9731743931770325, 0.010451685637235641, -0.6154933571815491, 0.8236855268478394, 1.6078815460205078, 0.5945684313774109, 0.20750701427459717, 0.2952369451522827, 0.02096051722764969, 1.211268663406372, -0.2819340229034424, 0.15011551976203918, 0.9042421579360962, 0.6592206954956055, 1.2612229585647583, 1.1304137706756592, 0.2639455199241638, -0.08164509385824203, -0.13109925389289856, -0.8019731044769287, 0.3446289598941803, -0.34269484877586365, 0.4875059127807617, 0.42872458696365356, -0.5930420160293579, 0.2553977966308594, -0.4814079999923706, 0.620137631893158, -0.7426878213882446, 0.11420425772666931, 0.1659095287322998, -0.6329734921455383, 0.1343800276517868, -0.8446168899536133, -0.16831834614276886, 0.5718313455581665, -0.34977394342422485, -0.6752629280090332, -0.3094474673271179, 0.6130592226982117, -0.4646015763282776, -0.6108521819114685, -0.2692457139492035, 0.7686218023300171, -0.5820625424385071, 0.45706069469451904, 0.2894384562969208, -0.9580873250961304, -0.6203816533088684, 0.16984087228775024, -0.23204192519187927, 0.5716476440429688, 0.31292468309402466, -0.969677209854126, -0.08414003252983093, -0.028678152710199356, -0.25482285022735596, -0.5260210633277893, 0.6625348329544067, 0.23198898136615753, -1.2695646286010742, 1.0929043292999268, 0.8097575306892395, 0.3206109404563904, -0.23322759568691254, -0.07431147247552872, 0.8030877709388733, 0.3118304908275604, 1.2197407484054565]} +{"paper_id": "um005", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "compguesswhat", "embedding": [-0.6329730749130249, 1.0701645612716675, 0.0075305551290512085, 0.17244717478752136, 0.4818703234195709, -0.19747942686080933, 0.6005340814590454, 0.28203868865966797, 0.9291154742240906, 0.9650565981864929, 0.4780488908290863, 0.44604289531707764, -1.3514595031738281, -0.5485113859176636, 0.02010350115597248, 0.19359856843948364, -0.6762785911560059, -0.48433321714401245, -0.9939208626747131, -0.16310441493988037, -0.8467379808425903, -0.9241520762443542, 0.7517569661140442, 0.43815329670906067, -0.49752557277679443, -0.25013846158981323, 1.13107168674469, -1.0883902311325073, -0.6569639444351196, 1.0846598148345947, -0.9404150247573853, 1.015561580657959, -0.993180513381958, 0.47857144474983215, -0.14962854981422424, -0.7133541107177734, 0.5321365594863892, 0.5542992353439331, 0.26049408316612244, 0.04148874431848526, -0.4112512469291687, 0.04901501536369324, 0.42330804467201233, 0.10373996198177338, 0.3022816777229309, -0.14835777878761292, -0.15630987286567688, 0.2671346664428711, -0.9237849712371826, -0.25235068798065186, -0.9476155042648315, 0.5155373215675354, -0.011871153488755226, 0.07644269615411758, -0.16746389865875244, 1.0458177328109741, 0.2897522747516632, -0.6359035968780518, 0.24696454405784607, -0.5234395861625671, 1.46328866481781, 1.2747447490692139, -0.6161799430847168, 0.6315726041793823, 0.9406967163085938, 0.5268049836158752, 1.586477518081665, 0.8840991854667664, -0.12057763338088989, 0.5960782766342163, -0.3086661100387573, -1.0555846691131592, -0.05315965414047241, -0.13646277785301208, 0.33690232038497925, 0.2838810682296753, 0.08722341805696487, 0.059740908443927765, 0.07227177917957306, 0.39510756731033325, -0.3222602307796478, 0.25273191928863525, 0.3084775507450104, -0.5350916385650635, 0.4041459560394287, 0.5956903696060181, 0.7234530448913574, -0.45937931537628174, 0.4038241505622864, -1.3637686967849731, 1.3018450736999512, 0.21412122249603271, 1.0183491706848145, -0.3306906819343567, -0.29817330837249756, 0.1369558870792389, 0.3075864911079407, -1.131873369216919, -0.6545510292053223, 0.7799631357192993, -0.07076466083526611, -0.014727402478456497, 0.2249096781015396, -0.24826160073280334, 0.3194429278373718, -0.1000446230173111, 0.1538037359714508, 0.3540032207965851, -0.4533999562263489, -0.2795783281326294, 0.33010706305503845, 1.1284703016281128, 0.23382121324539185, 0.37021341919898987, -0.38362714648246765, -0.2428126037120819, 0.6782013773918152, -0.49839887022972107, -0.30775150656700134, 0.2532082796096802, 0.08689317107200623, -0.8545435070991516, 0.053066276013851166, 0.10416848957538605, 0.6976189017295837, -0.8756622076034546, -0.12257569283246994, -0.34095674753189087, -0.5397781729698181, -0.505258321762085, 0.006632722914218903, 0.24456417560577393, -0.8439034819602966, -0.5161460638046265, 3.033453941345215, -0.8974407315254211, 1.0510653257369995, -0.6133743524551392, -0.7910524606704712, -0.7853765487670898, -0.6085389852523804, 0.7237685322761536, 0.696030855178833, -0.45152944326400757, -0.1777501106262207, 0.6375791430473328, -0.20335668325424194, 0.15702715516090393, -1.2464077472686768, 0.08106779307126999, 0.28442052006721497, 0.8454529643058777, -1.6657013893127441, -0.9344335198402405, 0.02225780114531517, 0.20173129439353943, -0.8247568607330322, -0.0014617294073104858, -0.30092716217041016, 0.6843259334564209, 0.025237098336219788, -0.10043740272521973, -0.5511904954910278, 0.11673979461193085, -0.22645258903503418, 0.648994505405426, 0.37791740894317627, -0.8700946569442749, -0.3959008455276489, -0.8016893863677979, 1.012298583984375, -0.5068042278289795, -0.5834211111068726, -1.007681131362915, 0.28515592217445374, 0.41584834456443787, 0.8849177956581116, 0.384597510099411, 0.695972204208374, -0.15280365943908691, -0.5349259376525879, -0.46511170268058777, 0.06385441869497299, 0.22486281394958496, -0.3870287239551544, -0.21783748269081116, -2.700366258621216, 0.012148678302764893, -0.6717802882194519, 0.30730724334716797, 0.42767149209976196, -0.06688906252384186, 0.1886410415172577, 0.5324190855026245, -0.9094284772872925, -0.0866006389260292, 0.5469396114349365, -0.47307875752449036, -0.3845953941345215, 0.5106620192527771, -0.16155286133289337, 0.36687830090522766, -0.5489227175712585, 1.0547460317611694, 0.7640981078147888, 0.1369316279888153, -0.22378882765769958, -2.0246341228485107, -0.044740572571754456, 1.0298792123794556, 0.5899038314819336, -1.0769559144973755, -0.9920461177825928, -0.018402837216854095, -0.03862879425287247, -0.2694430351257324, 0.6278170347213745, -0.0962170660495758, 0.43724918365478516, -1.8001447916030884, -0.20840145647525787, -0.33227109909057617, 0.8171823620796204, 0.514091432094574, 1.6421877145767212, -0.6128919720649719, 0.035032451152801514, -0.6371285915374756, -1.15602445602417, 0.019930774345993996, 0.45034730434417725, 0.5302879214286804, 0.2515093684196472, 0.30728331208229065, -0.09420788288116455, 0.36807066202163696, 0.853975236415863, 1.154170036315918, -0.4678134620189667, 1.1104947328567505, 0.7587169408798218, 0.6059056520462036, 0.6539332270622253, 0.06651219725608826, -0.5815673470497131, -0.12525427341461182, -0.2590039372444153, -0.8119521737098694, -0.4578545093536377, -0.0613202229142189, 2.0734455585479736, 0.1783239245414734, -0.8030325174331665, -0.048962175846099854, -0.14895020425319672, 0.12115766108036041, -0.19992133975028992, 0.14364604651927948, 0.1255781501531601, -0.021095246076583862, 0.726424515247345, 0.18427103757858276, -0.12388675659894943, -0.6066461205482483, 0.012336157262325287, -1.2678217887878418, -0.7514029145240784, -0.19338358938694, -0.3510136008262634, -1.2593539953231812, -0.10735750943422318, 0.060083866119384766, -0.6853897571563721, -1.3670094013214111, 0.11741968989372253, 0.644527792930603, -0.01841227523982525, 0.9749089479446411, 0.4180974066257477, -0.002489972859621048, -0.07486511021852493, -0.17734427750110626, 1.3941307067871094, -0.31220686435699463, 0.8628506660461426, -0.5283398628234863, 0.02843836322426796, -0.5252006649971008, 1.1075011491775513, -1.0546033382415771, -0.09059302508831024, 0.21059370040893555, -0.5898961424827576, 0.4902154505252838, -0.43767550587654114, -0.7094308137893677, 1.78054678440094, -0.34913885593414307, 0.47105300426483154, -0.41093748807907104, 0.7115994095802307, 0.9000686407089233, -1.0749082565307617, 1.38579523563385, -0.9666478633880615, -1.0661430358886719, 1.1000665426254272, -0.5179635286331177, 0.652961015701294, 0.5657649636268616, 0.2736779749393463, 0.5152190327644348, -0.26396653056144714, -2.4864578247070312, 0.4042496979236603, 0.4733414947986603, -0.3723725974559784, -0.002359312027692795, -1.0260053873062134, 0.03676724433898926, -0.538743257522583, 0.47392213344573975, 0.27877846360206604, -0.39305379986763, 0.9315643906593323, -0.32165056467056274, 0.29923105239868164, 1.6467632055282593, -0.713069498538971, -0.01999049447476864, 1.0011929273605347, 0.24593806266784668, -1.224802851676941, 0.1633676290512085, 1.494412899017334, -0.4859565198421478, 0.18394552171230316, 0.14476054906845093, 1.1027642488479614, 0.4280180335044861, -0.4818063974380493, 0.5426161885261536, 0.8902158141136169, 0.18846172094345093, 0.8164821863174438, 0.9222813844680786, -0.20104295015335083, 0.29624438285827637, -0.6081781983375549, 1.4683642387390137, -0.5663654208183289, -0.5052187442779541, -0.9286975264549255, -0.08974558115005493, -1.1497790813446045, -0.2180621325969696, 1.0963475704193115, 0.2903997600078583, 1.1626770496368408, -0.3082562983036041, 0.3491343855857849, -0.7478123903274536, -0.1194387823343277, -0.09911461174488068, 0.9034786224365234, 0.09024405479431152, -0.6732099056243896, 0.268361359834671, 0.0035645291209220886, 0.08865939825773239, 0.511910617351532, -0.7806744575500488, 0.9479207992553711, 0.07969494163990021, -0.5453574657440186, 1.3076573610305786, 0.540980339050293, 0.46627935767173767, 1.1631355285644531, -0.4077978730201721, -0.39790141582489014, -0.03279200196266174, 0.46559011936187744, 0.8923892378807068, -0.39953288435935974, -0.8357973098754883, 0.664669930934906, 0.826391875743866, 0.8430012464523315, 0.4750897288322449, 0.8286585807800293, 1.2487339973449707, -0.19031324982643127, -1.2700142860412598, -0.026108521968126297, -0.45740002393722534, -0.13781395554542542, 0.26619309186935425, 0.2481687217950821, 0.472887247800827, 0.7323995232582092, -0.3600336015224457, -0.24432240426540375, 1.1767796277999878, -0.33230137825012207, -0.2385629117488861, -0.5907503962516785, 0.8691564798355103, 0.08636049181222916, -1.3141452074050903, 0.06487427651882172, -0.7972660660743713, -0.9879510402679443, -0.5773385763168335, 0.01853475533425808, 0.5127699971199036, 0.2504611909389496, 0.5688571929931641, 0.6093750596046448, 0.3760960102081299, -0.09586313366889954, 0.8712993860244751, 1.1481530666351318, -1.012207269668579, 1.2324943542480469, 0.6759597659111023, 0.009009778499603271, 0.20409880578517914, -0.6238653659820557, -0.8440355062484741, 1.3219062089920044, 0.5058176517486572, 0.5215970277786255, -0.8784071207046509, -0.6736317873001099, 0.3288968503475189, -0.40616562962532043, 0.27786725759506226, -1.3843193054199219, -0.22003720700740814, -0.6659285426139832, -0.09626813232898712, 0.3492166996002197, -0.912879228591919, 0.24601642787456512, 1.1179563999176025, -0.8116578459739685, 0.5888921022415161, -0.3789113461971283, -0.0438392274081707, 2.2831950187683105, 0.4039941132068634, -0.23042428493499756, -0.2001597285270691, -11.376141548156738, 0.9128223657608032, -0.35300639271736145, 0.03248225897550583, 0.2816256582736969, -0.7146733999252319, 0.37818989157676697, 0.3833756744861603, 0.9331163167953491, -1.2535725831985474, 0.3914354741573334, 0.3963989317417145, 0.3790832757949829, -0.6517195701599121, -1.0500539541244507, -1.1947396993637085, -0.26762834191322327, -0.9707815647125244, 0.19551782310009003, 0.3301028907299042, 1.0156333446502686, -1.5108997821807861, -0.46661174297332764, 0.34275856614112854, 0.21874603629112244, -0.7467139959335327, -0.2802177369594574, -0.34018105268478394, -0.21269142627716064, 0.7501219511032104, 1.0759916305541992, -0.4249122738838196, -0.3378675580024719, -1.2156473398208618, 0.8154690861701965, 0.11557041108608246, -1.2781565189361572, 0.44992607831954956, 0.5349687933921814, 0.06823855638504028, -0.5044741630554199, 1.1739261150360107, -0.015918005257844925, 0.27407345175743103, -0.2073061764240265, 0.6995658874511719, 0.848359227180481, -1.032708764076233, 0.3171575367450714, -0.565464437007904, 0.17643193900585175, -0.877202033996582, -0.2793654501438141, -0.7525191903114319, 0.7117308378219604, -0.2488935887813568, -0.414188027381897, -0.36907678842544556, -0.8092235922813416, -1.7330737113952637, 0.10111794620752335, 0.21074341237545013, -0.2794276475906372, 0.3417699635028839, 1.2468398809432983, -0.5399219989776611, 1.0567322969436646, 0.7066504955291748, 0.13260173797607422, 0.7308622002601624, -1.450405478477478, 0.8401361703872681, 0.2176128327846527, 0.32819080352783203, -0.2686002850532532, -0.20178765058517456, 0.04852282255887985, 1.112086296081543, 0.2297954261302948, -0.4380538761615753, -0.9616864919662476, 0.7948395609855652, 0.3550805449485779, -0.6093213558197021, -1.0695048570632935, 0.6558576226234436, 0.7505173683166504, -0.014486003667116165, 0.5532747507095337, -0.4589410722255707, 0.581122100353241, -0.37712833285331726, -0.5951308012008667, -0.16910770535469055, -1.1164082288742065, 0.9547661542892456, 0.20679278671741486, 0.6558300256729126, 0.5682753324508667, -0.9027829766273499, -0.005159415304660797, -0.2592361867427826, -0.2966591417789459, -0.19721628725528717, 0.510581374168396, -0.12025831639766693, -0.04514814168214798, -0.12098158150911331, 0.5281185507774353, -0.0984639823436737, -0.3774351477622986, -0.2043326199054718, -0.8359091281890869, 0.723831295967102, -0.808148980140686, 0.29300788044929504, 0.8478517532348633, -0.27945488691329956, 1.0483661890029907, 1.355958342552185, 0.16142168641090393, 0.8631340265274048, 0.30603280663490295, 0.8306839466094971, -0.5264038443565369, 0.09664546698331833, 0.9213491082191467, 0.13656023144721985, 0.3645479679107666, -1.6776390075683594, 0.17555400729179382, -0.9214971661567688, -0.522106945514679, -0.011687174439430237, -0.29666468501091003, -0.4839977025985718, -0.6320989727973938, 1.240812063217163, -0.7789772152900696, 0.8968515992164612, 0.6555542349815369, -0.5081790685653687, -0.22671359777450562, -0.7739846110343933, -1.0285791158676147, 0.10887029767036438, -1.931390643119812, 0.05522309988737106, -0.9040093421936035, -0.5117891430854797, 0.5528088212013245, -0.34839576482772827, 0.6425269246101379, -0.6046410202980042, -0.29837462306022644, -0.13593730330467224, -0.23553994297981262, -0.5972791910171509, -0.618505597114563, -0.40312573313713074, 0.6354210376739502, 1.2712929248809814, -0.832076907157898, 0.5966379046440125, -0.32537364959716797, -0.4135896563529968, -0.3413388431072235, -0.2115442454814911, -0.01817687600851059, -0.17316022515296936, 1.4588582515716553, -1.1860092878341675, -0.09338802099227905, -0.8969343304634094, 0.4128754734992981, -1.3546793460845947, 0.494133859872818, 0.8503657579421997, -0.6454330682754517, -0.261455774307251, 0.33405745029449463, 0.7904589176177979, 0.5983167886734009, -0.7545408010482788, 0.17720678448677063, -0.8663589954376221, 0.20460781455039978, -0.02423405647277832, 0.061571188271045685, 0.9157895445823669, -1.2175477743148804, -0.5872515439987183, -0.8516669869422913, -0.15346024930477142, 0.24069297313690186, 0.03175418823957443, 0.8569251894950867, 0.8403282761573792, -0.4160476624965668, 0.4659659266471863, 0.013388510793447495, 0.8079224824905396, 0.23752626776695251, -0.043661195784807205, 0.3875908851623535, -0.45492783188819885, -0.3241368532180786, -0.2521595060825348, -0.04009266942739487, 0.6751992702484131, -0.5027098059654236, 0.39957958459854126, 0.06112029403448105, -0.2957477867603302, 0.4904930591583252, -0.9165605306625366, -0.06923501938581467, -0.5736271739006042, 0.3533168137073517, -1.0644750595092773, 0.3132825493812561, 1.0656421184539795, -0.0018513575196266174, 0.9635587930679321, 0.7685868740081787, 0.3159225285053253, 0.7082754373550415, -0.08558398485183716, 1.4073646068572998, -0.05755475535988808, -0.3340685963630676, 0.2515782117843628, 0.17481496930122375, -0.04690074920654297, -0.3418969511985779, -0.6695892214775085, -1.152766466140747, 0.6828887462615967, -0.7579405903816223, 0.3959667980670929, -1.1585665941238403, -0.43131223320961, 0.9654784202575684, 0.9036324620246887, -0.4102955460548401, -1.7594722509384155, -1.1705360412597656, -1.302812099456787, -0.4828985035419464, 0.4049244821071625, -0.12787914276123047, 0.9112962484359741, 0.6067018508911133, -0.3717198967933655, 0.39842501282691956, 0.3067369759082794, -0.7531172037124634, 0.3179684579372406, 0.5449551343917847, 1.3981504440307617, 0.707522988319397, 0.38222065567970276, 0.8187892436981201, 0.05134275555610657, -0.6813174486160278, 0.34416791796684265, -0.6470400094985962, 0.020221903920173645, 0.09733670949935913, -1.0156638622283936, -0.35244375467300415, -0.3743736147880554, -0.20342859625816345, -1.395715355873108, 0.23779179155826569, -0.4608646631240845, 0.0007219389081001282, -1.0703297853469849, -0.4040190279483795, -0.008798014372587204, 0.3125822842121124, -0.10381448268890381, -0.5567153692245483, -0.2913217544555664, 1.1242213249206543, -0.34305688738822937, 0.5343772172927856, -0.47048887610435486, 0.10418390482664108, -0.384849488735199, 0.30461543798446655, -0.08834870159626007, -0.42006826400756836, -1.143885850906372, -0.09315061569213867, -0.6190148591995239, 0.35555315017700195, -0.028092097491025925, -0.18726158142089844, -1.2041116952896118, 0.19327330589294434, 0.25918641686439514, -0.173455610871315, 1.0362598896026611, 0.8562963604927063, -0.946745753288269, 0.96410071849823, 0.6772094368934631, -0.07857976853847504, -0.3643814027309418, 0.04372384399175644, 0.5073195099830627, -0.26683610677719116, 1.505918264389038]} +{"paper_id": "irc_disentangle", "embedding": [-0.7113858461380005, 0.2844294011592865, -0.003537822514772415, 0.10054530203342438, 0.9046317934989929, 0.3239421844482422, 0.948914110660553, 0.0007777586579322815, 0.8321483135223389, 0.028954748064279556, -0.37968578934669495, -0.4040456712245941, 0.767837405204773, 0.07698429375886917, -0.07191789150238037, -0.5004859566688538, -1.3090834617614746, -0.24528397619724274, -0.9984235167503357, -0.35903310775756836, -0.2160150557756424, -0.6135044097900391, -0.7063949108123779, 1.0228482484817505, -0.2790830433368683, -0.44045117497444153, 1.050445795059204, -0.4340522587299347, 0.5130298137664795, -0.13144075870513916, 0.01160690188407898, 2.037802219390869, -1.1763865947723389, -0.6610628366470337, -0.21751907467842102, -0.49891069531440735, -0.5726551413536072, 0.35472604632377625, -0.9260632991790771, 0.29822978377342224, -0.8441895842552185, 0.7830852270126343, 0.18588432669639587, 0.9428948760032654, 0.39666786789894104, 0.7082656621932983, 0.20658190548419952, 0.5343341827392578, -0.3627474308013916, -0.04562392458319664, -0.3829590976238251, 0.1386231929063797, 0.3872321546077728, 0.7393149137496948, 0.14207620918750763, 1.149596095085144, -0.3239302933216095, -1.039437174797058, 0.09410075098276138, -0.6969425678253174, 1.059362769126892, 0.5620075464248657, -0.34888026118278503, 0.44195589423179626, 0.8498470783233643, -0.20432813465595245, 0.9546769857406616, -0.45916295051574707, 0.15474918484687805, 1.2874881029129028, -0.7008524537086487, -0.98641437292099, 0.3124825060367584, -0.3976876735687256, -0.30388036370277405, 0.7240902185440063, 0.47643211483955383, 0.6695142984390259, -0.07092513889074326, 0.36926591396331787, 1.0378303527832031, 0.16331952810287476, 0.4076107442378998, 0.3203510046005249, 0.41211315989494324, -0.1803438663482666, 0.61387038230896, -0.7910511493682861, 0.34711045026779175, -1.6990258693695068, 0.5025621056556702, -0.3411087691783905, -0.47473350167274475, -0.046233803033828735, -0.3187345564365387, 0.9138103127479553, -0.21424873173236847, -0.1409926414489746, -0.05111950635910034, 0.32764938473701477, 0.2675907611846924, -1.0716978311538696, 0.2708817720413208, -0.638527512550354, -0.3132641613483429, 0.7496899366378784, 0.3108835816383362, -0.28623440861701965, 0.15852734446525574, -0.4273962676525116, -0.578343391418457, 0.883768618106842, -0.5219566226005554, 1.3497506380081177, 0.0035835576709359884, 0.7537299990653992, 0.6299299597740173, -0.911705493927002, 0.00512891449034214, 0.5402125120162964, -0.3016062378883362, -0.37671053409576416, 0.26223260164260864, -0.04849866405129433, 1.2706927061080933, -0.2706459164619446, 0.23259536921977997, -0.18677619099617004, 0.15444143116474152, -0.030416149646043777, 0.3908594846725464, -0.17778490483760834, -0.1893770396709442, 0.34897229075431824, 1.8076272010803223, -0.8777207136154175, 1.6885428428649902, -0.7556490898132324, -0.5668349862098694, -0.1903688907623291, 0.6773394346237183, 1.3424882888793945, 0.01742362231016159, -0.4621068239212036, -1.1395316123962402, -0.09156272560358047, 0.145594984292984, -0.2670474946498871, -0.5550308227539062, -1.0016461610794067, -0.4929797053337097, 0.01777353137731552, -0.8107006549835205, -0.1954883337020874, 0.4139072597026825, 0.2221238911151886, -0.14164875447750092, 0.7103717923164368, -0.25248801708221436, 0.2471359372138977, -0.00037148594856262207, 0.20105639100074768, -0.12433744966983795, 0.5195143222808838, -0.6488163471221924, -0.1690225452184677, 0.731654703617096, -0.24978438019752502, -1.0001415014266968, -0.2577362656593323, -0.12055718153715134, 0.005227137356996536, 0.2563539147377014, 0.11039531230926514, -0.6487841606140137, -0.04022565111517906, 0.10307897627353668, 1.2811082601547241, 0.3984425663948059, -0.49073851108551025, -0.4014265537261963, -0.27245867252349854, -0.4632053077220917, 0.6178829073905945, -0.32961326837539673, 0.12993642687797546, -2.0327095985412598, 0.19192436337471008, -0.5443940758705139, 0.9576103091239929, 0.5342742204666138, -0.6509174704551697, 0.5545696020126343, -0.007625974714756012, 0.3069571256637573, -0.20653004944324493, 0.564929187297821, -1.3793636560440063, 0.10951261222362518, -0.7270098924636841, -0.06831619143486023, -0.49545231461524963, 0.3953196406364441, 0.8415639400482178, 0.9045116305351257, -0.695380687713623, -0.26429250836372375, -1.6618571281433105, -0.14580661058425903, 2.3540303707122803, -0.027229830622673035, -0.4621051251888275, -1.0881409645080566, 0.02112351357936859, 0.17746031284332275, -0.20720413327217102, 0.6394628286361694, -0.47027772665023804, -0.020499534904956818, -1.0978703498840332, 0.3854813873767853, -0.816896378993988, 0.19511547684669495, 0.563319981098175, 1.2092981338500977, -0.5786790251731873, -0.37519562244415283, -0.38726139068603516, -0.18650391697883606, -0.1683773547410965, 0.6410065293312073, 0.31110864877700806, 0.32560834288597107, 0.9465864896774292, 0.54156094789505, 0.6412884593009949, -0.02432169020175934, 0.2448922097682953, -0.5124485492706299, 0.18194949626922607, 0.21790780127048492, 0.9844441413879395, 0.3369828462600708, 0.2630423903465271, 0.35368067026138306, 0.9239041805267334, 0.3917984962463379, -0.725043535232544, 0.08888981491327286, -0.3418968915939331, 0.41284048557281494, 1.4128775596618652, 0.18743759393692017, 0.6988391280174255, -0.38578808307647705, 0.42272916436195374, -0.49536722898483276, -0.8157867789268494, -0.9877980351448059, -0.27501457929611206, 0.9149811863899231, 0.30132848024368286, 0.17019988596439362, -0.28935202956199646, 0.25274309515953064, -0.3981604278087616, -0.22146928310394287, 0.20687401294708252, -0.3600390553474426, -0.5679153203964233, -0.12239357829093933, -0.42746502161026, -0.8699291944503784, -0.5137289762496948, -0.8571612238883972, 0.49424776434898376, 0.14444930851459503, 0.23597848415374756, 1.4864050149917603, 0.5147780776023865, -0.3503170311450958, -0.5152370929718018, 0.8227489590644836, -0.5726333260536194, 0.424537718296051, -0.32759684324264526, -0.10071764886379242, -0.9258103966712952, -0.5306081771850586, -0.027237817645072937, -0.276272714138031, -0.4220505654811859, -0.23006194829940796, 0.41869789361953735, -0.17252099514007568, -0.1950003206729889, 0.6194478273391724, -0.47236767411231995, -0.06355994939804077, -0.5000988841056824, 1.3417844772338867, 0.06720563769340515, -0.31860458850860596, 0.9255025386810303, -0.03460557758808136, 0.3232453763484955, 1.0886257886886597, -0.5450055599212646, 0.38404643535614014, 0.5303794741630554, -0.18452268838882446, 0.23155269026756287, 0.26059338450431824, -1.6658267974853516, -0.06568864732980728, 0.5775343775749207, -0.09994818270206451, -0.4137437641620636, -0.4928835332393646, 0.28162115812301636, -0.11323513090610504, -0.22883737087249756, -0.08892927318811417, -0.31355926394462585, 0.2545986771583557, -0.17984673380851746, 0.7407514452934265, 0.4379984140396118, -0.08950647711753845, -0.34125396609306335, 0.7211947441101074, 0.5237731337547302, -0.5831100940704346, -0.5866551995277405, 0.3697059154510498, -0.3119872510433197, 0.6106997728347778, 0.7873179912567139, 0.8079487085342407, 0.6785182952880859, -0.1861322820186615, -0.26453128457069397, 0.8215521574020386, 0.11531621962785721, -0.18277330696582794, -0.459104061126709, -0.4735896587371826, 1.0270694494247437, -0.906265377998352, 0.7732952833175659, 0.02831484004855156, -0.2117762714624405, -1.1085509061813354, -0.31806617975234985, -0.45935553312301636, -0.9497160911560059, 0.9956814646720886, 0.5655636787414551, 0.8478496074676514, -0.16033443808555603, 0.05995083600282669, -0.40602990984916687, 0.17225833237171173, 0.6025409698486328, 0.27126413583755493, 0.282865047454834, -0.3982921838760376, 0.1889510452747345, 0.9295133352279663, 0.2643253207206726, -0.511354923248291, -0.46689245104789734, 0.6020100116729736, -0.7593129873275757, 0.14847221970558167, -0.5688669085502625, 0.6007543206214905, -0.05995648354291916, 1.4023478031158447, -0.8229670524597168, -0.3527275323867798, -0.6008989214897156, 0.7772284746170044, 0.13283699750900269, 0.6898670792579651, -0.7788078784942627, 0.5236274600028992, 0.06985102593898773, 0.5745604634284973, -0.020411107689142227, 1.3884717226028442, 0.011538475751876831, -1.3730605840682983, -1.309827208518982, -0.3038090765476227, -1.0733920335769653, -0.16363506019115448, 0.30245986580848694, -0.9158889055252075, 0.023109950125217438, 0.973979115486145, -0.24003246426582336, -0.6156348586082458, 0.8477157354354858, -0.6083793044090271, -0.8918982744216919, 0.46548664569854736, 0.831013560295105, -1.5685136318206787, 0.19822393357753754, 0.08115255832672119, -0.923433780670166, 0.4655582308769226, -0.4010908305644989, -0.673488974571228, 0.7763451337814331, -0.3316035568714142, 0.140317901968956, -0.3462833762168884, 0.5352310538291931, -0.35663801431655884, 1.175406813621521, 0.15786854922771454, -0.44654276967048645, -0.08973334729671478, 0.5966474413871765, 0.5210611820220947, 0.013727597892284393, -0.6807479858398438, 0.13538523018360138, 0.5097132325172424, -0.32816070318222046, 0.5863528847694397, -0.29478245973587036, -0.2251783013343811, 0.8655751943588257, -0.6625004410743713, 0.3977052569389343, -0.6486674547195435, 0.5792372226715088, -0.2683345377445221, -0.2313017100095749, 0.9314768314361572, -1.0721251964569092, -1.2658220529556274, -0.006618410348892212, -1.277543544769287, 0.1641528606414795, -0.34861230850219727, -0.1421739161014557, 0.9257538914680481, 0.3910117447376251, 0.5358980298042297, 0.17666009068489075, -12.902393341064453, 1.2081938982009888, 0.19888998568058014, 0.1807512640953064, 0.21451003849506378, 0.04017017409205437, -0.07948292046785355, 0.6876975297927856, 0.8038984537124634, -0.43097227811813354, 0.004638552665710449, 1.2843682765960693, -0.6784654855728149, -0.06453973799943924, -0.6982965469360352, -0.5103018879890442, -0.28053444623947144, -0.4995635151863098, 0.20475925505161285, 0.3638317883014679, -0.5434089303016663, -0.3981841802597046, 0.031216807663440704, -0.1513614058494568, 0.38481125235557556, 0.033562034368515015, -0.0781220868229866, -0.9390014410018921, -0.3693033456802368, 0.020966961979866028, 0.9309797286987305, 0.022282687947154045, 0.009422913193702698, -0.4320073425769806, -0.10132831335067749, 0.2689831256866455, -0.6648997068405151, -0.34206047654151917, 0.3743473291397095, -0.4071751534938812, 0.1430128812789917, -0.350846529006958, 0.7143678665161133, -0.7832423448562622, -0.3942650854587555, 0.26568758487701416, -0.6690049171447754, 0.37443220615386963, -0.1684865653514862, -0.404398649930954, -0.851983904838562, -0.10459588468074799, -1.3529256582260132, -0.8027948141098022, 0.5649657845497131, -1.0931817293167114, -0.566592812538147, 0.38785693049430847, -0.07947083562612534, -0.6017978191375732, 0.8890261054039001, -0.05602071434259415, -0.3810143768787384, 0.5934947729110718, 0.29794010519981384, -0.7535350322723389, 0.4099172055721283, 0.4566635489463806, -0.25829362869262695, 0.5631465315818787, -0.7782884240150452, 0.4976591169834137, -0.33569854497909546, 1.0634816884994507, -0.21308428049087524, -0.23703637719154358, -0.5946792960166931, -0.07898960262537003, 0.880119264125824, 0.03989630192518234, -0.4763321280479431, 0.5134679675102234, 0.023159073665738106, -0.5687962174415588, -0.933794379234314, 0.12653489410877228, -0.42529597878456116, -0.16797703504562378, 0.687437891960144, 0.5063363909721375, 0.9479369521141052, 0.47385475039482117, -0.9727537631988525, 0.27231544256210327, -0.5179445147514343, 0.7705680131912231, 0.14504729211330414, 0.5918185114860535, 0.18189379572868347, 0.21983468532562256, -0.14528438448905945, 0.2216971516609192, -0.580195426940918, 0.25657588243484497, 0.5814884305000305, -0.0293566957116127, -0.4130517840385437, 0.38712307810783386, 0.22041632235050201, -0.44016361236572266, 0.536484956741333, 0.12426581978797913, -0.2706106901168823, 1.4955395460128784, -0.461631715297699, 0.414351224899292, 0.9176212549209595, 0.6273320913314819, 1.0756440162658691, 0.24377936124801636, -0.6061503887176514, 0.7690041065216064, -0.31472325325012207, 1.2900538444519043, 0.731798529624939, -0.3731357157230377, 0.568236231803894, 0.5385044813156128, -0.8865852952003479, -1.371621012687683, 0.26166534423828125, -0.1140269786119461, 0.8024250268936157, -0.5135607719421387, 0.12566718459129333, 0.5268670916557312, -0.14444823563098907, 0.9718989133834839, -0.9839460253715515, 0.705615222454071, -0.2626969814300537, -0.516535222530365, -0.33855199813842773, -0.8667106032371521, -0.7683249711990356, 0.18127286434173584, -1.064130187034607, 0.4588328003883362, -0.5497169494628906, 0.41134583950042725, 0.18564745783805847, -0.45225000381469727, 0.6658289432525635, -0.7145957946777344, 0.16684263944625854, 0.19225341081619263, 0.6530091762542725, -0.08433543890714645, -0.9932326078414917, -0.025281190872192383, 0.07034463435411453, 1.1837610006332397, -0.5927595496177673, 1.1934162378311157, 0.1929101049900055, 0.29236334562301636, -0.8240228891372681, -0.3442177176475525, -0.8572515845298767, 0.07251961529254913, 0.8660804629325867, -0.9355013370513916, -0.7665690779685974, -0.09174665063619614, -0.20418445765972137, -0.7191168069839478, 0.6892459988594055, 0.5441003441810608, -1.2057627439498901, -0.3889767527580261, -0.7962633371353149, -0.2533797025680542, -0.2643682658672333, -0.2431291937828064, -0.4354202449321747, 0.27770718932151794, 0.14340606331825256, 1.020096778869629, 0.3275797665119171, 0.09920729696750641, -1.2679768800735474, -1.5167641639709473, -0.30663707852363586, -0.17774759232997894, -0.14807628095149994, -0.43771064281463623, 1.142730474472046, 0.3035915195941925, 0.16413691639900208, 0.005497947335243225, -0.05793889984488487, 0.4419599771499634, -0.48991653323173523, 0.28623872995376587, -0.8725458383560181, 0.7621458768844604, -1.0032013654708862, 0.4714435935020447, 0.10207284986972809, -0.2287019044160843, -0.4732387363910675, -0.6766031980514526, 0.3187338411808014, -0.18391668796539307, 0.5787433385848999, -0.927741289138794, -0.14312902092933655, 0.31151309609413147, -0.39165228605270386, -0.4320014715194702, 0.31992483139038086, 0.978183925151825, 0.2811800241470337, 1.1779875755310059, 0.3270699679851532, 0.32908493280410767, 0.6181892156600952, 0.23095504939556122, 0.6010478734970093, -0.3241135776042938, -0.10469894111156464, -0.08653436601161957, -0.34842750430107117, 0.49899575114250183, 0.16385868191719055, -0.6819078922271729, -0.6702786087989807, 0.4573739767074585, -0.3581300973892212, 0.04172242805361748, 0.8021283745765686, 1.2062101364135742, 0.9868866205215454, 1.0260728597640991, -1.12283456325531, -0.618198573589325, -0.8750226497650146, -0.975188672542572, 0.6907733082771301, 1.1515953540802002, 1.2907506227493286, 0.45877760648727417, 0.4144161641597748, 0.1710192859172821, 0.7041924595832825, -0.5364722609519958, 0.6788596510887146, -0.17429271340370178, 0.7237871289253235, 0.9921942353248596, 0.5849262475967407, 0.07425114512443542, -0.43628576397895813, -0.1898857057094574, -1.0115867853164673, 0.32563480734825134, 0.0038321195170283318, 0.760327935218811, 0.21175037324428558, -0.2969803512096405, -0.0858483612537384, -0.71919846534729, 0.46019279956817627, 0.45735716819763184, 1.0274964570999146, 0.6580194234848022, -1.089043140411377, -0.5875764489173889, -1.3753604888916016, -0.6904533505439758, 0.5950177907943726, -0.3349805176258087, -0.5675613284111023, -0.3811947703361511, 0.395469605922699, 0.18534258008003235, -0.6296643614768982, -0.6215606331825256, 0.8349086046218872, -0.8009058237075806, 0.8351241946220398, -0.5062696933746338, -0.8046504855155945, -0.02923521026968956, 0.5032002329826355, -0.3424644470214844, 1.0965667963027954, -0.005033329129219055, -1.1628364324569702, -0.9583330154418945, -0.21529458463191986, 0.08036981523036957, 0.29455360770225525, 0.23682399094104767, -0.12195008248090744, -2.356027126312256, 0.6659162044525146, 1.0122109651565552, 0.25818371772766113, -0.13409017026424408, 0.35770097374916077, -0.31397008895874023, 0.25759828090667725, 1.1549293994903564]} +{"paper_id": "assin2", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "doc2dial", "embedding": [-1.1114020347595215, 0.8358094096183777, -0.23249031603336334, 0.12126137316226959, 0.5105322003364563, -0.26831817626953125, 0.9675191640853882, 0.3992113471031189, 0.44704675674438477, 0.5683801174163818, 0.6259785294532776, -0.1664205640554428, -0.3570687472820282, -0.2522027790546417, -0.6204206347465515, -0.10068085044622421, -0.7952102422714233, -0.8148866295814514, -0.6645780801773071, -0.33173125982284546, -0.6534827351570129, -0.47256553173065186, -0.5396363139152527, 0.8699873685836792, -0.7757331728935242, -0.44234150648117065, 1.0573575496673584, -0.9495635032653809, 0.3156384527683258, 0.13732625544071198, 0.06526608765125275, 1.583056926727295, -1.0397964715957642, 0.12933209538459778, -0.09360586851835251, -0.3060719072818756, -0.1134880855679512, 0.8690364360809326, -0.5412557125091553, 0.025342989712953568, -0.870776355266571, 0.4309086203575134, 0.29434263706207275, 0.4624970853328705, 0.5363484621047974, 0.43428462743759155, -0.10934749245643616, 0.45582637190818787, -0.7958953976631165, -0.15158411860466003, -0.8410270810127258, 0.44269391894340515, -0.1638467013835907, 0.41151162981987, -0.15804168581962585, 1.3924046754837036, 0.3437255620956421, -0.4132101535797119, 0.2607237696647644, -0.4934068024158478, 1.4054535627365112, 0.818797767162323, -0.4604436159133911, 0.18882997334003448, 0.9157289862632751, 0.027831561863422394, 1.0589290857315063, -0.2278164178133011, 0.015049051493406296, 0.6667376756668091, -0.30861079692840576, -1.2370833158493042, 0.0701751559972763, -0.7450775504112244, -0.2590324878692627, 1.1842843294143677, 0.9496415257453918, 0.09775131940841675, -0.16521844267845154, 0.09883490949869156, 0.7983123660087585, 0.7618143558502197, 0.6625655293464661, -0.002488277852535248, 1.0385996103286743, 0.1185920462012291, 0.40032827854156494, -0.17845268547534943, 0.3036651313304901, -2.3036577701568604, 0.7590129375457764, -0.15739880502223969, 0.3748108446598053, -0.16154935956001282, -0.2968848645687103, 0.13523250818252563, 0.0063790492713451385, -0.3574584722518921, -0.3497282564640045, 0.31137794256210327, 0.23313960433006287, -0.5201883316040039, -0.06455683708190918, -0.32785263657569885, 0.28920304775238037, 0.3517228066921234, 0.27177295088768005, 0.33171918988227844, -0.13387037813663483, -0.4203212559223175, 0.344596266746521, 1.218119740486145, 0.32979077100753784, 1.3442269563674927, -0.11252384632825851, 0.25632432103157043, 0.2814987897872925, -0.6273906230926514, 0.04250236600637436, 0.43112093210220337, 0.004071185365319252, -0.24950827658176422, 0.2406298816204071, 0.1314648538827896, 1.0132991075515747, -0.9565197825431824, -0.10084658116102219, -0.42155739665031433, -0.20511437952518463, -0.6765940189361572, 0.3629443347454071, -0.19647976756095886, -0.6535757184028625, 0.006145849823951721, 2.1776857376098633, -0.854289174079895, 1.515028476715088, -0.6084872484207153, -1.4075902700424194, -0.5409120321273804, 0.6789106726646423, 1.2455891370773315, -0.046074096113443375, -0.8344206213951111, -0.3914870619773865, 0.2010398954153061, -0.6045755743980408, 0.1689082533121109, -0.46692225337028503, -0.7935190796852112, -0.029784519225358963, -0.006887666881084442, -1.7788804769515991, 0.03952644765377045, -0.5845614075660706, -0.07448545098304749, 0.42619505524635315, 0.41316354274749756, -0.29290834069252014, 0.8062182068824768, 1.0035566091537476, 0.5125318765640259, -0.24263900518417358, 0.16658438742160797, -1.1204625368118286, -0.21384504437446594, 0.4840776324272156, -0.3108985424041748, -0.8928035497665405, -0.4628452658653259, 0.5236267447471619, -0.7388377785682678, 0.11806461215019226, -0.2500401437282562, -0.5391899347305298, -0.029290564358234406, 0.8391280770301819, 0.914023756980896, 0.459171324968338, -0.5056637525558472, -0.5800802707672119, -0.6832363605499268, -0.23132257163524628, 0.4174097180366516, -0.28736740350723267, 0.3748783469200134, -2.2935526371002197, -0.05769166350364685, -0.6804450154304504, 0.9737761616706848, 0.1268535554409027, -0.31108394265174866, 0.5122868418693542, -0.2220699042081833, 0.05168735980987549, -0.638585090637207, 0.47594285011291504, -1.4811776876449585, 0.4713210463523865, -0.01680586487054825, -0.20748524367809296, 0.007496220991015434, 0.38890764117240906, 1.251596212387085, 1.097000002861023, -0.8037897348403931, -0.4839654266834259, -1.808027744293213, 0.18434590101242065, 2.3399765491485596, 0.013587206602096558, -0.9868375658988953, -1.088779330253601, -0.11662428826093674, 0.3133023679256439, 0.35149651765823364, 0.21670833230018616, -0.5128191709518433, -0.27168428897857666, -1.0709329843521118, -0.14302034676074982, -0.7107301354408264, 0.7789686918258667, 0.8220334053039551, 1.0460140705108643, -0.7670964598655701, -0.2125401794910431, -0.19373218715190887, -1.050315022468567, -0.026821136474609375, 0.31104016304016113, 0.2220413088798523, 0.36080941557884216, 0.6214331388473511, 0.12093380093574524, 0.12193368375301361, 0.26243165135383606, 0.03294503688812256, -0.6729042530059814, 0.38869500160217285, 0.4783347249031067, 1.5300790071487427, 0.08529461175203323, 0.07732365280389786, -0.1171160340309143, 0.36842983961105347, 0.5861961841583252, -1.0450124740600586, -0.34516745805740356, -0.22697117924690247, 1.1085039377212524, 1.5648196935653687, -0.19027826189994812, 0.5463962554931641, 0.24585993587970734, -0.2475595772266388, -0.4397607147693634, -0.35997846722602844, -0.3319295644760132, -0.08474226295948029, 0.8378832936286926, 0.5648292899131775, 0.4035922586917877, -0.523222029209137, 0.4866630434989929, -0.7900611758232117, -0.3484889268875122, 0.5422467589378357, -0.5035843849182129, -1.1828533411026, -0.10439147800207138, 0.05409013852477074, -0.8810121417045593, -0.2904263138771057, 0.29864776134490967, 0.43588557839393616, -0.1084086075425148, 0.5626709461212158, 0.8043553233146667, 0.5032205581665039, -0.7302115559577942, -0.5859824419021606, 0.6440102458000183, -0.3449963629245758, 0.8811209201812744, -0.930663526058197, -0.5611711144447327, -1.0887449979782104, 0.6638323068618774, -0.0695943683385849, -0.0376710370182991, -0.1287584900856018, -1.1159031391143799, 0.5097948312759399, -0.23001118004322052, -0.6671377420425415, 1.0439872741699219, -0.4710797369480133, 0.059270307421684265, -0.00032015517354011536, 1.3686925172805786, 0.14676658809185028, -0.5580179691314697, 1.0052374601364136, 0.31811827421188354, -0.4597505033016205, 1.7101117372512817, -0.07130071520805359, 0.39005157351493835, 1.001928687095642, -0.34398016333580017, -0.17914123833179474, 0.2387005090713501, -1.7209075689315796, -0.19394934177398682, 1.1183767318725586, -0.74550461769104, -0.01251177117228508, -0.9476894736289978, 0.1296263039112091, -0.02773744985461235, -0.33564621210098267, 0.05433826148509979, -1.076063871383667, 0.5315034985542297, -0.2760927677154541, 0.2983022928237915, 1.5191881656646729, -0.21548989415168762, 0.12208129465579987, 0.3391159772872925, 0.0021067485213279724, -0.860980212688446, -0.34630563855171204, 0.6660553812980652, -0.4637365937232971, -0.037756361067295074, 0.5812110900878906, 0.7378308176994324, 1.0882786512374878, -0.32944250106811523, -0.2844426929950714, 1.1720144748687744, 0.19259050488471985, 0.25446951389312744, 0.2729099690914154, -0.05993074178695679, 1.1137233972549438, -0.6094887256622314, 1.380759835243225, 0.2213488221168518, -0.5303102135658264, -1.6198768615722656, -0.283645361661911, -0.7394847869873047, -0.4802699685096741, 1.3767075538635254, 0.18075266480445862, 1.8870686292648315, -0.14260569214820862, 0.08882654458284378, -1.150555968284607, -0.353039026260376, 0.26208221912384033, 0.35221949219703674, -0.23338638246059418, -0.4375115931034088, 0.018772244453430176, 1.0487754344940186, 0.3132026493549347, -0.32794028520584106, -0.835990309715271, 0.945122241973877, -0.09492041170597076, -0.6669253706932068, 0.09856416285037994, 1.2575020790100098, -0.07961148023605347, 1.2344986200332642, -0.7193898558616638, -0.44779303669929504, -0.20802228152751923, 0.8206313848495483, 0.29747307300567627, 0.6434627771377563, -0.7689402103424072, 0.6743894219398499, 0.2169896811246872, 0.5269545912742615, -0.05072006583213806, 1.5462287664413452, 0.06529314815998077, -0.44814714789390564, -1.004610538482666, -0.29774436354637146, -0.7997698783874512, -0.7151984572410583, 0.23104053735733032, 0.19229543209075928, -0.6951664686203003, 0.8019475340843201, -0.36131080985069275, -0.7815256714820862, 0.980671763420105, -0.4742959439754486, -0.8861911296844482, 0.36942195892333984, 1.193335771560669, -1.2812376022338867, -0.22126580774784088, -0.16100043058395386, -0.9787607789039612, -0.18651141226291656, -0.33808010816574097, -0.4635009765625, 1.0531023740768433, -0.01020604744553566, -0.14044247567653656, -0.006835995241999626, 0.4048153758049011, 0.027359098196029663, 1.017673373222351, 0.6714324355125427, -0.8156577944755554, 0.6950000524520874, 0.3004772663116455, 0.5643249154090881, 0.03634698688983917, -1.139269232749939, -0.9486789107322693, 1.0487267971038818, -0.829543948173523, -0.06313130259513855, -0.6113923192024231, -0.355461984872818, 0.5738097429275513, 0.23530925810337067, 0.21590891480445862, -0.7656254172325134, -0.010619612410664558, -0.35423362255096436, -0.26527926325798035, 0.4797460436820984, -1.1780003309249878, -1.2521740198135376, 0.5392729043960571, -0.30864763259887695, 0.500090479850769, -0.45417413115501404, 0.06051572784781456, 1.438564658164978, 0.5590794086456299, 0.11420775949954987, 0.21906298398971558, -11.96982192993164, 1.3406113386154175, -0.07775824517011642, -0.028459709137678146, 0.7581616640090942, -0.16950401663780212, 0.5838040709495544, 0.40970104932785034, 1.2456865310668945, -0.9679746627807617, 0.5166112780570984, 0.7947800159454346, -0.5205744504928589, -0.5898041725158691, -0.6141218543052673, -1.0739084482192993, -0.8378964066505432, -0.43476879596710205, 0.0011145547032356262, -0.09651655703783035, 0.6010470390319824, -0.3746359348297119, -0.43435102701187134, 0.3452445864677429, -0.20488251745700836, 0.007811069488525391, -0.01159800123423338, -0.2793745994567871, -0.2546725869178772, -0.08713339269161224, 0.9963812232017517, -0.10854201018810272, 0.08809967339038849, -1.5439989566802979, 0.22851862013339996, 0.41184577345848083, -0.9876654744148254, -0.5587708353996277, 0.4331326186656952, -0.38166019320487976, -0.4312705397605896, 0.36501544713974, 0.8852241039276123, 0.12099415808916092, -0.35215941071510315, 0.2270052582025528, -0.004642251878976822, -0.11193586885929108, 0.3312719166278839, -0.5885750651359558, -0.6709898114204407, -0.2791837155818939, -0.5919181108474731, 0.2692985534667969, 0.12989842891693115, -1.1390684843063354, -0.4093506634235382, 0.5382380485534668, -0.21382151544094086, -0.8738903999328613, 0.342631995677948, -0.055474624037742615, -0.28523510694503784, 0.21285782754421234, 0.5016888976097107, -0.45361649990081787, 0.8703665733337402, 0.44760164618492126, 0.11910653859376907, 0.5615351796150208, -0.6406657695770264, 0.0933443084359169, -0.10491888970136642, 0.5110200643539429, -0.13307714462280273, -0.03810469061136246, -0.2885545790195465, 0.04477022588253021, 0.6184726357460022, 0.10858024656772614, -0.4797794818878174, 0.551667332649231, 0.5233713984489441, -0.7248396277427673, -1.0288138389587402, 0.19462552666664124, 0.25488758087158203, 0.05209696665406227, 1.0098612308502197, -0.44117721915245056, 1.2643520832061768, 0.627988338470459, -0.5738049149513245, -0.40392568707466125, -0.5343618392944336, 0.5235600471496582, 0.5435322523117065, 0.7232449650764465, 0.2102358043193817, -0.3225041925907135, -0.06883064657449722, -0.31183212995529175, -0.08804880082607269, -0.25915583968162537, 0.6841332912445068, -0.04255139082670212, -0.5740014314651489, 0.7025457620620728, -0.07282212376594543, 0.022456198930740356, 0.5614482164382935, 0.5057764649391174, -0.865913450717926, 0.5144632458686829, -0.6673107147216797, 0.3822374939918518, 1.0518499612808228, -0.05664072185754776, 0.6230443716049194, 1.1294701099395752, -0.022870684042572975, 1.225861668586731, 0.09709540009498596, 0.8927441239356995, 0.028114039450883865, -0.5140076875686646, 0.5430281758308411, 0.4824809432029724, -0.9620778560638428, -1.1314141750335693, -0.09737823903560638, -0.041920311748981476, 0.5024795532226562, -0.7250823974609375, -0.7660372257232666, -0.036859504878520966, -0.6110072135925293, 1.436091423034668, -0.40982580184936523, 0.603615403175354, -0.2432268112897873, -0.7212082147598267, 0.12440451979637146, -1.5102629661560059, -0.9399478435516357, -0.21175998449325562, -1.024988055229187, 0.4368351101875305, -0.8213694095611572, 0.5618547797203064, 0.666327178478241, -0.0825733095407486, 0.5707341432571411, -0.9826343059539795, -0.605719804763794, 0.3971039950847626, 0.23268906772136688, 0.06450673192739487, -1.052796483039856, -0.1759636402130127, -0.1467522382736206, 0.6766034364700317, -0.9334565997123718, 1.0408477783203125, 0.5665067434310913, -0.0791742354631424, -0.7630525827407837, 0.02856595069169998, -1.1269817352294922, 0.23519101738929749, 1.5931792259216309, -1.0963369607925415, -0.4464077949523926, -0.45662516355514526, 0.24604041874408722, -0.5274230241775513, 0.8067123293876648, 0.7767964601516724, -0.8041679859161377, -0.08991590142250061, -0.34256404638290405, 0.31273025274276733, 0.20794935524463654, 0.03674197196960449, -0.12747421860694885, 0.3388087749481201, 0.0351741798222065, 0.5062412023544312, 0.14978891611099243, 0.43142470717430115, -1.1960384845733643, -1.5286753177642822, -0.4251405596733093, -0.9621289372444153, -0.1155773401260376, -0.43941912055015564, 1.4068530797958374, 1.0437283515930176, 0.3293541967868805, 0.13744884729385376, 0.37199094891548157, 0.599961519241333, -0.231526181101799, 0.37190744280815125, -0.47533005475997925, -0.11372539401054382, -0.8857914209365845, 0.1607058346271515, -0.07250044494867325, 0.3585487902164459, -0.22918125987052917, -0.26195937395095825, 0.5673602223396301, -0.49479031562805176, 0.9047912359237671, -1.3391296863555908, -0.055841296911239624, -0.1380189061164856, -0.4863985478878021, -1.257736086845398, 0.2513705790042877, 1.1767507791519165, 0.053677767515182495, 1.1667152643203735, 0.3477906584739685, 0.2236916422843933, 1.1993826627731323, -0.09786953032016754, 0.9935458898544312, 0.03598805516958237, -0.09943969547748566, 0.23478256165981293, -0.014421410858631134, 0.5184381008148193, 0.1573258638381958, -0.9678268432617188, -0.7171117067337036, 0.3731122612953186, -0.7955383658409119, -0.07768439501523972, -0.39298802614212036, 0.15162117779254913, 0.7948722243309021, 1.4288315773010254, -0.8849841356277466, -1.4289360046386719, -0.9954047799110413, -1.3415414094924927, 0.10656991600990295, 0.8530313372612, 0.7575393915176392, 0.10979601740837097, 0.685630202293396, 0.023894011974334717, 1.014729380607605, -0.8967597484588623, 0.07731334120035172, 0.27847883105278015, -0.33369898796081543, 0.48344531655311584, 0.943390965461731, 0.6878326535224915, 0.39444077014923096, -0.1060909852385521, -0.5341225862503052, 0.11130347847938538, 0.20002345740795135, 0.654217004776001, 0.98746657371521, -0.5812251567840576, -0.5918288230895996, -0.9519681930541992, 0.5787501335144043, -0.26148003339767456, 0.521152675151825, -0.08974243700504303, -1.0073728561401367, -0.5688069462776184, -1.0646989345550537, -0.5978827476501465, 0.3830086886882782, -0.34428131580352783, -0.5462782979011536, -0.2854924201965332, 0.9899000525474548, 0.39772722125053406, 0.21050935983657837, -1.085186243057251, 0.34785181283950806, -1.156336784362793, 0.8688027858734131, -0.32642343640327454, -0.06307434290647507, -0.8254382610321045, 0.0736183226108551, -0.294939249753952, 0.763157844543457, -0.0854986310005188, -0.8642178177833557, -0.8472632169723511, 0.6282690167427063, 0.2576335668563843, 0.8105998039245605, 0.8880341649055481, 0.4971458613872528, -1.9123444557189941, 1.235267162322998, 0.6687037944793701, 0.29340213537216187, -0.7663601040840149, 0.6419356465339661, -0.6631429195404053, 0.05897632986307144, 1.1117305755615234]} +{"paper_id": "weibo_ner", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "arcd", "embedding": [-0.9162835478782654, 0.9617488384246826, 0.07009178400039673, -0.05815392732620239, 0.10319610685110092, 0.15320466458797455, -0.8377526998519897, 0.8281896710395813, 0.7131750583648682, 0.9335730075836182, 0.7810425162315369, -0.33813637495040894, -0.021640853956341743, -0.2156526893377304, -0.5621249675750732, -0.30459925532341003, -1.1624962091445923, -0.5448229908943176, -1.8101308345794678, -0.577358067035675, -0.4844166040420532, -1.0027955770492554, 0.48263847827911377, 1.1404391527175903, -1.479838490486145, -1.1919018030166626, 0.7836089134216309, -0.6927216649055481, 0.46938949823379517, -0.03279925882816315, -0.5057724118232727, 0.27722418308258057, -1.5335925817489624, 0.6162933111190796, 0.3317665755748749, -0.2828286290168762, 0.4944475591182709, 1.3690162897109985, 0.24762877821922302, -0.3957371711730957, -0.19536210596561432, 0.20594245195388794, 0.46836724877357483, 0.3072168231010437, 1.292871356010437, -1.1016584634780884, 0.8937008380889893, -0.35638341307640076, -0.19930389523506165, 0.3146302103996277, -0.6504539847373962, -0.04880727082490921, -0.5494168996810913, 0.4799034893512726, 0.06591150909662247, 1.2044645547866821, 0.3821554481983185, -0.31717148423194885, 0.08155964314937592, -0.46008041501045227, 0.9311835169792175, 2.334430694580078, -0.29749324917793274, 0.3383604884147644, 1.5720913410186768, -0.3942147493362427, 1.1188719272613525, 0.9306496381759644, -0.06834240257740021, 0.7681412696838379, -0.5943039655685425, 0.0648205503821373, 1.1120667457580566, -0.8603496551513672, 0.16657313704490662, 1.5923271179199219, 0.46362221240997314, 0.33458560705184937, -1.2023206949234009, -1.0678291320800781, 0.27565184235572815, 0.14543373882770538, 1.0741162300109863, -0.9027597904205322, -0.029207829385995865, 0.5813750624656677, 0.5606034994125366, -0.7481688261032104, 0.5254656076431274, -2.770657777786255, 1.586477279663086, 0.0812738686800003, 0.07446365058422089, -0.516698956489563, -0.15637129545211792, -0.13459444046020508, -0.7511116862297058, 0.07983581721782684, -0.366382896900177, -0.3072468340396881, 0.546069324016571, -0.15054814517498016, 0.2351818084716797, -0.4146469533443451, 0.667090117931366, -0.4162715971469879, -0.034360744059085846, 0.5763264298439026, -0.5573614835739136, -1.2256076335906982, 0.21086618304252625, 0.7615506052970886, 0.6748551726341248, 0.07585099339485168, 0.042228538542985916, 0.3406204581260681, 0.825221598148346, -1.4623498916625977, -0.31175458431243896, -0.03152572363615036, -0.31383711099624634, -0.984671950340271, -0.8175120949745178, 0.062212005257606506, 0.19732245802879333, -0.1233738362789154, -0.892408549785614, -0.6249598860740662, -0.4593592584133148, -0.2092519998550415, 1.0156364440917969, -0.9446136355400085, -1.175915241241455, -0.32975488901138306, 3.7281861305236816, -1.8557991981506348, 1.7062731981277466, -0.54482501745224, 0.35671597719192505, -0.8868499398231506, -1.391309142112732, 1.1602349281311035, -0.4426954984664917, -0.9434840083122253, -0.19699349999427795, 0.72340989112854, -0.24430358409881592, 0.8399237990379333, -0.9067631959915161, -0.29195070266723633, 0.03460671752691269, -0.13886868953704834, -1.993078351020813, -0.6516328454017639, -0.27799710631370544, 0.7021912932395935, -0.546677827835083, 0.3337714672088623, 0.2534645199775696, 1.342983603477478, -0.2680034935474396, -0.09376049041748047, -0.5602176189422607, 0.025237232446670532, -0.6336740255355835, -0.4221494793891907, 0.30583736300468445, -0.05166807770729065, -0.8727827072143555, 0.0996478721499443, -0.1415182203054428, -0.40618839859962463, -0.5275765061378479, -0.726510226726532, -0.3286754786968231, -0.16569805145263672, 0.656074047088623, 0.6960256695747375, 0.6033105850219727, -0.9115979075431824, 0.2903865873813629, -0.7684434056282043, 0.6886230111122131, 0.7447330355644226, 0.7698678374290466, 0.6011275053024292, -2.445289134979248, 0.19306659698486328, -0.23657245934009552, 1.48817777633667, -0.007502324879169464, 0.5882777571678162, 0.3389303982257843, 0.3554155230522156, 0.5914906859397888, -1.1543511152267456, 0.3834410607814789, -1.0058670043945312, 0.14083075523376465, 0.6206337213516235, -0.2580089271068573, 0.14434467256069183, 0.1766398847103119, 1.4594132900238037, 0.09193947166204453, -1.3547934293746948, -0.8237420916557312, -1.9989901781082153, -0.15759533643722534, 2.6042826175689697, 0.38877618312835693, -0.37268537282943726, -0.5524641871452332, 0.12137295305728912, -0.8708285093307495, 0.5696743130683899, -0.31180867552757263, -0.5327268242835999, 0.6908677220344543, -0.9545437097549438, 0.756009042263031, 0.11466210335493088, -0.12331820279359818, 0.40080928802490234, 1.0566315650939941, -0.5650762915611267, -0.10082922130823135, -0.4972724914550781, -0.7666566371917725, 0.685486912727356, 0.3419821560382843, 0.3640994429588318, 0.0051611363887786865, 0.2024080455303192, 0.8605956435203552, 0.42597103118896484, 0.4165055453777313, 0.10726757347583771, -1.1916166543960571, 0.10222230851650238, -0.5651122331619263, 1.988846778869629, 0.28689926862716675, 0.2501561939716339, 0.258456826210022, -0.13492035865783691, 0.0507611483335495, 0.12059684097766876, 0.3310266137123108, -0.5146141648292542, 1.6336547136306763, 0.6256237626075745, -0.8136420845985413, 0.9727241396903992, -0.1790648102760315, 0.0957358106970787, 0.4863567650318146, 0.18656142055988312, -0.6513183116912842, -0.4647202491760254, 0.8910290002822876, -0.8153969645500183, 0.34904494881629944, -0.2240935117006302, 0.07973228394985199, -1.7720729112625122, -0.020767468959093094, 0.4589245617389679, -0.3538361191749573, -1.5466853380203247, -0.08145720511674881, -0.2519803047180176, -1.2941107749938965, -0.45940443873405457, 0.6510794758796692, 0.006895178928971291, -0.2827872633934021, 0.3313504755496979, 1.71128249168396, -0.2612155079841614, 0.3756748139858246, 0.009618803858757019, 1.659313678741455, -1.124300479888916, 0.9026215672492981, -0.5667970180511475, -0.13815273344516754, -0.6221786737442017, 0.7342281341552734, -0.25048011541366577, 0.9944604635238647, 0.5002585649490356, -0.48925936222076416, 0.983306884765625, 0.08615574240684509, -1.1560126543045044, 0.3566710948944092, -0.4141867458820343, -0.185707688331604, -1.0779571533203125, 1.71939218044281, -0.39682096242904663, -0.6612563133239746, 1.193493366241455, -0.24097983539104462, -0.32070866227149963, 0.7122267484664917, 0.15923160314559937, 0.11105535179376602, 0.4575023651123047, -0.022500962018966675, -0.1120840311050415, 0.8106966018676758, -1.972224473953247, 1.532805323600769, 1.408591866493225, -0.38747426867485046, -0.1485774666070938, -0.6454256176948547, 0.20604641735553741, 0.01310014259070158, -0.13205985724925995, 1.0029048919677734, -0.13541540503501892, 0.2849520742893219, -0.05692865699529648, -0.8399305939674377, 1.697471022605896, -0.05901643633842468, 0.43580102920532227, 1.1733758449554443, 0.13245481252670288, -1.3523273468017578, 0.4190406799316406, 1.0425633192062378, -0.12899275124073029, 0.6077799797058105, -0.22342872619628906, 0.28125348687171936, 0.8140501976013184, -0.029607467353343964, 0.07613063603639603, 0.8799099326133728, 1.0873202085494995, 0.7775025963783264, 0.4350847899913788, -0.693792998790741, -0.23594386875629425, -0.8612532019615173, 1.591206669807434, -0.24466781318187714, -1.1013805866241455, -1.9241585731506348, -0.04403163865208626, -0.38249075412750244, -0.23409625887870789, 1.868195652961731, 0.3164079487323761, 1.8392821550369263, 0.7225621342658997, -0.0858980342745781, -0.9249389171600342, -0.14744214713573456, 1.1773855686187744, 1.0864691734313965, 0.29987645149230957, -0.9201219081878662, -0.372683584690094, 0.2691177725791931, 0.25294798612594604, -0.26535215973854065, 0.40019574761390686, 0.18577247858047485, -0.32729098200798035, -0.7222045063972473, 0.9289830327033997, 1.27632737159729, 0.36339494585990906, 0.9216325283050537, -0.7833780646324158, 0.19582171738147736, 0.11584843695163727, 0.2529923915863037, 0.0014834189787507057, 0.9039854407310486, -0.5066540241241455, 1.1230863332748413, 0.0735970139503479, 0.7045543789863586, -1.0974700450897217, 0.7787982225418091, 2.0771725177764893, -0.29321712255477905, -1.026455283164978, -0.6157363653182983, -0.416851669549942, 0.3575213849544525, 0.5993624925613403, 0.4595666229724884, -0.7016650438308716, 0.9261559844017029, 0.6987513303756714, -0.36277928948402405, -0.2568221092224121, -0.6318279504776001, -1.3545567989349365, 1.523107647895813, 0.18767669796943665, -0.14359338581562042, -0.19387073814868927, 0.24213387072086334, -1.2519863843917847, -0.06863339245319366, 0.06469953805208206, -1.855371356010437, 0.747952401638031, 0.2685329020023346, 1.27665376663208, -0.3885915279388428, -0.7414466142654419, -0.81447434425354, 0.7593746781349182, 0.859186053276062, 0.09047055244445801, 0.5991297960281372, 0.6946024298667908, 0.5820712447166443, -0.6350253820419312, -1.4082694053649902, -1.3643141984939575, 0.046906035393476486, -0.1461380273103714, 0.38963791728019714, -1.219955325126648, -0.9788568615913391, -0.1031956598162651, 0.7127248048782349, 0.562991738319397, -1.3581247329711914, -0.1370326727628708, -1.6444883346557617, -0.22925394773483276, -0.19912853837013245, -0.8744338750839233, -0.6638741493225098, 0.16599614918231964, -0.585432767868042, 0.674564003944397, -0.14596396684646606, 0.9814920425415039, 2.1237380504608154, -0.8235762715339661, 0.09255316853523254, -0.6183348298072815, -8.303444862365723, 0.6367853283882141, -0.15195970237255096, 0.1351975053548813, 0.5521101355552673, -0.7520020008087158, 0.6999292373657227, -0.601146936416626, 1.2954130172729492, -0.5351600646972656, -0.09290085732936859, 0.7604185938835144, 0.7280543446540833, -0.1687183678150177, -0.5157639384269714, -1.6032140254974365, -1.2481842041015625, -0.819642961025238, 0.7350986003875732, 0.4543006718158722, -0.05024395138025284, -0.9829592704772949, -0.23650223016738892, 0.4002387523651123, 0.6155296564102173, -0.05383747071027756, -1.0015608072280884, -0.05701248720288277, -0.8407464027404785, -0.27056074142456055, 0.8493055105209351, -0.09432519972324371, -0.4632279872894287, -0.6208974719047546, 0.3660615086555481, -0.9452802538871765, -0.726142942905426, -0.6739695072174072, 1.1884247064590454, -0.5868319272994995, -0.016905605792999268, -0.36580801010131836, 1.0811865329742432, -1.0745779275894165, -0.8721349835395813, 0.2831488251686096, 0.6880573034286499, -0.9839096069335938, 0.16671353578567505, 0.060455940663814545, -1.052186131477356, 0.0858883261680603, -0.4034159481525421, 0.06068594381213188, 0.37498950958251953, 0.7115418910980225, -0.7627698183059692, 0.034676313400268555, -0.49894723296165466, -0.9058016538619995, 1.1615854501724243, -0.20446409285068512, -0.3960748016834259, 0.10224723815917969, -0.3753349184989929, -0.1438845694065094, 0.4935808777809143, -0.03179141506552696, 0.06755680590867996, -0.22965529561042786, -1.2927099466323853, 0.9411221742630005, -0.01344841718673706, 0.28775209188461304, -1.3408088684082031, 0.06439864635467529, -1.0047352313995361, -0.32024386525154114, -0.17972949147224426, 0.766192615032196, -1.1155024766921997, 0.9044492840766907, 0.515956461429596, -0.5074954032897949, -0.590526282787323, -0.0919109582901001, 0.7491457462310791, 0.4795553684234619, 1.1986572742462158, -2.0114023685455322, 1.232919454574585, 0.3780757486820221, 0.25522327423095703, 0.08073525130748749, 0.22250151634216309, 0.5443646907806396, 0.16732214391231537, 0.8990414142608643, 0.22508102655410767, -0.3211365342140198, -0.23662519454956055, 0.434077650308609, 0.15946315228939056, 0.14116357266902924, 0.7213374972343445, 0.5691025853157043, 0.2519407868385315, 0.11971373856067657, 0.0940372496843338, -0.9044570326805115, 1.1452420949935913, 1.3884203433990479, -0.4266164302825928, 1.488053798675537, -0.6076079607009888, 0.8389225006103516, -0.11783106625080109, 0.10782161355018616, -0.03734840825200081, 1.4522314071655273, -0.22770172357559204, 0.9877308011054993, 0.2645944654941559, 1.3329089879989624, -0.28312405943870544, -0.3689873218536377, 0.07151733338832855, 0.2359994351863861, 0.229025736451149, -1.2168391942977905, 0.35802924633026123, -0.6419505476951599, -0.03526166081428528, -1.0099340677261353, -0.2657715380191803, -0.5361517071723938, -0.37334781885147095, 1.560980200767517, -0.7791137099266052, -1.014494776725769, -0.2681233882904053, -0.02129560336470604, 0.1714886724948883, -0.7920776009559631, -0.6217536926269531, 0.35471248626708984, -1.9304277896881104, 0.1563272923231125, 0.11088495701551437, -0.7329294085502625, 0.27400240302085876, -0.33201077580451965, 0.6409775018692017, 0.19952844083309174, -0.8375272750854492, 0.12892532348632812, -0.19670002162456512, -0.996346652507782, -1.3672071695327759, 0.718262791633606, -0.39277926087379456, 0.7329272031784058, -1.3159372806549072, 0.6097928881645203, 0.2662942707538605, -0.863731324672699, -0.3889138698577881, 0.8084903955459595, -0.9601718187332153, 0.8719848990440369, 0.4060507118701935, -0.5021499395370483, 0.07713267207145691, -1.6655406951904297, -0.06458018720149994, -0.6875729560852051, 0.13192245364189148, 1.4555765390396118, -0.6984393000602722, -0.48151618242263794, -0.05298583209514618, 0.7297369837760925, -0.23191656172275543, -0.03847361356019974, -0.3356032371520996, 0.12350858002901077, -0.8694415092468262, 0.19714701175689697, 0.5670155882835388, 1.415778636932373, -1.6582286357879639, -0.6601926684379578, -0.1228792667388916, -0.10608309507369995, -0.21966329216957092, -0.036674145609140396, 0.5716137886047363, 0.3436008393764496, -0.3859184682369232, 0.14411187171936035, 0.19971640408039093, 0.33971068263053894, 0.866142213344574, 1.5343174934387207, 0.18754857778549194, 0.0954178124666214, 0.11004015058279037, -0.46943244338035583, 1.0329123735427856, 1.1418206691741943, -0.10789693892002106, 0.13375337421894073, 0.34679150581359863, 0.2038078010082245, 0.23532496392726898, -1.3084030151367188, 0.479863703250885, -1.0635923147201538, -0.6749081015586853, -1.3888797760009766, 0.23827701807022095, 1.681293249130249, -0.40147531032562256, 0.024298861622810364, 0.949528157711029, 1.5129107236862183, 0.2879779040813446, -0.05749501287937164, 1.355039358139038, -0.19491173326969147, -0.34125062823295593, 0.814501941204071, 1.0407307147979736, -0.3356117904186249, -0.11898396164178848, -0.9427093863487244, -0.19608117640018463, 0.7821134924888611, -0.4509444832801819, 1.2820711135864258, -0.2753366231918335, 1.1949020624160767, 0.6892380118370056, 1.9326276779174805, -0.5102885961532593, -1.8418209552764893, -0.42613089084625244, -1.3264988660812378, -0.5244914293289185, 0.7690194845199585, -0.33517393469810486, -0.2682545483112335, 0.7373313307762146, -0.4399558901786804, 1.5972868204116821, -0.5482284426689148, -0.003787115216255188, 0.6773853898048401, -0.4145306944847107, 0.42500653862953186, 0.4622195363044739, 0.6333773732185364, 0.5369529128074646, -0.628642201423645, -1.0373260974884033, -0.4074287712574005, -0.6945894956588745, 0.8563591837882996, 0.49791693687438965, -1.0839413404464722, -0.45657801628112793, -0.7518426179885864, 1.3199020624160767, -0.18061523139476776, 0.8956929445266724, -0.16577018797397614, -1.0160226821899414, 0.05206472426652908, -1.1054600477218628, -0.5968421101570129, 0.3345390558242798, -0.04990195110440254, 0.14431548118591309, 0.31843671202659607, -0.23360326886177063, -0.043850693851709366, 0.618215024471283, -0.6290110349655151, -0.45037901401519775, -1.1069526672363281, 0.1448267698287964, 0.04469563066959381, -0.5955077409744263, -1.2211127281188965, -0.6272260546684265, -0.8502007722854614, 0.286386638879776, 0.9500892758369446, -0.9577372074127197, -0.9589347243309021, 0.22970806062221527, -1.1287351846694946, 0.7808418869972229, -0.13025860488414764, -0.0576714351773262, -1.4499112367630005, 0.8510749936103821, 1.8287827968597412, -0.2095644623041153, -0.7497038245201111, 0.2517353594303131, 0.5014325976371765, -0.38961678743362427, 0.6630833148956299]} +{"paper_id": "qanta", "embedding": [-0.37916165590286255, 0.35318106412887573, 0.24473732709884644, -0.2638539671897888, -0.04886684566736221, -0.10648679733276367, 0.5621020793914795, 0.8341618776321411, 0.6132479310035706, 0.1900940239429474, 0.03661401569843292, 0.5351016521453857, -0.04709567874670029, 0.08716951310634613, -0.16812652349472046, -0.20060089230537415, -0.5003765821456909, 0.2970990240573883, -1.7271003723144531, -0.44985082745552063, -0.9567885398864746, -0.5550481081008911, 0.5615633726119995, 1.158987045288086, -0.3064553737640381, -1.0775994062423706, 0.7866813540458679, -0.9996009469032288, -0.05172043293714523, 0.007017610594630241, -0.08491306751966476, 1.3536014556884766, -1.35829496383667, 0.41062912344932556, -0.48886096477508545, -0.45664510130882263, -0.04300757870078087, 1.413291573524475, 0.5068231225013733, 0.5055455565452576, -0.39500272274017334, 0.2784045934677124, 0.14778314530849457, 0.5462214946746826, 1.166696310043335, -0.26797202229499817, 0.009362289682030678, -0.5232947468757629, -0.29748934507369995, 0.10089030861854553, -0.8533377647399902, 0.33746469020843506, -0.31729796528816223, -0.021445265039801598, -0.37561872601509094, 0.034698449075222015, 0.31641700863838196, -0.6074323654174805, 0.48988616466522217, -0.37701699137687683, 1.862200140953064, 1.2056481838226318, 0.43827024102211, 0.5125923156738281, 1.2527731657028198, 0.02898961305618286, 2.034262180328369, 0.2981919050216675, -0.05079139769077301, 0.45121973752975464, -0.7281779050827026, -0.61229407787323, 0.02333018183708191, 0.07434214651584625, -0.3751915991306305, 0.8212485313415527, -0.04770037531852722, 0.46823081374168396, -0.024205725640058517, 0.2751646041870117, -0.689913809299469, -0.021899960935115814, 0.08533208072185516, -1.0026147365570068, 0.04691357910633087, 0.6061747074127197, 0.7666851282119751, -0.9285333156585693, -0.01210818998515606, -1.409903645515442, 1.0228807926177979, 0.353462815284729, 0.8393110632896423, -0.022552810609340668, -1.1334848403930664, 0.6557329893112183, -0.5248763561248779, -0.4215281903743744, -0.7451510429382324, 0.49664178490638733, 0.44150838255882263, 0.1298207938671112, 0.5217165946960449, -0.28853467106819153, -0.08746260404586792, 0.4091976284980774, 0.5666664242744446, -0.25744399428367615, -0.519319474697113, -0.30336588621139526, -0.25773924589157104, 0.8108364343643188, -0.19272077083587646, 0.6096433401107788, -0.12682253122329712, 0.20743978023529053, 0.019424788653850555, -0.9501606225967407, -0.4800513982772827, -0.19918061792850494, 0.0018171872943639755, -1.3507310152053833, -0.27171820402145386, 0.42309391498565674, 0.611437201499939, -0.5735546946525574, -0.2696833312511444, -0.3217352032661438, -0.7454267144203186, 0.28530067205429077, 1.4263980388641357, 0.24948060512542725, -0.5675063729286194, -0.22230729460716248, 2.9039313793182373, -0.7637853622436523, 1.725663185119629, -0.46440228819847107, -0.47381308674812317, -0.9445521235466003, -0.43690115213394165, 0.922770082950592, -0.36552923917770386, -0.16803020238876343, -0.8617750406265259, 0.16325326263904572, 0.015089072287082672, -0.23885369300842285, -1.2820415496826172, -0.8503374457359314, -0.10308557748794556, 1.3840121030807495, -1.209020733833313, -1.074894666671753, 0.3438110053539276, 0.48192891478538513, -0.4135381281375885, 0.10384804010391235, -0.436504065990448, 0.14769625663757324, 0.23350006341934204, -0.35413026809692383, -0.16828285157680511, 0.8570786118507385, 0.40612494945526123, -0.48024314641952515, 0.6736586093902588, 0.3813745677471161, -0.8328580856323242, -0.1612713634967804, 0.2660371661186218, -0.41541147232055664, -0.231660395860672, 0.005738572217524052, -0.41711193323135376, 0.08415640145540237, 0.7509549856185913, 0.5889772176742554, 0.8411256670951843, -0.25813597440719604, -0.2311946153640747, -0.45672035217285156, -0.34182462096214294, 0.680293619632721, -0.10451669991016388, 0.25884944200515747, -2.4797451496124268, 0.0733790472149849, 0.0083160400390625, 0.09156198054552078, 0.6158585548400879, 0.8319419026374817, -0.03511079400777817, 0.5592311024665833, -0.3226041793823242, -0.6196169853210449, 0.6692534685134888, -1.8064621686935425, 0.2273930311203003, 0.17374062538146973, -0.03498873859643936, 0.480339914560318, 0.41882506012916565, 0.9504728317260742, 0.4771268665790558, 0.7084893584251404, -0.7526348829269409, -2.0764987468719482, 0.2921499013900757, 1.1334259510040283, -0.19830894470214844, -0.5945690870285034, -0.1838182806968689, -0.1890966296195984, -0.5805959701538086, -0.22036175429821014, 0.806530237197876, -0.06299935281276703, 0.38192716240882874, -1.304701805114746, 0.919986367225647, 0.10313708335161209, 0.2076740264892578, 0.8993215560913086, 1.941077709197998, -0.48514094948768616, 0.5435072183609009, -0.6530389189720154, -1.2718548774719238, 0.4114871323108673, 0.40288323163986206, -0.2942565977573395, 0.5748215317726135, 0.9126520752906799, 0.5272521376609802, 0.7043126821517944, 0.594684898853302, 0.8432367444038391, -0.6235613822937012, 0.5294784307479858, 0.05138811469078064, 0.520763635635376, 0.5255672335624695, -0.5458765625953674, 0.2251632660627365, -0.21028363704681396, -0.9787768721580505, -0.7394595146179199, 0.14305530488491058, 0.21929100155830383, 1.265401840209961, -0.19036073982715607, -1.3540557622909546, 0.32439008355140686, -0.21517571806907654, -0.17064502835273743, -0.28736457228660583, 0.1566697359085083, -0.4332937002182007, -0.33076876401901245, 0.618040919303894, -0.23476290702819824, -0.2801535129547119, -0.4415770173072815, -0.12685365974903107, -0.658161461353302, -1.0316276550292969, 0.2693689167499542, -0.20411236584186554, -0.2306751310825348, -0.4961884319782257, 0.002138964831829071, -0.9683238863945007, -0.7748452425003052, 0.16319243609905243, -0.14317385852336884, -0.5438226461410522, 1.5723614692687988, 1.3958866596221924, -0.15963153541088104, -0.06187848001718521, -0.025160178542137146, 1.1900134086608887, -0.16817857325077057, 0.5719408392906189, 0.01798878237605095, 0.23352757096290588, -0.5883650183677673, 0.12867450714111328, -0.9142787456512451, 0.05184268206357956, 0.5178498029708862, 0.10857634991407394, 0.6619313359260559, -0.5188758969306946, -0.35531193017959595, 0.7906009554862976, 0.5153412222862244, 0.28252461552619934, -0.20904210209846497, 1.5896522998809814, 0.5090422630310059, -0.613442599773407, 0.8575592637062073, -1.0400466918945312, -0.42877379059791565, 0.7252222299575806, -0.5372937917709351, 0.5173394680023193, -0.05638688802719116, -0.45087045431137085, 0.34613537788391113, 0.4402554929256439, -2.4027347564697266, 1.2344728708267212, 0.5139496326446533, 0.08362333476543427, -0.16075868904590607, -0.8477534651756287, 0.6566672325134277, -0.6964588761329651, 0.5793964266777039, 0.37825506925582886, -0.10531303286552429, 0.7936648726463318, -0.26400288939476013, 0.48655325174331665, 1.361931562423706, -0.44010740518569946, 0.10930725932121277, 0.7823498845100403, -0.2364683449268341, -0.7953671813011169, -1.254751205444336, 0.9263606667518616, 0.25818851590156555, -0.06917839497327805, -0.2335352897644043, 1.0350117683410645, 0.23669202625751495, -0.3449370861053467, -0.11530977487564087, 0.3756207823753357, 1.1301804780960083, 0.08139118552207947, -0.4913054406642914, -0.41850751638412476, -0.110466867685318, -0.44710296392440796, 1.6414960622787476, -0.6706077456474304, -0.2779955565929413, -1.1192874908447266, 0.3070180416107178, -0.3273354768753052, -0.23575818538665771, 1.2949753999710083, 0.04416975378990173, 0.9270042777061462, 0.18239301443099976, 0.012559876777231693, -0.29228734970092773, -0.0916057601571083, 0.9630035161972046, 0.7549516558647156, 0.5568947196006775, -0.8921499252319336, 0.520978569984436, 0.30968931317329407, 0.649345338344574, -0.08050399273633957, 0.30390799045562744, 0.7658229470252991, 0.3470267057418823, -0.9410359263420105, 0.8197142481803894, 1.0866684913635254, 0.6180098652839661, 1.686835765838623, 0.0208728089928627, -0.5661933422088623, -0.7855004072189331, 0.07539072632789612, 0.26933717727661133, 0.3201132118701935, 0.3858034312725067, 0.5193116068840027, 0.09851938486099243, 0.573307991027832, 0.41280919313430786, 1.185754656791687, 1.1221975088119507, -0.8225757479667664, -1.3270189762115479, 0.7221449613571167, -0.10259497165679932, 0.30214598774909973, 1.0721967220306396, 0.039951592683792114, -0.26877647638320923, 0.7666515707969666, -0.3202085494995117, -1.2929303646087646, -0.09207551926374435, -0.28621694445610046, -1.3867985010147095, 0.1681632399559021, 0.9922288656234741, -0.18692143261432648, -0.47704455256462097, -0.08737146854400635, -1.32421875, -0.37493595480918884, -0.4795885980129242, -0.6488459706306458, 0.6954165101051331, 0.4783744513988495, 0.8609187602996826, 0.09182127565145493, -0.0026445984840393066, -0.843576967716217, 0.7470304369926453, 1.1842445135116577, -0.9388660788536072, 1.2548713684082031, -0.02256067655980587, 0.4214094281196594, -0.1416763812303543, -1.607236385345459, -1.0881891250610352, 1.1929420232772827, -0.48025354743003845, 0.3682009279727936, -0.7728146910667419, -0.15268203616142273, 0.49029740691185, -0.13311810791492462, 0.27732497453689575, -0.6267287135124207, -0.7444890141487122, -0.25941652059555054, -0.07134662568569183, 1.4732224941253662, -0.8884149193763733, -0.07764837890863419, 0.5332898497581482, -0.7360053062438965, 0.589247465133667, -0.4654856026172638, -0.02753906510770321, 1.4390783309936523, 0.3505537509918213, -0.36811745166778564, 0.13632410764694214, -11.349485397338867, 1.59603750705719, -0.16876862943172455, 0.21739022433757782, 0.6366644501686096, -0.5878730416297913, 0.4262191355228424, -0.6660966277122498, 0.47873857617378235, -0.9982683062553406, 0.36455151438713074, 0.9286900162696838, 0.24692800641059875, 0.0074650878086686134, -0.778411865234375, -1.2038589715957642, -0.1728726476430893, -1.2035833597183228, 0.3699394464492798, -0.12660744786262512, -0.10546636581420898, -0.7563155293464661, -0.6160574555397034, 0.3320414125919342, 0.3141672611236572, -0.49883607029914856, -0.7170555591583252, -0.04003719240427017, -0.07702025771141052, 0.40821561217308044, 1.0568821430206299, -0.4770040214061737, -0.44281452894210815, -0.734792172908783, -0.09869468212127686, -0.17210574448108673, -1.3165901899337769, 0.2684957683086395, 0.8433179259300232, -0.39158573746681213, -0.3256337642669678, 1.1178762912750244, 0.1824108064174652, 0.12194115668535233, -0.1497386395931244, 0.7576784491539001, 0.6591398119926453, -1.2840642929077148, 0.15770189464092255, 0.11795263737440109, -0.6676223874092102, -0.30312058329582214, -0.9363355040550232, -0.7667471766471863, 0.2864437699317932, 0.5656874775886536, -1.045326590538025, -0.2095196694135666, -0.6267701387405396, -0.3568599224090576, 0.05563363432884216, 0.8095338344573975, -0.5786160826683044, 1.0079680681228638, 0.3014258146286011, -0.3838753402233124, -0.033068932592868805, 0.7136460542678833, -0.6711143851280212, 0.5806601047515869, -0.6494341492652893, 1.2672353982925415, -0.1728922426700592, 0.49419277906417847, -0.6130613088607788, -0.1999686062335968, -0.41624295711517334, 0.3927900195121765, 0.3859725594520569, -0.1946272999048233, -1.2535101175308228, 0.6931795477867126, 0.7704796195030212, -1.2697746753692627, -1.1122828722000122, 0.5449224710464478, 0.13724590837955475, -0.16153906285762787, 1.0416990518569946, -0.4440375566482544, 1.0120171308517456, 0.04640210419893265, -0.6870809197425842, 0.05676131695508957, -0.3272540271282196, 0.7756214141845703, -0.13395939767360687, 0.580691933631897, 0.17775917053222656, -0.7106468081474304, 0.18009310960769653, -0.525101363658905, -0.7453566789627075, 0.5739208459854126, 0.7269592881202698, 0.16329050064086914, 0.43714195489883423, -0.24018068611621857, -0.02914128080010414, -0.14814463257789612, 0.5402585864067078, 0.26704642176628113, 0.3886944055557251, 1.1119149923324585, 0.0778152346611023, 0.9202025532722473, 1.017694115638733, -0.3146441578865051, -0.2448657900094986, 0.5559591054916382, -0.6169214248657227, 1.219804048538208, 0.5036359429359436, 1.5468119382858276, -0.8747143149375916, 0.6880327463150024, 0.9119882583618164, 0.460143119096756, 0.42840689420700073, -1.0126769542694092, 1.0346271991729736, -0.33057329058647156, -0.4353106915950775, -0.27130258083343506, -0.4125905930995941, 0.2694344222545624, -1.0275413990020752, 1.1958786249160767, -1.1062849760055542, -0.27562519907951355, 0.3469526171684265, -0.34767407178878784, -0.7920439839363098, -0.8795440793037415, -1.7551372051239014, -0.16796740889549255, -1.272984504699707, 0.5117571949958801, -1.1510876417160034, -0.4962846636772156, 0.1479019671678543, -0.7245310544967651, 1.4457424879074097, -0.42333418130874634, -0.7734548449516296, -1.069572925567627, 0.36604708433151245, -0.6948601603507996, -0.4132595658302307, -0.3925984799861908, 0.8502730131149292, 1.1905303001403809, -0.6249824166297913, 1.3450472354888916, 0.2962719202041626, -0.3675350546836853, -0.2238123118877411, 0.6021090745925903, -0.8262803554534912, 0.2572704553604126, 1.4418268203735352, -0.7232979536056519, -0.7376345992088318, -0.6583544015884399, 0.08623231947422028, -1.119673252105713, 0.22406277060508728, 1.3310507535934448, -1.168591856956482, -0.5046291947364807, 0.0042705237865448, 0.8689907789230347, 0.4816645085811615, -0.8319908976554871, -0.36825406551361084, -0.056301046162843704, 0.2960260808467865, 0.7973697781562805, 0.2735535204410553, 0.6821607351303101, -1.4657995700836182, -1.261568546295166, -0.8390844464302063, -0.4366361200809479, 0.23452748358249664, 0.3938942551612854, 0.7669812440872192, 0.528876781463623, -0.44151365756988525, -0.24164196848869324, 0.11468152701854706, 0.5995467305183411, 0.23793326318264008, -0.1707405298948288, 0.070914626121521, -0.22644954919815063, 0.11486693471670151, -0.06485658884048462, 1.0984408855438232, 0.5314214825630188, -0.5387917160987854, -0.4831777811050415, -0.33780810236930847, 0.17582543194293976, 0.32028594613075256, -1.2129178047180176, -0.520262598991394, -0.028569171205163002, -0.559198796749115, -1.4969810247421265, -0.02964816242456436, 1.0308756828308105, -0.3584308624267578, 1.019548773765564, 0.7919415831565857, 0.732860267162323, 0.6557595133781433, 0.5776613354682922, 0.5256227850914001, 0.3073354661464691, -0.06210201978683472, 0.07436057925224304, -0.24282057583332062, 0.012914307415485382, -0.5748286843299866, -0.7680977582931519, -0.7557363510131836, 0.7134778499603271, -0.33994585275650024, 0.9270678758621216, -0.28908538818359375, 0.2655143737792969, 0.39170652627944946, 0.9108661413192749, -0.36712902784347534, -1.6258327960968018, -0.41137242317199707, -0.7560266852378845, 0.18543364107608795, 0.2513650357723236, -0.1696196049451828, 1.0193259716033936, 0.4903002381324768, 0.3241799473762512, 0.7869056463241577, -0.16875909268856049, 0.05760161578655243, -0.12443842738866806, -0.08437879383563995, 1.5679370164871216, 0.5940564274787903, -0.3614736795425415, 0.6983557939529419, -0.6058823466300964, -1.2765717506408691, 0.3279971480369568, -0.9071447253227234, 0.18067233264446259, 0.03306478261947632, -0.8566277623176575, -0.6992175579071045, -0.14644499123096466, 0.6249487996101379, -0.7349479794502258, 1.0406088829040527, -0.10352258384227753, -0.5838836431503296, -0.5354335308074951, -0.8307592868804932, -0.2187417596578598, 0.4697241485118866, 0.23732523620128632, 0.5628077983856201, -0.3266324996948242, 0.09259361028671265, -0.2974143326282501, -0.2311193346977234, -0.6327412724494934, 0.10559578984975815, -1.173932671546936, -0.1694570779800415, -0.6138389110565186, -0.8252297639846802, -0.6200826168060303, -0.20771126449108124, -1.5440155267715454, 0.4608600437641144, 0.22405339777469635, -0.8410489559173584, -1.136732816696167, 0.24290120601654053, -0.2990748882293701, 0.08226178586483002, 0.1061871200799942, -0.01861272193491459, -1.4122980833053589, 0.6265601515769958, 0.5825151801109314, -0.5881810188293457, -0.543144941329956, 0.1773987114429474, 1.2318310737609863, -0.044118378311395645, 1.0894497632980347]} +{"paper_id": "web_of_science", "embedding": [-0.6003262996673584, 0.9949991106987, -0.2675999701023102, 0.1735713630914688, -0.036621786653995514, -0.05492043122649193, 0.023599646985530853, 0.9359444975852966, 0.806439220905304, 0.5940638184547424, 0.953667938709259, -0.08393062651157379, 0.9106593132019043, 0.060331933200359344, -0.4893554747104645, 0.3760377764701843, -0.4498039782047272, -0.8792127370834351, -0.7033623456954956, -0.4987708032131195, -0.9588304162025452, -0.5097423195838928, -0.24146634340286255, 0.19965490698814392, -0.19514921307563782, -0.9949248433113098, 0.05602659657597542, -0.9695591330528259, 0.2873326241970062, 1.0732580423355103, 0.42444321513175964, 0.26504048705101013, -1.2680091857910156, 0.2637149691581726, -0.8858014345169067, -0.975104808807373, 0.1003674790263176, 0.2867484986782074, -0.23515018820762634, -1.183153748512268, -0.88865727186203, 0.33081039786338806, 0.3914680778980255, 0.1743006408214569, 0.5200355648994446, -0.6289302110671997, 1.2669018507003784, -0.31425929069519043, 0.40286970138549805, 0.1416710913181305, -0.10263767838478088, 1.0685241222381592, -0.7773706316947937, 0.7909986972808838, -0.2041400969028473, 1.3716779947280884, -0.5405731797218323, 0.7747384905815125, -0.08966465294361115, -0.8889282941818237, 0.406484454870224, 1.15659761428833, -0.6843106150627136, -0.2288590371608734, 0.9223030805587769, -0.08439595252275467, 1.1555910110473633, 0.042669788002967834, 0.20035208761692047, 1.2629417181015015, -0.5008674263954163, -0.48247501254081726, 0.9305208325386047, -0.6065285205841064, 0.0027109533548355103, 1.3055531978607178, 0.14824147522449493, -1.1163134574890137, 0.43274980783462524, -0.4781898260116577, -0.4583626985549927, 0.39229655265808105, 0.6462388634681702, -0.12741819024085999, -0.34970399737358093, -0.3145618438720703, 0.12303858995437622, -0.048153966665267944, 0.05218520760536194, -1.2665151357650757, 0.9359410405158997, -0.2633153796195984, -0.33931273221969604, 0.44297289848327637, -0.4318705201148987, -0.3812325894832611, -0.045707181096076965, -0.06961312144994736, -0.9567997455596924, 0.27582383155822754, 0.5435345768928528, -0.45132896304130554, 0.2976519465446472, -0.15233272314071655, 0.12708553671836853, 0.22376830875873566, -0.6340367794036865, -0.38423633575439453, -0.24405717849731445, -0.34734347462654114, 0.10829369723796844, -0.2912505269050598, 0.29682233929634094, 0.08641411364078522, -0.2023002952337265, -0.13425996899604797, 0.731159508228302, 0.543238639831543, -0.7500324845314026, 0.026943277567625046, -0.4712623357772827, -1.7295273542404175, -0.7048289179801941, 0.0026621073484420776, 1.13280189037323, -0.6506301760673523, 0.34124571084976196, -0.8482179641723633, 0.3244803547859192, -0.6961131691932678, 0.26735958456993103, 0.44372835755348206, -0.8906426429748535, -0.16514672338962555, 2.9162003993988037, -1.0048785209655762, 1.0988893508911133, -0.33294641971588135, -0.03315632417798042, -0.2567146420478821, -0.2705746591091156, 1.30796217918396, -0.440410852432251, -0.7707579731941223, -0.5803817510604858, 0.2639656662940979, -0.3730461895465851, 1.1109590530395508, -0.5500509738922119, -0.04010200873017311, 0.3083933889865875, 0.5361442565917969, -0.4217934012413025, -0.633584201335907, -0.997093677520752, -0.15214839577674866, 0.88242506980896, 0.10891309380531311, -0.5481473207473755, 0.3330364227294922, 1.1438640356063843, 0.47460633516311646, -0.9901509881019592, 0.4282955825328827, -0.7762642502784729, -0.43841448426246643, 0.8929920196533203, 0.172368586063385, -0.25392115116119385, 0.28774797916412354, 0.3238673508167267, -0.29656559228897095, 0.4867418110370636, -0.5480770468711853, -0.05827062577009201, -0.14524737000465393, 0.18631058931350708, 0.45581281185150146, 0.8809807300567627, -0.8513383269309998, 0.6387263536453247, -0.6129398345947266, 0.4456515908241272, 0.5398576259613037, 0.2402363121509552, 0.20826870203018188, -1.4485445022583008, -0.7509539127349854, -0.03639483451843262, 0.31555384397506714, -0.3258429169654846, -1.0398831367492676, 0.13953568041324615, 0.056103359907865524, 0.15227968990802765, 0.3097003102302551, -0.48077481985092163, -0.6139010787010193, 0.14682519435882568, 1.147282600402832, 1.2274662256240845, 0.411685973405838, 0.19032815098762512, 1.208908200263977, 0.5427384376525879, -0.480428546667099, -0.3919592797756195, -0.8709468841552734, 1.0059353113174438, 0.982308566570282, -0.5993707180023193, -0.1806337833404541, -1.039669156074524, -0.15488043427467346, 0.11854933947324753, -0.7555975914001465, 0.1531708985567093, -0.8959200978279114, 0.414497435092926, -0.8394080996513367, -0.25980281829833984, -0.5800167322158813, -0.6127268075942993, -0.8155592679977417, 0.5917335748672485, -0.40000930428504944, -0.20125490427017212, -0.26225534081459045, -1.1763794422149658, 0.7154752612113953, 1.0745031833648682, -0.6857981085777283, -0.4283401668071747, -0.18504004180431366, 0.14028416574001312, 0.7895876169204712, 0.1945515275001526, 0.4157086908817291, 0.2600551247596741, 0.4501674175262451, -0.24396692216396332, 1.0141383409500122, -0.2892959713935852, 0.19384489953517914, -0.06628390401601791, 0.4401097893714905, 0.13645391166210175, -0.3952118158340454, 0.12853041291236877, -0.060138069093227386, 1.6699795722961426, 0.8885527849197388, -0.48834308981895447, 0.4770776927471161, -0.5090267658233643, -0.3342745900154114, 0.19066740572452545, -0.06660111248493195, -0.1522708535194397, -0.22799040377140045, 0.6123235821723938, -0.2806909680366516, 0.13397109508514404, 0.6139014959335327, -0.17100030183792114, -0.14985550940036774, -1.629805088043213, -0.4645744562149048, -0.8958545923233032, -1.1886152029037476, -1.0056332349777222, -0.19438840448856354, -0.15810325741767883, -0.15343336760997772, 0.528532862663269, -0.3259916603565216, -1.007733702659607, 0.6770937442779541, 1.40644371509552, 0.35326698422431946, 1.0444464683532715, -0.4603155851364136, 0.923535168170929, 0.47103601694107056, 0.45662444829940796, -0.7740047574043274, -0.32874947786331177, -1.4886448383331299, -0.815280556678772, -0.34049439430236816, 0.005733668804168701, -0.15171308815479279, -0.049552835524082184, 0.9408621191978455, -0.43880918622016907, -1.3831340074539185, 1.2827684879302979, -0.13298365473747253, 0.2544565796852112, -1.213233470916748, 2.0327303409576416, -0.01808834634721279, -0.2673055827617645, 0.10120555758476257, 0.5284202694892883, -0.4255240559577942, 0.9546353220939636, -0.2189592570066452, 0.555420458316803, 0.19087909162044525, -0.28501462936401367, 0.2298433929681778, 0.004521787166595459, -2.12015700340271, 0.0494566336274147, 0.4263121783733368, -0.22877249121665955, 0.22612321376800537, -0.12300276756286621, -0.6488227248191833, 0.3302738666534424, -0.12068875879049301, 0.2785279154777527, -0.8168998956680298, 1.1382832527160645, 0.6975587010383606, 0.177155539393425, 0.8506582975387573, 0.22972430288791656, 0.11580923199653625, -0.23887844383716583, 0.1846727877855301, -1.0892809629440308, -0.5153201818466187, 0.4526813328266144, -0.10819193720817566, 0.4893134534358978, 0.5985552668571472, 0.12076407670974731, 1.0128053426742554, -0.7266542911529541, 0.4951094388961792, 0.4229334592819214, 0.47705015540122986, -0.3648759126663208, 0.4425816237926483, -0.2959898114204407, 0.7382736802101135, 0.8749116063117981, 1.0264686346054077, 0.7193494439125061, -0.6430412530899048, -0.7060693502426147, -0.1855846643447876, -0.5963884592056274, -0.36352044343948364, 0.9470477104187012, -0.3171065151691437, 2.1462044715881348, 0.04559329152107239, 0.14775945246219635, -0.4958430826663971, -0.4801294207572937, 0.41945794224739075, 1.209266185760498, 0.5052322745323181, -0.47429025173187256, 0.13520827889442444, 0.3341244161128998, 0.3693407475948334, -0.5783795714378357, -0.6293036937713623, 1.4312655925750732, 0.4557446837425232, -0.5972285270690918, -0.12395846843719482, 0.9463862180709839, 0.772664487361908, 1.3776228427886963, 0.13452477753162384, -0.5000690221786499, -0.7547561526298523, 0.14379580318927765, 0.32564467191696167, -0.3055058419704437, -0.82048499584198, -0.4003835618495941, -0.21165357530117035, 1.3683968782424927, -0.2923855781555176, 0.6650927066802979, 1.2584015130996704, 0.1830761879682541, 0.2464206963777542, 0.4362232983112335, -0.5417098999023438, -0.9778650403022766, -0.27430519461631775, -0.11697091162204742, -1.321008324623108, 0.5382633209228516, 0.3434593975543976, -0.4627642333507538, 0.3424234688282013, -0.11752554029226303, -0.4716472327709198, -0.026923544704914093, 1.4589340686798096, -1.0041533708572388, -0.6335733532905579, 0.1921522468328476, -0.9123244881629944, -0.8144705295562744, 0.50107741355896, -0.3285824656486511, 0.2676551938056946, 0.6120505928993225, 0.7299177646636963, -0.3760979175567627, 0.0819053053855896, -0.7337045669555664, 1.1904128789901733, 0.5509263277053833, -0.29554232954978943, -0.16864214837551117, -1.2704895734786987, 0.045412272214889526, 0.22618059813976288, -1.870795488357544, -0.01194842904806137, 0.19660401344299316, -0.8883932828903198, -0.13734285533428192, -0.29082995653152466, 0.5485555529594421, -0.19312289357185364, 0.9240686297416687, 0.3882564306259155, -0.946524977684021, 0.0664229691028595, -0.9556081891059875, 1.2627947330474854, 1.0433878898620605, -0.15114885568618774, -0.3582996428012848, 0.8922537565231323, -0.3675505220890045, 0.9892990589141846, -0.1110118180513382, 0.8771209716796875, 0.7801266312599182, 0.6673408150672913, -0.12638983130455017, 0.11139626055955887, -11.7039213180542, 0.4210485816001892, 0.5036356449127197, 0.6125434041023254, 1.0157748460769653, 0.7858685255050659, 0.6910682320594788, -0.10608609020709991, 0.5938836336135864, -0.41565659642219543, 0.3962603211402893, 1.2704415321350098, 0.1528765708208084, -0.8444769382476807, -0.027747739106416702, -0.21860036253929138, -0.7589069604873657, -0.08928894996643066, 0.6034631133079529, 0.11886821687221527, 0.8644709587097168, -0.5165586471557617, -0.7093805074691772, -0.10110953450202942, -0.06832683086395264, -1.9021230936050415, 0.21909242868423462, 0.025796454399824142, -1.2545324563980103, -0.8064588308334351, 0.015123334713280201, -0.1543094515800476, -0.34002992510795593, -0.3776293098926544, 0.15892057120800018, -0.4730614125728607, -0.8971798419952393, -0.03571128845214844, 0.9838033318519592, -0.7106478214263916, -0.5267516374588013, 0.23094221949577332, -0.2146306037902832, -0.258966326713562, -0.4331880509853363, 0.2231815606355667, 0.1331731081008911, 0.02735034003853798, 0.9563146233558655, -0.4088814854621887, 0.038378968834877014, -0.8562988042831421, -0.5991279482841492, -0.6230202913284302, 0.9499325752258301, 1.0636435747146606, -0.8783701062202454, 0.627804696559906, 0.09902776777744293, -0.8731451034545898, 0.5848565697669983, 0.935888409614563, 0.011079780757427216, 1.5862016677856445, 0.12392781674861908, -0.6018208265304565, 0.3316250443458557, 0.5454407930374146, 0.5517838001251221, 0.8519183397293091, -0.46532440185546875, 0.8836780190467834, 0.5027467608451843, -0.5931552648544312, -0.1529853641986847, -0.038293786346912384, -0.07907482981681824, 0.03375384211540222, 0.40078654885292053, 0.09638111293315887, -1.036750316619873, -0.17462332546710968, -0.6192793846130371, -0.39579516649246216, 0.3764205276966095, 0.008751478046178818, -0.010638125240802765, -0.4262646734714508, 0.5836288928985596, 0.4075792133808136, 1.258604645729065, -0.013765653595328331, 0.3357834815979004, -0.7868897914886475, -0.009309817105531693, 0.9950089454650879, -1.9307326078414917, 0.8315494060516357, 0.35210758447647095, -0.8476474285125732, -0.3191359043121338, -0.014206422492861748, -0.43787306547164917, -0.2453165501356125, 1.1932134628295898, -0.35165935754776, -0.28506582975387573, 0.9575982093811035, 0.21294419467449188, 0.4735774099826813, 0.5081125497817993, 0.025339484214782715, -0.48045605421066284, 1.1265212297439575, -0.18554085493087769, 1.139360785484314, 1.134852647781372, -0.33975017070770264, 0.24711503088474274, 0.5788965821266174, 0.09639464318752289, -0.20031332969665527, 0.22730401158332825, 0.8376837372779846, 0.42044344544410706, -0.05074199289083481, -0.3608570396900177, 0.16521801054477692, 0.3066387176513672, -1.2655067443847656, 0.280620276927948, 0.25206875801086426, -0.1971256285905838, -0.3118409216403961, -0.1871797740459442, 0.0420808382332325, -1.0914541482925415, 1.5938773155212402, 0.39793074131011963, -0.37979060411453247, -0.7424356341362, -0.4000239372253418, -0.05999163165688515, -0.6143755316734314, -0.93409663438797, -0.19873440265655518, -1.5341432094573975, -0.4086243212223053, -0.7384231686592102, -0.6274729371070862, 0.8591927289962769, -0.8640673756599426, 0.02056276798248291, -1.1210954189300537, -1.1034973859786987, -0.33106309175491333, 1.0445833206176758, -0.2869747579097748, -1.105934500694275, 0.10527566075325012, 1.2437458038330078, 0.7722615003585815, -1.1763302087783813, 1.314440131187439, 0.7559211254119873, 0.007626866921782494, -1.1290578842163086, 0.060479819774627686, 0.11774640530347824, 0.33443427085876465, 1.0006215572357178, -0.5111533999443054, -0.5964745879173279, -0.9117316603660583, 0.09500139951705933, -0.4615209102630615, -0.8048802614212036, 0.9727712869644165, -1.5731592178344727, 0.7689389586448669, -0.5386254191398621, 0.7198948264122009, 1.4951121807098389, -0.3689815402030945, -0.6913096904754639, 0.01954309269785881, -0.633025586605072, 1.1726751327514648, -0.3156525194644928, 0.09289532899856567, -0.8491262793540955, -1.40272855758667, -0.7987425923347473, -0.5627341270446777, 0.6468706727027893, 0.22557473182678223, 0.7856245040893555, 0.5989315509796143, -1.264546275138855, -0.3362046182155609, -0.08935302495956421, 0.640562891960144, 0.5236503481864929, 0.225394144654274, -0.36964741349220276, 0.19758334755897522, -0.3069021701812744, 0.3722095191478729, 0.2213587462902069, 0.7632630467414856, -1.5071247816085815, -0.21648703515529633, 0.04334362968802452, -0.5722307562828064, -0.09347403049468994, -1.5718371868133545, -0.7194989919662476, -0.12633323669433594, 0.12327416241168976, -0.7960984110832214, -0.8516324758529663, -0.07170489430427551, -0.29141324758529663, 1.313215732574463, 0.014488759450614452, 0.6777470707893372, 0.2860398292541504, 0.017032064497470856, 2.3865745067596436, 0.10920601338148117, -0.42568475008010864, 0.6078489422798157, 0.28871020674705505, -0.21449485421180725, -0.04253093898296356, 0.31281816959381104, -0.7364082336425781, -0.04870806634426117, -1.3697514533996582, 0.016492776572704315, -1.259216547012329, -0.0021516159176826477, 0.09347685426473618, 1.3511415719985962, 0.3117139935493469, -1.3367564678192139, -1.0780072212219238, -0.6605437994003296, -0.5197013020515442, -0.0011476241052150726, -0.4367426931858063, 0.3988100588321686, 0.8121763467788696, -0.7640067338943481, 0.6617754697799683, 0.02226843684911728, -0.012026563286781311, 0.3183261454105377, -0.7310260534286499, 1.0610822439193726, 0.16946496069431305, 0.5635095834732056, 0.48353928327560425, -0.5289963483810425, -0.2847369313240051, -0.6966676712036133, -0.11124562472105026, 0.3129923343658447, 1.4246290922164917, -0.7091333270072937, -0.4623258113861084, 0.1953500509262085, -0.31001409888267517, 0.2065422087907791, 0.307736873626709, -0.03292148560285568, -0.10079152882099152, -1.4224969148635864, -0.05173878371715546, 0.1551489681005478, 0.45292332768440247, -0.12996800243854523, -0.27220648527145386, -0.15238521993160248, 0.31677016615867615, 0.6817660927772522, -0.002017909660935402, -0.6038828492164612, 0.09004443883895874, 0.1427064836025238, 0.8635101318359375, 0.8687707185745239, -0.8556804060935974, -0.47854915261268616, 0.26012131571769714, -1.0381754636764526, 0.0901566669344902, -0.008601818233728409, -0.7140596508979797, 0.40494096279144287, 1.2265876531600952, 0.40987902879714966, -0.48642733693122864, 0.5747084617614746, 0.38857224583625793, 0.15522795915603638, 0.926352322101593, 0.637930691242218, -0.808505654335022, 0.812160313129425, 0.9185693860054016, 0.13554808497428894, 0.7626755237579346, 0.9768370389938354]} +{"paper_id": "imagenet-1k", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "lj_speech", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "stereoset", "embedding": [-0.17906582355499268, 1.199987769126892, -0.5949966907501221, 0.012535136193037033, 0.9714722633361816, -0.29117441177368164, 1.448771357536316, -0.08897227793931961, 1.0146437883377075, 0.8685620427131653, 0.3045402467250824, 0.3846239447593689, -0.5733970999717712, -0.28902697563171387, -0.23286718130111694, -0.403380423784256, -1.4597492218017578, -0.30026230216026306, -1.2157773971557617, -0.44418618083000183, -1.370280385017395, -0.18443889915943146, 0.09985437989234924, 0.505900502204895, -0.1314660906791687, -0.8260086178779602, 0.875688910484314, -1.2443746328353882, 0.05113440752029419, 0.42291393876075745, -0.8793292045593262, 1.2472286224365234, -1.8853850364685059, 0.14038550853729248, -1.0404738187789917, -0.5186328887939453, -0.3367740511894226, 0.914875864982605, -0.43790403008461, 0.13266251981258392, -0.7384004592895508, -0.11231368035078049, 0.7241802215576172, 0.291751891374588, -0.5213137865066528, 0.4484618902206421, 0.11430645734071732, 0.735356330871582, -0.10021761804819107, -0.48750126361846924, -0.506903886795044, 0.022287119179964066, -0.06457740068435669, 0.1333213448524475, -0.27258142828941345, 1.1705344915390015, 1.0149351358413696, -0.8247444033622742, 0.8588492274284363, -1.1890990734100342, 1.2768845558166504, 1.2658151388168335, -0.5114933848381042, 0.3362973928451538, 0.5439854264259338, 0.36386674642562866, 0.9823245406150818, 0.1265489012002945, 0.30549943447113037, 0.75037682056427, 0.07448826730251312, -0.40299078822135925, 0.3804999887943268, 0.5777873992919922, 0.6652666330337524, 0.28384628891944885, 0.006200660020112991, 0.38412922620773315, -0.22927013039588928, -0.06063910201191902, -1.2139495611190796, 0.7494403123855591, 0.696853756904602, -0.7342427372932434, 0.05051723122596741, 0.5844784379005432, 0.5955523252487183, -0.17147786915302277, 0.7108666896820068, -0.9304056167602539, 0.7502792477607727, -0.025810599327087402, 1.0368086099624634, 0.05408656597137451, -0.07848957180976868, 0.44479408860206604, -0.026646926999092102, 0.8419036865234375, -1.0442098379135132, 0.5052584409713745, 0.7001565098762512, -0.22136858105659485, 0.7750468850135803, 0.7005561590194702, 0.0004615671932697296, 0.5697456002235413, 0.28160157799720764, -0.586922287940979, -0.6621792912483215, -0.8023616075515747, -0.28224366903305054, 1.2531639337539673, 0.219902902841568, 0.6502756476402283, 0.2991291582584381, 0.6412334442138672, -0.48344066739082336, -0.9316470623016357, -0.01229605171829462, -0.2594515085220337, -0.21208828687667847, -0.5905323028564453, -0.04471437633037567, -0.5551961064338684, 1.309224009513855, -0.5671579241752625, 0.2702426612377167, -0.06511373817920685, -0.17111696302890778, -0.08998464047908783, 0.764776349067688, 0.12375345826148987, -0.5837504863739014, 0.5585187673568726, 3.2966926097869873, -0.915486216545105, 0.7607507705688477, -1.3830817937850952, 0.15670253336429596, -0.3877604007720947, -0.32977157831192017, 1.0450142621994019, -0.21343228220939636, -1.1390776634216309, -0.32957208156585693, -0.20199257135391235, -0.51376873254776, 0.22637520730495453, -1.0009453296661377, 0.11836917698383331, 0.11340384185314178, 0.014871098101139069, -1.0383771657943726, -0.362071692943573, 0.720750629901886, 0.08775784820318222, -0.057946499437093735, 0.6485267281532288, -0.3071804940700531, 0.8274034857749939, -0.13528412580490112, 0.3005274534225464, -0.5736975073814392, -0.04032875597476959, -0.9866285920143127, 0.09066759049892426, 1.2041699886322021, -0.17191541194915771, -0.6818175911903381, -0.37625840306282043, 1.47881019115448, -0.11954570561647415, -0.5190519690513611, 0.16815203428268433, 0.42757025361061096, 0.14905506372451782, -0.3396638333797455, 0.24574333429336548, 0.3320869505405426, -1.1216466426849365, -0.13147728145122528, -0.022896941751241684, -0.17603445053100586, 0.9544692039489746, -0.9470251202583313, 0.1285526007413864, -1.723137617111206, -0.25998592376708984, -0.6836270093917847, 0.6619946360588074, -0.5796838998794556, -0.33543166518211365, 0.26383188366889954, 0.2870498597621918, -0.2888353765010834, -0.4284708797931671, 0.9802854657173157, -1.1988736391067505, -0.09478500485420227, 0.5925971865653992, -0.3414848744869232, -0.8058429956436157, -0.3773208260536194, 0.6420397162437439, 0.5005466938018799, -0.6317241787910461, -0.5849304795265198, -2.2280898094177246, 0.23480892181396484, 2.049577474594116, 0.28927111625671387, -0.5978966355323792, -0.47878921031951904, -0.5453159213066101, -0.3062065839767456, 0.06698449701070786, 0.6057828664779663, -0.906342089176178, -0.36680036783218384, -1.2964836359024048, -0.2142384946346283, -0.5062832236289978, 0.6965571641921997, 1.2103431224822998, 1.6257387399673462, -0.4050443768501282, -0.2909637689590454, -0.5797979831695557, -1.4013822078704834, 0.17860598862171173, 0.686421811580658, 0.06677579134702682, 0.10306133329868317, 0.5075846314430237, -0.6764249801635742, 0.7768470048904419, 0.5720309615135193, 1.094529390335083, -0.7550327777862549, -0.7637383341789246, 0.35140669345855713, 0.3445096015930176, -0.019669920206069946, 0.07965093106031418, 0.20728223025798798, 0.5543649196624756, -0.367430180311203, -0.4214736223220825, -0.8728925585746765, 0.06695292890071869, 1.2750816345214844, 0.8553118109703064, -0.44955989718437195, 0.6744208335876465, -0.6028172373771667, -0.11297119408845901, -0.4578588008880615, -0.418440580368042, -0.08785853534936905, -0.1537032127380371, 0.32167166471481323, 0.4812150001525879, 0.10448257625102997, -0.7577114105224609, 0.1370713710784912, -1.3615838289260864, 0.24748364090919495, -0.7890611886978149, -0.39319491386413574, -1.6080759763717651, -0.6596267223358154, -0.2560374140739441, -1.0777384042739868, -0.4645124673843384, -0.2590891122817993, 0.1854104846715927, -0.41200679540634155, 1.0543607473373413, 1.2291163206100464, -0.269214391708374, -0.18432480096817017, 0.2787005305290222, 1.294532299041748, -0.4347209632396698, 0.6774333715438843, -0.3284166753292084, 0.2715020477771759, -0.23995888233184814, 0.1088545173406601, -0.9310124516487122, 0.3829314112663269, 0.46300894021987915, -0.38154223561286926, 0.48665881156921387, -0.14888319373130798, -1.1589757204055786, 0.7280982136726379, -0.2733757793903351, 1.035671353340149, -0.5831457376480103, 0.9093001484870911, 0.8233205080032349, -0.01567457988858223, 0.35679101943969727, -0.7453552484512329, -0.012659719213843346, 1.005239725112915, -1.2936984300613403, -0.29087352752685547, -0.07193819433450699, -0.621721625328064, 0.38787972927093506, 0.3925400972366333, -2.3929505348205566, 0.36226341128349304, 1.4293341636657715, -0.5738798379898071, -0.15991492569446564, -0.5660154223442078, 0.34718233346939087, -0.632020890712738, -0.11084508150815964, 0.03965989872813225, -0.8370311856269836, 0.29138433933258057, -0.8625835180282593, -0.4682807922363281, 0.2611689269542694, -1.3181204795837402, -0.36161530017852783, 0.6288101673126221, 0.7349367141723633, -1.0740313529968262, 0.4370781183242798, 0.34839051961898804, -0.9063031673431396, 0.33926087617874146, 0.23204520344734192, 1.5905425548553467, 1.3361567258834839, 0.16245129704475403, -0.06885305047035217, 0.6123560667037964, 0.702460765838623, 0.4956580400466919, 0.7952823638916016, -0.37335115671157837, 0.42706334590911865, -0.5383974313735962, 2.0751726627349854, -0.46561142802238464, -0.7028757333755493, -0.7404506802558899, -0.8146439790725708, -0.30592501163482666, -0.488086074590683, 0.7126966118812561, 1.1362004280090332, 0.7410784363746643, 0.5559508204460144, 1.290658712387085, -0.4448271691799164, 0.3174026906490326, 0.2678335905075073, -0.4553776979446411, 0.07018223404884338, -0.16962681710720062, 0.453371524810791, 0.29459041357040405, 0.05780046805739403, -1.4176396131515503, -0.20264631509780884, 1.414826512336731, -0.32717305421829224, -0.5549214482307434, 0.6663213968276978, 0.1843133270740509, 0.21050545573234558, 1.458322525024414, -0.9168790578842163, -0.4368143379688263, 0.6965259909629822, 0.11378977447748184, 0.5338147282600403, 0.2745444178581238, -1.1001564264297485, 0.5200861692428589, 0.22202779352664948, 1.2402437925338745, -0.1170288622379303, -0.1437186747789383, 0.3225896656513214, -0.7011842727661133, -0.9757176041603088, -0.3819677233695984, -0.8699068427085876, -0.46726343035697937, -0.7759063839912415, -0.21432043612003326, -0.01126934215426445, 0.7320560812950134, -0.46821439266204834, -0.5581248998641968, 1.0242513418197632, -0.16236884891986847, -0.6713719367980957, 0.6241983771324158, 0.3202029764652252, -1.2740731239318848, -0.4663238227367401, -0.055950749665498734, -0.9683106541633606, -0.8958965539932251, 0.8768146634101868, -0.3393721580505371, 0.5320836901664734, -0.29657042026519775, 0.932269275188446, -0.17855516076087952, 0.2381436973810196, -0.9201298952102661, 0.28480714559555054, 1.7224876880645752, -1.3149789571762085, 0.8811439275741577, 0.4699430465698242, 0.17153193056583405, 0.18336762487888336, -0.06726209819316864, -0.07282184064388275, 0.9519671201705933, 0.6228420734405518, 0.5453569293022156, -0.4874073266983032, -0.40635228157043457, 0.5570539832115173, -0.032163992524147034, 0.6353317499160767, -1.4710599184036255, 0.36183518171310425, -0.16958852112293243, 1.2426947355270386, 0.7070248126983643, -0.7197442650794983, -1.0686675310134888, 0.836178719997406, -0.6935960650444031, 0.2895755171775818, -0.13593314588069916, 0.27925097942352295, 1.1892576217651367, 0.2262594997882843, 0.3091168999671936, -0.5827851295471191, -11.39801025390625, 0.395706444978714, -0.20471961796283722, 0.18281933665275574, 0.09274949133396149, -0.5116653442382812, 0.3874763250350952, 0.069480761885643, 0.7586686015129089, -0.07601545751094818, -0.08949144184589386, 1.8684247732162476, 0.26759493350982666, -0.5256147980690002, -0.6562746167182922, -0.9546316862106323, -0.6907676458358765, -0.9000869393348694, -0.2654099464416504, 0.47933366894721985, -0.1757669597864151, -1.2216389179229736, 0.7388601303100586, -0.17184661328792572, 0.35352587699890137, -0.7206049561500549, -0.5307729244232178, -0.8509600162506104, -0.0672079548239708, 1.3329068422317505, -0.012251738458871841, 0.7455650568008423, -0.5573086142539978, -0.886551022529602, 0.1877783089876175, -0.05128994211554527, -0.789436399936676, -0.027003446593880653, 0.8806831240653992, 0.055824294686317444, -0.5158154964447021, 0.4927928149700165, 0.307512491941452, -0.5878191590309143, -0.38487228751182556, -0.22084227204322815, 0.13361358642578125, -0.44586965441703796, -0.4362109303474426, -0.804007887840271, 0.20936711132526398, -0.9867483973503113, -0.9207650423049927, -0.6227374076843262, 0.468183308839798, -0.2544589042663574, -0.02625425159931183, 0.3503264784812927, -0.9815711379051208, -1.5900139808654785, -0.09854351729154587, 0.0005328860133886337, -1.3503310680389404, 0.22972765564918518, 0.6042242050170898, -0.21150876581668854, -0.18581622838974, 0.3397657573223114, -0.3735998868942261, 0.6941171884536743, -1.0603967905044556, 0.8247602581977844, 0.10939336568117142, 0.5268040895462036, 0.18082499504089355, -0.35940292477607727, 0.12300824373960495, -0.3758409917354584, 0.5589337944984436, -0.26309147477149963, -1.4921118021011353, 0.2455371916294098, -0.09856576472520828, 0.11811114847660065, -0.9425140619277954, 0.5410088300704956, 0.022083014249801636, -0.13060550391674042, 1.021322250366211, 0.03884124010801315, 0.9634076356887817, -0.4444923400878906, 0.43311840295791626, 0.002189338207244873, -0.4912407398223877, 1.1992970705032349, -0.7454727292060852, 0.5447107553482056, 0.06894519925117493, -1.0222446918487549, 0.5541762113571167, -0.34015652537345886, -0.5632643699645996, 0.039097946137189865, 0.17008011043071747, -0.17193922400474548, 0.339490681886673, -0.4454061686992645, 0.642005443572998, -0.07852178066968918, -0.074269138276577, -0.521283745765686, 0.07900875806808472, 0.7413814663887024, -0.2310706377029419, 0.8485990166664124, 0.912290632724762, 0.3817022442817688, 0.7828701138496399, 0.5888345241546631, -0.7850603461265564, 0.4647065997123718, -0.3037748336791992, 1.3663127422332764, 0.7677781581878662, 0.7221912145614624, 0.6047646403312683, -0.01185535080730915, 0.08283412456512451, -1.7249137163162231, 0.06439001858234406, -1.0410341024398804, 0.03744114935398102, -0.4240756630897522, 0.6330040693283081, -0.3421965539455414, -1.671689748764038, 1.0578176975250244, -0.5157790780067444, 1.1665732860565186, 0.1290195733308792, -0.5524513721466064, -0.17533721029758453, -0.6291071772575378, -0.7568009495735168, 0.8961247205734253, -1.7121869325637817, 0.2224549800157547, -0.467711478471756, -0.16223561763763428, 0.09035592526197433, 0.07960283011198044, 1.255118489265442, -0.8637687563896179, -0.2715221345424652, 0.2855837047100067, 0.7640939354896545, -0.4448401629924774, -0.19568832218647003, -0.5582852363586426, 0.4149845540523529, 0.771236002445221, -0.5527416467666626, 0.7534659504890442, 0.01694333553314209, -0.06521196663379669, -0.3342215120792389, -0.08241814374923706, -0.1763659566640854, 0.6350335478782654, 0.7980951070785522, -0.8670464158058167, 0.03070867620408535, -0.5486912131309509, 0.11841888725757599, -1.1904494762420654, 0.6413360834121704, 1.1579561233520508, -0.4385683834552765, 0.5422793030738831, 0.5570776462554932, 0.4935472011566162, 0.30376896262168884, -0.18295277655124664, -0.6227113604545593, -0.477871835231781, 0.4555189311504364, 0.9690895676612854, 0.1639014333486557, 1.2513456344604492, -1.8758034706115723, -0.559252142906189, -0.37376853823661804, 0.07652011513710022, 0.47285816073417664, -0.1171049028635025, 1.0692590475082397, 0.6370199918746948, -0.20715664327144623, -0.23495206236839294, 0.13045087456703186, 0.6924620866775513, -0.1417868733406067, -0.48946818709373474, -0.36249735951423645, -0.022667035460472107, -0.7270990014076233, 0.05326681211590767, 0.04079347103834152, 0.8572496175765991, -0.9397453665733337, -0.30425581336021423, 0.09400956332683563, -0.1242411732673645, -0.4130878746509552, 0.2516138553619385, 0.24372011423110962, -0.4099530279636383, 0.1733691245317459, -1.5155926942825317, 0.45930203795433044, 0.9474740624427795, 0.9681978821754456, 0.5262414216995239, 0.9810492992401123, -0.03591466695070267, 0.9526443481445312, 0.5613319873809814, 1.4069609642028809, 0.33444368839263916, -1.0693386793136597, -0.37439072132110596, 0.3227896988391876, -0.4570677578449249, 0.11682449281215668, 0.2948882281780243, -0.7991394996643066, 0.34598374366760254, -0.8721963167190552, 0.2116539478302002, -0.45972007513046265, 0.3698177933692932, 0.6775554418563843, 0.7453293800354004, -0.1369129717350006, -0.8571078777313232, 0.21842195093631744, -0.9914936423301697, -0.009111197665333748, -0.5847064852714539, 0.7099424600601196, 1.0726358890533447, 0.8632310628890991, 0.1609790176153183, 1.046743631362915, 0.501508891582489, -0.6032274961471558, 0.044690873473882675, 0.17523787915706635, 1.136475682258606, 0.46470266580581665, 0.6262640953063965, 0.08487670123577118, 0.13464853167533875, -0.6892056465148926, -0.536044180393219, -0.49853983521461487, 1.3981622457504272, 0.20031218230724335, 0.47042423486709595, 0.048423394560813904, -0.6279910206794739, -0.29030805826187134, -0.822478175163269, -0.06496113538742065, 0.5708389282226562, -0.132000133395195, -0.6500755548477173, -0.4621894061565399, 0.6577044129371643, 0.3974587321281433, -0.21172434091567993, 0.018892813473939896, -0.9608245491981506, 0.2517499625682831, 0.5260682106018066, -0.17589053511619568, -0.5407755374908447, 0.3816123306751251, 0.1026809886097908, 0.18298764526844025, 0.5053958892822266, -0.8623842597007751, -0.6254591941833496, -0.39525070786476135, -0.7285910248756409, 0.9172083735466003, -0.41662728786468506, -1.281779408454895, -0.3832293748855591, 0.24666035175323486, 0.6542335748672485, 0.17187277972698212, 0.3592909574508667, -0.18008407950401306, -1.0849412679672241, 1.2043174505233765, 1.491357445716858, -0.7988671660423279, 0.06292763352394104, 0.6018609404563904, -0.013286549597978592, 0.26923424005508423, 2.0424766540527344]} +{"paper_id": "visual_genome", "embedding": [-0.6471176147460938, 1.6201200485229492, -0.19166237115859985, -0.5925917625427246, -0.16133445501327515, -0.3172064423561096, -0.435001939535141, 0.8190363645553589, 0.9217939972877502, 0.1556912362575531, 0.8001039624214172, 0.43873292207717896, 0.13928739726543427, -0.5823797583580017, -0.5380047559738159, 0.018200667575001717, -0.4544818103313446, -0.9897038340568542, -1.4422588348388672, 0.21800440549850464, -0.8682065606117249, -0.770122766494751, 0.024871956557035446, 0.4111153781414032, -0.7206981182098389, -0.30028024315834045, 0.6563254594802856, -0.8984383940696716, 0.7522403597831726, 0.46174943447113037, -0.39936983585357666, 0.6459589600563049, -1.4113236665725708, 1.2036924362182617, -0.03633017838001251, -0.5566304922103882, 0.5823451280593872, 0.8466313481330872, 0.025245778262615204, -1.2179107666015625, 0.21941404044628143, 0.24292683601379395, 1.4415297508239746, -0.08029023557901382, 0.8619076609611511, -1.0986442565917969, 0.352668434381485, 0.8825855851173401, -0.548133134841919, -0.1847967803478241, -0.2910960912704468, 0.5696088075637817, 0.1166786327958107, 0.19962511956691742, -0.5594211220741272, 1.0279344320297241, 0.3206340968608856, -0.12674440443515778, -0.06456258893013, -0.4407825469970703, 0.36092954874038696, 1.2959095239639282, -0.40172699093818665, -0.20927253365516663, 0.6992219686508179, 0.8439157009124756, 0.9824419021606445, -0.00247298926115036, 0.23603208363056183, 0.6631333827972412, 0.1388937383890152, -1.7647881507873535, 0.693291425704956, 0.7602639198303223, 0.9579344987869263, 0.33071115612983704, -0.16100142896175385, -0.4101575016975403, 0.18597236275672913, 1.1123441457748413, -0.10079550743103027, 0.01862368732690811, 0.14476050436496735, -0.6493922472000122, 0.055205151438713074, 0.14100316166877747, 0.470063179731369, -0.1824982762336731, 0.5456615686416626, -1.0068827867507935, 1.2981328964233398, 0.018330389633774757, 0.5664728283882141, -0.08218011260032654, 0.49160143733024597, -0.1967981457710266, 0.19165973365306854, -0.6481488347053528, -0.46479979157447815, 0.7545913457870483, 0.4392679035663605, 0.013896102085709572, 0.7676334977149963, -0.476819783449173, 0.15123435854911804, 0.0010027214884757996, -0.160712331533432, -0.24395951628684998, -1.1264128684997559, -0.5526705384254456, 0.16642461717128754, 1.0222760438919067, 0.20223984122276306, 0.00750921294093132, -0.35844185948371887, 0.14197376370429993, 0.4789121150970459, -0.07397116720676422, 0.28981852531433105, 0.07708132266998291, 0.33478212356567383, -1.4229687452316284, -0.5770753026008606, -1.1193675994873047, 0.4730581045150757, -0.4267202317714691, 0.7105624675750732, -0.20566686987876892, -0.7762657403945923, -0.8162062168121338, -0.19092151522636414, 0.6574057936668396, -0.3268857002258301, 0.18203087151050568, 3.190579652786255, -0.3946419656276703, 0.8797267079353333, -0.827389121055603, -0.5238794684410095, -0.6210806965827942, -0.2510465979576111, 0.9099574089050293, 0.8826492428779602, -0.644697368144989, -0.6209128499031067, -0.3051952123641968, 0.1350652426481247, 0.3382242023944855, -1.1336932182312012, 0.06711294502019882, 0.497158944606781, 0.3239406645298004, -1.0819225311279297, -1.0662471055984497, 0.0995585024356842, 0.9527171850204468, 0.08501355350017548, -0.29910844564437866, -0.04141146317124367, 0.6928938031196594, -0.9977151155471802, 0.12454650551080704, -0.6177729368209839, 0.2265763133764267, -0.45675286650657654, 0.911870002746582, 1.0054270029067993, -0.5718262195587158, -0.6019657254219055, -0.08723251521587372, 0.035949237644672394, -0.6160611510276794, -0.07189074158668518, -0.11764191836118698, 0.04994279146194458, 0.8875389695167542, 0.2971384823322296, 0.6817216277122498, 0.34231895208358765, -0.4265297055244446, -0.7828117609024048, 0.014444625936448574, 0.3911221921443939, -0.1329212635755539, 0.3357166051864624, -0.22443751990795135, -2.668919324874878, -0.3878600001335144, -0.96738600730896, 0.37757009267807007, 0.27451759576797485, 0.4166491627693176, 0.19268080592155457, 0.5593029856681824, -0.9121357202529907, -0.4426802098751068, 0.4915379583835602, -1.2387804985046387, -1.4195587635040283, -0.019548796117305756, -0.15011349320411682, 0.03579870983958244, -1.2053396701812744, 0.6564926505088806, 0.24354197084903717, -0.026565933600068092, 0.017802398651838303, -1.6714577674865723, 0.8955270051956177, 1.3365449905395508, 0.9332094192504883, -0.5168154239654541, -0.8811010718345642, -0.15062843263149261, 0.22358286380767822, -0.76587975025177, 0.8971863985061646, -0.02482777088880539, 0.10492424666881561, -1.0805028676986694, 0.4658972918987274, -0.3309912085533142, 0.784842312335968, 0.011267454363405704, 1.1258243322372437, -0.7693765163421631, -0.5058764219284058, -0.657238781452179, -0.9094449877738953, 0.8096346259117126, 0.26891058683395386, 0.5755378603935242, 0.18137483298778534, -0.031087979674339294, 0.12750481069087982, 0.08489862084388733, 1.131103754043579, 0.7630791068077087, -0.7127584218978882, 0.954244077205658, -0.7647854685783386, 0.5228635668754578, -0.3213950991630554, 0.4525892436504364, 0.5751231908798218, -0.12354104220867157, 0.24619916081428528, -1.0727238655090332, 0.049130506813526154, 0.1626918613910675, 1.724421739578247, 0.4366557002067566, 0.6435258388519287, 0.27113115787506104, -0.7753748893737793, -0.36732548475265503, 0.07409586757421494, 0.03882091864943504, 0.8948782086372375, -0.017057564109563828, 0.05867212638258934, -0.6656490564346313, 0.2866051495075226, -0.34834182262420654, 0.008220016956329346, -0.7550486326217651, -0.3758898079395294, 0.3441503345966339, -0.5676794052124023, -0.14922842383384705, -0.2698732018470764, 0.2503454089164734, -0.49667423963546753, -0.26662611961364746, 0.4641067385673523, 0.4526107609272003, 0.7082093954086304, 0.5260118246078491, 0.44635891914367676, -0.5967383980751038, 0.4003709554672241, -0.5686461925506592, 0.6244506239891052, 0.4476516842842102, 0.3564835786819458, -0.5585627555847168, 0.166916623711586, -1.3510228395462036, -0.1738387495279312, -1.3228800296783447, 0.6756823658943176, -0.110179603099823, -0.046755045652389526, 0.796446681022644, -0.4214518964290619, -1.2168455123901367, 1.7639822959899902, 1.1123031377792358, -0.2215249240398407, -0.2117369920015335, 1.077517032623291, 0.7472902536392212, -1.0887802839279175, 0.028880249708890915, 0.13736356794834137, -0.3527624309062958, 1.5185837745666504, 0.4291479289531708, 0.09715361893177032, 0.8328606486320496, 0.48443153500556946, 0.2856255769729614, -0.7925915122032166, -1.6406629085540771, -0.06802946329116821, 0.12633970379829407, 0.29281482100486755, -8.771568536758423e-05, -1.4642173051834106, -0.14366404712200165, -0.7802332043647766, 0.051461197435855865, 0.741838812828064, -0.6656560897827148, 0.5208423733711243, 0.2929883301258087, 0.9054070711135864, 0.7758898138999939, -0.6963487267494202, 0.18421271443367004, 0.5546693801879883, 0.08615116029977798, -1.0501431226730347, 0.39156147837638855, 0.8746231198310852, -0.5034679174423218, -0.016487106680870056, 0.6461655497550964, 0.6227112412452698, 0.12791718542575836, 0.08390782028436661, 0.07614953815937042, 0.14756761491298676, -0.36007770895957947, 0.1766585409641266, 0.5745388865470886, -0.4669312834739685, 0.5156521797180176, 0.35522040724754333, 0.5927901268005371, -0.4710544943809509, -0.2505725026130676, -0.6112300157546997, 0.2955140173435211, -0.3741070628166199, 0.3420201539993286, 2.178243398666382, 0.7245015501976013, 1.7124577760696411, -0.42201143503189087, -0.02817576192319393, -0.5573412775993347, -0.2177598923444748, 0.024804534390568733, 0.31997573375701904, 0.049977123737335205, -0.5660823583602905, 0.017798468470573425, 0.26948267221450806, 1.162305474281311, 0.08332794159650803, -0.0661185011267662, 1.4253743886947632, 0.23314951360225677, -0.5495549440383911, 0.5694056749343872, 0.4584484100341797, 0.7817986011505127, 1.1282340288162231, -0.08151686191558838, -0.04650973528623581, -0.3257704973220825, 0.07112952321767807, 0.9442979693412781, -0.888055682182312, -0.23919431865215302, 0.5737308859825134, 0.69953852891922, 1.2308540344238281, 0.9569723010063171, 0.7768896222114563, 1.226647138595581, -0.26334264874458313, -1.3048564195632935, -0.1613246202468872, -0.6260773539543152, -0.67333984375, 0.3397112786769867, -0.21160410344600677, 0.14551325142383575, 0.4603353440761566, 0.037311673164367676, -0.9478738903999329, 0.92484450340271, -0.5957072377204895, -0.3544628322124481, 0.29980790615081787, 1.0747990608215332, -0.9244061708450317, -1.147253394126892, 0.12686307728290558, -0.3461792767047882, -0.8870039582252502, -0.4744952619075775, -0.3164106011390686, 0.6595346927642822, -0.46630266308784485, 0.38627511262893677, -0.6725690364837646, 0.21620549261569977, -0.48420462012290955, 1.239964485168457, 0.24906565248966217, -0.5430998802185059, 0.280788779258728, -0.28241100907325745, 0.39742207527160645, 0.584843635559082, -0.9457788467407227, -0.2736798822879791, 1.3509987592697144, 0.6621084213256836, -0.4458155035972595, -0.7328737378120422, -0.05633179098367691, 0.21340882778167725, 0.39543378353118896, 0.3975883424282074, -0.8180985450744629, 0.0007675541564822197, -0.8810456991195679, 1.003422737121582, 0.6721435785293579, -0.7076941728591919, -0.7270911335945129, 1.275878667831421, -0.6257336735725403, 0.36230847239494324, -0.4117470383644104, -0.17321690917015076, 1.5470727682113647, -0.026314157992601395, -0.1897101253271103, -0.0041075050830841064, -11.950539588928223, 0.029897019267082214, -0.14795716106891632, 0.08089233934879303, 0.7166792750358582, -0.310517817735672, 1.1590402126312256, 0.15499310195446014, 0.10523220896720886, -1.0229336023330688, 0.390346497297287, 0.46381789445877075, 0.10739220678806305, 0.4791056215763092, -0.8984946012496948, -1.7970257997512817, -0.6914191246032715, -0.7143584489822388, 0.2728855013847351, 0.9071314334869385, 0.7666926980018616, -0.8455849289894104, -0.6856701970100403, 0.3525335192680359, -0.1906946301460266, -0.5773405432701111, 0.335311621427536, -0.24545322358608246, -0.26206254959106445, -0.3214033842086792, 0.3006362020969391, 0.10651018470525742, -0.41324329376220703, -0.46723681688308716, 0.3277188539505005, 0.13882394134998322, -0.6535300612449646, -0.28915369510650635, 1.5716793537139893, 0.024213066324591637, -0.609984815120697, 0.46053779125213623, -0.27993568778038025, 0.2587675154209137, -1.2968547344207764, 0.22483564913272858, 0.22056272625923157, -1.282138466835022, -0.24302038550376892, -0.33221203088760376, -0.2909412384033203, -1.0090627670288086, -0.279899537563324, -0.41450920701026917, 1.1655840873718262, 0.7452532649040222, -0.723978579044342, -0.6641048789024353, -0.4463467597961426, -1.5806629657745361, 0.2753303050994873, 0.24524982273578644, -0.00045756250619888306, 1.2282835245132446, 0.09135779738426208, -0.5143939256668091, 0.3873390555381775, 0.7899380326271057, -0.621404767036438, 0.17880700528621674, -0.2757833003997803, 0.11708423495292664, 0.781044065952301, 1.1158158779144287, -0.7535986304283142, 0.30543577671051025, 0.2589649260044098, 0.10762018710374832, -0.5684925317764282, -0.15587447583675385, -0.9721055030822754, 0.8282646536827087, -0.6627344489097595, -0.5454954504966736, 0.17066149413585663, 0.40161290764808655, 0.3348110020160675, 1.1174907684326172, 0.0978483110666275, 0.015017949044704437, 0.337027907371521, -0.18284127116203308, -0.3501584529876709, -0.7460257411003113, -0.3807831108570099, 0.7910902500152588, -0.4803980886936188, -0.3142423629760742, -0.014594398438930511, -1.0942898988723755, 0.09166695922613144, 0.21170777082443237, -0.4140883684158325, -0.38051244616508484, 0.39417293667793274, 0.7107756733894348, 0.20959439873695374, -0.13074660301208496, 0.8364151120185852, 0.2503640949726105, 0.716923713684082, -0.5643073320388794, -1.010647177696228, 1.5751912593841553, -0.5121762752532959, -0.3218987286090851, 0.617145836353302, -0.8913617730140686, 0.23558032512664795, 0.08128465712070465, 0.26546284556388855, 0.11074359714984894, 0.056263916194438934, 1.0096979141235352, 0.7648010849952698, -0.5815022587776184, 0.6427997946739197, 0.2612382769584656, -0.4802917242050171, -0.9312660694122314, 0.3325469195842743, -0.2319270372390747, -1.0233690738677979, 0.0456569567322731, -0.09578391909599304, -0.7889352440834045, -0.4412083029747009, 1.1667835712432861, -0.7200501561164856, -0.08069225400686264, 0.43500691652297974, -0.38866567611694336, -1.1628745794296265, -0.7011998891830444, -1.1421310901641846, -0.21279919147491455, -1.3033267259597778, -0.012327607721090317, -0.8637534976005554, -1.3947970867156982, 0.0627775639295578, -0.4534851908683777, 0.8017567992210388, -0.26426875591278076, 0.28781625628471375, 0.4285638630390167, 0.6187746524810791, -0.5909628868103027, -0.2572159171104431, 0.2939140796661377, 0.7346643805503845, 0.40233099460601807, -1.0694799423217773, 0.8748601675033569, 0.2390674650669098, -0.3695502281188965, -1.211673378944397, -0.2788618206977844, 0.43898311257362366, 0.1375989317893982, 0.4518063962459564, -1.0648772716522217, 0.20904698967933655, -0.06931403279304504, 0.6798589825630188, -1.185363531112671, -0.3673287332057953, 1.3761780261993408, -0.7219734191894531, 0.27739036083221436, 0.310134619474411, 1.3389099836349487, 0.9460047483444214, -1.391798496246338, 0.131869375705719, -0.3885425627231598, 0.054415974766016006, 0.49760597944259644, 0.23458223044872284, 0.8727917671203613, -1.5039311647415161, -0.4663648307323456, -0.8120967745780945, -0.17734074592590332, 1.0402930974960327, 0.015826106071472168, 0.6694402694702148, 0.44338059425354004, -0.3623989522457123, 0.02751374989748001, -0.35048818588256836, 0.16319337487220764, 0.7643804550170898, 0.42542529106140137, -0.2623295485973358, 0.35991987586021423, -0.7029808759689331, -0.606548011302948, -1.0236401557922363, 0.7040493488311768, -1.4610856771469116, 0.17209330201148987, 0.30220693349838257, -0.8662674427032471, 0.35029464960098267, -1.279477834701538, 0.7617061734199524, -0.4084099531173706, 0.017219532281160355, -0.978681206703186, -0.2695472538471222, 1.1952235698699951, -0.021283291280269623, 1.1073329448699951, 0.10509710758924484, 1.0785579681396484, 0.5834957361221313, -0.32853806018829346, 1.6783543825149536, 0.024722792208194733, -0.07995463162660599, 0.36114490032196045, 0.01861787959933281, -0.3017084002494812, -0.7959377765655518, -0.22111527621746063, -0.4745103716850281, 0.034876082092523575, -0.657853364944458, 0.15069928765296936, -0.5139106512069702, 0.2638745605945587, 0.985451340675354, 0.5422394275665283, -0.20933420956134796, -1.4425684213638306, -0.5525882840156555, -1.1080472469329834, 0.25933974981307983, 0.39596793055534363, 0.27549320459365845, 0.6638457179069519, 0.704729437828064, 0.008394472301006317, 0.8488855957984924, 0.6445517539978027, -0.16826367378234863, 0.11357452720403671, 0.1866772174835205, 1.5697979927062988, 0.7222959995269775, -0.2451545149087906, 1.0980937480926514, 0.5357763767242432, -0.482560932636261, -0.40500408411026, -0.9574645757675171, 0.47405827045440674, 0.46507614850997925, -0.6119350790977478, -0.6487495303153992, -0.3584381937980652, 0.04769511893391609, -0.7320258021354675, 0.0708717554807663, 0.05637190490961075, 0.1412070393562317, -0.8829222321510315, -0.16833098232746124, -0.20635093748569489, 0.2881116569042206, -0.047348883002996445, -1.1133501529693604, -0.4374638795852661, 1.1875693798065186, 1.0256799459457397, 0.2685278058052063, -0.4020053446292877, -0.5758417844772339, -0.04471278935670853, 0.7394172549247742, -0.09372217953205109, -0.6612048149108887, -0.1885187029838562, 0.13262538611888885, -0.8150944709777832, -0.29270222783088684, -0.6329517364501953, 0.08087407797574997, -0.8298229575157166, 0.44016098976135254, 0.21598568558692932, 0.1879652887582779, 0.36980122327804565, 0.4074059724807739, -0.6092009544372559, 0.43739402294158936, 0.6814287304878235, -0.3100331127643585, -0.2646942436695099, 0.046389106661081314, -0.36130768060684204, -0.16380146145820618, -0.29761409759521484]} +{"paper_id": "kinnews_kirnews", "embedding": [-0.3697373867034912, 1.0706945657730103, 0.45232653617858887, -0.21290357410907745, 0.5691842436790466, -0.2646535336971283, -0.37967100739479065, 0.7086154818534851, 0.2873082756996155, 0.38791415095329285, -0.3103930652141571, -1.0467281341552734, 0.15027841925621033, 0.06384069472551346, -0.20634974539279938, -0.41961753368377686, -0.8415231704711914, -0.9566987752914429, -0.7247539758682251, -0.307136595249176, -0.3903025984764099, -0.7655696868896484, -0.22313497960567474, 0.6958997845649719, -0.2036266028881073, -1.0622128248214722, 0.2686869204044342, -0.7982051372528076, 0.03654122352600098, 0.3590528070926666, -0.2502044141292572, 0.691399335861206, -1.2649154663085938, 0.3875648081302643, -0.4780646860599518, -0.0664106011390686, 0.5862988233566284, 0.9364754557609558, -0.743919312953949, -0.3902076780796051, -0.9162346124649048, -0.5316779613494873, 0.8071460723876953, 0.15472790598869324, 0.9505404829978943, -0.36637482047080994, -0.09873856604099274, -0.15137794613838196, 0.2843937277793884, -0.5780106782913208, 0.10106567293405533, 0.3310888111591339, -0.805877149105072, 0.4492638111114502, -0.7655749320983887, 1.4514257907867432, 0.0505356639623642, -1.6108795404434204, 0.186674565076828, -0.31698158383369446, 0.5529996156692505, 2.178898811340332, -0.9320473670959473, 0.3915586769580841, 1.0781292915344238, -0.37518036365509033, 1.8870059251785278, -0.43715900182724, 0.5564332604408264, 0.882099449634552, -0.47000324726104736, -0.8107460141181946, 0.7940862774848938, -0.7526265382766724, 0.4817086458206177, 0.6002274751663208, 0.8596828579902649, -0.03067798539996147, -0.06878785789012909, 0.08209733664989471, -0.7328912615776062, 1.135138750076294, 0.5722218751907349, -0.5326604843139648, -0.43673980236053467, -0.2193593978881836, 0.47181329131126404, -1.1923829317092896, 0.6119878888130188, -1.4223192930221558, 0.41678887605667114, 0.08194956928491592, -0.8211646676063538, 0.4596732258796692, -0.0022432133555412292, 0.3355914056301117, -0.25624167919158936, 0.3541993498802185, -0.1449214220046997, -0.08709708601236343, 0.7844773530960083, -0.9629757404327393, 0.2844739854335785, -0.21354997158050537, 0.12631279230117798, 1.562290072441101, 0.07044708728790283, -0.34049928188323975, -1.1938917636871338, 0.23936355113983154, 0.2988184094429016, 1.1738567352294922, -0.6005163192749023, 0.563224196434021, 0.15960149466991425, -0.2648799419403076, -0.26026490330696106, -0.640241265296936, -1.2121944427490234, 0.331892728805542, -0.9548470973968506, -1.245917558670044, -0.6037614941596985, 0.6773591041564941, 1.0986229181289673, -0.5318359732627869, 0.6485777497291565, -0.46995511651039124, 0.5287472605705261, -0.4596046507358551, 0.7522832155227661, -0.520651638507843, -0.6066480875015259, -0.1494482457637787, 3.030693531036377, -0.9165752530097961, 1.4549784660339355, 0.031584881246089935, 0.6650351285934448, -0.16858850419521332, -0.6042216420173645, 1.4117188453674316, -0.2511850893497467, -1.3463877439498901, 0.0013206659350544214, 0.7419645190238953, -1.1102488040924072, 0.949871838092804, -0.13095632195472717, -0.8988694548606873, -0.11810746788978577, -0.10589545220136642, -0.9558708071708679, -0.3155061900615692, -0.014870023354887962, 0.04408583790063858, 0.2690476179122925, 0.7919080257415771, -0.8273096680641174, 1.1794010400772095, 0.9405956268310547, 0.025521600618958473, -0.3960646986961365, 0.767103910446167, -1.3774933815002441, -0.17848989367485046, 1.2787892818450928, 0.07192772626876831, -0.747230589389801, -0.36515629291534424, 1.1240373849868774, -0.22601911425590515, -0.6831274628639221, -0.21781237423419952, 0.39439404010772705, -0.06403747200965881, 0.41899573802948, 0.8537884950637817, -0.5570753216743469, -0.09711884707212448, -0.08737604320049286, -0.6300183534622192, 0.5111023187637329, 1.027917504310608, 0.3192775547504425, 0.7438629269599915, -1.818901538848877, -0.3534073829650879, -0.6806798577308655, 0.0715549886226654, -0.595910906791687, -1.3094687461853027, -0.2785469889640808, 0.38608384132385254, 0.4338120222091675, -0.2532486021518707, 0.40210050344467163, -0.6885681748390198, -0.2961846888065338, 0.5799737572669983, 0.4416927099227905, -0.11743566393852234, 0.3415684103965759, 0.7438795566558838, 0.15251676738262177, -0.9848724603652954, -0.47945302724838257, -1.6608617305755615, 0.3312103748321533, 2.1054093837738037, 0.005772337317466736, -0.6119359731674194, -1.9493553638458252, 0.06989088654518127, 0.133869469165802, -0.7945539355278015, 0.034218527376651764, -1.0746303796768188, 0.3013203740119934, -1.094387412071228, 0.5754191875457764, -0.23153454065322876, -0.027886047959327698, 0.00740395113825798, 0.2148858904838562, -0.34136319160461426, -0.3973411023616791, 0.4566965103149414, -0.5340137481689453, 0.5566928386688232, 0.7372356057167053, 0.41966304183006287, -0.728949785232544, 0.9565476179122925, 0.4318113327026367, 0.7250778079032898, 0.22687283158302307, -0.08929537236690521, 0.019105345010757446, 0.06918702274560928, 0.2477651834487915, 0.7286425232887268, -0.6833460927009583, -0.59548020362854, 0.43863242864608765, 0.7692735195159912, -0.5108166933059692, 0.13824132084846497, -0.06761245429515839, -0.5486111044883728, 1.4262430667877197, 1.3401360511779785, -0.8253279328346252, 1.7862052917480469, -1.4069406986236572, 0.34492626786231995, -0.034219298511743546, -1.0836352109909058, 0.12778933346271515, 0.031606823205947876, 1.1499613523483276, 0.3415091931819916, 0.08866757154464722, -0.07086826115846634, -0.9258905649185181, -1.3678053617477417, -1.0054316520690918, -0.5154498219490051, -1.347140908241272, -1.7320194244384766, 0.055862367153167725, -0.3197243809700012, -0.9019536375999451, -0.45333048701286316, -0.03630843386054039, 1.208735466003418, -0.10504450649023056, 0.8530799150466919, 1.655877947807312, 0.296901136636734, 0.8587601780891418, 0.42315810918807983, 0.46771711111068726, -0.5886672139167786, 1.3790574073791504, -0.5901417136192322, 0.2529100179672241, -0.3101244270801544, -0.24171757698059082, -0.2574458122253418, 0.2607914209365845, 1.0754306316375732, -0.35980984568595886, 0.9052722454071045, -0.11565347015857697, -1.570929765701294, 0.956425130367279, -0.9539757370948792, 0.011304628103971481, -1.4323900938034058, 1.950909972190857, 0.3166158199310303, 0.031579140573740005, 0.4764816164970398, -0.7733001112937927, 0.005568109452724457, 1.2860727310180664, -0.4506625831127167, 0.44181010127067566, 0.46977806091308594, 0.10030105710029602, -0.4763314425945282, 0.4537458121776581, -2.2253847122192383, 0.08257465064525604, 1.3765747547149658, -0.5834973454475403, -0.11512961983680725, -1.0495879650115967, 0.6425372362136841, -0.6817634105682373, -1.0857429504394531, 0.3630417287349701, -0.6947488188743591, 0.572572648525238, 0.3362538516521454, -0.3558790683746338, 0.6538363099098206, -1.4596127271652222, 1.1208244562149048, 0.923130214214325, 0.7109178304672241, -1.165659785270691, 0.08207639306783676, 0.5232529640197754, -0.7107701301574707, 1.3202544450759888, 0.16997718811035156, 0.7865052223205566, 1.5610281229019165, -0.9132626056671143, 0.3125652074813843, 0.15520848333835602, 1.084163784980774, 1.0912494659423828, 0.13677579164505005, -0.07639142870903015, 0.7290179133415222, 0.08829724788665771, 1.540672779083252, 1.064782977104187, -1.5257132053375244, -1.0338789224624634, -0.3016514778137207, -0.29844892024993896, -0.8660172820091248, 1.208072543144226, 0.7970263361930847, 1.616010069847107, -0.20316201448440552, 0.0435037799179554, -0.3294965922832489, 0.49573972821235657, 1.6579558849334717, 0.47043728828430176, -0.695777177810669, -0.01021634042263031, -0.016540110111236572, 0.9955519437789917, -0.6369925141334534, -0.732541561126709, 0.08990675956010818, 0.8927761912345886, -0.3989565670490265, -1.4589587450027466, 0.13571135699748993, 0.38795527815818787, 0.7122431993484497, 1.7014731168746948, -0.8453981280326843, -0.35950949788093567, -0.1598399132490158, 0.5953571796417236, 0.08003873378038406, -0.13661009073257446, -0.9590713977813721, 0.9276836514472961, 0.5332092642784119, 1.376024842262268, -0.37717729806900024, 0.4827290177345276, 1.1297293901443481, -0.15317106246948242, -0.9276101589202881, -0.4183725118637085, -0.7136324644088745, -0.1285361349582672, -0.5193016529083252, -0.10780644416809082, -1.8174405097961426, 0.991199254989624, 0.03252111002802849, -0.34150731563568115, 0.5443441867828369, -0.09499884396791458, -1.4238876104354858, 0.9295616149902344, 0.9858698844909668, -1.269065260887146, -0.7485223412513733, -0.3576074242591858, -0.8143417835235596, -1.507952094078064, 0.2460186928510666, -1.1448475122451782, 0.6830286383628845, 0.3664146065711975, 0.5918381214141846, 0.20170313119888306, -0.7292056083679199, -0.7137237191200256, 0.10589902102947235, 1.1483509540557861, -0.710034191608429, -0.3792349100112915, -0.2025226503610611, -0.03640633821487427, -0.09928087890148163, -1.8672232627868652, -0.728314220905304, 0.226448193192482, 0.3648630976676941, 0.7570635080337524, -0.4543861746788025, -0.6167593002319336, 0.045787662267684937, 0.8767020106315613, 1.3760590553283691, -1.504231572151184, 0.38172125816345215, -0.5803042054176331, 0.9405824542045593, 0.6503171920776367, -1.2776033878326416, -0.2545836865901947, 1.0149905681610107, -0.3025446832180023, 0.9579976797103882, 1.0676578283309937, 0.894578218460083, -0.10343164205551147, 0.4237860143184662, 0.2312539666891098, -0.8376595973968506, -9.230568885803223, 0.3065849840641022, 0.11601697653532028, 0.31046855449676514, 0.1953056901693344, -0.2627287209033966, 0.7476780414581299, 0.036658428609371185, 0.7982923984527588, -0.3733270466327667, 0.5926660895347595, 1.5129246711730957, 0.7556793093681335, -0.7840333580970764, -0.7123589515686035, -0.8176658749580383, -0.9514851570129395, -0.49224454164505005, 0.5022030472755432, 0.5617927312850952, -0.70646071434021, -1.3752374649047852, 0.6569492816925049, 0.09405995905399323, 0.22963470220565796, -0.30081215500831604, 0.10188020765781403, 0.14367510378360748, -0.8016076683998108, 0.03909561038017273, 0.20074887573719025, -0.4878256022930145, -1.6370502710342407, 0.09134147316217422, 0.7150557041168213, 0.02490006573498249, -0.4697767496109009, -0.2732948362827301, 0.7845752239227295, -0.3890719711780548, -0.04792966693639755, 0.03984202817082405, 0.14366573095321655, -0.19112379848957062, 0.3325296640396118, -0.18833273649215698, -0.5540050268173218, -0.7097205519676208, 0.5462583303451538, -0.6900044083595276, -0.12210988253355026, -0.4642592668533325, -1.4910755157470703, -0.8134570121765137, 0.09508620947599411, 0.34123942255973816, -0.4940387010574341, 0.7586706280708313, -0.904707133769989, -1.1027237176895142, 0.5337626934051514, 0.10271693766117096, -0.30612558126449585, 0.06480191648006439, -0.2615628242492676, -0.5907303094863892, 0.770683228969574, -0.20757581293582916, 0.705980658531189, 0.4286297559738159, -0.9640888571739197, 0.7906444072723389, -0.07615295052528381, -0.1856335699558258, -0.0862898901104927, -0.06490334123373032, -0.6452325582504272, -0.8004195690155029, 0.9894271492958069, -0.27906370162963867, -1.3173184394836426, 0.566884458065033, 0.42415475845336914, -0.060045190155506134, -0.30847474932670593, -0.13833104074001312, -0.2248961627483368, -0.17055870592594147, 0.7308528423309326, -0.42301657795906067, 1.2499829530715942, 0.3517029881477356, 0.41317373514175415, -0.24289336800575256, -0.4394259452819824, 0.7488633990287781, -1.3504136800765991, 2.037299871444702, 0.38543274998664856, -0.16016194224357605, 0.1149848997592926, -0.05717805027961731, -0.6318819522857666, 0.15284250676631927, 0.7932597994804382, 0.3889365792274475, 0.5579220652580261, 0.7090290784835815, -0.6425859332084656, -0.2911478579044342, 1.1680396795272827, 0.7391029596328735, -0.08730193972587585, 0.07530611008405685, 0.3876837193965912, 1.818023443222046, 0.02358301542699337, -0.044636160135269165, 0.07635354995727539, 1.4791618585586548, 0.1429174542427063, 0.7003881931304932, 0.026898054406046867, 1.3912489414215088, -0.1833016723394394, 0.4951440989971161, -0.0365336537361145, 0.025415565818548203, -0.03854471445083618, -1.924004077911377, 0.25912490487098694, -0.30213218927383423, 0.18910366296768188, -0.7944867014884949, -0.12493593990802765, -0.9861788153648376, -1.1070483922958374, 1.4716695547103882, 0.08585789799690247, 0.37192502617836, -0.30030447244644165, -1.123213768005371, 0.6739283204078674, 0.08943541347980499, 0.07116685807704926, 0.25351229310035706, -1.9462813138961792, -0.7461788058280945, -0.10285153985023499, -0.6524204015731812, 0.4378608465194702, -0.2204824984073639, -0.1160290539264679, -0.49268054962158203, -0.89225172996521, 0.1321399211883545, -0.19404025375843048, -0.23819902539253235, -1.0438201427459717, 0.017431065440177917, 0.3232279419898987, 1.6314212083816528, -0.8878580331802368, 1.0338598489761353, 0.7271243333816528, -0.2889266014099121, -1.2792308330535889, -0.09431866556406021, -0.9031211137771606, 0.2929055094718933, 1.0638227462768555, -0.7054054141044617, -0.3457699418067932, 0.16228103637695312, -0.9751651883125305, -0.8377596139907837, 0.12364551424980164, 1.2139359712600708, -0.8179399967193604, 0.5451764464378357, -0.2751803994178772, 0.4220673739910126, 0.01512373611330986, -0.25039637088775635, -0.21055446565151215, 0.5907065868377686, -0.6156253814697266, 1.1086952686309814, -0.0693453997373581, 0.6067234873771667, -1.8347705602645874, -1.7662320137023926, 0.5132283568382263, 0.13896390795707703, 0.487789124250412, -0.2245589792728424, 1.0070747137069702, -0.12380503863096237, -0.19462132453918457, -0.06674877554178238, 0.2332235872745514, 0.0496274009346962, 0.9142194390296936, 0.7837568521499634, -0.2360847145318985, -0.34797024726867676, -0.12406025826931, 0.377521276473999, 0.33404016494750977, 0.5067107677459717, -2.120368242263794, 0.1582985818386078, 0.4904811978340149, -0.0873536467552185, 0.3723970353603363, -0.3944222927093506, 0.937372624874115, 0.2789420485496521, -0.13787959516048431, -1.1347811222076416, -0.6213458776473999, 1.3033040761947632, -0.4612019658088684, 0.6419517397880554, 0.20452353358268738, 0.22506283223628998, 0.16683971881866455, 0.6856651902198792, 2.091048002243042, -0.5660411715507507, -0.6828083992004395, -0.12096753716468811, 1.2073603868484497, -0.16253772377967834, -0.3544394075870514, 0.558885395526886, -1.1546578407287598, 0.11077021807432175, -1.3734310865402222, 0.5697274208068848, -0.8731430172920227, -0.013719828799366951, -0.4296724796295166, 0.9969409704208374, 0.1876930445432663, -0.6313351392745972, 0.5602709650993347, -0.536655068397522, 0.01356424018740654, -0.43975576758384705, 0.17786608636379242, 0.6781570911407471, 0.5458336472511292, 0.1846712827682495, 1.5147114992141724, -0.45264896750450134, 0.05691375583410263, 0.11403527855873108, -0.026465557515621185, 0.517969012260437, 0.4178163409233093, 0.8561022877693176, -0.49986377358436584, -0.5685568451881409, -1.5031095743179321, -0.9473416209220886, -1.0817874670028687, 0.776922345161438, 1.313388705253601, -0.3378792405128479, 0.3101087212562561, -0.4333356022834778, 0.8686339259147644, -0.21445418894290924, 0.6610538959503174, 0.6680707931518555, 0.2474941462278366, -0.5777183771133423, -0.9976887702941895, 0.11459082365036011, 1.020164132118225, -0.9184027910232544, 0.35976046323776245, -0.03017781674861908, 0.6572418808937073, 0.05054650828242302, -0.9599120020866394, -0.7202916145324707, 0.3659479320049286, -0.15297485888004303, 0.369662880897522, 1.2992891073226929, -0.8058747053146362, -0.9936813116073608, -0.025851495563983917, -1.153687834739685, 0.24598635733127594, 0.1577966958284378, -1.0962891578674316, 0.3036517798900604, 0.5479549169540405, -0.5203493237495422, -0.5648861527442932, 0.8554097414016724, -0.10332224518060684, -1.0488216876983643, 1.7593653202056885, 1.8428930044174194, -0.4622194766998291, -1.111480712890625, 0.2962472438812256, -0.18616445362567902, 0.545195460319519, 1.7115976810455322]} +{"paper_id": "per_sent", "embedding": [-1.307709813117981, 1.363844871520996, -0.008377816528081894, 0.21192914247512817, 0.6147719621658325, -0.36883094906806946, 0.47217270731925964, 0.20039337873458862, 0.13774722814559937, 0.41670095920562744, 0.8658167123794556, -0.40272822976112366, -0.29447507858276367, -0.057684049010276794, -0.2049376219511032, -0.13743016123771667, -0.4316575229167938, 0.08172716945409775, 0.0002981899306178093, -0.10667876154184341, -0.9978795051574707, -0.7726888656616211, -0.19394390285015106, 0.5601333379745483, -0.8022966980934143, -0.6660139560699463, 0.04525677114725113, -0.3625065088272095, 0.1789781004190445, 0.0746864378452301, -0.08221038430929184, 1.2757314443588257, -1.2097053527832031, -0.14435142278671265, -0.6718815565109253, -0.6415138840675354, -0.21242310106754303, 0.8572108745574951, -0.7435250282287598, -0.4158519506454468, -0.3634905517101288, 0.693720281124115, 0.8045064806938171, 0.6241049766540527, 0.7437655925750732, 0.1482873558998108, 0.2610696256160736, -0.0038469098508358, 0.6198379993438721, 0.053141165524721146, -0.32996666431427, 0.7917246222496033, -0.6534250974655151, 0.23346740007400513, -0.649093508720398, 1.2871242761611938, 0.03410777449607849, -0.7166297435760498, -0.031400129199028015, -0.9063023328781128, 0.8574783205986023, 1.4461556673049927, -0.17163336277008057, -0.7002351880073547, 0.8211127519607544, 0.9591665863990784, 1.063969373703003, -0.5070501565933228, 0.40353086590766907, 0.7238579392433167, -0.6461058259010315, -0.7292347550392151, -0.5987945795059204, -0.6814252734184265, 0.19668978452682495, 0.030858788639307022, 0.34897446632385254, 0.3518616855144501, 0.2220461368560791, 0.5442026853561401, 0.04183264821767807, 0.8177884221076965, -0.1426546722650528, 0.14465290307998657, -0.08327288925647736, 0.05510937422513962, 0.3309185802936554, 0.09034010022878647, 0.6882396936416626, -0.9950248599052429, 0.5055464506149292, -0.4373548626899719, -0.36706992983818054, 0.08526773750782013, -0.8133336305618286, 0.3485323488712311, 0.1576208472251892, 0.1161431074142456, -1.182471752166748, 0.633187472820282, 0.8070183396339417, -0.36508139967918396, -0.04888501018285751, -0.37589913606643677, -0.15935073792934418, 1.6131105422973633, -0.018906697630882263, -0.7571272850036621, -0.4398616850376129, -0.26028507947921753, 0.05081218108534813, 1.001537799835205, -0.1439664661884308, 0.7753300666809082, 0.10102454572916031, -0.07065242528915405, -0.1901111900806427, -0.2711694538593292, -0.7881757020950317, 0.6814460158348083, -0.48951342701911926, -1.5644614696502686, -0.32764187455177307, 0.19592948257923126, 1.4628440141677856, -0.33678290247917175, 0.6663748621940613, -0.6612799167633057, -0.13104543089866638, -0.6281687617301941, 0.647980809211731, 0.07624202221632004, -0.7095835208892822, -0.3229973018169403, 2.2159793376922607, -0.5685125589370728, 1.2294732332229614, -0.5348815321922302, -0.3909114599227905, -0.14021363854408264, -0.060512349009513855, 1.1181663274765015, 0.36650216579437256, -0.4200116693973541, -0.5438755750656128, 0.5054502487182617, -0.6038852334022522, -0.15865522623062134, -0.14910826086997986, -0.6608439087867737, -0.030000586062669754, 0.31539487838745117, -1.060394287109375, -0.5392902493476868, 0.5633962750434875, 0.4418013393878937, 0.46152958273887634, 0.7301750779151917, 0.12893620133399963, 1.0056434869766235, 0.9889011979103088, 0.3649517297744751, -0.5973571538925171, 0.8284902572631836, -0.6524442434310913, -0.6192510724067688, 1.0327339172363281, 0.32014861702919006, -0.6124162673950195, -0.1786436289548874, 0.8693597316741943, -0.5973873734474182, 0.12390072643756866, -0.401705801486969, -1.0070931911468506, -0.6336784958839417, 0.6167812943458557, 0.40218499302864075, 0.5303074717521667, -0.5263099074363708, -0.008375939913094044, 0.24317583441734314, -0.14237411320209503, 0.48830485343933105, -0.011948803439736366, 0.371814101934433, -1.9244351387023926, -0.4378262162208557, -0.7889885306358337, 0.8491382002830505, 0.2907238006591797, -0.8564345836639404, 0.126372829079628, 0.32041099667549133, -0.49786996841430664, -0.08248079568147659, 0.6707505583763123, -1.4989614486694336, -0.24695439636707306, 0.39882493019104004, 0.9898910522460938, -0.24014349281787872, 0.4525085687637329, 1.2400654554367065, 0.3663958013057709, -0.2000894546508789, -0.40426671504974365, -1.8336193561553955, 0.5604240298271179, 2.177861452102661, -0.4646221399307251, -0.9705475568771362, -1.7370898723602295, -0.26471251249313354, 0.49086523056030273, -0.5528765916824341, 0.5559287071228027, -0.2120858132839203, 0.22843143343925476, -1.5085829496383667, 0.13565120100975037, -0.5293719172477722, 0.07993670552968979, -0.39168116450309753, 0.8678372502326965, -0.379853755235672, -1.0736281871795654, -0.21590812504291534, -0.6873951554298401, 0.40198901295661926, 0.23997707664966583, 0.22142241895198822, -0.043389692902565, -0.1702178567647934, 0.8003525137901306, 0.3614841103553772, -0.10540539026260376, 0.1761017143726349, -0.615352988243103, 0.27334457635879517, -0.013788038864731789, 0.19766780734062195, 0.06082084774971008, -0.7145765423774719, 0.6590110659599304, 0.1940571665763855, -0.04859565198421478, -0.42369216680526733, -0.055525943636894226, 0.2172953486442566, 1.0118180513381958, 1.2082653045654297, -0.02759905532002449, 1.6017937660217285, -1.0544344186782837, 0.1895657777786255, -0.13059605658054352, -0.5834411978721619, 0.10164549946784973, -0.14059379696846008, 0.490813285112381, -0.0604436919093132, 0.0390472337603569, -0.5491777062416077, -0.27430444955825806, -0.6123973727226257, -0.20275281369686127, 0.3508995771408081, -0.6874174475669861, -0.5719536542892456, -0.18962469696998596, -0.045630067586898804, -1.162995457649231, -0.4141281545162201, 0.4052504301071167, 0.3025916516780853, -0.6912616491317749, 0.47618886828422546, 0.8896382451057434, -0.333454430103302, -0.2352624535560608, -0.6945314407348633, 1.1287527084350586, -0.210259810090065, 0.395449697971344, -0.6073377132415771, 0.5615127682685852, -0.9925661683082581, -0.39350876212120056, -0.022694900631904602, -0.07301943004131317, 0.07922738045454025, 0.044601164758205414, 0.9020691514015198, -0.2804020643234253, -1.5102852582931519, 1.2478997707366943, -0.5773836374282837, 0.07258488237857819, -0.8851831555366516, 0.9377238154411316, 0.35317230224609375, -0.2502877712249756, 0.8479123115539551, 0.3394371569156647, 0.34281206130981445, 1.5737451314926147, -0.6049171686172485, 1.079699993133545, 0.03320728987455368, -0.6256783604621887, 0.022569946944713593, -0.06650058180093765, -1.4874591827392578, -0.23259764909744263, 0.5952092409133911, -0.526494562625885, 0.2051890641450882, -0.18628737330436707, 1.0065691471099854, -0.2864733636379242, 0.5771535038948059, -0.029095597565174103, -0.8793174624443054, 0.4804033935070038, -0.9009354710578918, -0.03665187954902649, 0.25236019492149353, -0.3203682601451874, 0.21898062527179718, 0.059562452137470245, 0.07793733477592468, -1.3231933116912842, -0.27742892503738403, 1.1044390201568604, -0.0854656770825386, 0.6432904005050659, 0.5826281309127808, 0.5981264710426331, 0.6164857149124146, -1.1603596210479736, -0.00027279555797576904, 0.09346522390842438, 0.6366115212440491, -0.23801864683628082, -0.632209837436676, 0.16361045837402344, 1.0027951002120972, -0.7722882032394409, 1.7381669282913208, 0.17225393652915955, -0.012998973950743675, -1.0607160329818726, -0.36975425481796265, -0.9501686692237854, -0.4432726204395294, 1.5305262804031372, 0.8381746411323547, 1.7637150287628174, 0.22876395285129547, 0.12859489023685455, -0.1581069827079773, 0.19919613003730774, 0.3298306465148926, 0.3238906264305115, 0.16879945993423462, -0.14362068474292755, 0.6688975095748901, 0.8311952948570251, 0.5714967250823975, -0.465507835149765, -0.1760290414094925, 1.1393407583236694, -0.7352961897850037, -0.28700825572013855, -0.45858657360076904, 0.7909477353096008, 0.720311164855957, 1.8571816682815552, -0.0743030235171318, -0.8602835536003113, -0.8578070402145386, 0.04385589808225632, 1.411461353302002, 0.284739226102829, -0.9849749803543091, -0.525056004524231, 0.048795152455568314, 0.17344129085540771, -0.17499582469463348, 0.8052634596824646, 0.4485044479370117, -0.267583429813385, -0.8202146887779236, 0.00479825958609581, -0.9933110475540161, -0.2487456351518631, 0.14204105734825134, -0.0013278648257255554, 0.033275291323661804, 0.29972562193870544, 0.015086926519870758, -1.054292917251587, 0.1370781809091568, -0.9476813077926636, -1.2650750875473022, 0.8758237361907959, 1.2594414949417114, -0.8217567205429077, -1.1843136548995972, 0.1317644715309143, -0.4350711703300476, -0.6295942664146423, 0.22404353320598602, -0.8793878555297852, 0.5486546158790588, 0.6766642928123474, -0.08577610552310944, -0.04920206218957901, -0.023761898279190063, -0.14625409245491028, 1.0271440744400024, 0.4985690712928772, -0.75501948595047, 0.7871745824813843, 0.12066677212715149, -0.4642433524131775, 0.6427434682846069, -1.0425186157226562, -0.6291746497154236, 0.37290599942207336, -0.4985320270061493, -0.378836989402771, -0.6958234310150146, 0.21008244156837463, 0.694385826587677, -0.24974003434181213, 0.4254211187362671, -0.7775174379348755, 0.5159571170806885, -1.2727320194244385, -0.04393569752573967, 0.4336760640144348, -1.080533504486084, -1.2355223894119263, 0.8197004199028015, -0.16636569797992706, 0.4125646650791168, 0.24617567658424377, 0.2781430184841156, 0.9681199789047241, 0.4320049285888672, 0.5691045522689819, 0.07433559745550156, -12.504944801330566, 0.40035775303840637, 0.061047524213790894, 0.11558768153190613, 0.7294803261756897, 0.01793358474969864, 0.24121999740600586, 0.003248305991292, 0.6298536062240601, -0.6938377022743225, 0.5060082077980042, 1.6105831861495972, -0.4782108962535858, -0.17694562673568726, -0.27419134974479675, -0.7639440894126892, -0.07492895424365997, -0.9350217580795288, 0.2738400101661682, 0.07894252985715866, 0.2248072773218155, -0.7760899662971497, -0.26134222745895386, -0.9339924454689026, 0.3536214828491211, -0.4543841779232025, -0.11403138935565948, -0.16741348803043365, -0.3540193438529968, 0.6991937160491943, 0.4616464674472809, -0.19496287405490875, -0.44359612464904785, -0.3550070822238922, 0.2528159022331238, 0.880459725856781, -1.1513748168945312, 0.11419399082660675, 0.5113570094108582, -0.41029128432273865, 0.34019166231155396, 0.42598724365234375, 0.17529727518558502, -0.5435753464698792, -0.7083499431610107, 0.09663815796375275, 0.13773226737976074, -0.6349719762802124, 0.2201928049325943, -0.15124234557151794, -0.6970364451408386, -0.7924732565879822, -1.4668097496032715, 0.042084481567144394, 0.8750277161598206, 0.023783428594470024, -0.828429639339447, 0.5392158627510071, -0.8613982200622559, -0.2713383436203003, 0.7403702139854431, -0.33837223052978516, -0.1769772171974182, 0.34302234649658203, 0.5355162620544434, -0.32369816303253174, 0.5808560252189636, 0.5649020075798035, -0.6411476135253906, 0.6139049530029297, -0.6126124858856201, 1.2012848854064941, 0.3627757430076599, 0.5969547033309937, -0.32136303186416626, -0.027014046907424927, -0.5378114581108093, 0.33454352617263794, 0.8823136687278748, 0.14904645085334778, -1.327520489692688, 0.6621869206428528, 0.3288154900074005, -0.1433722972869873, -0.6600251197814941, 0.6369583010673523, 0.03170048072934151, -0.7564147710800171, 0.2515479624271393, 0.3031688630580902, 0.35085806250572205, -0.11945653706789017, -0.8875707387924194, -0.2660690248012543, -0.06626485288143158, 0.910502016544342, -1.2428257465362549, 0.7952383160591125, 0.8861271142959595, -0.1303473711013794, 0.09082579612731934, -0.2438780665397644, -0.45928719639778137, 0.03834989294409752, 0.8596894145011902, -0.28814733028411865, -0.21256929636001587, 0.24196037650108337, -0.2471761554479599, -0.5992639064788818, 0.25908583402633667, 0.04959520697593689, 0.21137261390686035, 1.2736241817474365, -0.4770295321941376, 0.6478951573371887, 0.3993736505508423, -0.4322388768196106, 0.9025821089744568, 0.18053947389125824, -0.16879954934120178, 0.6072452664375305, -0.16843381524085999, 0.9236671924591064, 0.6521395444869995, -0.05443417280912399, 0.9549973011016846, 0.09152592718601227, 0.15302681922912598, -1.393646001815796, 0.32352879643440247, -0.04577856883406639, 0.17984996736049652, -0.10965746641159058, -0.6342450380325317, -0.10272817313671112, -0.5353103280067444, 1.6574968099594116, -0.38481205701828003, 0.13692626357078552, -0.4199090003967285, -0.41916534304618835, -0.009204261004924774, 0.24077676236629486, -0.9140077233314514, -0.2850654125213623, -1.125140905380249, 0.30910173058509827, -0.5200893878936768, -0.5183438658714294, 0.3658306896686554, -0.5094568729400635, 0.0814005509018898, -0.9175758957862854, -0.45187878608703613, 0.09896314889192581, 0.26177188754081726, -0.31629690527915955, -0.8253623247146606, 0.1677989363670349, 0.7991957664489746, 0.8210830688476562, -0.5704038143157959, 1.2788490056991577, 0.3900303244590759, -0.1105012595653534, -0.39870211482048035, -0.012228112667798996, -0.43064799904823303, 0.17627057433128357, 1.1971659660339355, -0.6396522521972656, -0.05490998178720474, -0.17302821576595306, -0.10184094309806824, -1.050213098526001, 0.565680742263794, 1.0043542385101318, -0.7571070194244385, 0.18653075397014618, -0.6123623251914978, 0.8767938613891602, 0.6722893714904785, 0.1093854010105133, -0.13934391736984253, -0.10205098986625671, -0.4045628011226654, 0.5571306943893433, -0.4201011657714844, -0.08911049365997314, -1.0089102983474731, -0.920415461063385, -0.7413127422332764, -0.6004427075386047, 0.7930318117141724, 0.18028400838375092, 0.7617608308792114, 0.6948197484016418, -0.8348840475082397, -0.36504673957824707, 0.6273495554924011, 0.9364596009254456, 0.349662184715271, 0.5042895674705505, 0.10994508862495422, 0.09180542826652527, -0.8590043187141418, 0.1708969622850418, 0.6798166036605835, 0.2607434093952179, -1.3879567384719849, -0.5472266674041748, 0.5857863426208496, -0.09734240174293518, 0.6964058876037598, -0.937590479850769, -0.038648881018161774, 0.07199825346469879, -0.46956607699394226, -0.944781482219696, -0.11405058950185776, 0.7858455181121826, -0.6908257603645325, 0.8288652300834656, 0.04153267666697502, 0.46358591318130493, 1.2337322235107422, -0.23057205975055695, 1.312497615814209, -0.16967621445655823, -0.408748596906662, 0.6985034346580505, -0.9108597040176392, 0.17656639218330383, 0.11131228506565094, 0.45700302720069885, -1.3022457361221313, -0.043232619762420654, -0.9880129098892212, 0.34612739086151123, 0.27644258737564087, 0.1981360763311386, 0.1275041252374649, 1.2396619319915771, 0.15138785541057587, -0.46767085790634155, -1.0438259840011597, -0.7938328981399536, 0.13496428728103638, 0.47404858469963074, -0.14205706119537354, 1.2622220516204834, 0.813481330871582, -0.3234785795211792, 0.6187052726745605, 0.42393600940704346, -0.25673574209213257, 0.11873723566532135, -0.11832284927368164, 0.8989392518997192, 0.6830161809921265, -0.21903908252716064, -0.1493661105632782, -0.06354507058858871, -1.2306920289993286, -0.7305399179458618, -0.5867431163787842, 0.6708502173423767, 0.4611435532569885, -0.46529340744018555, 0.23846067488193512, -0.4252304434776306, -0.06169912591576576, 0.28054121136665344, 0.28769275546073914, 0.5633987188339233, -0.6797072291374207, -1.207162618637085, -0.5914331078529358, 0.01492476835846901, 0.9761218428611755, -0.12645141780376434, -0.27652865648269653, -0.42326444387435913, 0.18213139474391937, 0.08718657493591309, -0.9085961580276489, -0.21201758086681366, 0.46951764822006226, 0.17526762187480927, 0.28573131561279297, 0.4767143428325653, -1.1506770849227905, -0.9495053291320801, -0.2111697494983673, -0.8625911474227905, 0.6860185861587524, 0.45063120126724243, -1.165852665901184, -0.2449798732995987, 0.7357088923454285, 0.38799360394477844, 0.14508098363876343, 0.7823967337608337, -0.20698274672031403, -1.4797087907791138, 1.0898953676223755, 1.0298489332199097, 0.4217754006385803, 0.045461997389793396, 0.9848161935806274, 0.6905686259269714, 0.4448615610599518, 1.2234915494918823]} +{"paper_id": "pg19", "embedding": [-0.15317441523075104, 1.0998530387878418, 0.12322881817817688, 0.016512785106897354, 0.16819265484809875, 0.10629473626613617, 1.2034223079681396, 0.5435371994972229, 1.7011330127716064, 0.5810073614120483, 0.6836355924606323, 0.2412734180688858, 0.044486962258815765, -0.11707057058811188, 0.1536927968263626, -0.5520063042640686, -0.8762592673301697, -0.4245920479297638, -1.2860593795776367, -0.5197423696517944, -0.8492174744606018, -0.033290185034275055, -0.15447311103343964, 0.5973286032676697, -1.0943881273269653, 0.26860013604164124, 0.670762836933136, -1.5972687005996704, 0.7553578019142151, 0.45503777265548706, 0.11038163304328918, 0.21318209171295166, -1.377119541168213, 0.2648850083351135, -1.1551544666290283, -0.6780373454093933, 0.6776382327079773, 0.21914765238761902, 0.44035622477531433, -0.13578999042510986, -0.05178593099117279, -0.6783844828605652, 0.3838498294353485, 0.3760971128940582, 0.40813663601875305, -0.06560960412025452, 0.6937691569328308, 0.1319783329963684, 0.614069938659668, -0.016437258571386337, -0.8286955952644348, 0.03808198124170303, 0.9473766684532166, -0.05903302878141403, 0.14771594107151031, 1.4342879056930542, -0.3261663615703583, -0.06564293056726456, 0.2512652277946472, -1.0966365337371826, 0.38245338201522827, 0.9181072115898132, -0.2991182804107666, 0.6316898465156555, 1.0054783821105957, -0.36234092712402344, 0.6715191602706909, 0.8851476907730103, 0.04369102045893669, 0.06104709953069687, -0.4323400855064392, -0.8339545726776123, 0.10938634723424911, -0.6167702674865723, 0.2125985324382782, 1.6772689819335938, 0.33061090111732483, -0.439975380897522, 0.6183866858482361, -0.47390231490135193, -0.43187180161476135, 0.9374890327453613, 0.25653138756752014, -0.573822021484375, -0.0489288829267025, 0.5442686676979065, 0.5677130222320557, 0.28921231627464294, 0.11204039305448532, -1.544053077697754, 0.2858383059501648, 0.10727541893720627, 0.7956064343452454, -0.14054013788700104, -0.5747162699699402, -0.6197729110717773, 0.17952607572078705, -0.6691012978553772, -1.0411900281906128, 0.4729478061199188, 0.19545313715934753, -0.30123335123062134, 0.6795991659164429, -0.10699526220560074, 0.7032285332679749, 0.04235656559467316, -0.2647263705730438, -0.7598986029624939, 0.1536199450492859, -0.7757949829101562, -0.21702788770198822, 1.1133673191070557, 0.41270217299461365, 0.7701515555381775, -0.4380699396133423, -0.5869432091712952, 1.2736880779266357, 0.23067858815193176, -0.8877741694450378, -0.5873542428016663, -0.2883208990097046, -1.030937910079956, -0.24146491289138794, -0.6061228513717651, 0.7548633217811584, -0.9127247929573059, 0.0726683959364891, -0.33795902132987976, 0.12211524695158005, -0.4386022388935089, -0.22714772820472717, 0.6380389332771301, -0.8739414811134338, -0.6619336605072021, 2.974498748779297, -1.35580575466156, 1.1543972492218018, -1.5000416040420532, 0.246855229139328, -1.011316180229187, 0.2822315990924835, 1.1819244623184204, -0.4314807653427124, -0.018814869225025177, -1.0862282514572144, 0.0839497298002243, -0.6990302801132202, 0.7690481543540955, -0.3686181306838989, -0.21349313855171204, -0.10753582417964935, -0.149318665266037, -0.9562972784042358, -1.544670820236206, -0.3732772171497345, 0.38325461745262146, -0.12172344326972961, 0.6436678171157837, -0.27939850091934204, 0.8473246693611145, 0.5719038844108582, 0.2723289132118225, -0.4966931641101837, -0.054669421166181564, -0.4594598710536957, 0.6760136485099792, 1.0286892652511597, -0.1737005114555359, 0.7390920519828796, -0.8237563371658325, 0.5895524621009827, -0.07897239923477173, 0.0992814153432846, -0.25972071290016174, 0.27236175537109375, 0.7536970973014832, 0.7110193371772766, 0.038216039538383484, 0.704544723033905, -0.6853985786437988, -0.21963050961494446, 0.2221461832523346, 0.3685934841632843, -0.6277968883514404, -0.2118520438671112, 0.12737099826335907, -1.796697974205017, 0.06492491066455841, 0.20257718861103058, 1.1927423477172852, -0.39083796739578247, -0.25789114832878113, -0.005956467241048813, -0.30669885873794556, 0.10936248302459717, -0.5797045826911926, 0.8390450477600098, -0.2094639539718628, -0.4754742681980133, 0.6266821026802063, -0.14707213640213013, -0.2718994617462158, -0.6842380166053772, 0.5687325596809387, 0.6422090530395508, 0.01789698377251625, -0.10740835964679718, -1.50307035446167, 0.28926360607147217, 1.4221079349517822, 0.7791480422019958, -1.5688538551330566, 0.0023127254098653793, -1.0909082889556885, 0.43385040760040283, -0.9313787221908569, 0.4776671230792999, -0.5866182446479797, 0.09240911900997162, -1.3057249784469604, 0.27277520298957825, -0.7835359573364258, 0.2017672061920166, 0.26397261023521423, 1.1286234855651855, -0.2351873219013214, 0.24069014191627502, -0.5163763761520386, -1.413640022277832, 0.17026281356811523, 1.2979143857955933, 0.003029376268386841, -0.30606967210769653, 0.5257982611656189, 0.37060782313346863, 0.07375603914260864, 0.8384061455726624, 1.0775723457336426, 0.07652667164802551, -0.2817176282405853, -0.014227144420146942, 0.7516686320304871, -0.6808132529258728, 0.7345684766769409, 0.3447055220603943, 0.2050831913948059, -0.8150893449783325, -0.7285960912704468, 0.26701486110687256, 0.564163088798523, 1.1800448894500732, 0.5707622766494751, -0.26500460505485535, 0.45405277609825134, 0.05541742965579033, 0.24385342001914978, -0.07233147323131561, -0.2025172859430313, 0.1596207171678543, 0.13290716707706451, 0.5351610779762268, -1.0233098268508911, 0.0104905366897583, -0.4194449782371521, 0.039659999310970306, -0.7421126961708069, -1.305053472518921, 0.17225044965744019, -0.15309317409992218, -1.5128517150878906, -0.5348237156867981, 0.3436947762966156, -0.42352449893951416, -0.4342578947544098, 0.218601256608963, 0.44754165410995483, 0.02357349917292595, 0.11832273006439209, 2.075540781021118, -0.1409221589565277, 0.9728598594665527, -0.6281898617744446, 0.46402639150619507, -0.7313032150268555, -0.43125277757644653, -0.775758683681488, -0.4167080819606781, -1.3762786388397217, 0.13641908764839172, -0.11606979370117188, 1.1368417739868164, -0.42721250653266907, -0.27437978982925415, 0.5531786680221558, -0.29011720418930054, -0.2576179802417755, 0.6812483072280884, -0.3918045163154602, 0.5569043159484863, -1.0680639743804932, 0.8804096579551697, 1.1043440103530884, -0.5257374048233032, 0.10488215833902359, -0.6862846612930298, -0.14024598896503448, 0.6277274489402771, -1.005379319190979, 1.4088499546051025, 0.3758752942085266, -0.11976803094148636, 0.26217713952064514, 0.06557466089725494, -1.6060270071029663, 0.4032093584537506, 0.8553206324577332, 0.7441569566726685, -0.2851719260215759, -0.6620358228683472, 0.4488694667816162, 0.3261222541332245, 0.2083047479391098, -0.07356130331754684, -0.3896404802799225, 0.2990303337574005, 0.002192750573158264, 0.4923757314682007, 1.1751182079315186, -0.04292551428079605, 0.13202083110809326, 1.3658688068389893, 0.6052330136299133, -0.3198310136795044, -0.49978700280189514, 0.7761332988739014, -0.684662938117981, 0.3915000557899475, 0.7771004438400269, 0.14316774904727936, 1.1269712448120117, -0.12984076142311096, 0.5653887987136841, 0.8228490948677063, 0.808872640132904, 0.24528242647647858, 1.0200893878936768, -0.12318746745586395, -0.12841065227985382, 0.057660769671201706, 0.4658588469028473, 0.14466288685798645, -1.2069098949432373, -0.6456378102302551, 0.677869439125061, -0.7065195441246033, -0.20871180295944214, 1.1051814556121826, 0.45501410961151123, 1.705723762512207, 0.15877868235111237, 0.39692702889442444, -0.14922356605529785, 0.3536267876625061, 0.19828681647777557, 0.5921039581298828, 0.39584118127822876, -0.196035236120224, -0.12666620314121246, 0.6097530126571655, 0.08789846301078796, -0.030029388144612312, -0.48246532678604126, 0.3208206593990326, -0.12815143167972565, -0.7865821123123169, 0.4146384596824646, 0.32189705967903137, 0.48074886202812195, 1.4453651905059814, -0.9657204151153564, -0.10323123633861542, 0.4202920198440552, 0.3169802129268646, 0.7869971394538879, -0.06117044389247894, -0.9396023750305176, 0.3393286466598511, 0.5305528044700623, 0.40273961424827576, -0.15976154804229736, 1.0259016752243042, 0.4908747375011444, -0.34125345945358276, -0.2964175343513489, -0.5179476737976074, -0.612093985080719, -0.1818324625492096, -0.3004213869571686, 0.010162245482206345, 0.3193990886211395, 0.9000383019447327, -0.5645988583564758, -1.1491374969482422, 1.128254771232605, 0.2326679527759552, -0.3200856149196625, 0.14337246119976044, 0.7088757753372192, -0.7730340957641602, -0.8875977396965027, -0.2984278202056885, -1.1013293266296387, -0.854911744594574, 0.3166949152946472, -0.24059133231639862, -0.7417776584625244, -0.8585430383682251, 0.8822979927062988, -0.46740657091140747, -0.2617073059082031, -0.8902616500854492, 1.0617538690567017, 1.051713228225708, -0.14267346262931824, 0.8508418798446655, 0.07472454011440277, 0.6731204390525818, -0.7305176258087158, -0.5656489133834839, -0.2565409243106842, 0.08677873760461807, -0.18757116794586182, -0.023317862302064896, -0.7279728651046753, 0.24509012699127197, -0.14409998059272766, -0.2929996848106384, 0.06941339373588562, -1.0042670965194702, 0.44693076610565186, 0.0516473650932312, 0.5079357028007507, 0.9320998191833496, -0.03846529871225357, -0.7049276232719421, 0.4133450984954834, -0.9484813213348389, 0.25606444478034973, -0.6029891967773438, 0.6387138366699219, 1.5849683284759521, 0.79416823387146, 0.3933715224266052, 0.015312187373638153, -11.926441192626953, 0.7990623116493225, -0.1441795527935028, 0.07720947265625, 0.738463282585144, 0.12603308260440826, 0.6211032867431641, 0.32392969727516174, 0.824274480342865, -0.502349853515625, -0.36450275778770447, 0.4590776562690735, -0.044140540063381195, -0.6582590937614441, -0.35330018401145935, -1.085591197013855, -0.6278125047683716, -0.028737753629684448, 0.5860956311225891, 0.452014684677124, 0.573549747467041, -0.45677274465560913, -0.711245059967041, 0.29182153940200806, -0.8015389442443848, -0.008398830890655518, -0.17094942927360535, -0.5909521579742432, -0.12836293876171112, -0.3483627140522003, 0.6993228793144226, -0.4733594059944153, -0.6848400235176086, -0.813104510307312, 1.3853706121444702, -0.7632342576980591, -2.0535240173339844, -0.09928175061941147, 0.6209317445755005, -0.08901697397232056, -0.609538733959198, -0.21039225161075592, -0.16554628312587738, -0.47024214267730713, -1.0528000593185425, 0.6306782960891724, 0.30210816860198975, -0.05984663963317871, 0.13728460669517517, -0.45315298438072205, -0.014411002397537231, -0.819707453250885, -0.12254510819911957, -0.8240571022033691, 0.8648366332054138, 0.36558008193969727, -0.1910063922405243, -0.5505346059799194, -0.039073605090379715, -1.5507757663726807, 0.9397756457328796, 0.5698820948600769, -0.21470925211906433, 0.57857745885849, 1.3793096542358398, -1.104095458984375, 0.3111230731010437, 0.38735413551330566, 0.6115360260009766, -0.05838650092482567, -0.643135130405426, 0.5481041073799133, 0.4545897841453552, -0.05779263377189636, 0.025222569704055786, 0.15689441561698914, 0.8577609658241272, -0.4542681574821472, 0.08915740996599197, 1.444441318511963, -0.6657039523124695, 0.05648702755570412, -0.44872617721557617, -1.4938008785247803, -0.2771354913711548, -0.3630899488925934, -0.23654189705848694, 0.17903946340084076, 1.404016375541687, 0.655460774898529, 1.1293065547943115, -0.4964439868927002, -0.45262610912323, 0.23821237683296204, -1.1641227006912231, 0.6081460118293762, -0.509062647819519, 0.635562539100647, -0.40219467878341675, -0.759097695350647, 0.8385748863220215, 0.07922537624835968, -0.034376829862594604, -0.6406349539756775, 1.3099281787872314, -0.524252712726593, -0.4350789785385132, 0.3141249120235443, 0.0614137202501297, 0.8270485401153564, 0.47754907608032227, 0.1794031858444214, -0.5434789657592773, 0.8522967100143433, 0.11734047532081604, 0.29815593361854553, 0.5907865166664124, 0.39919209480285645, 0.596376895904541, 0.937943160533905, -0.517622172832489, 0.8546252846717834, 0.35221439599990845, 0.8847032189369202, 0.3931940197944641, -0.3390556275844574, -0.04835062474012375, 0.8148016333580017, -1.1009584665298462, -0.20552325248718262, -0.02960151806473732, -0.777448832988739, 0.3624453544616699, -0.4283197224140167, 0.4644112288951874, 0.1536153107881546, -0.7654694318771362, 1.109725832939148, -0.5238458514213562, 0.453475683927536, 0.24733980000019073, -0.014880124479532242, 0.28004613518714905, -0.786559522151947, -0.8904692530632019, 0.12931664288043976, -1.7761662006378174, -0.38381659984588623, -0.5808488726615906, -0.32664215564727783, 0.5320194959640503, 0.37222567200660706, 0.4729507565498352, -0.4340885579586029, -0.7107434868812561, -0.16326546669006348, 1.1872297525405884, -0.38470321893692017, -0.28417083621025085, -0.2992817461490631, 0.35886886715888977, 1.04417085647583, -1.4708874225616455, 0.12094612419605255, 0.05087597668170929, -0.030976522713899612, -0.9475880265235901, 0.1342201679944992, 0.23448167741298676, 0.5222204327583313, 1.1654515266418457, -0.9025455117225647, 0.5475592613220215, -1.4441713094711304, -0.013634750619530678, -0.4884108603000641, 0.32813408970832825, 1.5201079845428467, -0.783105731010437, 0.47780507802963257, 0.15245720744132996, 0.2970079183578491, 0.7046833634376526, -0.6064537763595581, -0.23303185403347015, -0.009403437376022339, -0.34192603826522827, 0.2827730178833008, -0.28504595160484314, 0.42293864488601685, -1.700971245765686, -1.258479356765747, -0.3951159715652466, -0.8472281098365784, 0.24404561519622803, -0.15734949707984924, 1.0633745193481445, 0.6199547052383423, 0.08360807597637177, 0.138377845287323, -0.06449994444847107, 0.16454476118087769, -0.2580703794956207, 0.07185077667236328, -0.22603687644004822, -0.8247747421264648, -0.8158574104309082, 0.3389996886253357, 0.9187744855880737, -0.24436922371387482, -0.5837015509605408, 0.09064704179763794, -0.3561272621154785, 0.0775500237941742, -0.09693188965320587, -0.4122662842273712, 0.1832807958126068, -0.5163619518280029, 0.27915728092193604, -0.8154230117797852, -0.15349137783050537, 1.121619462966919, 0.07929070293903351, 1.4625128507614136, 0.4572964608669281, 0.1415240466594696, -0.01957310363650322, -0.009013563394546509, 1.5987720489501953, -0.5632500052452087, -0.7135099768638611, -0.06234937533736229, 0.22260338068008423, -0.16620592772960663, -0.3792455494403839, -0.5842446088790894, -0.7521821856498718, 0.45565006136894226, -1.3502029180526733, -0.13020017743110657, -0.724812388420105, 0.5125400424003601, 0.8285393118858337, 1.248553991317749, -0.93919438123703, -1.6222089529037476, -0.5602272152900696, -0.9050293564796448, -0.3250502943992615, 1.1368138790130615, -0.8382312059402466, 0.8382205367088318, 0.6208788752555847, -0.48881298303604126, 0.5415294170379639, -0.4666706919670105, -0.41715312004089355, 0.31871798634529114, 0.6200776100158691, 1.4690372943878174, 0.7129396200180054, 0.11981656402349472, 0.9889177680015564, -0.3234677314758301, -0.004714172333478928, -0.14917366206645966, -0.10300404578447342, -0.8135393857955933, 0.8120453953742981, -0.14345069229602814, -0.8507785201072693, -0.5974157452583313, -0.8988367319107056, -0.13792118430137634, 0.3658117949962616, 0.8563981652259827, -0.5964532494544983, -0.3312084376811981, -1.0736159086227417, -0.1759345978498459, 0.48470744490623474, 0.5239973068237305, -0.5342351198196411, -1.0878863334655762, 0.04986572265625, 0.1913718730211258, 0.039571262896060944, -1.243140459060669, -0.08484549075365067, -0.6785464286804199, 0.3524508476257324, -0.44350290298461914, -0.3331110179424286, 0.0755075216293335, 0.35583174228668213, -0.5863996148109436, 0.5257787704467773, -0.5948372483253479, -0.5581952333450317, -0.4858360290527344, -0.1686374545097351, 0.4309917986392975, -1.1988606452941895, 0.7616699934005737, 0.30586180090904236, -1.2859731912612915, 0.8882837295532227, 0.4060593545436859, -0.3879631757736206, 0.7437791228294373, -0.03632363677024841, 0.03869268670678139, 0.4885599613189697, 1.865851879119873]} +{"paper_id": "xed_en_fi", "embedding": [-0.805640697479248, 1.2446825504302979, 0.24424195289611816, -0.17125102877616882, 0.7797406315803528, -0.12367802858352661, 0.9352496862411499, 0.2714950144290924, 0.26791197061538696, 0.5310935974121094, 0.5248743891716003, -0.5580136179924011, -0.16331596672534943, 0.07645078003406525, 0.05290891230106354, -0.8655433058738708, -1.1770719289779663, -0.6993030309677124, -0.6997101902961731, -0.1608916074037552, -0.6300712823867798, -0.08743879199028015, 0.1668754667043686, 0.3344789147377014, 0.24628326296806335, -0.6504368185997009, 0.18112976849079132, -0.13147343695163727, 0.18970037996768951, 0.5256529450416565, 0.18253682553768158, 1.1896581649780273, -0.9946041703224182, -0.4893175959587097, -0.46196314692497253, -0.1711716651916504, 0.22027496993541718, 0.8451178073883057, -0.9132813215255737, -0.38998326659202576, -0.22927974164485931, 0.3583190143108368, 0.6573677659034729, 0.4591090679168701, 0.598616898059845, 0.5139334797859192, -0.5461426973342896, 0.6040308475494385, -0.08752281218767166, -0.2454114854335785, -0.12441384792327881, 0.48242491483688354, -0.29121285676956177, -0.003618244081735611, -0.9852738380432129, 0.8373931646347046, 0.6927461624145508, -0.3935312330722809, 0.09584656357765198, -1.4759935140609741, 0.5350396633148193, 1.039353609085083, -0.2331627458333969, -0.048545870929956436, 1.0656278133392334, 0.5183306336402893, 1.0880463123321533, -0.4997459650039673, 0.4641473889350891, 0.5512434244155884, -0.05971013754606247, -0.47871437668800354, 0.06837411224842072, 0.10668385028839111, 0.5205718278884888, 0.22496497631072998, 0.4830319285392761, 0.5930807590484619, -0.3626447021961212, 0.6397042274475098, -0.11520098149776459, 0.6645104289054871, 0.05611436814069748, -0.6736963987350464, 0.2628898322582245, 0.4701155722141266, 0.22131389379501343, 0.0757453665137291, 0.8470873236656189, -1.2381925582885742, -0.16497109830379486, -0.5306109189987183, -0.136324942111969, 0.3989957571029663, -0.2762145400047302, 0.22421982884407043, -0.17504189908504486, -0.028781946748495102, -0.3913205862045288, 0.7818477749824524, 0.7261902093887329, -0.49942997097969055, 0.10764265060424805, 0.10285244137048721, -0.17140917479991913, 1.2743711471557617, -0.06555641442537308, -0.47464656829833984, 0.011318761855363846, -0.3845674693584442, -0.557109534740448, 1.368283748626709, -0.19273900985717773, 0.8019929528236389, -0.30498579144477844, -0.21980410814285278, 0.40253812074661255, -0.37011608481407166, -0.8598738312721252, 0.3147709369659424, -0.4429257810115814, -0.6741039156913757, -0.10158928483724594, -0.18705207109451294, 1.2877912521362305, -0.8267375230789185, 1.241243600845337, -0.1756320744752884, 0.23895993828773499, -0.7698224186897278, 0.23934400081634521, 0.2651461064815521, 0.28004488348960876, 0.054672349244356155, 2.461782693862915, -0.7003495097160339, 1.3643524646759033, -0.8600853085517883, -0.35994085669517517, -0.3427708148956299, 0.07235562056303024, 0.7089393734931946, 0.11592825502157211, -0.19940172135829926, -0.3743789792060852, -0.18938903510570526, -0.4362890124320984, 0.09105753898620605, -0.8145067691802979, -0.7084423303604126, -0.15097668766975403, 0.21954834461212158, -0.730514645576477, -0.7048332691192627, 0.6543266177177429, 0.5257358551025391, 0.44411754608154297, 0.9840057492256165, -0.3351350724697113, 0.664562463760376, 0.5781505107879639, 0.647972583770752, -0.5998762845993042, 0.7811631560325623, -0.8653404116630554, -0.20671935379505157, 0.5504132509231567, 0.18924394249916077, -0.6430999636650085, -0.4190584123134613, 0.9629487991333008, -0.11297792941331863, 0.04643803462386131, 0.18231774866580963, -0.6194862723350525, -0.03797371685504913, 0.6228564381599426, 0.7976682782173157, 0.010363562032580376, -0.48684102296829224, -0.03390870243310928, -0.07208986580371857, -0.29299676418304443, 0.5317240953445435, 0.3220665752887726, 0.4933396577835083, -1.429851770401001, -0.3371291160583496, -0.1424475461244583, -0.052771806716918945, -0.21398380398750305, -1.0853970050811768, 0.3196954131126404, -0.09788534790277481, -0.12860007584095, 0.12705646455287933, 0.6919394135475159, -0.938657820224762, -0.8170205950737, 0.5031152367591858, 0.23839429020881653, 0.4117237627506256, 0.2601238191127777, 1.4114240407943726, 0.5215278267860413, 0.2237163484096527, -0.2767617106437683, -1.9989219903945923, 0.3608839511871338, 2.3137550354003906, -0.43595457077026367, -0.5717204213142395, -1.2252436876296997, 0.10842494666576385, 0.6577372550964355, -0.5855287313461304, 0.8091644048690796, -0.6396242380142212, 0.2225227802991867, -1.3500919342041016, 0.09811778366565704, -0.6604980826377869, 0.34467586874961853, 0.044849563390016556, 1.2752567529678345, -0.44503435492515564, -0.7814851999282837, -0.720097005367279, -0.10433001816272736, 0.24410445988178253, 0.5960468053817749, 0.15467426180839539, -0.055953025817871094, -0.0939839780330658, 0.30443844199180603, 0.39641958475112915, -0.4681112766265869, 0.41204455494880676, -0.07902148365974426, 0.2720811069011688, -0.0381523035466671, 0.08089573681354523, -0.1833523064851761, -0.14077048003673553, 0.24312783777713776, 0.6469827890396118, -0.17375493049621582, -0.32584792375564575, -0.3604188561439514, 0.3962366282939911, 1.03242826461792, 1.4781930446624756, -0.264631450176239, 1.4522030353546143, -1.1940997838974, 0.24954289197921753, -0.26104074716567993, -0.6107388734817505, -0.0671515166759491, 0.15078511834144592, 0.5828542113304138, -0.0621911883354187, -0.5706026554107666, -0.15769505500793457, -0.1602649837732315, -0.8362833857536316, -0.49115628004074097, 0.135672926902771, -0.9287332892417908, -0.44359055161476135, 0.03675936907529831, -0.08179047703742981, -0.1481766700744629, -0.8958966732025146, -0.38121092319488525, 1.0031124353408813, -0.26491039991378784, 0.4268401563167572, 1.3144288063049316, 0.26299089193344116, 0.15163305401802063, -0.714765727519989, 0.7584621906280518, -0.653988242149353, 0.406671404838562, -0.4292576014995575, 0.6902855634689331, -0.6439936757087708, -0.43382716178894043, 0.09441075474023819, 0.3227474093437195, -0.02067745476961136, -0.2681211233139038, 0.629533588886261, -0.1339138150215149, -1.8745025396347046, 1.3529099225997925, -0.9272572994232178, 0.14469482004642487, -0.8010246157646179, 1.5888773202896118, 0.13885429501533508, 0.017604190856218338, 0.6437803506851196, -0.4123224914073944, 0.5258934497833252, 1.3068927526474, -0.8525341749191284, 1.0963419675827026, 0.21589310467243195, -0.31992149353027344, 0.10094529390335083, -0.07982133328914642, -1.7754591703414917, -0.38609036803245544, 0.9615988731384277, 0.27291223406791687, -0.2558145523071289, -0.8325766324996948, 0.6924755573272705, -0.36421695351600647, 0.7462993264198303, 0.40580445528030396, -0.8065184354782104, 0.8642228841781616, -0.7688811421394348, 0.21729423105716705, 1.2070887088775635, -0.7241168022155762, -0.38809069991111755, 0.6095103621482849, 0.5290485620498657, -0.967535138130188, -0.2630522847175598, 0.5297922492027283, -0.45941126346588135, 0.26801633834838867, 0.8644022345542908, 0.8169469237327576, 0.9139236211776733, -1.205626368522644, -0.5345601439476013, 0.6753491759300232, 0.37679705023765564, 0.3242569863796234, 0.45497626066207886, 0.1922646462917328, 1.1490496397018433, -0.335442453622818, 0.8952193856239319, 0.6610927581787109, -0.5098150372505188, -0.7385867834091187, -0.8182335495948792, -0.6942209005355835, -0.4191669225692749, 1.299591302871704, 1.2989031076431274, 1.2933708429336548, -0.031420402228832245, -0.06755819171667099, -0.3517496585845947, 0.4522402584552765, 0.7552781701087952, 0.41312363743782043, 0.09587376564741135, -0.0033623427152633667, 0.49209269881248474, 0.5675585865974426, 0.5367708206176758, -0.6249497532844543, -0.25117227435112, 0.7470214366912842, -0.3696689307689667, -0.05919910594820976, -0.25149065256118774, 0.7468475699424744, 0.3150380551815033, 2.0405290126800537, -0.03669261187314987, -0.7587936520576477, -0.6625469923019409, 0.1870821863412857, 1.0985554456710815, -0.12894444167613983, -1.0747228860855103, 0.02423892170190811, -0.017061423510313034, 1.2296632528305054, -0.2920631170272827, 0.6293220520019531, -0.026682231575250626, -0.48448172211647034, -0.646065890789032, -0.4341859221458435, -1.1785376071929932, -0.3863396644592285, -0.16288761794567108, -0.3008209466934204, -0.20388595759868622, 0.49293631315231323, -0.5514638423919678, -1.0069595575332642, 0.3689659833908081, -0.592083215713501, -0.8020102977752686, 1.2102594375610352, 0.9675848484039307, -1.0402483940124512, -0.7757207751274109, 0.01518338918685913, -0.7077582478523254, -0.9538919925689697, 0.1972869336605072, -0.3661971986293793, 0.09835205972194672, 0.14743930101394653, 0.25892549753189087, -0.538858950138092, 0.4039757251739502, -0.6165543794631958, 0.6298258900642395, 0.4702134132385254, -0.8285747170448303, 0.4003389775753021, 0.6241925954818726, -0.729936957359314, -0.06666956841945648, -0.5955188274383545, -0.46807020902633667, 0.6373876333236694, 0.04550212621688843, -0.5086364150047302, -0.5512966513633728, -0.08627964556217194, 0.25572332739830017, -0.03688120096921921, 0.3958788812160492, -1.073657751083374, 0.8259563446044922, -0.3944303095340729, -0.11741316318511963, 0.5937055349349976, -0.8200576305389404, -0.5177646279335022, 0.5886730551719666, -0.5587735176086426, 0.29368337988853455, -0.21510770916938782, 0.5398437976837158, 0.8733996748924255, 0.42095088958740234, 0.6952335834503174, 0.4542633593082428, -12.96963119506836, 0.05325983837246895, -0.4611467123031616, 0.29844456911087036, 0.6198572516441345, -0.0446508452296257, 0.28655779361724854, 0.4897725582122803, 0.5500359535217285, -0.7708240151405334, 0.38541653752326965, 1.4974514245986938, -0.5181641578674316, -0.4706854522228241, -0.5511249899864197, -0.5211780071258545, -0.25405600666999817, -1.0260412693023682, -0.18630939722061157, 0.47305208444595337, 0.058361347764730453, -0.6559779644012451, -0.4969629645347595, -0.6689378023147583, 0.06139657273888588, -0.6767084002494812, -0.2754254639148712, -0.1701207309961319, -0.6559978723526001, -0.03661279380321503, 0.4902610182762146, -0.5476915240287781, -0.5340732336044312, 0.30278143286705017, 0.416980504989624, 0.8247371315956116, -0.6598566174507141, 0.20394735038280487, 0.4212697744369507, 0.5112419724464417, -0.17216698825359344, 0.3556857109069824, 0.2767709195613861, -0.45034927129745483, -0.3540356755256653, 0.287784218788147, 0.17390751838684082, -0.09991928935050964, 0.11664126068353653, -0.575469434261322, -0.3951071500778198, -0.5201846361160278, -0.9860261082649231, -0.5474092960357666, 0.9349275827407837, -0.09907680004835129, -0.24448099732398987, 0.15951187908649445, -0.526726245880127, -0.9719161987304688, 0.6122637987136841, -0.08987842500209808, -0.6361436247825623, 0.6121395230293274, 0.5896853804588318, -0.6005762219429016, 0.7619756460189819, 0.7291566729545593, -0.6900061368942261, 0.5378701090812683, -0.665999174118042, 0.9920658469200134, 0.4031035006046295, 0.5224024057388306, -0.16557466983795166, -0.03346443176269531, -0.28952789306640625, 0.2899819612503052, 0.6145007014274597, -0.37203720211982727, -1.1265310049057007, 0.46654000878334045, 0.34949883818626404, -0.8090344071388245, -0.6401512026786804, 0.8062800168991089, 0.22714006900787354, -0.08937135338783264, 0.3888138234615326, 0.7762975096702576, 0.428158700466156, 0.018309462815523148, -0.528165340423584, -0.4769965708255768, -0.009254949167370796, 0.8302814364433289, -0.4893505573272705, 0.6508388519287109, 0.3537687361240387, -0.1408122181892395, 0.30931565165519714, -0.6209099888801575, -0.1647971272468567, 0.0839763730764389, 0.8594415187835693, -0.18141889572143555, 0.23805385828018188, 0.22002020478248596, 0.22896915674209595, -0.16460120677947998, 0.37593430280685425, -0.12867024540901184, -0.15126341581344604, 1.2602311372756958, -0.19499850273132324, 0.17478401958942413, 0.5637814998626709, 0.24003347754478455, 1.2836086750030518, 0.38600674271583557, -0.4965927004814148, 0.04684482887387276, -0.444674015045166, 1.057121992111206, 0.7248306274414062, 0.3273812234401703, 0.9040924906730652, 0.2544203996658325, 0.290487140417099, -1.1084420680999756, 0.02811707742512226, 0.06184187904000282, -0.16946259140968323, -0.5261815786361694, -0.3035506308078766, -0.31332671642303467, -0.4457399249076843, 1.2539891004562378, -0.20084108412265778, 0.39382609724998474, 0.06531161069869995, -0.5460480451583862, -0.6303922533988953, -0.4366808831691742, -0.8229819536209106, -0.3413413465023041, -1.5486048460006714, 0.3824065029621124, -0.15328159928321838, -0.7103505730628967, 0.7084265351295471, -0.5243578553199768, 0.3807665705680847, -1.1755322217941284, -0.18623171746730804, 0.2552321255207062, 0.314665824174881, -0.20729756355285645, -0.9310968518257141, 0.09681722521781921, 0.579886257648468, 0.6523850560188293, -1.0126352310180664, 0.5326512455940247, 0.4517810642719269, 0.2832810580730438, -0.7481737732887268, -0.2960875630378723, 0.08502587676048279, 0.23321959376335144, 1.0676802396774292, -0.9175778031349182, -0.8013068437576294, -0.4103983938694, 0.08772541582584381, -1.2228055000305176, 0.20821943879127502, 0.9093083143234253, -0.6571335196495056, 0.007097482681274414, -0.668323278427124, 0.651214599609375, -0.14867891371250153, -0.5770164728164673, -0.6474733352661133, -0.27490586042404175, -0.24957048892974854, 1.1337687969207764, -0.2648608088493347, 0.46530526876449585, -1.1327868700027466, -1.0504302978515625, -1.0459423065185547, 0.3577352464199066, 0.769925057888031, 0.10624153912067413, 0.636630117893219, 0.347107470035553, -0.8229525089263916, -0.3468710482120514, 0.515264093875885, 0.7820121049880981, 0.1273391991853714, -0.1662542223930359, -0.16368189454078674, 0.06838907301425934, -0.8475348353385925, -0.34251734614372253, 0.26043954491615295, 0.3067793548107147, -1.5771068334579468, -0.6163051724433899, -0.2200223207473755, -0.481792151927948, 0.6417838335037231, -0.5158277750015259, 0.35562679171562195, 0.08048681914806366, -0.5007190704345703, -0.7400028109550476, -0.21166285872459412, 1.047489881515503, -0.2788501977920532, 1.1427710056304932, 0.27553829550743103, 0.5536958575248718, 0.40517058968544006, 0.019346371293067932, 1.4128155708312988, -0.6252021193504333, -0.3740643858909607, -0.06464734673500061, -0.1305956244468689, 0.10106175392866135, -0.5084342956542969, 0.24527032673358917, -1.3431471586227417, -0.26986971497535706, -0.9394118189811707, 0.19487446546554565, -0.06128741055727005, 0.023960523307323456, 0.268859326839447, 0.717703640460968, -0.0957220047712326, -0.6964154839515686, -1.024510145187378, -0.3907798230648041, 0.46545839309692383, -0.006009593605995178, 0.15019676089286804, 1.4623008966445923, 0.7744380235671997, 0.12039382755756378, 0.49133047461509705, 0.4875713586807251, -0.05096897482872009, 0.3334946930408478, 0.47249025106430054, 1.184495449066162, 0.45068028569221497, -0.180937260389328, -0.20378904044628143, 0.06834415346384048, -0.9638567566871643, -0.299179345369339, -0.2677343487739563, 0.6867800951004028, 0.625453531742096, -0.43677565455436707, 0.3352397084236145, -0.6195006966590881, -0.25811967253685, 0.31978124380111694, 0.017422271892428398, 0.5463675856590271, -0.02250850573182106, -0.7519772052764893, -0.9150539636611938, 0.4104686379432678, 0.8140166401863098, -0.21191275119781494, -1.0158199071884155, -0.8772220015525818, -0.3445641100406647, 0.2058747112751007, -0.9669081568717957, -0.6136859059333801, 0.459538996219635, -0.07295311242341995, 0.43343400955200195, 0.48606443405151367, -0.8601874709129333, -0.7538831830024719, -0.05948613956570625, -1.0272817611694336, 0.5512925982475281, 0.019375741481781006, -1.4107379913330078, -0.29527127742767334, 0.4608945846557617, 0.2934136986732483, -0.8141096830368042, 0.7099758386611938, -0.256974458694458, -1.2582513093948364, 0.931709885597229, 1.2651004791259766, -0.06358420848846436, -0.5548738241195679, 0.6067361831665039, 0.5663498640060425, 0.37222522497177124, 1.181420922279358]} +{"paper_id": "newsroom", "embedding": [-0.19277018308639526, 0.9752541780471802, -0.4148801863193512, 0.2238655686378479, 0.4975624978542328, -0.28894445300102234, 0.6849746704101562, 0.6670538783073425, 0.5899870991706848, 0.504610538482666, 0.9829267859458923, 0.2582165002822876, 0.5490632653236389, 0.5479485988616943, -0.12850704789161682, -0.489704430103302, -0.40441006422042847, -0.161276713013649, 0.19008100032806396, -0.805266261100769, -0.8503590226173401, -0.03176703304052353, -0.14705994725227356, 0.14011651277542114, -0.8815239071846008, -0.4484199583530426, 1.2659778594970703, -1.294577717781067, 0.04683354124426842, 0.3352992832660675, 0.18427473306655884, 0.6688002943992615, -1.3985564708709717, 0.26692816615104675, -1.2650312185287476, -0.08819852769374847, 0.06583002209663391, 0.5481162071228027, -0.39864224195480347, -0.10321901738643646, -0.758399248123169, -0.006231732666492462, 1.4805703163146973, -0.06672646105289459, -0.140663743019104, 0.33941370248794556, 0.39786747097969055, 0.3380334675312042, -0.07192523032426834, 0.02035081759095192, 0.6568471789360046, 0.3828727602958679, -0.3637741804122925, 0.3431933522224426, 0.025622550398111343, 1.496703863143921, 0.23200854659080505, -1.2323083877563477, 0.10878129303455353, -0.7901778221130371, 0.8557642698287964, 1.3345903158187866, -0.6831833720207214, -0.17136579751968384, 1.1824442148208618, -0.23939278721809387, 0.6086845397949219, 0.24043534696102142, 0.7097713351249695, 1.231522560119629, -0.2675161361694336, -1.0198311805725098, -0.00896076112985611, -0.46409842371940613, 0.018207237124443054, 0.4886448085308075, -0.0548902228474617, -0.6920260190963745, 0.18024808168411255, 0.15913665294647217, -0.5201271176338196, 0.6820464730262756, 0.23915790021419525, -0.6544851660728455, -0.4028889834880829, -0.5883349180221558, 0.23435106873512268, 0.09150400012731552, 0.05958431214094162, -1.1643686294555664, -0.12394843995571136, -0.11867307871580124, -0.7242007851600647, 0.2725808322429657, -0.042722977697849274, 0.33165258169174194, 0.08293530344963074, 0.04313197731971741, -0.524604082107544, 0.4567384719848633, 0.3942272663116455, -0.8507702350616455, 0.29552799463272095, 0.5107100605964661, 0.7199982404708862, 0.9931071400642395, -0.3110019564628601, -0.33971595764160156, -0.29641297459602356, -0.6872674226760864, -0.3786660432815552, 0.9263986945152283, 0.12889157235622406, 0.5058033466339111, -0.16163495182991028, -0.950274646282196, -0.32613804936408997, -0.16274510324001312, -0.8450312614440918, 0.0007034242153167725, -0.4656108617782593, -1.8208235502243042, -0.11904808133840561, 0.4374919533729553, 0.8126789927482605, -0.45951253175735474, 0.33448073267936707, -0.9330963492393494, -0.4108468294143677, 0.140470951795578, 0.8640930652618408, 0.1140003353357315, -0.5816836357116699, 0.11567668616771698, 1.9491651058197021, -0.37012481689453125, 1.2248969078063965, 0.6437724828720093, -0.45708319544792175, -0.2091550976037979, -0.06311511248350143, 1.3241299390792847, -0.0691155418753624, -1.1706699132919312, -0.20424340665340424, -0.022719452157616615, -0.9467687010765076, 0.6055854558944702, -0.606219470500946, -0.4838472306728363, -0.07613009214401245, 0.18217739462852478, -1.0405393838882446, -0.3923238515853882, 0.1915651559829712, 0.5542107820510864, 0.5425958633422852, 0.015616517513990402, -0.9211001992225647, 1.1908972263336182, 1.1519774198532104, 0.7537955641746521, -0.4191990792751312, 0.5778577923774719, -0.5421811938285828, 0.005720701068639755, 0.8333472013473511, -0.016453800722956657, -0.5050292015075684, -0.33443769812583923, 0.6497136950492859, -0.2780776619911194, 0.06358284503221512, -0.4614103436470032, -0.3843255937099457, 0.11840837448835373, 0.28348878026008606, 0.06800011545419693, 0.3113057613372803, -0.6632277369499207, -0.2003905475139618, 0.30596792697906494, 0.547126054763794, 0.3130451738834381, 0.1665382832288742, 0.8072554469108582, -1.6973541975021362, -0.30758655071258545, -0.9505369663238525, 0.5259444713592529, -0.1213957816362381, 0.042874567210674286, 0.05214967951178551, 0.11210387945175171, -0.5987045168876648, -0.2201705276966095, 0.1923220455646515, -0.35740530490875244, 0.37449467182159424, 0.47853171825408936, 0.17392444610595703, 0.4082316756248474, 0.019729722291231155, 0.19716182351112366, 1.3873611688613892, -0.5487516522407532, -0.6981393694877625, -1.866215467453003, 1.2046256065368652, 1.220471739768982, -0.6866322159767151, -0.5988009572029114, -1.5733299255371094, -0.1047854870557785, 1.3594456911087036, -0.42603203654289246, -0.18381138145923615, 0.0431014820933342, -0.3113521635532379, -1.0185502767562866, 0.2899264097213745, -1.0500019788742065, 0.02514137327671051, -0.034081943333148956, 0.8451360464096069, -0.393995076417923, -0.8490530252456665, -0.10921896994113922, -1.2603824138641357, 0.6724321246147156, 0.8099889159202576, -0.2782958745956421, -0.39115431904792786, 0.7746870517730713, 0.31044507026672363, 0.7172786593437195, -0.37201786041259766, 0.3447929322719574, -0.1270262598991394, -1.1017866134643555, 0.10979846864938736, 0.2718554735183716, -0.4982261061668396, -0.4752735197544098, -0.13812947273254395, 0.027523435652256012, -0.20569159090518951, -0.29277539253234863, -0.0391760915517807, -0.03905505686998367, 0.9942877292633057, 1.2743756771087646, -0.3973531424999237, 1.8590182065963745, -1.0445750951766968, -0.07606782764196396, 0.42540255188941956, -0.8215737342834473, -0.11381566524505615, -0.33503496646881104, 0.6938078999519348, 0.2738514840602875, 0.27005329728126526, -0.2515198588371277, -0.5298657417297363, -1.0208408832550049, -0.2127603441476822, -0.38030311465263367, -0.6716346144676208, -0.9760558605194092, 0.019298486411571503, -0.23588885366916656, -1.159909963607788, -0.6405078172683716, -0.313289612531662, 0.15091359615325928, -0.24938823282718658, 0.5550980567932129, 1.2929493188858032, 0.033588849008083344, 0.7135067582130432, -0.272208571434021, 0.9405205845832825, -0.024345245212316513, 0.8692721128463745, -0.41859766840934753, -0.331224262714386, -1.0580955743789673, -0.6528676748275757, -0.7755006551742554, -0.026516780257225037, -0.01705963909626007, -0.27219370007514954, 0.6902928352355957, 0.13950973749160767, -1.4807716608047485, 0.7733840346336365, -0.6357990503311157, -0.1344277262687683, -1.1089380979537964, 0.8924671411514282, 0.2739470601081848, -0.7048253417015076, 0.6142840385437012, 0.1810554563999176, -0.0650998055934906, 1.2769873142242432, -1.1065632104873657, 1.177377700805664, 0.1284322440624237, 0.04160979762673378, 0.11827950179576874, -0.0945456251502037, -1.907633900642395, -0.28520435094833374, 1.3443506956100464, -0.5650117993354797, -0.3340812921524048, -0.15137839317321777, 0.31329745054244995, 0.1579694151878357, -0.010564555414021015, -0.051858626306056976, -1.1378170251846313, 0.2768722474575043, -0.6360387206077576, 0.14822496473789215, 1.0277446508407593, -0.6119267344474792, 0.8844174146652222, 0.08774520456790924, 0.6789849400520325, -0.639599084854126, -0.3682255148887634, 0.733332633972168, -0.4355044662952423, 1.0574285984039307, 0.20886313915252686, 1.2168121337890625, 1.1928578615188599, -0.7584899663925171, -0.20852310955524445, 0.8698542714118958, 0.42833951115608215, 0.33332523703575134, 0.17509832978248596, -0.08821608126163483, 0.432280957698822, -0.46412527561187744, 1.3089396953582764, 0.30053943395614624, -1.2165566682815552, -0.31993424892425537, -0.26653367280960083, -0.966866135597229, -0.8725374937057495, 1.2186368703842163, 0.6093912124633789, 1.7922698259353638, 0.16389086842536926, 0.5772185325622559, -0.024670174345374107, 0.014107540249824524, 0.44254934787750244, 0.22838200628757477, 0.3396201431751251, -0.1450171172618866, -0.0743529200553894, 1.2758281230926514, -0.09143445640802383, -0.3217952251434326, -0.04355945065617561, -0.2926286458969116, -0.1752942055463791, -0.44661128520965576, 0.9108116030693054, 0.782371461391449, 0.5811903476715088, 1.6978493928909302, -0.6841107606887817, -0.3933259844779968, -0.4543757140636444, -0.28222665190696716, 0.12720124423503876, 0.5632527470588684, -1.2788337469100952, 0.2970459759235382, -0.043476056307554245, 0.9289482831954956, -0.3758247494697571, 0.8688678741455078, 0.7341273427009583, 0.16228389739990234, -0.5945067405700684, -0.5167940258979797, -0.9648257493972778, -0.26714006066322327, -0.24578937888145447, 0.6731144785881042, -1.0147243738174438, 0.24988186359405518, -0.17406201362609863, -1.3547321557998657, 0.2699267268180847, 0.2934989929199219, -0.9203673601150513, 0.8371779322624207, 1.1014914512634277, -1.217079520225525, -0.7042510509490967, -0.06916829943656921, -0.9016869068145752, -0.40497472882270813, 0.053514473140239716, -0.6639757752418518, 0.3694543242454529, 0.1787453293800354, 0.30701854825019836, -0.17493095993995667, -0.12471295893192291, -0.6295887231826782, 0.8374447822570801, 0.8780182600021362, -0.6727322936058044, 0.8282680511474609, -0.039090514183044434, 0.017719492316246033, 0.40158987045288086, -1.3763892650604248, -0.4777062237262726, 0.7435469627380371, 0.14332613348960876, -0.24145103991031647, -0.9434089660644531, -0.17426945269107819, -0.18338927626609802, 0.41583579778671265, 1.3278359174728394, -0.8591752648353577, 0.34580159187316895, -0.3311842083930969, 0.6105870604515076, 0.2938368320465088, -1.0236499309539795, -0.4181804656982422, 1.3814408779144287, -0.28848493099212646, 0.0043339841067790985, -0.1482813060283661, 0.28230026364326477, 0.5623226761817932, 0.3040057420730591, 0.025034859776496887, -0.23703014850616455, -12.465919494628906, -0.01499383244663477, -0.05297945439815521, 0.17530176043510437, 0.8289759159088135, 0.575623095035553, 0.7756632566452026, 0.6978100538253784, 0.8798905611038208, -0.597314178943634, 0.10870502889156342, 1.5375828742980957, -0.030609600245952606, -0.29757991433143616, -0.6706355810165405, -1.1625840663909912, -0.3287059962749481, -0.29201197624206543, 0.9581809043884277, -0.7462562918663025, 0.3640989363193512, -0.10954134166240692, -0.014798585325479507, -0.6971970200538635, 0.19553624093532562, -0.462719589471817, 0.3464299738407135, -0.05795801058411598, -0.6437013745307922, 0.802512526512146, 0.6571505069732666, 0.0665537416934967, -1.1093077659606934, -0.4549613296985626, 0.5150448083877563, -0.30664801597595215, -0.9838457703590393, -0.181974858045578, 0.5325929522514343, -0.2981722354888916, 0.08066234737634659, 0.3802575170993805, -0.15408697724342346, -0.4080168306827545, -0.24455653131008148, 0.24990041553974152, -0.11037240922451019, -0.6921165585517883, 0.7352850437164307, -0.5883920788764954, -0.795662522315979, -0.47521060705184937, -0.8599745035171509, -0.49110931158065796, 0.9723516702651978, 0.18527868390083313, -0.8735536336898804, 0.18012124300003052, -0.42061319947242737, -0.8517355918884277, 0.9682228565216064, 0.022690339013934135, -0.26854270696640015, -0.5560382008552551, 0.4595696032047272, -0.7478131651878357, 1.0479947328567505, 0.04252593219280243, 0.726721465587616, 0.2291826456785202, -0.42635902762413025, 1.0772135257720947, 0.673865795135498, -0.5965669751167297, 0.30996400117874146, 0.4373096227645874, -0.08140340447425842, -0.8288695216178894, 0.7912490963935852, 0.24910618364810944, -1.3716840744018555, 0.31006237864494324, 0.22363530099391937, -0.22160124778747559, -0.8179880976676941, 0.04915599152445793, 0.07621917128562927, -0.7916338443756104, 0.35877057909965515, 0.035056278109550476, 0.9255739450454712, 0.009295903146266937, -0.33341217041015625, -0.4984965920448303, -0.20206040143966675, 1.0307544469833374, -1.2774184942245483, 0.6078183054924011, 0.13392284512519836, -0.5862343311309814, 0.3032088577747345, -0.08961239457130432, -0.3815672993659973, -0.578184187412262, 0.28580090403556824, -0.5245051980018616, -0.5188001990318298, 0.44693055748939514, -0.3361489772796631, -0.6185287237167358, 0.11018767952919006, 0.24162349104881287, 0.25131499767303467, 0.9134727120399475, -0.2604807913303375, 1.2397619485855103, 0.939063310623169, -0.4028323292732239, 0.27147433161735535, 1.5317593812942505, -0.7173323631286621, 0.02108631283044815, 0.7076681852340698, 0.7408570051193237, 0.45041951537132263, 0.7151103615760803, -0.38700515031814575, 0.32981568574905396, -0.44992825388908386, -0.7823836207389832, 0.13881757855415344, -0.5092363953590393, -0.017994144931435585, -0.8931618332862854, -0.6060685515403748, -0.1893410086631775, -0.5893725156784058, 1.5440329313278198, -0.5309135317802429, -0.01075730100274086, -0.8116684556007385, -0.4496881365776062, 0.014936722815036774, -0.20458568632602692, -0.09486512839794159, 0.12414314597845078, -1.7488840818405151, 0.29267504811286926, -0.5274725556373596, -0.4056268334388733, -0.03968073055148125, -0.3056233823299408, 0.09515340626239777, -0.7019695043563843, -0.6119577288627625, -0.23940864205360413, 0.6926870942115784, 0.023155443370342255, -0.7892390489578247, -0.6710718274116516, 0.27602219581604004, 0.8512030839920044, -0.4924304485321045, 0.6510138511657715, 0.33203214406967163, 0.3900342285633087, -0.6193914413452148, -0.20644132792949677, -0.6136870980262756, 0.35306718945503235, 1.3191345930099487, -1.0022554397583008, 0.03129100054502487, -0.2656210660934448, 0.1460975706577301, -0.88301020860672, 0.2739388048648834, 1.2861372232437134, -1.152052402496338, 0.1776723861694336, -0.06621675193309784, 0.32161587476730347, 0.49176615476608276, -0.09396269917488098, -0.3627605736255646, 0.6952211856842041, 0.07029277831315994, 0.7813447117805481, -0.050659723579883575, 0.724753201007843, -1.162665843963623, -1.3500792980194092, -0.638670802116394, -0.6805431246757507, 1.16337251663208, -0.7455199956893921, 1.234872579574585, 0.499507874250412, 0.061268553137779236, -0.2373007833957672, -0.11643902957439423, 1.0310248136520386, 0.63481605052948, 0.6985048055648804, -0.08034484088420868, -0.4185486435890198, -1.0113390684127808, 0.07464416325092316, 0.1430368423461914, 0.36600062251091003, -0.5098865628242493, 0.49006468057632446, 0.5897236466407776, 0.10516510903835297, -0.6807706356048584, -1.1944260597229004, 0.3409964442253113, 0.39004838466644287, -0.242074653506279, -0.9748607277870178, 0.35239341855049133, 0.5502387881278992, -0.5809868574142456, 1.0053209066390991, 0.12433522939682007, -0.16674023866653442, 1.149605393409729, 0.9915318489074707, 1.3941460847854614, -0.22512273490428925, -0.8298380970954895, 0.44349196553230286, 0.040048010647296906, -0.11593814939260483, 0.3015674948692322, 0.1375371366739273, -1.0020662546157837, 0.4520837962627411, -0.8720064163208008, -0.47008016705513, 0.20064282417297363, -0.16424643993377686, 0.45376068353652954, 1.3454993963241577, 0.6387754678726196, -1.2441719770431519, -0.09112337231636047, -1.0262311697006226, 0.01371818408370018, 1.1049365997314453, 0.3313842713832855, 0.5785304307937622, 0.7133921980857849, -0.5108041167259216, 0.997336208820343, -0.4899212121963501, -0.2014433592557907, 0.33281567692756653, 0.08058013021945953, 1.2219222784042358, 0.8666343092918396, 0.4310178756713867, -0.11607714742422104, -0.2570243775844574, -0.8697360157966614, -0.6664707660675049, -0.3792934715747833, 0.7206066250801086, 0.9688248634338379, -0.39203140139579773, -0.1788540780544281, -0.4960153102874756, 0.024904990568757057, -0.30930766463279724, 0.27993419766426086, 0.30869585275650024, -0.7171227335929871, -0.804534375667572, -0.8093008995056152, 0.1822928488254547, 0.6269415020942688, 0.030796388164162636, -0.2149236500263214, -0.19323299825191498, 0.7442105412483215, -0.00410835724323988, -0.3534793257713318, -0.20120835304260254, 0.7483596205711365, 0.022749047726392746, 0.2741079330444336, 0.7529541254043579, -0.5973781943321228, -0.5586732625961304, 0.21708163619041443, -0.13943468034267426, 0.6881237626075745, 0.3435974717140198, -0.8955068588256836, 0.45589709281921387, 0.3884115517139435, 0.4902234971523285, 0.17072665691375732, 0.5735741853713989, 0.22075676918029785, -1.1130259037017822, 1.5327078104019165, 0.49429622292518616, -0.007820692844688892, -0.16818325221538544, 0.399553507566452, 0.6589950323104858, 0.32800886034965515, 1.0125118494033813]} +{"paper_id": "woz_dialogue", "embedding": [-0.6728911399841309, 1.0137437582015991, -0.36700937151908875, -0.21514560282230377, -0.0970650240778923, -0.00045200809836387634, 0.6999509334564209, 1.2501184940338135, 0.13754290342330933, 0.47781917452812195, 0.3661797046661377, 0.01864609681069851, 0.1207946240901947, -0.8766578435897827, -0.0584520660340786, 0.14099884033203125, -0.4901984632015228, -0.13872148096561432, -0.8738307952880859, -0.41897308826446533, -0.04466121643781662, -0.21202169358730316, -0.15605628490447998, 0.8405979871749878, -0.8628477454185486, -0.747622013092041, 1.0731970071792603, -1.1867597103118896, 1.0339480638504028, 0.44367679953575134, -0.524943470954895, 0.8438383340835571, -0.11975656449794769, -0.22582462430000305, -0.622041642665863, -0.4538087844848633, 0.24811094999313354, 0.9923503994941711, 0.45972660183906555, 0.6530746817588806, -0.22315269708633423, 0.08508483320474625, -0.36006760597229004, 0.8916836977005005, 0.3243209421634674, 0.12913653254508972, 0.20403635501861572, 0.05366850644350052, -0.317810595035553, -0.47289586067199707, -0.6115246415138245, 1.029759168624878, -0.40111467242240906, 0.7070077657699585, -0.8491945266723633, 1.0718096494674683, 0.18948519229888916, 0.4522678852081299, 0.28430575132369995, -1.847287654876709, 1.6429367065429688, 1.2445873022079468, 0.055954135954380035, 0.455314964056015, 1.3760981559753418, 0.6076124906539917, 0.8913982510566711, 0.020406097173690796, -0.00498945452272892, 0.5888380408287048, 0.08083406090736389, -0.6684205532073975, 0.43283984065055847, -0.7221084833145142, 0.2676185965538025, 1.5474814176559448, 1.2880468368530273, 0.3934658467769623, 0.3810485303401947, -0.06491453945636749, 0.24005547165870667, 1.1227132081985474, -0.029692016541957855, -0.806589663028717, 0.6219990849494934, 0.637636125087738, 0.6194376945495605, -0.49800896644592285, 0.8346073627471924, -1.3166898488998413, 1.2748422622680664, 0.3303343653678894, 1.3245794773101807, 0.3533228635787964, -1.3156957626342773, -0.2660060524940491, -0.6940824389457703, -0.3428095281124115, -0.9458222389221191, 0.3602081835269928, 0.5283136367797852, -0.04379640519618988, -0.2934400141239166, -0.7087013721466064, -0.335995614528656, -0.09199286997318268, 0.33603635430336, -0.34499573707580566, 0.01844431646168232, -0.31019696593284607, -0.1544984132051468, 1.070233702659607, -0.20570126175880432, 1.53749418258667, 0.4323524832725525, 0.1685822606086731, 1.3123654127120972, -0.6977218389511108, -0.46721869707107544, -0.3311394453048706, 0.4623662233352661, -0.5375271439552307, -0.19838830828666687, -0.025716330856084824, 1.3381969928741455, -0.5590043663978577, 0.14756236970424652, -0.19552284479141235, -0.5937851071357727, -0.7126816511154175, 0.5710874199867249, 0.3392721712589264, -0.6087804436683655, -0.6850219368934631, 3.123645305633545, -2.1542375087738037, 1.6414393186569214, -1.8919821977615356, -0.5200374126434326, -0.6714641451835632, 0.027529194951057434, 1.1218898296356201, -0.032451462000608444, 0.30243903398513794, -0.15642020106315613, -1.12276029586792, -0.06993281841278076, -0.07695852965116501, 0.5629413723945618, -0.5575278997421265, -0.28144973516464233, 0.20197755098342896, -1.6633174419403076, -0.9278034567832947, -0.6540040373802185, 0.24791011214256287, 0.44617587327957153, 0.9846159815788269, -0.26374924182891846, 0.8874150514602661, 0.9561796188354492, 0.030692782253026962, -0.5108541250228882, 0.17983220517635345, -0.4593167006969452, -0.3652745485305786, 1.2604190111160278, 0.1953372061252594, -0.6814583539962769, -0.017738334834575653, -0.2253681719303131, -0.4502924978733063, -0.09258586168289185, 0.3061605989933014, -1.2272347211837769, -0.5436344146728516, 0.9216457605361938, 0.5347747802734375, 0.32362067699432373, -0.3957233726978302, -0.6715418696403503, -0.8220239281654358, 0.2529427707195282, 0.09353125840425491, -0.2133931964635849, 0.6232147812843323, -2.7686328887939453, -0.06625542044639587, 0.37206822633743286, 1.3950773477554321, 0.7624530792236328, -0.42120447754859924, 0.33496761322021484, -0.05853724852204323, 0.49590790271759033, -0.5765549540519714, 0.9888128042221069, -0.816892683506012, -0.2553189992904663, -0.3719998598098755, -0.13679923117160797, -0.2400272637605667, 0.3912375271320343, 1.565943956375122, 0.602049708366394, -0.46252694725990295, -0.22080595791339874, -1.4632196426391602, -0.21837764978408813, 2.2657485008239746, 0.3776616156101227, -0.16653752326965332, -0.47897300124168396, -0.0181724950671196, -0.23431646823883057, -0.566986620426178, 1.1659621000289917, -0.4235893189907074, -0.2224215567111969, -0.9675033092498779, 0.2788349688053131, -0.0015384107828140259, -0.02170328050851822, 0.5258222818374634, 1.1968077421188354, -0.7632323503494263, 0.839382529258728, -0.34062889218330383, -0.9042220115661621, 0.2773054838180542, 0.09321115165948868, -0.35807234048843384, -0.013087786734104156, -0.2763828635215759, 0.25720641016960144, 0.21956868469715118, 0.3877035081386566, 0.5506990551948547, -0.6284126043319702, -0.18102991580963135, 0.4092242419719696, 1.108319640159607, 0.2129262536764145, 0.16584284603595734, 0.7082688808441162, 0.5727100968360901, -0.29280713200569153, -0.8541581630706787, 0.5726168155670166, 0.2794038653373718, 1.5108741521835327, 1.0758657455444336, -0.5052146315574646, -0.2927905023097992, -0.03170652315020561, -0.5638390779495239, -0.31508487462997437, -0.6471999883651733, 0.32144296169281006, 0.04364853352308273, 1.2211055755615234, 0.05471770465373993, 0.043478839099407196, -0.7252275347709656, 0.2218528389930725, -0.32695096731185913, -0.31140047311782837, 0.019635215401649475, -0.23921509087085724, -1.5343388319015503, 0.006725303828716278, 0.36394184827804565, -0.5607965588569641, -0.4804532527923584, -0.3306800127029419, 0.4442375600337982, -0.25190436840057373, 0.9839992523193359, 1.542864441871643, -0.07958238571882248, 0.0002184249460697174, -1.0669770240783691, 1.2851628065109253, -0.14948920905590057, -0.34263288974761963, -1.1845436096191406, -0.055782709270715714, -0.6184225082397461, 0.36865726113319397, -0.3565332293510437, 0.2288098931312561, -0.14576709270477295, -0.35316726565361023, 0.9702829718589783, 0.18580132722854614, -1.0806223154067993, 1.0409166812896729, -0.2761080861091614, -0.31544941663742065, -0.39670175313949585, 2.2910749912261963, -0.06084208935499191, -0.27884796261787415, -0.35353243350982666, 0.40579792857170105, -0.0027238912880420685, 0.7478240132331848, -0.4709065854549408, 1.2770068645477295, 0.30210548639297485, -1.0029118061065674, -0.4063583314418793, -0.19460949301719666, -2.259892463684082, -0.21873675286769867, 0.3532602787017822, 0.28375616669654846, -0.21213369071483612, -1.1373121738433838, 0.9743744730949402, -0.21434152126312256, -0.12684491276741028, 0.030134133994579315, -0.764836847782135, 0.5169316530227661, -0.6092469692230225, -0.00767471082508564, 1.557759165763855, -1.1042729616165161, -0.80365389585495, 0.6065278649330139, -0.1242743507027626, -0.8603652715682983, -0.5692952871322632, 0.8523077964782715, -0.16287606954574585, -0.6741740703582764, 0.1870442032814026, -0.08987381309270859, 0.7375943660736084, 0.2732107639312744, -0.479471355676651, 1.1834750175476074, 0.9401919841766357, 0.13874834775924683, 0.5235134959220886, -0.4217861294746399, 0.9610387086868286, -0.6176029443740845, 0.8881597518920898, -0.17629103362560272, -0.20520004630088806, -0.287311851978302, 0.12904328107833862, -0.5371308922767639, -0.864196240901947, 1.3586552143096924, 0.8667377829551697, 2.259896993637085, 0.405769407749176, -0.13417184352874756, -1.3672431707382202, 0.04898238554596901, 0.21250849962234497, 0.764613687992096, 0.10354989767074585, 0.4281299412250519, 0.026375971734523773, 0.30696117877960205, 0.6085558533668518, -0.20800356566905975, -0.4866662323474884, 1.4116389751434326, -0.1558590829372406, -0.21826593577861786, -0.6385417580604553, 1.1762871742248535, 0.8251019716262817, 1.0423763990402222, -0.09445057809352875, -0.12681278586387634, 0.005714692175388336, 0.2707226872444153, 0.822602391242981, -0.028163794428110123, -0.48121196031570435, 0.5308771133422852, 0.24191723763942719, 0.05107571929693222, -0.06453177332878113, 0.6875913739204407, -0.6200642585754395, -0.3204463720321655, -0.5671278834342957, -0.39914727210998535, -0.25393739342689514, -0.1507808119058609, -0.1144607663154602, 0.22680658102035522, -0.42991548776626587, 1.6618436574935913, 0.07986040413379669, -0.9978650212287903, 0.8834381103515625, -0.4096338450908661, -1.1885931491851807, 0.6165520548820496, 0.07798826694488525, -1.197517991065979, 0.01660255901515484, -0.11823305487632751, -0.9803597927093506, -0.6746754050254822, -0.5007383823394775, -0.10615668445825577, 0.35691535472869873, 0.20731964707374573, 0.9769288301467896, -1.0197761058807373, 0.8969212174415588, -1.130297303199768, 0.8263036608695984, 0.7625793218612671, -0.11149287223815918, 0.7794499397277832, 0.6053729057312012, -0.4066893458366394, -0.46362289786338806, -0.7464134693145752, -0.8026125431060791, 0.06779782474040985, -0.6786798238754272, -0.4215627908706665, -0.5921568274497986, 0.06700558960437775, -0.07417619228363037, -0.31910794973373413, 0.015112511813640594, -0.7309819459915161, -0.1807471513748169, -0.8843560814857483, -0.17457236349582672, 0.7604817152023315, -0.5564186573028564, -1.4550589323043823, -0.2729592025279999, -1.2841449975967407, -0.22597981989383698, 0.09133851528167725, 0.3958353102207184, 2.487820625305176, 1.3358625173568726, 1.0813897848129272, 0.4278733432292938, -10.493925094604492, 0.2847093641757965, -0.2580672800540924, 0.5187970995903015, 0.8578566312789917, -0.26697462797164917, 0.661935031414032, 0.4098387062549591, 0.3923393487930298, -0.7408337593078613, 0.36008980870246887, 0.9064915180206299, -0.28162845969200134, -1.295467495918274, -0.752859890460968, -1.2888813018798828, -0.382743775844574, -0.42199188470840454, 0.19582726061344147, 0.6828284859657288, 0.3650563061237335, -1.4778896570205688, -0.9363044500350952, 0.21317139267921448, -0.9216943979263306, -0.5568346381187439, -0.2803840637207031, -0.621634840965271, -0.37277930974960327, -0.267703652381897, 0.8287295699119568, -0.31444573402404785, -0.40384092926979065, -0.6385781764984131, 0.609178900718689, 0.22786261141300201, -1.1500117778778076, 0.13135936856269836, 0.26493382453918457, -0.5463746786117554, -0.4061061143875122, 0.7297137975692749, 0.17847584187984467, -0.6130302548408508, -0.6144216656684875, 0.3808390498161316, 0.38736608624458313, -0.5827733278274536, 0.3925086259841919, -0.1494339555501938, -0.4752746820449829, -0.6601300239562988, -1.264106035232544, 0.10645954310894012, 1.041645884513855, -0.2551533579826355, -0.704492449760437, 0.6392427086830139, -0.8229537606239319, -1.4028898477554321, 0.3925422728061676, -0.30207550525665283, -0.4583169221878052, 0.5285285711288452, 1.0791683197021484, -0.027218030765652657, 0.1176459863781929, 0.6207584738731384, 0.2050192952156067, 0.018255775794386864, -0.49324899911880493, -0.1813337504863739, -0.5509307980537415, -0.11729776859283447, -0.864511251449585, 0.42191481590270996, -0.24839447438716888, 0.12487035244703293, 0.8583387136459351, 0.8248366117477417, -0.49451005458831787, 0.17648354172706604, -0.29112228751182556, -1.2603754997253418, -0.8182251453399658, 0.5039628148078918, -0.13114860653877258, 0.37700557708740234, 1.6143064498901367, 0.30009251832962036, 0.8139188885688782, 0.1818905770778656, -0.5319585204124451, 0.2969215214252472, 0.1238865926861763, 1.0619676113128662, 0.07757449150085449, 0.721000611782074, 0.3692905306816101, -0.40955281257629395, 0.2337518036365509, -0.34753769636154175, -0.17521843314170837, 0.2596415579319, 0.08068816363811493, 0.3287181258201599, -0.11667229235172272, 0.2750888466835022, 1.1567567586898804, 0.24278177320957184, 0.5684916973114014, 1.1670136451721191, -0.6217514872550964, 0.516374409198761, 0.2804090678691864, 0.42833223938941956, 0.8841643929481506, 0.1405857503414154, 0.8222283124923706, 0.8855772614479065, 0.025508228689432144, 0.9791052937507629, 0.2771984934806824, 0.908417820930481, 0.27179989218711853, -0.2320844680070877, 0.7758581042289734, 1.0442770719528198, 0.04892123490571976, -1.6461434364318848, -0.35947558283805847, 0.23308193683624268, 0.43592196702957153, -0.6125407218933105, -0.7432580590248108, 0.01840199902653694, -0.47482073307037354, 1.2565268278121948, 0.32381004095077515, -0.24408680200576782, -0.042277414351701736, -0.25419196486473083, -0.5629514455795288, -0.7864935994148254, -0.633013904094696, 0.5333186388015747, -0.9313119649887085, 0.46672990918159485, -0.2570749521255493, 0.39339280128479004, 0.9415196776390076, 0.23722007870674133, 0.7147625684738159, -0.6434367895126343, -0.8515167832374573, 0.23213741183280945, 0.33730262517929077, 0.711150050163269, -0.47462451457977295, 0.19462376832962036, 0.09591044485569, 0.9135172367095947, -2.051454782485962, 0.6012627482414246, 0.44217559695243835, 0.495508074760437, -1.1131261587142944, -0.12644588947296143, -0.28462305665016174, 0.7573146224021912, 0.6790288090705872, -0.6930824518203735, -0.5194997787475586, -0.7965037226676941, -0.9241107702255249, -0.7771182060241699, 0.8310844302177429, 0.478803426027298, -0.7293572425842285, -0.20726092159748077, -0.4506344199180603, 0.23108670115470886, -0.25152280926704407, -0.5643466711044312, 0.18174082040786743, 0.06709040701389313, -0.12653622031211853, 1.055295467376709, -0.47271862626075745, 0.10810846090316772, -1.6039741039276123, -1.5184078216552734, -1.1260735988616943, -1.1583296060562134, -0.12547726929187775, -0.35181868076324463, 1.707663655281067, 0.6330976486206055, -0.7486885786056519, 0.7000965476036072, 0.6459638476371765, 0.2887290418148041, 0.6285389065742493, 0.9853383302688599, -0.11856022477149963, 0.6134153604507446, -1.1991909742355347, 0.04559323564171791, 0.21817360818386078, -0.1286657452583313, -1.2235831022262573, -0.32615405321121216, 0.17265748977661133, -0.30991753935813904, 0.6117405295372009, -0.7246344089508057, 0.011952430009841919, -0.7456783652305603, 0.024157483130693436, -0.96934974193573, 0.34608280658721924, -0.020419452339410782, -1.096184253692627, 1.2648195028305054, 0.27725741267204285, 0.5410817265510559, 0.6481364965438843, -0.15071330964565277, 1.4205063581466675, 0.10224245488643646, -0.03344710171222687, 0.6368588805198669, 0.1894085705280304, 0.12065484374761581, 0.20018649101257324, -1.0797220468521118, -1.1730347871780396, 0.37942272424697876, -1.6988590955734253, -0.22437942028045654, -0.6193532347679138, 1.3104561567306519, 0.6641741991043091, 2.103799819946289, -1.1715234518051147, -1.8003522157669067, -0.8745272159576416, -0.6421827077865601, -0.16892382502555847, 0.591499388217926, 0.40707656741142273, 0.8628590703010559, 0.8366485834121704, -0.12709923088550568, 0.30792418122291565, -0.8546605706214905, -0.1642802655696869, 0.2874253988265991, 0.6295446753501892, 0.38284385204315186, 0.48508596420288086, 0.0652109831571579, 0.318316787481308, 0.5395561456680298, -0.5964925289154053, -0.18179123103618622, -0.28217071294784546, 0.08989040553569794, 0.32162314653396606, -0.4042244255542755, -0.6456428170204163, -0.3903147578239441, 0.3419415354728699, -0.26001161336898804, 0.718464195728302, 0.40399837493896484, 0.0797082930803299, -1.3098936080932617, -1.336580514907837, -0.7968283295631409, 0.3901442885398865, 0.46954137086868286, -0.5710672736167908, -0.9372320771217346, 0.6398141980171204, 0.8369735479354858, -0.8611798286437988, -1.161771535873413, -0.11289878189563751, -1.180177092552185, -0.22052593529224396, -0.6526587009429932, -0.6008436679840088, -0.9075537919998169, -0.06508113443851471, -1.3693872690200806, 0.5492797493934631, -0.2825489640235901, -0.9848857522010803, -0.7867782711982727, 0.5346977114677429, 0.6401478052139282, -0.4076409935951233, -0.24523143470287323, 0.6400066614151001, -1.6708835363388062, 1.2965306043624878, 0.6404435038566589, -0.45338988304138184, -0.7055703401565552, 0.7097662091255188, -0.36184969544410706, 0.5033384561538696, 0.7382537126541138]} +{"paper_id": "nli_tr", "embedding": [-0.25326889753341675, 1.0395575761795044, -0.12858854234218597, -0.21899034082889557, 0.615074872970581, -0.47941094636917114, -0.16531464457511902, 0.45909297466278076, 0.6625160574913025, 0.8862387537956238, -0.056632570922374725, -0.18734225630760193, -0.32614532113075256, -0.011891437694430351, -0.25572502613067627, -0.6615957617759705, -0.81797194480896, -1.2265530824661255, -1.4738367795944214, 0.07096471637487411, -0.5843502283096313, -0.6961802840232849, -0.33465415239334106, 0.62385094165802, -0.19636189937591553, -0.7861477732658386, 0.5720806121826172, -0.7491899728775024, 0.5203390121459961, 0.40471747517585754, -0.3854118585586548, 0.8392985463142395, -1.1890777349472046, 0.5192381143569946, -0.3092666566371918, -0.3364622890949249, 0.2079654335975647, 1.3179726600646973, -0.24863743782043457, 0.025879237800836563, -0.6930105090141296, -0.06338964402675629, 0.5345948338508606, 0.3232201337814331, 0.47146913409233093, -0.43656399846076965, -0.7030618786811829, 0.04617889225482941, 0.048737749457359314, -0.5783239006996155, -0.569443941116333, 0.4192371666431427, -0.2587674856185913, 0.10767975449562073, -0.28045469522476196, 1.565224528312683, 0.6710227131843567, -1.7858633995056152, 0.7734333872795105, -1.093739628791809, 0.8637263178825378, 2.066575527191162, -1.063636064529419, 0.7566291689872742, 0.7245344519615173, 0.021725989878177643, 1.8717294931411743, 0.17847858369350433, 0.4503686726093292, 0.9542561769485474, 0.08298982679843903, -0.8930702209472656, 1.254246473312378, -0.03897664695978165, 0.7757806777954102, 0.9328001737594604, 0.38263729214668274, 0.3365534245967865, -0.34318140149116516, -0.019551999866962433, -0.5131101608276367, 0.878204345703125, 0.9810119867324829, -0.9822954535484314, -0.49191513657569885, 0.5767139196395874, 0.07054510712623596, -1.0165501832962036, 0.1931205540895462, -2.1571013927459717, 0.3543274402618408, -0.05772069841623306, -0.3488844335079193, -0.12786473333835602, -0.18163812160491943, 0.13554033637046814, -0.2562863826751709, -0.09580957144498825, -0.03990807756781578, 0.2922987937927246, 0.4461384117603302, -0.26731035113334656, 0.28830647468566895, -0.10245128720998764, 0.18609872460365295, 1.1189212799072266, -0.16015219688415527, -0.48885422945022583, -1.396972417831421, -0.15048430860042572, 0.4260760545730591, 1.513274908065796, -0.263592392206192, 0.6273740530014038, 0.056894633919000626, 0.25790199637413025, 0.047720249742269516, -0.8327547311782837, -0.17413872480392456, 0.34132522344589233, -0.5087804198265076, -1.3017537593841553, -0.34532126784324646, 0.18758709728717804, 0.7990074157714844, -0.414831280708313, 0.37329480051994324, -0.5334872603416443, 0.4974800944328308, -0.467398077249527, 0.17828112840652466, -0.4158889353275299, -0.4325255751609802, 0.27423956990242004, 3.103120803833008, -0.9310562014579773, 1.3996745347976685, -0.4300724267959595, 0.13924476504325867, 0.0572875440120697, -0.3725000023841858, 1.3564029932022095, 0.007230207324028015, -1.2448381185531616, -0.5145366787910461, 0.39132919907569885, -0.9261292815208435, 0.2430184930562973, -0.623590350151062, -0.47988882660865784, 0.20349931716918945, 0.27214157581329346, -0.9686685800552368, -0.4152759611606598, 0.06877407431602478, 0.5595947504043579, 0.41978245973587036, 0.7549528479576111, -0.385038286447525, 0.94806307554245, 0.7264990210533142, -0.11567375063896179, 0.09692075848579407, 0.6523309350013733, -1.555282473564148, -0.057263173162937164, 1.2182241678237915, -0.21031931042671204, -0.4629647135734558, -0.660000205039978, 0.562410295009613, -0.40452060103416443, -0.277037650346756, 0.18477573990821838, 0.10180524736642838, 0.40648019313812256, 0.8466036915779114, 0.7596465349197388, -0.5384545922279358, -0.30949774384498596, -0.8604004383087158, -0.910209596157074, 0.32131344079971313, 0.6562017202377319, 0.07653477042913437, 0.8917848467826843, -2.2132651805877686, -0.40522223711013794, -0.75676029920578, 0.24784204363822937, -0.5588315725326538, -0.26790210604667664, -0.16523590683937073, 0.4402657449245453, 0.5272328853607178, -0.21478582918643951, 0.6000334024429321, -0.7996695637702942, -0.8961001038551331, 0.27395302057266235, -0.4281182885169983, -0.23226462304592133, -0.040649957954883575, 0.7227224111557007, 0.49334630370140076, -0.6909430623054504, -0.19022506475448608, -1.749359369277954, 0.1953006088733673, 2.6509921550750732, 0.20841620862483978, -0.8981093168258667, -1.518115520477295, -0.24544979631900787, 0.20041784644126892, -0.39020228385925293, 0.46431514620780945, -0.8375028967857361, 0.04762505739927292, -1.404503345489502, 0.49599313735961914, -0.5098453760147095, 0.5340287685394287, 0.37940385937690735, 0.9636528491973877, -0.4932842552661896, -0.34900882840156555, -0.026847094297409058, -0.8672885894775391, 0.5352709889411926, 0.5571660995483398, 0.5689844489097595, -0.5723983645439148, 0.9230435490608215, -0.3816853165626526, 0.6760802865028381, 0.9945033192634583, 0.030963169410824776, -0.414157509803772, -0.02196045219898224, 0.3619198799133301, 1.1267729997634888, -0.07188312709331512, -0.2529866099357605, -0.02325354516506195, 0.6405351758003235, 0.06818535923957825, -0.18795239925384521, 0.06373343616724014, -0.5270093083381653, 1.5700689554214478, 1.4736512899398804, -0.45827576518058777, 1.2972913980484009, -1.3427623510360718, 0.2535700500011444, -0.4096866846084595, -1.246931791305542, 0.18738876283168793, -0.1311480551958084, 0.7470707297325134, -0.08319205790758133, 0.7162817120552063, -0.2339973896741867, -0.3057605028152466, -1.1036455631256104, -0.6226485967636108, -0.39532509446144104, -0.7164645195007324, -1.2494182586669922, -0.3173319697380066, -0.326496422290802, -0.9534935355186462, -0.22453126311302185, 0.30652010440826416, 0.8541833162307739, 0.07351349294185638, 1.0450247526168823, 1.1848787069320679, -0.087839275598526, 0.49081945419311523, -0.10951896011829376, 1.1621812582015991, -0.6882891058921814, 1.106614112854004, -0.42466989159584045, 0.1260596513748169, -0.47589603066444397, 0.21521082520484924, -0.6843925714492798, 0.1742386817932129, 1.0214033126831055, -0.2998707592487335, 0.4391725957393646, -0.4162904620170593, -1.8008177280426025, 0.3837772011756897, -0.6157291531562805, 0.3309580087661743, -0.8941249251365662, 1.4185209274291992, 0.1945018172264099, 0.058176834136247635, 1.277575969696045, -0.46912848949432373, 0.28409725427627563, 0.9187729358673096, -0.33657634258270264, 0.753509521484375, 0.6762613654136658, 0.5792401432991028, -0.0320497490465641, 0.22992834448814392, -2.2729580402374268, -0.2516375482082367, 1.2534061670303345, -0.09490291774272919, -0.3850691020488739, -1.1550723314285278, 0.20124606788158417, -0.8326259255409241, -0.7086154222488403, 0.4498761296272278, -0.6301981210708618, 0.529330849647522, 0.036845266819000244, -0.1051466315984726, 0.8843111991882324, -1.0829839706420898, 0.44958364963531494, 1.3979476690292358, 0.44414225220680237, -1.2889810800552368, 0.33497780561447144, 0.6358280777931213, -0.7576866745948792, 0.4447024464607239, 0.5606706142425537, 0.9307314157485962, 1.4442981481552124, -0.5540623068809509, 0.07759154587984085, 0.4127711057662964, 0.7769637703895569, 0.6302473545074463, 0.5792016386985779, -0.531296968460083, 0.32169851660728455, -0.05286283418536186, 1.4660893678665161, 0.2815077304840088, -0.9022966027259827, -1.1461997032165527, 0.027043769136071205, -0.39577335119247437, -0.9508742690086365, 1.7577149868011475, 0.9195676445960999, 1.145089864730835, -0.421737939119339, -0.04183496907353401, -0.4703013002872467, 0.3082027733325958, 1.3366405963897705, 0.19941174983978271, -0.5857937335968018, -0.029630392789840698, -0.2797297537326813, 1.0218383073806763, -0.4570191502571106, -0.6364531517028809, -0.1527792364358902, 1.0229573249816895, -0.3447876572608948, -1.242052435874939, 0.2216719686985016, 0.800683856010437, 0.35568714141845703, 1.4191068410873413, -0.7971066832542419, -0.27143388986587524, 0.21787795424461365, 0.5677006244659424, 0.1660189926624298, 0.1707446277141571, -0.507773756980896, 0.952451229095459, 0.7666690945625305, 0.851499080657959, 0.41892510652542114, 0.5431385040283203, 1.1705976724624634, -0.37586846947669983, -0.8814456462860107, -0.13837718963623047, -1.4268051385879517, -0.816417932510376, 0.06273413449525833, -0.4424375891685486, -1.0843347311019897, 0.675098180770874, -0.7847510576248169, -0.5051544904708862, 0.9407844543457031, -0.5578725934028625, -1.4361598491668701, 0.6729755401611328, 1.0761828422546387, -1.1683170795440674, -0.2592311501502991, -0.2876242995262146, -0.9526218175888062, -1.3085952997207642, -0.035453688353300095, -0.9965463280677795, 0.5074589848518372, -0.09613773226737976, 0.5865219831466675, -0.08745306730270386, -0.4957910180091858, -0.9768890142440796, 0.405234694480896, 1.4062644243240356, -0.6962948441505432, -0.2689379155635834, 0.019721729680895805, 0.7947143912315369, 0.09777451306581497, -1.0741971731185913, -0.49801307916641235, 0.6512553691864014, 0.9398128986358643, 0.5620166659355164, -0.6947262287139893, -0.9886525273323059, -0.0023572808131575584, 0.4044225811958313, 1.0886201858520508, -1.397174596786499, -0.11653748154640198, -0.03103409707546234, 0.690196692943573, 0.7563095092773438, -0.3488152027130127, -0.5398926138877869, 1.1260650157928467, -0.1689378321170807, 0.4744753837585449, 0.48205098509788513, 0.8843201994895935, 0.4222036600112915, 0.18366119265556335, -0.029673291370272636, -0.40132996439933777, -10.40436840057373, 0.10177931934595108, -0.6420623064041138, 0.007431142032146454, 0.8965704441070557, -0.29686734080314636, 0.9886363744735718, -0.6665998697280884, 0.5214153528213501, -0.49846282601356506, 0.9597053527832031, 1.349044919013977, 0.5353297591209412, -0.3212102949619293, -0.839377224445343, -1.3308396339416504, -1.1485247611999512, -0.38477855920791626, 0.519348680973053, 0.6292943358421326, -1.3187627792358398, -1.397107481956482, 0.4841609001159668, 0.12349522113800049, 0.7782549262046814, -0.08116278797388077, -0.20229655504226685, 0.08140422403812408, -0.41399115324020386, -0.21150517463684082, 0.49058929085731506, 0.43185240030288696, -1.1857587099075317, -0.445338636636734, 0.7959685325622559, -0.03890037536621094, -0.8696797490119934, -0.35701608657836914, 1.3106023073196411, 0.16793949902057648, -0.4129177927970886, 0.10851167142391205, 0.5425868034362793, -0.05759095400571823, -0.32978111505508423, 0.33365398645401, 0.15753401815891266, -0.8588428497314453, 0.6670907139778137, -0.9498573541641235, -0.7200185656547546, -0.6847155094146729, -1.2963975667953491, -0.9805184006690979, 0.3357779085636139, 0.20636732876300812, -0.3652821481227875, 0.1295803040266037, -0.025629665702581406, -1.553159236907959, -0.016375452280044556, -0.036346979439258575, -0.3131232261657715, -0.04916391894221306, -0.16311556100845337, -0.2351233959197998, 0.27625739574432373, 0.038487695157527924, 0.2845110595226288, 0.30209022760391235, -0.7826179265975952, 0.5033851265907288, -0.2854425013065338, 0.05021433159708977, -0.4198845624923706, -0.20268574357032776, -0.3903346061706543, -0.6281752586364746, 0.5653493404388428, -0.44391876459121704, -0.8114196062088013, 0.6967529058456421, -0.14209535717964172, 0.1959957480430603, -0.4290216565132141, 0.18075869977474213, -0.401737242937088, 0.178927481174469, 0.941652774810791, -0.1657969355583191, 0.6385044455528259, -0.254942923784256, -0.031246855854988098, 0.1483670473098755, -0.7414124011993408, 0.8725308775901794, -0.4117104709148407, 1.4967281818389893, 0.4951038658618927, -0.2622426152229309, 0.08328951895236969, -0.2037726640701294, -0.334287166595459, -0.3867780566215515, 0.6323471665382385, 0.3995702266693115, 0.2527312934398651, 0.02477337419986725, 0.14376547932624817, -0.3393615186214447, 1.624666452407837, 0.32941779494285583, 0.053138040006160736, 0.6043626070022583, 0.1956835687160492, 0.7449856996536255, 0.622162938117981, 0.08541449904441833, 0.8470353484153748, 0.7069632411003113, -0.26914769411087036, 0.9460218548774719, 0.15320691466331482, 0.8632513284683228, -0.1342519074678421, 0.1865609735250473, 0.7149466872215271, 0.5750057697296143, -0.13890698552131653, -1.8302397727966309, -0.19728690385818481, 0.08696344494819641, -0.019794100895524025, -0.841147243976593, -0.18430669605731964, -0.7313771843910217, -1.15784752368927, 1.2898626327514648, -0.13768847286701202, -0.128555029630661, 0.2436666637659073, -0.8972654938697815, 0.16039404273033142, -0.5471741557121277, -1.2073032855987549, 0.02699640393257141, -1.9090403318405151, -0.39049434661865234, -0.2317093014717102, -1.324327826499939, 0.6550137996673584, 0.1498837172985077, 0.6745776534080505, -1.365219235420227, -0.13713978230953217, 0.3296873867511749, -0.08823513984680176, -0.2632567882537842, -0.5121052265167236, 0.14196819067001343, 0.4963037669658661, 1.2757561206817627, -0.9643106460571289, 0.9728052020072937, 0.5587190389633179, 0.3779880404472351, -0.5335079431533813, -0.10161687433719635, -0.7052485942840576, 0.28352588415145874, 0.6197771430015564, -0.9383679032325745, -0.7190744280815125, -0.41041165590286255, -0.7607300877571106, -1.1331379413604736, 0.4205361604690552, 1.5051161050796509, -0.6214790940284729, 0.18193571269512177, 0.25632336735725403, 0.5992796421051025, -0.3211970627307892, -0.17655852437019348, -0.6832783222198486, -0.19845229387283325, -0.17408165335655212, 1.3185193538665771, 0.09758912026882172, 0.5091260671615601, -2.021841049194336, -1.0439538955688477, -0.3864160478115082, -0.03741895407438278, 0.5148391723632812, -0.5122108459472656, 1.0986350774765015, 0.3405599594116211, 0.4195503294467926, 0.23840764164924622, -0.42434337735176086, 0.4004267752170563, 0.7129662036895752, 0.6551850438117981, 0.2750108242034912, 0.027931034564971924, -0.7637996673583984, -0.13466615974903107, -0.27591821551322937, 0.3508130609989166, -1.8184399604797363, -0.10896817594766617, 0.34422439336776733, -0.17504410445690155, 0.39839303493499756, -0.42220181226730347, 0.8077885508537292, 0.3920883238315582, -0.07786862552165985, -1.367202639579773, 0.2589050233364105, 1.6322520971298218, -5.7153403759002686e-05, 0.3386857807636261, 0.463216096162796, 0.5480465292930603, 0.47738906741142273, 0.5687420964241028, 2.1083357334136963, -0.027372796088457108, -0.7884877324104309, -0.33076053857803345, 0.6369531154632568, -0.24903255701065063, -0.14969941973686218, 0.4749213457107544, -1.559213399887085, 0.49404436349868774, -0.9462149739265442, 0.4871871769428253, -0.6612975001335144, -0.15344229340553284, 0.5906112790107727, 0.5630374550819397, -0.19271358847618103, -1.1066235303878784, -0.18189802765846252, -1.0990362167358398, 0.02198510244488716, 0.16077592968940735, 0.9546815752983093, 0.8186507225036621, 0.6444461345672607, 0.36078280210494995, 1.3315699100494385, 0.14864018559455872, -0.06924058496952057, -0.3256681263446808, 0.21420258283615112, 1.194785475730896, 0.7968407273292542, 0.7420853972434998, -0.2814081907272339, -0.6360442042350769, -0.5483009219169617, -0.550074577331543, -0.5435720086097717, 0.9066507816314697, 0.9106022119522095, -0.10980100929737091, 0.21949489414691925, -0.9090000987052917, 1.1243348121643066, -0.5273469090461731, 0.5531697273254395, 0.9173001646995544, -0.28902673721313477, -0.9525833129882812, -0.6611713171005249, 0.0822138637304306, 1.5693352222442627, -1.0133672952651978, 0.07887699455022812, -0.2922990322113037, 0.7427144646644592, -0.371844619512558, -0.4752827286720276, -1.186971664428711, 0.45378369092941284, -0.746386706829071, 0.2842400074005127, 0.4587530493736267, -0.3965480327606201, -0.8719818592071533, -0.10873344540596008, -0.981837809085846, 0.6020702123641968, -0.019625477492809296, -0.3724820911884308, -0.4991062581539154, 0.8521575927734375, -0.6869990825653076, -0.11298470199108124, 0.41294676065444946, -0.2117888629436493, -1.676539421081543, 1.345408320426941, 1.580657958984375, -0.7499971985816956, -1.1613553762435913, 0.09737297892570496, -0.036020226776599884, 0.36017531156539917, 0.9866819977760315]} +{"paper_id": "few_rel", "embedding": [-0.34811773896217346, 0.6936250329017639, -0.2745676636695862, -0.33497652411460876, 0.5942954421043396, -0.002166418358683586, 1.6429338455200195, 0.5450255274772644, 0.6287986040115356, 0.7735496163368225, -0.05928611755371094, -0.3640124797821045, -1.0011048316955566, -1.0892261266708374, -0.31368041038513184, -0.776667594909668, -0.7570226788520813, -0.35361364483833313, -1.2604939937591553, -0.5494183301925659, -0.6257376074790955, -0.6491098403930664, 0.08423158526420593, 0.23093771934509277, -0.13946102559566498, -0.8091315627098083, 1.3629283905029297, -0.8773936629295349, 0.8019471168518066, 0.8315193057060242, -0.3758419156074524, 1.5914950370788574, -1.3154995441436768, -0.1308126002550125, -1.194954752922058, 0.018036967143416405, 0.9241357445716858, 1.0568937063217163, -0.18969614803791046, -0.4573582410812378, -0.4227078855037689, -0.6551709771156311, 0.5218684673309326, 0.5865187048912048, 1.1645427942276, -0.2627923786640167, -0.16990038752555847, 0.3482820391654968, -0.893574595451355, -0.10750314593315125, -0.43254801630973816, 0.18622618913650513, 0.35745885968208313, 0.23448675870895386, -0.16975119709968567, 1.4249058961868286, -0.3751939535140991, -0.8049308061599731, 0.3055688440799713, 0.11196926236152649, 1.427779197692871, 0.9505251049995422, 0.20794230699539185, -0.133802130818367, 1.412735104560852, -0.2143111377954483, 1.000666856765747, 0.5245417952537537, 0.36940813064575195, 0.4395531415939331, -0.6622446179389954, -0.902594804763794, -0.8546047210693359, -0.4534917175769806, 0.15280774235725403, 0.5937362909317017, 0.3023422062397003, 0.008192900568246841, 0.4274641275405884, 0.4802091419696808, 0.03042769432067871, 1.332251787185669, 0.5928001403808594, 0.04095527529716492, 0.060563668608665466, -0.3961170017719269, 0.5982803106307983, -0.21861876547336578, 0.8272486329078674, -1.338520884513855, 0.8867682814598083, -0.3778240978717804, 0.02319047972559929, 0.302254319190979, -0.5411849617958069, 0.6261842846870422, -0.6510746479034424, -0.4084617793560028, -0.20889154076576233, 0.6761904954910278, 0.6610276699066162, -0.7308706045150757, 0.027533438056707382, 0.31469643115997314, 0.4019980728626251, 1.1328436136245728, 0.10509912669658661, 0.2966495156288147, -0.8286930322647095, -0.15507124364376068, -0.6393858790397644, 1.8990675210952759, -0.0027294494211673737, 0.35952821373939514, -0.14970198273658752, -0.02180025354027748, 0.2356310486793518, -0.03449522331357002, -0.8715835213661194, 0.17095711827278137, -0.14862333238124847, -0.8755713105201721, -0.17990803718566895, -1.0013859272003174, 1.2391506433486938, -0.7193276286125183, 1.0627564191818237, -0.3049949109554291, 0.49143165349960327, 0.23683705925941467, 0.3510805666446686, 0.4378923177719116, -0.7530097365379333, -0.178270161151886, 1.9044229984283447, -0.4219743311405182, 2.2238996028900146, -1.2357211112976074, -0.6269927024841309, -0.6489661931991577, 0.010001793503761292, 0.9474421143531799, -0.12495273351669312, 0.3320365250110626, -0.18999190628528595, -0.14299216866493225, -0.4440425932407379, 0.6052505373954773, -0.9260852336883545, -1.0298765897750854, -0.9955487847328186, 0.13411033153533936, -1.3257577419281006, -1.2853776216506958, 0.4299875795841217, -0.1275404989719391, -0.006156379356980324, 0.42529577016830444, -0.7655282616615295, 0.8943663835525513, 0.06323796510696411, -0.42810553312301636, -0.33018893003463745, 0.2610746920108795, -0.024376483634114265, 0.0981716439127922, 1.1424505710601807, 0.2703317701816559, -0.7406205534934998, -0.1798359453678131, 0.9770861864089966, -0.5998468399047852, 0.05721418559551239, -0.3789895474910736, -0.4025112986564636, 0.0840703696012497, 0.5314997434616089, 1.024441123008728, 0.6522148847579956, -0.2968619763851166, -0.40450939536094666, -0.3833370804786682, 0.11550653725862503, -0.17513644695281982, 0.40355122089385986, 0.3278682827949524, -3.2460033893585205, 0.03456174582242966, -0.3336626887321472, 0.6928211450576782, 0.59758061170578, -0.15865224599838257, 0.4664190709590912, 0.8160708546638489, -0.6114249229431152, -1.079118013381958, 1.0656776428222656, -0.7029826641082764, -0.5352214574813843, 0.4182451367378235, 0.17558076977729797, -0.23604516685009003, -0.0437987856566906, 0.6928621530532837, 1.2070578336715698, 0.11775294691324234, -0.3936029374599457, -2.485663414001465, -0.031647950410842896, 1.6091582775115967, 0.17214001715183258, -0.794673502445221, -0.8975679874420166, -0.455069363117218, 0.7373033165931702, -0.27458906173706055, 1.3032950162887573, -0.5062445998191833, 0.0542682483792305, -0.5306472182273865, 0.12021435797214508, -1.1700953245162964, 0.4642040431499481, 0.35276710987091064, 1.450256109237671, -0.5607486963272095, 0.10900646448135376, -0.32967478036880493, -1.0140633583068848, 0.5837083458900452, 0.6810714602470398, -0.08762768656015396, -0.25677376985549927, 1.1191697120666504, 0.659098744392395, 0.37030136585235596, 0.32540321350097656, 0.43812617659568787, -0.592680811882019, -0.39659905433654785, 0.13800989091396332, 0.06022939085960388, -0.293690025806427, 0.340628981590271, 1.0716756582260132, -0.08283869177103043, -0.2087758630514145, -0.6329601407051086, -0.027130575850605965, 0.0176248699426651, 1.187626600265503, 0.6585499048233032, 0.12272313237190247, 0.434499055147171, 0.10325929522514343, -0.2322414219379425, 0.26997166872024536, -0.5244060158729553, 0.3900935649871826, -0.2430264800786972, 0.741492509841919, 0.03955749422311783, -0.12888136506080627, -1.0018725395202637, -0.15071003139019012, -0.6664225459098816, -0.23956409096717834, 0.3372664451599121, -0.5390933156013489, -1.318577527999878, -0.1292235255241394, 0.24168814718723297, -0.803689181804657, -0.7136620879173279, 0.22992385923862457, 0.44051429629325867, 0.2798974812030792, 1.0590670108795166, 1.307892918586731, 0.12808753550052643, -0.29840588569641113, -0.04941441863775253, 0.7089244723320007, 0.12267458438873291, 0.6564575433731079, -0.6842962503433228, 0.9188387989997864, -1.270613670349121, -0.1829719841480255, -0.5463962554931641, 0.8894414305686951, -0.5891551971435547, 0.39835482835769653, 0.7138476371765137, -0.21766386926174164, -1.1842842102050781, 1.6335152387619019, -0.2515740990638733, 0.07884292304515839, -0.4161500930786133, 0.9995988011360168, 0.6798591613769531, -0.4096234440803528, 0.21651695668697357, 0.1524507999420166, -0.5620043277740479, 1.834720253944397, -0.4624933898448944, 0.9794204831123352, 0.5536057949066162, -0.01712813600897789, 0.6786007285118103, -0.032300326973199844, -1.6126569509506226, -0.04486600682139397, 0.9989458918571472, -0.3090081810951233, -0.4450554847717285, -0.9687228798866272, 0.5406755805015564, -0.8357148766517639, 0.1114569902420044, -0.21312394738197327, -0.8344336748123169, 0.12218372523784637, -0.7057837843894958, 0.8307557702064514, 1.8719059228897095, -1.6142240762710571, 0.29037728905677795, 0.6358942985534668, 0.24677732586860657, -0.5253278017044067, -0.6918181777000427, 0.9981842637062073, -0.39232856035232544, -0.08155582845211029, 0.6140658259391785, 1.027246117591858, 0.8154078722000122, 0.2500164210796356, 0.38538092374801636, 0.9223822951316833, 0.27517566084861755, 0.13858424127101898, 0.3749181628227234, -0.06779436767101288, 0.9290090203285217, -0.393059641122818, 1.0064762830734253, -0.21430738270282745, -0.7373239994049072, -0.3971017301082611, 0.31278857588768005, -0.37965720891952515, 0.004497479647397995, 1.4259116649627686, 0.1565811038017273, 1.6168283224105835, -0.7012271881103516, 0.8359929919242859, 0.14490997791290283, 0.530046820640564, -0.06951236724853516, 1.0281403064727783, 0.3831647038459778, -0.3998100161552429, 0.1664312183856964, 0.3221439719200134, 0.3117319643497467, 0.15114565193653107, 0.06928859651088715, 0.7180481553077698, -0.4240023195743561, -0.7698424458503723, -0.12889908254146576, 0.3679441511631012, 0.7011454105377197, 1.8745551109313965, -0.17469516396522522, -0.905380368232727, 0.08187869191169739, -0.000840894877910614, 0.3888121247291565, -0.07804258167743683, -0.36458149552345276, 0.9629053473472595, 0.8931920528411865, 0.8395516276359558, -0.16440126299858093, 1.2330214977264404, 0.26227688789367676, -0.4030819237232208, -1.7433925867080688, -0.4127359390258789, -0.05841102823615074, -0.10729826241731644, -0.01726282387971878, -0.05524631217122078, -0.44135576486587524, 0.8173909783363342, -0.7378287315368652, -0.9895712733268738, 1.1468154191970825, 0.45554542541503906, -1.4980032444000244, 0.8960879445075989, 0.6108260154724121, -1.8247052431106567, -0.42543888092041016, 0.10844630002975464, -0.6872921586036682, 0.10875138640403748, -0.7139680981636047, -0.08659030497074127, 0.38418978452682495, 0.07192584872245789, 0.7236477732658386, -0.5650443434715271, -0.28353452682495117, -0.5284717679023743, 0.21799467504024506, 0.9013934135437012, -1.255261778831482, 1.1819663047790527, 0.9621502161026001, -0.6996453404426575, -0.4237717092037201, -0.9291834831237793, -0.5266179442405701, 0.5112097263336182, 0.54686439037323, -0.08645212650299072, -0.5745834112167358, -0.9732007384300232, -0.3116014003753662, -0.9492246508598328, 1.5599504709243774, -1.1238209009170532, 0.42855018377304077, -0.4575456976890564, -0.1751611828804016, -0.04450811445713043, -0.9784862399101257, -0.9839457869529724, 0.9685735106468201, -1.2284327745437622, 0.9516514539718628, 0.06737226247787476, -0.039970919489860535, 1.830615520477295, 0.20167678594589233, -0.08136424422264099, 0.4080002009868622, -11.180447578430176, 0.24897560477256775, -0.040798433125019073, -0.08388027548789978, 0.3135758340358734, -0.774613618850708, 1.015095829963684, 0.6502861380577087, 0.5270888209342957, -0.8645683526992798, 0.5026687979698181, 1.6855522394180298, -0.5917624235153198, -0.4452478289604187, -0.5350534915924072, -0.7803830504417419, -0.07658079266548157, -0.5300177931785583, 0.6840885281562805, 0.7234700322151184, 0.3812738060951233, -0.49144572019577026, -0.12653771042823792, -0.5530979633331299, -0.647969126701355, 0.18153175711631775, -0.5207467675209045, -0.6667665243148804, -0.4287826418876648, 0.6483232975006104, 0.8341760635375977, -0.8211221098899841, -0.30534660816192627, -1.2474145889282227, 0.48033952713012695, -0.10274729132652283, -0.3864424228668213, -0.23243257403373718, 0.2097262293100357, -0.12361662834882736, 0.12104937434196472, 0.4969892203807831, 0.20471787452697754, -0.4583461880683899, -0.09998054802417755, 0.571871280670166, -0.10201231390237808, -0.853657066822052, 0.16936811804771423, -0.20714887976646423, -0.49582594633102417, -0.9002951979637146, -0.5794943571090698, -0.1508188098669052, 0.7496005892753601, -0.4888242781162262, -1.1279246807098389, 0.022294117137789726, -0.6479582786560059, -1.0714116096496582, 0.6876742243766785, 0.12838128209114075, -0.10835028439760208, 0.24788156151771545, 1.0824849605560303, -0.8194025754928589, 1.0200722217559814, 0.6273311376571655, -0.7612074613571167, 0.5660439133644104, -1.2007232904434204, 0.2104368656873703, 0.577544629573822, 0.2096312940120697, -0.19464948773384094, 0.21987715363502502, -0.16118693351745605, 0.30379945039749146, 0.37168535590171814, 0.5485541224479675, -1.4465315341949463, 0.0628504529595375, -0.4290012717247009, -1.635988473892212, -1.2923310995101929, 0.15716654062271118, -0.31907889246940613, 0.025964397937059402, 0.44767090678215027, -0.1883499026298523, 0.7303165793418884, 0.33342379331588745, -0.3586302399635315, -0.8075833320617676, -0.5040687918663025, 0.9176934957504272, -0.3777824342250824, 0.2950187027454376, -0.8536216020584106, -1.297947645187378, 1.0194404125213623, 0.4580753743648529, 0.4873293340206146, 0.5318785309791565, 0.5029892921447754, 0.23214903473854065, 0.22552669048309326, 0.2778235077857971, -0.028455618768930435, 0.1082824245095253, -0.13096970319747925, -0.012739911675453186, -0.6645703315734863, 0.978073000907898, 0.10725773870944977, 0.28696301579475403, 0.40031298995018005, -0.25719988346099854, 0.18295669555664062, 1.2711589336395264, -0.6250147223472595, 0.5638241171836853, 0.2859634459018707, 1.053285002708435, 0.4249955713748932, -0.4715164005756378, 0.05643444135785103, 0.6076916456222534, -0.23474223911762238, -1.502417802810669, 0.6370983123779297, -0.14943134784698486, -0.050319112837314606, 0.11606847494840622, -0.6661554574966431, -0.2124311774969101, -0.19081005454063416, 1.4330143928527832, -0.8183733820915222, 0.20619651675224304, 0.3731270432472229, -0.6807014346122742, -0.8191245794296265, -0.2535853385925293, -0.8939559459686279, 0.7062992453575134, -1.1024277210235596, -0.11631907522678375, -0.8775795102119446, -0.20189622044563293, 0.050702258944511414, -0.21428510546684265, 0.4304002523422241, -0.6192261576652527, -0.5226166248321533, 0.033328428864479065, 0.40222612023353577, -0.19146963953971863, -0.2689591646194458, -0.11102806776762009, -0.36034095287323, 0.8056854605674744, -1.206545352935791, 0.8323239684104919, 0.4520154297351837, 0.020462553948163986, -0.9033310413360596, -0.5945698022842407, 0.4157419502735138, 0.07271955162286758, 1.3344072103500366, -0.5683146119117737, 0.5906717777252197, -0.0018671955913305283, -0.22366400063037872, -0.7774088382720947, 0.8587610125541687, 0.957417368888855, -0.9072237610816956, -0.00867500901222229, -0.27586907148361206, 0.27600160241127014, 0.1246337890625, -0.7066671848297119, 0.19535845518112183, 0.06399857252836227, 0.02266685478389263, 0.2766839265823364, -0.13461390137672424, 0.6943809986114502, -1.9064321517944336, -0.8844352960586548, 0.3060571849346161, -0.5000483393669128, 0.8285964727401733, 0.11783367395401001, 1.377630352973938, 0.1740810126066208, -0.3638046383857727, 0.23062455654144287, 0.3203888535499573, 0.39828985929489136, 0.3027207851409912, 0.7031440734863281, -0.5239959955215454, -0.37192270159721375, -0.7131049633026123, -0.2116272896528244, 0.10429885983467102, -0.054041169583797455, -0.9770504832267761, 0.9158376455307007, 0.36154425144195557, -0.33639028668403625, 0.33466774225234985, -1.1246033906936646, 0.7965046167373657, -0.7127143144607544, -0.3662204146385193, -1.0841253995895386, 0.3810713589191437, 0.9737919569015503, -0.9394612908363342, 1.6452885866165161, 0.28058183193206787, 0.6341050267219543, 1.1086235046386719, 0.03119911253452301, 1.5288373231887817, -0.19397889077663422, -0.6917557120323181, 0.3222039043903351, -0.14012494683265686, 0.008196674287319183, 0.018246300518512726, -1.3948729038238525, -0.890480101108551, 0.728242039680481, -1.1149744987487793, -0.147943913936615, -0.6444647312164307, 0.8476560115814209, 1.0917822122573853, 1.3580360412597656, -0.9264733791351318, -1.391351580619812, -0.04660632461309433, -0.9881628155708313, 0.8240882754325867, 0.7166368365287781, 0.47427672147750854, 0.9070862531661987, 0.8734715580940247, 0.1647985279560089, 0.8278830051422119, -0.38257041573524475, -0.587782621383667, -0.14751625061035156, 0.07123611867427826, 1.6213274002075195, 0.40432214736938477, -0.15713514387607574, -0.0905924066901207, 0.4970119297504425, -0.9748188257217407, 0.31467846035957336, -0.41363826394081116, 0.31321561336517334, 0.17695225775241852, -1.1588798761367798, -0.0845523551106453, -0.2816123366355896, -0.22666510939598083, -0.9597830772399902, 0.21998900175094604, 0.18327881395816803, -0.2289610356092453, -0.6975499391555786, -0.9701282382011414, -0.8171870112419128, 0.41547876596450806, -0.5444192886352539, -0.4141683578491211, -0.058394625782966614, 1.0945137739181519, 0.09833593666553497, -0.3803873658180237, -0.43032315373420715, -0.1585668921470642, -0.5683413147926331, 0.6063682436943054, -0.28315624594688416, -1.1799583435058594, -0.4111817181110382, 0.03775446116924286, -0.5422539114952087, 0.0704641342163086, -1.032373309135437, -0.20780041813850403, -0.08213354647159576, -0.5999283790588379, 0.49542883038520813, -0.1098654717206955, -0.354844331741333, 0.27481842041015625, -1.1258097887039185, 0.401305228471756, 0.2615137994289398, -0.38577550649642944, -0.6844702363014221, 0.08721984177827835, 0.6951465010643005, 0.0894407257437706, 0.9866427183151245]} +{"paper_id": "multidoc2dial", "embedding": [-0.9451647400856018, 1.223861813545227, -0.10095725953578949, 0.3814876675605774, 0.5740149021148682, -0.14416785538196564, 0.6538515686988831, 0.8715288639068604, 0.730419397354126, 0.9420780539512634, 0.4147354066371918, -0.48669490218162537, -0.537926971912384, -0.6425951719284058, -0.3764096796512604, -0.08132394403219223, -0.6970722079277039, -0.8522077202796936, -0.707890510559082, -0.6978107690811157, -0.4152722954750061, -0.7403199672698975, -0.7359246015548706, 1.4389580488204956, -0.8687503337860107, -0.4290350377559662, 1.361482858657837, -1.2190070152282715, 0.10176335275173187, 0.4303385317325592, -0.21062472462654114, 1.4444494247436523, -1.303045630455017, 0.18561816215515137, -0.005914755165576935, -0.31330615282058716, -0.12035699188709259, 0.7116440534591675, -0.746964693069458, 0.43340572714805603, -0.7251752018928528, 0.0460481196641922, -0.10856930911540985, 0.8160563111305237, 0.29071149230003357, 0.24962952733039856, -0.10242169350385666, 0.5207173228263855, -0.6584568023681641, -0.33012062311172485, -0.9610050916671753, 0.3400830924510956, -0.13237500190734863, 0.7719753980636597, -0.04526595026254654, 1.6194709539413452, 0.2122189700603485, -0.5939698219299316, 0.10406875610351562, -0.09693752229213715, 1.6092721223831177, 1.1848145723342896, -0.7401766777038574, 0.08290243148803711, 0.8421065807342529, 0.07854302227497101, 1.0267146825790405, -0.3309377431869507, -0.07316071540117264, 0.6956555843353271, -0.14320091903209686, -1.1043082475662231, 0.3453163802623749, -0.8573364019393921, -0.17805880308151245, 1.318292498588562, 1.4088718891143799, 0.10499565303325653, -0.6354366540908813, -0.01887318678200245, 0.7937146425247192, 0.8125227689743042, 0.609319269657135, 0.24068045616149902, 0.8503331542015076, 0.21412426233291626, 0.577605128288269, -0.002799117937684059, 0.13710415363311768, -2.7062113285064697, 0.6497657895088196, 0.2853687107563019, 0.047983862459659576, -0.3217977285385132, -0.5469750165939331, 0.07435453683137894, -0.263647198677063, -0.7993670105934143, -0.2305082082748413, -0.08429868519306183, 0.3861718475818634, -0.4186665117740631, -0.07764530926942825, -0.7606598138809204, 0.2508361339569092, 0.19709020853042603, 0.46163278818130493, 0.3844524919986725, -0.2592158913612366, -0.7985869646072388, 0.5366441607475281, 1.03764808177948, 0.1866929829120636, 1.3874483108520508, -0.01075719017535448, 0.2816663682460785, 0.46468600630760193, -0.6883717775344849, -0.2251073271036148, 0.33805400133132935, 0.06981728225946426, -0.22427812218666077, -0.004505552351474762, 0.12753215432167053, 0.3154488205909729, -0.9626532793045044, -0.20375411212444305, -1.0470033884048462, 0.04147165268659592, -0.9076579213142395, 0.1478128880262375, -0.2925785183906555, -0.5720791220664978, -0.508866012096405, 2.3470733165740967, -1.3057297468185425, 1.707495927810669, -0.7976638674736023, -0.9729809165000916, -0.6815544366836548, 0.34450891613960266, 1.6095389127731323, -0.27807530760765076, -0.8197121024131775, 0.1380651891231537, 0.2876688838005066, -0.5896279811859131, 0.4833029806613922, -0.3736816346645355, -0.8358554840087891, -0.15846827626228333, 0.11087691783905029, -1.6072131395339966, 0.24462637305259705, -0.7876766324043274, -0.16646330058574677, 0.36694416403770447, 0.7834553718566895, -0.26978716254234314, 1.3774839639663696, 1.5412328243255615, 0.03665560856461525, -0.4954110383987427, 0.30730462074279785, -1.445565938949585, -0.6103328466415405, 0.5660520792007446, -0.009052660316228867, -1.0492215156555176, -0.9361387491226196, 0.8611327409744263, -0.43959373235702515, -0.13742975890636444, -0.21833859384059906, -0.17439447343349457, -0.24947214126586914, 1.0835747718811035, 0.7643210887908936, 0.2709046006202698, -0.41054362058639526, -0.48429933190345764, -0.401731014251709, -0.20611009001731873, 0.6856573820114136, -0.41633161902427673, 0.5739143490791321, -2.408607244491577, 0.055634111166000366, -0.7631992101669312, 1.1726317405700684, 0.31955742835998535, -0.5232495665550232, 0.1985844373703003, -0.5225070714950562, 0.4891674518585205, -0.8763951659202576, 0.4880511164665222, -1.424862027168274, 0.5826093554496765, 0.06372696161270142, -0.41185399889945984, -0.15752916038036346, 0.7850783467292786, 1.2543385028839111, 0.9325799942016602, -0.9165616035461426, -0.676169216632843, -1.774963617324829, -0.07822337001562119, 2.172335147857666, 0.3660593628883362, -0.715674102306366, -1.0778089761734009, -0.30051881074905396, 0.10786255449056625, 0.3670957684516907, 0.13031941652297974, -0.6928187012672424, -0.16007748246192932, -1.3104455471038818, 0.17541322112083435, -0.7509137988090515, 0.7532666325569153, 1.0111067295074463, 0.9420394897460938, -0.6244134306907654, -0.07088607549667358, -0.3172648251056671, -1.1321392059326172, -0.020954228937625885, 0.434304416179657, 0.23433464765548706, 0.4777204692363739, 0.870389461517334, -0.011613264679908752, -0.14311842620372772, 0.40086284279823303, 0.33480292558670044, -0.5360506772994995, 0.4577556848526001, 0.9278406500816345, 1.6358895301818848, -0.16546155512332916, 0.4512251019477844, -0.22593341767787933, 0.26979854702949524, 0.24976959824562073, -0.8512645363807678, -0.4124419689178467, -0.4097481966018677, 1.1102288961410522, 1.5840940475463867, 0.07641556859016418, 0.7042891383171082, 0.0005199722945690155, -0.1880565881729126, -0.7982238531112671, -0.9004454612731934, -0.3650774359703064, -0.11964741349220276, 1.1476340293884277, 0.5869354605674744, 0.604009747505188, -0.7628630995750427, 0.24643006920814514, -0.9229671955108643, -0.4839763939380646, 0.28691333532333374, -0.6259810924530029, -1.7387921810150146, 0.20385658740997314, -0.0723331868648529, -0.9834363460540771, -0.2362014353275299, -0.048406925052404404, 0.42379632592201233, -0.1385127604007721, 0.6233506202697754, 1.3134355545043945, 0.815606951713562, -0.4744691848754883, -0.5654169321060181, 0.6758323907852173, -0.732703685760498, 0.750049352645874, -0.8016184568405151, -0.8666054010391235, -1.0691807270050049, 0.8509306907653809, 0.12676073610782623, -0.13867422938346863, 0.24885189533233643, -1.3973792791366577, 0.6829635500907898, -0.01962578296661377, -1.035717487335205, 1.2554285526275635, -0.3231557011604309, 0.057557038962841034, -0.36964553594589233, 1.957211971282959, -0.11946187913417816, -0.3726957440376282, 1.0362393856048584, -0.10599734634160995, -0.27191558480262756, 1.4326411485671997, -0.15670597553253174, 0.884164035320282, 1.0846444368362427, -0.3341057598590851, -0.2144315391778946, 0.2179013192653656, -1.8768497705459595, 0.1658066213130951, 1.1817519664764404, -0.4602273106575012, -0.023327592760324478, -1.107575535774231, 0.62431401014328, 0.3310590088367462, -0.02218296006321907, 0.18530040979385376, -1.057476282119751, 0.304155170917511, -0.2722061276435852, 0.04763224720954895, 1.3894261121749878, 0.03631056845188141, 0.3730381727218628, 0.6955797672271729, 0.0348268486559391, -1.0581761598587036, -0.37183547019958496, 0.6844655275344849, -0.2788107395172119, -0.15403679013252258, 0.324970006942749, 0.6647816896438599, 1.3021639585494995, -0.2992033064365387, 0.1889442503452301, 1.5844175815582275, 0.2482687532901764, 0.7344325184822083, 0.05487654730677605, -0.387978732585907, 1.2692313194274902, -0.7954858541488647, 1.4138814210891724, 0.5268340706825256, -0.9162574410438538, -1.988824486732483, -0.35320061445236206, -0.6779265999794006, -0.8325899243354797, 1.5535202026367188, 0.2622830271720886, 2.3284695148468018, -0.13297225534915924, 0.1460937261581421, -1.4156726598739624, -0.4151424765586853, 0.6928892731666565, -0.023531857877969742, -0.5919916033744812, -0.7423855066299438, 0.0989118218421936, 1.0910985469818115, -0.10088175535202026, -0.5467263460159302, -0.9303967356681824, 0.9485481977462769, 0.09212583303451538, -1.0533300638198853, 0.26734021306037903, 1.1638622283935547, 0.04729415103793144, 1.267409086227417, -0.9288877844810486, -0.583471417427063, 0.595498263835907, 0.9052006602287292, 0.3557218313217163, 0.723376989364624, -0.7795108556747437, 0.9493672251701355, 0.5932002067565918, 0.36470651626586914, -0.41701555252075195, 1.6249737739562988, 0.14472998678684235, -0.5952445864677429, -1.5093483924865723, -0.5324432253837585, -0.681201159954071, -0.8719222545623779, -0.03776015713810921, 0.09889639914035797, -0.8992518186569214, 0.9613611102104187, -0.30253639817237854, -0.31258827447891235, 0.7671087980270386, -0.24501976370811462, -0.8471561670303345, 0.4427240490913391, 1.0634218454360962, -1.4757400751113892, -0.3251960575580597, 0.04300658404827118, -0.903886616230011, -0.19611820578575134, -0.5250658988952637, -0.7845397591590881, 1.3118332624435425, 0.2046707570552826, -0.049774643033742905, 0.3600454330444336, 0.04323762655258179, -0.3483178913593292, 0.7636764645576477, 0.7660089135169983, -0.8633790016174316, 0.96701979637146, 0.6682729721069336, 0.7472378015518188, 0.316056489944458, -1.1056339740753174, -0.9126794934272766, 1.577842354774475, -1.1211209297180176, 0.06444083154201508, -0.4813145101070404, -0.4398573040962219, 0.7197093963623047, 0.20465801656246185, 0.1463051587343216, -0.9239640831947327, -0.09232772141695023, -0.4979354739189148, 0.03689229488372803, 0.8039445877075195, -1.358808994293213, -1.4661579132080078, 0.07657763361930847, -0.5525914430618286, 0.4238365888595581, -0.17054370045661926, 0.4764822721481323, 2.086104393005371, 0.8379848003387451, 0.1743832677602768, -0.23840931057929993, -9.766280174255371, 1.2140729427337646, 0.32568514347076416, -0.3743174076080322, 0.784586489200592, -0.30324220657348633, 0.7646806240081787, 0.32002508640289307, 1.0124136209487915, -0.861758291721344, 0.5819160342216492, 0.9365093111991882, -0.16383770108222961, -0.9049578905105591, -0.6176731586456299, -1.2361257076263428, -0.723657488822937, -0.5238612294197083, -0.29187247157096863, 0.3613356351852417, 0.2641635239124298, -0.38271814584732056, -0.15253165364265442, 0.49889683723449707, -0.5952335000038147, -0.2983105480670929, -0.03997810184955597, -0.3981667160987854, -0.17754337191581726, -0.1381075531244278, 0.9839373230934143, -0.36368802189826965, -0.191995307803154, -1.3366894721984863, 0.6272467374801636, 0.16154377162456512, -1.0508707761764526, -0.5406873226165771, 0.4640725553035736, -0.8119193911552429, -0.6575628519058228, 0.10717539489269257, 1.1074182987213135, 0.369146466255188, -0.05918758735060692, -0.011307664215564728, 0.03647397458553314, -0.7505826950073242, 0.043230533599853516, -0.5925060510635376, -0.8652583956718445, -0.45632126927375793, -0.7959429025650024, 0.33294564485549927, -0.008836431428790092, -0.9912737607955933, 0.046174220740795135, 0.7580657005310059, -0.24773958325386047, -0.8220685720443726, 0.2830370366573334, -0.13487966358661652, -0.22413766384124756, 0.11344119906425476, 0.7281315326690674, -0.5918419361114502, 0.9446011185646057, 0.19042131304740906, 0.45653268694877625, 0.7886102199554443, -0.9632952809333801, 0.18354220688343048, -0.3251610994338989, 0.06459826231002808, 0.054755814373493195, -0.06411606818437576, -0.5098593831062317, -0.4077455699443817, 1.0830204486846924, 0.32994896173477173, -0.41740119457244873, 0.43745267391204834, 1.2668452262878418, -0.6436495780944824, -1.0817651748657227, -0.08633164316415787, 0.18063828349113464, 0.01929134503006935, 1.2031456232070923, -0.8990984559059143, 1.416577696800232, 0.5208912491798401, -0.48382216691970825, -0.12913234531879425, -0.8901100754737854, 0.35679203271865845, 0.07181210815906525, 0.7909141778945923, 0.553907036781311, -0.3845917284488678, -0.13861972093582153, -0.1564367115497589, -0.2784276306629181, -0.47352203726768494, 0.5609591603279114, 0.08896324783563614, -0.49883782863616943, 1.175893783569336, -0.13540610671043396, -0.3687587380409241, 0.8286194205284119, 1.0963728427886963, -1.0139044523239136, 0.36591148376464844, -0.686627984046936, 0.7033710479736328, 1.018094778060913, 0.07536901533603668, 0.38578730821609497, 1.7639358043670654, -0.11468883603811264, 1.5957967042922974, -0.1319723129272461, 0.8776151537895203, -0.04221300035715103, -0.38285520672798157, 0.40991365909576416, 0.4861002564430237, -0.7377661466598511, -1.1087170839309692, -0.29702067375183105, -0.07480858266353607, 0.6104898452758789, -0.511435866355896, -0.9674410820007324, -0.02947133220732212, -0.39750784635543823, 1.5386995077133179, 0.10390153527259827, 0.5728749632835388, -0.4403252601623535, -0.8599496483802795, 0.5878734588623047, -1.3448623418807983, -0.6369203925132751, 0.11190322786569595, -1.928110122680664, 0.36741673946380615, -0.9681754112243652, 0.18093158304691315, 1.0777337551116943, 0.24344757199287415, 0.626798152923584, -0.8543243408203125, -0.6636284589767456, 0.2156614363193512, 0.18792133033275604, -0.19332386553287506, -1.2902843952178955, 0.05480101704597473, -0.43417102098464966, 1.124811053276062, -0.8963571786880493, 0.8799751400947571, 0.2871415317058563, -0.2989354133605957, -1.1933673620224, 0.26716670393943787, -1.7542628049850464, 0.115882508456707, 1.6003566980361938, -1.437354564666748, -0.27285414934158325, -0.7018824219703674, 0.13087043166160583, -0.6408787369728088, 0.6769990921020508, 0.7727102041244507, -0.8394750952720642, 0.06428808718919754, -0.2549802362918854, 0.3793502151966095, 0.21440911293029785, 0.2293156087398529, -0.007419772446155548, -0.03399937227368355, -0.22096556425094604, 0.3739987015724182, 0.22723114490509033, 0.38654622435569763, -1.176287293434143, -1.2765614986419678, -0.0024412176571786404, -0.9345441460609436, -0.37876245379447937, -0.4124836325645447, 1.57774019241333, 0.7718390822410583, 0.04059620201587677, 0.2956506609916687, 0.7746542096138, 0.4422367215156555, 0.15237371623516083, 0.6675348281860352, -0.28265380859375, -0.19008859992027283, -0.7816173434257507, 0.3358623683452606, 0.3901686668395996, 0.34959572553634644, -0.12256863713264465, -0.17542997002601624, 0.7309864163398743, -0.01514510065317154, 0.7561935782432556, -1.3703504800796509, 0.3104170262813568, -0.11186923086643219, -0.2687613368034363, -1.4819138050079346, -0.06547210365533829, 0.8753216862678528, -0.34027087688446045, 1.1699714660644531, 0.7023367881774902, 0.2837566137313843, 0.9973777532577515, -0.28018438816070557, 0.7258598208427429, -0.11427585780620575, -0.332612544298172, 0.45282334089279175, 0.625630259513855, 0.3461644947528839, -0.13710449635982513, -1.0408767461776733, -0.8478636741638184, 0.522752583026886, -1.2026379108428955, 0.3649958074092865, -0.33241719007492065, 0.1866196095943451, 1.1024056673049927, 1.8327490091323853, -1.015807867050171, -1.1658966541290283, -0.9116855263710022, -1.232012152671814, 0.09826011955738068, 0.6741318702697754, 0.705621600151062, 0.09010051190853119, 0.5606489181518555, 0.06547196954488754, 1.1184570789337158, -1.0201929807662964, -0.08870331943035126, 0.43347135186195374, -0.4979308843612671, 0.2775658965110779, 0.38387638330459595, 1.082094430923462, 0.35732340812683105, -0.09202257543802261, -1.0898997783660889, -0.010978976264595985, 0.027195490896701813, 0.43333107233047485, 0.9415649175643921, -0.6786036491394043, -0.5093597173690796, -0.6652159094810486, 0.7402953505516052, -0.41190627217292786, 0.7189844250679016, 0.1480780839920044, -0.8683229684829712, -0.6356853246688843, -1.5310192108154297, -0.8059989809989929, 0.46996644139289856, -0.010489661246538162, -0.36033082008361816, -0.28099656105041504, 0.806402325630188, 0.16808389127254486, 0.28530770540237427, -0.9673409461975098, 0.06273265182971954, -1.1838927268981934, 0.7749459147453308, -0.35148903727531433, -0.21323803067207336, -0.7338788509368896, 0.23464366793632507, -0.9547674655914307, 1.1369725465774536, 0.02522316575050354, -1.2732582092285156, -0.8207377195358276, 0.2838367819786072, 0.6113821268081665, 0.2603956162929535, 1.117402195930481, 0.2973271906375885, -1.8038283586502075, 1.294769525527954, 1.2760391235351562, 0.13602352142333984, -0.906734824180603, 0.44042065739631653, -0.672633171081543, 0.1185268983244896, 1.084497094154358]} +{"paper_id": "kor_nli", "embedding": [-0.2551712095737457, 1.4899488687515259, 0.2565440237522125, -0.5036194324493408, 0.7738465070724487, -0.24129757285118103, 0.18560996651649475, 0.49630457162857056, 0.6360702514648438, 0.7824354767799377, 0.07846563309431076, -0.21548880636692047, -0.24092966318130493, -0.23818354308605194, -0.5443823337554932, -0.28699177503585815, -1.4254487752914429, -1.3467049598693848, -1.7043050527572632, -0.33630239963531494, -0.5191829204559326, -0.7828214168548584, 0.1212259978055954, 0.4571792483329773, -0.5110586285591125, -0.8376535773277283, 0.7084105610847473, -1.362255573272705, 0.27727067470550537, 0.41260260343551636, -0.5021708607673645, 0.7093822360038757, -1.515389323234558, 0.4590032398700714, -0.26945897936820984, -0.1751275211572647, 0.5412982106208801, 0.8670925498008728, -0.5312649607658386, -0.1525997668504715, -0.8212148547172546, -0.45774295926094055, 0.3800363540649414, -0.09861987084150314, 0.9865031838417053, -0.5471532344818115, -0.3723132610321045, 0.4055992364883423, -0.1229252740740776, 0.04865332320332527, -0.6362758874893188, -0.3828028738498688, 0.25376391410827637, 0.3407396674156189, -0.5950291156768799, 1.4928476810455322, 0.3765672743320465, -1.108007550239563, 0.8295345902442932, -0.8631726503372192, 1.1533068418502808, 1.8929425477981567, -0.6206792593002319, 0.37915584444999695, 0.8121396899223328, 0.08754493296146393, 1.66170334815979, 0.4025915861129761, 0.6345095634460449, 0.37788185477256775, -0.028583787381649017, -1.1936533451080322, 0.7901110053062439, -0.19476035237312317, 0.6483860015869141, 1.211122751235962, 0.4725521504878998, 0.47314807772636414, 0.17366597056388855, -0.14407315850257874, -1.1518861055374146, 0.8139737844467163, 1.353717565536499, -1.1042531728744507, -0.2672935724258423, 0.5283084511756897, 0.12682685256004333, -0.6147140860557556, 1.0721076726913452, -1.8963699340820312, 0.3787418603897095, 0.23967044055461884, -0.450971782207489, 0.30077484250068665, -0.24825575947761536, 0.4975295662879944, -0.2510635256767273, -0.2833767533302307, -0.23005877435207367, 0.11628451198339462, 0.992360532283783, -0.3927319049835205, 0.3057619035243988, -0.37457722425460815, 0.4642510712146759, 0.9375425577163696, -0.29007261991500854, -0.42479899525642395, -0.896772027015686, -0.4827926754951477, 0.5927408933639526, 1.3983293771743774, -0.28289300203323364, 0.3149770498275757, -0.027882855385541916, -0.13222292065620422, 0.02367550879716873, -0.7914997339248657, -0.21203705668449402, 0.21009692549705505, -0.3955170214176178, -1.3362010717391968, -0.2725580036640167, -0.09002848714590073, 0.5129435062408447, -0.8575117588043213, 0.49738314747810364, -0.13144701719284058, 0.8260093331336975, 0.025171199813485146, 0.5084989070892334, -0.24065715074539185, -0.4452102780342102, -0.11001630127429962, 3.4608652591705322, -0.9604062438011169, 1.3102895021438599, -0.5585947036743164, 0.10733969509601593, -0.478035569190979, 0.028456158936023712, 1.4585143327713013, -0.17801615595817566, -0.7850304841995239, -0.3744450807571411, -0.1204586997628212, -1.0306403636932373, 0.7757489085197449, -0.8846043348312378, -0.4079938232898712, 0.055054448544979095, -0.17272216081619263, -1.5992172956466675, -0.4834292531013489, 0.03163165971636772, 0.34648647904396057, 0.22930090129375458, 0.6201025247573853, -0.4256525933742523, 1.4425874948501587, 0.9797022342681885, -0.2085537165403366, -0.6964024901390076, 0.2032388150691986, -1.322099208831787, -0.058700550347566605, 0.6641076803207397, -0.42828646302223206, -0.5533573627471924, -0.6026704907417297, 0.6738321781158447, -0.09385441243648529, 0.1538483202457428, -0.24298036098480225, 0.3571934103965759, 0.4823894798755646, 0.5491048693656921, 0.33938804268836975, -0.10977021604776382, -0.4437815546989441, -0.09120164066553116, -0.7825023531913757, 0.01780819147825241, 0.5326433777809143, 0.057194940745830536, 0.8610591292381287, -2.2735626697540283, -0.10964952409267426, 0.11609213054180145, 0.3154514729976654, -0.049347616732120514, -0.5956112146377563, 0.030130190774798393, -0.09210394322872162, 0.27815455198287964, -0.25711169838905334, 0.35734322667121887, -0.8501615524291992, -0.6873600482940674, 0.8556532263755798, -0.11524513363838196, 0.20476269721984863, 0.021542863920331, 1.2981274127960205, 0.27268099784851074, -0.7603238224983215, -0.6582491397857666, -1.5547094345092773, -0.21798816323280334, 2.708211660385132, 0.047700073570013046, -0.5826618075370789, -1.3161181211471558, -0.704399585723877, 0.06473863869905472, -0.7330454587936401, 0.11963964998722076, -0.7671940922737122, -0.21207603812217712, -0.6678534150123596, 0.42322632670402527, -0.9372666478157043, 0.21304377913475037, 0.7756460309028625, 1.1906441450119019, -0.30713990330696106, -0.39945152401924133, 0.08892412483692169, -0.7610405087471008, 0.19660092890262604, 0.7230417728424072, 0.15221159160137177, -0.8153937458992004, 0.9991236329078674, -0.02157992124557495, 0.7058995366096497, 1.0964369773864746, 0.785419762134552, -0.4166755676269531, 0.05735047161579132, 0.1702238768339157, 1.1889086961746216, -0.1939481943845749, -0.11663055419921875, 0.06626299023628235, 0.557582437992096, -0.08638638257980347, -0.6217179894447327, -0.26672297716140747, 0.14417706429958344, 1.5870524644851685, 1.0359985828399658, -0.6552931666374207, 1.1164230108261108, -1.002350091934204, -0.34677037596702576, -0.362630695104599, -0.5364571213722229, 0.16129763424396515, -0.47229915857315063, 0.5014790296554565, -0.446178674697876, -0.19581301510334015, -0.4553718566894531, -0.22696378827095032, -1.7541117668151855, -0.6169938445091248, -0.3850979506969452, -0.9961283802986145, -1.8328025341033936, 0.028615131974220276, 0.26149916648864746, -1.1212300062179565, -0.2493794560432434, 0.34263527393341064, 0.6128171682357788, 0.8547381162643433, 1.1140544414520264, 1.6422241926193237, 0.026025429368019104, 1.1070585250854492, 0.31136631965637207, 0.950770914554596, -0.8650981187820435, 1.0773869752883911, -0.17207515239715576, 0.03167567774653435, -0.5320308208465576, 0.5121946334838867, -0.9316465854644775, 0.03350813686847687, 1.1240849494934082, -0.6116074919700623, 0.3490849435329437, -0.5042436122894287, -1.637129306793213, 0.292181134223938, -0.47462978959083557, 0.417751282453537, -0.6159808039665222, 1.995715856552124, 0.30271828174591064, -0.31051117181777954, 1.1505922079086304, -0.21868398785591125, -0.3364030122756958, 0.7683791518211365, -0.6990495920181274, 0.5437846183776855, 0.6127429008483887, 0.09165085852146149, 0.20338010787963867, 0.4034349322319031, -2.0765533447265625, 0.18568123877048492, 0.9979877471923828, 0.03257599100470543, -0.4220496118068695, -0.9285870790481567, 0.381782591342926, -1.0490895509719849, -0.3268553912639618, 0.7160376310348511, -1.0766105651855469, 0.7262152433395386, 0.1121513620018959, 0.16490910947322845, 0.9892164468765259, -0.8173502683639526, 1.0320594310760498, 1.0597567558288574, 0.6115449666976929, -0.8239970803260803, -0.10605406016111374, 0.7479439973831177, -1.0658525228500366, 0.5984218120574951, 0.2646493911743164, 0.9078255891799927, 1.3656045198440552, -0.3249415457248688, -0.23878689110279083, 0.5264102816581726, 0.9489383697509766, 0.5541021823883057, 0.5986606478691101, -0.34358006715774536, 0.39041340351104736, 0.20392969250679016, 1.2300465106964111, 0.5587975382804871, -1.0290566682815552, -1.0568064451217651, 0.09601882100105286, 0.10531991720199585, -0.5427595376968384, 2.095644950866699, 1.046581745147705, 1.3701410293579102, -0.27291634678840637, 0.1495036631822586, -0.24161694943904877, -0.006806369870901108, 1.0851539373397827, 1.066104531288147, -0.42603474855422974, -0.19791221618652344, -0.07782351970672607, 0.5830500721931458, -0.5267562866210938, -0.3553553819656372, 0.29602861404418945, 0.5272365212440491, -0.4213358759880066, -1.5249786376953125, 0.46435362100601196, 0.7374370098114014, 0.20648205280303955, 1.4920759201049805, -0.794909656047821, 0.17446115612983704, 0.6531683206558228, 0.685676634311676, -0.2672842741012573, -0.02406061813235283, -0.478638619184494, 1.0369412899017334, 0.8610200881958008, 0.8445232510566711, -0.4399493932723999, 1.0831431150436401, 1.1681621074676514, -0.36544665694236755, -1.2602983713150024, -0.547871470451355, -1.3404778242111206, -0.5280485153198242, -0.410830020904541, 0.11337022483348846, -1.3391807079315186, 0.4657197892665863, -0.6392982602119446, -0.5005871653556824, 0.997107744216919, -0.7848731875419617, -1.6164382696151733, 1.0620203018188477, 0.7548346519470215, -1.1738064289093018, -0.2750386893749237, -0.4040624499320984, -0.8335170149803162, -1.5409654378890991, 0.035266172140836716, -0.6992819905281067, 0.1921490579843521, 0.046494558453559875, 0.9497292041778564, 0.5320398807525635, -0.3663419485092163, -1.280860185623169, -0.006499007344245911, 1.193845272064209, -1.1459152698516846, -0.35206955671310425, 0.033731814473867416, 0.0498531311750412, -0.8362728357315063, -1.2475547790527344, -0.6682030558586121, 0.6671949625015259, 0.6279667615890503, -0.06343166530132294, -1.1278733015060425, -1.1726199388504028, -0.08694683015346527, 0.47993114590644836, 1.4556355476379395, -0.8953220844268799, 0.18918751180171967, -0.33662325143814087, 0.5164896249771118, 0.316714882850647, -0.5261052250862122, -0.19849447906017303, 1.1282455921173096, -0.3034781813621521, 0.7867221832275391, 0.11064895987510681, 0.6484866142272949, 0.7701387405395508, -0.036730196326971054, -0.276115357875824, -0.48949185013771057, -10.338079452514648, 0.2614530324935913, -0.15284588932991028, 0.019479945302009583, 0.6043024659156799, -0.24248561263084412, 0.8315913677215576, -0.1965017169713974, 0.927079975605011, -0.5549712777137756, 0.24694663286209106, 1.559776782989502, 0.3781900107860565, -0.23696842789649963, -0.4796881675720215, -1.2797728776931763, -0.798370361328125, -0.28795182704925537, 0.46048080921173096, 0.4979056119918823, -1.0122308731079102, -1.3133184909820557, -0.039917491376399994, 0.5316134691238403, 0.4055511951446533, 0.15131211280822754, -0.09319072216749191, -0.05535364896059036, -0.5035780668258667, -0.16017040610313416, 0.028104344382882118, -0.24928303062915802, -0.9497089385986328, -0.3421291708946228, 0.8637275695800781, 0.12714238464832306, -0.5088602900505066, -0.18716852366924286, 0.83924800157547, -0.04900585114955902, -0.5274674892425537, 0.16682450473308563, 0.5718609094619751, -0.15976619720458984, -0.15206897258758545, 0.5044192671775818, -0.045643873512744904, -0.8942659497261047, 0.44904178380966187, -0.8453404903411865, -0.5522017478942871, -0.5582465529441833, -1.2685796022415161, -0.8859286308288574, 0.2067788541316986, 0.32859113812446594, -0.4286327660083771, -0.4871320426464081, -0.6232556700706482, -1.1334242820739746, 0.43778541684150696, 0.40856754779815674, -0.10969939082860947, 0.26753127574920654, 0.044185131788253784, -0.6273713707923889, 0.7498779296875, 0.13342316448688507, 0.27661898732185364, 0.4928242862224579, -0.857896625995636, 0.2546769976615906, -0.09385271370410919, 0.13342216610908508, -0.46874889731407166, -0.1686413586139679, -0.37845340371131897, 0.24155038595199585, 0.3442084491252899, -0.15497639775276184, -0.9990831613540649, 0.6668000817298889, -0.12894146144390106, -0.2926304042339325, -0.8906764388084412, -0.058965571224689484, -0.49396565556526184, 0.6448037028312683, 0.5997987985610962, -0.5148001313209534, 1.164480447769165, 0.11172441393136978, 0.12894654273986816, 0.08501822501420975, -0.541803777217865, 0.6798104643821716, -0.5637773275375366, 1.413668155670166, -0.06996116042137146, -0.26367437839508057, 0.3760513663291931, -0.23822814226150513, -0.16178743541240692, 0.08346383273601532, -0.03486628085374832, 0.3388820290565491, 0.4313933253288269, 0.43218740820884705, 0.13329298794269562, -0.46887391805648804, 1.2013113498687744, -0.006772592663764954, -0.6290109157562256, 0.8507307767868042, 0.16911232471466064, 1.217506766319275, 0.6271163821220398, 0.18669524788856506, 0.2438749521970749, 1.387291669845581, 0.06961917132139206, 1.0041877031326294, 0.34387385845184326, 1.7744039297103882, 0.4091736674308777, 0.48872703313827515, 0.8374399542808533, 0.5140141844749451, 0.0645616352558136, -1.7038424015045166, -0.04942334070801735, 0.06404167413711548, -0.04377816617488861, -0.7500105500221252, -0.2055457979440689, -0.2539897561073303, -1.2189748287200928, 1.517886757850647, -1.0048022270202637, 0.0004310235381126404, -0.28210556507110596, -1.1088809967041016, 0.16755536198616028, -0.8296886682510376, -0.506885826587677, 0.12947505712509155, -1.7172132730484009, -0.28108999133110046, -0.4384884238243103, -0.7449153661727905, -0.27664995193481445, 0.04740937799215317, 0.6765137314796448, -0.6907069087028503, -0.21084164083003998, -0.2551333010196686, 0.3519328832626343, -0.26637738943099976, -0.9358313679695129, -0.418886661529541, 0.17242175340652466, 0.8330261707305908, -0.6065723299980164, 0.8015991449356079, 0.5994241237640381, 0.0766243115067482, -0.9955770969390869, 0.24673712253570557, -0.7285808324813843, 0.8473986387252808, 0.8544491529464722, -1.0710866451263428, -0.24121493101119995, -0.17850162088871002, -0.6984079480171204, -0.9282023906707764, 0.31645503640174866, 1.3582745790481567, -0.9872177839279175, 0.1800197809934616, 0.25316205620765686, 0.6440683007240295, 0.3270832300186157, -0.29990601539611816, -0.2694898247718811, 0.02806345373392105, -0.2592015862464905, 0.9929972290992737, -0.02332875318825245, 0.755415141582489, -2.0168962478637695, -1.2262818813323975, -0.2937280237674713, 0.060565900057554245, 0.4822036623954773, -0.17573590576648712, 0.6308347582817078, 0.490481972694397, 0.5635682344436646, 0.6453257203102112, -0.1633072793483734, 0.44263505935668945, 0.5589393973350525, 0.7318450808525085, 0.004907596856355667, -0.03622715547680855, -0.29507318139076233, 0.27102357149124146, 0.3723262846469879, 0.9954364895820618, -1.2225663661956787, 0.18530073761940002, 0.4378449320793152, -0.2664528787136078, 0.05511126294732094, -1.1375911235809326, 0.43022894859313965, -0.2916494905948639, -0.49379900097846985, -1.1337804794311523, 0.07005283236503601, 1.2763135433197021, -0.3811401128768921, 0.5771267414093018, 0.6635168790817261, 0.35247325897216797, 0.2862914204597473, 0.9013475775718689, 1.7060117721557617, -0.3841133415699005, -0.5152290463447571, -0.25418418645858765, 0.9052555561065674, -0.6156111359596252, -0.3117314577102661, -0.6206690669059753, -0.9491700530052185, 0.10520140826702118, -0.9757782220840454, 1.0289158821105957, -0.5888023972511292, 0.2761181592941284, 0.42075908184051514, 1.0279879570007324, -0.3520931601524353, -1.3183555603027344, 0.294302761554718, -1.015825629234314, 0.15510092675685883, -0.22275042533874512, 0.45032820105552673, 0.6357006430625916, 0.701291561126709, 0.2777051329612732, 1.8008731603622437, -0.474936306476593, 0.0616159662604332, -0.7488839030265808, -0.4989711046218872, 1.2477030754089355, 0.6866313219070435, 0.8037689924240112, -0.34615543484687805, -0.6405504941940308, -1.2153102159500122, -0.41731971502304077, -0.6929442882537842, 0.9921679496765137, 1.2166727781295776, -0.22276660799980164, 0.17493309080600739, -0.8941469788551331, 0.8912539482116699, -0.2870561480522156, 0.41353991627693176, 0.4317052960395813, -0.1342088133096695, -0.369098961353302, -0.7100405097007751, -0.44525060057640076, 1.3853305578231812, -0.7481070756912231, 0.3832448124885559, -0.2826005816459656, 0.4375897943973541, -0.2978542745113373, -0.37816935777664185, -0.9285588264465332, -0.20122314989566803, -0.8874022364616394, 0.4616631269454956, 1.0651668310165405, -0.672848641872406, -0.5442861318588257, 0.1345594972372055, -0.7639052271842957, 0.3415051996707916, -0.15913906693458557, -0.7644011378288269, -0.31139644980430603, 0.4815647304058075, -0.46601760387420654, -0.4967707097530365, 0.760643720626831, -0.14558973908424377, -1.7715709209442139, 0.8850746750831604, 1.3599908351898193, -0.1455068737268448, -0.6497421264648438, -0.03577858954668045, 0.36685025691986084, 0.30756720900535583, 1.4150851964950562]} +{"paper_id": "conceptnet5", "embedding": [-0.5223605632781982, 0.3629629611968994, 0.5103875994682312, -0.49604639410972595, 0.2346196174621582, -0.9639553427696228, 0.16670767962932587, 0.3853185176849365, 0.5888606905937195, 1.1845347881317139, 0.7548453211784363, 0.3800579309463501, 0.1537778079509735, 0.17613160610198975, -0.5080955028533936, -0.19925501942634583, -0.5087019801139832, -0.9840922951698303, -0.9209650754928589, 0.08508741110563278, -0.8022903203964233, -0.5467404127120972, -0.18123941123485565, 0.3602895438671112, -0.44085389375686646, -0.8377782702445984, 0.474687397480011, -0.8621512651443481, 0.7260483503341675, 0.3274598717689514, 0.018174000084400177, 1.2074133157730103, -1.2137278318405151, 0.3301812410354614, 0.044083401560783386, 0.13954421877861023, 0.17675869166851044, 1.0589675903320312, -0.3588930368423462, -0.18392357230186462, -0.1642768681049347, -0.011677008122205734, 0.5278633832931519, 0.04020657762885094, 0.8185476064682007, -0.15675772726535797, -0.30660995841026306, 0.6224707961082458, 0.11136974394321442, -0.12068668007850647, -0.39617064595222473, 0.33032119274139404, -0.21927478909492493, 0.4450633227825165, -0.6780266165733337, 0.9093349575996399, 0.5323331356048584, -1.1931178569793701, 0.4249558448791504, -1.1740747690200806, 0.8777155876159668, 1.2722222805023193, -0.5609768033027649, 0.5724776387214661, 0.8655881285667419, 0.43188905715942383, 1.1445634365081787, 0.32887381315231323, 0.34999093413352966, 0.7987500429153442, 0.0819137841463089, -0.5279344320297241, 0.9921170473098755, 0.013419345021247864, 0.8717861175537109, 0.8235980272293091, 0.48313483595848083, -0.18321235477924347, -0.37726229429244995, 0.6453731060028076, -0.01960674673318863, 0.3428558111190796, 0.718555212020874, -0.5389716625213623, -0.25680696964263916, -0.1814694106578827, 0.53928542137146, -0.5782191753387451, 0.6937968134880066, -1.4663023948669434, 0.842598557472229, 0.0247014332562685, -0.016482528299093246, -0.2965724468231201, -0.2782590389251709, -0.06570103764533997, -0.5215591788291931, -0.374411404132843, -0.5271891355514526, 0.4645916521549225, 0.4322173595428467, 0.17340247333049774, -0.06018584221601486, -0.295083224773407, 0.013415645807981491, 0.4560023844242096, -0.1090148389339447, 0.004382319748401642, -0.4029490649700165, -0.009955578483641148, 0.5019534826278687, 1.63804030418396, 0.16113577783107758, -0.29958751797676086, -0.3496941030025482, -0.31037622690200806, 0.2171737551689148, -0.5348960161209106, -0.24019986391067505, 0.49751198291778564, -0.061345554888248444, -1.1689651012420654, 0.015952881425619125, 0.5772809386253357, 0.5535726547241211, -0.7102425694465637, 0.22730082273483276, -0.3342553675174713, -0.22897645831108093, -0.20825473964214325, 0.3047586679458618, 0.18300926685333252, -0.20041880011558533, -0.3289969265460968, 2.8824756145477295, -0.4510212242603302, 1.575659155845642, 0.22873081266880035, -0.49802330136299133, -0.501778781414032, -0.35098546743392944, 0.5104351043701172, 1.138892412185669, -0.2647119462490082, -0.11345970630645752, -0.23611579835414886, -0.024861104786396027, -0.10806472599506378, -0.45194804668426514, -0.3385905921459198, 0.2970910370349884, 0.3492981493473053, -1.4003925323486328, -0.4454381465911865, -0.2402399480342865, 0.7358962297439575, 0.0928410142660141, 0.4962654709815979, -0.8313438892364502, 1.0616637468338013, 0.3950730860233307, 0.18105393648147583, -0.5009477138519287, 0.15835155546665192, -0.45729896426200867, 0.2299237847328186, 0.9739300012588501, -0.13006876409053802, -0.7732633948326111, 0.5010188817977905, 0.15538369119167328, 0.06431640684604645, 0.02553052082657814, -0.23013874888420105, 0.05513012409210205, 0.37606555223464966, 0.3701457381248474, 0.7743585705757141, 0.03527838736772537, 0.022199567407369614, -0.4244852364063263, -0.7235609889030457, -0.0008936002850532532, 0.5985174775123596, -0.023242181167006493, 0.8048916459083557, -2.2580742835998535, -0.03458250313997269, -0.46915578842163086, -0.3163507878780365, 0.21135196089744568, -0.23849694430828094, 0.26745760440826416, -0.09722315520048141, -0.059041187167167664, -0.18330687284469604, 0.7268743515014648, -1.3848679065704346, -1.346405029296875, 0.36501461267471313, 0.045988377183675766, 0.06346055120229721, -0.1263105869293213, 0.8492268919944763, -0.008993341587483883, -0.17429733276367188, -0.34980300068855286, -1.9452944993972778, 0.6016260981559753, 2.019756317138672, -0.2729954421520233, -0.8531118035316467, -1.6237350702285767, 0.09323541820049286, 0.004355400800704956, -0.9329610466957092, 0.41992348432540894, -0.534275472164154, 0.7939794063568115, -0.9360555410385132, 0.15896938741207123, 0.09697522968053818, 0.5443070530891418, 0.11637416481971741, 1.2172327041625977, -0.5847574472427368, -0.3336068391799927, -0.8137852549552917, -1.0091509819030762, 0.43336817622184753, 0.7163834571838379, 0.7746642231941223, -0.27689504623413086, 0.5583325028419495, -0.13064917922019958, 0.3118336796760559, 0.2698545455932617, 0.6865082383155823, -0.6929986476898193, 0.5255506038665771, -0.15193411707878113, 1.0863646268844604, -0.08156754076480865, 0.06959265470504761, -0.32673370838165283, 0.35437870025634766, 0.18671391904354095, -0.4813461899757385, 0.19514469802379608, -0.1777271032333374, 1.5527747869491577, 0.8201166391372681, -0.20734554529190063, 0.7384417653083801, -0.7183206081390381, -0.03937733918428421, -0.3594495356082916, -0.7668267488479614, -0.18144161999225616, -0.04055744409561157, 1.2354984283447266, -0.5195927023887634, 0.7291118502616882, -0.09355499595403671, -0.3241273760795593, -1.1011667251586914, -0.5297868251800537, -0.05934120714664459, -0.21677741408348083, -0.4733106791973114, -0.1183527261018753, -0.26080673933029175, -1.325559377670288, -0.6567249894142151, -0.13983625173568726, 0.7256160378456116, -0.13824906945228577, 0.9652334451675415, 1.1750197410583496, -0.5094109177589417, 0.4855279326438904, -0.3195762634277344, 1.2413959503173828, -0.35703831911087036, 0.7112283706665039, 0.628642201423645, 0.06821724772453308, -0.9661629796028137, -0.031239256262779236, -0.5372085571289062, 0.22622832655906677, 0.5490832328796387, 0.1915619969367981, 0.42807164788246155, -0.3169628977775574, -1.1677926778793335, 1.447696328163147, 0.012300238013267517, -0.4636097848415375, -0.7279523611068726, 1.4848324060440063, 0.11437609046697617, 0.09944695234298706, 1.2551157474517822, 0.307446151971817, -0.24130427837371826, 1.5289567708969116, -0.16138756275177002, 0.5287708640098572, 0.06609882414340973, 0.10470351576805115, -0.11660796403884888, -0.04366326704621315, -2.554187059402466, 0.07606901973485947, 0.31966090202331543, -0.14359548687934875, -0.016800906509160995, -0.5400678515434265, 0.4799790382385254, -0.5616932511329651, -0.05628133565187454, 0.3148329257965088, -0.5304504632949829, 0.5194501280784607, -0.3887563645839691, 0.09905871748924255, 1.0716320276260376, -0.6840295791625977, 0.4826268255710602, 0.5066086053848267, 0.5428022146224976, -0.7667075991630554, 0.5155539512634277, 0.9484975934028625, -0.3893057405948639, 0.8946566581726074, 0.34681662917137146, 0.5271031260490417, 0.31564030051231384, -1.044510841369629, 0.25428861379623413, 0.26915037631988525, 0.26044952869415283, 0.5153894424438477, 0.46788161993026733, 0.17341528832912445, 0.6344866752624512, -0.47802239656448364, 1.4192326068878174, 0.08648565411567688, -0.692487895488739, -0.8734503388404846, -0.6106029152870178, -0.6516034603118896, -0.7886102199554443, 1.955929160118103, 0.46302592754364014, 1.5030691623687744, -0.2709382474422455, -0.7297267317771912, -0.5952786207199097, -0.13145607709884644, 1.1202890872955322, 0.4716770648956299, -0.279684841632843, -0.3809122145175934, -0.06798604130744934, 0.8001838326454163, 0.23942412436008453, -0.268490731716156, -0.390286386013031, 0.29723691940307617, 0.09688641130924225, -0.8276153802871704, 0.8086560964584351, 0.8225192427635193, 0.5369575023651123, 0.9799703359603882, -0.5754636526107788, -0.13109074532985687, -0.5241240859031677, 0.3183239996433258, 0.4859825372695923, 0.07017651945352554, -0.6513074636459351, 0.5716514587402344, 0.22570978105068207, 0.7708196640014648, 0.31153756380081177, 0.5784268379211426, 1.1419371366500854, 0.14830926060676575, -1.4374498128890991, -0.2565607726573944, -1.0085809230804443, -0.34808844327926636, 0.31962236762046814, 0.14540058374404907, -0.3613438904285431, 0.11874216794967651, -0.07454370707273483, -0.4121273458003998, 0.5948796272277832, -0.919384777545929, -1.263187050819397, 0.4126467704772949, 1.0053504705429077, -0.799200177192688, -0.20694847404956818, 0.2138950675725937, -0.7027463316917419, -0.9016690254211426, -0.5004391670227051, -0.6293596625328064, 0.4306986331939697, -0.1844358593225479, 0.3551761507987976, -0.12894025444984436, -0.10111264884471893, -0.6672493815422058, 0.9153113961219788, 0.8968471884727478, -0.10470889508724213, 0.08318950235843658, -0.2326783686876297, 0.16097904741764069, -0.3600553572177887, -0.9977017045021057, -0.8861110210418701, 1.0855605602264404, 0.2045648992061615, 0.02998828887939453, -1.0322626829147339, -0.6855708956718445, 0.0812792107462883, 0.46637263894081116, 1.0098406076431274, -1.2292083501815796, 0.06105697527527809, -0.30743905901908875, 0.03855503350496292, 0.15563665330410004, -0.576764702796936, -0.6540084481239319, 1.2071492671966553, -0.14110305905342102, 0.06609488278627396, 0.01957704871892929, 0.5376882553100586, 0.8450471758842468, 0.23389551043510437, -0.0020112842321395874, -0.23973608016967773, -13.036620140075684, 0.387021005153656, -0.3193565905094147, 0.3499854803085327, 1.4578579664230347, -0.2597923278808594, 0.685467541217804, 0.28963831067085266, 0.659698486328125, -0.790341854095459, 0.2370569407939911, 0.8824127912521362, 0.21653369069099426, -0.3579767644405365, -0.7754670977592468, -1.500357747077942, -0.3252863585948944, -0.6055746674537659, 0.2682831883430481, 0.05384252965450287, 0.05512487515807152, -1.1611254215240479, -0.49506592750549316, 0.18160074949264526, 0.2802228033542633, -0.6461941003799438, -0.06453927606344223, 0.025827832520008087, -0.07547755539417267, -0.5253543853759766, 0.08702485263347626, -0.12901067733764648, -0.8576306104660034, -0.42324820160865784, 0.34130024909973145, 0.6758027672767639, -0.4361664652824402, 0.09553620964288712, 1.048575758934021, 0.1359180361032486, -0.7245951890945435, 0.5466955304145813, 0.4545857906341553, 0.0067848097532987595, -0.5067201852798462, 0.09410952031612396, 0.37870392203330994, -0.8320783376693726, 0.3186347484588623, -0.5983263850212097, 0.06013137102127075, -0.6799823641777039, -0.8396143317222595, -0.5065456032752991, 0.7552586793899536, 0.4980562627315521, -0.4193663001060486, -0.025218866765499115, -0.5287846922874451, -0.9816458225250244, 0.4712136387825012, 0.32854998111724854, -0.05506241321563721, 0.32146507501602173, 0.14608335494995117, -0.3600768744945526, 0.42898765206336975, 0.5475006699562073, -0.14092102646827698, -0.03925751522183418, -0.5645892024040222, 0.5922804474830627, 0.17989686131477356, 0.4351886212825775, -0.4189416170120239, 0.4310811161994934, 0.09383917599916458, 0.31696486473083496, 0.285183310508728, -0.1405954658985138, -0.8446155786514282, 0.7887670993804932, 0.30072885751724243, -0.43194544315338135, -0.37333786487579346, 0.14319118857383728, -0.3526795208454132, 0.19415372610092163, 0.2884075343608856, -0.13975684344768524, 0.6635513305664062, 0.08569659292697906, -0.08294162154197693, -0.7185350060462952, -0.26823553442955017, 0.5591001510620117, -0.08929711580276489, 0.6853818893432617, 0.15863355994224548, -0.020672187209129333, 0.2182873785495758, -0.22124817967414856, -0.7073074579238892, -0.6395610570907593, 0.27450671792030334, 0.2877429723739624, -0.02145153284072876, 0.11788521707057953, 0.012220557779073715, -0.21799176931381226, 0.9607596397399902, 0.1989239752292633, -0.46663039922714233, 1.0883513689041138, -0.3050990700721741, 0.32504719495773315, 0.6412072777748108, -0.5464818477630615, 0.5333327651023865, 1.1219549179077148, 0.05240996554493904, 0.12210103124380112, 0.10322033613920212, 1.0450178384780884, -0.15879786014556885, 0.31512200832366943, 0.373900443315506, 0.8722427487373352, 0.19986538589000702, -1.606642484664917, 0.1756540685892105, -0.16949905455112457, -0.15501223504543304, -0.39013269543647766, -0.4823715090751648, -0.6381910443305969, -0.4548181891441345, 1.2102127075195312, -0.29198896884918213, 0.5529489517211914, 0.11911845207214355, -1.188360333442688, -0.3506322503089905, -0.38780808448791504, -0.6860201358795166, -0.02881455421447754, -1.0184621810913086, -0.01475268229842186, -0.6316229701042175, -0.9595149755477905, -0.19339905679225922, -0.29026928544044495, 0.7157911062240601, -0.5658184885978699, -0.008527925238013268, 0.10609454661607742, 0.16245265305042267, -0.0917900800704956, -0.8581225872039795, 0.26274800300598145, 0.5088643431663513, 1.1715738773345947, -0.8435302376747131, 1.1667249202728271, 0.7508914470672607, -0.07340256869792938, -0.94138503074646, -0.4484015107154846, -0.4655718505382538, 0.3023168444633484, 0.9828793406486511, -0.8623543381690979, -0.5628708600997925, -0.263884037733078, -0.18037758767604828, -1.7999179363250732, 0.2830836772918701, 0.903591513633728, -0.28340455889701843, -0.2656009793281555, 0.2290835976600647, 0.7859523892402649, 0.07214372605085373, -0.7449097633361816, -0.3211624324321747, -0.6161661148071289, 0.17806896567344666, 1.1008915901184082, -0.5848777890205383, 0.3051806390285492, -0.9319822788238525, -0.6969365477561951, -0.8956178426742554, 0.03476512059569359, 0.24685736000537872, -0.10855942964553833, 1.12040376663208, 0.8137915730476379, 0.3283221423625946, 0.38114938139915466, -0.6451436877250671, 0.5520907640457153, 0.4496292471885681, 0.3796577751636505, -0.12229487299919128, 0.00770510733127594, -1.0419151782989502, -0.4290592074394226, -0.07042689621448517, 0.6905292272567749, -1.027899980545044, -0.46047675609588623, 0.30276140570640564, -0.4557099938392639, 0.24808962643146515, -0.77317214012146, 0.4342498779296875, -0.40568920969963074, -0.19527961313724518, -0.47622472047805786, 0.15984967350959778, 0.8289504647254944, -0.3760668635368347, 0.6941936612129211, 0.31960204243659973, 0.9449955821037292, 0.5496137738227844, 0.4979287385940552, 1.5731301307678223, -0.3506213128566742, -0.7478932738304138, 0.2526608407497406, 0.1583855003118515, -0.4250656068325043, -0.643028199672699, -0.5287606716156006, -0.7644020318984985, 0.3852507770061493, -0.4382830262184143, 0.3944348096847534, -0.23949261009693146, 0.09177899360656738, 0.5579243898391724, 0.82281893491745, -0.27207815647125244, -1.3174346685409546, -0.7476310729980469, -1.2147247791290283, 0.5740088224411011, 0.28623709082603455, 0.544110894203186, 0.5937074422836304, 0.7163309454917908, 0.37985602021217346, 0.6658958792686462, 0.012802079319953918, -0.11721682548522949, 0.03592412546277046, 0.04116201400756836, 0.9037362933158875, 0.42532578110694885, 0.5490350127220154, -0.06730642914772034, -0.18415388464927673, -0.9268322587013245, -0.3849320709705353, -0.04801395535469055, 0.5126787424087524, 0.5035876631736755, -0.05871565267443657, -0.2291325479745865, -0.6045980453491211, 0.3483971953392029, -0.8477638959884644, 0.324251651763916, -0.12613116204738617, -0.10576005280017853, -0.8635318875312805, -0.7281807065010071, -0.10828747600317001, 0.8962498307228088, -0.4270760416984558, -0.44610315561294556, -0.3382170796394348, 0.5908454060554504, -0.06018996983766556, -0.2628694176673889, -0.3869001269340515, 0.2799972593784332, -0.47247886657714844, 0.5649564862251282, 0.2803385853767395, -0.985892117023468, -0.7663753628730774, 0.10246910154819489, -0.8760925531387329, 0.36699378490448, 0.04579231142997742, -0.616558313369751, -0.4762458801269531, 0.6342480182647705, -0.5625694990158081, -0.3335002660751343, 0.3342490792274475, -0.06974396109580994, -1.4492394924163818, 0.6787333488464355, 0.8909861445426941, 0.06312940269708633, -0.9723159074783325, 0.40211111307144165, 0.12100711464881897, 0.4639100432395935, 0.6606202125549316]} +{"paper_id": "cs_restaurants", "embedding": [-0.15020987391471863, 1.5794248580932617, 0.4898165762424469, 0.3531206548213959, 0.56132572889328, 0.04906575381755829, 0.17634445428848267, 0.32075077295303345, 0.32043933868408203, 0.9784788489341736, 0.7282198071479797, 0.32102057337760925, 0.05719410628080368, 0.15372900664806366, -0.39031293988227844, -0.19029644131660461, -1.287375569343567, -0.6185511350631714, -1.2206002473831177, -0.6067366003990173, -1.5403339862823486, -1.0495991706848145, -0.40473315119743347, 0.8116334080696106, -0.7014768123626709, -0.596430242061615, 0.34763169288635254, -1.4440340995788574, -0.1630515158176422, -0.3687148988246918, -0.8795180320739746, 0.7798235416412354, -0.6508383750915527, 0.4851490557193756, 0.005948342382907867, -0.3575223684310913, 0.009114164859056473, 0.640467643737793, -0.7279831767082214, 0.2886315584182739, -0.5004486441612244, -0.030440563336014748, 1.6857775449752808, -0.6637923717498779, 0.905207097530365, -0.41704124212265015, -0.3911420404911041, 0.548754096031189, 0.27594417333602905, 0.29121050238609314, -0.8697839975357056, 0.3884899616241455, 0.14437377452850342, 0.2177189290523529, -0.0772935003042221, 1.5196435451507568, -0.016271978616714478, -1.6125431060791016, 0.17937378585338593, 0.03071404993534088, 0.0953180193901062, 1.8333746194839478, -0.4759874641895294, 0.6651171445846558, 0.29666832089424133, -0.5333455204963684, 0.8077136874198914, -0.10266663879156113, -0.1231086254119873, 1.0183587074279785, -0.5687984228134155, -0.21851079165935516, 1.1566115617752075, 0.10108292102813721, 0.5716803073883057, 0.9111853837966919, 1.0511996746063232, 0.3245072066783905, -0.18135404586791992, -0.22966691851615906, -0.4713582396507263, 1.0137313604354858, 0.5117242932319641, -0.5425777435302734, -0.011018235236406326, 0.5233199596405029, 0.29796102643013, -0.15606272220611572, -0.12736336886882782, -1.9490987062454224, 0.466962993144989, 0.3072558641433716, -0.44837355613708496, 0.0882922112941742, -0.2572527825832367, -0.016123196110129356, -0.3669359087944031, -0.025921285152435303, -0.850996732711792, 0.06953086704015732, 0.23121091723442078, -0.771583080291748, 0.5079385042190552, -0.0703660324215889, 1.075986623764038, 0.6578653454780579, -0.49835866689682007, -0.5020197033882141, -0.5527558922767639, -0.4212060272693634, 0.25642332434654236, 0.9173768758773804, 0.5840787887573242, 0.8051794171333313, 0.13261936604976654, -0.34074583649635315, 0.4336523711681366, -0.566619873046875, -0.1760716587305069, 0.48637449741363525, -0.22513820230960846, -1.291885256767273, 0.007754586637020111, -0.14609156548976898, 0.47615253925323486, -1.2348463535308838, 0.11130034178495407, -0.03212662413716316, 0.35539698600769043, -0.6968873143196106, 0.46422719955444336, -0.10045081377029419, -0.48488849401474, 0.6613141298294067, 3.4645986557006836, -1.0167127847671509, 0.7133983969688416, -0.6930630803108215, -0.24352748692035675, -0.8523294925689697, 0.24830105900764465, 1.6175379753112793, -0.5871716737747192, -0.9085363149642944, -0.77733314037323, 0.3142935335636139, -0.7761113047599792, 0.5990813970565796, -0.10099069774150848, 0.10586020350456238, 0.5179616808891296, -0.06926073879003525, -1.639296054840088, -0.7222397923469543, -0.5802033543586731, 0.368653267621994, 0.6761850118637085, 0.5267764329910278, 0.07565906643867493, 1.873820424079895, 1.5519497394561768, -0.7126054167747498, -0.21281276643276215, 0.019762707874178886, -1.1237488985061646, 0.1545322835445404, 1.4135112762451172, -0.19430667161941528, -0.20895445346832275, -0.5110146999359131, 0.3507986068725586, 0.12086593359708786, -0.35412174463272095, -0.1547049731016159, 0.8385476469993591, 0.7872227430343628, 0.6249909996986389, 0.5274735689163208, 0.16414418816566467, -0.5595591068267822, -0.5537489056587219, -0.6879662871360779, -0.03710462898015976, 0.47709983587265015, -0.19266679883003235, 1.4079017639160156, -2.046053171157837, -0.7391554713249207, -0.41980403661727905, 1.052777647972107, -0.6610434651374817, -0.19564396142959595, -0.7576806545257568, 0.5488913655281067, 0.3053501844406128, -0.2736208736896515, 0.6390655636787415, -1.1718882322311401, -0.14997711777687073, 1.0009477138519287, 0.4231370985507965, -0.30103960633277893, -0.976613461971283, 1.4409754276275635, 0.4038964509963989, -0.41207224130630493, 0.26052600145339966, -1.2790799140930176, 0.13642816245555878, 2.7214601039886475, 0.31194812059402466, -1.3907972574234009, -0.8040906190872192, -0.6414906978607178, 0.4367073178291321, -0.27819034457206726, -0.006189506500959396, -0.05640718713402748, 0.39595818519592285, -0.9843418598175049, 0.53155517578125, -0.640693724155426, 0.4777695834636688, 0.739673376083374, 0.5537254810333252, -0.045769333839416504, -0.0880935788154602, -0.31842291355133057, -0.38193845748901367, 0.43217727541923523, 0.7020004987716675, 0.5788788199424744, -0.21421211957931519, 1.3585842847824097, -0.31625980138778687, 0.3578629493713379, 0.19611823558807373, 0.5200290679931641, -0.4589993357658386, 0.4540095925331116, 0.6903338432312012, 1.5489109754562378, -1.0131199359893799, 0.4262793958187103, -0.10029393434524536, 0.38252684473991394, -0.6859018802642822, -0.11140133440494537, 0.15588943660259247, -0.8617444038391113, 1.6338601112365723, 0.7666995525360107, -0.6707335710525513, 0.541443407535553, -0.6447778344154358, -0.1999322772026062, -0.04786494001746178, -0.8960963487625122, -0.7374833226203918, -0.35611873865127563, 0.6863358616828918, -0.5814656615257263, 0.006666116416454315, -0.5128423571586609, -0.6878622770309448, -1.1812896728515625, -1.362680196762085, -0.28114694356918335, -0.3051494061946869, -1.9087737798690796, 0.11529450118541718, 0.01139676570892334, -0.8250192403793335, 0.028580915182828903, 0.31458601355552673, 0.8702777028083801, 0.2532925605773926, 0.5648523569107056, 2.148643970489502, -0.7712214589118958, 0.1851116120815277, 0.5412993431091309, 0.2307710200548172, -1.1925841569900513, 0.5933313965797424, 0.3834843039512634, -0.22944872081279755, -0.5477635860443115, -0.061118774116039276, 0.11005508154630661, 0.2627103328704834, 0.443835973739624, -0.7710999250411987, -0.5160415172576904, -0.5845874547958374, -0.5473670363426208, 0.6938208341598511, -1.3675800561904907, 0.8652088046073914, -1.1054775714874268, 1.4657948017120361, 1.300490379333496, 0.34696048498153687, 0.9519305229187012, -0.15275520086288452, 0.08627499639987946, 1.0815352201461792, -0.811721920967102, 1.2706109285354614, 0.9120296239852905, 0.36555179953575134, 0.5784823894500732, 0.034341394901275635, -2.116485834121704, 0.6560303568840027, 0.5669711232185364, -0.23519979417324066, 0.15606218576431274, -0.9288889169692993, -0.036938950419425964, -0.1935735046863556, -0.22958092391490936, -0.007568344473838806, -0.24971050024032593, 0.1922585517168045, -0.601222813129425, -0.8198053240776062, 0.5711309909820557, -0.6254168152809143, 0.9396876096725464, 0.9625610113143921, 0.06496777385473251, -2.021852970123291, 0.40784770250320435, 0.9320465326309204, -0.8242008090019226, 0.11220055818557739, -0.03927142173051834, 0.42088833451271057, 1.2497669458389282, -0.9464482069015503, 0.3434942364692688, 0.7156493663787842, -0.07022508978843689, 0.09829545766115189, 0.8324400186538696, -0.6520326733589172, -0.26894327998161316, 0.11388857662677765, 0.7997056245803833, -0.2317800223827362, -1.1813111305236816, -0.7277005314826965, 0.131857231259346, -0.12074221670627594, -0.4861522912979126, 1.5217676162719727, 0.7172109484672546, 2.074594020843506, -0.46874335408210754, 0.1546054482460022, -0.4184766411781311, -0.003965409472584724, 1.3211218118667603, 0.7967405319213867, -0.30495119094848633, -0.7842848300933838, -0.7132973670959473, 0.5357476472854614, 0.052802179008722305, -0.49342256784439087, -0.45187002420425415, 0.29466918110847473, 0.2657245993614197, -1.2889400720596313, 0.17602694034576416, 0.2667519450187683, 0.25864943861961365, 2.3714754581451416, -0.9284785389900208, -0.46514007449150085, 0.8950067162513733, 0.7133317589759827, 0.6475429534912109, -0.05491235852241516, -1.0530643463134766, 0.32360783219337463, 0.6770641207695007, 0.3613331913948059, -0.5787228345870972, 0.25468936562538147, 1.3156003952026367, -1.0637145042419434, -0.1053972840309143, -0.752095103263855, -1.124576449394226, -0.3735702335834503, 0.35774728655815125, -0.4557122588157654, -0.32326826453208923, 0.7679418325424194, -0.09307382255792618, -0.3491690158843994, 1.0791771411895752, 0.03217984363436699, -1.0454679727554321, 0.369600772857666, 1.5690581798553467, -1.163405179977417, -0.575070858001709, -0.15818677842617035, -1.08533775806427, -0.9158384799957275, 0.5742371082305908, -0.8362175822257996, 0.26643845438957214, 0.33716240525245667, 0.2515404522418976, -0.46781349182128906, -0.7066219449043274, -2.1761255264282227, 0.9147822260856628, 1.0261893272399902, 0.24721917510032654, 0.29357674717903137, -0.35189688205718994, 0.7911037802696228, -0.513831377029419, -1.414085030555725, -0.6631857752799988, 0.32538774609565735, 0.2356579601764679, 0.29051923751831055, -0.8354077339172363, -0.3728427290916443, 0.04092235490679741, 0.30778926610946655, 0.6908725500106812, -0.5776934623718262, -0.1713123470544815, 0.2385687530040741, 0.9969235062599182, 1.220491886138916, -0.6497932076454163, -1.270237684249878, 1.0475413799285889, -0.5360372066497803, 0.21529945731163025, 0.48763176798820496, 0.9675343036651611, 0.9779618978500366, 0.21115994453430176, -0.14619378745555878, -0.8501163721084595, -10.017914772033691, 0.310869038105011, 0.2625899314880371, -0.7087588906288147, 0.896032452583313, -0.6016301512718201, 0.6864790320396423, -0.04799425229430199, 0.5535266399383545, 0.23114195466041565, 0.6316887140274048, 1.433380126953125, 0.2676091194152832, -0.08474878966808319, 0.11786217987537384, -1.8267940282821655, -1.0164612531661987, -0.45052188634872437, 0.5847662687301636, 0.9451510310173035, -0.4894707500934601, -1.2600029706954956, 0.8322620987892151, 0.48505154252052307, 0.4232965111732483, 0.37619078159332275, -0.04601539671421051, 0.2865988612174988, -0.4710429310798645, -0.32361912727355957, -0.20679225027561188, -0.324782133102417, -1.2511992454528809, 0.0003567524254322052, 0.4763939380645752, -0.6742990612983704, -1.8249362707138062, -0.6445634365081787, 1.964189052581787, -0.11330883949995041, -0.621812105178833, -0.1966133564710617, 0.9817610383033752, -0.4953683316707611, -0.747992217540741, 0.316261351108551, 0.5965636968612671, -0.7895219922065735, 0.2044476419687271, -0.04450035095214844, -0.49143552780151367, -1.0539450645446777, -1.234317421913147, -0.8961118459701538, 0.496519535779953, 0.3426258862018585, -0.6028271913528442, 0.26046454906463623, -0.4705037474632263, -0.95353102684021, 0.7807913422584534, 1.2497830390930176, -0.048147186636924744, 0.14380697906017303, 0.3778148889541626, -0.7197914123535156, 0.16660672426223755, -0.0006423471495509148, 0.4116773009300232, 0.5491457581520081, -0.7391560077667236, 0.7874479293823242, -0.11257992684841156, 0.33994513750076294, -0.4125283658504486, -0.012255176901817322, 0.46640443801879883, -1.2580914497375488, 0.34635865688323975, 0.030712205916643143, -0.9787271022796631, 0.44614383578300476, 0.30373117327690125, 0.19205108284950256, -0.21288128197193146, -0.07520617544651031, -0.636846661567688, -0.8095027804374695, 0.9376817941665649, -0.1558290421962738, 1.3455499410629272, -0.8585071563720703, -0.31101107597351074, 0.6792854070663452, -0.6681923270225525, 1.4229679107666016, -0.5806783437728882, 0.843704104423523, 0.6133846044540405, -0.4940260350704193, 0.6334483027458191, 0.2678319811820984, -0.5647183656692505, -0.6040630340576172, 0.24145373702049255, 0.06685932725667953, -0.24071621894836426, -0.007951363921165466, 0.06917707622051239, -0.02349349670112133, 1.063395619392395, 0.06529520452022552, 0.34847187995910645, 0.6680830121040344, 0.09199552237987518, 1.1426548957824707, 0.7079410552978516, -0.31203460693359375, 0.1448644995689392, 1.2744539976119995, -0.32275715470314026, 1.1288560628890991, 0.4421142637729645, 0.7017128467559814, 0.09021778404712677, -0.3640006184577942, 0.6158439517021179, 0.99428391456604, -0.11868035048246384, -0.7717766761779785, -0.5147542357444763, -0.09426143765449524, -0.2509247958660126, -0.872204601764679, -0.2491706758737564, -0.14822456240653992, -1.459290623664856, 1.4729089736938477, -0.6536434292793274, -0.07592608034610748, 0.6804468631744385, -0.5337412357330322, 0.7417296171188354, 0.0007118545472621918, -0.6781796216964722, 0.09741247445344925, -2.525172472000122, 0.1103753075003624, -0.4519939124584198, -1.0744858980178833, -0.2467975616455078, 0.1887054443359375, 0.7234237790107727, -1.3850027322769165, -0.1285017728805542, -0.3201182782649994, 0.7244396209716797, -0.4089902937412262, 0.02886280231177807, 0.11926944553852081, -0.36210986971855164, 1.4536079168319702, -0.5979533195495605, 0.5133674740791321, 0.4857772886753082, -0.44157013297080994, -0.6526216864585876, 0.30754920840263367, -0.6641737222671509, 0.3119882345199585, 0.48563605546951294, -0.7476202249526978, -0.21460866928100586, -1.218394160270691, -0.5352553129196167, -0.4010813534259796, 0.7761469483375549, 1.8459718227386475, -0.9526497721672058, 0.010132700204849243, 0.7784085273742676, 0.5776894688606262, 1.0832093954086304, 0.04588043689727783, -0.7887189388275146, -0.07723383605480194, 0.1464948058128357, 0.9274612069129944, -0.7494106292724609, 0.8563531637191772, -2.0130887031555176, -0.8373187780380249, -0.263319730758667, 0.24041122198104858, -0.22763684391975403, -0.5461785197257996, 0.8332459330558777, 0.7479405403137207, 0.2282823622226715, 0.019324906170368195, -0.2068023681640625, 0.4834046959877014, 0.47638043761253357, 0.6660408973693848, 0.09930950403213501, -0.023672031238675117, -0.4167344272136688, -0.40810805559158325, 0.4034901559352875, 0.1490751951932907, -1.7789024114608765, 0.06668861210346222, 0.5882358551025391, 0.12109994888305664, 0.42835381627082825, -0.7819546461105347, 0.1289997547864914, 0.04732881858944893, -0.5710263848304749, -1.055862307548523, -0.007600218057632446, 1.1447035074234009, 0.013228535652160645, 0.8287467956542969, 0.5509169101715088, -0.5976089835166931, 0.9901369214057922, 0.4571318030357361, 1.681035041809082, 0.16412922739982605, -0.5258426666259766, 0.22178767621517181, 1.1522986888885498, 0.05167039483785629, -0.31200891733169556, -0.5360172390937805, -1.3717923164367676, -0.893071711063385, -0.7431471943855286, 0.09244486689567566, -0.17824675142765045, -0.19479158520698547, 0.8270047307014465, 1.0065722465515137, -0.05668111518025398, -0.758868932723999, -0.1937367022037506, -1.0517023801803589, -0.010646423324942589, 1.1983647346496582, -0.5082151293754578, 0.5567564368247986, 0.4053519070148468, 0.020703770220279694, 0.5782209038734436, -0.08149445056915283, -0.1774885505437851, -0.48862940073013306, 0.62315434217453, 0.7098425030708313, 1.1433510780334473, 0.09728317707777023, -0.419048547744751, -0.5135011076927185, -0.3750057518482208, -0.30203163623809814, -0.539682924747467, -0.25003644824028015, 1.1849504709243774, -0.2774810194969177, -0.4903620481491089, -0.269855260848999, 0.3020729720592499, -0.7354512810707092, 0.831011950969696, 0.6097775101661682, -0.2984020411968231, -0.6969802975654602, -0.7365160584449768, 0.14435891807079315, 0.9018053412437439, -0.4964213967323303, 0.17048831284046173, -0.19372306764125824, 0.6318811774253845, -0.3167458176612854, 0.053869739174842834, -0.9223973155021667, -0.03352437540888786, -0.863831639289856, -0.14948058128356934, -0.5272053480148315, -0.6445716023445129, -0.2158166468143463, -0.16384033858776093, -0.7321435213088989, 0.47453993558883667, 0.5758001804351807, -1.0315908193588257, -0.6073725819587708, -0.14969009160995483, -0.4846992790699005, 0.3311691880226135, 0.9504024386405945, -0.24006852507591248, -1.5331286191940308, 1.2929776906967163, 0.9889594316482544, -0.8589810132980347, -0.9177878499031067, -0.33478987216949463, 0.6727898716926575, -0.2939019799232483, 1.5580294132232666]} +{"paper_id": "atomic", "embedding": [-0.6068467497825623, 0.3916478455066681, -0.39257800579071045, 0.2565896511077881, 0.5273707509040833, 0.3460121750831604, 0.6469999551773071, 0.43515223264694214, 0.7983535528182983, 0.8071911334991455, 0.1187085285782814, 0.23638732731342316, -0.4057629406452179, -0.30656421184539795, -0.5750967860221863, -0.029560357332229614, -0.1959279626607895, -0.13227887451648712, -1.255398154258728, -0.621392011642456, -0.7993261218070984, -0.5948821306228638, -0.16412867605686188, 0.6276169419288635, -0.37287265062332153, -0.39628663659095764, 0.5374109148979187, -1.4948698282241821, 0.8803638815879822, 0.3788004517555237, -0.21575841307640076, 1.556323528289795, -1.300673484802246, 1.425371527671814, -0.8681813478469849, -0.0016665253788232803, -0.07487381994724274, 0.8364238142967224, 0.06569769233465195, 0.11004053801298141, 0.15745560824871063, 0.2964973449707031, 0.5287830829620361, 0.2926962673664093, 0.07701525092124939, -0.5261463522911072, 0.36329910159111023, 0.8292502164840698, -0.10942481458187103, 0.5258293151855469, -0.7636100053787231, -0.11982525140047073, 0.10768023878335953, 0.7965564727783203, 0.3544924557209015, 1.0016440153121948, 0.35846036672592163, -0.3324010670185089, 0.3990664780139923, -0.7352961301803589, 1.2465978860855103, 1.0956770181655884, -0.6641145348548889, 0.4300483763217926, 1.0485589504241943, 0.4291970133781433, 0.9355988502502441, 0.5047038197517395, 0.1461016833782196, 1.024649739265442, -0.07832618057727814, -0.3367411196231842, 0.17720730602741241, 0.10525906085968018, 0.1480104923248291, 0.31655579805374146, 0.5525470972061157, -0.10548970103263855, 0.34351664781570435, 0.46972841024398804, 0.3056127727031708, 0.14740489423274994, 0.5598441362380981, -0.3591253459453583, 0.1717524379491806, 0.09477909654378891, 0.7770512104034424, -0.9514715075492859, -0.028866315260529518, -1.6992270946502686, 0.586335301399231, 0.3794582188129425, 0.20962907373905182, -0.8034321665763855, 0.04427081346511841, 0.5939950942993164, 0.09386098384857178, -0.6609238386154175, -0.32480084896087646, 0.32833027839660645, 0.4036899507045746, -0.6281143426895142, -0.025267045944929123, -0.06620728224515915, 0.49174901843070984, 0.5165700316429138, 0.13178564608097076, 0.0157010480761528, -0.3182416260242462, -0.026289302855730057, -0.15048149228096008, 0.9769595265388489, 0.30941304564476013, 0.5263817310333252, -0.4691102206707001, -0.04995647445321083, 0.5091692209243774, -0.04334628954529762, -0.3624165952205658, 0.2584139108657837, -0.22708410024642944, -0.7270301580429077, -0.025607936084270477, -0.15316209197044373, 0.8165845274925232, -0.5124219655990601, -0.3950392007827759, -0.24609413743019104, 0.13944292068481445, -0.24072256684303284, 0.24730579555034637, 0.5238972902297974, -0.42695364356040955, -0.5408837795257568, 3.034045696258545, -0.7460163235664368, 1.0131611824035645, -1.1188180446624756, 0.2145259827375412, -0.5046426653862, -0.32787811756134033, 0.7165034413337708, -0.07208400219678879, 0.10140788555145264, -1.2057892084121704, -0.27510133385658264, -0.15186981856822968, 0.5939550995826721, -0.5606998205184937, 0.6329523921012878, 0.3711329698562622, 0.43995851278305054, -1.6559733152389526, -0.41446489095687866, -0.25490376353263855, 0.5857071280479431, -0.831898033618927, 0.7886644005775452, -0.5360817909240723, 0.1017928197979927, 0.45974308252334595, -0.53634113073349, -0.45393985509872437, -0.370462030172348, -0.36399543285369873, 0.2753050923347473, 1.2591744661331177, -0.27536675333976746, -0.9620535969734192, -0.16248193383216858, -0.2424726039171219, 0.6535113453865051, -0.03984498977661133, -0.5379952788352966, -0.2079879492521286, 0.8040096163749695, 0.12432047724723816, 0.5291748046875, 0.45856302976608276, -0.5910454392433167, -0.9274990558624268, -0.583024799823761, -0.06911569833755493, 0.4307091534137726, -0.5608027577400208, -0.16939102113246918, -2.5607693195343018, -0.040898360311985016, -0.6589568853378296, 0.2903509736061096, 0.2054382562637329, 0.5327239632606506, 0.6106609106063843, -0.012679535895586014, -0.5595043897628784, -0.14109930396080017, 0.7914600372314453, -1.4028486013412476, -0.036277614533901215, 0.30025869607925415, -0.3297792375087738, 0.2483108639717102, -0.7890052199363708, 1.6050243377685547, 0.6415700912475586, -0.4671398103237152, -0.04844343289732933, -1.6100695133209229, 0.21156054735183716, 1.2768052816390991, 0.2832437753677368, -0.549157440662384, -0.9089393615722656, -0.12117403000593185, 0.5650593042373657, -0.3087530732154846, 0.6016664505004883, -0.6631264090538025, 0.5999197959899902, -1.1867579221725464, 0.3706296682357788, -0.07326918840408325, 0.6322916746139526, 0.18529251217842102, 1.446215271949768, -0.9165919423103333, -0.24695564806461334, -0.6537266373634338, -0.6602979898452759, 0.16377189755439758, 0.5802561044692993, 0.5030100345611572, 0.2877384126186371, 0.13761067390441895, 0.036773085594177246, 0.588280975818634, 0.27329927682876587, 0.8499307632446289, -0.5440870523452759, 0.6959430575370789, -0.03266250342130661, 0.4561229944229126, -0.2623772621154785, 0.696155309677124, 0.09284111857414246, 0.13849851489067078, -0.15217186510562897, -0.7000686526298523, 0.06446227431297302, -0.1642242968082428, 1.5256165266036987, 0.2000400274991989, -0.4139006733894348, 0.09713256359100342, -0.4510565400123596, -0.24741172790527344, -0.14398705959320068, -0.6840229630470276, -0.4786500930786133, -0.06878700852394104, 1.1684521436691284, 0.386726438999176, 0.15640442073345184, -0.024040888994932175, -0.16049405932426453, -1.258090615272522, 0.09254671633243561, -0.6588592529296875, 0.7953592538833618, -0.8199411630630493, -0.4607516825199127, -0.006209097802639008, -0.4452042877674103, -0.4180223047733307, -1.0521296262741089, 0.003586994484066963, -0.12820038199424744, 0.5466618537902832, 1.6164989471435547, -0.26101404428482056, -0.16010361909866333, -0.330748051404953, 1.22147536277771, -0.30311062932014465, 0.6979725956916809, -0.20905904471874237, 0.35630685091018677, -1.0163370370864868, 0.32487165927886963, -0.6007769107818604, 0.5555722713470459, -0.02338508516550064, -0.16868558526039124, 0.2316836416721344, -0.4911773204803467, -0.151045024394989, 1.2512474060058594, -0.16034579277038574, 0.20324280858039856, -0.3400990962982178, 1.4114617109298706, 0.10533060878515244, -0.6833109259605408, 0.5806441307067871, 0.015124103054404259, -0.4125906229019165, 0.9533453583717346, 0.11545954644680023, 0.14544959366321564, 0.41044795513153076, 0.5028629899024963, 0.4127706289291382, -0.27505290508270264, -2.1545984745025635, 0.24973319470882416, 0.09906478971242905, -0.3390346169471741, 0.1397852599620819, -0.8629566431045532, -0.07281714677810669, -0.6598096489906311, -0.17934231460094452, 0.41112667322158813, -0.10205961763858795, -0.002465212717652321, -0.45138680934906006, 0.17442533373832703, 0.5749312043190002, -0.3998311758041382, 0.2946610450744629, 0.18419742584228516, -0.2883927822113037, -0.8166781067848206, 0.3130015432834625, 0.39206600189208984, -0.2535589039325714, 0.1407330185174942, 0.2559579908847809, 0.9304280281066895, 0.9029406309127808, -0.2631753385066986, 0.2334401160478592, 0.3486228585243225, 0.3519470691680908, -0.025530125945806503, 0.4449004530906677, -0.4218323826789856, 0.38253939151763916, -0.33255431056022644, 1.350427508354187, -0.46438106894493103, -0.23452548682689667, -0.013112134300172329, 0.15630380809307098, -0.5222207307815552, -0.4233751595020294, 1.4506241083145142, 0.6545884013175964, 1.2141457796096802, -0.5807656645774841, 0.7049686908721924, -0.4537976384162903, -0.21841630339622498, -0.018596025183796883, -0.15867967903614044, -0.08937020599842072, -0.9985381364822388, -0.8346376419067383, 0.8065652251243591, 0.23529401421546936, -0.548633873462677, -0.3868701457977295, 0.5105019807815552, 0.8505527377128601, -0.5141735076904297, 0.256821870803833, 0.49903425574302673, 0.6347147822380066, 1.1081379652023315, -0.45430681109428406, -0.4797060787677765, 0.32200369238853455, 0.39069849252700806, 0.5183095335960388, 0.06851468235254288, -1.0164629220962524, 0.14960986375808716, -0.12177398800849915, 1.0661760568618774, -0.02614986151456833, 1.2269586324691772, 0.7978185415267944, -0.5467336177825928, -1.3635008335113525, 0.12297771871089935, -0.32581281661987305, -0.20398996770381927, 0.22026485204696655, -0.27713704109191895, 0.5349063873291016, 0.14044463634490967, 0.2605155110359192, -0.711610734462738, 0.6916244029998779, -0.4706306755542755, -0.8001406192779541, 0.017638131976127625, 1.1861956119537354, -1.3165987730026245, -0.25660184025764465, 0.4323000907897949, -0.8309347629547119, -0.337684690952301, 0.022039048373699188, 0.14499486982822418, 0.455669105052948, 0.30729445815086365, 0.37926867604255676, -0.04717381298542023, -0.10402093827724457, -0.6276647448539734, 1.2870852947235107, 0.16378475725650787, -0.2242843508720398, 0.9915210008621216, 0.5542718172073364, 0.33535075187683105, 0.7547626495361328, -0.8379834294319153, -0.5403069257736206, 1.0665686130523682, 0.06468766927719116, -0.7537387609481812, -0.74916672706604, -0.3777599334716797, 0.6049597859382629, 0.0196012444794178, 0.21373027563095093, -1.1357985734939575, 0.2132895290851593, -0.17480792105197906, 0.30409443378448486, 0.45594334602355957, -0.524502158164978, -1.478833556175232, 0.6697949171066284, -0.7786454558372498, -0.026099983602762222, -0.8761841058731079, -0.2202652543783188, 2.0370371341705322, 0.22406190633773804, -0.26452523469924927, 0.008008725941181183, -13.164222717285156, 0.6706165075302124, 0.251920223236084, 0.050111301243305206, 0.6431173086166382, -0.14598125219345093, -0.05645830184221268, 0.21539396047592163, 0.08215206116437912, -0.5647863149642944, 0.33562812209129333, 0.1408335566520691, 0.4562334716320038, 0.07312407344579697, -0.2847157418727875, -1.021978735923767, -0.5713517069816589, -0.3116663098335266, 0.1163187026977539, 0.5447967648506165, 0.7131562232971191, -0.7966591119766235, -0.5598540902137756, -0.006857484579086304, 0.4040699601173401, -0.6805365681648254, -0.537182629108429, -0.2026762068271637, -0.1884562373161316, -0.45359599590301514, 0.2855127155780792, -0.4599546492099762, 0.17705278098583221, -0.23146452009677887, 0.27371543645858765, -0.09954126179218292, -0.44080209732055664, 0.391816109418869, 0.4997062683105469, 0.04390794411301613, -0.16855494678020477, 0.04677410423755646, 0.2963811159133911, -0.27766868472099304, -0.40940460562705994, 0.3266286849975586, 0.3873242735862732, -0.5169065594673157, -0.0789012610912323, -0.16719046235084534, -0.03500434756278992, -0.7542052865028381, -0.27332109212875366, -0.9521031379699707, 0.3895643949508667, -0.05241045355796814, -0.39666932821273804, 0.17425371706485748, -0.8371689915657043, -1.271186351776123, 0.26339638233184814, 0.13472363352775574, -0.23453810811042786, 0.7543438673019409, 0.2854960858821869, -0.3824295699596405, 0.3371138572692871, 0.32932978868484497, -1.13424551486969, 0.23223243653774261, -0.8009858131408691, 0.4115620255470276, -0.11065240204334259, 0.42566677927970886, -0.6177493333816528, 0.41985437273979187, -0.07286906987428665, 0.004785710945725441, 0.321829229593277, 0.09275996685028076, -0.9987478852272034, 0.5041936635971069, -0.09731783717870712, 0.2609747052192688, -1.1954089403152466, 0.4132881462574005, 0.09729789197444916, -0.07846285402774811, 0.42715927958488464, -0.3743442893028259, 1.01039457321167, 0.2166374921798706, -0.019709892570972443, -0.44354209303855896, -0.5431192517280579, 0.9650105237960815, 0.20095102488994598, 0.2795785069465637, 0.3553791046142578, -0.42897841334342957, -0.21470332145690918, 0.16778218746185303, -1.0411120653152466, 0.0015690699219703674, 0.680968165397644, 0.42129969596862793, 0.5474423766136169, -0.38589027523994446, 0.5904890298843384, -0.1912822276353836, 0.5872529745101929, 0.10066360235214233, -0.3253858685493469, 0.9773935675621033, -0.7921123504638672, 0.5192141532897949, 0.9609283804893494, -0.03477170318365097, 0.6256071925163269, 0.5319622755050659, 0.024331219494342804, 0.0619332417845726, 0.4561242461204529, 0.9759472012519836, 0.3081962466239929, -0.19609156250953674, 0.5369765758514404, 0.8092533349990845, 0.16037392616271973, -1.6345782279968262, -0.007792860269546509, -0.061382874846458435, -0.09987896680831909, 0.6347507238388062, -0.81955885887146, 0.18722064793109894, -0.31943565607070923, 1.2195671796798706, -0.7231746912002563, 0.5290499329566956, 0.42410314083099365, -0.13609910011291504, -0.9430315494537354, -0.8143582344055176, -0.70449298620224, -0.39745861291885376, -1.4856423139572144, 0.45901748538017273, -0.4385218620300293, -0.36933454871177673, -0.22839093208312988, -0.4596206545829773, 0.934454619884491, -0.633086621761322, -0.08743564784526825, -0.06324274837970734, 0.12472276389598846, -0.7115851044654846, -0.2630850374698639, 0.3535662591457367, 0.3178161680698395, 1.0342239141464233, -0.7554352283477783, 0.9685150384902954, -0.2859961688518524, -0.08399984240531921, -0.1369616687297821, -0.47217264771461487, -0.3001168370246887, -0.1272892951965332, 0.5541881322860718, -1.53730046749115, -0.23469282686710358, -0.46470439434051514, 0.10658526420593262, -1.1039714813232422, 0.69855135679245, 0.4905325472354889, -0.8706982135772705, -0.28499025106430054, 0.3206118047237396, 0.47566837072372437, 0.4445408880710602, -1.075181245803833, -0.2790801227092743, -0.9240132570266724, 0.41352903842926025, 0.6532092690467834, -0.0021910411305725574, 1.2200504541397095, -1.2978389263153076, -0.6177754998207092, -1.3837006092071533, 0.3999987840652466, 1.2507230043411255, 0.08469144999980927, 0.8771663308143616, 1.0849493741989136, -0.17666031420230865, 0.35908547043800354, 0.3574581742286682, 0.8553134799003601, 0.155953049659729, 0.3870234191417694, -0.06511285156011581, 0.2579415440559387, -0.6416001915931702, -0.3657817244529724, 0.16241225600242615, 0.734253466129303, -1.4986259937286377, -0.15446561574935913, 0.27984148263931274, -0.47839510440826416, -0.25005868077278137, -0.755753755569458, -0.12729668617248535, -0.9855894446372986, -0.12499681115150452, -0.47607558965682983, 0.1721383035182953, 0.4567200839519501, -0.49796509742736816, 1.035290002822876, 0.6798133254051208, 0.8875017166137695, 0.9412134289741516, 0.08536124229431152, 1.2818061113357544, -0.04202136769890785, 0.15130718052387238, 0.43485262989997864, 0.8088126182556152, 0.27034008502960205, 0.1977042257785797, -0.9524316191673279, -0.5899076461791992, 0.6702004671096802, -0.6399245858192444, 0.7846120595932007, -0.5639691352844238, 0.31270232796669006, 0.7680571675300598, 1.0251384973526, -0.6997292637825012, -1.6954400539398193, -0.4684346914291382, -0.9899296164512634, -0.16103115677833557, 0.9251387119293213, 0.3017854690551758, 0.7893365025520325, 0.7119661569595337, -0.017544254660606384, 0.5981001853942871, -0.2751808166503906, 0.3536612391471863, 0.8127704858779907, -0.0057325586676597595, 0.9915468096733093, 0.8496606945991516, 0.10096316039562225, 0.4352167546749115, 0.39525991678237915, -0.8652983903884888, 0.18959642946720123, -0.523492693901062, 0.15157254040241241, 0.7217051386833191, -0.960355818271637, -0.6961585283279419, -0.29645663499832153, 0.10689923167228699, -0.9134410619735718, 0.5070921182632446, -0.16628599166870117, -0.42297232151031494, -0.9703218936920166, -0.5009583234786987, -0.6897336840629578, 0.4904874265193939, -0.15581002831459045, -0.5703515410423279, -0.1490861028432846, 0.5629193186759949, 0.345706969499588, 0.193519726395607, -0.4213615655899048, -0.1904584914445877, -0.21752671897411346, 0.008390858769416809, -0.6699111461639404, -0.7843047380447388, -0.5322968363761902, 0.03687508404254913, -0.687362015247345, 0.5670892000198364, -0.32733219861984253, -0.7418553829193115, -0.415757417678833, 0.21779441833496094, 0.26694023609161377, -0.30332228541374207, -0.4045538902282715, -0.02214454673230648, -1.4503229856491089, 0.27175387740135193, 0.3384653329849243, -0.2222829908132553, -0.1606687605381012, 0.19954141974449158, 0.3376823961734772, -0.224803626537323, 0.7403902411460876]} +{"paper_id": "aslg_pc12", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "id_nergrit_corpus", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "arabic_speech_corpus", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "ascent_kb", "embedding": [-0.9814326763153076, 0.6275699138641357, 0.4795059859752655, 0.03017052263021469, 0.5481261610984802, -0.30959975719451904, 0.8425435423851013, 0.32946476340293884, 0.555833637714386, 1.3180274963378906, -0.3168748617172241, 0.4556024968624115, -0.752723217010498, -0.30608803033828735, -0.7490319013595581, -0.3925437927246094, -0.6613250970840454, -0.8146332502365112, -0.2677030563354492, -0.22313258051872253, -0.5030105710029602, -1.2989510297775269, -0.23209337890148163, 0.22232985496520996, -1.1546168327331543, -0.38648876547813416, 0.5813343524932861, -0.8915486931800842, 0.7953333854675293, 0.29054388403892517, -0.22677770256996155, 1.1245176792144775, -1.1185822486877441, 0.6926634311676025, -0.6777277588844299, 0.3026573359966278, 0.23135755956172943, 0.9478051066398621, -0.3177185654640198, 0.6180453300476074, -0.11396486312150955, 0.2337414026260376, 0.3631111681461334, 0.10524861514568329, 0.2514992952346802, -0.6161972880363464, 0.006536323577165604, 0.3127448260784149, 0.026053771376609802, 0.32255256175994873, -0.5386257171630859, 0.3435306251049042, 0.7234322428703308, 0.3975973129272461, 0.3333204984664917, 1.0585249662399292, 0.12748983502388, -0.8478317260742188, 0.4178202152252197, -0.8964877128601074, 0.6621046662330627, 1.2527961730957031, 0.034832727164030075, 0.3962433636188507, 1.0075510740280151, -0.30087658762931824, 1.0485252141952515, 0.709381639957428, 0.37860897183418274, 0.9109805822372437, -0.06485436856746674, -0.8917152881622314, 0.4461265802383423, -0.15218926966190338, -0.19365152716636658, 1.1381239891052246, 0.8278998136520386, -0.043280813843011856, 0.43156641721725464, 0.7393941283226013, 0.5179222822189331, 0.6892203092575073, 0.9710016250610352, -0.6430745124816895, -0.5805414915084839, 0.241594135761261, 0.8753921985626221, -0.8582504391670227, 0.2854371964931488, -1.5300935506820679, 0.6004221439361572, 0.7081776857376099, -0.3683509826660156, -0.11490395665168762, -0.5921239852905273, 0.6915127038955688, -1.3232589960098267, -0.38558194041252136, 0.013721771538257599, 0.7190989851951599, 0.451889306306839, -0.18696017563343048, -0.2609187662601471, -0.2095857560634613, -0.04558500647544861, -0.2610892653465271, -0.07061420381069183, 0.7812634110450745, -0.18319186568260193, -0.023792149499058723, 0.34493643045425415, 1.4548819065093994, 0.034294288605451584, 0.30131787061691284, -0.790485143661499, -0.4820573925971985, 0.6257658004760742, -1.0698950290679932, -0.15633177757263184, 0.45309484004974365, 0.1547260284423828, -0.3134789764881134, 0.14992797374725342, 0.4104357361793518, 0.9694951176643372, -0.033086519688367844, 0.12274771928787231, -0.03810546547174454, 0.05572361871600151, -0.3318810760974884, -0.014276020228862762, 0.04745999351143837, -0.35141441226005554, -0.47534000873565674, 3.5141496658325195, -1.6378962993621826, 1.80454683303833, -0.4638293981552124, 0.23791901767253876, -0.0837332233786583, -0.5041884779930115, 0.3351864814758301, 0.8433550000190735, 0.08236230909824371, -0.5304611921310425, -0.48068860173225403, -0.09735631942749023, 0.5669795274734497, -0.4146779179573059, 0.20642691850662231, 0.14101582765579224, -0.26788416504859924, -2.050143241882324, 0.4091184437274933, -0.2445228397846222, 0.47772035002708435, -1.0162657499313354, 0.26962485909461975, -0.999951183795929, 0.07616733759641647, 0.623133659362793, -0.19968892633914948, -0.4528621435165405, -0.24190209805965424, -0.6187031269073486, -0.2102930247783661, 0.8543893694877625, -0.2069666087627411, -1.4442850351333618, 0.4233950972557068, -0.16613586246967316, 0.6362326145172119, 0.1288486123085022, -0.8303341865539551, 0.1518043577671051, 0.447782427072525, 1.122301459312439, 0.24545425176620483, 0.4203904867172241, -0.5902412533760071, -0.7007124423980713, -0.8926466703414917, 0.010502263903617859, 0.10740558058023453, -0.4453052580356598, 0.3932285010814667, -2.6569151878356934, 0.3881658911705017, -0.40232935547828674, 0.41112396121025085, 0.3266685903072357, 0.31799572706222534, 0.26457512378692627, -0.04071793332695961, 0.23150263726711273, -0.2796934247016907, 0.4512014389038086, -1.4663267135620117, -0.4767061471939087, -0.17920604348182678, -0.772680938243866, 0.6849021911621094, -0.10310658812522888, 1.2001203298568726, 0.5095098614692688, -0.45041152834892273, -0.712604820728302, -2.279496431350708, 0.028212040662765503, 1.9724863767623901, -0.10816854238510132, -0.6306374073028564, -1.1425482034683228, 0.3347017765045166, 0.2001645565032959, -0.5782262086868286, 0.48306456208229065, -0.49820423126220703, 0.3771774470806122, -0.4672073721885681, 0.5089192986488342, -0.0943901389837265, 1.004257321357727, 0.17135873436927795, 1.2113568782806396, -0.7040205001831055, 0.23823240399360657, -0.5427933931350708, -0.8127811551094055, 0.2743361294269562, 0.8129968047142029, 0.019038155674934387, 0.11317532509565353, 0.477653443813324, 0.24328672885894775, 0.5019093751907349, 0.43966272473335266, 0.2516695559024811, -1.2617237567901611, 0.04720474034547806, -0.009014089591801167, 1.8229166269302368, 0.4486101269721985, 0.4722791910171509, 1.0505212545394897, 0.14408552646636963, -0.26031747460365295, -0.508843183517456, 0.17824460566043854, -0.31921255588531494, 1.296073079109192, 0.4489292502403259, -0.47196248173713684, 0.6869759559631348, -0.7558452486991882, -0.4998945891857147, -0.2636912167072296, -0.841120719909668, -0.5358394384384155, -0.4243677258491516, 1.9201503992080688, -0.1336151361465454, 0.017722364515066147, -0.02879265695810318, -0.6608361005783081, -1.2144535779953003, 0.09071457386016846, 0.21796277165412903, 0.21720747649669647, -1.4695721864700317, 0.35658249258995056, -0.5881354808807373, -1.0388768911361694, -0.9486914873123169, -0.4196508228778839, -0.27985820174217224, 0.20990736782550812, 0.2272135317325592, 1.4752236604690552, -0.03874623402953148, 0.6210157871246338, -0.3689635396003723, 1.1414856910705566, -0.5571891069412231, 0.40483152866363525, -0.06890244781970978, -0.07685393840074539, -0.912411630153656, 0.33129459619522095, -0.2356402426958084, 0.5159005522727966, 0.28950071334838867, -0.9717068672180176, -0.20768210291862488, -0.41676220297813416, -0.3242388069629669, 0.7395588755607605, 0.49361589550971985, -0.818527340888977, -0.569229245185852, 1.7576607465744019, -0.3410152494907379, -0.5514258146286011, 0.9052503705024719, 0.20627468824386597, -0.2998831570148468, 1.385384202003479, 0.6655128002166748, 0.5952621102333069, 0.2880384922027588, 0.3424467146396637, -0.1500781923532486, 0.11119820922613144, -1.9460902214050293, 0.7074000835418701, 0.7025578022003174, -0.1297665685415268, 0.3816094398498535, -0.8829850554466248, 0.34505802392959595, -1.0009565353393555, 0.14175021648406982, 0.5215970873832703, 0.19678692519664764, 0.5747570991516113, -0.12186453491449356, -0.13919708132743835, 1.236522912979126, -1.2797505855560303, 0.3599030077457428, 0.24826018512248993, 0.2360934019088745, -0.5740546584129333, 0.18358534574508667, 0.4285016357898712, -0.01156392227858305, 1.2990490198135376, 0.4464785158634186, 0.6847090721130371, 0.5911476612091064, -0.39645180106163025, -0.2594478130340576, 0.6372386813163757, 0.33351731300354004, 0.6033894419670105, 0.46882712841033936, -0.20566751062870026, 0.9696991443634033, -0.2561575174331665, 1.5691142082214355, 0.3407321572303772, -0.40929627418518066, -0.012249733321368694, -0.6319079995155334, -0.7204344272613525, -1.3372437953948975, 1.9027736186981201, 1.0919773578643799, 1.404942512512207, -0.36013108491897583, -0.5380265116691589, -0.720485270023346, -0.4650934636592865, 1.019944429397583, 0.2987900376319885, 0.16663363575935364, -0.8439228534698486, -0.6205666065216064, 0.33797937631607056, -0.1538071632385254, 0.32765433192253113, -0.4899340271949768, 0.1693045198917389, 0.6698655486106873, -0.7440586686134338, 0.2808626592159271, 0.613213837146759, 0.13214653730392456, 0.23122674226760864, -0.620204508304596, 0.06349340081214905, -0.42247459292411804, -0.16798388957977295, 0.2328951209783554, 0.41837078332901, -0.973252534866333, 0.43069881200790405, 0.4127119779586792, 0.3330252170562744, -0.14212310314178467, 1.7302889823913574, 1.6594678163528442, 0.13508570194244385, -2.219041109085083, -0.7228907346725464, -1.360589861869812, 0.4503351151943207, 0.4518193006515503, -0.32688239216804504, 0.005510244518518448, 0.6130010485649109, -0.32826319336891174, -0.8257116675376892, 0.926535964012146, -0.5930455923080444, -0.49480345845222473, 0.8279736638069153, 0.6553411483764648, -1.252592921257019, -0.14530745148658752, 0.09546999633312225, -0.29640698432922363, -0.8432380557060242, -0.3751307427883148, -0.5207634568214417, 0.5287607312202454, 0.7055661678314209, 0.522368311882019, 0.3964691758155823, 0.6978787183761597, -0.40637627243995667, 1.3237576484680176, 0.24926121532917023, 0.08987778425216675, 0.25759270787239075, 0.380478173494339, 0.25140905380249023, -0.3895253539085388, -0.5126283764839172, -0.6982900500297546, 1.1455191373825073, -0.2066541314125061, -0.5354873538017273, -1.1249083280563354, -0.7746449112892151, 0.9277021288871765, -0.2394472360610962, 0.1706555336713791, -1.0366547107696533, 0.5417631268501282, -0.355141282081604, -0.7365404367446899, 0.44047871232032776, -1.0892781019210815, -1.4336519241333008, 0.9662994742393494, -0.015322260558605194, 0.8920763731002808, -0.7538331747055054, -0.17031319439411163, 1.8125630617141724, 0.0755498930811882, 0.19256389141082764, 0.23212406039237976, -11.40903377532959, 0.8482221364974976, 0.0804390162229538, 0.5027994513511658, 0.6883163452148438, -0.01956409215927124, 0.6362467408180237, 0.19595175981521606, 0.6483913660049438, -0.9763653874397278, -0.00022179260849952698, 1.158897876739502, -0.20820260047912598, -0.004467247519642115, -0.8756308555603027, -1.5282630920410156, -0.743307888507843, -0.7476198673248291, -0.10788934677839279, 0.16628652811050415, 0.20843014121055603, -0.8841850161552429, -0.7367886900901794, -0.13184483349323273, 0.6572663187980652, -0.17722228169441223, -0.14413246512413025, -0.4442496597766876, -0.3519939184188843, -1.05561101436615, 0.6218006014823914, -0.11849525570869446, -0.513353705406189, 0.24179707467556, -0.42106568813323975, 0.4416089951992035, -0.7505619525909424, -0.057386040687561035, 0.49119898676872253, -0.02176021784543991, -0.011708967387676239, 0.46803975105285645, 0.47757288813591003, -0.2562157213687897, -0.1530957669019699, 0.8471122980117798, 0.1658700406551361, -0.35307392477989197, 0.7906032204627991, -0.12026622146368027, -0.4860173463821411, -0.4855005145072937, -0.8049387335777283, -0.6454185247421265, 0.33180734515190125, -0.28134045004844666, -0.42665642499923706, -0.5526751279830933, -1.0462743043899536, -1.320230484008789, 1.1263166666030884, -0.14816521108150482, -0.06783804297447205, 0.6688326001167297, 0.5808418393135071, -0.8636924624443054, 0.27524515986442566, 0.22363826632499695, -0.6261149644851685, -0.14983421564102173, -0.36145955324172974, 0.6655281186103821, -0.6619476079940796, 0.043790582567453384, -0.35420721769332886, -0.0043111518025398254, -0.5839624404907227, 0.863153874874115, 0.6195427775382996, 0.2782408595085144, -0.953590452671051, 0.9510502219200134, 0.5746668577194214, -0.6154724359512329, -1.2605985403060913, -0.006940029561519623, 0.23304125666618347, 0.43484804034233093, 0.18038798868656158, -0.4155946373939514, 0.919417142868042, 0.5406814813613892, -0.29889029264450073, -0.41706782579421997, -0.5887482166290283, 0.6505541205406189, 0.9340874552726746, 0.9649155735969543, -0.0847882330417633, 0.02019229158759117, 0.129518061876297, -0.3994808793067932, -1.3404781818389893, -0.15372024476528168, -0.04765018820762634, 0.4791674017906189, 0.5591186881065369, -0.18626540899276733, -0.0299348346889019, -0.6621460914611816, 0.31313762068748474, 0.5770756006240845, -0.6260290145874023, 0.5461689829826355, -0.5726395845413208, 0.3635140359401703, 0.5850640535354614, -0.39548152685165405, 0.5865930318832397, 1.3017007112503052, 0.5922585725784302, 0.5977501273155212, 0.12668725848197937, 0.8413429260253906, -0.24902227520942688, -0.32642030715942383, 0.4441521167755127, 0.9232094883918762, -0.4383072555065155, -1.7758463621139526, 0.2421571910381317, -0.34388476610183716, 0.87812739610672, -0.2808590531349182, -0.5159689784049988, -0.3005439341068268, 0.17638057470321655, 1.2038112878799438, -0.21151280403137207, 0.29602086544036865, -0.32481688261032104, -0.28077423572540283, -0.7876487374305725, -1.2470146417617798, -0.4366190731525421, 0.2954675555229187, -1.8352644443511963, 0.20467638969421387, -0.2853127121925354, -0.9503457546234131, -0.20525315403938293, -0.7949734330177307, 0.7270442247390747, -0.2043830305337906, -0.298300176858902, -0.2502821385860443, -0.18182657659053802, 0.4876667559146881, -1.2483304738998413, -0.1498078852891922, 0.09426417946815491, 0.8636390566825867, -1.2456594705581665, 0.5431308150291443, 0.27981001138687134, 0.05157779902219772, -0.36402428150177, -0.3215428590774536, -0.842690110206604, -0.2511194050312042, 0.8482421636581421, -1.357740879058838, 0.2851134240627289, -0.10942044854164124, -0.24759936332702637, -0.7465152144432068, 1.3747526407241821, -0.12395526468753815, -0.6328603625297546, -0.631942629814148, 0.4790659546852112, 0.2757700979709625, 0.08859657496213913, -0.10049007833003998, -0.18045750260353088, -0.5160218477249146, 0.16214489936828613, 0.4002408981323242, 0.10699634999036789, 0.7777211666107178, -1.2256314754486084, -1.2615435123443604, -0.6097931265830994, 0.8161845803260803, 0.3804505169391632, 0.07313208281993866, 1.133416771888733, 0.81697016954422, 0.5972180366516113, 1.0318021774291992, 0.6114945411682129, 0.6358917951583862, 0.32194262742996216, 0.9515208601951599, -0.3765718340873718, 0.13936972618103027, -1.0160000324249268, -0.11680945754051208, 0.8826681971549988, 0.4321911036968231, -0.8568726181983948, 0.13418583571910858, 0.758464515209198, -0.7019501328468323, 0.09613455832004547, -0.9035911560058594, 0.29411429166793823, -1.1355262994766235, -0.7665860652923584, -0.08552313596010208, 0.7655639052391052, 0.6118729114532471, -0.7122652530670166, 1.4060304164886475, 0.8693677186965942, 0.3246999979019165, 0.20917101204395294, 0.5997810959815979, 0.9463356137275696, -0.5790544152259827, 0.1652708202600479, 0.5987905263900757, 0.4261878430843353, 0.3593449890613556, 0.1393490582704544, -0.9773421883583069, -0.4000232219696045, 0.14169155061244965, -0.87285977602005, 0.7054563760757446, -0.503009021282196, 0.7885866165161133, 0.9973520636558533, 1.197190761566162, -1.4924578666687012, -1.4772950410842896, -0.4373161494731903, -1.3803963661193848, -0.29702475666999817, 0.8100451231002808, 0.7154645323753357, 0.3512899577617645, 0.9531543850898743, 0.29799091815948486, 0.7625057697296143, -0.8521705269813538, 0.5485994219779968, 0.8681026697158813, -0.03386296331882477, 0.5474156141281128, 0.6019464731216431, -0.11339356005191803, 0.1804494857788086, 0.09042185544967651, -0.8510966300964355, 0.11213028430938721, -0.6071145534515381, 0.11803585290908813, 0.25803709030151367, -0.4742209315299988, -0.22152888774871826, -0.3510650396347046, 0.7208194136619568, -1.216570496559143, 0.5782619118690491, -0.4450427293777466, -0.5467815399169922, -0.020758550614118576, -0.9374620318412781, -0.9728657603263855, 0.13407209515571594, -0.10754422843456268, -0.8605871200561523, 0.045132823288440704, 1.0863429307937622, -0.5356972813606262, -0.419878751039505, -0.3216206729412079, 0.036107104271650314, -0.8256704211235046, 0.3110322952270508, -0.37014907598495483, -0.5474095344543457, -0.744465708732605, 0.33426806330680847, -0.038302283734083176, 0.27683064341545105, -0.01212397962808609, -0.570795476436615, -0.6870397329330444, 0.4568130671977997, -0.5113826990127563, -0.45739713311195374, 0.02307366207242012, 0.14640730619430542, -2.0474910736083984, 0.9728204607963562, 0.7292465567588806, 0.6667895913124084, -0.7227208018302917, 0.3366290330886841, -0.17847678065299988, 0.16730883717536926, 0.22590413689613342]} +{"paper_id": "dane", "embedding": [-1.2041317224502563, 0.8316352963447571, 0.05545948073267937, -0.1677403748035431, -0.27179571986198425, -0.10635963082313538, -0.5976281762123108, 0.3251837491989136, 0.8922560214996338, 0.7846596837043762, 0.5586153864860535, -0.8440431356430054, -0.37370336055755615, -0.25962889194488525, -0.5742350816726685, -0.2667393088340759, -0.5638078451156616, -1.0691862106323242, -0.6762821674346924, -0.0974043607711792, -1.3624911308288574, -1.0560297966003418, -0.2773576080799103, 0.32281607389450073, -1.0798187255859375, -0.6892712712287903, 0.05527009069919586, -1.1998592615127563, 0.31950119137763977, 0.41606658697128296, -0.33315154910087585, 1.5270538330078125, -1.128110408782959, -0.017025142908096313, 0.07683489471673965, 0.17033681273460388, 0.6117780804634094, 0.7359389066696167, -0.4743906855583191, -0.5147165060043335, -0.5823635458946228, -0.45692163705825806, 0.5177983641624451, 0.3511343002319336, 1.1936990022659302, -0.5039763450622559, 0.20090073347091675, 0.2606413662433624, 0.4344005584716797, -0.20926742255687714, -0.48043733835220337, 0.2943885028362274, -0.231961190700531, 0.44208455085754395, -0.6287055611610413, 1.0394306182861328, 0.4561663568019867, -1.271464467048645, 0.46553829312324524, -0.543221116065979, 0.3940456807613373, 1.084132432937622, -0.44716036319732666, 0.23255684971809387, 1.0359126329421997, 0.585852324962616, 1.4391003847122192, -0.5299733877182007, 0.599990963935852, 0.28823816776275635, 0.09764693677425385, -1.0535802841186523, 0.7896950244903564, -0.33316531777381897, 0.799420952796936, 1.138550877571106, 0.08218465745449066, 0.08063854277133942, 0.09803540259599686, 0.30138248205184937, -0.109495609998703, 0.4994083046913147, 0.7533416748046875, 0.12887275218963623, 0.13479618728160858, -0.1483372151851654, 0.453494131565094, -0.9161574840545654, 0.6218762993812561, -1.9066648483276367, 0.5715742111206055, -0.44721877574920654, -0.9163910150527954, -0.21977001428604126, -0.39290326833724976, 0.1846306324005127, -0.5868743658065796, -0.5354720950126648, -0.9121595621109009, 0.44931766390800476, 0.5712078213691711, -0.642693281173706, -0.07971274107694626, -0.5801704525947571, -0.2169337272644043, 1.2037822008132935, -0.8697056770324707, -0.08832406252622604, -1.1373807191848755, -0.13734020292758942, 0.4992520213127136, 1.7050338983535767, 0.4080962836742401, 0.4168957471847534, -0.09765386581420898, -0.15528243780136108, 0.4389214813709259, -0.8129472732543945, -0.7112817168235779, 0.3706744909286499, -0.2924884855747223, -0.9857146739959717, -0.007927093654870987, 0.3199596405029297, 1.3183205127716064, -0.8312731981277466, 0.42551377415657043, -0.4309566915035248, -0.10473336279392242, -0.44819238781929016, 0.7103782892227173, -0.3010459840297699, -0.4590109884738922, -0.41492244601249695, 3.193638563156128, -1.1840105056762695, 1.1268450021743774, -0.4510456323623657, -0.39961501955986023, -0.29119569063186646, 0.15122732520103455, 0.9216782450675964, 0.7535431385040283, -0.6816263794898987, -0.4242410957813263, 0.49334654211997986, -0.5611764192581177, 0.41715767979621887, -0.5058988332748413, -0.5580537915229797, 0.5692439675331116, 0.4139045774936676, -1.167799472808838, -0.11513467133045197, -0.03974100202322006, 0.41499197483062744, 0.17012232542037964, 0.5673473477363586, 0.10780557990074158, 1.3754907846450806, 0.2196105420589447, -0.11859403550624847, -0.20751018822193146, 0.6473822593688965, -0.9633817672729492, -0.15819747745990753, 1.3326274156570435, 0.06807054579257965, -1.0253828763961792, -0.3985654413700104, 0.5397583842277527, 0.028240615501999855, -0.26839351654052734, -0.2907981872558594, -0.7531465291976929, -0.24537354707717896, 1.2574586868286133, 0.5820176005363464, 0.0789506733417511, -0.542978048324585, 0.149194598197937, -0.11792489886283875, 0.14100942015647888, 1.0177812576293945, -0.11641819775104523, 0.5989574790000916, -2.1974003314971924, -0.3999946713447571, -0.4145581126213074, 0.6360911726951599, -0.22683784365653992, -0.6461264491081238, 0.05235760286450386, 0.34981489181518555, 0.17649969458580017, -0.08110666275024414, 0.6192464232444763, -1.3756747245788574, -0.6689722537994385, 0.12864206731319427, 0.151772603392601, 0.05213011056184769, -0.10319135338068008, 1.2003626823425293, 0.010184112004935741, -0.47454991936683655, -0.3810010850429535, -1.5424984693527222, 0.14239224791526794, 2.134495496749878, -0.034720465540885925, -0.9266057014465332, -1.3093289136886597, -0.0568900927901268, -0.11029709875583649, -0.7393259406089783, 0.427180677652359, -0.26939335465431213, 0.5181509256362915, -1.2169015407562256, 0.18630769848823547, -0.33264994621276855, 0.03968376666307449, 0.2386728823184967, 0.6328732967376709, -0.5332863926887512, -0.49988192319869995, -0.5321114659309387, -0.3704320192337036, 0.5749005079269409, 0.5079064965248108, 0.3598615825176239, -0.16917970776557922, 0.9133475422859192, 0.33789974451065063, 0.3423779010772705, 0.029186293482780457, 0.6737147569656372, -0.548804521560669, 1.1464656591415405, -0.11768510937690735, 0.2321033775806427, -0.16341964900493622, -0.7010453343391418, 0.5127373933792114, 0.01639685034751892, -0.522976279258728, -0.21766114234924316, 0.035578638315200806, -0.026004083454608917, 1.4284284114837646, 1.32826566696167, -0.35645121335983276, 0.9207594394683838, -1.062595248222351, 0.4678958058357239, -0.8073343634605408, -0.5080620646476746, -0.2843669652938843, -0.27026593685150146, 1.24853515625, -0.34454256296157837, -0.005475260317325592, -0.44439148902893066, -0.11650419980287552, -1.5907316207885742, -0.19057437777519226, 0.5498734712600708, -0.21950556337833405, -0.953563928604126, 0.6006056666374207, -0.3607518672943115, -1.027505874633789, -0.7758758068084717, 0.2614472210407257, 0.5598744750022888, -0.045857615768909454, 0.6781690120697021, 1.2669943571090698, -0.41026240587234497, 0.035708360373973846, -0.2458062618970871, 0.9571812748908997, -0.924254298210144, 0.8564961552619934, 1.1232702732086182, 0.2913995385169983, -0.9580885171890259, 0.06388954818248749, 0.08786651492118835, -0.11242325603961945, 0.5682748556137085, 0.2662728726863861, 0.4881722331047058, -0.28584080934524536, -1.1025031805038452, 1.4816124439239502, -0.0004967376589775085, -0.4290837049484253, -1.2179473638534546, 1.711691975593567, 0.5141810774803162, 0.5061594247817993, 0.7730602622032166, 0.1510402262210846, -0.13395196199417114, 1.2305960655212402, -0.6939518451690674, 0.23219183087348938, 0.19442881643772125, -0.23810343444347382, -0.15076416730880737, 0.604025661945343, -1.8403596878051758, -0.08856373280286789, -0.06810037791728973, -0.2786729335784912, -0.05869895592331886, -0.5010016560554504, 0.888771116733551, -0.63442462682724, -0.2682003378868103, 0.40431833267211914, -0.21285822987556458, 0.1973373293876648, -1.0752710103988647, -0.9569634795188904, 0.6030884385108948, -0.23032239079475403, 0.6119084358215332, 0.7357164025306702, 0.14089912176132202, -1.1147677898406982, 0.4051441550254822, 1.8031766414642334, -0.08858278393745422, 0.4643044173717499, 0.4763515591621399, 0.8570420742034912, 0.9352704286575317, -1.342144250869751, 0.32972580194473267, 0.26474112272262573, 0.6769513487815857, 0.161333829164505, 0.06190589815378189, -0.06498869508504868, 1.0533905029296875, -0.6273080110549927, 1.5416115522384644, -0.05281023308634758, -0.49181583523750305, -1.2695802450180054, -0.09199170768260956, -0.5772241950035095, -0.1683136522769928, 2.489229202270508, 0.45565932989120483, 1.9214617013931274, 0.003579343669116497, -0.019090386107563972, -1.0153813362121582, 0.17659474909305573, 1.59401535987854, 0.900097131729126, 0.14576295018196106, -0.3361031413078308, 0.22886337339878082, 0.14891940355300903, -0.45245394110679626, -0.58292156457901, -0.40306106209754944, 0.6083509922027588, 0.09514680504798889, -0.721605658531189, -0.003391316393390298, 0.35945242643356323, 0.15387636423110962, 1.483339786529541, -0.6335912346839905, -0.560897171497345, -0.7051439881324768, 0.9904991388320923, 0.4222249388694763, 0.6333494782447815, -1.2684757709503174, 0.2794947326183319, 0.17375294864177704, 0.1862720102071762, -0.32772043347358704, 1.25541090965271, 1.126147747039795, 0.03428157791495323, -1.5166465044021606, 0.06511177122592926, -0.8743715286254883, -0.35391971468925476, 1.0507113933563232, -0.5440474152565002, -0.4369626045227051, 0.2620236575603485, -0.23883873224258423, -0.7443832159042358, 0.736930251121521, -0.9897688031196594, -1.72208571434021, 0.741696298122406, 1.4304399490356445, -0.46903902292251587, -1.0886374711990356, 0.04559849202632904, -0.57798171043396, -0.7951682806015015, -0.02948717400431633, -1.433010220527649, 0.656173586845398, 0.36894500255584717, 0.5095128417015076, 0.12939953804016113, -0.5823074579238892, -0.2466868758201599, 0.7149439454078674, 1.0358326435089111, -0.3763253390789032, 0.20697610080242157, 0.5080537796020508, 0.4401656985282898, -0.05344364792108536, -1.2848889827728271, -1.215283751487732, 0.6272112131118774, -0.030357487499713898, 0.17902107536792755, -1.2303601503372192, -0.540149986743927, 0.3406756818294525, -0.33337897062301636, 0.9692226052284241, -0.9525280594825745, 0.8254031538963318, -0.8554385900497437, 0.3649488687515259, -0.37468603253364563, -0.7587932348251343, -1.6424577236175537, 1.8586704730987549, -0.25358811020851135, 0.22983962297439575, -0.25620561838150024, 0.4830409288406372, 1.9998598098754883, 0.24625739455223083, 0.14328433573246002, -0.0416223518550396, -11.210967063903809, -0.08097008615732193, 0.28392016887664795, 0.6275633573532104, 0.8243895173072815, -0.27734628319740295, 1.1862475872039795, -0.020302683115005493, 0.7791262865066528, -0.6189013719558716, 0.80010586977005, 1.051728367805481, 0.24607831239700317, -0.7710795998573303, -0.6432619094848633, -0.6186061501502991, -0.07985906302928925, -0.9068639874458313, 0.16191056370735168, 0.2282375693321228, -0.6242542266845703, -1.4263887405395508, 0.0027516260743141174, 0.585368275642395, 0.6543328762054443, -0.3649071156978607, 0.08863623440265656, 0.47248736023902893, -0.07416340708732605, 0.1694815307855606, 0.6361210942268372, -0.7126585245132446, -1.4202377796173096, -0.1473313570022583, 0.5616483688354492, 0.2932455241680145, -1.1525728702545166, -0.2963906526565552, 0.8503058552742004, 0.03270822763442993, -0.29257071018218994, 0.8251710534095764, 0.38791322708129883, 0.06102980673313141, -0.7428810596466064, 0.24145923554897308, 0.7175458669662476, -1.2058390378952026, -0.357369601726532, -0.3016808032989502, -0.5011295080184937, -0.36708196997642517, -1.231871485710144, -0.14366298913955688, 0.6667926907539368, -0.6246143579483032, -0.6223241090774536, 0.5168503522872925, -0.8361070156097412, -1.1419345140457153, 1.6769556999206543, -0.3149282932281494, -0.5282707214355469, 0.4074544310569763, 0.3453238308429718, -0.49258124828338623, 0.5320805311203003, 0.010807430371642113, -0.03415647894144058, 0.2663397789001465, -0.4106522500514984, 0.5477595329284668, 0.502960741519928, 0.2938495874404907, -0.6435359120368958, -0.5442985892295837, -0.1615286022424698, 0.07773714512586594, 0.2749289572238922, 0.15803146362304688, -0.8996527194976807, 1.1075495481491089, 0.5228132009506226, 0.21926429867744446, -0.5876541137695312, 0.09919166564941406, 0.014235571026802063, -0.6211268901824951, 0.0827222615480423, -0.5120156407356262, 0.6279924511909485, -0.5956008434295654, -0.16674350202083588, -0.01904464140534401, -0.19096484780311584, 0.8311827778816223, -0.6759957671165466, 1.1104791164398193, 0.5973470211029053, -0.20371797680854797, -0.10927305370569229, -0.24145370721817017, -0.25723427534103394, 0.1493954211473465, 0.7465182542800903, 0.2671947181224823, 0.10268834233283997, 0.20749863982200623, 0.1332228034734726, -0.2739759683609009, 0.5631662011146545, 0.10456673800945282, -0.21172378957271576, 0.768622100353241, -0.22527119517326355, 1.0670686960220337, 0.2644556760787964, 0.04879501461982727, 0.5360992550849915, 0.9410837292671204, 0.8594974279403687, 0.4772079586982727, 0.5573781132698059, 1.3489388227462769, -0.3155432641506195, -0.4872613847255707, 0.8943553566932678, 0.836810827255249, 0.693479061126709, -1.8470184803009033, 0.15200254321098328, 0.5226885676383972, -0.0518694743514061, -0.5758131742477417, -0.28646987676620483, -0.8309206366539001, -1.2119805812835693, 1.5699248313903809, 0.06170132756233215, 0.25842007994651794, 0.3588330149650574, -1.0930469036102295, 0.11511577665805817, 0.5155555605888367, -0.4647693634033203, -0.20448309183120728, -1.5384527444839478, -0.10214842855930328, -0.2241438627243042, -0.6473669409751892, 0.7242326140403748, -0.6074947118759155, 0.979615330696106, -0.48467159271240234, 0.17849591374397278, 0.3008856475353241, -0.21814723312854767, -0.8733417391777039, -0.426653653383255, 0.38021954894065857, 0.07510097324848175, 0.9557901620864868, -0.9005886912345886, 0.8932334780693054, 0.7354207038879395, -0.30425140261650085, -0.892484724521637, 0.15920107066631317, -0.5571471452713013, 0.2094302773475647, 1.101470947265625, -1.2591042518615723, -0.020873503759503365, -0.4206123650074005, -0.26558220386505127, -0.9481652975082397, 0.6224614381790161, 1.1396654844284058, -0.31575003266334534, -0.2581682801246643, 0.0527040958404541, 0.37683606147766113, 0.4602115750312805, -0.2502245008945465, -0.5689258575439453, -0.530525267124176, -0.17554771900177002, 0.5913411974906921, -0.024557454511523247, 0.6676838994026184, -1.1427973508834839, -0.6816324591636658, -0.5727782249450684, -0.3440316617488861, 0.14188018441200256, -0.08424918353557587, 1.3454664945602417, 0.37916257977485657, 0.2546836733818054, 0.6568005084991455, 0.41703176498413086, 0.7266005277633667, 0.5962517857551575, 0.704319953918457, -0.5484839677810669, -0.35185670852661133, -0.21914073824882507, 0.3068089187145233, 0.7427512407302856, 0.8846009969711304, -1.0191059112548828, -0.2151065170764923, 0.33980998396873474, -0.21517445147037506, 0.6219812631607056, -0.8263342380523682, 0.4256688356399536, -0.2246364951133728, -0.33639246225357056, -1.367565631866455, 0.10106036812067032, 1.0667636394500732, -0.7112727761268616, 0.5658422708511353, -0.14678554236888885, 0.30238422751426697, 0.821596622467041, -0.09171861410140991, 1.634752869606018, -0.49761492013931274, -0.16904298961162567, 0.44387713074684143, -0.09242232888936996, -0.1950494945049286, -0.12229396402835846, 0.34426069259643555, -0.5590382218360901, 0.06574320048093796, -0.5640622973442078, 0.3662431240081787, -0.2153634876012802, 0.2417905479669571, 0.2607749402523041, 1.0350078344345093, -0.23007172346115112, -0.768585205078125, -0.27927687764167786, -0.7072966694831848, -0.6399068832397461, -0.1531543731689453, 0.19061057269573212, 0.65812087059021, 0.7810708284378052, 0.25791120529174805, 1.1621696949005127, -0.08505494892597198, -0.5921419262886047, 0.37612783908843994, 0.3130245804786682, 0.9616948962211609, 0.37653258442878723, 0.2231256365776062, 0.1896497756242752, -0.06217741221189499, -1.0118733644485474, -0.8810780644416809, -0.4790068566799164, 0.5319231748580933, 0.8323732018470764, -0.6200129985809326, 0.3066323399543762, -0.8707879781723022, 0.38749808073043823, -0.46987542510032654, 0.34430381655693054, 0.16076791286468506, -0.4140969514846802, -0.9018649458885193, -0.8920831084251404, -0.26806706190109253, 0.9693819880485535, -0.32091236114501953, -0.18738019466400146, -0.7760148048400879, 0.022506076842546463, -0.5925930142402649, -0.38363751769065857, -0.6453181505203247, 0.7018601894378662, -0.21548821032047272, 0.6073875427246094, -0.3699015974998474, -1.2008278369903564, -1.2466518878936768, 0.10792890191078186, -1.0756927728652954, 0.028514044359326363, 0.39333826303482056, -0.830533504486084, -0.7346493601799011, 0.4926126301288605, -0.6075387001037598, 0.10778376460075378, 0.632236123085022, -0.23484307527542114, -1.672537088394165, 0.8288558125495911, 1.3674567937850952, 0.04100702702999115, -0.808722972869873, 0.9408407807350159, 0.28955110907554626, 0.1411110758781433, 1.3200933933258057]} +{"paper_id": "bsd_ja_en", "embedding": [-0.05190753564238548, 0.704617977142334, 0.717993438243866, -0.12711836397647858, 0.2775656580924988, -0.1262657195329666, 0.8264673948287964, 0.6591067910194397, 0.6335761547088623, -0.224788099527359, 0.022358998656272888, -0.3895362913608551, 0.07304822653532028, 0.7015982270240784, -0.6258783340454102, -0.3384186625480652, -1.9092333316802979, -1.055058479309082, -1.3143930435180664, -0.6048197150230408, -0.5487580895423889, -0.5100305080413818, -0.6778110265731812, 0.9809023141860962, 0.018764536827802658, -0.5750813484191895, 0.5483403205871582, -1.1253896951675415, 0.2944506108760834, 0.44544893503189087, 0.30443525314331055, 1.7472285032272339, -0.6102303266525269, 0.08585000783205032, -0.03745032846927643, -0.5042162537574768, -0.9529559016227722, 0.7571773529052734, -1.423168420791626, 0.5562356114387512, -0.6701120138168335, 0.27697494626045227, 0.32523712515830994, 0.3779163360595703, 0.4353061318397522, 0.5728469491004944, -0.1311594545841217, -0.323533296585083, 0.010722480714321136, 0.2590949833393097, -0.627794623374939, -0.12087448686361313, 0.4558125436306, 0.12626215815544128, 0.119968943297863, 1.8830351829528809, -0.45283105969429016, -0.19021283090114594, 0.4304217994213104, -1.0769262313842773, 1.1138442754745483, 0.7722981572151184, 0.23967097699642181, 0.4883708357810974, 0.927185595035553, -0.8091685175895691, 1.600222110748291, 0.06596146523952484, 0.7018436789512634, 0.9427608251571655, -0.5373802781105042, -1.2978061437606812, 0.8579859733581543, 0.07764594256877899, -0.4842061698436737, 1.0867676734924316, 0.8107087016105652, 0.795632541179657, -0.10674089193344116, 0.3115127384662628, -0.2767094373703003, 0.5021458268165588, 1.125536561012268, -0.5174034833908081, 0.0363822840154171, 0.29493269324302673, 0.819225549697876, -0.3424159586429596, 0.43127861618995667, -1.7356785535812378, 0.025333687663078308, -0.04828064143657684, 0.09509851783514023, 0.19256070256233215, -0.6901457905769348, 0.24217039346694946, 0.49967241287231445, 0.3326832354068756, -0.6983840465545654, 0.1725025773048401, 0.7371717691421509, -0.419889897108078, 0.36965373158454895, -0.6037730574607849, 0.2236832082271576, 0.2839830219745636, 0.589495062828064, -0.9436123371124268, -0.09181980788707733, -0.4431740641593933, -0.660243809223175, 0.9901762008666992, -0.12173186987638474, 0.8259206414222717, -0.29915180802345276, 0.2833808958530426, -0.3933533728122711, -0.6432321071624756, -0.9849802851676941, -0.5068509578704834, -0.24882322549819946, -0.8657056093215942, -0.08126164227724075, -0.3324199318885803, 0.6703900098800659, -0.31366148591041565, 0.15875838696956635, -0.6210708618164062, 0.7884621620178223, -0.22640404105186462, 0.47810691595077515, 0.0432647243142128, -0.42876675724983215, -0.6718505620956421, 2.9171884059906006, -0.670998215675354, 1.8228951692581177, -1.4288254976272583, 1.033260464668274, -0.4305420517921448, 0.5616695880889893, 1.7906640768051147, -1.1181138753890991, -0.3723111152648926, -0.03705570474267006, -0.4748704433441162, -0.712088406085968, 0.055250540375709534, 0.1162487268447876, -0.8734452128410339, -0.14651596546173096, -0.20885056257247925, -0.8306838870048523, -0.22670978307724, -0.5507252812385559, -0.13851189613342285, 0.7627062201499939, 1.6217238903045654, -0.7288964986801147, 0.656523585319519, 0.9190306067466736, 0.060731399804353714, -0.3119226396083832, 0.3671148717403412, -1.3753340244293213, -0.2640801966190338, 1.069027304649353, 0.3518557548522949, -0.5269185900688171, -0.4758806526660919, 0.5197957754135132, 0.3493798077106476, 0.4958944618701935, 0.6089453101158142, 0.019166382029652596, 0.5000170469284058, 0.3993001878261566, 1.4656412601470947, 0.1636458784341812, -0.8165866732597351, -0.39047589898109436, -0.5670104622840881, -0.8362666964530945, -0.34061262011528015, 0.14272406697273254, 0.02814503386616707, -1.7854746580123901, 0.2780739665031433, -0.917818009853363, -0.16262857615947723, 0.31296396255493164, -0.8665496110916138, 0.2733153700828552, -1.229745626449585, 1.1230332851409912, -0.09125261008739471, 0.31564533710479736, -0.9877378344535828, -0.26816460490226746, 0.39931386709213257, 0.32014018297195435, -0.2111702412366867, 0.21554045379161835, 1.1833277940750122, 0.7939455509185791, 0.06181055307388306, -0.5097352862358093, -1.0231045484542847, -0.36551377177238464, 2.5176141262054443, -0.11922402679920197, -0.7417521476745605, -0.7038890719413757, -0.02604464441537857, 0.38953298330307007, -0.3987841010093689, 0.4656786024570465, -1.0963757038116455, 0.23004218935966492, -0.20542040467262268, 0.21243387460708618, -0.6472540497779846, 0.6018117070198059, 1.235145092010498, 1.1845686435699463, -0.39992401003837585, -0.5567334890365601, -0.2800931930541992, -0.8980154395103455, 0.5986146926879883, 0.557891845703125, 0.22159293293952942, -0.4780269265174866, 0.9090710282325745, 0.23840707540512085, 0.5307753682136536, 0.7815735936164856, 0.560123085975647, 0.07436388731002808, -0.419133722782135, 0.12942571938037872, 1.543318271636963, -0.26225346326828003, 0.3862924575805664, 0.3364964723587036, 0.8179095983505249, -0.26634639501571655, -0.3344934284687042, 0.16618214547634125, 0.4808943271636963, 1.2052217721939087, 1.2135636806488037, -0.8286044001579285, 1.2596074342727661, -0.6710063815116882, 0.2760201394557953, -0.6286106705665588, -1.1516343355178833, -0.5095885992050171, -0.2581242620944977, 0.9427855014801025, -0.6381615996360779, 0.08652934432029724, -0.3518446683883667, -0.3851911723613739, -0.31484726071357727, -0.5113094449043274, -0.06886381655931473, -0.5188244581222534, -1.1270049810409546, -0.26177892088890076, -0.19795264303684235, -0.8817578554153442, -0.5718082785606384, -0.6194334626197815, 0.5459820032119751, -0.10840985178947449, 0.6826194524765015, 2.048596143722534, 0.12376423180103302, 0.37014898657798767, -0.01493518054485321, 0.1563849300146103, -0.9686325788497925, 0.6250777244567871, -0.16131149232387543, 0.05124993622303009, -0.6709572672843933, -0.05663192272186279, 0.1287279725074768, 0.16746613383293152, 0.28038856387138367, -0.40177515149116516, 0.07801838964223862, -0.2633810043334961, -0.8103779554367065, 0.07347097247838974, -0.643775463104248, 0.32131755352020264, -0.2337350994348526, 2.114624500274658, -0.13802140951156616, 0.18140006065368652, 0.7966350317001343, -0.9531143307685852, 0.3034443259239197, 0.8662713170051575, 0.0602857768535614, 0.8437919020652771, 0.7613306641578674, -0.04280231148004532, 0.07403536885976791, 0.5952689051628113, -2.1146295070648193, 0.394192099571228, 0.7891708016395569, -0.10920137166976929, -0.3026725947856903, -0.7652912735939026, 0.6213515400886536, -0.528243899345398, -0.5010438561439514, 0.34562623500823975, -0.7507678270339966, 0.5641251802444458, -0.2925668954849243, 0.22432731091976166, 0.8833693861961365, -0.5526338815689087, 0.209379181265831, 1.1798399686813354, 0.5815935134887695, -0.6444221138954163, -0.6043093800544739, 0.0528499111533165, -1.2241885662078857, 0.09124399721622467, 0.7084595561027527, 0.49373313784599304, 1.3110181093215942, -0.5534101724624634, -0.12901349365711212, 0.689775824546814, 1.4242491722106934, 0.1698676347732544, 0.6544874310493469, 0.18439613282680511, 0.9592388272285461, -0.13719986379146576, 0.8859021067619324, 0.21885228157043457, -1.2808313369750977, -1.306180477142334, -0.19471900165081024, 0.30584585666656494, -1.1157159805297852, 1.256487488746643, 0.5308197140693665, 0.9860228300094604, 0.4925989508628845, -0.04056761786341667, -0.2875111997127533, -0.3131980895996094, 1.7096134424209595, 0.4073611795902252, -0.3601652979850769, -0.09561269730329514, -0.892326831817627, 0.957653284072876, 0.013790452852845192, -1.5219801664352417, 0.1798364371061325, 1.0099972486495972, -0.30495119094848633, -0.6891552209854126, -0.018951771780848503, 1.4719266891479492, 0.6565564870834351, 0.8655527234077454, -0.9568502306938171, -0.3389740288257599, -0.16889701783657074, 0.9103397727012634, -0.09900877624750137, 0.2705000340938568, -0.8004497289657593, 0.9156787395477295, 1.0524133443832397, 0.3180268108844757, -0.41740530729293823, 0.8740050792694092, 0.34575995802879333, -1.154756784439087, -0.6927335858345032, 0.09102991223335266, -0.7777811288833618, -0.500140368938446, -0.5575796961784363, -0.7593286633491516, -0.48999524116516113, 0.6909452080726624, -0.40552258491516113, -0.3824760615825653, 0.3532370924949646, 0.625647246837616, -0.7386552095413208, 0.5544458031654358, 0.7392885684967041, -1.7023494243621826, 0.36738321185112, -0.5259948372840881, -1.1642361879348755, -0.458001971244812, 0.5706390142440796, -0.496099591255188, -0.14709699153900146, 0.32889023423194885, 0.6571550965309143, 0.3777921199798584, -0.191524475812912, -1.3316320180892944, 0.22900359332561493, 0.9752062559127808, -0.477317214012146, -0.46088266372680664, 0.045961230993270874, 0.7744269371032715, -0.3813685178756714, -0.34769904613494873, -0.22506120800971985, -0.1562528908252716, 0.295654833316803, -0.2562503516674042, -0.24814024567604065, -0.26557907462120056, 0.4391654133796692, -0.2637203335762024, 0.32255715131759644, -1.0860943794250488, 0.1544138789176941, 0.0028310492634773254, 0.551905632019043, 0.624244213104248, -0.8978410959243774, -0.8348541855812073, 0.13751256465911865, -0.7560517191886902, 1.1567344665527344, -0.1605551540851593, -0.22787339985370636, 0.6665754318237305, 0.43955838680267334, 0.21485497057437897, -0.1227353885769844, -10.762992858886719, 0.2779454290866852, -0.3361409902572632, -0.2366463989019394, 0.5148689150810242, 0.1060335785150528, 1.1907588243484497, 0.27031034231185913, 0.9357534050941467, -0.709834098815918, 0.7875967621803284, 1.0696425437927246, -0.19341927766799927, -0.5565124154090881, -0.31848204135894775, -0.7637678980827332, -1.0034689903259277, -0.48393839597702026, 0.41411179304122925, -0.25876709818840027, -0.7428051829338074, -0.4077172875404358, -0.7925007939338684, 0.080132395029068, 0.18440961837768555, 0.2870032787322998, -0.6277372241020203, -0.5614478588104248, -0.7288293838500977, -0.6078264713287354, 0.5227400064468384, -0.65943843126297, -0.502072811126709, -0.3313170075416565, 0.4608147144317627, 0.33783623576164246, -1.640791893005371, 0.047213055193424225, 0.9368641376495361, -0.30109331011772156, -0.2856121063232422, 0.20533442497253418, 0.52049320936203, 0.3179521858692169, 0.2511546313762665, 0.35787487030029297, -0.9037100672721863, 0.2874734699726105, 0.8377485871315002, -0.3659282922744751, -0.9357771277427673, -0.6050455570220947, -0.9137666821479797, -0.7759022116661072, -0.10469682514667511, -0.16296334564685822, -0.36885473132133484, 0.5080398917198181, -0.07911573350429535, -0.6043208837509155, 0.9292512536048889, 0.13606630265712738, -0.0804392471909523, 0.4424028992652893, 0.2913288474082947, -0.49647125601768494, -0.18549400568008423, 0.3764544129371643, -0.1548272669315338, 0.46985626220703125, -1.0285598039627075, 0.752491295337677, -0.7092766761779785, 0.6489343047142029, -0.46024665236473083, -0.5105956196784973, -1.0087426900863647, -0.17846162617206573, 1.1143406629562378, 0.08607564866542816, -0.8318595886230469, 0.5561928749084473, 0.3161012828350067, -0.7947922945022583, -0.18128351867198944, 0.19513002038002014, 0.10647066682577133, 0.04608527198433876, 1.611772060394287, -0.03300897032022476, 1.7202517986297607, 0.2034289538860321, -0.0041860491037368774, 0.1347023844718933, -0.8720682263374329, 0.9509708285331726, 0.5803406238555908, 1.4462883472442627, -0.07659817487001419, -0.9452887773513794, 0.22131475806236267, 0.35031095147132874, -0.4675285816192627, -0.09227427840232849, 0.6364100575447083, 0.19404956698417664, 0.07608014345169067, 0.6214495897293091, -0.33586016297340393, -0.24913212656974792, 0.9339596629142761, 0.22004970908164978, -0.23754937946796417, 0.3068070113658905, 0.3484470546245575, 1.57151198387146, 1.168615460395813, 0.3510514497756958, 0.4464290738105774, 0.4270985722541809, 0.36622124910354614, 1.2343990802764893, 0.02346683479845524, 1.2139978408813477, -0.11797216534614563, -0.44928601384162903, 0.15091820061206818, 0.6431206464767456, -1.2381024360656738, -0.7634899616241455, 0.4462225139141083, -0.21439692378044128, 0.5624163150787354, -0.8835713267326355, -0.13719205558300018, 0.6775594353675842, -0.7188815474510193, 0.5758211612701416, -0.4415976405143738, 0.14393243193626404, 0.13550563156604767, -0.526304304599762, -0.06379561126232147, -0.9024146199226379, -0.7115898132324219, 0.3165619373321533, -1.111886978149414, 0.30389121174812317, -0.08522981405258179, -0.11342424154281616, 0.34641650319099426, 0.4025583267211914, 0.4166678190231323, -0.9869375824928284, -0.47721320390701294, 0.08301956951618195, 0.25498080253601074, -0.265402615070343, -0.7188382744789124, -0.45555561780929565, 0.622467577457428, 1.1306214332580566, -1.2692768573760986, 1.0810185670852661, 0.7150839567184448, 0.30044203996658325, -0.9424002170562744, 0.3400406241416931, -1.503441333770752, 1.0328537225723267, 0.8279747366905212, -1.0852100849151611, -0.6597512364387512, -0.8638136982917786, -0.49260568618774414, -0.2854374051094055, 0.5443319082260132, 1.0843051671981812, -1.5531623363494873, 0.592199981212616, -0.37375307083129883, 0.49022939801216125, -0.4792425036430359, -0.40015843510627747, -1.1147112846374512, 0.24596837162971497, -0.8599466681480408, 1.1310274600982666, 0.0772664025425911, 0.8809285163879395, -2.133863687515259, -1.475496768951416, 0.014943169429898262, -0.09054292738437653, 0.13463762402534485, -0.1408688873052597, 1.2636200189590454, -0.28793013095855713, 0.24297285079956055, 0.1013246402144432, 0.06201012060046196, -0.06719284504652023, -0.3094170093536377, 0.258179634809494, -0.42502230405807495, 0.08238670229911804, -0.7013685703277588, 0.19145341217517853, 0.8831444382667542, -0.31171682476997375, -1.4838392734527588, -0.7801483273506165, 0.16981318593025208, 0.5295303463935852, 0.6286237835884094, -0.7919970750808716, -0.19445759057998657, 0.16140219569206238, -0.5638269186019897, -0.8896781802177429, -0.6109946966171265, 1.1724015474319458, -0.2107749879360199, 1.0344181060791016, 0.3080855906009674, 0.8331547379493713, -0.088611900806427, -0.28354132175445557, 0.40476328134536743, -0.9323481321334839, -0.5207158923149109, -0.9433411955833435, 0.6061547994613647, 0.5768243074417114, 0.0953085869550705, 0.015630340203642845, -0.913079559803009, 0.3334346413612366, -1.6026570796966553, 0.8870235681533813, -0.18548454344272614, 0.7173595428466797, 0.1277932971715927, 1.1565688848495483, -0.48042958974838257, -1.2592569589614868, -0.2801783084869385, -0.7964956164360046, 0.24896873533725739, 0.5880886912345886, -0.1305117905139923, 1.002568006515503, 0.5777503252029419, -0.019639551639556885, 0.9081025719642639, -0.5080245733261108, 0.22220583260059357, 0.4544236361980438, -0.05128088593482971, 0.08306685090065002, 0.4030691385269165, 0.5257440805435181, 0.5826817154884338, -0.2434854805469513, -0.6973860859870911, 0.135921910405159, -0.314330130815506, 0.9492394924163818, 1.1038528680801392, -0.08278810977935791, -0.28379684686660767, -0.9476434588432312, 0.23286166787147522, -0.2966049313545227, 1.6564041376113892, 1.8309158086776733, -0.4540720582008362, -1.4375394582748413, -1.444506049156189, -0.4388696551322937, 0.43432900309562683, 0.004223853349685669, 0.08662498742341995, -1.0452042818069458, 0.10487194359302521, 0.26671576499938965, -0.360322505235672, -1.5226166248321533, 1.0271142721176147, -1.5456347465515137, -0.10903527587652206, -0.0665852427482605, -0.2971477806568146, 0.02340962365269661, 0.664698600769043, -1.118740439414978, 0.45519229769706726, -0.2979050874710083, -0.6413677334785461, -0.6541147232055664, 0.30573341250419617, -0.5369360446929932, -0.444967120885849, 0.3365885019302368, -0.12968915700912476, -2.7156059741973877, 0.6806991696357727, 1.2464488744735718, -0.5387667417526245, -0.3579387366771698, 0.4957687556743622, -0.4845903217792511, 0.5379845499992371, 1.135724663734436]} +{"paper_id": "ar_cov19", "embedding": [-0.7579004168510437, 0.6965130567550659, 0.017111316323280334, -0.08542594313621521, 0.7056595683097839, 0.12820911407470703, 0.7522068023681641, 0.020342811942100525, 0.135661780834198, 1.352332592010498, 0.7797315716743469, -0.40849384665489197, 0.09831593185663223, -0.03824703395366669, 0.19949783384799957, -0.7353547215461731, -0.9665927886962891, 0.14609679579734802, 0.192356139421463, -0.6407557725906372, -0.36679309606552124, -0.3469574451446533, 0.29790279269218445, 0.9171735644340515, -1.1850892305374146, -0.7802010774612427, 0.520412266254425, 0.02951209247112274, 0.5048272013664246, -0.1488851010799408, -0.0509725883603096, 0.5042561292648315, -1.2680680751800537, -0.33478203415870667, -0.6627424359321594, -0.523369312286377, -0.09783520549535751, 1.0469319820404053, -0.5579051971435547, 0.0458981953561306, -0.759024441242218, 0.6230393052101135, 0.16900606453418732, 0.7071000337600708, 0.9449892044067383, 0.2453407347202301, 0.03988979756832123, -0.12064151465892792, 0.6026281714439392, 0.40792176127433777, 0.6364675164222717, 0.2910323143005371, -0.4669686555862427, -0.10674040019512177, 0.22547376155853271, 1.1492373943328857, 0.34561166167259216, -1.146140694618225, -0.30036264657974243, -1.1940302848815918, 0.6564949154853821, 1.5091161727905273, -0.047945164144039154, -0.36378583312034607, 0.38980281352996826, -0.39219802618026733, 0.22639800608158112, 0.04362986981868744, 0.7280747294425964, 0.6753334999084473, -0.44133323431015015, -0.6957226395606995, 0.7653083801269531, -0.5841022729873657, 0.43674710392951965, 0.783715009689331, 0.47361937165260315, 0.2550942301750183, -0.28666049242019653, 0.009723929688334465, 0.5729451179504395, 0.6679515242576599, -0.8743973970413208, -1.3154038190841675, 0.12390832602977753, -0.0500519797205925, 0.34399765729904175, 0.02405671589076519, 0.5068415403366089, -2.0429816246032715, 0.8889197707176208, -0.1309761106967926, -0.19022966921329498, 0.15827754139900208, -0.6269861459732056, 0.4575618803501129, -0.40504831075668335, 0.3304135203361511, -0.6481255292892456, -0.0993100181221962, 0.4521607756614685, -0.8456048965454102, 0.8589558601379395, -0.2058778703212738, 0.35850289463996887, 1.2455763816833496, -0.07890027016401291, -0.15560764074325562, -0.011377562768757343, -0.30415624380111694, -0.6519836783409119, 1.1412502527236938, 0.06805355846881866, -0.005496049299836159, 0.07769863307476044, -0.22378313541412354, 0.25924423336982727, -0.7526389360427856, -0.5678730607032776, -0.06085595488548279, -0.9315564632415771, -1.2148531675338745, -0.7957803606987, 0.8170630931854248, 1.407127022743225, 0.2334287166595459, 0.47164249420166016, 0.3426326513290405, -0.433164119720459, -0.09583257883787155, 1.1919993162155151, -0.23146797716617584, -0.8666539788246155, 0.3140937387943268, 2.5021469593048096, -0.8929218053817749, 1.5709078311920166, 0.32494768500328064, 0.16424909234046936, -0.43701618909835815, -0.3381041884422302, 0.13166944682598114, -0.060862768441438675, -0.542611837387085, -1.2482936382293701, -0.31317973136901855, -0.8306373953819275, -0.08609988540410995, -0.08380831032991409, -0.8851980566978455, -0.1994483321905136, 0.10352697223424911, -0.5254203081130981, -0.7537279725074768, 0.41591915488243103, 1.0878088474273682, -0.013327188789844513, 0.13578008115291595, 0.40914490818977356, 0.7798285484313965, 0.7680789828300476, 0.44348567724227905, -0.7846919298171997, 0.4925417900085449, -0.19657385349273682, 0.018386397510766983, 0.8996235728263855, 0.46511533856391907, -1.036198377609253, 0.6376323103904724, -0.15821276605129242, -0.5256019830703735, 0.5156195163726807, -0.27933499217033386, -0.8467661738395691, -0.5139533877372742, 0.44058942794799805, 0.7540801167488098, 0.3163532614707947, 0.23763084411621094, -0.17438918352127075, -0.3968161642551422, -0.3233962059020996, 0.1975763589143753, 0.19247941672801971, 0.09571342170238495, -1.2719037532806396, -0.22418053448200226, -0.7292455434799194, 0.8912808299064636, 0.15166643261909485, -0.6683874130249023, 0.04200006648898125, -0.09866883605718613, 0.42542535066604614, -0.46789637207984924, 0.8804078102111816, -1.4370514154434204, -0.6696587204933167, -0.2029973417520523, 0.660784125328064, -0.0127912238240242, 0.5876677632331848, 0.7479759454727173, 0.37368690967559814, -0.7679746747016907, -0.3005281388759613, -1.4159191846847534, 0.7898795008659363, 2.7221529483795166, -0.4640859365463257, -0.18772079050540924, -0.5493900775909424, 0.12057901918888092, -0.24382340908050537, -0.7272260189056396, 0.4636913239955902, -0.9521990418434143, -0.13589447736740112, -0.655979335308075, 0.04759853705763817, -0.3550112247467041, 0.15569379925727844, 0.17474332451820374, 0.4074752926826477, -0.4530481696128845, -0.5404869914054871, -0.8799311518669128, -0.8967040777206421, 0.3048173487186432, 0.6799678206443787, -0.05745367333292961, -0.22094124555587769, 0.31882762908935547, 0.5820976495742798, 0.298498272895813, -0.2767215967178345, -0.26410380005836487, -0.682732105255127, -0.6272542476654053, -0.21480679512023926, 0.3284701704978943, -0.00011092424392700195, -0.16949453949928284, 1.1931952238082886, 0.8348972797393799, 0.47699862718582153, -0.8630260825157166, 0.44283294677734375, -0.05917929857969284, -0.3307519853115082, 1.0323606729507446, -0.46171674132347107, 1.511612892150879, -0.35225000977516174, 0.7823977470397949, 0.6331627368927002, -0.6035100221633911, 0.08852788805961609, -0.5429051518440247, 0.33683568239212036, -0.6530835628509521, -0.2414533793926239, -0.05542086064815521, -0.008059162646532059, -0.920009970664978, 0.44121330976486206, 0.14062508940696716, -0.5821810960769653, -0.8541542291641235, -0.39736706018447876, -0.9215704202651978, -1.3411660194396973, -0.4045151472091675, 0.26720741391181946, 0.21111994981765747, -0.3138139843940735, -0.16655844449996948, 0.2964078187942505, -0.06371305137872696, -0.1909002959728241, -0.8560092449188232, 1.4267175197601318, -0.7320631146430969, 1.2835217714309692, -0.5892705917358398, -0.10268726944923401, -0.7981544137001038, -0.37664562463760376, 0.07234947383403778, 0.34895408153533936, -0.23759058117866516, 0.06828581541776657, 0.40343302488327026, -0.22228692471981049, -0.20628373324871063, 0.27174174785614014, -0.4205382466316223, 0.20798644423484802, -0.5155141949653625, 1.6571974754333496, 0.1159452423453331, 0.1143406480550766, 1.3032784461975098, 0.405752032995224, 0.73564213514328, 0.44002020359039307, -0.5109200477600098, 0.33843398094177246, 0.5182533264160156, 0.028421837836503983, 0.30294153094291687, 0.4236992597579956, -1.3109831809997559, -0.6219955086708069, 0.7844981551170349, -0.2202778458595276, 0.27070173621177673, 0.36120444536209106, 0.5065895915031433, -0.4554499089717865, -0.0007794443517923355, -1.0450737476348877, -0.16331914067268372, 0.10527929663658142, -0.3755166530609131, -0.19290240108966827, 1.1104190349578857, -0.22264091670513153, -0.013138405978679657, 0.9894706010818481, 0.6861665844917297, -1.1408456563949585, -0.05741226673126221, -0.24691644310951233, 0.3180792033672333, 1.4952372312545776, -0.4504435956478119, 0.15015771985054016, 0.5122232437133789, -0.256306916475296, -0.3309919536113739, 0.6004663109779358, 0.664675235748291, 0.14979204535484314, 0.41541945934295654, 0.16337800025939941, 0.32480910420417786, -1.054271936416626, 1.553959846496582, 0.9086921811103821, -0.05783148482441902, -1.1300855875015259, -0.04207005724310875, -0.7300332188606262, -0.40188953280448914, 1.1743113994598389, 0.39229997992515564, 1.1235356330871582, 0.5355756282806396, -0.03885523974895477, 0.21165956556797028, 0.6248523592948914, 0.9709423780441284, 1.0605461597442627, 0.6229473948478699, 0.3181786835193634, -0.1229190081357956, 0.34333011507987976, -0.15982414782047272, -0.1484794169664383, 0.223102405667305, -0.022383451461791992, -0.9028452038764954, 0.38471147418022156, -0.07561607658863068, 0.9133946895599365, -0.1050134003162384, 0.1268799751996994, -0.6371126770973206, -0.5300161838531494, -1.0732158422470093, -0.23843707144260406, 0.6314148902893066, 1.1537799835205078, -0.5805584192276001, -0.02897702157497406, -1.0518457889556885, -0.07158416509628296, -0.9127697348594666, 0.38672080636024475, 0.9514039158821106, -0.07003642618656158, -1.0711469650268555, -0.8366537690162659, -0.23282697796821594, 0.3293536305427551, 0.0980643555521965, 0.281681627035141, -0.8609285354614258, 1.1361382007598877, -0.6137480735778809, -1.5637292861938477, -0.027715303003787994, -0.23621481657028198, -0.9976775646209717, 0.8589034676551819, 0.3759874403476715, -1.114924430847168, -0.09680722653865814, 0.2400447279214859, -0.9957349896430969, -0.5050961375236511, 0.1723514199256897, -0.5648667216300964, 0.5191565752029419, -0.45138970017433167, 0.7558531761169434, -0.8106459379196167, -0.7984051704406738, 0.5658078789710999, 1.0422059297561646, 0.7636021375656128, 0.5504441261291504, -0.18824948370456696, 0.3271312713623047, -0.5928207635879517, -0.3608776926994324, -1.0970591306686401, -0.9537930488586426, -0.48013049364089966, 0.23949241638183594, 0.6908385157585144, -0.3747757375240326, -0.9494009613990784, -0.2764470875263214, -0.3622622787952423, 0.7486558556556702, -1.1048003435134888, 0.672933042049408, -1.0752754211425781, -0.6717913746833801, -0.07187016308307648, -0.03970560431480408, -0.8427368402481079, 0.6795546412467957, -0.8122391700744629, 0.2722402513027191, 0.07384645938873291, 0.015309151262044907, 0.34227681159973145, 0.3695017397403717, 0.5789052844047546, 0.12679842114448547, -12.506561279296875, 0.42619407176971436, -0.43439096212387085, 0.5817544460296631, 1.1749731302261353, -0.060853295028209686, 0.5061178803443909, -0.6545333862304688, 1.7499957084655762, -0.32468047738075256, -0.323080837726593, 1.4507652521133423, -0.6213749647140503, -0.17597255110740662, -0.3877207934856415, -0.4463043212890625, -0.6237199902534485, 0.14497581124305725, 0.04381221532821655, -0.3702799379825592, -0.7298735976219177, -0.576806902885437, 0.2768593430519104, -0.40787777304649353, 0.7952399253845215, 0.5727226138114929, 0.038964420557022095, -0.6974208354949951, -0.9101598858833313, 0.06461432576179504, 0.4702806770801544, 0.19667041301727295, -0.571956217288971, -1.152037262916565, 0.21865306794643402, 0.6036853790283203, -0.46929627656936646, -0.22649075090885162, 1.2718298435211182, -0.18058857321739197, 0.7778552770614624, -0.20638424158096313, 0.8814345002174377, -0.5285227298736572, -0.7478846907615662, 0.1397855132818222, -0.32472461462020874, -0.23754136264324188, 0.4961746335029602, 0.11701186746358871, -0.8347377181053162, -0.03955916315317154, -1.1398005485534668, 0.027100082486867905, 1.2511259317398071, 0.283547580242157, -0.6584429144859314, 0.2027270644903183, -0.7064473032951355, -0.7688151597976685, 1.0120270252227783, -0.3711535334587097, -0.2404744029045105, -0.11077114939689636, -0.29319602251052856, -1.0396487712860107, 0.5141779184341431, 0.9552576541900635, -0.8801021575927734, -0.5853132009506226, -0.3366371989250183, 0.7453987002372742, 0.5034193992614746, 0.5345940589904785, -0.013357594609260559, 0.050864484161138535, 0.06322693079710007, -0.1500798612833023, -0.4983829855918884, 0.1048622876405716, -0.5088556408882141, 0.41703861951828003, -0.8117346167564392, -0.1507152020931244, -0.3461434245109558, -0.31522780656814575, -0.5292655229568481, -1.1083412170410156, 0.37749922275543213, 0.013332724571228027, 0.03669683262705803, 0.6033113598823547, 0.4114702343940735, 0.9145745038986206, 0.13791799545288086, -0.14901848137378693, 0.42723795771598816, 0.8112995028495789, -0.4720657467842102, 0.17486640810966492, -0.014379188418388367, 0.232474684715271, 0.3116227984428406, 0.04159971699118614, 0.7365415096282959, 0.0024760589003562927, -0.3002331554889679, -0.28412508964538574, -0.24259687960147858, -0.4027487337589264, 0.4825616478919983, 0.23790311813354492, -0.4650368094444275, 1.373402714729309, 0.17441675066947937, 0.881546139717102, 0.4403219223022461, -0.7041139602661133, 0.5625681281089783, 1.020884394645691, -0.03295059874653816, -0.10782776772975922, 0.24035859107971191, -0.16093243658542633, -0.1437797248363495, 0.4994073510169983, -0.15896150469779968, 0.8238925933837891, -0.6001929044723511, -1.177435040473938, 0.7510273456573486, -0.3901514410972595, 0.3628813922405243, -0.6077353358268738, -0.3307643532752991, -0.6094428896903992, -0.7537150382995605, 1.1599013805389404, -0.7768653035163879, 0.27700620889663696, -0.7208049893379211, -0.19116468727588654, 1.116875171661377, -0.0037714093923568726, -0.36490941047668457, -0.5842801332473755, -0.8738484382629395, 0.28158390522003174, -0.21785178780555725, -0.6553752422332764, 0.31831255555152893, 0.09045230597257614, 0.5987914800643921, -0.13247933983802795, 0.3441586494445801, -0.034194089472293854, 0.4167008101940155, -0.16688406467437744, -1.429876446723938, 0.6796339750289917, 0.08142847567796707, 0.8166893720626831, -0.09129699319601059, 0.39755937457084656, 0.35852208733558655, 0.15640424191951752, 0.187694251537323, 0.02740652859210968, -0.9220850467681885, 0.8881982564926147, 1.5172843933105469, -0.5735620856285095, 0.06324436515569687, -0.35268861055374146, -0.29506659507751465, -1.5731406211853027, 1.5301194190979004, 0.6594407558441162, -0.15987375378608704, 0.2526266872882843, -0.6322840452194214, 0.3338620066642761, -0.6148686408996582, -0.39576590061187744, -0.2853102385997772, 0.8231236934661865, -0.2046416997909546, 1.1318514347076416, 0.36962950229644775, 0.27744007110595703, -1.5776710510253906, -0.8087100386619568, -0.07272230088710785, -0.44071367383003235, 0.3624340295791626, -0.36869433522224426, 0.5564543008804321, 0.24812033772468567, -0.09099112451076508, -0.6883867383003235, -0.7612898349761963, 0.7737118005752563, 0.1708674430847168, 0.3221864700317383, -0.2960585951805115, -0.2505247890949249, -0.6506182551383972, 0.32267409563064575, 0.5535135865211487, 0.14882245659828186, -0.5589230060577393, -0.2657737731933594, 0.5557523965835571, -0.3815600574016571, 0.7517345547676086, -1.0372776985168457, 0.8124513626098633, -0.24453216791152954, -0.42939406633377075, -0.045922230929136276, 0.46469423174858093, 1.6123062372207642, 0.25748974084854126, 1.0093703269958496, 0.3467305302619934, 0.7819987535476685, 0.5226772427558899, 0.7658814191818237, 1.7022809982299805, -0.3421497642993927, -0.2450060397386551, 0.6781033873558044, -1.3451088666915894, -0.18995355069637299, -0.12759698927402496, -0.06575912237167358, -0.6927703619003296, 1.1067101955413818, -1.0803779363632202, -0.12270046025514603, 0.2834177017211914, 1.127839207649231, 0.24893441796302795, 1.1903643608093262, -0.8730946183204651, -0.8132839202880859, -1.1199203729629517, -0.643109142780304, 0.21481357514858246, 0.9314274191856384, 0.22997479140758514, 0.7893580198287964, 0.44068053364753723, 0.014627635478973389, 0.9080885052680969, -0.21860365569591522, -0.11352282762527466, 0.12145890295505524, 0.4771915078163147, 1.1714401245117188, 0.6160506010055542, 0.08341681212186813, -0.6742634177207947, 0.0006190240383148193, -0.883057713508606, -0.13582374155521393, 0.2047315537929535, 0.5891364216804504, 0.1749541312456131, -0.46260860562324524, -0.1554371416568756, -0.8084322214126587, -0.1594083309173584, 0.5768261551856995, 0.15769030153751373, 0.28333407640457153, -1.1693145036697388, -0.08213191479444504, -0.9288467764854431, -0.3867710828781128, 1.1535226106643677, -0.3746424615383148, -0.4722555875778198, -0.5057212114334106, -0.033710163086652756, 0.132317915558815, -0.6610078811645508, -0.786677896976471, 0.40071815252304077, -0.30137914419174194, 0.5484974384307861, 0.38695263862609863, -1.1683987379074097, -0.7650527954101562, -0.11100180447101593, -0.38934651017189026, 0.8595551252365112, 0.451515793800354, -0.789147675037384, -0.15592706203460693, -0.010999036952853203, -0.5590711832046509, -0.09262615442276001, 0.19557732343673706, -0.23840898275375366, -1.4013972282409668, 1.1922416687011719, 1.338084101676941, 0.9445773959159851, -0.47388404607772827, 0.37705177068710327, 0.6201961636543274, 0.21298402547836304, 1.498788833618164]} +{"paper_id": "nell", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "sbu_captions", "embedding": [-0.7275732755661011, 0.9331957101821899, 0.309419721364975, 0.1677180379629135, 0.44124799966812134, -0.5027386546134949, 0.3764510750770569, 0.04193996265530586, 0.5526633262634277, -0.11401829123497009, 0.7700204253196716, 0.7082242965698242, 0.3245663046836853, 0.10460906475782394, -0.16120964288711548, 0.008728306740522385, -0.29898983240127563, -0.2651981711387634, -0.6360880136489868, -0.042654313147068024, -0.7185139656066895, -0.38243257999420166, 0.18786363303661346, -0.07887911051511765, -0.5951700210571289, -0.22708971798419952, 0.5819290280342102, -0.6964568495750427, 0.2541595697402954, 0.07426644116640091, -0.11954227834939957, 0.21896979212760925, -1.138991117477417, 0.7522296905517578, -0.47169551253318787, -0.5954214930534363, -0.2953568994998932, 1.0515837669372559, -0.4090381860733032, -0.6026448607444763, 0.12757311761379242, 0.672027587890625, 1.91481351852417, -0.445281445980072, 0.3164590001106262, -0.15555241703987122, -0.2908663749694824, 0.20447732508182526, 0.15236984193325043, 0.22333993017673492, 0.07455231249332428, 0.7993572354316711, 0.17828525602817535, -0.1714130938053131, -0.07088082283735275, 0.3960699141025543, -0.2904296815395355, -0.8519654870033264, -0.288494348526001, -0.7055965662002563, 0.7306756973266602, 1.2850700616836548, -0.7012438178062439, 0.3763967454433441, 1.0229300260543823, 0.5512687563896179, 0.7478848099708557, 0.7358490824699402, 0.13092786073684692, 0.8854440450668335, -0.8888736963272095, -1.072765588760376, 1.0103325843811035, 0.5058519840240479, -0.21701031923294067, 0.2507212162017822, -0.2520555555820465, -0.3630127012729645, 0.3263029456138611, 0.11595363169908524, -0.5582341551780701, 0.22302265465259552, 0.08817944675683975, -0.6785851120948792, 0.11625925451517105, -0.3651054799556732, -0.08212974667549133, 0.10533405095338821, -0.5137951374053955, -0.643185019493103, 0.26175811886787415, 0.14598700404167175, 0.44702890515327454, 0.1300043761730194, -0.19460859894752502, -0.24074721336364746, 0.6580284237861633, 0.2787778377532959, -0.3832775056362152, 0.6566990613937378, 0.49853742122650146, -0.15471160411834717, 0.6336155533790588, 0.3053593933582306, 0.4930436611175537, 0.1746651828289032, -0.2077946662902832, -0.8742092251777649, -0.3053992688655853, -0.8879113793373108, -0.7003871202468872, 0.6722466349601746, 1.0388263463974, 0.3498344421386719, -0.4205484390258789, -0.24794501066207886, -0.01936338096857071, 0.1984577178955078, -0.21205490827560425, 0.1860208511352539, -0.1955663561820984, -1.8355121612548828, -0.1604417860507965, -0.5287293195724487, 0.3680984377861023, -0.24049663543701172, -0.055702198296785355, -0.5553061366081238, -0.2869340181350708, -0.5948024988174438, 0.5061575174331665, 0.565817654132843, -0.33991166949272156, 0.6880960464477539, 2.4579851627349854, -0.588337779045105, 0.5771759152412415, -0.2615547478199005, -0.7008610367774963, -0.43668627738952637, -0.22784891724586487, 0.8828037977218628, -0.03459010645747185, -0.9514583349227905, -0.5989102721214294, -0.406995952129364, -0.237149178981781, 0.09582127630710602, -0.5841194987297058, -0.036460015922784805, 0.5700617432594299, 1.0566104650497437, -0.5053768157958984, -0.615161120891571, -0.21823163330554962, 0.8857213854789734, 0.5874499678611755, -0.5686858296394348, -0.7796413898468018, 0.6013246774673462, 0.16822311282157898, 1.0144437551498413, -0.935221254825592, 0.2998429238796234, -0.549324095249176, 0.47097671031951904, 0.5989749431610107, 0.11336647719144821, 0.09129032492637634, -0.6746084690093994, 0.12170704454183578, -0.30297791957855225, 0.47423192858695984, 0.30440574884414673, -0.32330402731895447, -0.0037333592772483826, 0.34512969851493835, -0.11321734637022018, 0.8767514824867249, -1.0218510627746582, -0.29821863770484924, 0.29467201232910156, 0.6107913255691528, 0.38333529233932495, 0.282615065574646, -0.36068204045295715, -1.9827895164489746, -0.5578268766403198, -0.9785465598106384, -0.2152283787727356, -0.07644988596439362, 0.5108500123023987, -0.23474690318107605, -0.22313079237937927, -1.1109163761138916, 0.02553485706448555, -0.1274501383304596, -0.6284515857696533, -0.24044093489646912, 0.5573585629463196, 0.006378144025802612, 0.22361017763614655, -0.9171818494796753, 0.3755130469799042, 0.8864132761955261, 0.8483954071998596, -0.05075410380959511, -1.1763801574707031, 0.9826474785804749, 0.9468591809272766, -0.08474038541316986, -1.387550950050354, -1.0659884214401245, -0.3473649024963379, 1.0414897203445435, -0.23769141733646393, 0.47688665986061096, -0.1864023506641388, 0.19999536871910095, -1.134595274925232, 0.5362539887428284, -0.49020466208457947, -0.13529185950756073, -0.45752108097076416, 1.1714528799057007, -0.7573963403701782, -0.2721156179904938, -0.12782056629657745, -1.400270938873291, 0.8231481313705444, 0.7932385206222534, 0.37181657552719116, 0.05088809132575989, 0.6202951669692993, -0.13614074885845184, 0.16257572174072266, 0.8117290735244751, 0.30450350046157837, -0.5258418321609497, -0.17842620611190796, -0.03712935000658035, 0.4001299738883972, -0.22376839816570282, -0.1772676706314087, -0.4420278072357178, 0.011434264481067657, -0.12913908064365387, -1.250667691230774, -0.29859602451324463, 0.1769389659166336, 1.4588128328323364, 0.928233802318573, -0.22957471013069153, 0.5918505787849426, -0.3290083110332489, -0.47859987616539, 0.4582531750202179, -0.1645445078611374, 0.19691066443920135, -0.7306682467460632, 0.8160009384155273, 0.10436391830444336, 0.46088171005249023, -0.14133992791175842, -0.4679284691810608, -0.10378606617450714, -0.4745146632194519, 0.20394983887672424, -0.059188686311244965, -0.02994217723608017, -0.99076247215271, -0.17287828028202057, -0.29799243807792664, -0.6346929669380188, 0.12285934388637543, 0.1420651376247406, -0.14000928401947021, 0.19565707445144653, 0.5959684252738953, -0.44414791464805603, 0.4921557903289795, -1.0344691276550293, 0.8971961140632629, 0.4620051383972168, -8.799135684967041e-05, -1.2742767333984375, -0.023900412023067474, -1.095733404159546, -0.7133156061172485, -0.7617489099502563, 0.20605891942977905, -0.3601534962654114, -0.2313324213027954, 0.729329526424408, -0.42895206809043884, -0.945582389831543, 1.3034414052963257, -0.15516334772109985, 0.21068242192268372, -0.20688916742801666, 0.8415082693099976, 0.7399387955665588, -0.36016955971717834, 0.46563661098480225, 0.03762774169445038, -0.29252365231513977, 1.2568906545639038, -0.1986478567123413, 0.7142152190208435, 1.0038321018218994, 0.372732549905777, 0.27746865153312683, -0.533351719379425, -1.282256007194519, -0.3168007433414459, 0.663560152053833, -0.2582501769065857, 0.11355637013912201, -0.8526844382286072, 0.2941504716873169, 0.18245840072631836, -0.46810755133628845, 0.9002892971038818, -0.8877190351486206, 0.30528002977371216, 0.02533601224422455, 0.4586087465286255, 0.2407281994819641, -0.056285787373781204, 0.37062203884124756, 0.2619737982749939, 0.37028634548187256, -0.5970296263694763, -0.07427681237459183, 0.7135530114173889, -0.38512685894966125, 0.5163793563842773, 0.7381733655929565, 0.8026966452598572, 0.4279913604259491, -0.4679643511772156, -0.43594324588775635, -0.06416842341423035, -0.5274143815040588, -0.45202505588531494, 0.7124455571174622, 0.2410329282283783, 0.5712391138076782, 0.2732119560241699, 1.4132267236709595, -0.21362315118312836, -0.6662108898162842, -0.12698878347873688, 0.39455747604370117, -0.8684431314468384, 0.6059197187423706, 1.4979639053344727, 0.5010108947753906, 1.1107901334762573, 0.1047205999493599, -0.053708117455244064, -0.3661028742790222, -0.03690441697835922, 0.311440110206604, 0.07064388692378998, 0.6634843945503235, 0.0976099967956543, -0.15993238985538483, 0.660776674747467, 0.693973958492279, 0.1236785426735878, -0.13801465928554535, 0.7805942893028259, 0.25088170170783997, -0.4295070469379425, 0.44714316725730896, 0.2642671763896942, 0.37122246623039246, 1.359941840171814, -0.1473151296377182, -0.18575112521648407, -0.4234018623828888, 0.3321533203125, 0.7917931079864502, -0.7583820819854736, -0.19919845461845398, 0.36428102850914, 0.6061164736747742, 2.0491578578948975, 0.6338025331497192, 0.8682160377502441, 1.0907398462295532, -0.4117450714111328, -0.14371289312839508, 0.34487318992614746, -0.9925312399864197, -0.7294607758522034, 0.47207707166671753, 0.40822136402130127, -0.40113556385040283, -0.2544708847999573, -0.465649276971817, -1.0593317747116089, 0.43413016200065613, -0.10078727453947067, -0.011046968400478363, -0.20200447738170624, 1.9739845991134644, -0.5981319546699524, -0.8498238325119019, -0.23089724779129028, -0.3781513571739197, -0.8701057434082031, -0.0365397185087204, -0.18249709904193878, 0.44669726490974426, -0.11961357295513153, 0.060986053198575974, -1.097863793373108, 0.3155633807182312, -0.7010844349861145, 1.4638805389404297, 0.38753971457481384, -0.3863619863986969, 0.28591060638427734, -0.25273433327674866, 0.6670695543289185, 0.45962536334991455, -0.8426197171211243, -0.10177445411682129, 0.6612542867660522, 0.7837741374969482, -0.9758668541908264, -0.7404369711875916, 0.21436826884746552, 0.09646674990653992, 0.5595033764839172, 0.9013623595237732, -0.7278651595115662, -0.026454709470272064, -0.5435728430747986, 1.2096219062805176, 1.547743558883667, -0.0832926407456398, -0.16811411082744598, 0.8411699533462524, -0.5614495277404785, 0.47398698329925537, -1.2218526601791382, -0.174592062830925, 0.3169880509376526, 0.23413044214248657, -0.31235766410827637, -0.2506359815597534, -13.410489082336426, 0.6060309410095215, -0.7492262125015259, 0.30451810359954834, 0.8928325176239014, 0.4480123221874237, 0.47375357151031494, 0.45831677317619324, 0.6271942853927612, -0.5406254529953003, 0.01197471097111702, 0.5888785123825073, -0.07892336696386337, 0.2488565444946289, -0.45151638984680176, -1.3312320709228516, -1.1196303367614746, -0.37829387187957764, 0.38027817010879517, 0.34507933259010315, 1.240807056427002, -0.04316151142120361, -1.285043478012085, 0.35916468501091003, 0.23239633440971375, -1.1618597507476807, -0.05542420968413353, 0.3107377588748932, 0.1689356118440628, -0.43235981464385986, 0.725572407245636, 0.22918866574764252, -0.08350031822919846, -0.5461828708648682, 0.11000716686248779, -0.37996426224708557, -1.0973474979400635, -0.4366256594657898, 1.06688392162323, -0.06243856996297836, -0.3498775362968445, 0.49230876564979553, -0.5374358892440796, 0.5394992232322693, 0.013997847214341164, 0.5027437210083008, 0.220262810587883, 0.07811163365840912, 0.7676230669021606, -0.5559007525444031, -0.5658407211303711, -0.7598674893379211, -0.24300891160964966, -0.7281414270401001, 0.46215566992759705, 0.26172566413879395, -0.9606443047523499, -0.5793492197990417, -0.053107310086488724, -0.8929880857467651, 0.11894746124744415, 1.0230499505996704, -0.20154988765716553, 0.5459147095680237, 0.10498430579900742, -0.008939002640545368, 0.16796435415744781, 0.7151561975479126, -0.3201785385608673, 0.46538880467414856, -0.05463369935750961, 0.7380261421203613, 0.7597784399986267, 0.48398712277412415, 0.02548782154917717, 0.507570207118988, -0.29851189255714417, -0.1606016904115677, 0.7364128232002258, -0.18538224697113037, -0.9513704776763916, 0.6605754494667053, -0.3690764009952545, -0.13626378774642944, 0.2803477346897125, 0.9043787717819214, 0.2689398527145386, 0.4820849299430847, 0.38729381561279297, 0.33625999093055725, 0.25232169032096863, -0.42228707671165466, 0.21218335628509521, -0.8940281271934509, -0.4892997443675995, 0.9923059344291687, -0.6521846055984497, -0.1548171490430832, 0.2201935350894928, -0.702158510684967, -0.0564645454287529, 0.14326781034469604, -1.1676568984985352, -0.5189870595932007, 0.7955752015113831, -0.631968080997467, -0.19225625693798065, -0.16900524497032166, 0.2621693015098572, 0.09179350733757019, 0.16698428988456726, -0.4429605007171631, -0.2479790896177292, 1.3930816650390625, -0.38985303044319153, 0.07403846830129623, 1.235520362854004, -0.9811622500419617, 0.6808043718338013, 0.46379250288009644, -0.3675056993961334, -0.17279893159866333, 0.32332056760787964, 0.5548682808876038, 0.30112627148628235, 0.17796556651592255, -0.20164814591407776, 0.2685316503047943, 0.01611214131116867, -0.5577497482299805, -0.07226598262786865, -0.3313267230987549, -0.6041760444641113, -0.7379581332206726, -0.3214051127433777, -0.35129302740097046, -0.33514004945755005, 1.1226754188537598, -0.49775969982147217, 0.34562456607818604, 0.09855534136295319, -0.8171179890632629, -1.0938388109207153, -0.8723970651626587, -0.6216253638267517, -0.29059600830078125, -1.3748852014541626, 0.38502421975135803, -0.18053323030471802, -0.017725609242916107, 0.7201229333877563, 0.2094104290008545, 0.420893132686615, -1.1855984926223755, -0.5153464674949646, 0.25701072812080383, 0.0721721351146698, -0.2783762514591217, -0.7204470038414001, -1.1841850280761719, 0.9278590083122253, 0.7941794395446777, -0.744607150554657, 0.8343845009803772, 0.7321592569351196, 0.4125760793685913, -0.6875569820404053, -0.05482509359717369, 0.06951618939638138, -0.008035968989133835, 0.20953048765659332, -0.8142514824867249, -0.58596271276474, -0.846048891544342, 0.44205865263938904, -1.009702205657959, 0.24341174960136414, 0.9706728458404541, -0.9971117973327637, 0.1867116093635559, 0.7057964205741882, 0.7387223839759827, 0.7904601097106934, -0.5451911091804504, -1.0938246250152588, -0.4652419090270996, 0.7187309861183167, 0.820020318031311, -0.3745485842227936, 1.0591061115264893, -1.3858718872070312, -1.4082252979278564, -1.2472383975982666, -0.3694649338722229, 0.9646368622779846, 0.10056643187999725, 0.17483115196228027, 0.5450810194015503, -0.28311672806739807, -0.44623997807502747, -0.3232575058937073, 0.06388520449399948, 0.12686826288700104, 0.33072638511657715, -0.023456837981939316, -0.1155955120921135, -0.7921274900436401, -0.5070257782936096, -0.29499557614326477, 0.6252795457839966, -1.2758214473724365, -0.3809232711791992, 0.48579078912734985, -0.3769438564777374, -0.40622591972351074, -0.6689647436141968, 0.021728593856096268, 0.20447418093681335, 0.1540002077817917, -0.7104706764221191, 0.08244825899600983, 0.7915591597557068, 0.3858140707015991, 0.9608209729194641, 0.2666527330875397, 0.6210318207740784, 0.9836925864219666, 0.4415276050567627, 0.9072970747947693, -0.052613113075494766, -0.3254914879798889, -0.36069443821907043, -0.2559921145439148, -0.07603713870048523, -0.058299314230680466, 0.2999260425567627, -1.4621877670288086, -0.15704160928726196, -0.9052252769470215, -0.487771600484848, -0.19793616235256195, -0.2505926489830017, 0.36704325675964355, 0.7093932628631592, -0.16597464680671692, -1.4363281726837158, -0.46455201506614685, -0.9894207119941711, -0.09970416128635406, 0.3899697959423065, -0.03331370651721954, 0.4594946801662445, 0.5380796194076538, -0.0060688406229019165, 1.0449016094207764, 0.5025752782821655, 0.1424965262413025, 0.40860578417778015, 0.03263198584318161, 1.291649341583252, 0.6343921422958374, -0.023216284811496735, 0.7661543488502502, -0.21132853627204895, -0.623205304145813, -0.42462390661239624, -0.08797423541545868, 0.6076214909553528, 1.1809474229812622, -0.33194807171821594, -0.26382020115852356, -0.832496702671051, 0.11321161687374115, -0.6818405389785767, 0.4503289461135864, 0.8205215930938721, -0.4501435160636902, -0.8283247351646423, -0.19637346267700195, 0.32657390832901, 0.4444926083087921, 0.019049817696213722, -0.9909406900405884, -0.6109328866004944, 0.39571017026901245, 0.7014456391334534, 0.19098980724811554, 0.28584033250808716, 0.46588993072509766, -0.008479493670165539, 0.24833868443965912, 0.1097400039434433, -0.19673708081245422, -0.23561643064022064, 0.05525543913245201, 0.00185457244515419, 0.3163904547691345, -0.2955697476863861, -0.7970184683799744, -0.3655083477497101, 0.7304036021232605, 0.37825170159339905, 0.2796863317489624, 0.07879990339279175, 0.4411340057849884, -0.7260035276412964, 0.5649492740631104, 0.19141283631324768, -0.548879086971283, -0.21151891350746155, -0.26701587438583374, -0.17238964140415192, 0.19511261582374573, 0.39972904324531555]} +{"paper_id": "curiosity_dialogs", "embedding": [-1.3040419816970825, 0.5868166089057922, 0.08537366986274719, -0.018040688708424568, 0.7179878354072571, -0.11296726763248444, 0.32784101366996765, 0.0748889148235321, 0.2774030864238739, 0.08329332619905472, 0.7654684782028198, -0.161530002951622, 0.7047335505485535, 0.03223184496164322, -0.5524769425392151, -0.1815994381904602, -0.8870628476142883, -0.3581523001194, -0.5774204134941101, -0.3816014528274536, -0.7328844666481018, -0.21377526223659515, -0.2205396145582199, 0.5632378458976746, -0.9479599595069885, -1.1523197889328003, 0.9118192791938782, -0.6442674398422241, 0.45260506868362427, -0.05040042847394943, 0.4157755374908447, 1.3349171876907349, -1.1191792488098145, 0.8372133374214172, -0.45902392268180847, -0.5113269686698914, -0.03563566878437996, 1.0511223077774048, -0.39757826924324036, -0.3036666214466095, -0.5828179717063904, 0.24486330151557922, 0.5280415415763855, -0.08555562794208527, 0.008560971356928349, 0.16114795207977295, 0.06903544068336487, 0.5623657703399658, -0.48868614435195923, 0.07160057127475739, -0.7978615164756775, 0.2271202802658081, -0.39701923727989197, 0.2212756872177124, -0.5612820982933044, 1.1799324750900269, 0.29781970381736755, -0.8852938413619995, 0.5184950232505798, -0.9766135215759277, 0.532794713973999, 1.1641401052474976, 0.2548733651638031, 0.5002062916755676, 0.74587482213974, -0.2695634961128235, 1.175735592842102, -0.027594104409217834, 0.21616968512535095, 0.3004094660282135, -0.8222711682319641, -1.2582670450210571, 0.1986089050769806, 0.5298051834106445, 0.8112083673477173, 0.5133442282676697, 1.2929706573486328, -0.11167682707309723, -0.5591636896133423, 0.44136226177215576, -0.179273322224617, -0.2665315270423889, 0.5667311549186707, -0.355828195810318, 0.16678303480148315, 0.3634272515773773, 0.2969907522201538, -0.3306262195110321, 0.7085587978363037, -1.3047226667404175, 1.0568370819091797, -0.480903685092926, 0.168381929397583, 0.0011787265539169312, -0.37074750661849976, 0.41219377517700195, -0.2422214299440384, 0.11836255341768265, -0.48361748456954956, 0.6156803965568542, 0.08584558218717575, 0.0014349967241287231, 0.28878089785575867, -0.14005222916603088, -0.0549718514084816, -0.5894049406051636, 0.4659198522567749, 0.31928494572639465, -0.29673540592193604, -0.10089147835969925, 0.30552682280540466, 1.1235499382019043, 0.3989100158214569, 0.3993256986141205, -0.35328003764152527, 0.33109262585639954, 0.2712419331073761, -1.0635277032852173, 0.451791912317276, 0.28097057342529297, 0.1690475046634674, -0.4599747061729431, 0.22281232476234436, 0.24846075475215912, 1.0971616506576538, -0.43611985445022583, -0.29676687717437744, -0.49375373125076294, -0.6556682586669922, -0.19425156712532043, 0.20541733503341675, 0.3706999719142914, -0.4180464446544647, 0.11352819204330444, 2.958693027496338, -0.7458064556121826, 1.5386152267456055, -0.15255583822727203, -1.1704621315002441, -0.27960675954818726, 0.11215423792600632, 1.1810153722763062, 0.7121371626853943, -1.1230428218841553, -0.43850451707839966, -0.48199471831321716, 0.2296552211046219, -0.2904890179634094, -0.22272925078868866, -0.2378167361021042, 0.3938349783420563, 0.03428170084953308, -1.6108444929122925, -0.2762039303779602, 0.011981252580881119, 0.709731936454773, -0.19328635931015015, 0.3049626350402832, 0.15694797039031982, 0.015162475407123566, 0.02178211510181427, 0.2673400044441223, -0.6718283295631409, 0.16904254257678986, -0.25082623958587646, -0.09981679916381836, 0.6175735592842102, -0.3180340528488159, -1.2656474113464355, 0.24137356877326965, 0.15328414738178253, -0.19334495067596436, 0.14173787832260132, -0.5888932347297668, -0.5739127993583679, -0.18536376953125, -0.051785439252853394, 1.2245831489562988, -0.27929428219795227, -0.47510412335395813, -0.37517037987709045, -0.5154883861541748, -0.34476980566978455, 0.5276108980178833, -0.10468161106109619, -0.009040836244821548, -1.9601037502288818, -0.126742884516716, -0.4853610396385193, 0.31357818841934204, 0.08071346580982208, 0.3498157858848572, 0.09434247016906738, -0.4443610906600952, -0.25983762741088867, -0.014742478728294373, 0.5640552639961243, -1.7585455179214478, 0.16123265027999878, -0.04090020805597305, 0.18943803012371063, 0.19466674327850342, -0.08945449441671371, 0.8238738775253296, 0.22981904447078705, 0.08122672885656357, -0.5929353833198547, -1.3418934345245361, 0.8397657871246338, 2.113140344619751, -0.046467870473861694, -0.6904837489128113, -1.149006962776184, 0.1502583771944046, -0.35242488980293274, 0.07672690600156784, 0.5202436447143555, -0.5952609181404114, 0.09428242594003677, -1.3708871603012085, 0.04565314203500748, -0.2945851981639862, 0.09281174093484879, 0.4499382972717285, 1.1207234859466553, -0.7436212301254272, -0.15361912548542023, -0.6116657853126526, -1.0730030536651611, -0.044855330139398575, 0.24850520491600037, 0.3726649284362793, -0.019094910472631454, 0.35062527656555176, -0.032429516315460205, 0.21926960349082947, 0.22621285915374756, 1.119026780128479, -1.0322197675704956, -0.07703913003206253, -0.3140544891357422, 1.4034439325332642, -0.016827523708343506, 0.5762611031532288, 0.20460425317287445, 0.5519989132881165, 0.30921319127082825, -1.024185299873352, 0.235948845744133, 0.002949535846710205, 1.272828221321106, 0.6904468536376953, -0.22404906153678894, 0.3571605086326599, -0.27339547872543335, 0.1892910897731781, -0.33792227506637573, -0.6684148907661438, -0.3910070061683655, -0.8551704287528992, 1.3000602722167969, -0.04177131503820419, 0.4923935532569885, 0.0899503231048584, 0.10155937075614929, -1.496255874633789, 0.0312364399433136, -0.1786298006772995, -0.3690035343170166, -0.3986368477344513, -0.31195783615112305, -0.36551928520202637, -0.712873101234436, -0.42860570549964905, -0.20855893194675446, 0.164811909198761, -0.13846227526664734, 0.7532742023468018, 0.4172650873661041, -0.2687636613845825, 0.00382431223988533, -0.6517408490180969, 0.9667771458625793, -0.12334209680557251, 0.54802006483078, -0.1726442128419876, -0.4401613473892212, -0.8059476613998413, 0.09754917025566101, -0.21139149367809296, -0.1983027160167694, 0.21930906176567078, -0.3697409927845001, 0.11034762859344482, -0.5345419049263, -0.5046845078468323, 0.7384218573570251, -0.26674163341522217, -0.0670154020190239, -0.5077071189880371, 1.6604434251785278, -0.313468337059021, -0.5727500915527344, 1.116287112236023, 0.5990630388259888, 0.09708453714847565, 1.2723764181137085, 0.21546494960784912, -0.5596615672111511, 0.8471493721008301, -0.37696951627731323, -0.08101339638233185, 0.23347324132919312, -2.1012165546417236, 0.5472538471221924, 0.9292160868644714, -0.4744480848312378, 0.670617401599884, -0.5819121599197388, 0.38732755184173584, -0.6222943067550659, 0.04488902539014816, 0.04785411059856415, -0.4646582305431366, 0.7344381213188171, -0.4719407558441162, -0.0030582696199417114, 1.222373127937317, -0.6164655685424805, -0.3662143349647522, 0.0679691955447197, 0.600576639175415, -0.7590273022651672, 0.006214708089828491, 0.09669972211122513, -0.39878007769584656, 0.6145017147064209, 0.6476733088493347, 0.7262991070747375, 0.4735420048236847, -0.48458999395370483, -0.5557965636253357, 0.23588265478610992, 0.007588863372802734, 0.16367782652378082, 0.28268909454345703, -0.09675507247447968, 0.9639642238616943, -0.04495660588145256, 1.6582109928131104, 0.5217719674110413, -0.6635921001434326, -1.4000606536865234, -0.34778451919555664, -0.501758873462677, -0.3506244719028473, 0.8523491024971008, -0.015803158283233643, 1.216742753982544, 0.5436546802520752, 0.06691586971282959, -1.108412504196167, -0.2846081852912903, 0.33411866426467896, -0.1691771298646927, 0.38987958431243896, -0.8729223012924194, -0.2110494077205658, 0.32704299688339233, 0.7854434847831726, -0.1998121738433838, 0.27330482006073, 1.668772578239441, 0.4198882281780243, -0.5284286737442017, 0.8239988684654236, 0.7786707282066345, 0.08151747286319733, 0.44406867027282715, -0.7378815412521362, 0.37068113684654236, -0.280021071434021, 0.6934334635734558, 0.3881957232952118, 0.3786948025226593, 0.16137006878852844, 0.8022528290748596, 0.3653191030025482, 0.9974069595336914, 0.03756056725978851, 0.5742433071136475, 0.8152756690979004, -0.5517370104789734, -1.1668280363082886, -0.6514983773231506, -1.018773078918457, -0.5315895080566406, 0.40030938386917114, -0.08670730888843536, -0.4181750416755676, 0.7643235325813293, -0.14889225363731384, -0.742830753326416, 1.186370611190796, -0.8309137225151062, -0.9536615610122681, -0.21070890128612518, 1.0956590175628662, -1.1835764646530151, 0.04684429615736008, 0.05553536117076874, -0.8031148314476013, -0.24497577548027039, -0.3120672404766083, -0.43107378482818604, 0.5414273142814636, -0.20251645147800446, -0.14336977899074554, -0.3851168155670166, 0.22426481544971466, -0.12808766961097717, 1.1306928396224976, 0.7741786241531372, 0.09412512183189392, 0.7118644714355469, -0.0058128489181399345, 0.9089029431343079, -0.04634886234998703, -0.6316385269165039, -0.885026752948761, 0.55638188123703, 0.06297971308231354, 0.0772412046790123, -0.9263129830360413, -0.08008407801389694, 0.9180102348327637, -0.33446136116981506, 0.5766406059265137, -1.3220243453979492, -0.12877365946769714, -0.6693617105484009, 0.42704275250434875, 0.2573215663433075, -1.1389890909194946, -1.0316376686096191, 0.5023373365402222, -0.43358778953552246, -0.2184707224369049, -0.9892940521240234, -0.237648606300354, 0.824700117111206, 0.44223153591156006, 0.21352075040340424, 0.6106606721878052, -12.788373947143555, 1.5505218505859375, -0.12773555517196655, 0.4399678707122803, 0.8923845887184143, -0.45087894797325134, 0.7644731998443604, 0.7297621369361877, 0.8666490912437439, -0.9385361075401306, 0.19021613895893097, 0.9422869086265564, 0.0575723834335804, 0.06988731771707535, -0.7297332286834717, -1.6511591672897339, -0.8753106594085693, -0.24841931462287903, 0.49345993995666504, 0.3350576162338257, -0.37693947553634644, -0.4658282995223999, -0.5479229688644409, -0.15958094596862793, 0.44023340940475464, -0.2723829746246338, -0.25588831305503845, -0.6442450284957886, 0.49323076009750366, -0.19490689039230347, 0.504112720489502, 0.21136215329170227, -0.05557652562856674, -0.9557782411575317, -0.40652763843536377, 0.46046164631843567, -0.3427732586860657, -0.037052951753139496, 0.7231926321983337, 0.28858470916748047, -0.014758564531803131, 0.10555616021156311, 0.8809993863105774, -0.15954682230949402, -0.7908274531364441, 0.47458189725875854, 0.18187077343463898, -0.2812715470790863, 0.37955963611602783, -0.5428603887557983, -0.965783417224884, -0.38073524832725525, -0.5385850667953491, -0.15359845757484436, 0.9772889018058777, 0.3151569068431854, -0.1176358163356781, 0.13620422780513763, -0.5953267216682434, -1.1813323497772217, 0.8180716037750244, -0.24038605391979218, -0.0025720372796058655, 0.2856443226337433, 0.11727645248174667, -0.6175850033760071, -0.05710912495851517, 0.24109689891338348, -0.055159829556941986, 0.004016192629933357, -0.10692999511957169, 0.0534701868891716, -0.2565511465072632, 0.6834392547607422, -0.4850899875164032, 0.22720417380332947, -0.7343178391456604, 0.20345288515090942, 0.6769941449165344, -0.14957937598228455, -1.1003717184066772, 1.1138495206832886, 0.39631709456443787, -0.37456411123275757, -0.49866828322410583, 0.13490960001945496, -0.09574172645807266, 0.3074501156806946, 0.6989122629165649, 0.11584212630987167, 0.40327978134155273, 0.565524697303772, -0.10097967088222504, -0.20996135473251343, -0.2193731963634491, 0.9580557942390442, -0.3633946180343628, 0.09517239034175873, -0.2559633255004883, 0.0861828625202179, -0.1462395191192627, -0.29294195771217346, -0.8897596597671509, 0.1825413852930069, 0.6795936226844788, 0.017251282930374146, -0.1183999627828598, 0.28917720913887024, 0.4274383783340454, -0.1120092049241066, 0.2703525424003601, -0.09153814613819122, -0.5503615140914917, 1.4961917400360107, -0.6132582426071167, 0.5193239450454712, 1.497290015220642, -0.2705857753753662, 0.3839331567287445, 0.7391038537025452, -0.2587459087371826, 0.8111317753791809, 0.18253399431705475, 0.7082038521766663, -0.08346172422170639, 0.19548852741718292, 0.2958560585975647, 0.6340314149856567, -0.16813209652900696, -1.5194298028945923, -0.270176500082016, -0.36843356490135193, 0.10146348178386688, -0.363510400056839, -0.44290891289711, -0.23166759312152863, -0.6377984881401062, 1.359776258468628, -0.9425697326660156, 0.641677975654602, -0.21732363104820251, -0.7210137248039246, -0.12177498638629913, -1.339072823524475, -1.0197621583938599, -0.019355081021785736, -0.7332815527915955, 1.0022245645523071, -0.7940961122512817, 0.06846217811107635, -0.16847610473632812, -0.4410989582538605, 0.5796238780021667, -0.816100537776947, -0.12905584275722504, 0.13904720544815063, -0.19453346729278564, 0.03871262073516846, -1.2568048238754272, -0.4950008988380432, 0.2581009268760681, 1.227440357208252, -0.5457569360733032, 1.920812726020813, 0.775065541267395, -0.06057369336485863, -0.3274156153202057, 0.10503622889518738, -1.1883714199066162, 0.4084203541278839, 0.9698521494865417, -0.5770381689071655, -0.30719780921936035, -0.045333124697208405, 0.2729455232620239, -1.0251522064208984, 0.7197442650794983, 1.4604687690734863, -0.9644938707351685, -0.523824155330658, 0.36694154143333435, 0.18356306850910187, -0.2910688817501068, -0.09011822193861008, -0.5195480585098267, 0.039275214076042175, 0.5154762864112854, 0.9126049876213074, 0.575203001499176, 0.7713034152984619, -1.1121776103973389, -0.9897494316101074, -0.8259477615356445, -0.047378845512866974, -0.2893976867198944, -0.3857775628566742, 1.1584097146987915, 0.7454899549484253, -0.14833864569664001, -0.2925441861152649, -0.10241478681564331, 0.15443342924118042, -0.392231285572052, 0.4468376338481903, -0.10362742841243744, -0.038493216037750244, -1.0399357080459595, 0.1657222956418991, -0.17797093093395233, 0.28481626510620117, -0.5916816592216492, -0.41728001832962036, 0.6318578124046326, -0.44072893261909485, 0.05692475661635399, -0.5182785987854004, -0.6764455437660217, -0.394694447517395, -0.3727022409439087, -0.575514018535614, 0.46139588952064514, 1.3284319639205933, -0.2739512622356415, 1.4041064977645874, -0.06432640552520752, 0.8428505659103394, 0.8147573471069336, 0.49065500497817993, 0.5926488637924194, -0.6067813634872437, -0.33823075890541077, 0.36464107036590576, 0.11360679566860199, 0.3334987461566925, -0.034332383424043655, -0.7036767601966858, -0.6738084554672241, 0.5210105776786804, -0.6446598768234253, 0.40591081976890564, -0.3059871792793274, 0.8822402358055115, 1.5588711500167847, 1.31898832321167, -0.8921326398849487, -1.3201137781143188, -0.5077201128005981, -1.6808326244354248, 0.2078530490398407, 0.1283772885799408, 0.3503207862377167, 0.3141931891441345, 0.6045439839363098, -0.008126303553581238, 0.5588217377662659, -0.5665016174316406, 0.0033715590834617615, 0.6069650650024414, 0.2890779376029968, 0.7718948125839233, 0.44118255376815796, 0.6080734729766846, 0.7631801962852478, 0.49251753091812134, -0.3631064295768738, 0.014585163444280624, 0.015593932010233402, 0.6364325284957886, 0.5337502360343933, -0.5248256921768188, -0.9071412682533264, -0.8059240579605103, 0.22643975913524628, -0.49438562989234924, 0.6399883031845093, 0.0924634039402008, -0.7678049802780151, -0.0347704254090786, -0.7464482188224792, 0.1972503513097763, 0.2978043854236603, 0.3920116424560547, -0.2921135425567627, -0.37490314245224, 0.8307851552963257, 0.7233961224555969, 0.12251408398151398, -0.7448068261146545, 0.8022605180740356, -0.7654979228973389, 0.9543877243995667, -0.5259900093078613, -0.5432993173599243, -1.048943042755127, 0.27017641067504883, -0.698005735874176, 0.5525170564651489, 0.3099331259727478, -1.2261656522750854, -0.3896777331829071, 0.44958868622779846, 0.4392450749874115, 0.6861206889152527, 0.22566966712474823, -0.06603428721427917, -1.6294931173324585, 0.6830384135246277, 1.1071810722351074, 0.33291447162628174, -0.42401039600372314, 0.513795018196106, -0.7873877286911011, 0.0925309881567955, 1.2115793228149414]} +{"paper_id": "hope_edi", "embedding": [-0.8770657777786255, 1.4976887702941895, 0.36420443654060364, -0.21277467906475067, 0.9372387528419495, 0.4334240257740021, 0.04503438621759415, 0.06138759106397629, 0.3780505359172821, 0.2462831437587738, 0.3136460781097412, -0.29840022325515747, -0.3408646881580353, 0.19275754690170288, -0.03625338152050972, -0.5878860950469971, -1.197097659111023, 0.19502036273479462, -0.3887239396572113, -0.03562098741531372, -0.9180892109870911, -0.1527368128299713, -0.08072416484355927, 0.40749385952949524, -0.9940093159675598, -0.415205717086792, 0.2954556941986084, -0.741070568561554, -0.19873332977294922, -0.23322218656539917, -0.18907955288887024, 0.6809702515602112, -1.8209336996078491, 0.3109569549560547, -0.43201711773872375, -0.7430509924888611, -0.6223804950714111, 0.4304431080818176, -0.5711721181869507, -0.16125008463859558, -0.2926762104034424, 0.4613746702671051, 1.3892877101898193, 0.34651774168014526, 0.032049983739852905, 0.8270522952079773, -0.8891923427581787, 0.36581355333328247, -0.3214566111564636, -0.22179633378982544, -0.0020168889313936234, -0.10018181055784225, 0.3477418124675751, -0.3188043236732483, -0.35037562251091003, 1.2734034061431885, 0.09421586245298386, -0.8391153216362, 0.20110519230365753, -0.8932924270629883, 1.4177625179290771, 1.630327582359314, 0.3995947539806366, 0.012844601646065712, 1.3057230710983276, 0.0018496587872505188, 1.218100905418396, -0.10436855256557465, 0.4481044411659241, 0.5275061726570129, -0.1682514101266861, -1.2578074932098389, 0.5076719522476196, -0.2946227490901947, -0.5495452880859375, 0.29140716791152954, 0.4079648554325104, 0.6862991452217102, -0.6098660826683044, 0.8005027174949646, -0.028814997524023056, 0.4541846513748169, 0.47515517473220825, -0.586762011051178, 1.173407793045044, 0.2284468710422516, 0.3052542805671692, -0.22197799384593964, 1.0047818422317505, -0.9895557165145874, 0.5063676834106445, -0.27751994132995605, 0.7898072004318237, 0.6564226746559143, -0.35044825077056885, 0.5986684560775757, 0.01731109991669655, 0.6943339109420776, -0.5475103855133057, -0.04391004145145416, 1.0077544450759888, -0.7270394563674927, 0.1478004902601242, -0.5088964700698853, -0.08679640293121338, 0.5542826652526855, 0.5341024398803711, -0.18125060200691223, -0.19633039832115173, 0.13099946081638336, -0.41880932450294495, 0.9933019876480103, -0.2886475920677185, 0.8346958160400391, 0.18195398151874542, -0.24990549683570862, -0.6245148181915283, -0.8108214139938354, -0.4243878424167633, -0.2232305258512497, -1.0452299118041992, -0.6376761198043823, 0.6293585300445557, 0.31543970108032227, 1.2072408199310303, 0.12715889513492584, 0.5959413051605225, -0.7275468111038208, -0.24558350443840027, -0.4599625766277313, 0.4461354911327362, -0.37895146012306213, -0.6362144947052002, 0.4659251570701599, 3.1345081329345703, -0.9812695384025574, 0.7624742984771729, -0.876815915107727, 0.07122205942869186, -0.5396575331687927, 0.08897330611944199, 1.585830569267273, -0.35813263058662415, -0.8138770461082458, -0.34397950768470764, -0.20561759173870087, -1.3510997295379639, 0.5197670459747314, -0.315727561712265, -0.8804814219474792, 0.03200944513082504, -0.1365015208721161, -1.3459020853042603, -0.18430912494659424, 0.10853917896747589, -0.011075116693973541, -0.3017212748527527, 1.0698466300964355, -0.41672882437705994, 0.5597692131996155, 0.8387313485145569, 0.3683415651321411, -0.4335673749446869, 0.6284940242767334, -0.8363518118858337, -0.46285098791122437, 0.9106591939926147, -0.4857742190361023, -0.9789687395095825, -0.6748273372650146, 1.2407761812210083, 0.1762113869190216, 0.27821096777915955, -0.11965330690145493, -0.638966977596283, -0.3531920909881592, 0.2545192837715149, 1.1552889347076416, 0.2798834443092346, -0.19830963015556335, -0.7484826445579529, -0.25044548511505127, -0.12977543473243713, 0.4722115099430084, -0.6257438659667969, -0.07240699231624603, -2.0523955821990967, -0.2976498007774353, -0.2980545163154602, 0.9100542068481445, 0.10859297215938568, 0.3623233735561371, -0.13710370659828186, 0.1002897322177887, -0.3448694944381714, 0.0925741195678711, 0.9002368450164795, -1.248265266418457, 0.18640002608299255, -0.0014759302139282227, 0.7510567307472229, -0.7162560820579529, 0.12396670877933502, 0.6652953624725342, 1.1552720069885254, 0.02806149423122406, -0.8130242228507996, -1.5833755731582642, 0.3965793550014496, 2.310743570327759, 0.26757073402404785, -0.8985066413879395, -0.8297311663627625, -0.019690416753292084, -0.07231353968381882, 0.354965478181839, 0.9943662881851196, -1.0933527946472168, -0.4942249655723572, -1.0385984182357788, -0.11960791051387787, -0.4677002727985382, -0.039567168802022934, 0.8486922979354858, -0.08534928411245346, -0.8745879530906677, -0.6336642503738403, -0.5381446480751038, -0.24697081744670868, 0.2660593092441559, 0.23028957843780518, -0.2664678990840912, 0.43172648549079895, 0.44210952520370483, 1.0652048587799072, 0.7808801531791687, 0.32973259687423706, 0.014405041933059692, -0.2590154707431793, -0.5079229474067688, 0.7590156197547913, 0.12360097467899323, -0.4583481550216675, -0.7159640789031982, 0.6511953473091125, 0.5073043704032898, 0.3722342848777771, -0.3232998847961426, -0.6474677920341492, 0.016816653311252594, 0.9845635294914246, 1.1722412109375, -0.8670828938484192, 0.8503076434135437, -0.6215019226074219, 0.5629184246063232, 0.0777914747595787, -0.2474347949028015, 0.2531048059463501, -0.4191446900367737, -0.222437784075737, 0.2041085809469223, -0.176426962018013, -0.8306614756584167, -0.5443122982978821, -0.7115551233291626, -0.6129757165908813, 0.21389594674110413, -0.5379413366317749, -1.2891603708267212, -0.1812782883644104, -0.6109700798988342, -1.5299880504608154, 0.016366781666874886, -0.3101428151130676, 0.8527626991271973, -0.4392383098602295, 0.4833016097545624, 1.5447583198547363, -0.12729623913764954, -0.5213785767555237, -0.1824914813041687, 0.6768690347671509, -0.24496203660964966, 0.2661041021347046, -0.8049549460411072, 0.22816015779972076, -0.4161537289619446, -0.2900286912918091, -0.4646233916282654, 0.533295214176178, 0.37175753712654114, -0.46866875886917114, 0.7857968807220459, 0.24264413118362427, -0.781078577041626, 0.11076502501964569, -0.6035639047622681, 0.3131755292415619, -0.7269096374511719, 0.9319655895233154, 0.7058866620063782, -0.37310710549354553, 1.1366935968399048, -1.1165016889572144, 0.005183659493923187, 0.6354414820671082, -1.013724446296692, 0.24365876615047455, 0.4980469346046448, -0.7258930206298828, -0.5259822010993958, 0.20613175630569458, -1.3079156875610352, 0.15281273424625397, 1.587691068649292, -0.008917011320590973, 0.29591429233551025, -0.7812803387641907, 1.3617827892303467, -0.6617733836174011, -0.186812624335289, -0.4723309576511383, -0.9783637523651123, 0.13944584131240845, -0.5843615531921387, -0.2267949879169464, -0.03865540400147438, -1.4489176273345947, -0.06965610384941101, 0.946323573589325, 0.8556802868843079, -1.0141708850860596, -0.06049307435750961, 0.5132235884666443, -0.9352326393127441, 0.4811612069606781, 0.39255139231681824, 0.7447119355201721, 0.5997797250747681, -0.36553141474723816, -0.7143586874008179, 0.5165517330169678, 0.8348768949508667, 0.08225970715284348, 0.4079183340072632, 0.46773791313171387, 1.1423776149749756, -0.6439248323440552, 1.4300024509429932, 0.3907238841056824, -0.05729120969772339, -1.4964196681976318, -0.463356077671051, -0.11467702686786652, -0.7941779494285583, 1.1976518630981445, 1.5558085441589355, 1.1191867589950562, 0.4053419232368469, 0.12935146689414978, -0.24865636229515076, 0.20707197487354279, 0.7220985293388367, 0.012007875367999077, 0.8914111256599426, -0.34563392400741577, 0.2520473003387451, 0.6839706301689148, 1.014141321182251, -0.9876952171325684, 0.21577680110931396, 0.7023845314979553, -0.44168350100517273, -0.43689918518066406, 0.04601896181702614, -0.09547698497772217, 0.34534671902656555, 1.4058188199996948, -0.22079043090343475, -0.7220611572265625, 0.1326742172241211, 0.34720200300216675, 0.8174437284469604, 0.13873296976089478, -0.7542116641998291, 0.6992788314819336, 0.5133888721466064, 0.9501384496688843, -0.7271394729614258, 0.6140103936195374, 0.20219162106513977, -0.0430716946721077, -1.253281593322754, -0.6584323644638062, -1.2546318769454956, -0.02611355669796467, -0.17071066796779633, -0.07842741906642914, -0.6636431217193604, 0.5810760259628296, -0.3833860158920288, -1.3577324151992798, 1.1038254499435425, -0.12279876321554184, -0.530595064163208, 0.8042445182800293, 0.6781184673309326, -1.238975167274475, -0.7420338988304138, 0.182625874876976, -0.8427883386611938, -0.3552722632884979, 0.28621983528137207, -0.8659379482269287, 1.1376286745071411, 0.2885560691356659, 0.1309233158826828, -0.0853278785943985, 0.15000197291374207, -0.8759223818778992, 0.9126176238059998, 1.362443447113037, -1.3269261121749878, 0.5400514602661133, 0.7048797011375427, -0.3242945671081543, 0.7394382953643799, -0.7041610479354858, -0.9258589148521423, -0.08870814740657806, 0.23452842235565186, -0.2592625021934509, -1.0972217321395874, -0.5265318751335144, 0.4594186544418335, 0.4134646952152252, 0.9050594568252563, -1.151440143585205, 0.17356185615062714, -0.6603216528892517, 0.21596623957157135, 1.148850679397583, -1.0733528137207031, -0.5225608944892883, 0.8349646925926208, -0.4408476948738098, 0.02484402433037758, -0.1495373398065567, -0.09077891707420349, 0.9641116261482239, 0.6332574486732483, 0.7034467458724976, -0.1561538577079773, -10.539474487304688, 0.910053014755249, -0.29536545276641846, 0.5960186123847961, 0.1978643387556076, -0.12362886220216751, -0.2683427333831787, 0.7098612785339355, 1.8030158281326294, -0.85527503490448, -0.3466711938381195, 2.3778834342956543, -0.47137030959129333, -0.7520826458930969, -0.6332948207855225, -1.008433222770691, -0.9223659038543701, -0.9226486682891846, -0.1631806194782257, 0.23026034235954285, -0.6044517159461975, -1.3505240678787231, -0.16322627663612366, -0.4676787257194519, 0.6351922750473022, -0.00018787384033203125, -0.13696640729904175, -1.0657800436019897, -0.3337197005748749, 0.9317107200622559, 1.2433918714523315, 0.1472383290529251, -0.6031481027603149, -0.030543122440576553, 0.457520067691803, 0.5452947020530701, -1.0675798654556274, -0.25566330552101135, 0.7942598462104797, -0.34009167551994324, 0.560810923576355, 0.47246479988098145, 0.07613691687583923, -0.7774602770805359, -0.3988041877746582, 0.15871252119541168, -0.864961564540863, -0.12470661103725433, 0.28763070702552795, -0.8227630853652954, -0.746724545955658, -0.08734270930290222, -1.6807042360305786, -0.8034736514091492, 1.0796375274658203, -0.2192898690700531, -0.8172447681427002, 0.0953696072101593, -1.2737460136413574, -1.00338613986969, 1.3634711503982544, -0.44987916946411133, -0.5723040103912354, 1.0307143926620483, 0.6275782585144043, -1.3505522012710571, 0.7637525200843811, -0.45563650131225586, 0.07493352144956589, 0.5655164122581482, -0.7636138796806335, 1.0256474018096924, -0.041490085422992706, 0.7854146361351013, -0.2152874767780304, -0.17620849609375, -0.7836916446685791, -0.13070300221443176, 0.9268273711204529, 0.17139752209186554, -1.1294070482254028, 0.8013471961021423, 0.2775428295135498, -0.4459300637245178, -1.1232640743255615, 0.3927035331726074, -0.0647880807518959, -0.11413213610649109, 0.9884655475616455, 0.144407719373703, 0.7566981315612793, -0.0011794045567512512, -0.20662666857242584, 0.35625723004341125, -0.8939933776855469, 0.8895726799964905, -0.5841439962387085, 1.2852740287780762, 0.01669476181268692, 0.3561564087867737, 0.5766450762748718, -0.13049918413162231, -0.7877047061920166, 0.30743762850761414, 0.3448679447174072, -0.08048562705516815, 0.1368849277496338, 0.3850751221179962, -0.1266888678073883, -0.8471174836158752, 0.2171260416507721, 0.6065531373023987, 0.42414766550064087, 0.14150802791118622, 0.16258439421653748, 0.9354826807975769, 0.9470334053039551, 0.4180799126625061, 0.4582427740097046, 0.7442735433578491, -0.7665495276451111, 1.276210904121399, 0.2403128743171692, 0.8206578493118286, 0.43628495931625366, 0.8081642985343933, 0.9052343964576721, -0.8105882406234741, -0.21539346873760223, -1.7691563367843628, 0.5469664335250854, -0.9178781509399414, 0.37275686860084534, -0.7851802706718445, -0.10718291252851486, -0.2547794580459595, -1.4850143194198608, 0.7910128831863403, -0.9136326909065247, 0.2081432342529297, -0.646230161190033, -0.5685328245162964, -0.08677050471305847, -0.8637125492095947, -0.5720661878585815, 0.40635383129119873, -2.0051918029785156, 0.4088189899921417, -0.22289937734603882, 0.339998722076416, 0.14013954997062683, -0.21729204058647156, 0.6215340495109558, -0.9254990220069885, -0.44875097274780273, 0.24881044030189514, 0.5604574084281921, -0.8967135548591614, -0.8426973819732666, -0.5595705509185791, 0.8421652317047119, 1.3608185052871704, -0.5850722193717957, 1.1397894620895386, 0.5981910228729248, 0.6394845843315125, -0.5857137441635132, 0.3449896574020386, -0.43089136481285095, 1.0683341026306152, 1.616989016532898, -0.7149423956871033, -0.5291103720664978, 0.03534439206123352, 0.35001131892204285, -1.1738662719726562, 1.476148009300232, 1.5840801000595093, -1.5050748586654663, 0.3992159366607666, -0.5079395771026611, 0.0808645635843277, 0.7309680581092834, -0.4212968349456787, 0.03240714967250824, 0.8974183797836304, -0.9928913116455078, 0.6032046675682068, -0.21133650839328766, 0.8575989603996277, -1.7864716053009033, -1.6160659790039062, -0.5566465258598328, 0.32676494121551514, 0.4991004467010498, -0.42830756306648254, 0.8339595794677734, 0.1847211867570877, -0.09646721184253693, -1.1593035459518433, -0.20126156508922577, 0.4535551369190216, -0.5196983814239502, 0.5632584095001221, -0.8360193371772766, -0.30504709482192993, -0.9066298007965088, -0.18980629742145538, 0.15980325639247894, 0.4634661078453064, -1.4179660081863403, -0.21206940710544586, -0.2113582193851471, -0.34521886706352234, 0.41141849756240845, -0.4967831075191498, -0.49810752272605896, 0.20156781375408173, -0.6064508557319641, -1.0151633024215698, 0.1385430097579956, 1.8517835140228271, -0.0001297593116760254, 1.5048327445983887, 0.45453736186027527, 0.6232245564460754, 0.6478070616722107, 0.5419749021530151, 1.4876090288162231, 0.25957271456718445, -0.3076235353946686, -0.4642161726951599, -0.22556866705417633, 0.19478058815002441, 0.2917654514312744, -0.1821618378162384, -0.8595685958862305, 0.416161447763443, -1.8816845417022705, -0.14628663659095764, -0.34764671325683594, 0.021227750927209854, 0.9766004085540771, 1.0259876251220703, -0.8081774711608887, -0.1485193818807602, -0.1299920529127121, -0.7248522043228149, 0.14905399084091187, 0.7509441375732422, 0.07432641088962555, 1.2470626831054688, 0.5204737186431885, 0.15266557037830353, 1.2109203338623047, 0.4786004424095154, 0.1379832923412323, 0.6675158143043518, 0.6557938456535339, 0.9564959406852722, 1.2349880933761597, 0.1708482950925827, -0.1763763427734375, -0.6101700067520142, -1.0884101390838623, -0.5660066604614258, -1.0089093446731567, 0.9661149978637695, 0.6453069448471069, -0.02326218970119953, -0.04009929299354553, -0.5773487687110901, 0.24074777960777283, -0.37251654267311096, 0.682494580745697, 0.45982664823532104, -0.3861038088798523, -0.19255706667900085, -0.9595484733581543, 0.09186077862977982, 0.6911152601242065, -0.5839511752128601, 0.2622146010398865, -1.5459550619125366, 0.8297961354255676, -0.019194599241018295, -0.8034696578979492, -1.0615593194961548, 0.7553042769432068, -0.5732303857803345, 0.4013162851333618, 0.4194280803203583, -0.4457527697086334, -1.0584120750427246, 0.031499460339546204, -0.8339791893959045, 0.8909568786621094, 0.30950576066970825, -1.6531819105148315, 0.2877824306488037, 0.7074813842773438, 1.1220088005065918, -0.39901211857795715, 0.2901769280433655, 0.1574568748474121, -1.266832947731018, 1.4363549947738647, 1.5230450630187988, 0.0131747517734766, -0.6996889710426331, 0.2628866136074066, -0.02202942967414856, 0.3203054368495941, 1.985487461090088]} +{"paper_id": "catalonia_independence", "embedding": [-0.5142685770988464, 0.6643479466438293, -0.20202703773975372, -0.3230857849121094, 0.22248947620391846, -0.20691466331481934, 0.3186791241168976, -0.08292708545923233, 0.6835088729858398, 1.4363203048706055, -0.1373075395822525, -0.8872535228729248, -0.2671944797039032, -0.051221102476119995, 0.13530533015727997, -0.7603805661201477, -0.9308733344078064, -0.14438222348690033, 0.381812185049057, -0.2893974483013153, -0.8438948392868042, -0.9844604730606079, -0.23736770451068878, 0.745897650718689, -0.7405744791030884, -0.5110822319984436, 0.29155299067497253, -0.6159833669662476, 0.44847649335861206, 0.16321027278900146, -0.3068302273750305, 1.081305980682373, -1.1524136066436768, 0.0349142849445343, -0.8490167856216431, -0.18007460236549377, 0.3324786424636841, 0.8883373737335205, -0.452533483505249, -0.0923730731010437, -1.1640706062316895, 0.44337427616119385, 0.31508365273475647, 0.8469944000244141, 0.20456263422966003, -0.022215459495782852, 0.0010606851428747177, -0.08903178572654724, -0.06323788315057755, -0.2817618250846863, -0.19920505583286285, 0.6154844760894775, -0.9048484563827515, -0.1472334861755371, -0.22461485862731934, 0.2829267084598541, 0.23861810564994812, -0.835452675819397, 0.19140736758708954, -0.743116021156311, 1.349247932434082, 1.7816050052642822, -0.4535576403141022, -0.46642664074897766, 0.9516729116439819, -0.4034354090690613, 1.8016561269760132, -0.3655150532722473, 0.5298426747322083, 0.8447549343109131, 0.2945398688316345, -0.20978958904743195, 0.0725477784872055, -0.222706601023674, -0.3203715980052948, 0.8358032703399658, 0.38582634925842285, 0.6388548612594604, -0.6435944437980652, 0.41369932889938354, -0.23252184689044952, 0.9361127614974976, -0.38799387216567993, -0.7677133679389954, 0.09182123094797134, 0.3118073046207428, 0.6643117666244507, -0.8131253719329834, 0.9259116053581238, -1.909183382987976, 1.1177351474761963, 0.4576968252658844, -0.1647486537694931, 0.15618273615837097, -0.8372793197631836, 1.3937333822250366, -0.18622180819511414, 0.09656129032373428, -0.31914272904396057, -0.05383945629000664, 0.7619366645812988, -0.9790469408035278, 0.7184289693832397, 0.5928895473480225, 0.12515150010585785, 1.4787522554397583, 0.307586133480072, 0.1785864233970642, -0.6475473642349243, 0.07337991148233414, 0.09552443027496338, 2.176377773284912, -0.6498460173606873, 0.5607154965400696, -0.11933610588312149, -0.13950452208518982, 0.5483518838882446, -0.6123580932617188, -0.6428999304771423, -0.11408652365207672, -0.8632644414901733, -0.8161912560462952, -0.6578502058982849, 0.9801875948905945, 1.2259581089019775, -0.543624222278595, 0.9139251112937927, 0.1822861135005951, 0.049917008727788925, -0.22469303011894226, 0.22157636284828186, -0.18103653192520142, -0.9186044335365295, 0.3847634792327881, 2.8787081241607666, -0.6926570534706116, 1.5275352001190186, -1.0396850109100342, 0.43839988112449646, -0.48479413986206055, 0.1990807056427002, 0.7750599384307861, 0.3401600122451782, -0.708145797252655, -0.5609034895896912, 0.36538824439048767, -0.9720980525016785, 0.058110348880290985, 0.07282362878322601, -0.9026321768760681, 0.11028775572776794, 0.49797752499580383, -1.0621068477630615, 0.2793349325656891, -0.06922929733991623, -0.028490053489804268, -0.6080213189125061, 1.1385700702667236, -0.08229418098926544, 0.7731719613075256, 1.085669994354248, -0.04924434423446655, -0.548647940158844, 0.9893609881401062, -0.5419808030128479, -1.0241680145263672, 1.0957093238830566, 0.2918810546398163, -1.4685442447662354, 0.3398033678531647, 1.1164000034332275, -0.43421033024787903, -0.19190889596939087, -0.24058440327644348, -0.4908088743686676, -0.31035593152046204, 0.37535127997398376, 0.5526166558265686, 0.06402350217103958, -0.1910545974969864, -0.29382964968681335, -0.10614156723022461, -0.2367008924484253, 0.22813963890075684, -0.39560791850090027, 0.3277939558029175, -1.844478964805603, 0.173345685005188, -0.4403224587440491, 1.3838293552398682, 0.292423814535141, -0.5829223990440369, -0.19705870747566223, 0.7884055376052856, 0.485834538936615, -0.41074278950691223, 1.1600911617279053, -1.0332872867584229, -0.5574765205383301, 0.21214313805103302, 0.6646788716316223, -0.9838356971740723, 0.2814742624759674, 0.12360693514347076, 0.15969470143318176, -0.8336037397384644, -0.7275878190994263, -1.8956440687179565, 0.5396755933761597, 2.513225793838501, -0.6919629573822021, 0.020313993096351624, -0.8364144563674927, 0.24267278611660004, -0.14015434682369232, -0.1049002930521965, 0.4611065089702606, -1.3984531164169312, 0.1321893036365509, -0.6508162021636963, 0.46665266156196594, -0.1337403953075409, 0.06640435010194778, 0.2431154102087021, 0.3166370689868927, -0.5605007410049438, -0.12186115980148315, -0.9271646738052368, -0.1873215138912201, 0.8242091536521912, 0.842736542224884, -0.7400122284889221, -0.19588127732276917, 0.6931239366531372, 0.9337071776390076, 1.6332415342330933, -0.2443692684173584, -0.11463713645935059, -0.5275002717971802, 0.05287381261587143, 0.4930240213871002, 0.17389346659183502, -0.4881763458251953, -0.6464911699295044, 1.5003553628921509, 1.11477792263031, 0.17796088755130768, -0.2542981803417206, -0.6073927283287048, 0.06768820434808731, 0.8661520481109619, 0.7820811867713928, -1.1883502006530762, 1.424389123916626, -1.1176507472991943, 0.7138904333114624, -0.41981571912765503, -1.0872427225112915, 0.29729193449020386, -0.12183839082717896, 0.4741276204586029, -0.2291519045829773, -0.67143714427948, -0.1582580804824829, -0.43085330724716187, -1.114020824432373, -1.0443525314331055, -0.3169371485710144, -0.9457336664199829, -1.695293664932251, -0.12485530972480774, -0.8678780198097229, -1.1817368268966675, -0.21938934922218323, 0.3436237871646881, 0.3074277937412262, -0.360311895608902, 0.3269370496273041, 1.4417147636413574, 0.18209338188171387, -0.19987553358078003, 0.00416332483291626, 0.9286428093910217, -0.20584437251091003, 0.7207964658737183, -0.06896296888589859, 0.3684577941894531, -0.3724296987056732, -0.478588342666626, 0.07233703136444092, 0.8329281210899353, 0.4122096300125122, -0.12112109363079071, 0.6863657832145691, -0.04901643097400665, -1.4537419080734253, 0.9042087197303772, 0.3496178090572357, 0.5799187421798706, -1.2917550802230835, 1.5223331451416016, 0.3093794882297516, 0.4362901449203491, 0.4468785524368286, -0.24803407490253448, 0.5333154201507568, 1.1810290813446045, -0.6361914873123169, 0.18892380595207214, 0.03499834984540939, -0.33550190925598145, -0.6280373930931091, 0.04146184027194977, -1.486507534980774, 0.19236168265342712, 0.7740028500556946, 0.2669239938259125, 0.33834415674209595, -0.8515384793281555, 1.5984803438186646, -0.7330304980278015, -0.3528100550174713, -0.18920230865478516, -0.33574378490448, 0.04297233745455742, -1.1160569190979004, -0.4956199526786804, 0.9883618950843811, -1.2837172746658325, 0.38419681787490845, 0.4980441927909851, 0.5620891451835632, -1.41558039188385, 0.08926357328891754, 1.234640121459961, 0.042685505002737045, 1.4226597547531128, -0.13989117741584778, 0.47122645378112793, 1.3296623229980469, -0.4746113419532776, -0.47569048404693604, 0.5954272150993347, 0.4764727056026459, 0.5226680040359497, 0.47110363841056824, -0.21787573397159576, 0.9332244992256165, -0.7245015501976013, 1.7923669815063477, 0.5985735058784485, -0.9464598894119263, -1.7361834049224854, -0.05671510472893715, 0.45189011096954346, -1.166945219039917, 1.3381463289260864, 1.1300908327102661, 1.4435080289840698, -0.025402376428246498, 0.3289068043231964, -0.08224597573280334, 1.005594253540039, 1.414677619934082, 0.060299258679151535, 0.20610636472702026, 0.08961443603038788, 0.4133908152580261, 0.8417308330535889, -0.3439416289329529, -0.9435625672340393, -0.14896927773952484, 1.1878643035888672, 0.10782964527606964, -0.4310123324394226, -0.37140345573425293, 0.18943090736865997, -0.09929660707712173, 0.30073392391204834, -0.3511687219142914, -1.0126906633377075, -0.8580029010772705, 0.1732613742351532, 0.8864275217056274, 0.8311246037483215, -1.450217366218567, -0.06330504268407822, -0.7003259658813477, 0.15396854281425476, -0.70171058177948, 0.3041537404060364, 0.6084738969802856, 0.18006111681461334, -1.434056282043457, -0.7199376225471497, -0.3827238082885742, -0.5407761335372925, 0.42447030544281006, -0.3595617711544037, -1.0150730609893799, 1.1925886869430542, -0.4588540196418762, -1.5367885828018188, 0.3211974501609802, -0.4384048581123352, -1.4444057941436768, 0.7202154397964478, 0.528989851474762, -1.755584716796875, -0.44363826513290405, -0.2890574336051941, -0.7933781147003174, -1.1798440217971802, 0.6373894214630127, -0.7662681341171265, 1.0066784620285034, 0.47300830483436584, 0.7967581152915955, -0.05274832248687744, -0.06072743982076645, -0.2625533640384674, 0.8106955885887146, 1.0522382259368896, -0.4336351454257965, 0.40252992510795593, 0.47034090757369995, -1.1238185167312622, 0.4911038279533386, -1.2720929384231567, -1.027564287185669, 0.5304374098777771, -0.2711104154586792, -0.10397148877382278, -0.558978259563446, -1.0174795389175415, 0.14940574765205383, 0.22310902178287506, 0.4214349687099457, -1.6661347150802612, 0.3978325128555298, -1.230358600616455, 0.48879358172416687, 0.2478809356689453, -0.569831132888794, -0.9207874536514282, 0.9638661742210388, -0.9045667052268982, 0.7075992822647095, 0.7976597547531128, 0.5396959185600281, 1.0592268705368042, 0.621422529220581, 0.5729976296424866, -0.5154603719711304, -9.813982963562012, 0.523312509059906, -0.0027930308133363724, 0.4965817332267761, 0.8309110403060913, -0.4176066815853119, -0.13446256518363953, -0.2240954488515854, 1.043647289276123, -0.8623945116996765, 0.3631359338760376, 2.1471962928771973, 0.2359287440776825, -1.3432154655456543, -0.5640908479690552, -0.10908596217632294, -0.8417402505874634, -0.6011045575141907, 0.13960327208042145, 0.4373777210712433, -0.9208559393882751, -0.4365324378013611, 0.31683653593063354, -0.5800457000732422, 0.41678887605667114, -0.06171344965696335, 0.5920535922050476, -0.5601442456245422, -0.5908231139183044, 0.004982717335224152, 0.6462301015853882, -0.5097935199737549, -1.0303291082382202, -0.19903063774108887, 0.2122449427843094, 0.5364580154418945, -0.8538600206375122, 0.08547565340995789, 0.807930588722229, -0.6209695935249329, 0.473213791847229, 0.27381354570388794, 0.20736579596996307, -0.5800043344497681, -0.17363934218883514, -0.24135729670524597, -0.0022119227796792984, -0.2339458167552948, -0.025863856077194214, 0.019541017711162567, 0.23421604931354523, -0.6665991544723511, -2.05397629737854, -0.5974680185317993, 0.9624279737472534, -0.06654732674360275, -0.6491785645484924, 0.9497310519218445, -1.3724523782730103, -1.0726699829101562, 0.9086403250694275, 0.13766883313655853, -0.31994906067848206, 0.5371947288513184, 0.3753664791584015, -0.9862082004547119, 0.6086987853050232, 0.5519372820854187, 0.2011711597442627, -0.41702592372894287, -0.2638217806816101, 1.330316185951233, -0.4503207504749298, 0.4529780149459839, 0.23474407196044922, -0.453472375869751, 0.06061764061450958, -0.19582970440387726, 0.9495776891708374, -0.0782846063375473, -1.2215172052383423, 0.8575633764266968, -0.2106233388185501, -0.07464194297790527, -1.05703604221344, -0.010667022317647934, -0.5428448915481567, -1.0081068277359009, -0.13769367337226868, 0.125031977891922, 0.1663360595703125, 0.3357434570789337, -0.1195824146270752, 0.49053147435188293, -0.2541457414627075, 0.8544659614562988, -1.031700849533081, 2.2614574432373047, -0.1509212851524353, 0.3878355622291565, 0.42330700159072876, 0.17180773615837097, 0.47840866446495056, -0.07268030196428299, 0.19257621467113495, 0.011426802724599838, 0.1536850929260254, -0.127876415848732, -0.7413619160652161, -0.4141266644001007, 1.1218574047088623, 0.19161656498908997, 0.12212987244129181, 0.15145273506641388, 0.37572547793388367, 1.1195036172866821, 0.5123843550682068, -0.047506578266620636, 0.19035287201404572, 1.387478232383728, -0.07195483893156052, 0.4507199227809906, -0.08007272332906723, 0.4707770347595215, -0.1354525089263916, 0.5514404773712158, 0.37579095363616943, -0.04264865815639496, 0.30653950572013855, -2.519327402114868, 1.0785877704620361, -0.0767095685005188, 0.45623743534088135, -0.4550926089286804, -0.6329318284988403, -0.7972663044929504, -1.3896876573562622, 1.2245874404907227, -0.19058848917484283, 0.3157079815864563, -0.7552996277809143, -0.5216374397277832, 0.31887906789779663, -0.018898744136095047, -0.6806771755218506, 0.43890950083732605, -2.137866258621216, 0.26268211007118225, -0.6153932809829712, -0.6122339367866516, 0.4219128489494324, -0.7365504503250122, 0.8387683033943176, -0.20471996068954468, -0.11904352903366089, -0.2554113268852234, 0.4531406760215759, 0.14620015025138855, -0.7195339798927307, 0.6940731406211853, 0.44384294748306274, 1.060142993927002, -0.9625937938690186, 0.8832360506057739, 0.7062772512435913, -0.7779799699783325, -0.730218768119812, 0.10171419382095337, -1.1608105897903442, 0.3349612057209015, 1.6513197422027588, -0.8844196200370789, -0.028611451387405396, -0.23265883326530457, -0.46320536732673645, -1.7441718578338623, 0.9791373014450073, 0.7750329971313477, -0.6614888906478882, 0.731407105922699, -0.22773495316505432, 0.21228668093681335, -0.6193661689758301, -0.47570621967315674, 0.02476625144481659, 0.18358302116394043, -1.0382088422775269, 1.2356631755828857, 0.03182806074619293, 0.06485611200332642, -1.5202915668487549, -1.1662249565124512, -0.26475295424461365, -0.21688053011894226, 0.8958573341369629, 0.18348437547683716, 0.873337984085083, 0.5154293775558472, 0.3046340346336365, -0.600620687007904, 0.4319409728050232, 1.0096983909606934, -0.0942838042974472, 0.05881674960255623, -1.9863723516464233, -0.5806009769439697, -0.5429549217224121, 0.48542261123657227, 0.8119145035743713, 0.4343181252479553, -1.3144631385803223, -0.4593994617462158, -0.13344544172286987, -0.3979972302913666, 0.814937174320221, -0.6744298934936523, 0.5567052364349365, -0.4648342728614807, -0.7886729836463928, -0.6420615315437317, 0.21648578345775604, 1.40132474899292, 0.3385077118873596, 1.2763954401016235, 1.214621901512146, 0.1982520967721939, 0.8527838587760925, 0.708650529384613, 1.8589311838150024, 0.2666902542114258, 0.511756956577301, 0.17656287550926208, 0.2871062457561493, 0.25847214460372925, -0.19029715657234192, 0.12137836962938309, -0.48233509063720703, 0.38566842675209045, -1.5112780332565308, 0.33432504534721375, -0.3074749708175659, 0.3309226334095001, 0.5386873483657837, 0.7943477034568787, -0.6953563690185547, -0.13558034598827362, -0.23948699235916138, -0.3087034225463867, -0.19976411759853363, 0.15212303400039673, 0.8994008302688599, 1.3891246318817139, 0.7669192552566528, 0.041886910796165466, 1.2314088344573975, -0.23290425539016724, -0.10725119709968567, 0.31955522298812866, -0.06242695450782776, 1.0650525093078613, 0.5236199498176575, 0.8451092839241028, -0.5430079698562622, -0.10697809606790543, -1.6399585008621216, -0.2671698331832886, -0.38887643814086914, 0.5076202750205994, 0.09522658586502075, 0.3907163143157959, 0.670879602432251, -0.13552570343017578, 0.19144894182682037, 0.34666189551353455, 0.3592577576637268, 0.11789881438016891, -0.3196544647216797, -0.4206910729408264, -1.0125609636306763, -0.3189992308616638, 0.9609803557395935, -0.6374039053916931, -0.065155528485775, -1.0904595851898193, 0.5717668533325195, -0.35002651810646057, -1.4025148153305054, -0.8980790376663208, 0.255342572927475, -0.18973171710968018, 0.11386202275753021, -0.08745655417442322, -1.2240638732910156, -1.7548083066940308, 0.12360656261444092, -1.195643663406372, 0.5754326581954956, -0.30221664905548096, -1.2217968702316284, 0.21061840653419495, 0.8213276863098145, 0.20138967037200928, -0.44898495078086853, 0.18271338939666748, -0.6441385746002197, -1.3264546394348145, 1.1535489559173584, 0.7537983059883118, -0.3597820997238159, -1.1290843486785889, 1.2838157415390015, 0.5435654520988464, 0.36555013060569763, 1.7102118730545044]} +{"paper_id": "pec", "embedding": [-1.1307168006896973, 1.0810325145721436, 0.4532110095024109, 0.5278254747390747, 1.4162647724151611, 0.3797205984592438, 1.234769582748413, 0.35075634717941284, 1.119450569152832, -0.30913448333740234, 0.34047019481658936, -0.37391409277915955, -0.4427730441093445, -0.42911475896835327, 0.14448383450508118, 0.1998019516468048, -1.2216256856918335, 0.3875856101512909, -0.7176609635353088, 0.05159170180559158, -0.5365984439849854, -0.3481048345565796, -0.26008784770965576, 1.0983935594558716, -0.9637179970741272, -0.3513215482234955, 1.1003456115722656, -0.47942912578582764, 0.263698935508728, -0.37877851724624634, 0.06577415764331818, 1.5956737995147705, -0.8334471583366394, -0.11632931232452393, -0.6853010058403015, -0.7995590567588806, -0.6227049231529236, 0.10921960324048996, -0.3981936275959015, 0.9313822984695435, -0.43106845021247864, 0.6911674737930298, 0.4853937029838562, 0.34434080123901367, 0.23054666817188263, 0.5877799391746521, 0.2333565056324005, -0.0718861073255539, -0.44509196281433105, -0.3806379735469818, -1.0697500705718994, -0.049619585275650024, 0.06008375436067581, -0.3168887495994568, 0.047209061682224274, 1.3429036140441895, 0.10163015872240067, -0.012175686657428741, -0.3094392418861389, -1.4465891122817993, 1.5762821435928345, 0.8683341145515442, 0.9308817982673645, -0.26142579317092896, 0.62140953540802, -0.19165852665901184, 1.7547765970230103, -0.23617561161518097, -0.33774441480636597, -0.14453409612178802, -0.9412295818328857, -2.0747427940368652, 0.1791088879108429, 0.14872220158576965, -0.5359927415847778, 0.41783764958381653, 0.9680690169334412, 0.751471996307373, -0.6782727241516113, 0.6658592224121094, 0.20727720856666565, 0.484588086605072, 0.7675701975822449, -0.2050207257270813, 0.7921407222747803, 0.3985597789287567, 0.9988418817520142, 0.3143553137779236, -0.03005244769155979, -1.1868549585342407, 0.26422184705734253, -0.42118993401527405, 0.4619706869125366, 0.26819783449172974, -0.46418607234954834, 0.4688367545604706, 0.4692705273628235, -0.05226972699165344, -0.4533059000968933, -0.039987411350011826, -0.16805019974708557, -0.08872662484645844, 0.4415889084339142, -0.8366131782531738, -0.40305304527282715, 0.47495725750923157, 1.1437740325927734, 0.08812318742275238, 0.32041221857070923, -0.09052185714244843, 0.03848836198449135, 0.8971126079559326, 0.04295503348112106, 1.2448029518127441, 0.4755402207374573, 0.40144553780555725, 0.7301794290542603, -0.9078799486160278, 0.009832102805376053, 0.07204791903495789, -0.22111675143241882, -0.5892706513404846, 0.3162960708141327, 0.08899568021297455, 1.7490718364715576, -0.536674439907074, 0.03687392175197601, 0.2255641520023346, 0.3155248761177063, -0.8411180377006531, 0.2564542889595032, 0.023220816627144814, 0.05248595401644707, 0.3070680499076843, 2.354031562805176, -1.1614290475845337, 1.2673176527023315, -1.291416883468628, -0.568898618221283, -0.6249614953994751, 0.9941423535346985, 0.6274884343147278, -0.33498936891555786, -0.43147769570350647, -0.8564803600311279, -0.22852160036563873, -0.6382563710212708, 0.7476473450660706, -0.24596931040287018, -0.9322527050971985, 0.14459678530693054, -0.032609932124614716, -1.2809422016143799, -0.15599259734153748, 0.38147950172424316, -0.10471049696207047, -0.11993348598480225, 0.24104246497154236, -0.07604958117008209, -0.1275363564491272, 0.06035393849015236, 0.2993837594985962, -0.24056249856948853, -0.12459495663642883, -0.9729912281036377, -0.2052106112241745, 0.1081695556640625, -0.09012602269649506, -0.847871720790863, -0.8655861616134644, 0.7393528819084167, -0.03892061859369278, 0.5540744066238403, -0.021636707708239555, -0.1718258112668991, 0.16727280616760254, 1.1457091569900513, 1.2999964952468872, -0.20618343353271484, -0.49194684624671936, -0.8148728013038635, 0.04270924627780914, -0.8791138529777527, -0.08474143594503403, -0.4857943654060364, -0.6990289688110352, -1.127685785293579, -0.12656642496585846, -0.43935924768447876, 0.7537062168121338, -0.2322576940059662, 0.05447845160961151, 0.2828601002693176, -0.9703296422958374, -0.13624116778373718, 0.05649435147643089, 1.0111247301101685, -1.5831698179244995, 0.6336743235588074, -0.20033766329288483, -0.9190466403961182, -0.019681528210639954, -0.3999108076095581, 1.655301570892334, 0.8595278859138489, -0.018139919266104698, -0.7934854030609131, -1.3855514526367188, 0.27637794613838196, 1.77720046043396, 0.3009142279624939, -1.1199719905853271, -0.2749558985233307, -0.04124884307384491, 0.18748444318771362, 0.3321062922477722, 0.3807019591331482, -0.5210268497467041, 0.28898364305496216, -1.2444267272949219, 0.13995058834552765, -0.08748910576105118, 0.4114507734775543, 1.1069949865341187, 1.5747770071029663, -0.460951566696167, -0.27698051929473877, 0.333441823720932, -1.9154102802276611, -0.45416995882987976, 0.1505354642868042, 0.4643729627132416, 0.7843177318572998, 0.5191999077796936, 0.3584548830986023, 0.6126866936683655, 0.9505277276039124, 0.11474232375621796, -0.455437034368515, 0.47802725434303284, 0.1750938892364502, 1.046103835105896, 0.15210774540901184, -0.3237181007862091, 0.5976455807685852, 0.8746121525764465, 0.5956606864929199, -0.8018314242362976, -0.03460278362035751, -0.21394819021224976, 1.0389740467071533, 0.6619043946266174, 0.3370470404624939, 0.8364858031272888, -0.3836408853530884, 0.18875591456890106, -0.9919407367706299, -0.5437781810760498, -0.3133994936943054, -0.6074745655059814, 0.9838825464248657, -0.49099162220954895, -0.560663640499115, -0.2728036642074585, 0.1502261608839035, -0.5711150169372559, 0.6858246922492981, 0.09334292262792587, -0.8695598244667053, -1.07441246509552, 0.13587616384029388, 0.5303483605384827, -0.5271775722503662, -0.3711128234863281, -0.0500064380466938, 0.56485515832901, -0.2870970368385315, 0.23648104071617126, 1.1134952306747437, -0.021071400493383408, -0.6678662300109863, -1.035340666770935, 0.5459479689598083, -0.6158758401870728, 0.9231095910072327, -1.3931115865707397, -0.3630233407020569, 0.34587350487709045, 0.49143609404563904, -0.21979071199893951, 0.34635719656944275, 0.18022421002388, -0.9348394870758057, 0.15232259035110474, -0.39058980345726013, 1.0692945718765259, 0.3676518201828003, 0.08382050693035126, 0.3054174780845642, -0.16026818752288818, 1.208871841430664, 0.24956734478473663, -1.3383359909057617, 1.3728532791137695, -0.6466467380523682, 0.7069475054740906, 0.9706063270568848, 0.43621310591697693, 0.54726243019104, 0.5529316067695618, -0.9064056873321533, 0.5578431487083435, -0.5191376805305481, -1.5028437376022339, -0.20915824174880981, 1.4859009981155396, -0.8035047054290771, -0.06540127098560333, -1.7740988731384277, 0.6756960153579712, -0.31291016936302185, -0.23759198188781738, -0.9395093321800232, -0.06751139461994171, 0.9203931093215942, -0.42944079637527466, 0.3318328857421875, 1.395877718925476, -1.538723111152649, -0.8152377605438232, 0.32933107018470764, 0.07068590819835663, -1.4806277751922607, -0.3700961470603943, 0.2915487587451935, -0.8287387490272522, -0.546941876411438, 0.6734870672225952, 1.0273743867874146, 1.0607181787490845, -0.0691186860203743, -0.06299247592687607, 0.5392290353775024, 0.18612748384475708, 0.6091824173927307, -0.09398604929447174, 0.06656646728515625, 1.0055526494979858, -0.6709024906158447, 1.5446263551712036, 0.6419894099235535, -0.71739661693573, -1.2136670351028442, -0.03782269358634949, -0.8136734366416931, -0.8731235265731812, 1.3019369840621948, 0.10665826499462128, 0.5772132873535156, -0.1353542059659958, 1.012316346168518, 0.022404689341783524, -0.2811264097690582, 0.7105947136878967, -0.4284186065196991, -0.4301987886428833, -0.8613086938858032, 0.09488899260759354, -0.13413351774215698, -0.10680606961250305, -1.1993334293365479, 0.19018839299678802, 1.8735564947128296, 0.38050925731658936, -0.4824060797691345, -0.05595574155449867, 0.5682044625282288, -0.4025540351867676, 0.7649052143096924, -0.14752396941184998, -0.08527277410030365, 0.0025366581976413727, 1.1376312971115112, 0.4338211417198181, 0.03617316484451294, -0.06861907988786697, 0.28687331080436707, 0.39103445410728455, 0.749015748500824, -0.27735424041748047, 0.5519711375236511, 0.02177748642861843, -1.1522077322006226, -1.2420910596847534, -0.4428410828113556, -1.178023099899292, -0.93113112449646, 0.02105697989463806, -0.03257112577557564, -0.0729588121175766, 0.7188197374343872, -0.6703986525535583, -0.654534637928009, 0.6281360387802124, -0.6221417188644409, -0.6138378381729126, 0.11665481328964233, 0.5571111440658569, -1.1619846820831299, 0.06287511438131332, -0.40610170364379883, -0.8958694934844971, -0.654498815536499, -0.3091896176338196, -0.14393649995326996, -0.5954524278640747, -0.6243037581443787, -0.6190646290779114, 0.28931355476379395, 0.8631665110588074, -0.4531666338443756, 0.744891345500946, 0.3972165882587433, -0.5562311410903931, 1.3007359504699707, 1.1752532720565796, 0.5690900683403015, -0.6323215961456299, -0.2475401759147644, -0.3143864572048187, 0.7165160179138184, -0.4329548478126526, 0.5790955424308777, -0.36390724778175354, 0.3529681861400604, 1.2305874824523926, -0.5528568029403687, 0.4289710819721222, -0.6470865607261658, -0.22506083548069, -0.16326993703842163, -0.20203135907649994, 0.6937966346740723, -1.4459277391433716, -0.6408252716064453, 0.28486156463623047, -0.11593610793352127, 0.06576703488826752, -1.6764037609100342, -0.6517966389656067, 1.6435452699661255, 0.8142051696777344, 0.6521609425544739, -0.26331019401550293, -10.66745376586914, 2.144991397857666, -0.39495155215263367, -0.3897772431373596, 0.17340193688869476, -0.6017302870750427, 0.45250946283340454, 0.02847352623939514, 1.5092495679855347, -0.8759754300117493, 0.09057827293872833, 1.0602095127105713, -0.6036883592605591, -0.6937078833580017, -0.5758063793182373, -1.253334879875183, -1.4842232465744019, -0.4962628483772278, -0.3858183026313782, -0.1679082214832306, 0.8176767826080322, -0.6771341562271118, -0.04115759953856468, 0.1261572539806366, -0.3292694091796875, -0.3204450011253357, -0.4414273202419281, -0.777769148349762, 0.08919446170330048, 0.629106879234314, 1.4851162433624268, -0.5783867835998535, 0.6222969889640808, -1.0488494634628296, -0.3089179992675781, 0.2824166715145111, -1.1347930431365967, 0.08292170614004135, 0.3112010061740875, 1.0293790102005005, 0.6151269674301147, 0.24969236552715302, 0.7589340209960938, -0.5068240761756897, -0.22803382575511932, 0.17490853369235992, -0.15791840851306915, 0.4197624921798706, -0.37134847044944763, -0.022815175354480743, -0.17103716731071472, 0.3171209990978241, -0.48496901988983154, -0.17403392493724823, -0.3798913359642029, -0.11262409389019012, -0.6800206303596497, 0.9646143317222595, -0.935541033744812, -1.1692395210266113, 0.9656017422676086, -0.4865391254425049, -0.30509015917778015, 0.7458885908126831, 1.336214542388916, -1.8632622957229614, -0.37775176763534546, -0.16785362362861633, -0.11577968299388885, 0.7538221478462219, -0.6540204286575317, 0.3556597828865051, -0.016955945640802383, 1.1394262313842773, -0.45982131361961365, -0.2505090832710266, -0.4221327006816864, 1.201498031616211, 1.3384006023406982, 0.10649202764034271, -0.6319675445556641, 1.1734877824783325, -0.28465646505355835, -1.1534210443496704, -0.9818894863128662, 1.0606333017349243, 0.1990262269973755, -0.21346279978752136, 1.099321961402893, -0.3493558168411255, 0.7303967475891113, 0.6188768148422241, -0.6238471865653992, 0.3808801770210266, -0.3281378448009491, 1.3320614099502563, 1.2217559814453125, 1.2297368049621582, -0.044896677136421204, 0.16950252652168274, -0.24639713764190674, -0.06298578530550003, -0.7114311456680298, 0.46036455035209656, -0.12502698600292206, 0.0013773925602436066, 0.35786014795303345, 0.4280373752117157, 0.3119499385356903, 0.052554696798324585, 0.5060337781906128, -0.15342634916305542, -0.4741959571838379, 0.16398511826992035, 0.16846933960914612, 0.4275229275226593, 1.6565865278244019, 0.7836960554122925, 0.7623047232627869, 0.19488325715065002, -0.3464052379131317, 1.3044826984405518, -0.09794781357049942, 0.85855633020401, 0.47788506746292114, 0.21933521330356598, 0.05919356271624565, -0.171151265501976, -0.6425573825836182, -2.00058913230896, 0.8781132698059082, -0.3290300667285919, 0.40930575132369995, 0.16529542207717896, 0.03684790059924126, 0.5002849102020264, -1.429894208908081, 0.4401828944683075, -0.762774646282196, 1.5403865575790405, -0.09377533197402954, -0.28971368074417114, -0.16934800148010254, -0.9977121949195862, -1.1617133617401123, 0.6504320502281189, -0.8602428436279297, 0.44723981618881226, -0.21852487325668335, 0.7928561568260193, 0.11301477253437042, 0.5889931917190552, 0.6328215003013611, -0.8658833503723145, -0.16719558835029602, 0.47897881269454956, 0.7749013900756836, -0.23538053035736084, -1.2162251472473145, -1.301604986190796, 0.23687949776649475, 1.1277707815170288, -0.6828269958496094, 0.6765647530555725, -0.17324647307395935, -0.6996745467185974, 0.17977407574653625, 0.4797036945819855, -1.0696005821228027, 0.26637977361679077, 1.325519323348999, -1.4282238483428955, -0.8276948928833008, -0.5018495917320251, 1.014089822769165, -0.380545049905777, 0.9375357031822205, 0.6537387371063232, -0.6054697036743164, -0.6181899309158325, -0.15062297880649567, 0.044921744614839554, 0.31900450587272644, 0.023892194032669067, 0.13955137133598328, -0.24788150191307068, 0.3722307085990906, 0.6136965155601501, -0.08685403317213058, 0.23831358551979065, -1.4902753829956055, -1.3514599800109863, -0.43935447931289673, 0.6330416798591614, -0.3805527687072754, -0.548674464225769, 0.7734993696212769, 0.7362472414970398, -0.4830318093299866, 0.21924641728401184, -0.22291500866413116, 0.8640708327293396, -1.816176414489746, -0.3380855917930603, 0.13860000669956207, -0.46963465213775635, -0.06548883765935898, -0.18042758107185364, 0.0700988918542862, 0.011902927421033382, -1.14251708984375, -0.3856797218322754, -0.10640363395214081, -0.6583118438720703, 0.5859106183052063, -0.23293118178844452, -0.5687284469604492, 0.36943066120147705, -0.1266850382089615, -1.4305775165557861, -0.03165686875581741, 0.8385053873062134, 0.8948326706886292, 0.8931360244750977, 0.8276695013046265, 0.19370445609092712, 0.4058965742588043, -0.282265305519104, 0.1397276222705841, -0.37453383207321167, 0.05818091332912445, -0.054802704602479935, -0.46988141536712646, 0.9935722947120667, -0.1250290721654892, 0.18282213807106018, -0.5556906461715698, 0.5806329250335693, -1.2603209018707275, 0.3272440433502197, -0.27431565523147583, 0.9718167185783386, 1.1944994926452637, 0.6286832094192505, -0.6149916052818298, -0.7691220641136169, -1.0229430198669434, -0.44444507360458374, -0.7167614698410034, 0.2977603077888489, -0.6281550526618958, 0.7475457787513733, 0.6333775520324707, -0.04112789034843445, 0.8743216395378113, -0.7700987458229065, -0.046782515943050385, 0.13555048406124115, 0.48926281929016113, 0.2870592474937439, 0.5307203531265259, 0.9802271723747253, 0.691039502620697, 0.05381423979997635, 0.12331239134073257, 0.6361587047576904, -0.5635387301445007, -0.2878299057483673, 0.31102001667022705, -0.6504192352294922, -1.1043472290039062, -0.8100770115852356, -0.3116852343082428, -0.8906123638153076, 0.8711469769477844, 0.08835643529891968, -0.9214507937431335, -0.7295440435409546, -0.8428323268890381, -0.4562869966030121, 0.4403671324253082, 0.39042648673057556, -0.8543594479560852, -0.26980215311050415, 0.3099713921546936, 0.23711320757865906, -0.30479222536087036, -1.2657713890075684, 0.12806516885757446, -0.6914162635803223, 1.44048273563385, -0.9354392290115356, -0.6094683408737183, -0.72090744972229, -0.15548719465732574, -0.2712807059288025, 1.2760627269744873, 0.36403530836105347, -1.6910070180892944, -0.9738417863845825, -0.14150655269622803, -0.37710368633270264, -0.2874906361103058, 1.480385661125183, -0.26566746830940247, -1.9489716291427612, 1.1821784973144531, 0.7298011183738708, 1.1910953521728516, -0.029919931665062904, -0.42200806736946106, 0.32647308707237244, -0.32930660247802734, 1.3699012994766235]} +{"paper_id": "allegro_reviews", "embedding": [-0.38723641633987427, 1.5344147682189941, 0.37840336561203003, -0.06840502470731735, 0.8122891187667847, -0.19835811853408813, 0.6229280233383179, 0.48739859461784363, 0.7231127023696899, 0.8053396940231323, 0.22210142016410828, -0.32982271909713745, -0.38620829582214355, -0.5649788975715637, -0.3247149586677551, -0.3952528238296509, -0.7978538274765015, -0.7272089123725891, -1.4037251472473145, 0.015118665993213654, -0.5546382665634155, -0.6135591864585876, -0.04131419211626053, 0.9271332025527954, -0.7830125093460083, -0.8640099167823792, 0.5936818718910217, -0.9998592734336853, 0.09011198580265045, 0.44054079055786133, -0.6745556592941284, 1.291301965713501, -1.5549391508102417, 0.2278759777545929, -0.16215664148330688, -0.28984901309013367, 0.014672638848423958, 1.080913782119751, -0.3558712899684906, -0.16759492456912994, -0.6483708620071411, 0.5222026705741882, 0.39788204431533813, 0.3950211703777313, 1.141752004623413, -0.23553869128227234, -0.6167342662811279, -0.09140525758266449, 0.189954474568367, 0.0017509907484054565, -0.8081281185150146, -0.05083245784044266, -0.3811712861061096, 0.47613731026649475, -0.4877181947231293, 1.5886213779449463, 0.5219340324401855, -1.1966972351074219, 0.2707647979259491, -0.8130899667739868, 1.3089263439178467, 2.0420053005218506, -0.44701680541038513, -0.1073656976222992, 0.933902382850647, 0.32593387365341187, 1.5807572603225708, -0.016207993030548096, -0.22176368534564972, 0.23967516422271729, -0.19463151693344116, -0.9159845113754272, 0.7395195364952087, 0.06710085272789001, 0.3246685266494751, 0.8031222820281982, 0.5523412823677063, 0.5149940252304077, 0.03681711480021477, -0.09053859114646912, -0.49642592668533325, 0.7384374737739563, 0.40087199211120605, -0.8338662385940552, -0.09525693953037262, 0.6924304962158203, 0.05122716724872589, -0.4229564666748047, 0.5799497961997986, -1.7923085689544678, 0.7093476057052612, 0.008024262264370918, -0.07411722838878632, 0.15247508883476257, -0.5535471439361572, 0.34217965602874756, -0.2609097957611084, -0.14903701841831207, -0.4561469554901123, -0.005752706900238991, 0.8196724653244019, -0.25827133655548096, 0.5675216317176819, -0.3493669033050537, -0.10492923855781555, 1.310662031173706, 0.379702627658844, -0.21335920691490173, -0.7923086881637573, -0.29377564787864685, 0.45241376757621765, 1.376719355583191, -0.10541427880525589, 0.5513632893562317, 0.2171797752380371, 0.4231238067150116, 0.5830051302909851, -0.5117846727371216, 0.029221557080745697, 0.3896825313568115, -0.4750582277774811, -1.505928635597229, -0.7090979814529419, 0.07020309567451477, 0.6499552726745605, -0.6030769944190979, 0.1569465696811676, -0.45946985483169556, 0.46706870198249817, -0.19254814088344574, 0.7555882930755615, -0.11085651814937592, -0.5046050548553467, -0.4050523042678833, 3.1296603679656982, -0.9756609797477722, 1.5353155136108398, -0.9751580953598022, -0.15730416774749756, -0.37198829650878906, -0.4533689022064209, 1.0343999862670898, 0.21551933884620667, -0.5810150504112244, -0.5529845356941223, 0.3686704933643341, -0.6965469121932983, 0.4663395285606384, -0.8853742480278015, -0.7548621296882629, -0.3323957324028015, -0.010500259697437286, -1.5385289192199707, -0.8266947865486145, 0.43083298206329346, 0.18775558471679688, 0.02959819883108139, 1.0162277221679688, -0.11562830209732056, 1.3836500644683838, 0.47666266560554504, -0.18655343353748322, -0.47012656927108765, 0.47247570753097534, -0.7974238991737366, -0.28503355383872986, 0.7406076788902283, 0.010276328772306442, -0.6065537929534912, -0.4494062066078186, 1.0687345266342163, -0.620617687702179, -0.031050868332386017, -0.3854314386844635, 0.018469857051968575, 0.32681336998939514, 1.1682642698287964, 0.5787708759307861, 0.12565478682518005, -0.5066565275192261, -0.3376525938510895, -0.5959339141845703, -0.32055529952049255, 0.9211470484733582, -0.23824767768383026, 0.7939565181732178, -2.1473734378814697, -0.06916309893131256, -0.09289145469665527, 0.8256489038467407, 0.3086604177951813, -0.9176861643791199, -0.039717309176921844, -0.10178796201944351, 0.4652470350265503, -0.39906632900238037, 0.8663214445114136, -1.2989481687545776, -0.3249325752258301, 0.3456801176071167, 0.17857684195041656, -0.23795495927333832, -0.010284684598445892, 1.4325144290924072, -0.03337474167346954, -0.09135349094867706, -0.46174439787864685, -1.9593489170074463, -0.1986371874809265, 2.811295509338379, 0.12024815380573273, -1.057978868484497, -1.384731650352478, -0.4430084228515625, 0.2563096284866333, -0.16746103763580322, 0.4936894476413727, -0.4107867181301117, 0.1893598735332489, -1.100424885749817, 0.47674861550331116, -0.514847993850708, 0.8560828566551208, 0.5529154539108276, 0.8320273160934448, -0.5686260461807251, -0.012060470879077911, -0.2710239887237549, -0.7218188047409058, 0.11766113340854645, 0.6946048736572266, 0.5048524737358093, -0.20588108897209167, 0.6257402896881104, 0.03498220443725586, 0.5621901154518127, 1.1258928775787354, 0.27362287044525146, -0.29762017726898193, 0.16479255259037018, -0.07193087786436081, 1.0346852540969849, -0.05696055293083191, 0.027191130444407463, 0.1784411519765854, 0.3980894088745117, -0.19840112328529358, -0.40747755765914917, -0.05244368687272072, -0.12464510649442673, 1.2071901559829712, 0.9312461614608765, -0.6902951598167419, 1.3124319314956665, -0.8581287264823914, -0.02374570071697235, -0.855405330657959, -0.4720081388950348, 0.040445536375045776, -0.21276013553142548, 0.42131945490837097, -0.1717197448015213, 0.1784033626317978, -0.23927779495716095, -0.072269007563591, -1.3195645809173584, -0.3023781180381775, 0.002470344305038452, -0.7198063731193542, -1.3611476421356201, 0.22519543766975403, -0.07747697830200195, -1.1102875471115112, -0.6017646193504333, 0.7581409215927124, 0.7695574164390564, 0.06014953553676605, 0.9439133405685425, 1.6106922626495361, -0.13600584864616394, 0.6688275933265686, 0.21792368590831757, 1.350429654121399, -0.7818660140037537, 1.1988033056259155, -0.29858845472335815, 0.3213822841644287, -0.472768634557724, 0.2723550498485565, -0.6957839131355286, 0.1144510880112648, 1.305242896080017, -0.7024431824684143, 0.5568796992301941, -0.37424641847610474, -1.7030662298202515, 0.8074323534965515, -0.28665369749069214, 0.36819347739219666, -0.5334597229957581, 1.6174319982528687, -0.05222996696829796, -0.18696318566799164, 1.0554490089416504, -0.6788149476051331, -0.2672428786754608, 1.1204191446304321, -0.6041938066482544, 0.684201180934906, 0.2201559692621231, -0.4664742648601532, 0.17707623541355133, 0.13031265139579773, -1.8156250715255737, -0.16975745558738708, 0.7677165865898132, -0.378248929977417, -0.5248702764511108, -0.8735781311988831, 0.8899560570716858, -1.0117156505584717, 0.2248896062374115, 0.5224679112434387, -0.556517481803894, 0.37444648146629333, -0.3350684344768524, 0.21992523968219757, 0.6403688192367554, -0.7376211285591125, 0.5805138349533081, 1.344931721687317, -0.042404018342494965, -1.1606452465057373, -0.14271551370620728, 0.7086039781570435, -0.9276778697967529, 0.25375279784202576, 0.23647838830947876, 0.6353276371955872, 1.1051477193832397, -0.8150691390037537, -0.05300204083323479, 0.3666185736656189, 0.6338141560554504, 0.28249478340148926, 0.12585268914699554, -0.48969775438308716, 0.5120087265968323, -0.41995787620544434, 1.8012762069702148, 0.15185466408729553, -0.49067768454551697, -1.2783738374710083, -0.3507291376590729, -0.2440526783466339, -0.43927228450775146, 1.986939787864685, 0.8503178954124451, 1.1928192377090454, -0.0034287432208657265, -0.0927266925573349, -0.09677095711231232, 0.32610613107681274, 1.1018304824829102, 0.588407576084137, -0.41575175523757935, -0.5634914040565491, 0.5204830169677734, 0.8725292086601257, -0.22852227091789246, -0.4276951551437378, 0.09515192359685898, 1.094489336013794, -0.6364755630493164, -0.9210689067840576, 0.058855120092630386, 0.6593067049980164, 0.3465380072593689, 1.7069963216781616, -0.7710760235786438, -0.45322802662849426, 0.09914534538984299, 0.5150527358055115, 0.6172967553138733, -0.13157369196414948, -0.4094238579273224, 0.4559200704097748, 0.18798165023326874, 0.6830002665519714, -0.20595136284828186, 0.8658218383789062, 1.015752911567688, -0.6254733800888062, -1.3628498315811157, -0.4268881380558014, -0.8648475408554077, -0.40558943152427673, 0.006497815251350403, -0.016670789569616318, -0.7564026117324829, 0.1739254593849182, -0.49318936467170715, -0.5946517586708069, 0.756216287612915, -0.8017315864562988, -1.1258997917175293, 0.9735174775123596, 0.7284189462661743, -0.8230690956115723, -0.8619195222854614, -0.5016915798187256, -0.7705872058868408, -0.9775637984275818, -0.4089681804180145, -1.1903135776519775, 0.34976300597190857, 0.4542599618434906, 0.5060535073280334, 0.3466617465019226, -0.4681285619735718, -0.9009044170379639, 0.6046246290206909, 0.8968677520751953, -1.0489147901535034, 0.48870864510536194, 0.3661282956600189, 0.2461632341146469, -0.4164237380027771, -0.9482942819595337, -1.005263328552246, 0.6122101545333862, 0.020148225128650665, 0.3677416145801544, -0.70420241355896, -0.8119596838951111, 0.4399205446243286, 0.05663113668560982, 1.0105695724487305, -1.1168595552444458, 0.13993357121944427, -0.5748783349990845, -0.1937711536884308, 0.3731987476348877, -0.6148500442504883, -0.6580184102058411, 0.9641760587692261, -0.48189109563827515, 0.6831063032150269, -0.17709001898765564, 0.17765389382839203, 0.8071882128715515, 0.2840442955493927, 0.15979601442813873, -0.376822829246521, -10.990801811218262, 0.26795274019241333, -0.19959385693073273, 0.15207719802856445, 0.6797465085983276, -0.534453809261322, 1.1149877309799194, -0.6080054640769958, 0.5941365361213684, -0.8472766876220703, 0.34089356660842896, 1.6545486450195312, 0.27076485753059387, -0.2645120322704315, -0.698337972164154, -1.4893133640289307, -0.9285305738449097, -0.4198017716407776, 0.1098795086145401, 0.5114806890487671, -0.7042209506034851, -1.22540283203125, 0.3943062424659729, 0.42840513586997986, 0.5443494319915771, 0.04284127801656723, -0.6972146034240723, -0.07019694149494171, -0.2933341860771179, 0.07999740540981293, -0.017344370484352112, -0.5697761178016663, -0.4518944025039673, -0.5187076330184937, 0.5203707814216614, 0.2824842929840088, -0.5330301523208618, -0.08395003527402878, 1.1194530725479126, -0.10831907391548157, -0.4243695139884949, 0.4081542491912842, 0.6768293380737305, 0.10962817817926407, -0.4696309566497803, 0.3103156089782715, 0.20582884550094604, -0.588693380355835, 0.07044032216072083, -0.423874169588089, -0.9173858761787415, -0.8098054528236389, -1.7055139541625977, -0.4644741714000702, 0.41836678981781006, 0.2036151885986328, -0.6340717077255249, -0.3943822383880615, -0.4053097367286682, -1.1810916662216187, 0.6617127656936646, 0.2821110486984253, -0.49914026260375977, 0.2598636746406555, 0.19903096556663513, -0.9217462539672852, 0.33065265417099, 0.39565518498420715, -0.7307683229446411, 0.7246775031089783, -1.0406570434570312, 0.9070479273796082, -0.07080813497304916, 0.6584164500236511, -0.7674288749694824, -0.09541351348161697, -0.5023690462112427, 0.37252435088157654, 0.5920326113700867, -0.5388942956924438, -1.1660507917404175, 0.8788382411003113, 0.17136071622371674, -0.7315858602523804, -0.829813539981842, 0.08403506875038147, -0.407914400100708, 0.05388302728533745, 0.15528704226016998, -0.348151832818985, 1.048291563987732, -0.02876310795545578, -0.1758410483598709, 0.40226587653160095, -0.591032087802887, 0.7060830593109131, -0.24178068339824677, 1.0286200046539307, 0.22028574347496033, -0.17742955684661865, 0.004023894667625427, 0.1255812644958496, -0.4461839199066162, 0.44023293256759644, 0.168922558426857, 0.2983939051628113, 0.424011766910553, -0.009659528732299805, 0.024449340999126434, -0.8902859687805176, 0.9880995154380798, 0.4753643274307251, -0.49788153171539307, 0.9816492199897766, 0.039516299962997437, 0.9250788688659668, 0.06956319510936737, -0.020221084356307983, 0.5295513868331909, 0.9148175716400146, -0.382966011762619, 1.0240225791931152, 0.22170010209083557, 1.3016260862350464, -0.028166983276605606, 0.44791221618652344, 1.0672366619110107, 0.5429295301437378, 0.6208677887916565, -1.9726375341415405, 0.3578736484050751, -0.3888358771800995, 0.008936861529946327, -0.23629364371299744, -0.16564521193504333, -0.1511204093694687, -1.2250078916549683, 1.3714697360992432, -0.8396027088165283, 0.5089351534843445, -0.044236816465854645, -0.8220061659812927, -0.024847522377967834, -0.2303507924079895, -0.7945221066474915, -0.22379019856452942, -1.7487142086029053, 0.29387205839157104, -0.3210297226905823, -0.7601909637451172, 0.02899859845638275, -0.03242211788892746, 0.7425771951675415, -0.6241434812545776, -0.3403761684894562, -0.37987491488456726, 0.6285997033119202, -1.0254994630813599, -1.0966075658798218, -0.06702643632888794, 0.2039453387260437, 1.3171250820159912, -0.47513264417648315, 0.9189527034759521, 0.3529859781265259, -0.3178856074810028, -0.5956031680107117, 0.4642660915851593, -0.47046977281570435, 0.5401813983917236, 0.8540806770324707, -0.880355715751648, -0.1612277328968048, -0.3219873309135437, -0.6085032224655151, -1.198075532913208, 0.7927804589271545, 1.625603437423706, -0.5358886122703552, -0.11253581941127777, -0.5959494709968567, 0.933387815952301, 0.32991793751716614, -0.3148731589317322, -0.19784387946128845, -0.14258380234241486, -0.18815681338310242, 0.769512414932251, -0.2663503587245941, 0.5426945686340332, -2.018303632736206, -1.0226048231124878, -0.5184588432312012, 0.13334186375141144, 0.36871713399887085, -0.01721293106675148, 0.419188916683197, 0.8365777134895325, -0.36343109607696533, 0.21338361501693726, -0.01965256966650486, 0.7200189232826233, 0.38318774104118347, 0.3840314745903015, 0.4458827078342438, -0.0663878321647644, -0.3222987949848175, -0.0718015804886818, 0.8473365902900696, 0.7899360656738281, -1.555161476135254, -0.2649158537387848, -0.019939329475164413, 0.2183741331100464, 0.6644802689552307, -0.6795221567153931, 0.5466423034667969, -0.11666148900985718, -0.20818112790584564, -1.3627451658248901, -0.20484527945518494, 1.6504929065704346, -0.5564215779304504, 1.022322416305542, 0.8746753931045532, 0.656246542930603, 0.6428083777427673, 0.24665038287639618, 1.48269522190094, -0.14957080781459808, -0.4536633789539337, 0.12466606497764587, 0.09825071692466736, -0.21996331214904785, -0.680761992931366, -0.47834619879722595, -1.3360388278961182, 0.3967895805835724, -0.5791481733322144, 0.8295007944107056, -0.19917550683021545, 0.740435004234314, 0.625421941280365, 1.1431257724761963, -0.2898673713207245, -0.6691545248031616, -0.28621116280555725, -1.4771599769592285, 0.35818007588386536, -0.08798094093799591, 0.04219061881303787, 1.3109115362167358, 0.6749922037124634, 0.18154828250408173, 1.725550651550293, -0.212567538022995, -0.25970661640167236, -0.232446551322937, 0.2521141469478607, 1.16250479221344, 0.2714185118675232, 0.47559860348701477, 0.05279429256916046, -0.03144148737192154, -0.9677061438560486, -0.48559150099754333, -0.586978554725647, 1.000231385231018, 0.4240887761116028, -0.46718594431877136, 0.24424929916858673, -0.9932169318199158, 0.5547671914100647, -0.33326175808906555, 0.47696730494499207, 0.5336545705795288, -0.47377878427505493, -0.7843071222305298, -1.2054764032363892, -0.30029404163360596, 1.1999692916870117, -0.3937835395336151, -0.25339120626449585, -0.5903874635696411, 0.0065901558846235275, 0.09090974926948547, -0.5142707228660583, -0.33997872471809387, -0.31193676590919495, -0.6854156255722046, 0.08207789063453674, 0.8030283451080322, -1.4242371320724487, -0.5535048246383667, -0.35018470883369446, -1.0283708572387695, 0.59562748670578, 0.23687662184238434, -0.572073221206665, -0.6760892271995544, 0.2457563728094101, 0.028981909155845642, -0.3940509557723999, 0.6352882981300354, -0.22630435228347778, -1.6430909633636475, 0.7518810629844666, 1.9063825607299805, -0.09748819470405579, -0.6381097435951233, 0.15809392929077148, 0.6473274230957031, 0.7426738142967224, 1.5404413938522339]} +{"paper_id": "proto_qa", "embedding": [0.045601945370435715, 0.4216918647289276, -0.2541840970516205, -0.6026395559310913, 0.33908936381340027, -0.08326166868209839, 0.7879919409751892, 0.9678077101707458, 0.9646995663642883, 0.6707676649093628, -0.21484431624412537, 0.4584627151489258, -0.04199172556400299, -0.311677485704422, -0.23891714215278625, -0.46253034472465515, -0.6370651721954346, -0.31279313564300537, -1.1990162134170532, 0.009335875511169434, -0.4622296690940857, -0.5984874367713928, -0.004839275032281876, 0.8191506266593933, -0.5463710427284241, -0.7470822334289551, 0.8643274307250977, -1.0729408264160156, 0.890487790107727, -0.0035788193345069885, -0.03548166900873184, 1.5124558210372925, -1.3110029697418213, 0.6837573647499084, -0.6138231754302979, -0.13746149837970734, 0.6782061457633972, 1.0747528076171875, -0.049033887684345245, 0.08138220012187958, -0.9986535906791687, 0.3026368021965027, 0.47936099767684937, 0.34226474165916443, 0.3681586682796478, -0.41285440325737, 0.18006160855293274, 0.040006548166275024, -0.6507031321525574, -0.03959313780069351, -0.5678860545158386, 0.45133352279663086, -0.5759785175323486, 0.4920593202114105, -0.20986366271972656, 0.3731297254562378, 0.894879937171936, -0.412556529045105, 0.8094782829284668, -0.9124518632888794, 1.5781036615371704, 1.456955909729004, 0.3113093972206116, 0.6861410140991211, 1.289405345916748, 0.4529784321784973, 1.5667779445648193, 0.42428791522979736, -0.19229331612586975, 0.9959838390350342, -0.24655252695083618, -0.7851131558418274, 0.028727196156978607, 0.5057386755943298, 0.13960027694702148, 0.9701520204544067, -0.06703440845012665, 0.06544853746891022, 0.3268752992153168, -0.039778128266334534, -0.10160048305988312, -0.15306472778320312, 0.7650084495544434, -0.39685288071632385, 0.32741621136665344, 0.23391768336296082, 0.6862921714782715, -1.0870003700256348, 0.7244661450386047, -1.4107961654663086, 0.9969710111618042, 0.8902401328086853, 0.670222282409668, -0.31809520721435547, -0.1643010675907135, 0.6332172155380249, -1.094677448272705, -0.2531993091106415, -0.9887245893478394, 0.2729587256908417, 0.7632850408554077, 0.021251900121569633, 0.36049988865852356, -0.10658382624387741, 0.23471547663211823, 0.13352151215076447, 0.58684903383255, 0.24796122312545776, -0.4432108402252197, -0.5880736112594604, -0.6916032433509827, 1.09023118019104, 0.03017570823431015, 0.26108917593955994, -0.544725239276886, 0.8309833407402039, 0.4677133560180664, -1.1162230968475342, -0.2681923806667328, 0.1927613765001297, 0.28536900877952576, -0.7662950158119202, 0.15541136264801025, 0.32896947860717773, 0.7078121900558472, -0.49613574147224426, -0.36352983117103577, 0.20806154608726501, -0.20584270358085632, 0.3251444101333618, 0.751609206199646, -0.18768183887004852, -0.7120065689086914, -0.2599646747112274, 2.85079026222229, -1.2057557106018066, 1.7811609506607056, -1.055358648300171, -0.6024337410926819, -0.1511225551366806, -0.4029431939125061, 0.7010908126831055, 0.5693783760070801, 0.03517550602555275, -0.7302067875862122, 0.2278389036655426, -0.09310385584831238, 0.03247809410095215, -0.9453473091125488, -0.09846930205821991, -0.08448204398155212, 0.694413959980011, -1.898830533027649, -0.371884822845459, 0.27680283784866333, 0.45905277132987976, -0.8676417469978333, -0.021294889971613884, -0.5713663697242737, 0.194126695394516, -0.2801651060581207, -0.22977082431316376, -0.5846598148345947, 0.5636736154556274, -0.33068352937698364, 0.04598604887723923, 0.8525061011314392, -0.040436841547489166, -0.7399915456771851, 0.31981536746025085, 0.41266152262687683, -0.31134775280952454, -0.27323439717292786, -0.3123021423816681, -0.6291459202766418, 0.26956692337989807, 0.29387685656547546, 0.17851857841014862, 0.17850808799266815, -0.7391154766082764, -0.6313828229904175, 0.17224186658859253, -0.5704524517059326, 0.7005929350852966, -0.42971497774124146, 0.188458651304245, -2.2194838523864746, 0.39412999153137207, 0.41825199127197266, 0.5146083831787109, 0.21152427792549133, 0.06663575768470764, -0.2417968511581421, 0.14150595664978027, -0.2586182951927185, -0.3059057295322418, 1.018125057220459, -1.0853922367095947, -0.14869238436222076, 0.29643911123275757, -0.7985712289810181, 0.1422654241323471, -0.2829984724521637, 1.1253749132156372, 0.4973312318325043, -0.18737536668777466, -0.7739756107330322, -2.1380155086517334, 0.08046839386224747, 1.529820442199707, -0.06682190299034119, -0.8498353958129883, -1.0851784944534302, 0.05816370248794556, 0.0824308916926384, -0.2951495945453644, 0.4411834478378296, -0.6648737788200378, 0.3438093066215515, -1.3747785091400146, 0.678647518157959, 0.1231406107544899, 0.24560970067977905, 0.8679266571998596, 1.926184892654419, -1.1232653856277466, 0.21798455715179443, -0.3290625214576721, -0.5547354221343994, 0.2825934588909149, 0.19970166683197021, 0.2313406765460968, 0.07437360286712646, 0.7288634777069092, 0.4061744213104248, 1.4350669384002686, 0.3175806403160095, 0.8698680400848389, -1.1750942468643188, 0.165324866771698, -0.1750517338514328, 1.1984000205993652, 0.2904229164123535, 0.29123637080192566, 0.07683144509792328, 0.08018152415752411, -0.5929031372070312, -0.7179057598114014, 0.32846349477767944, -0.40966081619262695, 1.1502398252487183, 0.27767765522003174, -0.7621809840202332, 0.534696102142334, -0.41850465536117554, -0.8006916046142578, -0.24170604348182678, 0.12292508780956268, -0.19773225486278534, -0.5092379450798035, 1.5832726955413818, 0.47655415534973145, 0.017389915883541107, -0.028392180800437927, 0.18116752803325653, -0.9455851316452026, 0.29448890686035156, 0.40793052315711975, -0.2290375977754593, -0.27305635809898376, -0.5278640389442444, -0.4729013442993164, -0.9606056213378906, -0.9690049290657043, -0.38836783170700073, 0.22924678027629852, -0.019838232547044754, 1.2611268758773804, 1.4270097017288208, 0.2549409866333008, 0.04340282082557678, 0.0525335818529129, 1.1406148672103882, -0.37992095947265625, 0.40021252632141113, -0.36310306191444397, 0.39187225699424744, -1.0563055276870728, 0.34424084424972534, -0.8176084756851196, 0.025423109531402588, 0.174858957529068, -0.03939428552985191, 0.9748446345329285, -0.11905276030302048, -0.6176701784133911, 1.0417661666870117, 0.14578375220298767, -0.3359726667404175, -0.19329833984375, 1.5919522047042847, 0.020303456112742424, -1.1325314044952393, 0.8571363091468811, -0.49623751640319824, -0.45414480566978455, 0.8110226988792419, 0.3018723726272583, -0.21168619394302368, 0.05283687263727188, 0.05530329793691635, 0.12022826075553894, 0.7187461256980896, -2.4078402519226074, 0.7296434044837952, 1.205190658569336, -0.43248268961906433, -0.35636767745018005, -0.9090014100074768, 0.2694704532623291, -0.8218201398849487, 0.33467403054237366, 0.6644793152809143, -0.3568405508995056, 0.641234815120697, -0.39852339029312134, 0.08131682127714157, 1.1963268518447876, -0.5009233951568604, 0.05257507041096687, 0.2288924604654312, -0.3511480689048767, -0.9069893956184387, -0.8229624032974243, 0.9647316932678223, 0.09297577291727066, 0.12987494468688965, 0.19688954949378967, 0.979784369468689, 0.34886738657951355, 0.3015955090522766, -0.5835999846458435, 0.724235475063324, 0.30067166686058044, 0.23410339653491974, -0.09237044304609299, -0.16461198031902313, 0.600713312625885, 0.04701601713895798, 1.339112639427185, -0.35372820496559143, -0.23397709429264069, -0.8725713491439819, 0.053374286741018295, -0.3432178497314453, 0.069620780646801, 1.5345966815948486, 0.634433388710022, 1.0673062801361084, -0.1547076404094696, 0.49731314182281494, -0.4341345727443695, 0.1341325342655182, 0.4156878888607025, 0.16475948691368103, -0.12405765056610107, -0.5192030668258667, 0.06167528033256531, 0.12597022950649261, 0.060369960963726044, -0.47614920139312744, 0.2228308916091919, 0.7424120903015137, 0.677177369594574, -0.46647143363952637, 0.9593755006790161, 0.7166103720664978, 0.4229602813720703, 1.219477891921997, -0.11474621295928955, 0.3296605944633484, -0.35263195633888245, 0.3456709682941437, 0.37081241607666016, 0.07805707305669785, -0.3511729836463928, 0.7460651397705078, 0.18342387676239014, 0.5845184922218323, 0.09692078828811646, 1.0689473152160645, 0.7751885056495667, -0.5418086647987366, -2.0519442558288574, -0.09802146255970001, -0.861935555934906, 0.056034136563539505, 0.5301098227500916, 0.2739515006542206, -0.1699988842010498, 0.2945253849029541, 0.12561005353927612, -0.8518953919410706, 0.5200728178024292, -0.6250200271606445, -1.2136136293411255, 0.6832816004753113, 0.4700603783130646, -0.6010112166404724, -0.25146427750587463, -0.01649560034275055, -0.6361273527145386, -0.4422842562198639, -0.27182304859161377, -0.45631662011146545, 0.4266316294670105, 0.08022414892911911, 1.2337048053741455, 0.1576705276966095, 0.0786232054233551, -0.812256932258606, 1.0019909143447876, 0.7166762351989746, -1.2663758993148804, 0.7679585218429565, 0.11768481880426407, 0.14561624825000763, -0.5026702880859375, -0.6329622268676758, -1.0279881954193115, 1.0054932832717896, -0.47745954990386963, 0.01901741325855255, -1.0360349416732788, -0.30374640226364136, 0.3323476016521454, 0.23323853313922882, 0.7704403400421143, -1.017869234085083, 0.03930120915174484, -0.5497519373893738, -0.41718482971191406, 0.5456544160842896, -1.3172123432159424, -0.7289950847625732, 0.4223257601261139, 0.020778723061084747, 0.6480004787445068, -0.8999183177947998, -0.11913621425628662, 1.4802249670028687, 0.01770743727684021, -0.07844488322734833, -0.05524709075689316, -12.113187789916992, 1.3306010961532593, 0.35493794083595276, 0.4155181646347046, 0.9461937546730042, -0.8470379114151001, 0.37364083528518677, -0.19842973351478577, 0.14882896840572357, -0.9821318984031677, -0.0418563038110733, 0.5970603227615356, 0.4258056581020355, 0.3791694641113281, -1.0910886526107788, -1.3276342153549194, -1.091002345085144, -1.011165976524353, 0.03908621519804001, 0.02057548612356186, -0.1489427387714386, -0.2841465473175049, -0.6263634562492371, 0.12125401198863983, 0.3615090847015381, -0.3289375603199005, -0.6559489369392395, -0.44791218638420105, -0.22560331225395203, -0.03995995596051216, 1.070674180984497, 0.05047958716750145, -0.2930999994277954, -0.4776958227157593, -0.5940717458724976, -0.19722430408000946, -0.17773306369781494, 0.5996205806732178, 0.5683279037475586, 0.2613605856895447, -0.10828056931495667, 0.3159761428833008, 0.36590051651000977, 0.2939435839653015, -0.03455715626478195, 0.5029914379119873, 0.19819718599319458, -0.6234580278396606, 0.09896375238895416, -0.139026939868927, -0.04917960613965988, -0.12474393844604492, -0.3602118492126465, -0.7347322106361389, 0.07499706000089645, 0.2919714152812958, -0.8357111811637878, -0.11054044216871262, -1.185325264930725, -1.5526831150054932, 0.06433174759149551, 0.20114657282829285, -0.6730105876922607, 0.4466632604598999, 0.356839656829834, -0.17313337326049805, -0.045877210795879364, 0.7231536507606506, -1.0605075359344482, 0.3613396883010864, -0.5930907726287842, 1.47969388961792, 0.22170251607894897, 0.9304419755935669, -1.001458764076233, 0.16558954119682312, -0.7358626127243042, 0.816848874092102, 0.41411760449409485, 0.006927980110049248, -1.4251601696014404, 1.0957704782485962, 0.4172266721725464, -0.5260358452796936, -1.1818255186080933, 0.14959999918937683, 0.01896272599697113, 0.12219223380088806, 0.985871434211731, -0.8959642052650452, 1.218812108039856, 0.4337882101535797, -0.7600938677787781, -0.4787692725658417, -0.10448386520147324, 0.5856590867042542, 0.21871905028820038, 0.23672881722450256, -0.24943803250789642, -0.46586284041404724, -0.20260074734687805, -1.084917664527893, -1.019585371017456, 0.5928059816360474, 0.20612893998622894, 0.37834516167640686, 0.8980416655540466, -0.5543323755264282, 0.22407805919647217, -0.40153390169143677, 0.6327447295188904, -0.31815019249916077, -0.31763070821762085, 1.1722594499588013, -0.34656649827957153, 0.5695233941078186, 0.7351505756378174, -0.1393827199935913, 0.6350862383842468, 0.6069062352180481, -0.5096114277839661, 0.5767517685890198, 0.4057300090789795, 1.5673537254333496, -0.2686709463596344, 0.2654685974121094, 0.6002233624458313, 0.28839653730392456, 0.07704583555459976, -1.2731215953826904, 0.5908608436584473, -0.3329194188117981, -0.1714111566543579, -0.25113165378570557, -0.5331676602363586, 0.14126476645469666, -0.46619176864624023, 1.078517198562622, -1.0884666442871094, 0.4817295968532562, 0.13059623539447784, -0.06873492151498795, -1.0491855144500732, -1.5252413749694824, -0.8428961634635925, 0.17756697535514832, -1.1368480920791626, 0.7634814381599426, -0.5674887299537659, 0.025500580668449402, 0.09833100438117981, -0.6346818804740906, 1.305449366569519, -0.07054087519645691, -0.41566336154937744, -0.9255269765853882, 0.012650251388549805, -0.22254207730293274, -0.6503893733024597, -0.16397635638713837, 0.46264225244522095, 0.44290265440940857, -0.883590817451477, 1.690487265586853, 0.2579779326915741, -0.4669785499572754, 0.10430125147104263, -0.1541931927204132, -0.6931197643280029, -0.04954129084944725, 0.7625027298927307, -1.2100967168807983, 0.10160990804433823, -0.32558518648147583, -0.18396814167499542, -1.4030978679656982, 0.03888364136219025, 1.2423803806304932, -1.1699612140655518, -0.3929022550582886, -0.125188410282135, 1.1842644214630127, -0.12425597012042999, -0.6174597144126892, -0.1707509607076645, -0.16151094436645508, 0.4488266706466675, 0.4224727153778076, 0.39218011498451233, 1.4375128746032715, -1.316721796989441, -1.069750428199768, -0.5491834878921509, -0.19168764352798462, 0.8786826133728027, 0.7901327013969421, 0.822163462638855, 0.7775381803512573, -0.18971037864685059, 0.055786944925785065, 0.23945198953151703, 0.6835600733757019, -0.013048652559518814, 0.07833322882652283, -0.2601703703403473, 0.044002465903759, -0.25279396772384644, -0.43006137013435364, 0.40938708186149597, 1.221893548965454, -0.6506772637367249, -0.2301396131515503, 0.08865860849618912, -0.4056675434112549, 0.17193815112113953, -0.8101272583007812, -0.5949851274490356, -0.40589475631713867, -0.24824459850788116, -1.2165722846984863, 0.27425166964530945, 1.2383921146392822, -0.2513350546360016, 1.301108717918396, 0.2749840319156647, 0.9508296847343445, 0.6375647783279419, 0.04559626430273056, 0.3878045082092285, 0.029903315007686615, 0.3443323075771332, 0.18244966864585876, 0.15446606278419495, 0.1616581380367279, -0.509586751461029, -0.7473700642585754, -0.24543465673923492, 0.7207167744636536, -0.44849324226379395, 0.4192914068698883, -0.24756614863872528, 0.4001652002334595, 0.9081968665122986, 0.9464452862739563, -0.7956741452217102, -1.118942379951477, -0.3374118208885193, -1.0725306272506714, 0.021380752325057983, 0.6070638298988342, 0.3603692948818207, 0.6584232449531555, 0.8927178978919983, -0.20169563591480255, 0.7926520705223083, -1.0129328966140747, 0.156724214553833, 0.03914744779467583, -0.23775245249271393, 1.17397141456604, 0.5635250210762024, 0.41162094473838806, 0.5692119002342224, -0.29179465770721436, -0.735951840877533, 0.06520941853523254, -0.8950272798538208, 0.8410108685493469, 0.4682297110557556, -0.6097614765167236, -0.7132470011711121, -0.3417097330093384, 0.5049756765365601, -0.5631198287010193, 0.5348750352859497, -0.32644784450531006, -0.3837277293205261, -0.5146104693412781, -0.4003375768661499, -0.28150737285614014, 0.4499220550060272, 0.360851913690567, -0.5902816653251648, -0.8126696348190308, 0.3863089084625244, 0.1896710991859436, -0.26452696323394775, -0.4749589264392853, -0.282267689704895, -0.8614811897277832, -0.35031503438949585, -0.384482204914093, -0.5810908675193787, -0.6427680850028992, -0.15593214333057404, -0.6986212730407715, 0.5791570544242859, 0.0060998499393463135, -0.9571717977523804, -1.1343514919281006, 0.11175708472728729, -0.5753395557403564, 0.4341100752353668, -0.3965466618537903, 0.26512718200683594, -1.4692789316177368, 0.32420021295547485, 0.8507011532783508, -0.42209571599960327, -0.09316152334213257, 0.012115107849240303, 0.48851582407951355, -0.05225830525159836, 0.9429704546928406]} +{"paper_id": "fquad", "embedding": [-0.14951243996620178, 1.3690969944000244, -0.028159672394394875, -0.468597412109375, 0.5933831930160522, -0.09191332757472992, -0.08228916674852371, 1.12386953830719, 1.0724138021469116, 0.5509922504425049, 0.6499443054199219, -0.24025015532970428, 0.36516231298446655, -0.1672951877117157, -0.17003917694091797, -0.46605467796325684, -1.1018450260162354, -0.7079856395721436, -1.7912205457687378, -0.5239516496658325, -0.5523160696029663, -0.8121976256370544, 0.16081736981868744, 1.2416095733642578, -0.6651970744132996, -1.0945628881454468, 0.8781903982162476, -0.9797613024711609, 0.33820536732673645, -0.00015485286712646484, -0.0003295093774795532, 0.3483995497226715, -1.5696780681610107, 0.36083295941352844, -0.20521682500839233, -0.734398365020752, 0.3620834946632385, 1.249310851097107, 0.32068970799446106, -0.5316407680511475, -0.8255935907363892, 0.0624019056558609, 0.6623451113700867, 0.1855805516242981, 1.5684359073638916, -0.9037347435951233, 0.38037410378456116, -0.30807194113731384, -0.18404532968997955, -0.2766258120536804, -0.7937673926353455, 0.004960007965564728, 0.09133188426494598, 0.7199709415435791, -0.5110510587692261, 0.4473882019519806, 0.24849480390548706, -0.6780229210853577, 0.759535551071167, -0.7221616506576538, 1.4524154663085938, 2.192319631576538, -0.1963893175125122, 0.2220585197210312, 1.3203082084655762, 0.11654488742351532, 1.6586111783981323, 0.058685556054115295, -0.05696488171815872, 0.5384371876716614, -0.25496214628219604, -0.1724841296672821, 0.9570755362510681, 0.067796990275383, 0.4794178307056427, 0.9448546171188354, 0.3348788917064667, 0.2393127679824829, -0.3197677433490753, -0.9025896191596985, -0.8362720608711243, 0.5094361901283264, 0.4676218628883362, -0.6537682414054871, 0.020872700959444046, 0.11187679320573807, 0.14818352460861206, -1.2138975858688354, 0.6212062835693359, -2.057739496231079, 0.960767924785614, 0.4927598237991333, 0.035503827035427094, -0.14441822469234467, -0.2920311987400055, 0.13701164722442627, -0.5682072043418884, 0.031918615102767944, -0.18536022305488586, -0.3356746733188629, 0.7371243834495544, -0.42742887139320374, 1.3058719635009766, -0.34216704964637756, 0.0483747199177742, 0.6072036623954773, 0.1868343949317932, -0.22783860564231873, -0.8205590844154358, -1.0109162330627441, 0.6062657833099365, 1.0729461908340454, -0.5667834281921387, 0.644661545753479, 0.25854453444480896, 0.47130468487739563, 0.6670558452606201, -1.0046217441558838, -0.1406012773513794, -0.07519732415676117, -0.3158307373523712, -1.3367418050765991, -0.8146588206291199, -0.39418649673461914, -0.20816488564014435, -0.8714854717254639, -0.10242109000682831, -0.8825210332870483, -0.10742677003145218, 0.18147341907024384, 0.7640001773834229, 0.12151812016963959, -0.790168821811676, -0.35114213824272156, 3.1610684394836426, -1.5202800035476685, 1.6066100597381592, -0.45259740948677063, 0.11016299575567245, -0.9433091878890991, -0.6693442463874817, 1.5697277784347534, -0.2954910099506378, -1.460095763206482, -0.4237130582332611, 0.5718973875045776, -0.6306727528572083, 0.2913402318954468, -0.9466298818588257, -0.6567065119743347, 0.030748151242733, 0.14103251695632935, -1.6789478063583374, -0.8762984275817871, 0.08523748815059662, 0.14830735325813293, 0.012217939831316471, 0.6067043542861938, -0.25392863154411316, 1.2418335676193237, 0.044091060757637024, -0.12581093609333038, -0.43327006697654724, 0.5853798389434814, -0.9839853048324585, -0.3630658984184265, 0.6734229326248169, 0.008510317653417587, -0.5144706964492798, -0.050186775624752045, 0.6065641641616821, -0.582597017288208, -0.4464800953865051, -0.08023888617753983, 0.3051774501800537, 0.3982276916503906, 0.6147916316986084, 0.49646636843681335, 0.022444073110818863, -0.7600486278533936, 0.05964996665716171, -0.4835912883281708, 0.13252344727516174, 0.825132429599762, 0.3779604136943817, 0.7439272999763489, -2.375013589859009, 0.05858819559216499, 0.05509163439273834, 0.9597986936569214, -0.21576577425003052, -0.2534078061580658, 0.011152658611536026, 0.21756471693515778, 0.3577457070350647, -1.0066490173339844, 0.6554220914840698, -0.9270087480545044, 0.10441842675209045, 0.1215772032737732, -0.2042410969734192, -0.07802532613277435, 0.286123126745224, 0.8356357216835022, 0.44137218594551086, -0.4046434164047241, -0.8670040965080261, -1.9600783586502075, 0.3223114013671875, 2.726768732070923, 0.4172411262989044, -1.0389806032180786, -0.463249534368515, -0.5450576543807983, -0.2904006838798523, -0.5348062515258789, 0.0801427960395813, -0.3928980827331543, 0.21543291211128235, -0.6789981722831726, 0.7915184497833252, -0.9221671223640442, 0.11361823230981827, 0.985817551612854, 1.2589504718780518, -0.531800389289856, -0.2010931372642517, -0.17407958209514618, -0.5125434398651123, 0.75929856300354, 0.6955170035362244, 0.19369469583034515, -0.4289461672306061, 0.6579307317733765, 0.04680603742599487, 0.8912928700447083, 1.1260849237442017, 0.473591685295105, -0.5434892773628235, 0.28069329261779785, -0.15403631329536438, 1.5997600555419922, -0.336974561214447, 0.23830479383468628, 0.2877132296562195, 0.03609609603881836, -0.4872485101222992, -0.26047492027282715, -0.20230185985565186, -0.27356263995170593, 0.9702617526054382, 0.49167922139167786, -0.5400212407112122, 1.3683075904846191, -0.6299742460250854, -0.34321168065071106, -0.2000819444656372, 0.22620435059070587, -0.33359354734420776, -0.5484914183616638, 0.7250945568084717, -0.8025750517845154, -0.09089541435241699, -0.11139360815286636, 0.25329428911209106, -1.507477879524231, -0.9534465670585632, 0.15579885244369507, -0.719773530960083, -1.16414475440979, -0.5134487152099609, -0.33105456829071045, -1.139769434928894, -0.4408251643180847, 1.0565176010131836, 0.5086306929588318, 0.4176895320415497, 1.0985487699508667, 1.9326907396316528, 0.19398875534534454, 0.5121256113052368, 0.46586430072784424, 1.4310877323150635, -0.7416465878486633, 0.19072677195072174, -0.1306358426809311, 0.3211645185947418, -0.5946493744850159, 0.1037558913230896, -0.49827688932418823, 0.6499077081680298, 1.36200749874115, -0.31644198298454285, 1.2009565830230713, -0.4343332052230835, -1.6977583169937134, 0.6633768677711487, -0.3749978840351105, 0.4179675281047821, -0.6529754400253296, 1.88584566116333, 0.12062054127454758, -0.538162350654602, 0.9199686646461487, -0.9165089130401611, -0.3101290464401245, 0.5102863907814026, -0.17086797952651978, 0.14678862690925598, 0.18954485654830933, -0.2531340718269348, -0.15260949730873108, 0.5460503697395325, -2.1041102409362793, 1.2629588842391968, 1.2300145626068115, 0.07043889164924622, -0.6291545033454895, -0.958761990070343, 0.46641242504119873, -0.4441926181316376, 0.08899669349193573, 1.0370649099349976, -0.5023949146270752, 0.8936246633529663, -0.013234574347734451, -0.013937726616859436, 1.062036156654358, -0.2071423977613449, 0.7230774164199829, 0.8709436655044556, 0.47134125232696533, -1.304969072341919, -0.311747670173645, 0.9972946047782898, -0.7016193866729736, 0.006468888372182846, 0.18292012810707092, 0.7178714871406555, 1.2470320463180542, -0.3591596782207489, -0.3445565700531006, 0.6367388963699341, 0.40829652547836304, 0.29797402024269104, 0.24099569022655487, -0.4560573101043701, 0.3207830488681793, -0.062081869691610336, 1.1390255689620972, -0.25691601634025574, -1.3582139015197754, -1.2621406316757202, -0.23494717478752136, -0.14213773608207703, -0.006356554105877876, 1.8043545484542847, 0.1617477536201477, 1.639061450958252, 0.45687001943588257, 0.28922510147094727, -0.29668208956718445, 0.20783351361751556, 1.4530117511749268, 0.1258034110069275, -0.3641290068626404, -0.5759668350219727, 0.3820997178554535, 0.8321924805641174, 0.3847501873970032, -0.4425406754016876, 0.7949200868606567, 0.960248589515686, -0.1314706653356552, -1.585778832435608, 0.7693017721176147, 1.0195939540863037, 0.414350301027298, 1.6372156143188477, -0.7903026342391968, 0.2460222989320755, 0.48159462213516235, 0.3398379683494568, 0.10954451560974121, 0.17314472794532776, 0.4313787519931793, 1.2432074546813965, 0.69034743309021, 1.0656485557556152, -0.17161983251571655, 1.000990629196167, 1.155866026878357, -0.963012158870697, -0.8861828446388245, -0.5383766889572144, -0.8566217422485352, -0.32669293880462646, 0.13510480523109436, 0.43134161829948425, -1.0846656560897827, 0.3473241925239563, 0.20170894265174866, -1.0951040983200073, 0.22472697496414185, -0.4502398371696472, -1.5009522438049316, 1.1075469255447388, 1.3026303052902222, -0.5374172329902649, -0.7017200589179993, -0.8079782724380493, -1.0338459014892578, -0.5980570316314697, 0.034253913909196854, -1.6504919528961182, 0.20167779922485352, -0.052768755704164505, 1.1171187162399292, 0.17803461849689484, -0.4837740659713745, -1.3705674409866333, 0.5855005979537964, 1.5248134136199951, -0.6720553040504456, 0.37852516770362854, 0.009719165042042732, 1.0415284633636475, -0.4135885238647461, -1.6694579124450684, -0.8062335848808289, 0.45010238885879517, 0.08266036212444305, 0.19936349987983704, -0.9829379916191101, -0.12073367834091187, 0.6206037998199463, 0.7474774122238159, 0.8774917721748352, -0.953443706035614, 0.012938477098941803, -0.8978102207183838, -0.025657759979367256, 0.8494893312454224, -1.0476561784744263, -0.3430856466293335, 0.5360515713691711, -0.6364459991455078, 0.7971197366714478, 0.03383627533912659, 0.4295734763145447, 1.3864781856536865, -0.17743004858493805, -0.2234693020582199, -0.887122392654419, -10.078283309936523, 0.8469399809837341, -0.49918973445892334, 0.16227573156356812, 0.697210431098938, -0.6011952757835388, 0.9456756114959717, -0.32404401898384094, 0.5143147706985474, -0.8828151822090149, 0.44423630833625793, 0.9738360047340393, 0.6210917830467224, -0.18003329634666443, -0.478079229593277, -0.8570942282676697, -0.7510879635810852, -0.7725756764411926, 0.4897461533546448, 0.3222435414791107, -0.6146790981292725, -0.5758453607559204, -0.05148615315556526, 0.46761611104011536, 0.03280885890126228, 0.1512262225151062, -0.5422772765159607, -0.5250602960586548, -0.1778130978345871, -0.007161568850278854, 0.20502009987831116, -0.25413137674331665, -0.5970906019210815, -0.35125479102134705, 0.3273259997367859, -0.7716608047485352, -0.9673210382461548, -0.6283879280090332, 0.9229387640953064, -0.7473348379135132, -0.4985024929046631, -0.2822440266609192, 0.64962238073349, -0.1081378385424614, -0.22039300203323364, 0.12990574538707733, 0.21763692796230316, -1.030705213546753, -0.07852789759635925, -0.47295618057250977, -0.6950917840003967, -0.22341787815093994, -0.9934399724006653, -0.5460802316665649, 0.48384717106819153, 0.4715495705604553, -0.6542699337005615, -0.4851195812225342, -0.2667604684829712, -1.199484944343567, 0.346636027097702, 0.35762858390808105, -0.43175360560417175, 0.5053130388259888, -0.17941036820411682, -0.0845625177025795, 0.45704758167266846, 0.15102888643741608, 0.2405988872051239, 0.503307044506073, -0.6547783613204956, 1.2498170137405396, 0.23622506856918335, 0.148771733045578, -0.8939831256866455, -0.07879213243722916, -0.6467751860618591, -0.04009038954973221, 0.17917245626449585, 0.31041836738586426, -1.3020515441894531, 0.5770207047462463, 0.60000079870224, -0.6490851044654846, -0.6638277769088745, -0.10261601209640503, -0.4343288242816925, 0.7087832093238831, 1.0827158689498901, -0.8112448453903198, 1.453253984451294, 0.35494205355644226, -0.3783596158027649, -0.13066570460796356, -0.641889750957489, 1.080607295036316, -0.9459348320960999, 0.9571914076805115, 0.24092108011245728, -0.19863346219062805, 0.04817571863532066, -0.25370144844055176, -0.37328028678894043, 0.07071244716644287, 0.9245869517326355, 0.3668002486228943, 0.14895135164260864, -0.049243584275245667, 0.1534353792667389, -0.6102123856544495, 1.4224350452423096, 0.7218655347824097, -0.16640973091125488, 1.0544859170913696, -0.03812601417303085, 1.1947641372680664, -0.021199095994234085, 0.38782525062561035, -0.42783650755882263, 0.9540323615074158, -1.113662838935852, 1.1838657855987549, 0.4252927303314209, 1.801850438117981, -0.22787921130657196, 0.13151200115680695, 0.6747491359710693, 0.22446013987064362, 0.25144699215888977, -1.1127504110336304, 0.5166659355163574, -0.6704601645469666, -0.022369036450982094, -1.1161344051361084, -0.2711983025074005, -0.04391498863697052, -0.9762442111968994, 1.6662451028823853, -1.0677059888839722, -0.5616233944892883, -0.2689826488494873, -0.4037833511829376, -0.34633198380470276, -1.3045638799667358, -0.8668884634971619, 0.3289574682712555, -1.6338461637496948, 0.3004808723926544, -0.15851563215255737, -0.5133097767829895, -0.31329357624053955, -0.19407497346401215, 0.9621081352233887, -0.35907262563705444, -0.5078368782997131, -0.34640443325042725, 0.5659132599830627, -0.9092974662780762, -0.9281486868858337, -0.299501895904541, 0.13043373823165894, 1.2909599542617798, -0.8483551740646362, 1.1296418905258179, 0.508386492729187, -0.8559431433677673, -0.8854934573173523, 0.7322616577148438, -0.35526517033576965, 0.9314435720443726, 0.7710372805595398, -0.7840599417686462, -0.054384805262088776, -0.6236577033996582, -0.5984623432159424, -0.5623869299888611, -0.020021352916955948, 1.5407532453536987, -1.081146240234375, -0.10440917313098907, -0.07451723515987396, 1.0487139225006104, 0.23803235590457916, -0.6933159232139587, -0.10603167116641998, 0.4985141456127167, -0.31028515100479126, 0.5940060019493103, 0.22718462347984314, 0.762594997882843, -1.8670686483383179, -1.3932652473449707, -0.07297391444444656, -0.15116217732429504, 0.3651195168495178, 0.11232122033834457, 0.6493956446647644, 0.19151939451694489, -0.49727967381477356, -0.49999889731407166, -0.4338512122631073, 0.535869300365448, 0.6217660903930664, 0.350869357585907, -0.09587246179580688, 0.054852865636348724, -0.28947627544403076, 0.11324264109134674, 0.6315134763717651, 0.9814213514328003, -1.065213680267334, -0.3755307197570801, 0.04463184252381325, 0.2749869227409363, -0.09938807785511017, -1.214263916015625, 0.0777268186211586, 0.08074541389942169, -0.4147377610206604, -1.7060092687606812, 0.01737702637910843, 1.3061949014663696, -0.3460737466812134, 0.7907736301422119, 0.6756104230880737, 0.7145774960517883, 0.5135202407836914, 0.41378188133239746, 1.0168063640594482, -0.2996944785118103, -0.05376683175563812, 0.037399664521217346, 1.0537289381027222, -0.06721904873847961, -0.8941096067428589, -0.5627173185348511, -0.6496464014053345, 0.3834470808506012, -0.1900484263896942, 0.6566315293312073, -0.011164993047714233, 0.5238558650016785, 0.7427799105644226, 1.2318980693817139, -0.12535998225212097, -1.4861418008804321, -0.34081923961639404, -1.2141090631484985, -0.012011941522359848, 0.44795918464660645, -0.1297696828842163, 0.6552769541740417, 0.6209681034088135, -0.2635132670402527, 1.561789870262146, -0.6118566989898682, 0.2822651267051697, -0.06946905702352524, -0.6167390942573547, 0.981438934803009, 0.6274418234825134, 0.037352487444877625, 0.35651254653930664, -1.1588771343231201, -0.851347029209137, -0.3168196976184845, -0.9423819780349731, 1.1483838558197021, 0.8346356749534607, -0.23180179297924042, -0.005946114659309387, -0.1872134804725647, 1.0330950021743774, -0.5235818028450012, 1.0237245559692383, 0.18232014775276184, -0.10341668874025345, -0.3345201015472412, -1.1667485237121582, -0.02279132604598999, 0.47686001658439636, -0.2241891622543335, 0.19388237595558167, -0.3171535134315491, 0.17433808743953705, 0.2589126229286194, -0.234353169798851, -0.9788432717323303, -0.353461354970932, -0.564732551574707, 0.10813909769058228, 1.0895785093307495, -0.5140771865844727, -0.8815157413482666, -0.20692893862724304, -1.1502807140350342, 0.3141665756702423, 0.2722169756889343, -0.7166137099266052, -0.8269220590591431, 0.34683218598365784, -0.28911304473876953, 0.23156368732452393, 0.40991008281707764, 0.06501184403896332, -1.7194199562072754, 0.7882347106933594, 1.550249695777893, -1.0988190174102783, -0.3231191039085388, -0.17318224906921387, 0.3414310812950134, 0.21614739298820496, 1.256933331489563]} +{"paper_id": "crawl_domain", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "flores", "embedding": [0.45808687806129456, 0.9340338110923767, 0.34568238258361816, 0.4504699110984802, 0.6685092449188232, -0.276983380317688, 0.9440069794654846, 0.9139745831489563, 0.8003842830657959, 0.05708090588450432, 0.29199308156967163, 0.17032700777053833, 0.40324267745018005, -0.14699004590511322, 0.023949313908815384, -0.36671462655067444, -1.1280142068862915, -1.072379231452942, -1.7220216989517212, -0.6105780601501465, -0.4957113265991211, -0.03542819619178772, 0.06103881075978279, 0.46816492080688477, -0.3708902895450592, -0.9003056883811951, 0.6481457352638245, -0.9997571110725403, 0.4139288663864136, 0.7748045921325684, -0.27535462379455566, 1.4271377325057983, -1.1003738641738892, 0.2692750096321106, -0.4896180331707001, -0.24760615825653076, 0.07217761129140854, 0.956581175327301, -0.10478682816028595, 0.26714086532592773, -0.7587230801582336, -0.4852564334869385, 0.07054931670427322, 0.20994089543819427, 1.4011181592941284, -0.12313120067119598, -0.4524531066417694, -0.14419889450073242, -0.0009718984365463257, -0.10047327727079391, -0.6496394276618958, 0.1756274700164795, 0.3647163510322571, 0.5477323532104492, -0.8591098785400391, 0.8941037654876709, 0.6143934726715088, -0.48268547654151917, 1.03446364402771, -1.1352760791778564, 0.9795657992362976, 1.4593207836151123, -0.6963101625442505, 0.20508044958114624, 1.2236692905426025, -0.03737236186861992, 1.5573415756225586, 0.5675973892211914, 0.814750611782074, 0.53835529088974, 0.1765962690114975, -0.9846646189689636, 0.6259022951126099, 0.28755903244018555, 1.0826878547668457, 0.4933270514011383, 0.2099006026983261, 0.3944026529788971, -0.6092976331710815, -0.44547757506370544, -0.6970040202140808, 0.7765291929244995, 0.2192704975605011, -1.01123046875, 0.36709532141685486, 0.41011348366737366, 0.09639210999011993, -1.059165358543396, 0.7778728604316711, -1.614847183227539, 0.4393572211265564, 0.023048223927617073, 0.8883655667304993, 0.07572047412395477, -0.5227744579315186, -0.0958922728896141, -0.15739504992961884, 0.4391638934612274, -0.4124408960342407, -0.09950661659240723, 0.6401579976081848, -0.2598016560077667, 0.8024918437004089, -0.14033055305480957, 0.2556955814361572, 1.3072293996810913, -0.3117683529853821, -1.18942129611969, -1.6796351671218872, -0.5430040955543518, -0.08277398347854614, 1.3532259464263916, -0.5494652390480042, 0.7091888189315796, 0.311612069606781, -0.3214187026023865, 0.0881577581167221, -0.27605682611465454, -1.0862735509872437, -0.4388068914413452, -0.5928001403808594, -1.125382661819458, -0.546022891998291, -0.2390322983264923, 0.5693143606185913, -0.920098602771759, 0.27472984790802, -0.6972322463989258, 0.4876774847507477, -0.3456169068813324, 0.7308984994888306, -0.0741206705570221, -0.47035008668899536, -0.31811806559562683, 3.0412707328796387, -0.6911939382553101, 1.5742454528808594, -0.8580437302589417, 0.5495951175689697, 0.20718775689601898, -0.06696851551532745, 1.3176085948944092, 0.0054805465042591095, -0.7982538938522339, -0.04414592310786247, 0.04152577370405197, -1.1790125370025635, -0.21779365837574005, -1.0003750324249268, -0.5351754426956177, -0.1735212504863739, 0.6652775406837463, -1.0445479154586792, -1.1873823404312134, 0.16513189673423767, 0.265874981880188, 0.25181591510772705, 1.0901793241500854, -0.6980551481246948, 0.4057506024837494, 0.12815570831298828, 0.2809121012687683, -0.33116066455841064, 0.45656949281692505, -0.9580039381980896, 0.08307109028100967, 1.6515690088272095, -0.2844964265823364, -0.5157316327095032, -0.793262779712677, 0.8342024683952332, -0.21060478687286377, -0.04660433530807495, 0.2985800504684448, 0.15249887108802795, 0.7801575064659119, 0.7192259430885315, 0.8927011489868164, -0.42495161294937134, -0.747745931148529, -0.22753304243087769, -0.1587790995836258, -0.4022844731807709, 0.2505873441696167, 0.4429505467414856, 0.24929779767990112, -2.034356117248535, -0.05485472083091736, 0.38396114110946655, -0.467373788356781, -0.02516929805278778, -0.8453801274299622, 0.4331418573856354, -0.28673139214515686, 1.242241382598877, -0.2216016799211502, 0.971882164478302, -0.4779431223869324, -0.850047767162323, 0.5468782782554626, -0.14874368906021118, 0.19700457155704498, 0.1743638962507248, 0.6232312321662903, 0.38125351071357727, 0.055920056998729706, -0.34210360050201416, -1.2923104763031006, 0.0014191940426826477, 2.4559988975524902, 0.09102213382720947, -0.5420731902122498, -0.7533185482025146, -1.1815478801727295, -0.019709717482328415, -1.6009321212768555, 0.20537561178207397, -1.103360652923584, -0.5384176969528198, -1.4217108488082886, 0.2121637761592865, -0.5333399176597595, -0.09653308242559433, 0.4574887454509735, 1.1605700254440308, -0.42028549313545227, -0.2553274631500244, -0.1984456479549408, -1.0259225368499756, 0.5356571078300476, 0.6073763966560364, 0.16822487115859985, -1.1295771598815918, 0.825067937374115, 0.13587912917137146, 0.3527171015739441, 0.9312456250190735, 0.4634421169757843, -0.6883141994476318, -0.2709967792034149, 0.15290400385856628, 0.5136634707450867, -0.5233393311500549, -0.014721427112817764, 0.4321509003639221, 0.9540009498596191, -0.8381428718566895, -1.1162165403366089, -0.34683525562286377, 0.16653968393802643, 1.248879075050354, 1.2331880331039429, -0.5567722320556641, 1.7345190048217773, -0.8683614730834961, 0.29670315980911255, -0.3544383943080902, -0.773136556148529, 0.3417089581489563, -0.3557301163673401, 0.8123252391815186, -0.3015855550765991, 0.011821635067462921, -0.1188594400882721, -0.2632034420967102, -1.6163363456726074, -0.35617268085479736, -0.5798835158348083, -0.8235576748847961, -1.441882610321045, -0.5318761467933655, -0.1286824643611908, -0.7320643067359924, -0.8269866704940796, 0.1959979385137558, 0.889966607093811, 0.08492045849561691, 1.4981218576431274, 1.7624547481536865, 0.42092254757881165, 0.5245729684829712, 0.030754700303077698, 0.5770664811134338, -0.5706057548522949, 0.9519321918487549, 0.34188151359558105, 0.6450845003128052, -0.7913997173309326, 0.008692197501659393, -0.645653247833252, -0.28607311844825745, 1.1283323764801025, 0.3896430432796478, 0.1596379280090332, -0.48109138011932373, -1.196311354637146, 0.6937389969825745, -0.7859431505203247, 0.8544827699661255, -0.7020843029022217, 1.6908349990844727, -0.03032851032912731, 0.2097569853067398, 0.7185033559799194, -0.332150936126709, -0.2061222791671753, 0.9335755109786987, -0.8149300813674927, 0.876270592212677, 0.45929116010665894, -0.2932266891002655, 0.43931901454925537, 0.35141265392303467, -2.3799843788146973, 0.03329870477318764, 0.6745615005493164, 0.0786479264497757, -0.6333731412887573, -0.8736862540245056, 0.31011462211608887, -0.44093820452690125, -0.23930378258228302, 0.34622228145599365, -0.836179256439209, 0.5849195718765259, -0.1800524890422821, 0.4977806806564331, 1.3700147867202759, -0.8812225461006165, 0.546829104423523, 1.5244337320327759, 0.15704625844955444, 0.05710441619157791, -0.29078957438468933, 0.2945641577243805, -0.9026438593864441, 0.3969544470310211, 0.7877322435379028, 0.7206929922103882, 1.4475475549697876, -0.004067547619342804, -0.5630884170532227, 0.7960837483406067, 1.5658782720565796, 0.5123734474182129, 0.8184604644775391, -0.27517974376678467, 0.39835086464881897, -0.029718663543462753, 1.1122925281524658, -0.07986576855182648, -1.1469731330871582, -1.103578805923462, 0.05044735223054886, -0.8480147123336792, -0.685785710811615, 1.9174448251724243, 0.2925957143306732, 0.6210111379623413, 0.21967728435993195, 0.6168948411941528, -0.10184536874294281, 0.19998927414417267, 1.0252021551132202, 0.39089110493659973, -0.06928859651088715, 0.028406575322151184, -0.13138426840305328, 1.1836261749267578, -0.6053054928779602, -0.5921192765235901, 0.08549919724464417, 1.2767646312713623, -0.8953728675842285, -0.6530258655548096, 0.04416653513908386, 0.9303823113441467, 0.7301554083824158, 1.3860074281692505, -0.5675951242446899, -0.5374473333358765, -0.10991109162569046, 0.593716561794281, -0.7258732318878174, 0.5865724682807922, -0.5467928647994995, 0.47136610746383667, 0.53300541639328, 1.2853050231933594, -0.004805326461791992, 0.5671033263206482, 0.2577877640724182, -0.9268984794616699, -1.1320507526397705, -0.3221434950828552, -0.8681737184524536, -0.7558085322380066, -0.9206799864768982, -0.1712714284658432, -0.9832624197006226, 0.8843211531639099, -0.3151380717754364, -0.8071004152297974, 0.20327681303024292, -0.3451184034347534, -1.8312729597091675, 0.9400814771652222, 1.2485785484313965, -0.9361293315887451, -0.06283587962388992, -0.5036959648132324, -0.6565892100334167, -0.8597421050071716, 0.4477238357067108, -0.6582819819450378, -0.30555734038352966, 0.16628707945346832, 0.5645277500152588, -0.26967376470565796, -0.5478296875953674, -1.1114882230758667, 0.11134892702102661, 1.9008642435073853, -1.0142643451690674, 0.1894511878490448, 0.1986437737941742, 0.6810296773910522, -0.37040427327156067, -0.7806786894798279, -0.5789225697517395, 0.15754957497119904, 0.7738741636276245, -0.22588692605495453, -0.15091301500797272, -0.605539083480835, -0.04086301848292351, -0.4426206052303314, 1.1571457386016846, -1.191467523574829, 0.46727603673934937, -0.8263711333274841, 0.503563642501831, 0.6682041883468628, -0.3199555575847626, 0.030145443975925446, 1.2593958377838135, -0.34922102093696594, 0.6548787355422974, 0.21988052129745483, 0.5420739054679871, 0.4346732497215271, 0.3589704930782318, 0.14884378015995026, -0.29955095052719116, -10.510616302490234, 0.17142479121685028, -0.772602915763855, -0.12952502071857452, 0.5222222208976746, -0.30139872431755066, 1.0950199365615845, 0.42230460047721863, -0.04903079569339752, -0.5466980934143066, 0.6727933287620544, 1.0105516910552979, 0.5840623378753662, -0.6300044059753418, -0.25964415073394775, -0.6602265238761902, -0.5206896066665649, -0.5174055099487305, 0.5665837526321411, 0.09217454493045807, -1.088514804840088, -1.2425761222839355, -0.32263416051864624, 0.16960950195789337, 0.08017168939113617, 0.05056260526180267, -0.24270164966583252, -0.33190110325813293, -0.39023643732070923, 0.023817896842956543, 0.3860139846801758, -0.2610519230365753, -0.7079445719718933, -0.6237891316413879, 0.9266148209571838, 0.08238525688648224, -0.8308444619178772, 0.13137152791023254, 0.438705712556839, -0.15607130527496338, -0.5154492855072021, 0.7353479862213135, -0.07180073112249374, -0.117105633020401, 0.20430852472782135, 0.11524881422519684, 0.22037704288959503, -0.6648992896080017, 1.155861735343933, -0.9942507743835449, -0.31669914722442627, -0.758682131767273, -1.2070255279541016, -1.0909607410430908, 0.43135446310043335, -0.02106659673154354, -0.5070279240608215, 0.043857116252183914, -0.2729227542877197, -1.2217470407485962, 0.5788484215736389, 0.3145868182182312, -0.3468753397464752, 0.2601255476474762, 0.17705023288726807, -0.13636314868927002, 0.8927133679389954, 0.5853865146636963, -0.7311258912086487, 0.4011602997779846, -1.1587953567504883, 0.5976376533508301, -0.04616555944085121, -0.3615957796573639, -0.5188100934028625, -0.36902666091918945, -0.20041947066783905, 0.06562285870313644, 0.16906601190567017, 0.23063558340072632, -1.1695696115493774, 0.12808437645435333, 0.06262318044900894, -0.1931052803993225, -0.7124629616737366, 0.14612582325935364, -0.5332096815109253, 0.6766625642776489, 1.493076205253601, 0.196419358253479, 1.083231806755066, 0.0690651684999466, 0.35422348976135254, -0.22396805882453918, -0.40309908986091614, 1.0100665092468262, -0.5328204035758972, 0.9978460669517517, 0.07503263652324677, -1.0399885177612305, 0.6467083692550659, -0.4529247581958771, -0.39346495270729065, 0.3504728376865387, 1.0063985586166382, 0.4446747303009033, 0.4058283567428589, -0.13000476360321045, 0.42248353362083435, 0.3907904326915741, 1.106877088546753, -0.11173462122678757, -0.4802517294883728, 1.1953462362289429, 0.38211509585380554, 1.3210865259170532, 0.49169737100601196, 0.7508825063705444, 0.7797554731369019, 0.525569498538971, -0.5281893610954285, 0.7687431573867798, 0.3246191143989563, 1.5938847064971924, -0.3478299081325531, 0.7557138800621033, 0.3494652807712555, 0.6793428063392639, 0.21003785729408264, -1.1551488637924194, 0.23271316289901733, -0.31954246759414673, 0.26319244503974915, -1.071527123451233, -0.2105245292186737, -0.5552340745925903, -1.023613691329956, 1.1897292137145996, -0.45593488216400146, -0.0904700830578804, 0.2977524995803833, -1.2019283771514893, -0.08460773527622223, -0.9893705248832703, -1.0524598360061646, 0.28173962235450745, -1.3330283164978027, -0.3240281045436859, -0.290146142244339, -0.8815932273864746, 0.6148689389228821, 0.3077567517757416, 1.1700407266616821, -0.3263581395149231, -0.20014697313308716, -0.008872894570231438, 0.4822990596294403, -0.6682280898094177, -0.3610151708126068, -0.5087716579437256, 0.5096352100372314, 1.3153849840164185, -0.7413262128829956, 1.2597112655639648, 0.5397472381591797, 0.4252740740776062, -0.6623952984809875, -0.23454974591732025, -0.14821158349514008, 0.6366339921951294, 1.1968729496002197, -1.3027770519256592, -0.3001406490802765, -0.6219050884246826, -0.3999144732952118, -0.26934605836868286, 0.18429890275001526, 1.2129905223846436, -0.5633383989334106, 0.5303043127059937, -0.30587780475616455, 0.35360705852508545, -0.34371861815452576, -1.1220972537994385, -1.0576318502426147, 0.11097989231348038, -0.45242515206336975, 0.7725316286087036, -0.009842055849730968, 0.6731796860694885, -2.358966588973999, -1.0237525701522827, 0.01651667430996895, -0.48186275362968445, 0.5461853742599487, -0.11820608377456665, 0.910973310470581, -0.8585787415504456, 0.6868702173233032, 0.3507075607776642, -0.3611087501049042, 0.4264411926269531, -0.17947916686534882, 0.1280394196510315, 0.27041497826576233, -0.01323840394616127, -0.8541198372840881, 0.32543784379959106, 0.3468940556049347, -0.06701195985078812, -1.3408221006393433, -0.6369512677192688, 0.48335427045822144, 0.46917667984962463, -0.20005083084106445, -0.6221247911453247, 0.1701141595840454, 0.007838957011699677, -0.1117839515209198, -1.4442509412765503, -0.0652008131146431, 1.2665950059890747, -0.06085652858018875, 0.6509535908699036, 0.8622939586639404, 0.8023521900177002, 0.5558032393455505, 0.8354647755622864, 0.9035122394561768, -0.7762808799743652, -0.8223944902420044, -0.6388537287712097, 0.35778212547302246, -0.4318791329860687, 0.007646694779396057, 0.7236950993537903, -1.4033604860305786, 0.24550709128379822, -1.1934188604354858, 0.9671064615249634, -0.5146214962005615, 0.16222704946994781, -0.060632288455963135, 0.9047751426696777, -0.43928420543670654, -1.429512619972229, 0.08287346363067627, -0.38616126775741577, -0.13284681737422943, -0.26993244886398315, 0.5961666703224182, 1.1928743124008179, 0.7429894208908081, 0.298259973526001, 1.330668330192566, -0.19995620846748352, -0.2402161806821823, 0.3747508227825165, -0.033340342342853546, 1.280787706375122, 0.7588209509849548, -0.3713633418083191, 0.4527394771575928, -0.25259268283843994, -0.6197744607925415, -0.6011776328086853, -0.31592944264411926, 0.9995230436325073, 1.218355655670166, -0.09367342293262482, 0.18015263974666595, -1.1579616069793701, 0.2980680763721466, -1.2521814107894897, 0.6668683886528015, 0.8291983604431152, -0.4010072946548462, -1.3030465841293335, -1.033154845237732, 0.48779773712158203, 1.005631923675537, -0.6368539333343506, 0.27371853590011597, -1.1845563650131226, -0.021251436322927475, 0.1888759434223175, -0.6604948043823242, -1.3323938846588135, 0.7013517618179321, -0.10684138536453247, -0.24548690021038055, 0.8163375854492188, -0.5726575255393982, -0.7178274989128113, 0.29258468747138977, -1.0162972211837769, 0.4979393482208252, -0.40171462297439575, -0.2549659013748169, -0.32035595178604126, 0.3625376522541046, -0.4026469886302948, -0.7101864814758301, 0.05897843465209007, -0.20690923929214478, -1.7417166233062744, 1.0041803121566772, 1.0148860216140747, -0.787015438079834, -0.2595492899417877, 0.23263105750083923, 0.1934611201286316, 0.1860092580318451, 1.4371882677078247]} +{"paper_id": "numeric_fused_head", "embedding": [-0.2693992853164673, 0.7781471014022827, -0.2684348523616791, -0.0992092490196228, 0.01968732476234436, 0.21020948886871338, -0.7609771490097046, 0.5600261688232422, 1.1857355833053589, 0.5233070850372314, 0.6034784913063049, 0.17041511833667755, 0.4839838743209839, 0.23774677515029907, -0.4951342046260834, -0.24513587355613708, -1.280924677848816, -1.1879899501800537, -1.493962049484253, -0.15604405105113983, -1.328487515449524, -0.7144082188606262, -0.5600168704986572, -0.26705777645111084, -0.831737220287323, -0.7381240129470825, 0.1721111685037613, -0.9561108350753784, 0.47486844658851624, -0.14810636639595032, -0.06725288182497025, 0.5583406686782837, -1.4120889902114868, 1.060276985168457, -0.05427820608019829, 0.07302333414554596, -0.15071986615657806, 1.0407733917236328, -0.32899463176727295, -0.4012618362903595, 0.0769418254494667, -0.21710973978042603, 1.257215976715088, 0.17737731337547302, 0.659888505935669, -0.45352473855018616, 0.11484772711992264, 0.23174849152565002, -0.22073248028755188, 0.05927478149533272, -0.266952246427536, 0.8296791911125183, 0.15136957168579102, 1.0708401203155518, -0.2351687252521515, 1.4911701679229736, 0.3268447816371918, -1.226259708404541, 0.7119455337524414, -0.31424224376678467, 0.4720262289047241, 1.6777938604354858, -0.8557222485542297, 0.7127511501312256, 0.7583807706832886, 0.2580508589744568, 1.1189002990722656, -0.3866232633590698, 0.3907102942466736, 0.7298395037651062, -0.15892788767814636, -0.3049204349517822, 1.1255977153778076, -0.08282963931560516, 0.3100212812423706, 0.32324180006980896, 0.31901732087135315, 0.15555627644062042, -0.13411755859851837, 0.12366088479757309, 0.3306170403957367, 0.22123079001903534, 1.13069748878479, -0.3541826605796814, -0.6291300654411316, 0.3096381723880768, -0.21896670758724213, -1.064186930656433, 0.5016167163848877, -1.366824746131897, 0.8530654311180115, 0.029403312131762505, -1.0097835063934326, 0.0009340047836303711, 0.5255641937255859, 0.40814730525016785, -0.7113627791404724, -0.2280147522687912, -0.5925066471099854, 0.37827467918395996, -0.09189656376838684, -0.7280354499816895, -0.21042506396770477, -0.6781811714172363, 0.33445030450820923, 0.4855189025402069, -0.2298148274421692, -0.09072356671094894, -1.1387462615966797, 0.35353559255599976, 0.7313621640205383, 1.4271830320358276, -0.39824050664901733, 1.040634036064148, -0.025023888796567917, 0.40044623613357544, 0.508495569229126, -0.046822525560855865, 0.1633216142654419, 0.29188597202301025, -0.13951261341571808, -0.4784463942050934, 0.35350099205970764, -0.5410407185554504, 1.111741304397583, -1.1460589170455933, -0.44781002402305603, -0.927151620388031, -0.07935568690299988, -0.6660919785499573, -0.19359555840492249, -0.6515082716941833, -0.03235762193799019, 0.002276889979839325, 3.5525243282318115, -1.3924540281295776, 1.1152359247207642, -0.7489502429962158, -0.7039306163787842, -0.7069147825241089, -0.044697947800159454, 1.753542423248291, 0.4273749589920044, -1.103516697883606, -0.7755499482154846, 0.40550053119659424, 0.260750412940979, 0.5357332229614258, -0.10349801182746887, 0.047514043748378754, -0.2585541307926178, -0.012101314961910248, -1.6331377029418945, -0.38512474298477173, -0.1562424749135971, 0.23117712140083313, -0.10138136148452759, 0.4969186782836914, -0.182088702917099, 0.8523954153060913, -0.03823350369930267, -0.15672878921031952, -0.1776316910982132, 0.8114086985588074, -0.4481860101222992, -0.23919349908828735, 1.501496434211731, -0.3482595384120941, -0.7760359048843384, -0.023700766265392303, 0.337560772895813, 0.12677954137325287, -0.5344706773757935, -0.15620751678943634, -0.12661318480968475, 0.28277337551116943, 1.3156243562698364, 1.058563470840454, 0.2963241934776306, -0.80519700050354, -1.002189040184021, -0.34577617049217224, 0.24254140257835388, 0.2914835214614868, -0.4076310992240906, 0.7243750095367432, -2.2246837615966797, -0.7439019083976746, -0.4024125337600708, 1.3783068656921387, -0.6442610621452332, -0.28727400302886963, -0.14954319596290588, 0.9950118660926819, -0.20242856442928314, -0.13377918303012848, 1.1929900646209717, -0.6662657856941223, -0.6709555387496948, -0.24123860895633698, -0.02711409702897072, -0.4493599236011505, -0.4351438879966736, 0.42702531814575195, 0.7074611783027649, -1.2379417419433594, 0.28880608081817627, -1.986525058746338, -0.26588281989097595, 2.375891923904419, 0.7281391024589539, -0.885689377784729, -1.3314769268035889, -0.44654613733291626, 0.046221859753131866, -0.31502798199653625, 0.14465945959091187, -0.9937103390693665, 0.28289100527763367, -1.094587802886963, 0.46129828691482544, -0.08997493237257004, 0.24289634823799133, 0.4158293604850769, 0.4603647291660309, -1.2821918725967407, 0.3081965744495392, -0.9985260367393494, -0.016455866396427155, 0.6390489339828491, 0.6319053173065186, 0.38675418496131897, 0.0732954889535904, 0.7196921706199646, 0.803056538105011, 0.7715088725090027, 0.06906164437532425, 0.2812735140323639, -1.1070523262023926, 0.7023695707321167, -0.005878927651792765, 0.6934506893157959, 0.28033900260925293, 0.8375369906425476, 0.742830216884613, -0.4615318775177002, -0.757513701915741, -0.20745119452476501, -0.2300456464290619, -0.8512653708457947, 1.49411141872406, 0.10622702538967133, -0.3893083333969116, 0.4317486882209778, -0.979530394077301, 0.25430411100387573, -0.19608910381793976, -0.46772152185440063, -0.19818690419197083, -0.29187870025634766, 0.706278383731842, 0.0842885822057724, -0.6190450191497803, -0.22337976098060608, -0.49647995829582214, -1.577967882156372, -1.3393609523773193, -0.019179075956344604, 0.07233792543411255, -1.5363818407058716, -0.010665357112884521, -0.2523323893547058, -0.33789923787117004, -0.433054119348526, 0.07513996958732605, 0.8737363219261169, 0.09386403858661652, 0.8203909397125244, 1.9773881435394287, -0.3778950870037079, 0.24736928939819336, 0.042672112584114075, 0.7979673743247986, -0.676388680934906, 0.6261394023895264, 0.004075229167938232, 0.5444846153259277, -0.8570026755332947, -0.1416461318731308, -0.1793489009141922, 0.8007726073265076, 0.5835201740264893, 0.3183889389038086, 0.29228049516677856, 0.38289058208465576, 0.4270092248916626, 0.8667848110198975, -0.23351112008094788, -0.5299886465072632, -1.3927009105682373, 1.5647763013839722, 0.6025211215019226, -0.4910551905632019, 0.23002228140830994, 0.05906473845243454, 0.09475807845592499, 0.7296107411384583, -0.17623212933540344, 0.46000808477401733, 0.5232430100440979, 0.014795144088566303, -0.22720669209957123, 0.19077304005622864, -1.5323092937469482, 0.46865811944007874, 0.531487226486206, -0.026765966787934303, -0.04970819130539894, -1.4806431531906128, -0.0510283038020134, -0.7415404319763184, -0.4433507025241852, 0.9261037707328796, 0.3304639756679535, -0.3845519423484802, -0.43504202365875244, -0.012779276818037033, 0.0315762422978878, -1.020412802696228, 0.9871255159378052, 1.2788881063461304, -0.060912542045116425, -0.9182455539703369, 0.38099053502082825, 1.2014038562774658, -0.11894205957651138, 1.219796061515808, 1.0446926355361938, 0.3379581570625305, 0.4501650035381317, -0.6397346258163452, 0.08995866775512695, 0.4484935998916626, 0.38558176159858704, 0.7153505682945251, 0.3995634615421295, -0.6163066029548645, 0.2638976275920868, -0.26366034150123596, 1.018709659576416, 0.20248031616210938, -1.3220057487487793, -0.8580338954925537, -0.42012926936149597, -0.7514002919197083, -1.1746286153793335, 1.1000617742538452, 1.1952334642410278, 1.7494282722473145, -0.890381395816803, 0.5612618923187256, -0.3338696360588074, 0.3909955620765686, 0.9093456864356995, -0.0692107081413269, 0.8946210145950317, -1.145383358001709, 0.23612643778324127, 0.942193865776062, 0.17295442521572113, 0.18365032970905304, -0.35771024227142334, 0.5835528373718262, 0.8322927355766296, -0.7332677245140076, 0.03756903484463692, -0.5251269936561584, 0.5891083478927612, 1.4695558547973633, -0.9452794790267944, -1.0712940692901611, -0.5884068012237549, 0.7649349570274353, 0.5174776911735535, 0.13251528143882751, -1.4047815799713135, 0.9027302861213684, 0.296424925327301, 0.51262366771698, 0.04509350657463074, 1.0571264028549194, 1.3176496028900146, -0.075282983481884, -1.3637852668762207, -0.33646145462989807, -1.3720777034759521, 0.1433154195547104, 0.7239357829093933, -0.24916578829288483, -0.654899001121521, 0.39742064476013184, 0.44693848490715027, -0.5462290048599243, 0.7731279134750366, -0.8460510969161987, -0.4522349238395691, 0.7519682049751282, 0.5969737768173218, -1.170783281326294, -1.0259586572647095, 0.17625324428081512, -0.012079383246600628, -0.7293092012405396, 0.5610506534576416, -1.512434482574463, 0.5773859024047852, 0.4610764980316162, 0.5658204555511475, -1.0261486768722534, -0.21003209054470062, -1.1293307542800903, 1.1647876501083374, 1.1103343963623047, 0.24568124115467072, 0.7859982252120972, 0.43079450726509094, 1.048682689666748, 0.44901731610298157, -1.2380003929138184, -0.6829981803894043, 0.5948907732963562, -0.39951130747795105, -0.3815314471721649, -1.0843186378479004, -0.4238285720348358, 1.213606357574463, 0.41144829988479614, 0.19784149527549744, -1.1408385038375854, 0.07754401862621307, -0.7069151401519775, 0.21389178931713104, 0.7521772384643555, -0.8141554594039917, -1.79294753074646, 1.0630295276641846, -0.5467501282691956, 0.7116594314575195, 0.4707774221897125, 0.16810791194438934, 1.6705697774887085, -0.1670452058315277, -0.3348827362060547, -0.22129744291305542, -10.846819877624512, 0.6292042136192322, -0.4359474778175354, 0.5270748734474182, 0.4066575765609741, -0.6112970113754272, 0.9037061929702759, -0.16814714670181274, 0.34790751338005066, -0.17771069705486298, 0.18193380534648895, 1.6844004392623901, 0.40890365839004517, -0.19627481698989868, -0.5655588507652283, -1.7239973545074463, -0.8648099899291992, -0.5304685831069946, 0.018340766429901123, 1.347261905670166, -0.26390790939331055, -1.2711316347122192, 0.37672048807144165, 0.23616734147071838, 0.14772702753543854, -0.01034882664680481, -1.0184669494628906, -0.4411450922489166, -0.21429046988487244, 0.10091942548751831, 0.5406403541564941, 0.15137161314487457, -0.8772972226142883, 0.25704047083854675, 0.10483241081237793, -0.06164107099175453, -0.7800206542015076, -0.06017586588859558, 0.9288264513015747, -0.7846008539199829, -0.43194353580474854, -0.4586232304573059, 0.2484864443540573, -1.353172779083252, -1.028194546699524, -0.2598415017127991, 0.11185154318809509, -0.2926614582538605, 0.3367387056350708, -0.653692901134491, -0.3872026205062866, -0.5196776986122131, -0.8477513194084167, -0.9166785478591919, -0.23243479430675507, 0.0015213917940855026, -0.9918695092201233, 0.5704357624053955, -0.9346632361412048, -1.6541929244995117, 0.8884783983230591, 0.33659297227859497, -0.11139559745788574, 0.8704078793525696, -0.06261010468006134, -0.5033372044563293, -0.09853962808847427, -0.2156250923871994, 0.3027043640613556, -0.3346414566040039, -0.3425002992153168, 0.9300339221954346, 0.020002979785203934, -0.15943986177444458, -0.5802716612815857, -0.25053098797798157, -0.43868133425712585, -1.2526251077651978, 0.4143877923488617, 0.5004403591156006, -0.7196030616760254, 0.4462815225124359, 0.7690220475196838, 0.25137317180633545, -0.7880265712738037, -0.09599119424819946, -0.6880145072937012, -0.11641940474510193, 0.48115238547325134, -0.783734142780304, 1.0810595750808716, -0.5452523827552795, -0.15796849131584167, -0.1754288375377655, -0.5101380944252014, 1.4413721561431885, -0.3837886154651642, 1.112809181213379, -0.07889916002750397, -0.09419121593236923, 0.33210909366607666, 0.16561293601989746, -1.213498830795288, 0.19366712868213654, 0.2430505007505417, 0.6737028360366821, -0.25186339020729065, -0.03710608929395676, -0.10111716389656067, -0.2881433069705963, 0.7113649845123291, 0.11294995248317719, 0.46207374334335327, 0.8549325466156006, -0.5590030550956726, 0.23665304481983185, 0.9081296324729919, 0.8359951376914978, 0.10745928436517715, 1.0910224914550781, -0.18929097056388855, 1.018546223640442, 0.44050806760787964, 0.9839761853218079, 0.31433719396591187, 0.037590350955724716, 0.7199116945266724, 0.2897801697254181, 0.05459969490766525, -2.368607759475708, 0.03698468580842018, -0.2807439863681793, 0.3983335793018341, -0.07839633524417877, 0.38800081610679626, -0.8139488697052002, -0.3847373127937317, 0.921250581741333, -0.09087248146533966, -0.040662892162799835, -0.053041908890008926, -0.4918473958969116, 0.10511894524097443, -0.4576112627983093, -0.586551308631897, 0.5559390187263489, -2.0352609157562256, 0.25213226675987244, -0.45726534724235535, -0.7790395021438599, -0.40721866488456726, -0.05822456628084183, 0.6230363845825195, -0.44782429933547974, 0.29399871826171875, 0.5614455938339233, 0.8056671023368835, -0.43238601088523865, 0.318767249584198, 0.7801332473754883, -0.16300350427627563, 1.9981149435043335, -1.2148845195770264, 0.29541701078414917, 0.8955762386322021, -0.5416831374168396, -0.7459412813186646, -0.7385786771774292, 0.4243152141571045, -0.3618031144142151, 0.10229983180761337, -0.3895856738090515, 0.12580126523971558, -0.6926136612892151, 0.12212219834327698, -0.6528101563453674, 0.3415708541870117, 1.110119104385376, -0.6655228137969971, -0.5668588876724243, -0.13007140159606934, 0.4358137249946594, 0.28380051255226135, -0.028587408363819122, -0.26071780920028687, -0.3822478950023651, -0.9642290472984314, 0.3471549451351166, 0.09129026532173157, 1.4801172018051147, -1.4648727178573608, -1.3179893493652344, -0.5032721757888794, 1.0693929195404053, 0.89461350440979, -0.24654904007911682, 1.0457289218902588, 0.3467395305633545, 0.6057491302490234, 0.18172341585159302, 0.17898298799991608, 0.4542102813720703, 0.3695904016494751, 0.6723452806472778, -0.7613979578018188, -0.08565813302993774, -1.1556402444839478, -0.1268053501844406, 0.49902841448783875, 0.8731082677841187, -1.0652852058410645, 0.12714004516601562, -0.16625800728797913, 0.2923550307750702, -0.0798255205154419, -0.1813834309577942, 0.8294805884361267, -0.41250014305114746, -0.1283947229385376, -0.38910359144210815, 0.19260796904563904, 1.106719970703125, -0.7650642991065979, 0.724242627620697, 0.370902955532074, 0.6606100797653198, 1.2041525840759277, -0.010746344923973083, 1.2625094652175903, -0.0523158423602581, 0.467985063791275, 0.1068069338798523, 0.33861857652664185, -0.029993616044521332, -0.3895552158355713, -0.15534202754497528, 0.10325992107391357, 0.10794829577207565, -0.7908894419670105, -0.34019070863723755, -0.2017790973186493, -0.07636086642742157, 0.7445303201675415, 1.3165922164916992, 0.04511646926403046, -0.30719584226608276, -0.10963915288448334, -0.5545912981033325, 0.040896136313676834, 1.1397385597229004, 0.9167054891586304, 0.6350130438804626, 0.855230987071991, -0.016759350895881653, 1.1522597074508667, 0.20892739295959473, -0.12286542356014252, 0.10439770668745041, 0.39123713970184326, 0.6781967282295227, 1.5739911794662476, 0.14244399964809418, 0.15348489582538605, 0.0944688618183136, -0.9677634835243225, -0.5948020219802856, -0.4179942309856415, 0.4205014109611511, 0.46506261825561523, 0.24844340980052948, 0.010492175817489624, -1.0012526512145996, 1.2929484844207764, -0.7441641688346863, 0.629422664642334, -0.21605263650417328, -0.6042207479476929, -1.5992861986160278, -0.7617778182029724, -0.21012605726718903, 0.3866407871246338, -0.19472289085388184, -0.5933837890625, -0.2304338663816452, 1.4247164726257324, -0.09747874736785889, -0.004036698490381241, -0.8858086466789246, 0.4520995318889618, -0.6225695610046387, 0.4801677465438843, -0.13047465682029724, -0.7166739106178284, -1.13021719455719, -0.3854135274887085, -0.5961299538612366, 0.11184795945882797, 0.10003280639648438, -0.8674904108047485, -0.3937767446041107, -0.16434049606323242, 0.01505521684885025, 0.1231217235326767, 0.11825378239154816, 0.016157671809196472, -1.2276283502578735, 0.7227500081062317, 0.9329947829246521, -0.20626337826251984, -0.46188515424728394, 0.3682344853878021, -0.32068386673927307, -0.06578017771244049, 0.49601367115974426]} +{"paper_id": "omp", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "arsentd_lev", "embedding": [-0.7357077598571777, 1.2187168598175049, 0.47115185856819153, -0.02393493242561817, 0.7094969153404236, -0.25888922810554504, 0.13139881193637848, 0.2525290250778198, -0.018576979637145996, 1.1858773231506348, 0.5476025342941284, -0.8747857213020325, -0.28648841381073, -0.38069483637809753, 0.2912203073501587, -0.8924500942230225, -1.623143196105957, 0.2524254620075226, -0.08168007433414459, -0.42138180136680603, -0.458748996257782, -0.5667352676391602, 0.3336125612258911, 0.6715287566184998, -0.6728922128677368, -0.6868430972099304, 0.596858024597168, 0.23480433225631714, 0.4020423889160156, -0.06455002725124359, -0.35021883249282837, 0.355621874332428, -1.288853406906128, -0.4318777024745941, -0.7165879011154175, -0.39340847730636597, 0.5002593994140625, 0.4349614977836609, -0.31634965538978577, -0.47064995765686035, -0.6483261585235596, 0.5967079997062683, 0.45401522517204285, 0.8672024011611938, 0.6463321447372437, 0.11918028444051743, 0.0664835050702095, 0.02341330051422119, 0.4052349925041199, 0.3551318943500519, 0.2510707676410675, -0.11278847604990005, -0.503519594669342, -0.0036938488483428955, -0.36589768528938293, 1.3239275217056274, 0.17765086889266968, -1.4645403623580933, -0.5380353927612305, -1.4159598350524902, 0.3266621232032776, 1.8549405336380005, -0.238850399851799, 0.10816892981529236, 0.6571833491325378, -0.21251149475574493, 0.36863386631011963, -0.4288676977157593, 0.9094582200050354, 0.8207840323448181, -0.5761487483978271, -0.6302146315574646, 0.7253043055534363, -0.7473467588424683, 0.27872657775878906, 0.19308361411094666, 0.08515158295631409, 1.0259263515472412, -0.5506686568260193, 0.13582509756088257, 0.2987333834171295, 1.1405229568481445, -0.7889692783355713, -1.54293692111969, 0.22290673851966858, 0.3889395296573639, 0.28193965554237366, 0.10027358680963516, 0.555427610874176, -1.9112523794174194, 1.1240018606185913, -0.40217646956443787, -0.4800336956977844, 0.05653843283653259, -0.3113919198513031, 0.6371026635169983, -0.15781937539577484, 0.6557139754295349, -0.616052508354187, 0.22957906126976013, 0.47990190982818604, -0.896867036819458, 0.8822819590568542, -0.29065871238708496, 0.17438051104545593, 1.4500691890716553, 0.012299247086048126, -0.19470667839050293, 0.10844265669584274, 0.1045154258608818, -0.5112456679344177, 1.7004404067993164, -0.26158860325813293, 0.1202465370297432, 0.008392994292080402, -0.03453948721289635, 0.09868764132261276, -1.1192768812179565, -0.9365936517715454, 0.05271558091044426, -0.37713295221328735, -1.4063186645507812, -0.5844743847846985, 1.0238041877746582, 1.5322754383087158, -0.34410619735717773, 0.7541401982307434, 0.1727820336818695, -0.0930296927690506, -0.3232693076133728, 1.1213757991790771, -0.6964030861854553, -0.5480742454528809, 0.0697975903749466, 2.6629528999328613, -1.1275418996810913, 2.135457992553711, -0.6859820485115051, 0.10724115371704102, -0.26885777711868286, -0.32283681631088257, 0.0387519970536232, -0.014994733035564423, -0.552048921585083, -0.7023861408233643, 0.5681489109992981, -0.8954970240592957, 0.04077370837330818, 0.2557356655597687, -0.8076604008674622, -0.14530330896377563, 0.12455269694328308, -0.11413896828889847, -0.6514307260513306, 0.5958846807479858, 0.7930737137794495, -0.22228579223155975, 0.7060868740081787, 0.2830544114112854, 0.8219695687294006, 0.5596109628677368, -0.09264525771141052, -0.6641752123832703, 0.7006534934043884, -0.6450150609016418, -0.23432257771492004, 0.15632107853889465, 0.9259505867958069, -1.13923978805542, -0.2428191900253296, 0.3551100492477417, -0.17619705200195312, -0.1663333773612976, 0.014334892854094505, -0.7286373376846313, -0.7608241438865662, 1.0493723154067993, 0.703125536441803, 0.28496164083480835, -0.30218592286109924, 0.15201416611671448, -0.2717439532279968, -0.16157791018486023, -0.14178191125392914, -0.05360504984855652, 0.20724675059318542, -1.2163764238357544, -0.01883731037378311, -0.08299534022808075, 0.8203802704811096, 0.6004151701927185, -1.3248225450515747, 0.029762299731373787, 0.03106914833188057, 0.5540568232536316, -0.40690335631370544, 0.9579075574874878, -0.7073103189468384, -1.0257370471954346, 0.2474227100610733, 0.8012593388557434, 0.049870219081640244, 0.3997142016887665, 0.7662049531936646, 0.5372975468635559, -0.7973172664642334, -0.5440211296081543, -1.5639437437057495, 0.47661730647087097, 2.8084545135498047, -0.12452927231788635, -0.7084428668022156, -0.7848954796791077, 0.48606401681900024, -0.06465073674917221, -0.6277858018875122, 0.21574687957763672, -0.8112816214561462, -0.00960201770067215, -0.9736926555633545, -0.15093037486076355, -0.06619837135076523, 0.03303203731775284, -0.16496025025844574, 0.5061888098716736, -0.23504504561424255, -0.8288710117340088, -0.5965725779533386, -0.592924952507019, 0.3988511264324188, 0.5985009670257568, 0.34107592701911926, -0.2728489637374878, 0.36523765325546265, 0.7479138374328613, 0.569358766078949, -0.7044159173965454, -0.5936285257339478, -0.06928092986345291, -0.051487937569618225, 0.3100418448448181, 0.10403981059789658, 0.4997294545173645, -0.4377577006816864, 0.9904535412788391, 0.7910717129707336, 0.3061210811138153, -0.19778947532176971, 0.2758522033691406, 0.23799118399620056, 0.5415768623352051, 1.6121526956558228, -0.6235443949699402, 1.9182156324386597, -0.6815774440765381, 1.1306931972503662, 0.6782898306846619, -0.3941073417663574, 0.32164716720581055, -0.4753633737564087, 0.6130068302154541, -0.801888644695282, -0.5024070739746094, -0.16633383929729462, -0.18775705993175507, -0.9729315042495728, 0.12095242738723755, 0.41638585925102234, -0.7932276725769043, -0.721381425857544, 0.2789672315120697, -0.7000517845153809, -0.7099735140800476, -0.7829582691192627, 0.1312444508075714, 0.6255889534950256, -0.260087788105011, -0.4829779863357544, 0.7557207942008972, 0.17985837161540985, -0.06217852234840393, -0.4482758641242981, 1.563050389289856, -0.8875119090080261, 0.7901245951652527, -0.8853440284729004, 0.5743259787559509, -0.25792649388313293, -0.7868136167526245, 0.30977940559387207, 0.6225606799125671, -0.3129369914531708, -0.1742490530014038, 0.8202894330024719, -0.30644434690475464, -1.0438684225082397, 0.9043387770652771, -0.7773231267929077, -0.26609694957733154, -0.6852376461029053, 1.3132820129394531, 0.10669232159852982, 0.05186441168189049, 1.726830005645752, -0.29163408279418945, 0.9052448272705078, 0.49089178442955017, -0.4836183190345764, 0.7650831341743469, 0.14133645594120026, 0.08629501610994339, 0.06257186084985733, 0.36193615198135376, -1.7431663274765015, 0.10371505469083786, 1.7068593502044678, -0.3896544277667999, -0.18899749219417572, -0.0886659026145935, 0.8101617693901062, -0.06294779479503632, 0.3295457363128662, -0.6865586638450623, -0.1691998988389969, 0.6343496441841125, -0.6327819228172302, -0.42260318994522095, 1.714897632598877, -0.6443859934806824, -0.4812617301940918, 1.184846043586731, 0.4364529848098755, -1.5966031551361084, 0.3134118318557739, -0.030803414061665535, -0.06082276999950409, 1.44845449924469, -0.018877342343330383, -0.09340286999940872, 0.9742544889450073, -0.6835760474205017, -0.27653348445892334, 0.6750351190567017, 0.9524192810058594, 0.1306609958410263, 0.3494534194469452, 0.045327749103307724, 0.8056042790412903, -1.4923439025878906, 1.4975475072860718, 0.34478458762168884, -0.3391951620578766, -0.9446809887886047, -0.19029012322425842, -1.1354814767837524, -0.40776607394218445, 1.2881181240081787, 0.47895336151123047, 0.753235399723053, 0.5484904646873474, 0.10949287563562393, -0.3756469488143921, 0.8061370849609375, 1.2600946426391602, 0.8989753723144531, 0.5719512701034546, 0.3347150385379791, -0.010029852390289307, 0.22845317423343658, 0.05849958583712578, -0.3162306249141693, 0.14491286873817444, 0.4777260720729828, -0.6420285701751709, 0.36933982372283936, -0.5793414115905762, 1.566946029663086, 0.47011759877204895, 0.8649640679359436, -0.4491012990474701, -0.3766602873802185, -1.0058804750442505, -0.06467418372631073, 0.599483847618103, 0.906248152256012, -1.4827148914337158, 0.12431972473859787, -0.4777711033821106, 0.15176302194595337, -1.1095969676971436, 0.516584038734436, 0.5788779854774475, -0.3448866605758667, -0.5727967619895935, -0.7675450444221497, -0.46956950426101685, 0.06280627846717834, 0.10729745775461197, -0.04991139844059944, -1.059590458869934, 1.300424575805664, -0.7595704793930054, -1.2181631326675415, -0.004007801413536072, -0.33117592334747314, -0.9721053838729858, 1.1869847774505615, 0.21963807940483093, -0.9266310930252075, -0.8377650380134583, -0.21682973206043243, -0.8424690365791321, -0.8992779850959778, 0.89454585313797, -0.8800110816955566, 0.4839538335800171, 0.601508378982544, 0.5346506834030151, -0.6968221664428711, -0.705542266368866, 0.0735085979104042, 0.6145724058151245, 0.9080519676208496, -0.019375208765268326, -0.049217589199543, 0.9596388936042786, -0.9634298086166382, 0.13704439997673035, -1.0669301748275757, -1.1419384479522705, -0.111333467066288, 0.11855806410312653, 0.3837026357650757, -0.2328772097826004, -0.7111483216285706, -0.30344608426094055, -0.6645157337188721, 0.6213163137435913, -1.3602348566055298, 0.6724064946174622, -1.2351491451263428, -0.6465895771980286, 0.03776612877845764, 0.022528961300849915, -0.3119000792503357, 0.4592303931713104, -0.9393845200538635, 0.7074970006942749, 0.28335678577423096, 0.8332948684692383, 0.1364518105983734, 0.28238290548324585, 0.5591306090354919, 0.22846853733062744, -11.270648002624512, 0.05596094951033592, -0.21522442996501923, 0.1496076136827469, 0.9240785837173462, -0.12127827852964401, 0.4792904257774353, -0.7884443998336792, 1.4412646293640137, -0.8655933737754822, 0.015527397394180298, 1.392813801765442, -0.5361812114715576, -0.46463051438331604, -0.6369205713272095, -0.0697162002325058, -0.6790098547935486, -0.6163213849067688, 0.7679129242897034, -0.3037163019180298, -0.6817074418067932, -0.6202054023742676, 0.11751720309257507, -0.675690770149231, 0.8117321133613586, -0.1339961737394333, -0.2406095266342163, -0.6687703132629395, -1.0483040809631348, 0.39107176661491394, 0.6667028665542603, -0.301884263753891, -0.8561822772026062, -0.5756983757019043, 0.6361804008483887, 0.4685761630535126, -0.9696632623672485, -0.4683505892753601, 0.8325552344322205, -0.2049674689769745, 0.654440701007843, 0.02811058610677719, 0.2889097332954407, -1.153784155845642, -0.9754917621612549, 0.06068547070026398, 0.3284563720226288, -0.054877229034900665, 0.8127289414405823, 0.04565369337797165, -0.37048208713531494, -0.35066261887550354, -1.2005257606506348, -0.21573856472969055, 1.2602652311325073, 0.2622518837451935, -0.898897111415863, 0.41011667251586914, -0.5489718914031982, -0.590667724609375, 1.0480639934539795, -0.5385594964027405, -0.4423626661300659, -0.1282258778810501, 0.3493305742740631, -0.936042070388794, 0.6252259612083435, 0.9525132179260254, -0.668034017086029, -0.12063087522983551, -1.1927987337112427, 1.6229873895645142, 0.4669013023376465, 0.41776391863822937, -0.29185402393341064, -0.1942637860774994, -0.2993333339691162, 0.19288329780101776, 0.24517232179641724, -0.242964968085289, -0.6847110390663147, 0.5005205273628235, -0.21449249982833862, -0.2772233784198761, -0.36494457721710205, 0.47276678681373596, -0.057356707751750946, -0.960578978061676, 0.5353186130523682, -0.006206303834915161, -0.29828643798828125, 0.11679581552743912, 0.00030830875039100647, 0.9868475198745728, -0.26514896750450134, 0.07435797154903412, -0.0059196241199970245, 1.5750980377197266, 0.21127456426620483, 0.6871161460876465, -0.1178605780005455, 0.2797316014766693, 1.051100492477417, -0.07955881953239441, 0.888843297958374, 0.09850103408098221, -0.47835350036621094, 0.050159066915512085, 0.2276146411895752, -0.555846095085144, 0.18628931045532227, 0.22508448362350464, -0.393610417842865, 0.9181979298591614, 0.31865420937538147, 0.9331517219543457, -0.24616409838199615, -0.256329745054245, 0.6894194483757019, 0.5552761554718018, -0.08792885392904282, 0.27207204699516296, -0.1522900015115738, 0.31221097707748413, 0.43926501274108887, 0.4236631691455841, 0.2071305215358734, 0.16096265614032745, -0.25428032875061035, -1.3354097604751587, 0.9985442757606506, -0.4196363091468811, 0.18262973427772522, -0.7052263021469116, -0.2595665752887726, -0.639558732509613, -0.4131357669830322, 1.2161153554916382, -1.2050938606262207, -0.5238589644432068, -0.6558224558830261, 0.015808772295713425, 0.533180832862854, 0.2563815116882324, -0.5368592739105225, -0.21170777082443237, -1.5324554443359375, 0.24040280282497406, -0.20613279938697815, -0.7525389790534973, 0.8341913223266602, -0.16353699564933777, 0.7325925827026367, -0.43182092905044556, -0.1063217893242836, 0.45106568932533264, 0.4115118086338043, -0.23674160242080688, -1.5897082090377808, 0.8461834788322449, 0.02533583715558052, 0.44374290108680725, -0.8758282661437988, 0.5769032835960388, 0.2521158754825592, -0.1836557537317276, -0.12732623517513275, 0.36698853969573975, -0.5755494236946106, 0.49465858936309814, 1.6159919500350952, -0.9998369216918945, -0.13205042481422424, -0.4989168643951416, -0.10705365240573883, -1.6985878944396973, 0.9032660126686096, 0.8062912225723267, -0.6890336275100708, 0.09723355621099472, -0.49047574400901794, 0.28438541293144226, -0.9448089003562927, -0.4130229353904724, -0.6477392911911011, 0.35829445719718933, -0.7548092007637024, 0.7711238861083984, 0.710264265537262, 0.34688714146614075, -1.401741862297058, -0.806678056716919, -0.2748737633228302, -0.34153395891189575, 0.3396057188510895, -0.2585577368736267, 0.3718072772026062, 0.21065808832645416, -0.11174273490905762, -0.42160764336586, 0.061247073113918304, 0.61065274477005, 0.4437297582626343, 0.34320762753486633, -0.15770462155342102, -0.4002465307712555, -0.7411620616912842, -0.0664183646440506, 1.1761895418167114, -0.09878949820995331, -0.8548128604888916, 0.0035261139273643494, 0.5878679752349854, 0.2243783324956894, 0.843697190284729, -1.0201870203018188, 0.1667749285697937, 0.006910879164934158, -0.7810401320457458, -0.513023316860199, 0.21569859981536865, 1.4532499313354492, -0.21175003051757812, 0.9288359880447388, 0.4978511333465576, 0.9879505634307861, 0.507614254951477, 0.5176613330841064, 2.0281524658203125, -0.7584834694862366, -0.22927598655223846, 0.6147016286849976, -0.680385947227478, 0.06564026325941086, -0.1622210592031479, 0.5079736709594727, -1.171067237854004, 0.6938148140907288, -1.2805571556091309, 0.1294974386692047, 0.34526699781417847, 0.8933781981468201, 0.2590051293373108, 1.5022536516189575, -0.613352358341217, -0.71098393201828, -1.2366331815719604, -0.4408642649650574, 0.25421032309532166, 0.49331313371658325, 0.10870731621980667, 1.6579153537750244, 0.9136634469032288, -0.22861437499523163, 0.8704978823661804, -0.21216395497322083, -0.27443957328796387, 0.12721140682697296, 0.5066513419151306, 1.184208631515503, 0.2840711772441864, 0.1877879798412323, -0.34268882870674133, 0.023009121417999268, -1.1800607442855835, -0.4110039174556732, -0.5572559833526611, 0.5089657306671143, 0.06330890953540802, -0.6270428895950317, -0.13735826313495636, -0.6010478138923645, -0.19202810525894165, 0.7102335691452026, 0.37621009349823, 0.7026435732841492, -0.8596153855323792, -0.45786601305007935, -0.7097209692001343, -0.07771509885787964, 0.8774553537368774, -0.30118057131767273, -0.6364139318466187, -0.6160640716552734, -0.6701448559761047, -0.03288586810231209, -0.668138861656189, -0.6348810791969299, 0.75140780210495, -0.7727940082550049, 0.722516655921936, 0.42330920696258545, -1.2633944749832153, -1.0794554948806763, -0.24696853756904602, -0.9617489576339722, 0.8230767846107483, 0.040740445256233215, -0.7250691056251526, -0.37680283188819885, 0.09781438112258911, -0.9120161533355713, -0.1933082938194275, 0.14319071173667908, -0.38002318143844604, -1.4206572771072388, 1.6096850633621216, 1.587135672569275, 0.7485376596450806, -0.6045669913291931, 0.4008726477622986, 0.5176969766616821, 0.1037043109536171, 1.4935986995697021]} +{"paper_id": "crd3", "embedding": [-0.06689479947090149, 1.036242961883545, 0.1508304923772812, 0.5873868465423584, 0.45247507095336914, 0.5376659631729126, 0.5948796272277832, 0.6772541999816895, 1.0321943759918213, 0.5258433818817139, 0.3450402319431305, -0.052153028547763824, 0.11600273847579956, 0.167701855301857, 0.07567493617534637, -0.004787266254425049, -1.1878823041915894, -0.573371410369873, -1.1393063068389893, -0.05145372450351715, -1.0719763040542603, 0.1317640095949173, 0.07704265415668488, 0.6645642518997192, -0.754311740398407, -0.293624609708786, 1.2652987241744995, -1.5224095582962036, -0.25141847133636475, 0.11831239610910416, -0.2283053696155548, 1.4302113056182861, -0.8938232660293579, 0.23256441950798035, -0.31616225838661194, -0.401017963886261, 0.1414622962474823, 0.5123130679130554, 0.3404710590839386, 0.0014325417578220367, -0.5911336541175842, 0.43699464201927185, 0.35905832052230835, 0.2890467345714569, -0.09837201982736588, 0.14329025149345398, -0.32714295387268066, 0.05743321031332016, -1.0697928667068481, 0.19620557129383087, -0.12463356554508209, 0.4552524983882904, -0.05331788957118988, 0.6152971982955933, -0.1353071630001068, 0.9566932320594788, -0.19886261224746704, -0.9757325053215027, -0.21451054513454437, -0.4308161735534668, 1.688375473022461, 1.3132587671279907, -1.1254363059997559, 0.7289862632751465, 1.4958267211914062, -0.15118569135665894, 1.7870352268218994, 0.3061286211013794, -0.00489356555044651, 1.2681719064712524, -0.7740111351013184, -0.715747058391571, 0.34578680992126465, -0.7278909087181091, -0.9172965288162231, 0.7405297756195068, 0.29225829243659973, 0.3198751211166382, -0.030476722866296768, -0.06587854027748108, 0.11404229700565338, 0.440798282623291, 0.5928953886032104, -0.6927435994148254, 0.2580028474330902, 0.7041333913803101, 0.32377728819847107, -0.4087786078453064, -0.023201921954751015, -1.966858983039856, 0.14581122994422913, -0.33318665623664856, -0.10234445333480835, -0.2582625448703766, -0.5405009388923645, 0.31401604413986206, 0.2646271288394928, -0.4075218141078949, -0.5362788438796997, 0.6019834876060486, 0.2548612058162689, -0.8342317342758179, -0.13699835538864136, -0.10893676429986954, 0.8217474222183228, 0.015282876789569855, 0.22193297743797302, -0.023383691906929016, -0.4665678143501282, -0.6615456342697144, -0.3354673683643341, 1.1876896619796753, 0.14530161023139954, 1.1596862077713013, -0.6122206449508667, -0.24824848771095276, 0.05379936099052429, -0.4923493564128876, -0.2263125479221344, 0.009948134422302246, -0.5518208146095276, -0.8506202697753906, 0.1090325340628624, 0.07197187840938568, 0.5609377026557922, -1.1446930170059204, -0.44255152344703674, -1.018844723701477, 0.11133214831352234, -0.1671830415725708, 0.6096130609512329, -0.028378337621688843, -0.8036553263664246, -0.2897314131259918, 2.234531879425049, -0.4455481469631195, 1.6050821542739868, -0.5218369364738464, -0.5187916159629822, -0.7671163082122803, 0.016122296452522278, 2.0012571811676025, -0.1713915765285492, -0.45958736538887024, -0.8104725480079651, 0.33156758546829224, -0.4947252869606018, -0.08334104716777802, -0.45102375745773315, -0.6507261991500854, 0.05203905701637268, 0.7336421608924866, -1.2849534749984741, -0.8558679819107056, -0.3012556731700897, 0.46038374304771423, -0.3010925054550171, 0.7190840244293213, -0.31378352642059326, 0.6727032661437988, 0.8503985404968262, 0.06118667870759964, 0.04869624972343445, 0.3003307282924652, -0.9109839797019958, 0.1449841409921646, 0.1361074149608612, -0.4767584800720215, -0.2812688648700714, -1.1591882705688477, 0.5083106160163879, -0.5967100262641907, 0.06205914542078972, -0.5646343231201172, -0.5486385822296143, -0.014215398579835892, 0.6573165059089661, 0.44821611046791077, 0.5839508175849915, -0.6904290318489075, -0.8170142769813538, -0.6020098328590393, 0.4588385224342346, 0.633915364742279, -0.02997872419655323, 0.24349549412727356, -2.4402682781219482, -0.5521659255027771, -0.8125467896461487, 1.6949970722198486, 0.6265808343887329, -0.141985222697258, -0.0002538822591304779, 0.32138678431510925, -0.2926301956176758, -0.17715387046337128, 0.6312417387962341, -0.7222137451171875, -0.03660658001899719, -0.014613199979066849, 0.486870139837265, -0.36275580525398254, -0.14359939098358154, 1.1440150737762451, 1.6665889024734497, -0.8299600481987, 0.06571637094020844, -1.2360244989395142, 0.34844037890434265, 1.8843952417373657, 0.36810049414634705, -1.24659264087677, -1.5620756149291992, 0.14674504101276398, 0.704893946647644, 0.28712084889411926, -0.15051031112670898, -0.252679705619812, 0.042919062077999115, -1.3695625066757202, 0.48484617471694946, -0.30338361859321594, 0.5406389832496643, 0.4292133152484894, 1.1583991050720215, -0.5386143326759338, -0.5310971140861511, -0.9123386144638062, -0.5057892799377441, 0.2655736207962036, 0.9627166986465454, 0.17695996165275574, 0.06890183687210083, 0.8012809753417969, 0.08777400851249695, 0.28892993927001953, 0.38261815905570984, 0.4853690266609192, 0.1209317147731781, -0.29685357213020325, 0.2626826763153076, 0.8238669037818909, 0.6131658554077148, -0.12129928916692734, -0.35732752084732056, -0.175156369805336, -0.11440498381853104, -0.6291106343269348, -0.4253752827644348, -0.34720665216445923, 1.7879718542099, 1.0163487195968628, -0.3112979233264923, 0.3360995650291443, -0.9007707238197327, 0.3867000639438629, -0.20126357674598694, -0.25058746337890625, -0.5316188335418701, -0.1047009825706482, 0.6879055500030518, -0.10774880647659302, 0.34361350536346436, -0.4253383278846741, -0.2086266577243805, -0.6505016088485718, -0.9186537861824036, 0.009399309754371643, -0.16959595680236816, -1.274685025215149, -0.041854023933410645, -0.4193699359893799, -0.47850319743156433, -0.6060119867324829, -0.6253445148468018, -0.060172706842422485, -0.3079366683959961, 0.39755910634994507, 1.4360336065292358, -0.025878088548779488, -0.3947422504425049, -0.3657343089580536, 1.092160701751709, -0.282247930765152, 1.4194492101669312, -1.186708688735962, 0.14190426468849182, -1.1427452564239502, 0.4429931938648224, -0.7487729787826538, -0.1740686297416687, 0.03765697032213211, -0.23123466968536377, 0.7355987429618835, -0.24399372935295105, -0.6072834730148315, 1.0763579607009888, -0.7492347955703735, 0.28049328923225403, -0.30571532249450684, 0.9587486386299133, 0.06639600545167923, -1.1115983724594116, 0.9137628674507141, -0.5713570713996887, -0.11552901566028595, 0.6907000541687012, -0.16939625144004822, 1.1037588119506836, 0.24062950909137726, 0.12841567397117615, 0.2819281220436096, -0.4180058538913727, -2.065375328063965, -0.017578260973095894, 1.8222925662994385, -0.479011595249176, -0.2336796075105667, -0.7756456136703491, 0.41960346698760986, 0.142581507563591, -0.31722158193588257, 0.30309560894966125, -0.6441448330879211, 0.25192490220069885, -0.07258494198322296, 0.33183997869491577, 1.139973759651184, 0.445315957069397, 0.6370251178741455, 1.1772873401641846, 0.1099255234003067, -0.9755734205245972, -0.3599606454372406, 0.9453950524330139, -0.3363305628299713, 0.2265307903289795, 0.13765068352222443, 0.47973471879959106, 0.8011672496795654, -0.6481914520263672, -0.13184916973114014, 1.4155595302581787, 0.8370196223258972, 0.4831790328025818, 0.39605337381362915, -0.5982473492622375, 0.3387991786003113, -0.49462950229644775, 1.135221004486084, -0.2743610441684723, -0.006042005494236946, -1.0106515884399414, -0.04809046909213066, -0.6468492150306702, -1.3074486255645752, 1.3008471727371216, 0.1856234073638916, 1.7018719911575317, 0.014487845823168755, 0.19025173783302307, -0.7279893755912781, 0.1326616108417511, 0.47134456038475037, 0.07708297669887543, 0.5674988627433777, -0.3343779146671295, 0.17948885262012482, 1.0480213165283203, 0.019370675086975098, -0.19749079644680023, -1.0552573204040527, 0.739256739616394, 0.03619540482759476, -0.4824506640434265, 0.114055335521698, 0.8994664549827576, 0.6516541838645935, 1.4469106197357178, -1.1310001611709595, -0.47708508372306824, -0.218678280711174, 0.4686037003993988, 0.7864406108856201, 0.5037621259689331, -1.4624948501586914, 0.7517377734184265, 0.3288114666938782, 0.9606859683990479, 0.05115334689617157, 1.3974906206130981, 0.7264693379402161, -0.18129956722259521, -0.4852716326713562, -0.11967955529689789, -0.49276983737945557, -0.2692197561264038, 0.7514042258262634, 0.21276484429836273, -0.19745811820030212, 0.7639111876487732, -0.3478330671787262, -1.0684263706207275, 0.5817633867263794, -0.3909986615180969, -0.3979578912258148, -0.16689230501651764, 0.6937669515609741, -0.5586554408073425, -0.6862487196922302, -0.15297642350196838, -0.8754730820655823, -0.411826491355896, 0.10701663792133331, -0.6468387842178345, 1.2436418533325195, 0.34406575560569763, 0.6824631094932556, 0.5384409427642822, 0.19599629938602448, -0.8359974026679993, 0.8224800825119019, 0.7279829978942871, -0.9598591923713684, 0.8601459264755249, 0.1955656260251999, 0.2769913077354431, 0.4009854793548584, -1.0834317207336426, -0.5251772999763489, 1.1054562330245972, 0.007923565804958344, -0.27746403217315674, -0.5481438040733337, -0.21737731993198395, 0.162896066904068, -0.11980560421943665, 0.20747996866703033, -1.381449818611145, -0.4521859884262085, -0.14658908545970917, 0.5965519547462463, 0.4527348577976227, -0.8254385590553284, -0.5768370628356934, 0.5080469846725464, -0.7204970121383667, 0.5163862705230713, 0.03911493718624115, 0.043629806488752365, 1.4682950973510742, 0.8896304965019226, 0.10104171931743622, 0.05991027504205704, -11.518251419067383, 0.8677949905395508, -0.029515163972973824, -0.3647705316543579, -0.06984399259090424, -0.6605300307273865, 0.41835686564445496, 0.03333847224712372, 0.8416649699211121, -0.758801281452179, 0.43905919790267944, 1.0191545486450195, 0.13775981962680817, -0.8131632208824158, -0.668931782245636, -0.9098633527755737, -0.8812565803527832, -1.073352336883545, 0.5577355623245239, -0.4323120415210724, 0.14181400835514069, -0.5490108132362366, -0.09415480494499207, 0.34598129987716675, 0.35233643651008606, -0.13639873266220093, 0.0005820766091346741, -0.015637248754501343, -0.7219298481941223, 0.508337140083313, 1.6079989671707153, -0.28736793994903564, -0.3080870509147644, -0.9689520001411438, 1.1365208625793457, -0.012768082320690155, -1.8321855068206787, 0.14830636978149414, 0.2937627136707306, -0.7388262152671814, -0.11019594967365265, 0.08409184217453003, 0.08783985674381256, -0.6157386302947998, -0.35426831245422363, 0.036710456013679504, 0.45100122690200806, -0.5294817686080933, 0.6105577349662781, -0.28956249356269836, -0.7434062957763672, -0.5268298387527466, -1.3154579401016235, -0.959581196308136, 0.2152199149131775, -0.5540350079536438, -1.0500636100769043, 0.5798754692077637, 0.04628579691052437, -0.34192994236946106, 0.42621177434921265, 0.26565223932266235, -0.014095228165388107, 0.26159894466400146, 0.8203195929527283, -0.9839292168617249, 0.8436063528060913, 0.7831822633743286, 0.8011508584022522, 0.462567538022995, -1.0039628744125366, 1.1181265115737915, -0.13722527027130127, 0.14465734362602234, -0.5350914597511292, 0.1659604012966156, 0.0066812108270823956, -0.36766502261161804, 1.0788946151733398, 0.14169184863567352, -0.4428856372833252, 0.42062196135520935, 0.30010560154914856, -0.8243027925491333, -1.1361945867538452, 0.3785708546638489, 0.3813207447528839, -0.6877030730247498, 0.7573590278625488, -0.5956599712371826, 0.8026103973388672, 0.03198541700839996, -0.3969533443450928, 0.6350011825561523, -0.15750977396965027, 0.7741134762763977, -0.20861423015594482, 0.8326917290687561, 0.5906614065170288, -0.42868855595588684, -0.26264557242393494, -0.18692752718925476, -0.6951054334640503, -0.28237172961235046, 0.4737512767314911, -0.4968665838241577, -0.4704728126525879, 0.22230038046836853, -0.00757189467549324, -0.45474913716316223, 0.40823614597320557, 0.16411834955215454, -0.5915788412094116, 0.7657932043075562, -0.21192780137062073, 1.1378744840621948, 1.3106675148010254, 0.11837378144264221, 0.6055214405059814, 0.8173555731773376, -0.29263225197792053, 1.1028239727020264, 0.2506970465183258, 1.1645785570144653, 0.04456406459212303, 0.06317713856697083, 0.23552334308624268, 0.19470378756523132, 0.19004401564598083, -1.431795358657837, 0.21538518369197845, -0.38181301951408386, 0.06250620633363724, -0.1930353343486786, -0.5739331245422363, 0.418378084897995, -1.1433714628219604, 0.9945659637451172, -1.249171257019043, 0.28340944647789, 0.15782806277275085, -0.6211534738540649, -0.4223242402076721, -0.681010365486145, -0.7597072720527649, -0.3433910310268402, -2.2952632904052734, 0.21978788077831268, -0.5298793911933899, 0.09747891128063202, 0.8153149485588074, -0.3437750041484833, 0.4564071297645569, -0.7987836599349976, -0.597572922706604, -0.2919190227985382, 0.5508480668067932, -0.13895168900489807, -0.6726628541946411, 0.2594235837459564, 0.3325023949146271, 1.0509023666381836, -1.0981048345565796, 0.6718621850013733, 0.17225730419158936, 0.2602636516094208, -0.5325000286102295, 0.028498314321041107, -0.7937765121459961, 0.18081271648406982, 1.308895230293274, -1.305076241493225, -0.8040542602539062, -1.1378103494644165, 0.11699435114860535, -0.6438376307487488, 0.5904290080070496, 1.3982795476913452, -1.359458565711975, -0.677379846572876, -0.7582690119743347, 0.414027601480484, 0.4186839163303375, -0.38431525230407715, -0.6726667881011963, -0.09296658635139465, -0.35072797536849976, 0.6277257800102234, 0.3682539761066437, 0.554457426071167, -1.1781200170516968, -1.2205684185028076, -1.1452794075012207, -0.5792441964149475, 0.7774500250816345, -0.03731078281998634, 1.1290206909179688, 1.0587725639343262, -0.03170015662908554, -0.042419806122779846, -0.3490660786628723, 0.9084241390228271, 0.5545486807823181, 0.24483512341976166, -0.14936748147010803, 0.08890357613563538, -0.43393218517303467, 0.048853691667318344, 0.34220972657203674, -0.11331448704004288, -0.5986574292182922, 0.3166452646255493, 0.5945979952812195, 0.47281551361083984, 0.38580015301704407, -1.1742609739303589, -0.3294591009616852, -0.22896701097488403, -0.3205186128616333, -0.4189206659793854, 0.2991773188114166, 0.929802417755127, -0.3568195700645447, 1.291515827178955, 0.603131890296936, 0.1717030555009842, 0.7690268754959106, -0.0704430490732193, 0.8780065178871155, 0.05390595272183418, 0.06738951057195663, -0.37282246351242065, -0.339829683303833, 0.48957571387290955, 0.08867327868938446, -0.7500901818275452, -1.1079998016357422, 0.4419107437133789, -0.8987264633178711, -0.17242825031280518, 0.0345628596842289, -0.1588861644268036, 1.074061393737793, 1.9366676807403564, -0.19122667610645294, -1.1918020248413086, -0.5126566290855408, -1.2602514028549194, -0.12574058771133423, 1.2535834312438965, 0.4825390875339508, 0.7530192136764526, 0.6919190287590027, -0.02643778920173645, 1.2519817352294922, -0.4210606515407562, -0.16389818489551544, -0.04460830241441727, 0.16318300366401672, 0.9732490181922913, 1.0164566040039062, 0.646117091178894, 0.569378137588501, -0.2922794222831726, -0.5669813752174377, 0.0953252762556076, -0.2730977535247803, 0.2212754338979721, 0.477438747882843, -0.44438329339027405, -0.5191068649291992, -1.209829330444336, -0.029669728130102158, 0.0689062848687172, 0.9636799097061157, 0.264522910118103, -0.9688831567764282, -1.5603277683258057, -1.42098069190979, -1.013466238975525, 0.8487932682037354, -0.22898679971694946, -0.8236653804779053, -0.4304168224334717, 0.5488458275794983, 0.02488873526453972, 0.5300799608230591, -0.594520628452301, 0.6586956977844238, -0.6894543170928955, -0.11073380708694458, 0.07248944044113159, -0.3604543209075928, -0.8585174679756165, -0.1505671590566635, -0.334786057472229, 0.6192248463630676, -0.04333662614226341, -0.9318047761917114, -0.5299888253211975, 0.5496848821640015, 0.3780134916305542, -0.13948588073253632, 0.8537559509277344, 0.7644482254981995, -1.4890766143798828, 0.859605610370636, 0.9622913002967834, 0.13253387808799744, -0.18005530536174774, 0.704539954662323, 0.7630193829536438, 0.15854987502098083, 1.2923808097839355]} +{"paper_id": "tilde_model", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "pn_summary", "embedding": [0.017275352030992508, 1.675289273262024, -0.1525551974773407, 0.5012824535369873, 0.3303520977497101, -0.5868680477142334, 0.23570215702056885, 1.021019697189331, 1.0702012777328491, 0.3454816937446594, 0.9832107424736023, -0.16099274158477783, -0.06725473701953888, 0.11990468204021454, -0.2413102686405182, -0.03003651648759842, -1.3076614141464233, -0.8030965328216553, -1.5616428852081299, -0.9687398672103882, -0.6525126695632935, -0.0009422488510608673, -0.42600852251052856, 0.5443623065948486, -1.3462920188903809, -0.6164781451225281, 1.6109644174575806, -1.428858757019043, -0.14313533902168274, 0.5090103149414062, -0.06507391482591629, 0.6619640588760376, -0.9921643137931824, 0.2699582278728485, -0.533530056476593, -0.3900395631790161, 0.49177977442741394, 0.4075620770454407, 0.06487446278333664, 0.035019129514694214, -0.5880359411239624, 0.027477100491523743, 0.8081170320510864, -0.5285086035728455, 0.16109034419059753, -0.40695011615753174, 0.001519148238003254, -0.14818193018436432, -0.4027208089828491, -0.1533416211605072, 0.3045192360877991, 0.6850308179855347, -0.26875582337379456, 0.8233773708343506, -0.21766892075538635, 2.5280535221099854, -0.14636781811714172, -0.42771151661872864, 0.43781185150146484, -1.2514630556106567, 1.5029821395874023, 1.5696943998336792, -0.8525691032409668, 0.07755611836910248, 1.4402695894241333, -0.33156734704971313, 1.9463735818862915, 0.755209743976593, 0.8097017407417297, 0.6771784424781799, -0.3886449933052063, -1.0582541227340698, 0.36274537444114685, -0.9504750370979309, -0.005830198526382446, 1.192354440689087, 0.7369298338890076, -0.5642960667610168, -0.5499152541160583, -0.2948252856731415, -0.8169026374816895, 0.3311649560928345, 0.8679935932159424, -1.3376786708831787, -0.6653774380683899, 0.6811838150024414, -0.19962432980537415, 0.6087177395820618, 0.5747785568237305, -1.5532498359680176, -0.19151495397090912, -0.6399548649787903, -0.48130467534065247, -0.4003566801548004, -0.8130089640617371, 0.4949426054954529, 0.3160998821258545, -0.3766808807849884, -0.03468059003353119, 0.21540480852127075, 0.3312259018421173, -0.6811330318450928, 0.3150715231895447, 0.18094809353351593, 0.49659574031829834, 0.7712447643280029, -0.12222708761692047, -0.3943048417568207, -0.3474361300468445, -1.1195545196533203, -0.17816062271595, 0.43180370330810547, 0.16105172038078308, 0.31695556640625, -0.5361752510070801, -0.6097838878631592, 0.08808206021785736, -0.03192216902971268, -0.387503981590271, -0.42975378036499023, -0.9086116552352905, -1.5758570432662964, -0.8960938453674316, -0.6058746576309204, 0.882308304309845, -0.5344046950340271, -0.05664718151092529, -1.061719536781311, 0.05259988456964493, -0.07494717836380005, 0.5383169651031494, 0.03676224499940872, -1.0327692031860352, -0.34200945496559143, 2.9274003505706787, -0.8130573630332947, 1.590724229812622, 0.09981406480073929, 0.25924965739250183, -0.9648276567459106, 0.12469332665205002, 1.6110117435455322, -0.5547061562538147, -0.8434427976608276, 0.47036680579185486, 0.6171523928642273, -1.310443639755249, 0.555840790271759, -0.7081095576286316, -1.2594178915023804, -0.08569589257240295, -0.43001362681388855, -0.8236182332038879, -1.5387681722640991, -0.4133639931678772, 0.3647008240222931, 0.2547469437122345, 0.7162443399429321, -0.4237605631351471, 1.5207436084747314, 1.0009063482284546, -0.2079206258058548, -0.34960222244262695, 0.4887336194515228, -1.4266663789749146, 0.0005041006952524185, 0.23009347915649414, -0.2877388298511505, 0.38321346044540405, -0.7871209979057312, 1.0052732229232788, -1.0623083114624023, 0.2109466791152954, -0.31144028902053833, -0.6744908690452576, 0.8081457614898682, 0.7182536125183105, 0.12157386541366577, 0.22091348469257355, 0.1869577318429947, -0.5409864783287048, -0.32646802067756653, 0.4129573106765747, 0.06108628958463669, 0.09820996969938278, 0.9948750138282776, -1.7850096225738525, -0.6705362200737, -0.19936464726924896, 1.386521816253662, -0.21421264111995697, -0.471464604139328, 0.3736974895000458, -0.24931159615516663, 0.4225689768791199, -1.0135197639465332, 0.0016077850013971329, -0.057072773575782776, 0.3093717694282532, 0.5546320676803589, 0.43546631932258606, 0.18985384702682495, 0.42123541235923767, 0.8195872902870178, 1.4258455038070679, -0.7247139811515808, -0.3655877113342285, -1.8243805170059204, 0.26129239797592163, 1.818833351135254, -0.17129352688789368, -0.8788219690322876, -1.689388394355774, -0.6793755888938904, 1.1036895513534546, -0.15716813504695892, -0.4249361753463745, -0.48555877804756165, -0.2586909830570221, -1.5586951971054077, 0.08719499409198761, -0.7686595916748047, 0.35752013325691223, 0.33420178294181824, 0.29758530855178833, -0.6229779124259949, -0.3553762137889862, -0.5595086216926575, -1.2412607669830322, 0.5877025723457336, 1.0276738405227661, -0.39392411708831787, -1.0192222595214844, 0.2226107120513916, -0.27420729398727417, 0.37303727865219116, 0.21367663145065308, 0.14932376146316528, 0.1962532103061676, -0.8892627358436584, 0.11313464492559433, 1.4021472930908203, 0.6948217153549194, 0.06279479712247849, 0.3352087736129761, 0.010850250720977783, 0.15299992263317108, 0.0190809965133667, 0.3734016418457031, -0.40438055992126465, 1.3174724578857422, 0.42610636353492737, -0.3655494749546051, 1.8019835948944092, -1.4218813180923462, 0.5559327006340027, -0.3215578496456146, -0.9799661636352539, 0.2625963091850281, 0.2528631091117859, 0.4951944649219513, 0.027400841936469078, 0.5359928011894226, -0.5547322630882263, -0.15804800391197205, -1.394212245941162, -0.9062692523002625, -0.7869405150413513, -0.7748023271560669, -2.102999687194824, -0.10130740702152252, -0.5875572562217712, -0.2084462195634842, -0.47745048999786377, 0.6266845464706421, 0.23085738718509674, 0.40945568680763245, 0.07393433153629303, 1.5811735391616821, -0.3196408748626709, 0.9946936368942261, -1.0425617694854736, 0.9692723155021667, -0.45665043592453003, 1.4878196716308594, -0.6845008134841919, -0.05578092858195305, -1.0122989416122437, 0.24447327852249146, -0.7127146124839783, 0.2756858766078949, 0.2749704420566559, -0.8335595726966858, 0.5702369809150696, 0.18643158674240112, -0.8391263484954834, 0.6728257536888123, -0.338633269071579, 0.1200469508767128, -1.4357918500900269, 2.0760037899017334, -0.1425158828496933, -0.963758111000061, 0.8272494077682495, 0.11629819124937057, -0.23647360503673553, 0.6716570854187012, -0.2835742235183716, 1.6073622703552246, 0.4331778883934021, -0.390303373336792, 0.5668540596961975, -0.4827621579170227, -1.9601943492889404, 0.41192007064819336, 1.6881648302078247, -1.0855436325073242, -0.8187023401260376, -1.0857199430465698, 0.255886435508728, -0.4133892357349396, -0.48505648970603943, 0.5672569870948792, -0.6492576599121094, 0.26596131920814514, -0.2523057758808136, 0.33865612745285034, 1.6925045251846313, -0.46862906217575073, 0.9474456310272217, 1.3272318840026855, 0.34555065631866455, -0.9020866751670837, -0.8334184288978577, 1.3445430994033813, -0.2878744304180145, 0.713652491569519, -0.0015449486672878265, 1.4784985780715942, 1.167924404144287, -0.12268898636102676, 0.33079656958580017, 1.4256116151809692, 1.0134812593460083, 0.8223912715911865, 0.8302422165870667, -0.7721387147903442, 0.23585720360279083, 0.28304049372673035, 1.2330982685089111, 0.4052583873271942, -0.42350125312805176, -0.9990044236183167, -0.08496236801147461, -0.0017973780632019043, -1.330549716949463, 1.4131966829299927, 0.22595134377479553, 1.7274887561798096, 0.2800636887550354, 0.1306462287902832, -0.3484064042568207, -0.13031552731990814, 0.6542379260063171, 0.07600191235542297, 0.3184044361114502, -0.4482980966567993, -0.17386503517627716, 1.2688632011413574, -0.9855139255523682, 0.07191717624664307, -0.2553178071975708, 0.4249974191188812, -0.2718384265899658, -0.40297695994377136, 0.5903276801109314, 0.7009919881820679, 0.2635694444179535, 1.6844494342803955, -0.9431142210960388, -1.003006935119629, 0.4311623275279999, -0.0284806527197361, -0.05655853450298309, 0.4820749759674072, -1.2075080871582031, 0.3291567862033844, -0.005926240235567093, 0.30135250091552734, -0.20676063001155853, 0.7248554825782776, 1.358289361000061, -0.37206029891967773, -0.01992255449295044, -0.34896543622016907, -1.0265710353851318, -0.5638308525085449, -0.16231197118759155, 0.41411131620407104, -1.1862634420394897, 0.6402812600135803, -0.8265690207481384, -0.9614852070808411, 0.5025097131729126, -0.1576334834098816, -0.8717275857925415, 0.09065736830234528, 0.9128530025482178, -1.9865177869796753, -0.48195233941078186, 0.2521638870239258, -0.8575789928436279, -0.9317935705184937, -0.205840602517128, -0.30462053418159485, 0.07167532294988632, 0.37408173084259033, 0.9561530947685242, 0.0896146148443222, 0.22961346805095673, -1.8129680156707764, 0.0025178641080856323, 1.3489826917648315, -0.4045257270336151, 0.8583219051361084, 0.018204597756266594, 0.24423252046108246, -0.11963894963264465, -1.1528537273406982, -0.5665174722671509, 0.44691985845565796, -0.038164522498846054, -0.4439769983291626, -0.4793848693370819, -0.5408951044082642, 0.6100353002548218, 0.3479950726032257, 0.8968365788459778, -0.9379971027374268, 0.22659730911254883, -0.8213760256767273, 1.0965455770492554, 0.301925390958786, -0.4336246848106384, -0.3196927309036255, 0.9022244811058044, -0.8395727276802063, 1.0206964015960693, 0.30331194400787354, 0.308214008808136, 1.0523641109466553, 0.25783759355545044, -0.3157695531845093, -0.513480007648468, -8.949251174926758, -0.6425880193710327, 0.21255230903625488, 0.29025769233703613, 0.05174832418560982, -0.008807249367237091, 1.0821069478988647, -0.18811935186386108, 0.8685160279273987, -0.7392475605010986, 0.5494443774223328, 1.5304951667785645, 0.16810950636863708, -0.59868323802948, -0.9042733907699585, -0.9404886364936829, -1.0096938610076904, 0.016887061297893524, 0.8442211151123047, -1.0085777044296265, 0.3046826124191284, -0.6556859612464905, 0.7327106595039368, 0.521038293838501, -0.21014906466007233, -0.02658763900399208, 0.21445903182029724, 0.28247591853141785, -1.3111435174942017, 0.13839882612228394, 1.0519016981124878, -0.3634556531906128, -1.052625060081482, -0.5786722302436829, 1.302779197692871, -0.35817664861679077, -1.768084168434143, 0.3469589948654175, 1.0261812210083008, -0.7072010636329651, -0.2857820391654968, -0.17208343744277954, -0.37941157817840576, -0.8508328795433044, -0.7743189334869385, 0.042174458503723145, 0.7328048944473267, -0.6152503490447998, 1.263094186782837, -0.6922339200973511, -1.3418376445770264, -1.1814844608306885, -1.213770866394043, -0.9917715787887573, 0.5541361570358276, 0.414573073387146, -0.6274974346160889, 0.5420770049095154, 0.1995004266500473, -0.49024730920791626, 0.8149825930595398, 0.3917069435119629, 0.048031218349933624, -0.2586705684661865, 0.3410044014453888, -0.5484801530838013, 0.4266519844532013, 0.2559906244277954, 0.44705110788345337, 0.3131197988986969, -1.0907474756240845, 0.5597267150878906, 0.3146184980869293, -0.417741060256958, -0.10635950416326523, -0.0909029021859169, -0.5414571762084961, -0.7040232419967651, 0.9693613052368164, 0.36324718594551086, -0.8501149415969849, 0.716876208782196, -0.005058347247540951, -1.0087015628814697, -0.3063572645187378, -0.10634489357471466, 0.8563199639320374, -0.10687538981437683, 0.5244576930999756, -0.765267014503479, 1.232194185256958, -0.3990437388420105, 0.7837437391281128, 0.8330951929092407, -0.3111475706100464, 1.7377718687057495, -0.9413393139839172, 0.7034652829170227, 0.6746073961257935, -1.4802817106246948, 0.2626139521598816, -0.04411844164133072, -0.5717645883560181, -0.6146829128265381, 0.5580505728721619, 0.12779521942138672, -0.32650840282440186, 1.124799370765686, -0.2142830193042755, -0.4107997715473175, 0.34538695216178894, 0.8943154811859131, -0.41114091873168945, 0.7497749924659729, -0.14815989136695862, 1.6769027709960938, 0.99350506067276, 0.6091213226318359, 0.5025094747543335, 1.756284236907959, -0.7156404852867126, 1.178560495376587, 0.5423142910003662, 0.9588137269020081, 0.35483989119529724, 0.3621693551540375, -0.05782868340611458, 0.3020448386669159, -0.34193217754364014, -1.267219066619873, -0.3831598460674286, -0.2663283050060272, -0.12551075220108032, -0.17002546787261963, -0.10205286741256714, 0.20559358596801758, -0.42470088601112366, 1.9653830528259277, -0.2703089118003845, 0.43794238567352295, 0.09574849903583527, -1.1547226905822754, 0.3445001244544983, -0.6178263425827026, -0.4452033042907715, 0.21206046640872955, -1.875866413116455, 0.24445359408855438, -0.4150467813014984, 0.021917477250099182, 0.05176626518368721, -0.04567541182041168, 0.13284485042095184, -0.7635058760643005, -0.829121470451355, -0.487226665019989, 0.6683889031410217, -0.17564791440963745, -0.7699448466300964, -0.35252881050109863, 0.12177751958370209, 1.1725338697433472, -1.0686427354812622, 0.568310022354126, -0.29157131910324097, 0.3912717401981354, -0.7035643458366394, -0.2552945613861084, -0.7696892023086548, 0.9756362438201904, 1.2338411808013916, -1.6844274997711182, 0.14468449354171753, -0.6742848753929138, -0.25768834352493286, -0.5680856108665466, 0.43779391050338745, 1.7401142120361328, -0.8751710653305054, 0.19307729601860046, -0.3405689001083374, 0.4408310353755951, 0.28144118189811707, 0.4433016777038574, -0.3609141707420349, 0.6284863352775574, -0.6807334423065186, 0.6479458808898926, -0.016101781278848648, 0.4443991184234619, -1.9403966665267944, -1.3358018398284912, -0.2534254193305969, -0.8404414057731628, 0.45020154118537903, -0.4959622919559479, 1.1876236200332642, 0.7756072282791138, -0.3697168231010437, 0.2110750377178192, 0.18251259624958038, 0.798397958278656, 0.6140151023864746, 1.3600562810897827, 0.6024056077003479, -0.5031273365020752, 0.046529486775398254, 0.017759080976247787, -0.001751667819917202, 0.1475478559732437, -1.1116887331008911, 0.9425306916236877, 0.15543468296527863, 0.07068124413490295, -0.3365827798843384, -1.3338794708251953, -0.03113497793674469, -0.4141509234905243, 0.220506951212883, -1.1953465938568115, -0.08494412153959274, 0.9677127599716187, -0.691787600517273, 1.216838002204895, 0.40551722049713135, 0.11484546214342117, 0.5875909328460693, 0.2190140038728714, 1.7153732776641846, -0.32600995898246765, -0.7568623423576355, 0.10271859169006348, 0.07111036777496338, -0.10064837336540222, 0.4508538842201233, 0.2317514419555664, -1.1842014789581299, 0.5565890669822693, -1.2610816955566406, 0.8200139999389648, 0.15889126062393188, 0.2753012776374817, 0.420234739780426, 1.6609253883361816, 0.05744156241416931, -1.695522427558899, -0.21358591318130493, -0.6892426609992981, -0.37908801436424255, 1.1452631950378418, 0.05842190235853195, -0.011530803516507149, 0.7350239753723145, -0.5540525913238525, 1.3151655197143555, -0.9550629258155823, -0.6884999871253967, -0.02407234162092209, -0.08564460277557373, 0.5937471389770508, 0.23734283447265625, 1.0404534339904785, -0.014263426885008812, -0.22004768252372742, 0.2560291290283203, -0.566628634929657, -0.9692369699478149, 0.2883462905883789, 1.4362837076187134, 0.32808181643486023, -0.40238696336746216, -1.8639724254608154, 0.3075774908065796, -0.7364901900291443, 1.005354881286621, 0.9030573964118958, -0.6781473159790039, -1.4251348972320557, -1.2867594957351685, -0.8122845888137817, 0.5049104690551758, -0.1887841671705246, -0.470478355884552, 0.3409575819969177, 0.9447231292724609, 0.5247697830200195, 0.01210516132414341, -0.5778297185897827, 0.135208398103714, -0.40708330273628235, 0.009356074035167694, 0.9845689535140991, -0.33042141795158386, -0.5706945061683655, -0.05937199667096138, -0.630169689655304, 0.7075690031051636, 0.7041565775871277, -0.6093602180480957, 0.16504454612731934, 0.27762869000434875, 0.09882265329360962, -0.6081181764602661, 1.0598249435424805, -0.1529003232717514, -1.469268560409546, 1.6493244171142578, 1.0679570436477661, -0.1958381086587906, 0.0955638661980629, 0.36280113458633423, 0.1702001541852951, 0.22444656491279602, 1.748958706855774]} +{"paper_id": "c3", "embedding": [-0.5055466294288635, 1.4602302312850952, 0.2636183202266693, -0.26706263422966003, 0.434317409992218, -0.3581029176712036, -0.01286926120519638, 0.9762502908706665, 0.8729982376098633, 0.2403722107410431, 0.7873491644859314, -0.7456493973731995, 0.14478041231632233, 0.17559297382831573, 0.0251738540828228, -0.35423484444618225, -0.7306897640228271, -0.7088927626609802, -1.7715344429016113, -0.7649885416030884, -0.9233060479164124, -0.6643211245536804, -0.008286871016025543, 1.5249848365783691, -0.8104048371315002, -1.4777050018310547, 0.6790245771408081, -1.260042428970337, 0.21016910672187805, 0.011346517130732536, -0.0621495321393013, 0.5467204451560974, -1.329644799232483, 1.0281037092208862, -0.3335268199443817, -0.7198943495750427, 0.22676827013492584, 0.5667199492454529, 0.44727352261543274, -0.5591146349906921, -0.5485432744026184, 0.061396270990371704, 0.16151754558086395, -0.35124120116233826, 0.054215334355831146, -0.6961692571640015, 0.6493065357208252, -0.6125251054763794, -0.1717258244752884, -0.3832930028438568, -0.8983386158943176, 0.4277830123901367, -0.12482646107673645, 0.5525813102722168, -0.5089230537414551, 0.8513098359107971, 0.19137859344482422, -0.02617456577718258, 0.4303772449493408, -0.850436806678772, 1.500301480293274, 1.6289087533950806, -0.11844934523105621, 0.14325232803821564, 1.4146603345870972, 0.1077013909816742, 1.81976318359375, -0.2747994065284729, -0.7460655570030212, 0.8820021748542786, -0.6264256834983826, -0.06040092557668686, 0.08387015014886856, -0.7780728340148926, 0.19494938850402832, 1.0610274076461792, 0.6582828760147095, 0.38741129636764526, -0.15483957529067993, -0.9138143062591553, -0.7144861221313477, 0.30751335620880127, 1.4018231630325317, -0.037182506173849106, 0.03853125497698784, 0.16327446699142456, 0.1956097036600113, -0.545630931854248, 0.7102668881416321, -1.7993009090423584, 0.36664921045303345, 0.9746076464653015, 0.4197327792644501, 0.25076842308044434, -0.17623451352119446, 0.24737223982810974, -0.2792820334434509, -0.0009730716701596975, -0.07496261596679688, -0.14856085181236267, 0.5565247535705566, 0.18686649203300476, 0.8296496868133545, -0.19076275825500488, 0.25040769577026367, -0.1792258471250534, 0.7416208386421204, -0.11261213570833206, -0.8147185444831848, -1.0495915412902832, 0.5245106220245361, 0.25872495770454407, -0.16099919378757477, 0.6608821153640747, 0.39358213543891907, 0.7055689692497253, 0.36497876048088074, -0.9009559154510498, -0.22440339624881744, -0.22238130867481232, 0.04035702347755432, -0.7092521786689758, -0.9979156851768494, -1.2821661233901978, 0.2430160641670227, -0.4121229648590088, -0.6931747198104858, -1.337694525718689, -0.5873610377311707, 0.17257817089557648, 0.4638245105743408, 0.49767565727233887, -1.0789777040481567, -0.5303349494934082, 3.4944920539855957, -1.3854807615280151, 0.9405965209007263, -0.7713561654090881, 0.4199690520763397, -0.7741389274597168, -1.1115918159484863, 1.640726923942566, -0.3083028793334961, -1.0092805624008179, 0.0015741415554657578, 0.2582802474498749, -0.48897653818130493, -0.1834779977798462, -0.6541597247123718, -0.19886556267738342, 0.18595565855503082, 0.19536679983139038, -1.2706208229064941, -0.638088047504425, -0.12951438128948212, -0.37388086318969727, 0.009968685917556286, 0.5677707195281982, -0.11052918434143066, 0.6205553412437439, -0.06055254489183426, -0.15166381001472473, -0.7213597893714905, 0.9016983509063721, -0.9586970806121826, -0.6230304837226868, 1.1848145723342896, -0.24193954467773438, -0.9317356944084167, 0.08739960938692093, 0.12475438416004181, -0.066557377576828, -0.7718778252601624, -0.2409246563911438, 0.20472845435142517, 0.10291191190481186, 0.1114901602268219, 0.38188618421554565, -0.03931780159473419, -0.713740885257721, 0.4229327440261841, -0.47434496879577637, 0.5420325994491577, 0.8850441575050354, 0.1453162282705307, 0.5118111371994019, -3.1707277297973633, -0.1809103637933731, -0.8332481980323792, 0.82770836353302, -0.05548740550875664, -0.21262578666210175, 0.5513181686401367, -0.16226688027381897, 0.39004260301589966, -0.9815676808357239, 0.46659666299819946, -1.054799199104309, 0.765968382358551, 0.5480313301086426, 0.29688528180122375, -0.5559992790222168, 0.296678751707077, 1.1087071895599365, 0.3837631046772003, -0.426054447889328, -0.9757707715034485, -1.4165652990341187, 0.17050740122795105, 1.7705048322677612, 0.3044046461582184, -0.18718528747558594, -0.27886074781417847, -0.615176260471344, -0.7841199636459351, -0.04756338149309158, 0.33751460909843445, -1.0204551219940186, -0.1691829264163971, -0.44530975818634033, 0.1353350728750229, -0.7108646631240845, -0.2953682541847229, 1.006746530532837, 1.3913767337799072, -0.12600567936897278, -0.5176759958267212, -0.38659724593162537, -0.2699573040008545, 0.24797607958316803, 0.7284859418869019, -0.24883973598480225, -0.07011395692825317, 0.07176022231578827, 0.3802790343761444, 1.0673601627349854, 1.2818989753723145, 0.6370441913604736, -0.20181360840797424, 0.3004593253135681, -0.2955525815486908, 1.6266865730285645, -0.3172789216041565, 0.3880009949207306, -0.03476196154952049, -0.14137578010559082, -1.0527429580688477, -0.003011181950569153, -0.5746914148330688, -0.21108892560005188, 1.2365466356277466, 0.48807522654533386, -0.6214624643325806, 0.3985125720500946, -0.7380733489990234, -0.22976815700531006, -0.2409335970878601, -0.05175604671239853, -0.4353921413421631, -0.15681494772434235, 0.05042051896452904, -0.592842161655426, 0.362795889377594, -0.1760425567626953, 0.13224533200263977, -1.3911188840866089, -0.7960361838340759, -0.5159395933151245, -0.057659752666950226, -1.1999194622039795, -0.85708087682724, 0.49541157484054565, -0.9899743795394897, 0.11801448464393616, 0.4427674114704132, -0.4223559498786926, -0.44433337450027466, 0.6743912696838379, 1.5341997146606445, 0.1309995949268341, 0.6028233766555786, -0.04193081706762314, 1.1795910596847534, -0.4621404707431793, 0.44516080617904663, -0.006796985864639282, 0.1688115894794464, -0.7851298451423645, 0.32861214876174927, -1.1607626676559448, -0.13640043139457703, 1.2872285842895508, -0.17578968405723572, 1.071830153465271, -0.24614058434963226, -1.3673760890960693, 0.6024438142776489, -0.028052087873220444, 0.32369089126586914, -1.0848028659820557, 1.8183256387710571, -0.28671199083328247, -0.3394816219806671, 0.4577048420906067, -0.9301437735557556, -0.41517940163612366, 0.813628613948822, 0.33710989356040955, 0.28285694122314453, -0.2101447731256485, -0.6308055520057678, -0.019127484411001205, 0.30194351077079773, -1.8410475254058838, 1.9503484964370728, 0.9740074276924133, -0.5692040920257568, -0.10143810510635376, -0.6727513074874878, 0.3117479681968689, -0.17477941513061523, 0.3564048707485199, 1.080306053161621, -0.9696325063705444, 0.48972299695014954, 0.27083414793014526, -0.3347877264022827, 0.6742150783538818, 0.13179396092891693, 0.6874136328697205, 0.4583849012851715, 0.8136894702911377, -1.0597360134124756, -0.25705018639564514, 0.9359951019287109, -0.7080643773078918, -0.011132657527923584, 0.5237745642662048, 0.66585773229599, 1.0541396141052246, -0.10037101060152054, 0.013513282872736454, 0.0019681155681610107, 0.7920779585838318, 0.06334991753101349, 0.45572441816329956, -0.6360339522361755, 0.33751043677330017, -0.03796140477061272, 1.504203200340271, 0.049290794879198074, -0.7845295071601868, -0.7998914122581482, -0.46554437279701233, -0.2755861282348633, -0.17047712206840515, 1.3272289037704468, 0.2358514964580536, 1.70121169090271, 0.923449695110321, 0.07752175629138947, -0.3392527103424072, -0.326452374458313, 0.8460836410522461, 0.3012981414794922, -0.0950590968132019, -0.5594258308410645, 0.30689871311187744, 0.7705264687538147, 0.6419761180877686, -0.717965304851532, 0.4670167565345764, 1.0095444917678833, 0.18322929739952087, -1.3554331064224243, 0.8538072109222412, 0.7928082942962646, 1.174131989479065, 1.2105491161346436, -0.36390116810798645, 0.3872753977775574, -0.1396724283695221, -0.2526839077472687, 0.022735927253961563, -0.26607826352119446, 0.638079047203064, 0.8678362369537354, 0.8845359683036804, 1.3826054334640503, 0.24451784789562225, 0.6095825433731079, 1.9308035373687744, -0.6075924038887024, -1.5274639129638672, 0.5191516876220703, -0.3915345370769501, -0.4052380323410034, -0.48614737391471863, 0.3848162293434143, -1.278403878211975, 0.7285788059234619, 0.1629231870174408, -0.6870068907737732, 0.2925543189048767, -0.14297860860824585, -1.2453207969665527, 1.011856198310852, 0.9335482120513916, -0.9938879013061523, 0.24560479819774628, 0.08484916388988495, -0.8824490904808044, -0.1434035450220108, 0.33057302236557007, -1.1024599075317383, 0.6132367849349976, 0.3145923316478729, 1.2067703008651733, 0.3507075309753418, 0.04545581340789795, -1.2557178735733032, 1.2317092418670654, 1.4591339826583862, -1.2589126825332642, 0.338707834482193, -0.027668047696352005, 1.4396532773971558, 0.4653433859348297, -0.9420387744903564, -0.188768208026886, 1.388885736465454, 0.1844092309474945, -0.26187804341316223, -0.9576762914657593, 0.3666263222694397, 1.0765563249588013, 1.3528006076812744, -0.25380855798721313, -0.6511373519897461, -0.2930220365524292, -0.6800240278244019, 0.5887660980224609, 1.2716662883758545, -1.6470869779586792, -1.0813268423080444, 0.7664291262626648, -0.6767386794090271, 0.39529842138290405, 0.5856654644012451, 0.519631028175354, 1.8706028461456299, -0.26121410727500916, -0.15127551555633545, -0.5865440368652344, -9.906776428222656, 1.1027435064315796, -0.11626765877008438, 0.12028759717941284, 0.0009471699595451355, -0.5737837553024292, 0.5281637907028198, -0.024730611592531204, 0.18144050240516663, -0.7381522059440613, 0.056223686784505844, 0.9752315878868103, 0.7909266948699951, -0.42723381519317627, -0.8385842442512512, -0.4736040234565735, -0.563562273979187, -0.5892811417579651, 0.6041326522827148, 0.8200520277023315, -0.3290847837924957, -0.6311954259872437, -0.6808459758758545, 0.11059173941612244, -0.06166829913854599, -0.6896830201148987, -0.5942832231521606, -0.35197967290878296, -0.0809069573879242, -0.08078522235155106, 0.27670910954475403, -0.13456973433494568, -0.952604353427887, 0.11507543176412582, 0.03223225474357605, -0.5989145636558533, -1.0943959951400757, -0.2697075307369232, 0.6144671440124512, -0.9745133519172668, -0.5505818724632263, -0.20678801834583282, 0.7236602306365967, -0.46663913130760193, -0.2520064115524292, 0.21407808363437653, 0.5354834198951721, -1.2460451126098633, 0.08665330708026886, -0.9036893248558044, -1.0497848987579346, -0.6140193939208984, -0.7699552774429321, -0.3304396867752075, 0.48337504267692566, 0.5766481757164001, -0.27533015608787537, -0.7146374583244324, -0.664858341217041, -1.1086962223052979, 0.14974509179592133, -0.6990426778793335, -0.8951703310012817, 0.783817708492279, 0.2775401771068573, -0.31420934200286865, 0.14510086178779602, 0.011465980671346188, 0.7426558136940002, 0.9358029961585999, -0.5547645092010498, 1.6384351253509521, 0.060532137751579285, 0.2049117088317871, -1.044145941734314, 0.2111431360244751, -0.9498023986816406, -0.45330747961997986, 0.6168532967567444, -0.18839627504348755, -1.2595518827438354, 0.49922654032707214, 0.6190788745880127, -0.1903117299079895, -0.4682422876358032, 0.2813299298286438, 0.050569768995046616, 0.6026026010513306, 1.1704604625701904, -0.8934167623519897, 1.447508454322815, 0.3496643602848053, -0.0878506600856781, -0.4906810224056244, -0.3984442949295044, 0.25121167302131653, -0.8744681477546692, 0.8822048902511597, 0.44456955790519714, -0.8675855994224548, -0.012909553945064545, -0.022131850942969322, -0.6530836820602417, -0.05196283385157585, 1.6780184507369995, 0.243402898311615, 0.18818357586860657, 0.3573918342590332, 0.16748186945915222, -0.9589709043502808, 1.0349862575531006, 0.6553424596786499, -0.07261095941066742, 1.0566246509552002, -0.34962284564971924, 1.2861273288726807, 0.4625642001628876, 0.5538454651832581, -0.5294525027275085, 0.48318222165107727, -0.7216942310333252, 1.4537625312805176, 0.412291556596756, 2.315248489379883, 0.10573697090148926, 0.06624570488929749, 0.31461143493652344, 0.31919026374816895, -0.1761917620897293, -1.0142316818237305, 0.5490327477455139, -0.3568076193332672, -0.13144104182720184, -1.0314456224441528, -0.3034623861312866, 0.27510663866996765, -0.6280753016471863, 1.6563717126846313, -0.38278210163116455, 0.3768260180950165, -0.14461775124073029, 0.08803661167621613, -0.543181836605072, -0.5498462915420532, -1.1015541553497314, 0.32726848125457764, -1.7778565883636475, 0.28859397768974304, 0.05689501017332077, -0.7366911768913269, -0.3939225375652313, -0.7865511178970337, 0.2408457100391388, -0.14773258566856384, -0.8059989213943481, -0.5816259980201721, 0.37141335010528564, -0.7522662281990051, -0.7688136100769043, -0.029051102697849274, 0.25699761509895325, 1.1914547681808472, -1.1395244598388672, 1.4426615238189697, 0.6189438104629517, -0.7062996625900269, -0.8672515749931335, 0.6462574005126953, -0.5913106203079224, 0.8581392168998718, 0.8391023874282837, -0.8818946480751038, -0.5220819711685181, -0.6532419919967651, 0.36011844873428345, 0.06562048941850662, -0.8043762445449829, 1.0734144449234009, -1.5948623418807983, 0.24912868440151215, -0.23874521255493164, 0.6534450650215149, 0.48777034878730774, -1.4723320007324219, -0.6011166572570801, 0.2740457355976105, -0.8524254560470581, 0.6458235383033752, 0.5215820074081421, 0.8821557760238647, -0.9853100180625916, -1.136927843093872, -0.0562497042119503, -0.584924578666687, 0.4092938303947449, 0.6298748850822449, 1.161725640296936, 0.09147180616855621, -0.7760392427444458, -0.6525923013687134, 0.17370407283306122, 0.44608649611473083, 0.30627596378326416, 0.6420173645019531, -0.1081743985414505, 0.6452938318252563, -0.7968267202377319, 0.054334092885255814, 0.42214927077293396, 0.8908072710037231, -0.4259091019630432, 0.1543492078781128, 0.16563434898853302, -0.14982013404369354, 0.03714225813746452, -1.342236042022705, -0.3485713303089142, -0.5510128736495972, -0.524219274520874, -1.320172667503357, 0.2530926764011383, 1.0094629526138306, -0.533844530582428, 0.11853732168674469, 0.8873753547668457, 0.4310978651046753, 0.9163206219673157, 0.16511847078800201, 0.5101951360702515, -0.015200112015008926, -0.1977856159210205, 0.10874821245670319, 1.491843342781067, 0.20058086514472961, -0.056042756885290146, -0.33643171191215515, -0.5141143798828125, -0.03967016190290451, -0.706043004989624, 1.8701328039169312, -0.3923787474632263, 0.2772791385650635, 0.8950910568237305, 1.3809244632720947, 0.10347741842269897, -1.8887842893600464, 0.17933820188045502, -1.333139181137085, -0.36395180225372314, 0.4526146352291107, 0.11565154790878296, 0.1761607974767685, 0.4167863130569458, -1.0034173727035522, 1.6326802968978882, -1.0416475534439087, -0.0791376382112503, 0.2354947328567505, -0.6743392944335938, 0.3924146890640259, 0.16497379541397095, 0.6444554328918457, 0.8791140913963318, -0.20192354917526245, -1.4434173107147217, -0.19706696271896362, -1.388810396194458, 1.0868123769760132, 0.4110356569290161, -0.3537415564060211, -0.2421158105134964, -0.08205938339233398, 0.6896108984947205, -0.4066040515899658, 1.6967706680297852, 0.3987707495689392, 0.6487217545509338, -0.688603937625885, -1.0754081010818481, 0.0852486863732338, 0.22536760568618774, 0.04155011475086212, 0.14490874111652374, -0.10881488025188446, 0.5257507562637329, 0.5640314817428589, 0.1121191531419754, -0.9112114310264587, -0.18063777685165405, -0.7751871943473816, 0.11333669722080231, 0.8128706216812134, -0.49102339148521423, -1.389481782913208, 0.04699953272938728, -1.0594159364700317, 0.14896340668201447, 0.1454571783542633, -0.6747553944587708, 0.052684370428323746, 0.8777002096176147, -0.09556566923856735, -0.2804938554763794, 0.22923043370246887, 0.47582271695137024, -1.3892731666564941, 0.6215384602546692, 1.285128116607666, -1.762139916419983, 0.33175578713417053, 0.029142435640096664, 0.25079965591430664, -0.028305895626544952, 1.2479366064071655]} +{"paper_id": "cdsc", "embedding": [0.5953304171562195, 0.1836262196302414, -0.0013414733111858368, -0.32735830545425415, -0.25581902265548706, -0.261149138212204, 0.40691283345222473, 0.7027595043182373, 0.1326306164264679, 0.3876652121543884, -0.2507146894931793, 0.031425826251506805, -0.5120178461074829, 0.7163630723953247, 0.11064605414867401, -0.7783712148666382, -1.6593296527862549, -0.6585277915000916, -0.8973009586334229, -0.36641305685043335, -0.009385734796524048, -0.8167765140533447, -0.37442436814308167, 0.2897915244102478, -0.5519638657569885, -0.3988032341003418, 0.394668847322464, -0.26123693585395813, 0.715652346611023, 0.32265421748161316, -0.8117950558662415, 1.0915170907974243, -0.7623041272163391, 0.15734651684761047, -0.18755298852920532, -0.35995131731033325, -0.3599892258644104, 1.8267031908035278, -0.6661032438278198, 0.6263061165809631, -0.5133243799209595, 0.23057913780212402, 0.320402055978775, 0.33706140518188477, 0.5053861737251282, 0.175798237323761, -0.4536418616771698, -0.4572482407093048, -0.1111968606710434, -0.010554026812314987, 0.005604781676083803, 0.8436821103096008, 0.41069868206977844, -0.4844176769256592, -0.35458406805992126, 1.2605234384536743, 0.5733580589294434, -1.0825539827346802, 1.0499650239944458, -0.00784645602107048, 0.8511559963226318, 1.77211332321167, -0.5050710439682007, 0.46009254455566406, 0.8545288443565369, -0.5761163830757141, 1.3725334405899048, 0.11261017620563507, -0.1316613107919693, 0.7403606176376343, -0.08922696858644485, -0.7775859236717224, 0.9767581224441528, 0.57682204246521, 0.9509854316711426, 0.28088462352752686, 0.3659970462322235, 1.1809406280517578, -0.5194790363311768, 0.059376366436481476, -0.0880274772644043, 0.7545238733291626, 0.9020223021507263, -1.3812670707702637, -0.2729324996471405, 0.8148463368415833, 0.3505724370479584, -1.2718324661254883, 0.5861386060714722, -2.1497490406036377, 0.6110804677009583, -0.24055925011634827, -0.05461062118411064, 0.025950193405151367, -0.02498394250869751, 0.7926185131072998, -0.26061487197875977, -0.29715511202812195, -0.46931132674217224, 0.05052490532398224, 0.35637733340263367, -0.6669600009918213, 0.7025668621063232, -0.05425838381052017, 0.1958940029144287, 0.5596145987510681, -0.0729195699095726, -0.05011242628097534, -0.3293214440345764, 0.03765957057476044, -0.48287340998649597, 1.5325912237167358, -0.5977502465248108, 0.5225870609283447, -0.9455825686454773, 0.37543925642967224, -0.47592756152153015, -0.9667749404907227, -0.3029336929321289, -0.10518680512905121, -0.589188814163208, -0.5446392297744751, -0.13313359022140503, 0.06880949437618256, 0.7439399361610413, -0.6108639240264893, 0.4947415888309479, 0.24069619178771973, 0.03930710256099701, 0.10522561520338058, 0.4553295373916626, -0.6610780358314514, -0.18916480243206024, -0.2903147339820862, 2.7859511375427246, -0.25697365403175354, 2.0315346717834473, -0.6845700740814209, -0.38421061635017395, -0.14438553154468536, -0.07998713105916977, 0.9011179804801941, 0.2004604935646057, -0.2131761759519577, -0.6553035378456116, 0.17390374839305878, 0.23927715420722961, -0.05861789733171463, -0.7574514746665955, -0.10815383493900299, -0.4745650291442871, 0.8153469562530518, -1.6780447959899902, -0.06997796893119812, 0.43495309352874756, 0.5434057712554932, 0.27802255749702454, 0.6510114073753357, -0.7681288123130798, 1.057794213294983, 0.06864950060844421, -0.07672153413295746, -0.4343233108520508, 0.6123247742652893, -0.6593811511993408, 0.20396140217781067, 1.2715343236923218, 0.10003956407308578, -0.9599682092666626, 0.010857291519641876, 0.7766785025596619, -0.7126453518867493, -0.4019488990306854, -0.25124505162239075, 0.40344130992889404, -0.05608987808227539, 0.36393871903419495, 0.3213476240634918, 0.12607286870479584, -0.6497886180877686, -0.3736551105976105, 0.6657552719116211, -0.6758524775505066, 0.6822440028190613, -0.1358918398618698, 0.2930869460105896, -1.784857988357544, -0.35574620962142944, -0.027562975883483887, -0.11548148095607758, -0.09756860136985779, -0.6004517674446106, -0.13619795441627502, 0.5500688552856445, 0.5735629796981812, 0.30384454131126404, 0.8198230266571045, -1.1052714586257935, -1.2228808403015137, 0.19313009083271027, -0.19286352396011353, 0.036732155829668045, 0.1462395191192627, 0.6951934695243835, 0.07647664099931717, -0.5504984855651855, -0.16363143920898438, -2.0848214626312256, 0.3745698630809784, 2.1977643966674805, -0.4920724034309387, -0.1308705359697342, -1.8605003356933594, -0.2483193278312683, -0.20189473032951355, -0.503223180770874, 0.34997060894966125, -1.2631641626358032, 0.25483438372612, -1.6050137281417847, 0.9161215424537659, 0.07028070837259293, 0.2382972538471222, 0.8982371687889099, 1.127037525177002, -0.8773089051246643, -0.29763901233673096, -0.6719724535942078, -0.7175386548042297, 0.4509871006011963, 0.43827155232429504, 0.4464140236377716, 0.12144219130277634, 0.5814098715782166, 0.07704779505729675, 0.6027733683586121, -0.35947325825691223, 0.0647595226764679, -0.27571022510528564, -0.14223825931549072, -0.008730463683605194, 0.949672520160675, 0.3793753385543823, 0.2088129073381424, 0.7366607189178467, 0.9089837670326233, -0.3116537034511566, -0.3052789568901062, 0.03000342845916748, -0.1651436686515808, 1.1214746236801147, 1.1107741594314575, -0.5364786982536316, 1.8283076286315918, -1.6524699926376343, 0.4270816147327423, -0.9245446920394897, -1.3438857793807983, -1.173278570175171, 0.7911183834075928, 1.244591474533081, 0.9186709523200989, -0.14059947431087494, -0.5557409524917603, -0.130418598651886, -1.2789329290390015, -0.15566962957382202, -0.4138096272945404, -0.79379802942276, -1.2715389728546143, -0.06817388534545898, -0.7711358070373535, -0.3967142701148987, -1.0967583656311035, -0.27285122871398926, 0.9005399346351624, 0.1053912490606308, 0.9999778270721436, 1.2293626070022583, 0.36679038405418396, 0.09873493760824203, 0.5270431637763977, 0.8669602274894714, -1.338350534439087, 1.3588123321533203, -1.1556991338729858, 0.3271360695362091, -0.4534332752227783, 0.06617125868797302, -1.0593438148498535, 0.05211295187473297, 0.20731914043426514, -0.6891364455223083, 0.07806481420993805, -0.4403398334980011, -0.9080594778060913, 0.5148465037345886, 0.01733262836933136, 0.47887271642684937, -1.0699776411056519, 1.3657591342926025, -0.5218744277954102, -0.0004230886697769165, 0.9013602137565613, -0.6009357571601868, 0.20384828746318817, 1.418231725692749, 0.0795004665851593, 0.27489426732063293, 0.06397786736488342, 0.30602261424064636, -0.25455382466316223, 0.5124149918556213, -2.2579760551452637, 0.6090938448905945, 1.405752420425415, 0.2939419448375702, -0.6925649642944336, -1.053691029548645, 0.4297924041748047, -1.2346702814102173, -0.6122398376464844, 0.7661774754524231, -0.24605214595794678, 0.42225661873817444, -0.46081435680389404, -0.03207499533891678, 1.189019799232483, -2.0340800285339355, 0.20182961225509644, 1.4675817489624023, 0.7552372813224792, -0.8292281031608582, 0.015345435589551926, 0.9363886117935181, -0.8456504344940186, 1.2807731628417969, -0.39578714966773987, 1.1686135530471802, 0.40605223178863525, -0.10052309185266495, 0.06007053703069687, 0.47705191373825073, 1.0623313188552856, 0.9716262221336365, -0.28306862711906433, -0.6318908333778381, 0.48432084918022156, -0.007304977625608444, 1.9171831607818604, 1.373651146888733, -1.126674771308899, -1.4436285495758057, -0.9923285245895386, -0.7528471946716309, -0.2647034823894501, 1.2403061389923096, 1.4264674186706543, 0.8963536024093628, -0.24853374063968658, 0.5097385048866272, 0.5357953310012817, 0.3679106831550598, 1.0678595304489136, -0.16086404025554657, 0.0036781281232833862, -0.210088312625885, -0.0415722131729126, 0.9750699996948242, -0.43325215578079224, -0.5661715865135193, -0.38417020440101624, 0.7303568124771118, -0.12946633994579315, 0.10532984137535095, 0.38985684514045715, 0.7210124731063843, 0.2933444082736969, 1.1811394691467285, -0.3313697278499603, -0.9605297446250916, -0.7214949131011963, 0.41577228903770447, 0.2292429357767105, -0.09122705459594727, -1.3027076721191406, 0.41718578338623047, 0.6129743456840515, 0.7965909838676453, -0.05180592089891434, 0.0940365344285965, 0.6845309734344482, -0.2672755718231201, -1.1493438482284546, -0.031645748764276505, -1.4923826456069946, -0.22781161963939667, 0.31065884232521057, -0.26268821954727173, 0.24151422083377838, 0.5383268594741821, -0.6185348033905029, -1.0401322841644287, 0.4104321300983429, -0.6095572113990784, -0.3433036804199219, 0.7637606263160706, 0.9133592844009399, -1.0493730306625366, -0.5282962918281555, -0.6318846344947815, -0.5774369239807129, -1.0000371932983398, 0.23624089360237122, -0.6849284172058105, 1.0693919658660889, 0.2917393445968628, 0.7808786034584045, -0.5890911817550659, -0.10884703695774078, -0.7617438435554504, 1.0636953115463257, 1.1194852590560913, -0.27422869205474854, -0.14780199527740479, -0.18128402531147003, 0.7068799138069153, -0.3758658170700073, -0.1537896692752838, -0.8042064309120178, 0.5483157634735107, 0.8858815431594849, 0.4847753942012787, 0.17189599573612213, -1.3523660898208618, 0.670795202255249, 0.3961978852748871, 1.2823864221572876, -1.3950324058532715, 0.5804299712181091, -0.6682108044624329, 0.11652527749538422, 0.2776048183441162, -0.9477654099464417, -1.0853416919708252, 0.7482160329818726, 0.005495376884937286, 0.3838336765766144, 0.34337007999420166, -0.40956729650497437, 0.7593303322792053, 0.23227334022521973, 0.11068129539489746, -0.3245834410190582, -10.520023345947266, 0.9492020606994629, -0.4282412827014923, 0.314849853515625, 0.3809964060783386, -1.213348627090454, 0.5477575659751892, 0.6576122641563416, 0.39371490478515625, -0.5399283170700073, -0.2557887136936188, 1.8480325937271118, 0.010024737566709518, 0.20484434068202972, -0.9336230158805847, -1.4947947263717651, -0.5997175574302673, -0.8984944820404053, 0.2945743203163147, 0.5065135955810547, -0.8221098184585571, -1.3263087272644043, 0.7320314049720764, 0.4451126158237457, 0.5787786245346069, 0.09472427517175674, -0.6099266409873962, -0.3608781099319458, -0.33180955052375793, -0.02782713994383812, 1.027056097984314, -0.4601838290691376, -0.7135748863220215, -0.028599904850125313, 0.32464921474456787, 0.5233258008956909, -0.8326946496963501, 0.4537113904953003, 1.0460097789764404, -0.3680105209350586, -0.5407899022102356, 0.03938003256917, 0.21208712458610535, -0.18545974791049957, -0.44631195068359375, 0.13841037452220917, -0.238609179854393, -0.6101011633872986, -0.09891588985919952, -0.6230083107948303, -1.210204839706421, 0.0192712489515543, -1.3814852237701416, -0.968110203742981, 0.2308187037706375, -0.5065684914588928, -0.2725967764854431, 0.15727253258228302, -0.9079495668411255, -1.882110834121704, 0.16009674966335297, -0.17433927953243256, -0.06601940095424652, -0.10036204755306244, 0.010527353733778, -0.6735662817955017, -0.039373964071273804, 0.7290782332420349, -0.23761996626853943, 0.29709386825561523, -0.6715311408042908, 0.7714952230453491, -0.19833701848983765, 1.25752592086792, -0.4708816707134247, -0.8143892884254456, -0.5416229367256165, 0.1226763129234314, 0.6090390086174011, -0.590245246887207, -1.3827414512634277, 0.6311115622520447, 0.09801825881004333, -0.4352972209453583, -0.9839276671409607, -0.5886050462722778, 0.3693680465221405, 0.17450058460235596, 1.180673599243164, 0.07094220072031021, 1.2228021621704102, -0.2581702470779419, 0.12441235035657883, 0.23530101776123047, -0.1772359311580658, 1.3733019828796387, 0.5454517006874084, 0.8053685426712036, -0.24835926294326782, -0.526923656463623, 0.16561201214790344, -0.30778494477272034, -1.1441348791122437, 0.20861755311489105, 0.08588976413011551, 0.4400216042995453, 0.6681088209152222, -0.2650158703327179, -0.2867787182331085, -0.98372483253479, 0.8964652419090271, 0.19824278354644775, -0.008872561156749725, 1.7012782096862793, -0.6975033283233643, 0.4180311858654022, 0.9601998329162598, -0.06619007885456085, 1.0115506649017334, 1.338914394378662, -0.2172747701406479, 0.17017871141433716, 0.027508556842803955, 1.4957804679870605, 0.4913135766983032, 0.6318390965461731, 0.9313734769821167, 0.6246348023414612, -0.30398792028427124, -1.4507089853286743, 0.6689876914024353, -0.07219226658344269, 0.06552008539438248, 0.056802548468112946, -0.12276002764701843, -0.4251214563846588, -0.47907429933547974, 0.4639408588409424, 0.18083201348781586, 0.9219777584075928, 0.8966782689094543, -0.13826827704906464, -0.7309314012527466, -0.5708032250404358, -0.27573874592781067, 0.7319890856742859, -2.3586180210113525, 0.7243921160697937, -0.11060160398483276, -1.1674420833587646, -0.02225499600172043, 0.05828192085027695, 1.0023616552352905, 0.019828230142593384, 0.20575863122940063, 0.4240953028202057, 0.322038859128952, 0.0966082289814949, -0.44523507356643677, 0.33324912190437317, 0.4013231098651886, 0.893900454044342, -1.012097716331482, 1.0435638427734375, 0.8318067789077759, 0.6895676255226135, -0.7884925603866577, -0.40661945939064026, -0.530863881111145, -0.04435395449399948, -0.00025121448561549187, -1.0877851247787476, -0.22328878939151764, 0.05064026266336441, -0.34404414892196655, -1.333319902420044, 0.1561858057975769, 0.6432716846466064, -1.3217945098876953, 0.21243801712989807, -0.2150903344154358, 1.0513476133346558, -0.7033509016036987, -0.4531349837779999, -0.7483550310134888, -0.22601613402366638, -0.24753203988075256, 0.27416256070137024, -0.04880499094724655, 1.6957666873931885, -1.8181387186050415, -1.409191608428955, -0.6361589431762695, 1.1376785039901733, 0.6221524477005005, -0.33628275990486145, 0.8085291385650635, 0.4194810092449188, -0.24295800924301147, 0.3410370647907257, 0.0966925173997879, 0.19319826364517212, 0.15830965340137482, -0.08312035351991653, -0.4018901288509369, 0.1228780746459961, -0.9068732261657715, -0.14804904162883759, 0.1845083385705948, 0.28386878967285156, -0.5744225978851318, -0.25886714458465576, 0.1939295083284378, -0.14034011960029602, -0.1213616132736206, -0.626724362373352, 0.3926942050457001, -0.4854307472705841, -0.292400985956192, -0.914018452167511, 0.31809675693511963, 1.5807394981384277, -0.11138227581977844, 0.7358635663986206, 0.3472791612148285, 0.5681171417236328, 0.8839474320411682, 0.31101423501968384, 0.8569308519363403, 0.16856808960437775, -0.4020673930644989, -0.09959910809993744, -0.26458245515823364, 0.061352603137493134, -0.42441225051879883, 0.461687833070755, -0.8437760472297668, -0.30534082651138306, -1.1761478185653687, 0.12334892153739929, -0.33347904682159424, -0.0015016701072454453, 0.6736761331558228, 0.6181895136833191, -0.463909387588501, -0.6730912923812866, 0.474685400724411, -1.3354603052139282, 0.5157778859138489, -0.2797048091888428, 0.9905110597610474, 0.5854508280754089, 0.6826921105384827, 0.7415664196014404, 0.6612889170646667, -0.6463602185249329, 0.3274560272693634, 0.15627482533454895, 0.6719175577163696, 1.4556227922439575, 0.9457322359085083, 0.516063928604126, 0.30248960852622986, -0.07739006727933884, -1.4438197612762451, -0.5150551795959473, -0.4288920760154724, 1.4811904430389404, 0.0513005405664444, -0.155475452542305, 0.22616742551326752, -1.3058995008468628, 1.1303943395614624, -0.18534986674785614, 0.32041114568710327, 0.7850561738014221, -0.3249313235282898, -0.868335485458374, -1.703566551208496, 0.3918553292751312, 0.8921091556549072, -0.907751739025116, -0.26335757970809937, -0.31323570013046265, 0.8568235635757446, -0.17855075001716614, -0.5521284341812134, -0.5037682056427002, 0.31743013858795166, -0.5217267274856567, -1.1375223398208618, -0.12132935225963593, -0.7427715063095093, -1.0488868951797485, -0.21136999130249023, -0.21930018067359924, 0.03449585288763046, 0.0844094455242157, -0.861217737197876, -0.6985666155815125, -0.017861682921648026, -0.42892420291900635, -0.3893298804759979, -0.19602970778942108, 0.5051714777946472, -1.2233929634094238, 0.7410041689872742, 1.2036404609680176, -0.03272844851016998, -0.24383492767810822, 0.062002986669540405, 0.6027012467384338, 0.7374939322471619, 1.0157053470611572]} +{"paper_id": "deal_or_no_dialog", "embedding": [-0.5353296995162964, 0.8427111506462097, 0.3375311493873596, 0.467963308095932, 0.5143815875053406, -0.008380468934774399, 1.0205665826797485, 0.4191139042377472, 0.3851279020309448, 0.43764063715934753, 0.2070363461971283, 0.5026755928993225, 0.3518672287464142, -0.2612517476081848, 0.4592011868953705, 0.46175575256347656, -1.1524523496627808, 0.04149102419614792, -1.2191777229309082, -1.0524046421051025, -0.4140545725822449, -0.47841882705688477, 0.17051871120929718, 1.4321115016937256, -0.25507932901382446, -0.5998319983482361, 1.463761329650879, -1.490496277809143, -0.05096183717250824, 0.6378312110900879, -0.5731214284896851, 1.7146601676940918, -0.3602358102798462, 0.1897355616092682, -0.2365136444568634, -1.1562787294387817, -0.2684228718280792, 0.7541585564613342, -0.20951417088508606, 0.7084051370620728, -0.5549195408821106, 0.5606985092163086, -0.055802326649427414, 0.6180030703544617, 0.28760427236557007, 0.2911844849586487, -0.3801550567150116, 0.3253723680973053, -0.7816694974899292, -0.30220991373062134, -0.9022576808929443, 0.24627098441123962, -0.4360959827899933, 0.6034001111984253, 0.3060891628265381, 1.5988953113555908, 0.37483978271484375, -0.8321482539176941, -0.04468986764550209, -0.8755704164505005, 1.0286943912506104, 1.3026366233825684, -0.30019667744636536, 0.9517874717712402, 1.3837480545043945, -0.12102006375789642, 1.5518029928207397, 0.5427290797233582, -0.07527045905590057, 1.5500175952911377, -0.5821539759635925, -0.8710007667541504, 0.5100350379943848, 0.4700566530227661, 0.017270006239414215, 0.8214595317840576, 1.4048434495925903, 0.12196005880832672, -0.6805433034896851, -0.5731046199798584, 0.19825400412082672, 0.4385921359062195, 0.44490349292755127, -0.9748266339302063, 0.4020031690597534, 0.39668166637420654, 0.6556448936462402, 0.14273393154144287, 0.13445475697517395, -2.035191535949707, 0.6313985586166382, 0.4394875466823578, 0.7874923944473267, -0.7031683325767517, -0.9924504160881042, 0.1724986433982849, 0.4502090811729431, -0.2554982900619507, -0.6432048082351685, -0.0960288867354393, 0.13131150603294373, -0.3179287314414978, -0.0631244033575058, -0.1515616476535797, 0.2568446695804596, 0.21533657610416412, 0.1802757978439331, -0.6560326218605042, -0.2339419722557068, -0.3153705298900604, 0.2239675521850586, 0.16607622802257538, 0.0797957107424736, 1.4513498544692993, -0.2776312232017517, 0.8128769993782043, 0.7124355435371399, 0.07659696042537689, 0.12334652990102768, -0.170695498585701, -0.21240642666816711, -0.6769425272941589, 0.004527434706687927, -0.1801672875881195, 0.917190670967102, -1.2106447219848633, -0.4033094644546509, -0.2937241196632385, -0.19781474769115448, -0.6235432624816895, 0.10808280110359192, 0.345417320728302, -0.8490168452262878, -0.07200281322002411, 2.5681822299957275, -1.4952058792114258, 1.7760874032974243, -1.572060227394104, -0.7423871755599976, -0.46937739849090576, 0.3527008295059204, 0.9993226528167725, -1.0045406818389893, -0.0430695079267025, -0.07928977906703949, -0.010932991281151772, -0.2967466413974762, 0.12035494297742844, -0.1625702977180481, -0.008203260600566864, 0.3158564865589142, -0.19583415985107422, -1.0910028219223022, -0.6145426034927368, -0.6510207653045654, 0.1489602029323578, 0.4113800525665283, 0.7756087779998779, -0.2466132640838623, 0.8446829319000244, 0.9141520857810974, -0.3370434641838074, -0.9142047166824341, 0.022098476067185402, -0.7765488624572754, -0.3132309019565582, 0.6511332988739014, -0.25155046582221985, -1.07699716091156, -0.8550989627838135, 0.3375549018383026, 0.04717490077018738, -0.24446403980255127, -0.08922643214464188, 0.1462637335062027, 0.21157371997833252, 0.8888130784034729, 0.842519998550415, 0.7467332482337952, -0.2950332760810852, -1.155215859413147, 0.13630551099777222, -0.5268489718437195, 0.2727881073951721, -0.8560024499893188, 0.6906581521034241, -1.8498615026474, -0.32917022705078125, 0.09182743728160858, 0.5653483867645264, 0.011962905526161194, -0.18710187077522278, 0.1536233276128769, -0.5454626679420471, 0.3275512456893921, -0.3113541901111603, 0.8369767665863037, -0.9811917543411255, -0.04584888368844986, 0.15441344678401947, 0.08120165765285492, -0.01735389605164528, 0.37445250153541565, 1.6285505294799805, 0.6151973009109497, 0.09694250673055649, -0.43754467368125916, -1.2565162181854248, -0.21266722679138184, 2.0730807781219482, 0.6088048219680786, -0.5868048667907715, -1.1688376665115356, -0.6744871139526367, 0.04608502984046936, -0.10892695933580399, 0.14131247997283936, -0.1583246886730194, 0.3644278645515442, -1.5993146896362305, -0.16194763779640198, -0.1557803601026535, 0.2186684012413025, 0.7525553703308105, 0.954985499382019, -0.6260223388671875, 0.39717209339141846, -1.0784116983413696, -1.346297264099121, -0.16198933124542236, 0.7483605146408081, -0.23977012932300568, 0.30044713616371155, 0.06778059899806976, -0.4533013105392456, -0.32096296548843384, -0.038291364908218384, 0.7918115258216858, -0.3223148584365845, 0.44180870056152344, 0.6878268718719482, 1.0851571559906006, -0.10849131643772125, 0.9583443999290466, -0.2039976418018341, 0.24505344033241272, -0.14615482091903687, -0.859290361404419, 0.5873033404350281, -0.3954644203186035, 1.507193922996521, 0.35340195894241333, -0.5342758893966675, 0.6102373003959656, -0.1911977231502533, 0.2565341889858246, -1.1047236919403076, -0.6860911250114441, -0.22149136662483215, 0.15494509041309357, 1.0861259698867798, 0.34742820262908936, 0.61418616771698, -0.7687883973121643, 0.10930106043815613, -0.8566256761550903, -0.7527635097503662, -0.5460619926452637, 0.07066820561885834, -1.5521153211593628, 0.03483690321445465, -0.14800526201725006, -0.3614000082015991, -0.6427402496337891, -0.28516069054603577, 0.24880583584308624, -0.4171631932258606, 1.1089205741882324, 1.8979790210723877, 0.22897329926490784, -0.12952375411987305, -0.1215294748544693, 1.0794891119003296, -0.7521974444389343, 0.47600793838500977, -0.6908980011940002, -0.36930567026138306, -0.6512100696563721, 0.6418684720993042, -0.17397597432136536, 0.4197658598423004, 0.5215076804161072, -0.7632550597190857, 0.03900483250617981, 0.16783800721168518, -0.2706005871295929, 1.4547386169433594, -0.6531566977500916, 1.238712191581726, -0.0499592050909996, 1.5530368089675903, 0.5991620421409607, -0.6758502125740051, 1.00676429271698, -0.6623635292053223, -0.10779130458831787, 0.6887387633323669, -0.8282366991043091, 1.1795729398727417, 0.5097392201423645, -0.4758787155151367, 0.13064539432525635, -0.1993754804134369, -2.8243062496185303, 0.5785065293312073, 0.25834885239601135, -0.21580277383327484, -0.38395580649375916, -0.8885505795478821, 0.4664492607116699, 0.20492738485336304, -0.29594001173973083, 0.13674569129943848, -0.20738297700881958, 0.3583315312862396, -0.19015520811080933, 0.11946745216846466, 1.6798430681228638, -0.22253994643688202, -0.34313008189201355, 0.9797191023826599, 0.2534361183643341, -1.0302623510360718, -0.7540314197540283, 0.24917417764663696, -0.5821237564086914, 0.004721701145172119, 0.4290352761745453, 0.872260332107544, 1.3045485019683838, -0.026943013072013855, -0.10394133627414703, 1.5459568500518799, 0.7928889393806458, 0.9093616604804993, 0.02365153282880783, -1.331544280052185, -0.10063475370407104, -0.7275206446647644, 0.9062029719352722, -0.4034051299095154, -0.5768988132476807, -1.4785891771316528, -0.23960408568382263, -1.0184144973754883, -1.1894786357879639, 0.890242874622345, 0.21686235070228577, 1.6829713582992554, -0.18455812335014343, 0.13108272850513458, -1.0340907573699951, -0.10782361030578613, 0.2566312253475189, -0.028318040072917938, 0.037833549082279205, -0.22592629492282867, -0.16986370086669922, 0.7625988125801086, -0.056072622537612915, -0.3078058362007141, -0.5683391094207764, 1.7698310613632202, 0.03888273984193802, -0.9711496829986572, -0.36912980675697327, 1.0798921585083008, 0.41716840863227844, 1.7509417533874512, -0.7160746455192566, -0.48795464634895325, 0.4937487542629242, 0.23172792792320251, 0.7240419983863831, 0.18944790959358215, -0.9686117172241211, 0.21428099274635315, 0.354885995388031, 0.46551841497421265, 0.1780262440443039, 0.8232706189155579, 0.14727847278118134, -1.0990843772888184, -0.7523255944252014, -0.173509418964386, -0.5359718799591064, -0.5327650308609009, -0.015113554894924164, -0.09118293225765228, -0.4026643931865692, 1.3609846830368042, -0.3024841547012329, 0.4127196669578552, 1.581650972366333, -0.43642836809158325, -0.5833456516265869, -0.622366189956665, 0.7427628040313721, -0.5643681287765503, -0.46245262026786804, 0.08747328817844391, -1.176053524017334, -0.757106363773346, -0.05289628729224205, 0.010262532159686089, 0.5962080359458923, -0.3021618723869324, 0.20742012560367584, -0.37059515714645386, 0.3086824417114258, -1.2515451908111572, 0.8713310956954956, 0.7900675535202026, -0.45754578709602356, 1.5331640243530273, 0.6621174216270447, 0.5262635946273804, 0.38298630714416504, -0.5035080313682556, -0.5254541039466858, 0.8613396286964417, -0.6029700040817261, 0.009395343251526356, 0.017063669860363007, -0.21754947304725647, 0.425189733505249, -0.47527486085891724, -0.279592901468277, -1.2532069683074951, -0.6402063965797424, -0.4036163091659546, 0.27649495005607605, 0.8630553483963013, -0.5382949113845825, -1.0988949537277222, -0.11375144124031067, -1.1056156158447266, 0.09767942875623703, -0.24157626926898956, 0.6108189225196838, 1.7075436115264893, 1.0040966272354126, 0.5258089303970337, -0.30106785893440247, -10.353353500366211, 1.228185772895813, 0.3215128183364868, -0.6729256510734558, -0.023606115952134132, -0.5380855798721313, 0.46727368235588074, -0.12730072438716888, 0.6753965020179749, -0.4023141860961914, 0.7384747266769409, 0.12932917475700378, 0.029599422588944435, -0.6952437162399292, -0.5484141707420349, -1.5728557109832764, -0.30792996287345886, -0.2386299967765808, 0.44884979724884033, 0.5880427360534668, 0.021783694624900818, -0.8176958560943604, 0.3195861577987671, 0.8473248481750488, -0.5428946018218994, -0.42034727334976196, -0.4608556926250458, -0.34399929642677307, -0.29474276304244995, 0.048888832330703735, 0.7673501968383789, -0.03606323152780533, 0.044940248131752014, -1.151684284210205, 0.6661474704742432, 0.08365233242511749, -1.2451367378234863, 0.3601059913635254, 0.6970379948616028, -0.5867373943328857, -0.7696360349655151, 0.6714125275611877, 0.731334924697876, 0.04879039525985718, -0.31635725498199463, 0.3057137727737427, 0.7260133624076843, -0.34758278727531433, 0.5367850065231323, -0.09834259748458862, -0.7157402634620667, -1.0946717262268066, -1.0629338026046753, -0.5995303988456726, -0.0164645966142416, -0.26821964979171753, -0.19865775108337402, 0.6399035453796387, -0.6235998272895813, -0.9028785228729248, 0.3674948513507843, 0.9471086263656616, -0.5909079909324646, 0.13335910439491272, 0.5421550869941711, -0.7100225687026978, -0.3340403735637665, 0.6190496683120728, -0.2767351269721985, 1.1322036981582642, -1.202025055885315, 0.1659616231918335, -0.8055019378662109, 0.7753146886825562, 0.07808934152126312, -0.2627374529838562, -0.014317943714559078, -0.7069374322891235, 0.4281092882156372, 0.2604534327983856, -1.1871185302734375, 0.4371693730354309, 0.3768618702888489, -0.5660739541053772, -0.9221208095550537, 0.25277042388916016, -0.22386088967323303, -0.16112960875034332, 1.718740463256836, -0.03314527869224548, 1.113577961921692, -0.26540595293045044, -0.468808650970459, 0.3736785054206848, -0.3896767795085907, 1.3743127584457397, 0.15612374246120453, 0.5593827962875366, 0.2843151390552521, -1.0774445533752441, -0.104151152074337, -0.31195878982543945, -0.4421535134315491, -0.2317545861005783, 0.7527869939804077, 0.19055622816085815, -0.33627229928970337, 0.8830856084823608, 0.6650962829589844, -0.16601736843585968, 0.6653998494148254, 0.834723949432373, -0.4961557984352112, 0.5937808752059937, -0.8051981925964355, 0.8624297380447388, 1.2028201818466187, 0.5770840644836426, 0.9767483472824097, 1.072975993156433, -0.31777018308639526, 1.1943272352218628, -0.3229309618473053, 0.879559338092804, -0.6475331783294678, 0.30045974254608154, 0.6470599174499512, 0.5171347856521606, -0.029723308980464935, -1.052289605140686, -0.45761212706565857, -0.4079987704753876, 0.1516074389219284, -0.11380404233932495, -0.6846315264701843, 0.6938539147377014, -1.134146809577942, 1.225032925605774, -0.15736374258995056, 0.3854774832725525, 0.8662167191505432, -0.9822770357131958, 0.14033952355384827, -1.5047308206558228, -1.3284258842468262, 0.1877707839012146, -1.7089651823043823, 0.4189668595790863, -0.8299539089202881, -0.007783509790897369, 1.4115877151489258, 0.05249878019094467, 0.9306341409683228, -1.1726945638656616, -1.1233457326889038, -0.13293671607971191, 0.7109701633453369, 0.1081177219748497, -0.7577288150787354, 0.13728949427604675, 0.32358258962631226, 1.1637463569641113, -0.8847526907920837, 1.5166727304458618, -0.2639680504798889, -0.09436023235321045, -0.7387010455131531, -0.12092529237270355, -0.9892949461936951, 0.5113667845726013, 0.987934947013855, -0.7549533247947693, -0.3086274266242981, -0.9047073721885681, -0.2798076570034027, -1.350726842880249, 0.8742279410362244, 1.0905958414077759, -1.5027780532836914, -0.40182995796203613, -0.30990397930145264, 0.13177083432674408, 0.006625726819038391, -0.13626278936862946, -0.6412774324417114, -0.3092948794364929, 0.0961034968495369, 1.0458781719207764, -0.40502068400382996, 0.6601223349571228, -1.8860775232315063, -1.34489107131958, -1.0004254579544067, -0.9663034081459045, -0.25925546884536743, -0.5691821575164795, 1.387895107269287, 0.6830700635910034, -0.5797350406646729, 0.25451138615608215, 0.6416096687316895, 0.4999074935913086, -0.42024099826812744, 0.18988175690174103, 0.41688409447669983, 0.29057419300079346, -0.5397624969482422, 0.31968575716018677, 0.2672562599182129, 0.18882335722446442, -0.5035451650619507, -0.250937819480896, 0.3017520010471344, -0.235181525349617, 0.20312932133674622, -1.041424036026001, -0.6015267372131348, -0.5263804197311401, 0.19084405899047852, -1.1366857290267944, -0.06095012277364731, 1.036672830581665, -0.1449904441833496, 1.0524401664733887, 1.0208007097244263, 0.39304906129837036, 0.9513741731643677, 0.036353982985019684, 1.200476050376892, 0.16738605499267578, -0.7289233803749084, 0.375054270029068, 0.32802197337150574, -0.1443743258714676, -0.0405159555375576, -0.6690224409103394, -0.8740723729133606, 0.7792386412620544, -1.567549228668213, 0.3770887553691864, -0.3112789988517761, 0.38801535964012146, 0.8599746823310852, 1.164044976234436, -0.4686335325241089, -1.68100905418396, -1.1129615306854248, -0.9074438214302063, 0.14517198503017426, 1.095393180847168, 0.5972022414207458, -0.0077224597334861755, 0.586030125617981, -0.566912829875946, 0.03555717319250107, -0.4896247088909149, 0.09644453972578049, 0.3750530779361725, 0.5778223276138306, 0.7085465788841248, 0.4027746319770813, 1.0406774282455444, -0.174350306391716, -0.1609167456626892, -0.5010872483253479, 0.4078846275806427, 0.005876210518181324, -0.11293675005435944, 1.2243287563323975, -0.4880375862121582, -0.8221921324729919, -0.9602837562561035, 0.7206513285636902, -0.9333162903785706, 0.9093326330184937, 0.19311989843845367, -0.8588611483573914, -1.0433297157287598, -1.251032829284668, -0.06711225211620331, 0.6265037059783936, 0.180655375123024, -0.15095506608486176, -0.4789884090423584, 0.4815451204776764, 1.0922751426696777, 0.6528528332710266, -1.0337715148925781, 0.509792149066925, -1.3174680471420288, 0.8108227849006653, -1.0130510330200195, -0.06810814887285233, 0.07770976424217224, 0.1581687182188034, -0.9045289158821106, 1.1881500482559204, -0.17077100276947021, -1.0033875703811646, -0.9220435619354248, 0.009242481552064419, 0.3646603524684906, -0.3995630741119385, 0.8256075978279114, 0.18191994726657867, -1.7387102842330933, 1.329357624053955, 1.2088212966918945, -0.6674904823303223, -0.4965282380580902, -0.250122606754303, -0.05923854559659958, 0.18124926090240479, 1.8314590454101562]} +{"paper_id": "conceptual_12m", "embedding": [-0.6503893733024597, 1.907056212425232, -0.020471936091780663, -0.3997231125831604, 0.0700809583067894, -0.12063390016555786, -0.1706235408782959, 0.7273335456848145, 1.0285552740097046, 0.0912049412727356, 1.4035674333572388, 0.2806864380836487, -0.3430520296096802, -0.05152561515569687, -0.6464232802391052, 0.23880326747894287, -0.742363691329956, -1.3253817558288574, -1.1095082759857178, 0.027312837541103363, -1.9345712661743164, -0.9866766333580017, 0.07215656340122223, 0.22046512365341187, -0.6271371841430664, -0.6466012001037598, 1.113579511642456, -0.852845311164856, 0.21350574493408203, 0.3821578323841095, -0.18671324849128723, 0.2308143973350525, -1.4917995929718018, 1.422161340713501, -0.19105970859527588, -0.9735516309738159, 1.2037863731384277, 1.017006278038025, -0.17032241821289062, -1.151395559310913, 0.5265538096427917, 0.12591499090194702, 1.757961630821228, -0.6285874843597412, 0.723961591720581, -1.0917655229568481, -0.0738011822104454, -0.07855458557605743, -0.7507363557815552, -0.06693093478679657, 0.24673469364643097, 0.7364439368247986, 0.2021631896495819, 0.045423008501529694, -0.48921576142311096, 1.5805847644805908, 0.043970175087451935, 0.3321675956249237, 0.23132309317588806, -0.029747478663921356, 0.45572298765182495, 1.6591612100601196, -0.48852619528770447, -0.3080179691314697, 0.7415388822555542, 0.708656370639801, 1.1028767824172974, 0.7667164206504822, -0.10361532866954803, 0.21483832597732544, -0.3584643006324768, -1.5130586624145508, 0.5562199950218201, 0.38630473613739014, 0.5416238307952881, 0.6562813520431519, -0.4369668960571289, -0.3264932930469513, -0.0670442283153534, 0.4928494095802307, -0.9335747957229614, 0.18078021705150604, 0.12255171686410904, -0.4070886969566345, 0.14418643712997437, 0.9210378527641296, 0.30934691429138184, -0.14880655705928802, 0.1301257312297821, -1.4628938436508179, 0.9806576371192932, 0.17205017805099487, 0.333204984664917, 0.5242079496383667, 0.2305779606103897, -0.3605751693248749, 0.251310259103775, -0.3578018546104431, -0.8055591583251953, 0.7344260811805725, 0.1672171652317047, -0.2792951464653015, 1.0423704385757446, 0.09983612596988678, 0.733039379119873, 0.37990739941596985, 0.1109885573387146, 0.08721902966499329, -0.858840823173523, -1.218583345413208, 0.401808500289917, 0.882834792137146, 1.2386726140975952, 0.014093160629272461, -0.01615425944328308, -0.3167601227760315, 0.3962284028530121, 0.25094088912010193, -0.3232203423976898, 0.24634818732738495, 0.18801183998584747, -1.5655559301376343, -0.9500795602798462, -1.085160732269287, 0.605271577835083, -0.9290841221809387, 0.22323811054229736, -0.4572269022464752, -0.18612326681613922, -0.6180756688117981, 0.08282527327537537, 0.4808279871940613, -0.6692356467247009, 0.06781215965747833, 3.6079883575439453, -0.30182552337646484, 0.6289522647857666, -0.846103310585022, -0.801438570022583, -0.8393495082855225, -0.383199542760849, 1.4968700408935547, 0.13768884539604187, -0.9348970055580139, -0.11014515906572342, 0.1416720449924469, -0.8536954522132874, 0.27570417523384094, -1.2498559951782227, -0.7395215034484863, 0.45928943157196045, 0.25624385476112366, -1.0210001468658447, -1.2261079549789429, -0.157473623752594, 0.6863028407096863, 0.09549444913864136, -0.33420804142951965, -0.04293408617377281, 1.1319035291671753, -0.37738099694252014, 0.4067502021789551, -0.8218955993652344, 0.6222324371337891, -0.31678810715675354, 0.5881257653236389, 0.4524560570716858, -0.578233003616333, 0.3282320499420166, -0.6946030855178833, 0.7745749950408936, -0.877160906791687, 0.2139410823583603, -0.23525333404541016, 0.05367743968963623, 1.1017305850982666, 0.6189159750938416, 0.6832998394966125, 0.35806745290756226, -0.6987612247467041, -0.6959084272384644, -0.0834607481956482, 0.36443978548049927, -0.4136140048503876, 0.7938582897186279, -0.2632623612880707, -2.7026286125183105, -0.732925534248352, -1.4350610971450806, 0.014084547758102417, 0.063444584608078, 0.29263558983802795, -0.11873779445886612, -0.3832211494445801, -0.4708452820777893, -0.6006100177764893, 1.0764223337173462, -0.19192494451999664, -0.9847073554992676, 0.679462730884552, 0.2509227693080902, 0.1774028092622757, -1.0947290658950806, 0.6878300309181213, 0.45404380559921265, 0.23400723934173584, -0.05163942649960518, -1.6099522113800049, 0.48647719621658325, 1.4347485303878784, 0.5330177545547485, -1.4192023277282715, -0.4351106584072113, -0.49199509620666504, 0.800150454044342, -0.8228675723075867, 0.9568365812301636, -0.30570146441459656, -0.07494550198316574, -0.44596344232559204, -0.2797577381134033, -0.44996175169944763, 0.9719684720039368, -0.19585740566253662, 0.9870727062225342, -0.3962637186050415, -0.6499998569488525, -0.16763915121555328, -1.1038990020751953, 0.9387096762657166, 0.488721638917923, 0.5402029752731323, -0.4317532479763031, 0.2123880535364151, 0.5288286805152893, 0.2086505889892578, 1.2812755107879639, 0.5065938234329224, -0.6296998262405396, 0.3400358259677887, -0.2493542581796646, 0.42974787950515747, -0.6927327513694763, -0.34500545263290405, 0.373687207698822, -0.20901350677013397, -0.47927820682525635, -1.445395827293396, -0.3034987449645996, -0.2742156386375427, 1.9498146772384644, 0.4677537977695465, -0.23075667023658752, 0.6817326545715332, -0.25557464361190796, -0.5053936839103699, 1.1882530450820923, 0.33716028928756714, 1.575027346611023, -0.9223068952560425, -0.08647602796554565, -0.9171045422554016, 0.2510676085948944, -0.5115075707435608, -0.5245472192764282, -0.3958938419818878, -1.0135960578918457, 0.30177241563796997, -0.7469079494476318, -1.0001052618026733, -0.08207863569259644, 0.05276582017540932, -0.2704181373119354, -0.7111361622810364, 0.675516664981842, 0.558493971824646, 1.1061495542526245, 0.32713380455970764, 1.0447388887405396, -0.4903273582458496, 0.8561774492263794, -0.30892688035964966, 0.5891543030738831, 0.2660265564918518, 0.6943480968475342, -0.37884771823883057, 0.2814401686191559, -1.0070990324020386, 0.4612369239330292, -1.2255852222442627, 0.15299475193023682, 0.1088457927107811, -0.45137038826942444, 0.7974674105644226, -0.1931457817554474, -0.9531494379043579, 1.456080675125122, -0.42186346650123596, 0.2702103853225708, -0.45025861263275146, 1.0264798402786255, 0.9340731501579285, -1.0379600524902344, 0.23501527309417725, -0.07833492755889893, -0.5736389756202698, 1.4252567291259766, 0.46257176995277405, 0.43401265144348145, 1.1319148540496826, 0.20147818326950073, 0.45863214135169983, -0.40093815326690674, -1.334433913230896, 0.22493182122707367, 0.5044658184051514, 0.2386792153120041, 0.5825822949409485, -1.4065532684326172, 0.08694477379322052, -0.7370668053627014, 0.3312922716140747, 0.2897004783153534, -0.6193476915359497, 0.3692680895328522, 0.5615283846855164, 0.19598661363124847, 1.4658864736557007, -0.3966575860977173, 0.7980129718780518, 0.7936317324638367, -0.34494268894195557, -1.0718730688095093, 0.41162148118019104, 1.2349861860275269, -0.5276579260826111, 0.1599062830209732, 0.5233640670776367, 0.38538405299186707, 0.8425451517105103, -0.1312723457813263, -0.17045791447162628, 0.3763887286186218, -0.32708287239074707, 0.1548905372619629, 1.0081062316894531, -0.11028085649013519, -0.1806681752204895, 0.40652769804000854, 1.2028285264968872, 0.11088298261165619, -0.891589343547821, -0.36578208208084106, 0.38693997263908386, -0.40255051851272583, 0.403123140335083, 1.9842514991760254, 0.3252263069152832, 1.4038478136062622, -0.48701247572898865, -0.2026515156030655, 0.34983450174331665, -0.23594017326831818, 0.43829792737960815, 1.0273746252059937, 0.4310777187347412, -0.178762748837471, -0.09830230474472046, -0.14094606041908264, 0.5831843018531799, 0.2087579071521759, -0.2609724700450897, 0.9252955913543701, 0.30865997076034546, -0.9133937954902649, 0.8357918858528137, 0.43752577900886536, 0.6924401521682739, 1.2021334171295166, -0.6225556135177612, -0.37729349732398987, -0.32907676696777344, 0.2556937038898468, 0.5656294226646423, -0.6607261896133423, 0.1491650491952896, 1.1565536260604858, 0.8334024548530579, 1.6892229318618774, 0.57758629322052, 0.7215940952301025, 1.3590030670166016, -0.19536493718624115, -1.0030268430709839, 0.2646882236003876, -1.4200738668441772, -0.6112915277481079, 0.07946848124265671, 0.10095057636499405, -0.57902592420578, 0.5653426051139832, -0.812842845916748, -1.3767846822738647, 0.8821200132369995, -0.3672122359275818, -0.12908664345741272, 0.3499457836151123, 1.8120932579040527, -0.4899192452430725, -0.8496032953262329, -0.21116340160369873, -0.11084608733654022, -1.08954656124115, 0.0653761476278305, -0.08070055395364761, -0.1536465585231781, -0.10038091242313385, 0.43782636523246765, -0.31250059604644775, -0.22019672393798828, -0.3894987106323242, 0.9815893769264221, 0.6757375001907349, -1.222596287727356, -0.182058185338974, -0.26682889461517334, 0.32069921493530273, 0.30294445157051086, -0.603848397731781, -0.2966921627521515, 1.4116904735565186, 0.8853166103363037, -0.7054829001426697, -0.930971086025238, -0.08752494305372238, 0.5329937934875488, 0.5451205968856812, 1.0145716667175293, -0.7884021997451782, -0.9549322724342346, -0.3858662247657776, 1.4918296337127686, 0.9372003078460693, -0.5778799057006836, 0.4083130359649658, 1.3881149291992188, -0.07128505408763885, 0.8439172506332397, -0.6574691534042358, -0.05661898851394653, 1.2078893184661865, -0.16129925847053528, -0.395324170589447, 0.17170098423957825, -10.272588729858398, -0.361012727022171, -0.4261811673641205, -0.0855816900730133, 0.8246105313301086, -0.1756390929222107, 1.530612826347351, 0.1476311981678009, 0.22955143451690674, -1.2172963619232178, 0.7892781496047974, 0.99313884973526, 0.25822222232818604, 0.23320415616035461, -0.8122195601463318, -1.288373351097107, -1.3797194957733154, -0.6901234984397888, 0.3799741864204407, 0.20289945602416992, 1.0403053760528564, 0.5274028182029724, -0.6867920756340027, 0.35172030329704285, -0.12749388813972473, -0.38277947902679443, 0.19638201594352722, 0.26637300848960876, -0.5576035976409912, -0.4017671048641205, 0.7715327739715576, -0.30126023292541504, -1.0604087114334106, -0.8594823479652405, 0.40750062465667725, 0.11227963864803314, -1.1903676986694336, 0.08829181641340256, 1.4624192714691162, 0.07515665143728256, -0.6770644187927246, 0.641140878200531, -0.7958229780197144, 0.882530927658081, -0.6858458518981934, 0.544642448425293, 0.8358355164527893, -0.5324704051017761, 0.5167951583862305, -0.6629346013069153, -0.4274475574493408, -0.9879850745201111, 0.08718109875917435, -0.42206406593322754, 0.7681410908699036, 0.6442731022834778, -0.6399667859077454, -1.1266252994537354, -0.4072854220867157, -1.2746000289916992, 0.8119201064109802, 0.7194339632987976, -0.10682876408100128, 0.5232510566711426, 0.06048395857214928, -1.3162341117858887, 1.1434766054153442, 0.8376561403274536, -0.45455309748649597, 0.4236004948616028, -0.7513407468795776, 0.46175655722618103, 0.9944339394569397, 0.17858561873435974, -0.30129727721214294, 0.4161621034145355, -0.5949996709823608, 0.4446725845336914, -0.35161346197128296, -0.2980495095252991, -1.0006636381149292, 0.9450249075889587, -0.1275576502084732, -0.9431002736091614, -0.20130401849746704, 0.24474617838859558, 0.30064502358436584, 0.9630844593048096, -0.5951715707778931, 0.01896216720342636, 0.9068207144737244, -0.4513610005378723, 0.32462048530578613, -0.33831465244293213, -0.6402192115783691, 1.098156452178955, -0.16175898909568787, -0.17810896039009094, -0.3242134153842926, -1.5780166387557983, 0.38218340277671814, 0.12382908910512924, -0.10681623220443726, -0.47679847478866577, 0.12496830523014069, -0.033485349267721176, 0.41825324296951294, 0.21912673115730286, 0.35506096482276917, 0.44499218463897705, 0.1865665316581726, -1.440264344215393, -1.162996768951416, 1.3433972597122192, -0.2466798722743988, 0.5243116021156311, 0.5624707341194153, -0.7881193161010742, 0.16328194737434387, 0.6948748230934143, -0.26875945925712585, 0.538314700126648, 0.49923571944236755, 0.6534459590911865, 0.5860167741775513, -0.7736538648605347, 0.03017852082848549, -0.06773287802934647, -0.2740417420864105, -0.9047107100486755, 0.7012881636619568, -0.0793517678976059, -1.074480652809143, -0.25034472346305847, -0.34405624866485596, -0.4458344578742981, -0.9561711549758911, 1.4910308122634888, -1.1877219676971436, 0.10235682129859924, 0.3025261163711548, -0.6323731541633606, -0.1956634819507599, -0.7632457613945007, -0.7813808917999268, -0.6754913330078125, -2.0077550411224365, -0.35002240538597107, -0.7675259113311768, -1.3132692575454712, -0.08691787719726562, -0.06402990221977234, 0.18593940138816833, -1.0201351642608643, -0.4330359697341919, 0.11078377813100815, 0.10269704461097717, -0.8945136070251465, -0.5753774046897888, -0.4748503863811493, 0.3143087327480316, 0.48260071873664856, -0.8496907353401184, 0.1734583079814911, 0.2709631621837616, -0.24821247160434723, -0.5918635129928589, 0.013360194861888885, 0.14004458487033844, 0.06091330945491791, 1.151389718055725, -0.9026373624801636, 0.34077197313308716, -0.6862103343009949, 0.46689411997795105, -1.1212501525878906, -0.5389364361763, 1.832087755203247, -0.7638868689537048, 0.4306228756904602, -0.019167259335517883, 1.6045221090316772, 0.8960337042808533, -1.2273898124694824, -0.39202260971069336, -0.52204829454422, -0.2705966830253601, 0.11675961315631866, 0.005768856965005398, 1.154964804649353, -2.065129280090332, -0.7905049920082092, -0.5802609920501709, -0.06153985485434532, 1.019356608390808, 0.43999215960502625, -0.08321507275104523, 0.567355215549469, 0.020198673009872437, 0.38899892568588257, -0.6474763751029968, -0.08177003264427185, 0.46523064374923706, 0.1488795131444931, 0.08909279108047485, -0.06712393462657928, -0.3873884975910187, -0.5917642712593079, -0.23560363054275513, 0.5071226954460144, -1.0993977785110474, 0.4176313281059265, 0.4430583417415619, -1.2014652490615845, 0.9423735737800598, -1.17257821559906, 0.6208041906356812, -0.39019301533699036, -0.23025073111057281, -1.423769474029541, -0.23519757390022278, 1.2535542249679565, 0.25859224796295166, 1.1665709018707275, -0.0015703728422522545, 0.5479022860527039, 1.0778192281723022, -0.12205402553081512, 1.5808632373809814, -0.3935054540634155, 0.34195676445961, -0.19656933844089508, 0.6409308910369873, -0.5217565894126892, -0.9195221662521362, 0.16162431240081787, -1.3658713102340698, -0.043813347816467285, -0.942247748374939, 0.38256916403770447, -1.042936086654663, -0.4374910295009613, 0.6117568016052246, 0.5206961035728455, 0.13763198256492615, -1.4273070096969604, -0.4420275092124939, -1.2410129308700562, -0.2071620225906372, 0.9331990480422974, -0.6087231636047363, 1.039175033569336, 0.7964176535606384, -0.02991795539855957, 1.3495473861694336, 0.1782955676317215, -0.6937972903251648, -0.1312975287437439, -0.2745233178138733, 1.0289661884307861, 0.6820803284645081, 0.3248167932033539, 0.8473788499832153, 0.638231635093689, -0.0878714770078659, -0.3663247525691986, -0.8230093717575073, 0.799756646156311, 1.0290977954864502, -0.8538608551025391, -0.33098191022872925, -0.919223964214325, -0.42310094833374023, -1.0954699516296387, 0.5593869686126709, 0.5333330631256104, -0.08064896613359451, -1.0280234813690186, -0.6305186152458191, -0.12564440071582794, 0.09240017086267471, 0.14063553512096405, -0.6111774444580078, -0.6238458752632141, 1.4778212308883667, 1.0308430194854736, 0.3267083168029785, -0.5142836570739746, -0.24092833697795868, -0.3169034421443939, 0.7792925834655762, 0.5330486297607422, -0.4920518696308136, -0.35969603061676025, 0.5930290818214417, -0.6236440539360046, -0.404436856508255, -0.5190286040306091, 0.04748750478029251, -0.6978241205215454, 0.11852186918258667, -0.34813687205314636, 0.34370043873786926, 0.9428948163986206, 1.072377324104309, -0.6185104846954346, 0.3975335955619812, 0.346833199262619, -0.7993261218070984, -0.4725712239742279, -0.19141852855682373, -0.1531042754650116, -0.38125038146972656, 0.4650592803955078]} +{"paper_id": "igbo_english_machine_translation", "embedding": [0.46533384919166565, 1.643831491470337, -0.13729839026927948, 0.09458795189857483, 0.3734278380870819, -0.18537046015262604, 0.1197340339422226, 0.8838937878608704, 0.9830039143562317, 0.5933015942573547, 0.49710091948509216, -0.2698121666908264, -0.46152830123901367, -0.35590970516204834, -0.4173140823841095, -0.7140467762947083, -1.339967131614685, -1.1936837434768677, -1.7362658977508545, -0.11353756487369537, -1.1130329370498657, -0.0654008686542511, -0.3480387330055237, 1.2856745719909668, -0.41334429383277893, -1.115365743637085, 0.30918648838996887, -0.9622196555137634, -0.027500778436660767, 0.3451651930809021, -0.5001339316368103, 0.6761660575866699, -1.2971487045288086, 0.561561107635498, -0.497834175825119, -0.3789176046848297, 0.3406791090965271, 0.38357874751091003, -0.37541288137435913, 0.513687014579773, -0.6938076615333557, -0.6896498203277588, 0.4360336661338806, -0.016922641545534134, 1.1315150260925293, -0.6897458434104919, -0.8037647008895874, 0.10752424597740173, -0.20747673511505127, 0.044546905905008316, -0.5315569639205933, 0.585058867931366, -0.05977354943752289, 0.17010492086410522, -0.64456707239151, 0.9926523566246033, 0.9734032154083252, -0.5816892981529236, 1.2410348653793335, -1.4992094039916992, 0.9024452567100525, 1.8403348922729492, -1.0879781246185303, 0.28244706988334656, 0.8695353269577026, -0.1015123724937439, 1.8725666999816895, 0.37371283769607544, 0.7956466674804688, 0.3985215127468109, 0.08697360754013062, -0.6000341773033142, 0.7731155753135681, 0.3328477144241333, 0.5972825288772583, 0.654098629951477, 0.042637430131435394, 0.0009488500654697418, -0.5593369007110596, -0.07149732857942581, -0.9583535194396973, 1.0162785053253174, 0.5312677621841431, -1.1714009046554565, 0.5302251577377319, 0.7093811631202698, 0.2093934714794159, -0.6363413333892822, 1.1397502422332764, -1.386933445930481, -0.09238949418067932, 0.09869948029518127, -0.1307094693183899, 0.13906803727149963, -0.29981619119644165, -0.23694133758544922, -0.14194844663143158, 0.26623278856277466, -0.3821023106575012, 0.11582940071821213, 0.5371957421302795, -0.06895871460437775, 0.5767110586166382, 0.07062602788209915, 0.41844868659973145, 1.4343671798706055, -0.4134838283061981, -0.5822051167488098, -1.8668187856674194, -0.045476414263248444, 0.846064567565918, 1.1872256994247437, -0.5346093773841858, 0.6623463034629822, 0.6489178538322449, -0.3837844431400299, 0.049032293260097504, -0.6703366041183472, -1.1738090515136719, -0.5382938981056213, -0.553386926651001, -0.736453652381897, -0.6683269143104553, 0.18593059480190277, 0.7831135988235474, -0.43739625811576843, 0.26238885521888733, -0.5163896679878235, 0.3788470923900604, -0.14559979736804962, 1.0213372707366943, 0.13600805401802063, -0.7098909616470337, -0.017575133591890335, 2.909599542617798, -0.6487042903900146, 1.2904988527297974, -0.3647496700286865, 0.7877893447875977, -0.12771141529083252, 0.19679927825927734, 1.4461572170257568, 0.05258890986442566, -1.004658579826355, -0.05996866896748543, 0.1765495389699936, -1.6958117485046387, 0.6135074496269226, -1.0332063436508179, -0.7847490906715393, -0.2829280197620392, 0.366790771484375, -1.0523658990859985, -1.0249638557434082, 0.1422053575515747, 0.18764138221740723, 0.3073638379573822, 1.2174230813980103, -0.41806983947753906, 0.8360053896903992, 0.5971837043762207, 0.1473221778869629, 0.33758482336997986, 0.3049139678478241, -1.5980720520019531, -0.2675539255142212, 1.1918997764587402, 0.18517640233039856, 0.00976711418479681, -0.7879083752632141, 0.9665032029151917, -0.4610287845134735, -0.1641082465648651, 0.1888592541217804, 0.07306033372879028, 0.41290777921676636, 1.2934880256652832, 0.9120427966117859, -0.8242956399917603, -0.5074479579925537, -0.343595951795578, -0.6405962705612183, -0.018650248646736145, 0.12090783566236496, 0.2536645829677582, 0.9461162686347961, -2.224365234375, -0.1606324017047882, -0.12511727213859558, 0.13097180426120758, -0.4538949131965637, -0.3157934546470642, 0.09925835579633713, 0.12495699524879456, 1.1602927446365356, -0.06575804203748703, 0.5230690240859985, -1.1983258724212646, -0.302635133266449, 0.49014604091644287, 0.0334874652326107, 0.07493018358945847, -0.29150351881980896, 0.8196840882301331, 0.43129515647888184, -0.4571530520915985, -0.43089285492897034, -1.1502047777175903, -0.015863530337810516, 2.569634437561035, 0.2989576458930969, -0.8096479177474976, -0.52373206615448, -0.9078794717788696, -0.07693803310394287, -1.1834540367126465, 0.10885043442249298, -1.0786808729171753, -0.5659061670303345, -1.4730095863342285, 0.01884481869637966, -0.8594945073127747, -0.009541548788547516, 0.8315999507904053, 0.9562685489654541, -0.19252634048461914, -0.08247002214193344, 0.4428994953632355, -0.8926124572753906, 0.60164475440979, 0.8223282694816589, 0.28754472732543945, -0.9335998296737671, 0.5426315069198608, -0.24910329282283783, 0.5284386277198792, 1.1441949605941772, 0.07998880743980408, -0.5025606155395508, -0.2725827097892761, 0.09663473069667816, 0.45973026752471924, -0.35749316215515137, -0.4606613516807556, 0.7404043078422546, 0.5035436749458313, -0.6073989272117615, -0.15289679169654846, -0.05654001981019974, -0.24653410911560059, 1.3421647548675537, 1.0233678817749023, -1.1096793413162231, 1.6820029020309448, -1.3103530406951904, 0.45965442061424255, -0.13134446740150452, -0.5316417813301086, 0.485859751701355, -0.27321135997772217, 0.5110121369361877, -0.2106608897447586, 0.34678685665130615, -1.022702693939209, -0.39516401290893555, -1.4484882354736328, -0.34993886947631836, -0.5545483827590942, -0.9790335893630981, -1.6247127056121826, -0.3363869786262512, -0.038361743092536926, -1.3663924932479858, 0.1543353945016861, 0.10778157413005829, 0.951618492603302, 0.22978225350379944, 1.0112824440002441, 1.5562039613723755, 0.3801003098487854, 0.4321637749671936, -0.14177292585372925, 0.2333519607782364, -0.6372324228286743, 1.215230107307434, 0.10074843466281891, 0.32737240195274353, -0.5417291522026062, 0.13969717919826508, -0.562550961971283, 0.009009502828121185, 1.3425922393798828, -0.009051322937011719, 0.3164297938346863, -0.147872656583786, -1.5632911920547485, 0.29118210077285767, -1.127131462097168, 0.6248047947883606, -1.1208597421646118, 1.7678673267364502, 0.2688773572444916, -0.03920672833919525, 0.595882773399353, -0.2356858253479004, -0.4417347311973572, 0.43727317452430725, -0.870334267616272, 1.168705940246582, -0.044640492647886276, -0.41246309876441956, 0.09216822683811188, 0.34767448902130127, -2.112513303756714, 0.07961860299110413, 1.1932456493377686, -0.29693061113357544, -0.7512267231941223, -0.9337446689605713, -0.17001040279865265, -0.9702434539794922, -0.35856372117996216, 0.446098268032074, -0.7708478569984436, 0.4177825450897217, 0.11293373256921768, -0.30985236167907715, 0.6635986566543579, -0.7791794538497925, 0.7657874226570129, 1.5984382629394531, 0.45776984095573425, -0.7944573760032654, -0.13726119697093964, 0.6092931032180786, -1.131121277809143, 0.4090826213359833, 0.4020809233188629, 0.5472779273986816, 1.9319396018981934, -0.20003539323806763, -0.2142883837223053, 0.8812196850776672, 1.402239441871643, 0.645477831363678, 1.1210919618606567, -0.29054373502731323, 0.08194548636674881, 0.1986609399318695, 0.8451863527297974, -0.07525305449962616, -1.0229973793029785, -0.8083755970001221, -0.09129948914051056, -0.5390755534172058, -0.7211562395095825, 2.0425515174865723, 0.93053138256073, 0.9821112751960754, 0.2652468979358673, 0.320575475692749, -0.2858105003833771, -0.03270052373409271, 1.4451665878295898, 0.1488497108221054, -0.1408170610666275, 0.035555943846702576, 0.23796258866786957, 1.047444462776184, -0.7160589098930359, -0.25774097442626953, -0.17278485000133514, 0.5494811534881592, -0.6914800405502319, -0.9064217209815979, 0.034870028495788574, 0.9418017864227295, 0.7326504588127136, 1.5962480306625366, -0.9272406697273254, -0.41597670316696167, 0.21656368672847748, 0.7732504606246948, -0.4697924852371216, 0.8676514625549316, -0.46221429109573364, 0.49971503019332886, 0.3848225176334381, 1.1400023698806763, -0.3481282591819763, 0.35579922795295715, 1.0159580707550049, -0.547976016998291, -0.771673858165741, -0.5981308817863464, -1.5547703504562378, -0.7389575242996216, -0.7189732193946838, -0.14522947371006012, -1.2129809856414795, 0.6923040747642517, -0.14930003881454468, -0.8236348032951355, 0.3339866101741791, -0.24379363656044006, -1.734720230102539, 1.1465142965316772, 1.2482681274414062, -0.7269971370697021, 0.020604288205504417, -0.14803732931613922, -0.7988634705543518, -1.1678608655929565, 0.5138635039329529, -1.267098069190979, -0.4894990026950836, 0.00659564882516861, 1.1628398895263672, 0.3957458734512329, -0.6551542282104492, -0.9457283020019531, 0.07742422819137573, 1.9535518884658813, -1.037617802619934, 0.16967982053756714, -0.0066464911215007305, 0.8718869090080261, -0.8321459293365479, -1.2104161977767944, -0.5725879073143005, 0.34102892875671387, 0.4044874608516693, 0.31721231341362, -0.37561696767807007, -0.8363794088363647, -0.02138717658817768, -0.12198010087013245, 0.8301819562911987, -1.3120839595794678, 0.21597811579704285, -0.26786795258522034, 0.5038244128227234, 0.543805718421936, -0.46745872497558594, 0.11716589331626892, 1.3137540817260742, 0.2826349139213562, 0.0327167734503746, 0.9045025110244751, 1.3053618669509888, -0.0034394115209579468, 0.18998849391937256, 0.34239476919174194, -0.5355403423309326, -9.30473804473877, -0.11715439707040787, -0.9188774228096008, -0.001112520694732666, 0.2557350695133209, -0.246282160282135, 1.065153956413269, -0.47890955209732056, 0.08999314904212952, -0.44992101192474365, 1.0713341236114502, 1.1997696161270142, 0.9095043540000916, -0.8996046185493469, -0.19157034158706665, -0.7871189117431641, -0.7809846997261047, -0.09924512356519699, 0.7583106756210327, 0.3181314468383789, -1.3162450790405273, -1.7094063758850098, 0.16769759356975555, 0.1612846404314041, 0.21432265639305115, 0.20733654499053955, 0.12199115008115768, 0.11140765994787216, -0.3008628487586975, 0.27503272891044617, 0.4028480052947998, 0.24004264175891876, -1.6173465251922607, -0.8136911392211914, 1.060233473777771, -0.4341813325881958, -1.0676614046096802, 0.0003508510999381542, 1.251618504524231, 0.04570117965340614, -0.25342363119125366, 0.4665185511112213, 0.036620207130908966, -0.7645279169082642, -0.1065240204334259, 0.4349970817565918, 0.15182918310165405, -1.3326996564865112, 0.9639362692832947, -0.9044986367225647, -0.24170519411563873, -0.4321148693561554, -1.2512071132659912, -0.9199131727218628, 0.3888058066368103, -0.10893813520669937, -0.35838454961776733, 0.2365710437297821, 0.13555124402046204, -0.8595849275588989, 0.8114109635353088, 0.2841641306877136, -0.35225698351860046, 0.07995379716157913, 0.15526726841926575, -0.2912055253982544, 0.9256914854049683, 0.29812803864479065, -0.2238413691520691, 0.06930126249790192, -1.2156202793121338, 0.7601392865180969, -0.08163287490606308, -0.45126909017562866, -0.4026200771331787, -0.4781079888343811, -0.6939868330955505, -0.37570613622665405, 0.4214245080947876, 0.21668462455272675, -0.6608797311782837, 0.5013887882232666, 0.10891138762235641, -0.046747393906116486, -0.9555468559265137, 0.07677413523197174, -0.22464531660079956, 0.17012345790863037, 1.2102727890014648, -0.01344272494316101, 1.205395221710205, -0.40457120537757874, 0.2224971204996109, 0.3306228816509247, -0.3786848783493042, 1.3525680303573608, -0.7586597800254822, 1.194836139678955, 0.49590858817100525, -0.8430994749069214, 0.7139134407043457, -0.7026069760322571, -0.14786578714847565, 0.13444460928440094, 0.6343915462493896, 0.2014063596725464, 0.3685253858566284, 0.03269672393798828, 0.13619816303253174, 0.16213645040988922, 1.2751717567443848, 0.023561492562294006, -0.3554142713546753, 0.5316895246505737, 0.7268937826156616, 1.4631513357162476, 0.15118034183979034, 0.45420998334884644, 0.5195472836494446, 0.5970598459243774, -0.1304021030664444, 1.3429311513900757, 0.7012327313423157, 1.4961284399032593, -0.5239472389221191, 0.48512372374534607, 0.6783938407897949, 0.43590375781059265, 0.019866636022925377, -1.1021368503570557, 0.1790802776813507, -0.5647345781326294, 0.2634802758693695, -1.2913715839385986, 0.035709429532289505, -0.6459270715713501, -1.5186125040054321, 1.2842116355895996, -0.47724366188049316, -0.28284454345703125, 0.3242071270942688, -1.0998424291610718, 0.29698657989501953, -0.5799776911735535, -0.793538510799408, 0.189184308052063, -2.257067918777466, -0.5136556625366211, -0.0723661333322525, -0.9612351655960083, 0.8581238985061646, 0.4253832995891571, 0.9525246620178223, -0.8858923316001892, 0.11524279415607452, -0.06845983862876892, -0.004981420934200287, -0.40384915471076965, -0.526032567024231, -0.38728559017181396, 0.401730477809906, 1.2115423679351807, -0.34017062187194824, 0.9381566643714905, 0.527942419052124, 0.5247344374656677, -0.35426318645477295, 0.08750464022159576, -0.4551589787006378, 1.1059547662734985, 1.2733380794525146, -1.356351375579834, -0.3882625997066498, -0.8437367677688599, -0.8284755945205688, -0.18225416541099548, 0.06163229048252106, 1.5427591800689697, -0.5009647011756897, 1.0290274620056152, -0.5475796461105347, 0.6022329926490784, 0.3126179575920105, -0.9388046264648438, -0.6909148693084717, 0.3746434450149536, -0.2498248815536499, 0.6064561009407043, 0.17161265015602112, 0.42232370376586914, -2.0159170627593994, -1.4247522354125977, 0.054560787975788116, -0.24716077744960785, -0.3836650550365448, -0.48537203669548035, 0.7343227863311768, -0.5492978692054749, 0.8901222944259644, 0.5544111132621765, -0.19662682712078094, 0.08104123175144196, 0.209549680352211, 0.42972201108932495, 0.02263832837343216, -0.28658485412597656, -0.29933711886405945, 0.2072589099407196, 0.5011080503463745, 0.23820315301418304, -1.7074717283248901, -0.6834708452224731, 0.3646821975708008, 0.21749070286750793, -0.03512216731905937, -0.5648313760757446, 0.22605186700820923, 0.8351961970329285, -0.24608369171619415, -1.4750709533691406, -0.2325512170791626, 1.3796584606170654, 0.09904661774635315, 0.5783970952033997, 0.6822855472564697, 0.5448566675186157, -0.027413982897996902, 0.8405691981315613, 1.2750812768936157, -0.5500018000602722, -0.4877556562423706, -0.8693788647651672, 0.7592053413391113, -0.8736081123352051, -0.13854387402534485, 0.7282037734985352, -1.5422073602676392, 0.23929554224014282, -1.2959424257278442, 1.329719066619873, -0.748995304107666, -0.2144148200750351, 0.04769834876060486, 0.8772522211074829, 0.11845850944519043, -1.2323342561721802, 0.3792644739151001, -0.215915709733963, -0.6144176721572876, -0.23823946714401245, 0.2165592610836029, 1.146361231803894, 0.690733790397644, 0.5136646628379822, 1.8316123485565186, 0.49376994371414185, -0.22187481820583344, -0.09412310272455215, 0.4467836618423462, 0.7642679214477539, 0.8139001131057739, -0.059040628373622894, 0.11307129263877869, -0.6384493112564087, -0.7026324272155762, -0.8603414297103882, -0.8336356282234192, 0.7245169878005981, 1.4819600582122803, -0.016044700518250465, -0.1286950409412384, -1.5586953163146973, 0.7685502171516418, -0.653605043888092, 0.5870543718338013, 0.7525173425674438, -0.41686129570007324, -0.991841733455658, -0.6700131893157959, 0.4179668724536896, 1.2106554508209229, -0.5642105340957642, 0.5116807818412781, -1.01182222366333, 0.27272161841392517, -0.47532162070274353, -0.8874587416648865, -1.5518085956573486, 0.12359964102506638, -0.6249451041221619, -0.17558127641677856, 1.047558307647705, -0.4014965295791626, -0.7436518669128418, 0.21920865774154663, -1.2893400192260742, 0.5300746560096741, -0.19382940232753754, -0.5149587988853455, -0.17011941969394684, 0.6630997657775879, -0.8905733823776245, -0.3825913965702057, 0.8222534656524658, -0.016094407066702843, -1.759700059890747, 1.3552770614624023, 1.5110068321228027, -0.9533685445785522, -0.22727453708648682, -0.05378667265176773, 0.336027055978775, -0.04785387963056564, 1.8354558944702148]} +{"paper_id": "squad_it", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "chr_en", "embedding": [0.3717028796672821, 0.6769024729728699, 0.7287197709083557, -0.09545742720365524, 0.7484453320503235, -0.4205208420753479, 0.597952127456665, 0.4206216335296631, 0.916053056716919, 0.29496029019355774, 0.13591116666793823, -0.33353275060653687, 0.2036105841398239, -0.21506673097610474, 0.03223796933889389, -0.2755991220474243, -1.012442946434021, -0.8753494620323181, -1.6962772607803345, -0.15752173960208893, -0.24005407094955444, 0.11101719737052917, -0.09909239411354065, 0.8836307525634766, -0.5945224165916443, -0.19768163561820984, 0.5490167737007141, -1.0124268531799316, 0.1988968849182129, 0.5191704034805298, -0.5174731016159058, 1.2687718868255615, -1.1546556949615479, 0.47376498579978943, -0.6369113326072693, -0.18420220911502838, 0.4262181520462036, 1.2098662853240967, 0.2069336473941803, -0.0996209979057312, -0.6475386619567871, -0.4787641763687134, 0.4262615144252777, 0.2923819422721863, 1.2445148229599, 0.11894916743040085, -0.6048517227172852, -0.1479007452726364, -0.00935431569814682, -0.1835736185312271, -0.42394933104515076, 0.08888901025056839, 0.10003761202096939, 0.12856635451316833, -0.691526472568512, 1.2259836196899414, 0.4102500081062317, -0.5421202182769775, 0.6893205046653748, -1.1064010858535767, 0.8783459663391113, 1.160322904586792, -0.6259293556213379, 0.2460983246564865, 1.1118766069412231, -0.010230861604213715, 1.6140198707580566, 0.4321171045303345, 0.7253197431564331, 0.7811814546585083, 0.3789309859275818, -1.4998040199279785, 0.9429424405097961, -0.0872492641210556, 0.7066634893417358, 0.8628157377243042, 0.5077403783798218, 0.8811807036399841, -0.1630699336528778, -0.10508639365434647, -0.5393179059028625, 0.7851485013961792, 0.47500744462013245, -0.7828119993209839, 0.12126666307449341, 0.4314161539077759, 0.22365537285804749, -0.4789152443408966, 1.3682655096054077, -1.8864965438842773, 0.18849433958530426, 0.03067239187657833, 0.702046275138855, 0.20244622230529785, -0.44968050718307495, 0.4094182848930359, -0.3412081003189087, 0.6754111051559448, -0.24979856610298157, -0.008961746469140053, 0.7743565440177917, -0.25178027153015137, 0.761081874370575, -0.28245359659194946, -0.1537705957889557, 1.0600392818450928, -0.21406079828739166, -0.9686394333839417, -1.590765118598938, -0.5112553834915161, 0.2166121006011963, 1.3100453615188599, -0.33490264415740967, 0.6159870028495789, 0.19369953870773315, -0.2946041524410248, 0.07471422106027603, -0.4156542420387268, -0.7405972480773926, -0.06936958432197571, -0.35923531651496887, -1.411466121673584, -0.7423707246780396, -0.291076123714447, 0.8914186954498291, -0.48851725459098816, 0.1350550353527069, -0.5445169806480408, 0.2746261656284332, -0.4439263343811035, 0.8120518922805786, -0.010671008378267288, -0.45097580552101135, -0.12926943600177765, 3.2401416301727295, -0.47967728972435, 1.4705015420913696, -1.1199610233306885, 0.2433042824268341, -0.27237769961357117, -0.0029688552021980286, 1.4645771980285645, -0.12591390311717987, -0.6083007454872131, -0.2406250685453415, 0.10165327787399292, -1.5274553298950195, -0.0005095135420560837, -0.44321271777153015, -1.0373038053512573, 0.004880871623754501, 0.5837161540985107, -1.0110372304916382, -0.9326485395431519, 0.03141409531235695, 0.4169684648513794, 0.1759130209684372, 0.9950465559959412, -0.5873943567276001, 0.6918318867683411, 0.294406533241272, 0.040378350764513016, -0.46887561678886414, 0.7655501961708069, -1.286919355392456, 0.5329015851020813, 1.5734056234359741, -0.3049750328063965, -0.36668092012405396, -0.7798048853874207, 0.6918465495109558, -0.002018798142671585, 0.2959672808647156, 0.5294077396392822, -0.3912141025066376, 0.5453060865402222, 0.6173359155654907, 0.8743783235549927, -0.43271318078041077, -0.25340181589126587, -0.5397017598152161, 0.1292126327753067, -0.33091315627098083, 0.24030226469039917, 0.17791764438152313, 0.04002754017710686, -2.113015651702881, -0.40079909563064575, -0.12670420110225677, -0.045885346829891205, -0.21629995107650757, -1.0796692371368408, 0.05730533227324486, -0.4124663174152374, 1.1056361198425293, -0.29107972979545593, 0.7288401126861572, -1.055548906326294, -0.6959711909294128, 0.5430442094802856, 0.0907658040523529, -0.2647322118282318, 0.019612742587924004, 0.17350099980831146, -0.2082992047071457, -0.06820289045572281, -0.5856218934059143, -1.2528489828109741, -0.28908607363700867, 2.7403342723846436, 0.24821928143501282, -0.4587729871273041, -0.672450065612793, -0.8994539976119995, -0.034761615097522736, -0.9610986709594727, 0.33330482244491577, -1.0079478025436401, -0.9295797944068909, -0.922296941280365, -0.16326339542865753, -0.5373504161834717, 0.3712955117225647, 0.3154950439929962, 0.605937659740448, -0.34694260358810425, -0.3515528440475464, -0.3624269366264343, -1.022475242614746, 0.6432814598083496, 0.4203689396381378, 0.3272969126701355, -1.2306777238845825, 0.8492350578308105, 0.17106613516807556, 0.5898681879043579, 0.8643942475318909, 0.8258199691772461, -0.25802135467529297, -0.4948454797267914, -0.15741664171218872, 0.8651856780052185, -0.4850912094116211, -0.033592063933610916, 0.4908367395401001, 0.833828866481781, -0.784546971321106, -0.9895074367523193, -0.6221855282783508, 0.23512369394302368, 1.3467203378677368, 1.0993932485580444, -0.8585797548294067, 1.287674903869629, -0.9660834074020386, 0.10613976418972015, 0.04637974128127098, -1.0107921361923218, 0.3780784010887146, -0.3375122547149658, 0.4333251118659973, -0.1239522248506546, 0.3336581289768219, -0.34679925441741943, -0.30332112312316895, -1.4156992435455322, -0.1327528953552246, -0.7554062604904175, -0.5866164565086365, -1.4800564050674438, -0.33986157178878784, 0.043341074138879776, -0.9411735534667969, -0.6979342699050903, 0.05451650172472, 0.3442572355270386, 0.008892782032489777, 1.1307436227798462, 1.8027949333190918, 0.10167887806892395, 0.7684686779975891, -0.12387023866176605, 0.18449746072292328, -0.6260366439819336, 1.172998070716858, 0.6607362031936646, 0.16496436297893524, -1.0363523960113525, 0.068303182721138, -0.6605658531188965, -0.3269403278827667, 0.8542070388793945, 0.0020598694682121277, 0.5146656632423401, -0.3615003526210785, -1.1192374229431152, 0.9668846726417542, -0.08175213634967804, 0.7321838736534119, -1.0806113481521606, 1.6534861326217651, 0.3313021659851074, 0.3418963551521301, 0.7040238976478577, -0.47038552165031433, 0.07776141166687012, 1.033154010772705, -0.7725117206573486, 0.6577614545822144, 0.8837438821792603, -0.6076061725616455, 0.09986095130443573, 0.4432896077632904, -1.731054663658142, -0.03845430538058281, 0.5528734922409058, 0.03185354545712471, -0.29028138518333435, -0.6125237345695496, 0.5562714338302612, -0.6307081580162048, -0.6457775831222534, 0.08797002583742142, -0.5718064308166504, 0.2818990647792816, 0.181639164686203, 0.3188333511352539, 0.938671886920929, -0.8916216492652893, 0.8407772779464722, 1.952762484550476, 0.3549838066101074, 0.30829766392707825, -0.3908049464225769, 0.39570966362953186, -0.989453911781311, 0.2611655294895172, 0.8553429841995239, 0.7816286087036133, 1.575926661491394, -0.14874237775802612, -0.12606370449066162, 0.8663501143455505, 1.5395519733428955, 0.20502328872680664, 0.7518098950386047, -0.3348885178565979, 0.4853089153766632, 0.25765979290008545, 1.093032956123352, -0.2355262041091919, -0.9551472663879395, -0.9475171566009521, 0.36146560311317444, -0.4041784405708313, -0.15091344714164734, 1.9541141986846924, 0.524095892906189, 0.44597169756889343, -0.5101171731948853, 0.3711528182029724, -0.16334031522274017, 0.2548063397407532, 1.0069774389266968, 0.6968395113945007, -0.32264482975006104, 0.15328699350357056, -0.07560636103153229, 1.2027275562286377, -0.5437596440315247, -0.6832239031791687, 0.2003503292798996, 0.8876113891601562, -0.788942813873291, -0.6777549386024475, 0.0006872308440506458, 0.39555907249450684, 0.8888322710990906, 1.0033705234527588, -0.6703161001205444, -0.622916579246521, -0.03387199342250824, 0.263557493686676, -0.31926602125167847, 0.8467957973480225, -0.5486809611320496, 0.08847897499799728, 0.20071786642074585, 1.0462192296981812, 0.16041795909404755, 0.7690377831459045, 0.4136413335800171, -0.5605641603469849, -0.9994987845420837, 0.0906776487827301, -0.8665221929550171, -0.5611134171485901, -0.8818897008895874, -0.3201603293418884, -0.8752020597457886, 1.0332694053649902, -0.7404949069023132, -0.6492871642112732, 0.4172116219997406, 0.12610512971878052, -1.5802031755447388, 0.6277964115142822, 0.7133896350860596, -0.9436699151992798, -0.3563324511051178, -0.357582688331604, -0.4947466254234314, -1.2085381746292114, 0.5645983815193176, -0.44164255261421204, -0.37741532921791077, -0.15831556916236877, 0.6330578923225403, -0.18750202655792236, -0.7162147164344788, -1.239808201789856, 0.317263662815094, 1.7616734504699707, -1.327149510383606, -0.32903432846069336, 0.39321398735046387, 0.7553672790527344, -0.12662982940673828, -0.7750594615936279, -0.5690961480140686, 0.28297168016433716, 0.9765068292617798, 0.4293576776981354, -0.21998552978038788, -0.48434439301490784, 0.23041683435440063, -0.1553926020860672, 1.2546907663345337, -0.8111416101455688, 0.5662508010864258, -0.6736059188842773, 1.0157643556594849, 0.6832334995269775, -0.20599475502967834, -0.20533016324043274, 1.3197200298309326, -0.4696943759918213, 0.6385698318481445, -0.1716303825378418, 0.13835202157497406, 0.5170102715492249, 0.6949367523193359, 0.3410409688949585, -0.3713811933994293, -10.621642112731934, -0.25810912251472473, -0.38620197772979736, -0.08560378849506378, 0.7517156004905701, -0.3397190272808075, 0.8866763710975647, 0.3674123287200928, 0.09553971141576767, -0.5337209701538086, 0.4114936888217926, 1.219498634338379, 0.6573988795280457, -0.9914441108703613, -0.7651990056037903, -0.6144976615905762, -1.0450470447540283, -0.07725251466035843, 0.1336345374584198, 0.18294411897659302, -1.4603346586227417, -0.9838269352912903, -0.19261625409126282, 0.6942657232284546, 0.19689267873764038, 0.38823381066322327, 0.05567815154790878, -0.1363544464111328, -0.2571031451225281, -0.1688115894794464, 0.4057728350162506, -0.36250200867652893, -0.8016210198402405, -0.6172652244567871, 0.945393979549408, 0.37570706009864807, -0.9802163243293762, 0.006501249969005585, 0.9218032956123352, -0.010155381634831429, -0.1537575125694275, 0.9029982686042786, -0.22172285616397858, -0.1441454291343689, -0.3864355981349945, 0.4188319444656372, 0.03657852113246918, -0.6970279812812805, 0.8997206091880798, -0.9170963764190674, -0.8706713914871216, -1.0062050819396973, -1.4779220819473267, -0.8407102823257446, 0.5910111665725708, 0.2794385552406311, -0.6217063069343567, -0.2211037427186966, -0.24617236852645874, -1.3327571153640747, 0.9701706767082214, -0.16044963896274567, -0.3354024291038513, 0.5242358446121216, -0.06128208339214325, -0.6638146042823792, 0.8094223141670227, 0.40462392568588257, -0.7640906572341919, 0.3646980822086334, -0.9677285552024841, 0.3725931644439697, -0.030929721891880035, 0.028778329491615295, -0.4841708242893219, -0.21112969517707825, -0.4150642156600952, -0.016370991244912148, 0.26768758893013, -0.025193270295858383, -0.9736378788948059, 0.22064927220344543, 0.14355935156345367, -0.27139797806739807, -0.255573034286499, 0.06648735702037811, -0.32656651735305786, 0.6480957269668579, 1.0970202684402466, 0.45841431617736816, 1.417576789855957, -0.5763869881629944, 0.22774645686149597, -0.23303702473640442, -0.472848504781723, 0.5904984474182129, -0.5392839312553406, 0.8347263932228088, -0.06559412181377411, -1.3879474401474, 0.7083854675292969, 0.05093172937631607, -0.4560660123825073, 0.03072495386004448, 0.9590071439743042, 0.09370157867670059, 0.42134594917297363, 0.09564155340194702, 0.35835492610931396, 0.09730451554059982, 1.010606050491333, -0.15956217050552368, -0.1583012491464615, 0.8656722903251648, 0.7454221248626709, 1.3475106954574585, 0.7574741840362549, 0.5308723449707031, 0.8200507164001465, 0.6259889006614685, 0.007837398909032345, 0.9378176331520081, 0.24453622102737427, 1.8027855157852173, -0.389595091342926, 0.9131074547767639, 0.2502768933773041, 0.6547480225563049, -0.421412855386734, -1.0273393392562866, 0.09507164359092712, -0.18421214818954468, 0.293527215719223, -0.6368627548217773, -0.18814069032669067, -0.42384546995162964, -0.7892744541168213, 1.3356300592422485, -0.6530318260192871, 0.24333658814430237, 0.17856144905090332, -1.2310678958892822, 0.11479577422142029, -0.47650086879730225, -0.7887280583381653, 0.0010003000497817993, -1.1239477396011353, -0.4144909381866455, -0.42308083176612854, -0.600340723991394, 0.8360707759857178, 0.0712667927145958, 1.2075430154800415, -0.6360821723937988, -0.195635125041008, -0.3429141044616699, 0.249724343419075, -1.0707987546920776, -0.654130756855011, -0.04783385246992111, 0.3038218319416046, 1.2641658782958984, -0.6753678321838379, 0.9442086815834045, 0.4925256669521332, 0.7099291682243347, -0.5447531938552856, -0.24117644131183624, -0.6898384094238281, 0.9383181929588318, 1.2036781311035156, -1.2364978790283203, -0.6059161424636841, -0.3911892771720886, -0.6006369590759277, -0.6313574314117432, 0.47483667731285095, 1.5283169746398926, -0.6830400228500366, 0.9158115386962891, -0.370677649974823, 0.4026644229888916, -0.42846882343292236, -1.0808639526367188, -1.2006486654281616, 0.37678730487823486, -0.6719991564750671, 1.3031675815582275, -0.24132676422595978, 0.43571141362190247, -2.2630953788757324, -1.128474235534668, -0.15178929269313812, -0.49769219756126404, 0.5072816610336304, -0.25472158193588257, 0.4456704258918762, -0.47529736161231995, 0.5222551822662354, 0.32555902004241943, -0.6302898526191711, 0.42065858840942383, -0.4202984869480133, 0.0021334104239940643, -0.06942561268806458, -0.027786333113908768, -0.7758684158325195, -0.0084199458360672, 0.2277137041091919, -0.09171339869499207, -1.2970975637435913, -0.24737179279327393, 0.4961828291416168, 0.017696822062134743, 0.23618252575397491, -0.7650172710418701, 0.30141857266426086, -0.26521429419517517, 0.1050691232085228, -1.5324738025665283, -0.40429097414016724, 1.8636884689331055, 0.18991772830486298, 0.637710690498352, 0.3695889413356781, 0.6221775412559509, 0.5199381113052368, 0.7797266244888306, 1.0869981050491333, -0.22775115072727203, -1.0786045789718628, -0.9553002119064331, 0.003973640501499176, -0.3576482832431793, 0.021368607878684998, 0.7069447040557861, -1.2187329530715942, -0.15720286965370178, -1.5229549407958984, 1.1759216785430908, -0.5711456537246704, 0.3364865481853485, 0.0668535977602005, 0.7763513326644897, -0.6860607266426086, -1.0873202085494995, 0.42922013998031616, -0.18677225708961487, -0.006922662258148193, 0.36275026202201843, 0.4346871078014374, 0.8279363512992859, 0.6917463541030884, 0.5586969256401062, 1.358566403388977, -0.4220467805862427, -0.605480432510376, 0.329824835062027, 0.08218114823102951, 1.4765509366989136, 0.34462425112724304, -0.11321116983890533, 0.1864587962627411, 0.10904347896575928, -0.6373457312583923, -0.5716298818588257, -0.12525027990341187, 1.0501666069030762, 0.9685728549957275, 0.49685919284820557, -0.07148459553718567, -1.4172461032867432, -0.12953808903694153, -1.20375394821167, 0.8012316226959229, 1.5969436168670654, -0.46839362382888794, -1.119112491607666, -1.0564978122711182, 0.15476346015930176, 0.8375318050384521, -0.4353032112121582, 0.3928574323654175, -1.4592249393463135, 0.26841670274734497, 0.4062744677066803, -0.38974273204803467, -1.2487738132476807, 0.14224591851234436, -0.0998585969209671, 0.16077680885791779, 0.4835023880004883, -0.6635440587997437, -0.26149851083755493, 0.4234499931335449, -0.7405830025672913, -0.02475258894264698, -0.44635194540023804, -0.5799552202224731, -0.3786947727203369, 0.22574880719184875, -0.37825843691825867, -1.1147894859313965, 0.25669288635253906, -0.5341243743896484, -1.7533633708953857, 1.0729776620864868, 1.1433935165405273, -1.0732660293579102, -0.616508960723877, 0.47485414147377014, -0.16139991581439972, 0.4631469249725342, 1.6111969947814941]} +{"paper_id": "aquamuse", "embedding": [-0.4717719554901123, 1.0815638303756714, -0.31058692932128906, -0.1963360607624054, 0.1689796894788742, 0.04015735536813736, 0.7728897929191589, 1.177651286125183, 0.46598348021507263, 0.4142771363258362, 0.5283107161521912, 0.2475263923406601, 0.6165899038314819, 0.3593088984489441, -0.5251628160476685, -0.25560998916625977, -0.4095883071422577, -0.6218523979187012, -0.8217429518699646, -0.8219677209854126, -0.44952553510665894, 0.12685859203338623, -0.12424999475479126, 0.006140723824501038, -0.731583297252655, -0.42599573731422424, 1.4100641012191772, -1.3607513904571533, 0.38712987303733826, 0.6105324625968933, 0.1604316681623459, 0.6765081882476807, -1.3961416482925415, -0.11371733248233795, -1.126204490661621, -0.06751979887485504, 0.1905537247657776, 1.1600037813186646, -0.3246990442276001, 0.05447569862008095, -0.9882128834724426, 0.3448561728000641, 0.9620184898376465, 0.010997624136507511, -0.07277224957942963, -0.4216599762439728, 0.23231518268585205, -0.13329511880874634, -0.4865684509277344, -0.01794249564409256, 0.009007704444229603, 0.2343144416809082, -0.08703967928886414, 0.9454277753829956, -0.1762060523033142, 1.620275616645813, 0.1435999870300293, -0.8234894275665283, 0.29344743490219116, -1.1056334972381592, 1.4756077527999878, 1.1485925912857056, -0.1853155493736267, -0.019034788012504578, 1.6732069253921509, -0.7633785605430603, 0.723398745059967, 0.4879665970802307, 0.3245563209056854, 0.9991269707679749, -0.44104868173599243, -1.2341563701629639, 0.3908151388168335, -0.2896077036857605, -0.06492742896080017, 1.258913278579712, 0.4699099063873291, -1.0526676177978516, 0.5414177775382996, -0.704747200012207, -0.5740748047828674, 0.15432019531726837, 0.48566770553588867, -0.45197269320487976, -0.303867369890213, -0.38839200139045715, -0.3100335896015167, -0.2711160480976105, 0.5467475652694702, -1.1741443872451782, 0.1145009696483612, 0.007369685918092728, -0.08718342334032059, -0.25020831823349, -0.4881775379180908, 0.1502821147441864, -0.5182934403419495, -0.3522672951221466, -0.4673995077610016, 0.5003472566604614, 0.7700344324111938, -0.6970404386520386, 0.738115131855011, 0.4267648160457611, 0.7413462400436401, 0.262116014957428, -0.21073144674301147, -0.17369532585144043, 0.03867120295763016, -0.9653120636940002, -0.8583709597587585, 0.4750927686691284, 0.3262045979499817, 0.12352978438138962, -0.6331005096435547, -0.0768577829003334, 0.3505987524986267, -0.2316434532403946, -0.36162760853767395, -0.26248645782470703, -0.01818874478340149, -1.854277491569519, -0.45696479082107544, -0.4371122121810913, 0.23914536833763123, 0.024877313524484634, -0.22623492777347565, -0.47280803322792053, -0.4887349307537079, 0.25213319063186646, 0.9016342163085938, -0.1603545844554901, -0.8322539329528809, -0.28943100571632385, 2.6967978477478027, -0.924786388874054, 1.9626011848449707, 0.8611093759536743, -0.23673678934574127, -0.4114164710044861, -0.16877475380897522, 1.0838167667388916, 0.2659878134727478, -0.9687789678573608, 0.15781466662883759, 0.19373510777950287, -0.12890736758708954, 0.5083396434783936, -1.0936553478240967, -0.3129507899284363, -0.8772791028022766, -0.09600471705198288, -0.956754744052887, -0.8432878851890564, -0.17971716821193695, 0.8725701570510864, 0.49566328525543213, 0.19358359277248383, -0.4892512559890747, 1.1774672269821167, 0.7400196194648743, 0.2987576723098755, -0.6913750171661377, 0.8223903775215149, -0.5606231093406677, -0.2251514345407486, 1.0377074480056763, -0.12155759334564209, -0.8043648600578308, 0.15162134170532227, 0.17477229237556458, -1.0058443546295166, 0.45235303044319153, -0.46069076657295227, -0.13090376555919647, 0.23892927169799805, 0.6974466443061829, -0.013173557817935944, 0.14031951129436493, -1.0602359771728516, -0.33509039878845215, 0.10890945792198181, 0.5104854702949524, 0.6666894555091858, 0.30437928438186646, 0.8106679320335388, -2.2893259525299072, 0.21800512075424194, -0.006963819265365601, 0.7263810038566589, 0.31167861819267273, -0.6385012269020081, 0.24427053332328796, -0.4266423285007477, -0.23641373217105865, -0.8964591026306152, -0.17714543640613556, -0.5744098424911499, 0.5651834607124329, 0.34340256452560425, 0.09013232588768005, 1.1860103607177734, 0.525138258934021, 0.83697509765625, 1.3753730058670044, -0.5142849683761597, -0.7024898529052734, -1.8380306959152222, 0.6640830636024475, 2.033538818359375, -0.9194817543029785, -0.03437628597021103, -1.5965267419815063, -0.09748736023902893, 0.9185673594474792, 0.06337769329547882, -0.21898630261421204, -0.054664164781570435, -0.3639780580997467, -0.9247012138366699, 0.5549177527427673, -0.9039270281791687, 0.24039119482040405, -0.18532808125019073, 0.5077767372131348, -1.1006011962890625, -0.21448762714862823, -0.18840345740318298, -1.253418207168579, 1.0046491622924805, 0.9595460891723633, -0.2746751308441162, -0.3094889223575592, 1.2247527837753296, -0.008924305438995361, 0.5284503698348999, 0.29448363184928894, 0.27965936064720154, -0.45627903938293457, -1.0319206714630127, -0.14840269088745117, 1.6252973079681396, 0.14954762160778046, 0.40535610914230347, -0.15309976041316986, 0.047555193305015564, -0.36137768626213074, -0.6957616806030273, 0.07777408510446548, 0.008041761815547943, 0.674308180809021, 1.2367080450057983, -0.11674636602401733, 1.5134540796279907, -0.7137284874916077, -0.35151344537734985, -0.14144910871982574, -0.9095813632011414, -0.16147208213806152, -0.3060896396636963, 0.7423374652862549, 0.37149885296821594, 0.20786702632904053, -0.07638666033744812, -0.27254417538642883, -1.1554250717163086, -0.36742404103279114, 0.03529595583677292, -0.6466298699378967, -0.8596013784408569, -0.13792619109153748, -0.5253285765647888, -0.34892064332962036, -0.9896703362464905, 0.08514861762523651, -0.2144947201013565, 0.1807745099067688, 0.790015459060669, 1.0444583892822266, 0.4484551250934601, 0.7151471376419067, -0.418207049369812, 1.267479658126831, 0.08636742830276489, 0.4102790355682373, -0.4765170216560364, -0.34573468565940857, -1.6354373693466187, -0.12577316164970398, -0.906883180141449, 0.2451055645942688, -0.21284204721450806, -0.870262861251831, 0.5807640552520752, -0.06566374003887177, -1.4269697666168213, 0.4804779887199402, -0.44560039043426514, -0.7351288199424744, -0.3871256113052368, 1.8282185792922974, -0.41337212920188904, -0.7530457973480225, 0.46980565786361694, 0.5225659608840942, -0.4175109565258026, 1.2237131595611572, -0.40955057740211487, 1.1004602909088135, 0.4909365177154541, -0.10502396523952484, 0.16911981999874115, 0.18792977929115295, -1.4042301177978516, 0.26857274770736694, 1.4465652704238892, -0.48928356170654297, -0.7056751251220703, -0.21333828568458557, -0.24245423078536987, -0.30483925342559814, 0.2582818567752838, 0.16138431429862976, -1.2931396961212158, 0.5404640436172485, -0.1899075210094452, 0.36923444271087646, 1.797953724861145, -0.49984675645828247, 1.106002688407898, 0.8189855813980103, 0.2506508529186249, -0.7377180457115173, -1.0734138488769531, 0.775353729724884, 0.16040270030498505, 0.5589869022369385, 0.0009486079216003418, 0.8667286038398743, 0.5777420997619629, -0.5831893086433411, -0.6019502282142639, 0.8214117288589478, 0.5852273106575012, 0.2401268482208252, 0.2637794315814972, -0.7201448678970337, 1.1655373573303223, -0.13831594586372375, 0.9067317843437195, 0.3159543573856354, -0.3756102919578552, -0.42302268743515015, -0.3319440484046936, -0.5817555785179138, -0.8447763919830322, 1.3310283422470093, 0.48455655574798584, 2.028438091278076, 0.6379142999649048, 0.10958999395370483, -0.6579198837280273, -0.11524306237697601, 0.3984639644622803, 0.6706249713897705, 0.22002223134040833, -0.188598170876503, -0.5910501480102539, 1.1880989074707031, -0.3825133144855499, 0.14509542286396027, 0.3167933523654938, 0.31821969151496887, -0.08322551846504211, -0.6712629795074463, 0.8092190027236938, 1.1177552938461304, 0.634127676486969, 1.6453368663787842, -0.43404877185821533, -0.1355232447385788, -0.28334420919418335, -0.2624706029891968, -0.031529128551483154, -0.06626535952091217, -0.977078914642334, 0.43524932861328125, 0.15549616515636444, 0.5042170882225037, -0.4806055426597595, 1.2215896844863892, 1.1019362211227417, -0.24335111677646637, -0.8824591040611267, -0.5162219405174255, -0.8202511072158813, -0.12476425617933273, -0.08917590975761414, 0.10680682957172394, -1.1016931533813477, 0.5887092351913452, -0.34956395626068115, -1.413552165031433, 0.6087614297866821, -0.2929205298423767, -0.8247281312942505, 0.5523813366889954, 0.8517378568649292, -1.4222713708877563, -0.6077747941017151, -0.031645290553569794, -1.1854292154312134, -0.19162572920322418, -0.3383356034755707, -0.2734832167625427, 0.3669055700302124, 0.2676980197429657, 0.8819405436515808, -0.4880870580673218, 0.1665286123752594, -1.3267055749893188, 0.8307976126670837, 0.5121859312057495, -0.6055983304977417, 0.24293184280395508, -0.1591724455356598, 0.48937666416168213, 0.06514911353588104, -1.516563057899475, -0.4972021281719208, 0.7076238989830017, -0.02229813113808632, 0.05691708251833916, -1.0899862051010132, -0.4174235463142395, 0.3612957000732422, 0.6541142463684082, 0.8568164706230164, -0.7743927836418152, 0.29438501596450806, -0.4600936770439148, 0.29348069429397583, 0.8189551830291748, -0.35831117630004883, -0.4131256937980652, 1.1123151779174805, -0.5703427791595459, 1.229117751121521, -0.529112696647644, -0.554842472076416, 0.8829907178878784, 0.24925938248634338, -0.18660704791545868, -0.4090315103530884, -11.468521118164062, 0.06709924340248108, 0.15426528453826904, 0.00837620347738266, 0.9290794134140015, 0.4697549641132355, 1.21978759765625, 0.045515891164541245, 0.7217205762863159, -1.050718903541565, 0.2810864746570587, 1.7256866693496704, -0.14846926927566528, 0.2277749925851822, -0.8810033798217773, -1.292259931564331, -0.4861735999584198, -0.465450644493103, 1.0690644979476929, -0.9335835576057434, 0.3185066878795624, 0.34102290868759155, 0.042435795068740845, -0.168836772441864, 0.3810218274593353, -0.10320731997489929, 0.033134929835796356, -0.11747770756483078, -0.8059974908828735, -0.4744836986064911, 1.188309669494629, 0.12748292088508606, -0.41843050718307495, -0.5568068027496338, 0.2732136845588684, -0.18632008135318756, -0.9835731983184814, -0.5965918302536011, 0.5819523334503174, -0.6461360454559326, -0.4922020435333252, 0.3002992868423462, -0.13523386418819427, -0.08099382370710373, -0.49060848355293274, 0.3548004627227783, 0.23180043697357178, -0.5183882117271423, 1.2062017917633057, -0.12657079100608826, -1.4259954690933228, -0.6466044783592224, -0.6120393872261047, -0.0789496898651123, 0.8958744406700134, 0.2575250267982483, -0.8023483753204346, -0.5939229726791382, -0.15872807800769806, -0.550956130027771, 0.8647693395614624, -0.4809831380844116, -0.22284623980522156, 0.04160500317811966, 0.012731768190860748, -0.3918522000312805, 0.3166944682598114, 0.37322792410850525, 0.08048542588949203, -0.0800798237323761, -0.552857518196106, 0.7734901905059814, 0.500290036201477, -0.8623450994491577, 0.049713924527168274, -0.08917918056249619, -0.6842565536499023, -0.928954541683197, 0.5539591908454895, 0.6401785016059875, -1.2283987998962402, 0.5698913931846619, 0.3060055375099182, -0.8174582123756409, -0.4515514671802521, -0.33242177963256836, 0.16520747542381287, -0.01993851736187935, 0.09806083142757416, -0.2767462134361267, 1.1336147785186768, 0.4339083433151245, 0.07047362625598907, -0.12044429033994675, -0.15177702903747559, 1.0904581546783447, -0.9271091818809509, 0.28091737627983093, -0.17803522944450378, -1.2025229930877686, 0.06685510277748108, -0.002841498702764511, -0.9270912408828735, -0.5288610458374023, 0.5824810266494751, -0.2606724202632904, 0.0882565975189209, 0.3388030529022217, -0.45801621675491333, -0.5581666827201843, 0.27812427282333374, 0.5036119818687439, -0.2995460033416748, 1.3226007223129272, -0.6573481559753418, 1.2508066892623901, 0.8019997477531433, -0.05092769116163254, 0.2670261561870575, 1.5173263549804688, -0.6901980638504028, 0.7649006843566895, 0.42154914140701294, 0.7502864003181458, -0.18716299533843994, 0.06004452705383301, -0.48385536670684814, 0.6500077247619629, -0.7262943983078003, -0.49146416783332825, -0.13552406430244446, -0.30405452847480774, -0.013472385704517365, -0.9370179772377014, -0.552273690700531, 0.0888696163892746, -0.24088774621486664, 1.5433701276779175, -0.025541700422763824, -0.43243712186813354, -0.7467005848884583, -0.45581725239753723, -0.7142341136932373, -1.004724383354187, -0.40673908591270447, 0.4872676134109497, -1.1452150344848633, 0.6596134901046753, -0.18346765637397766, -0.07915627956390381, 0.27167731523513794, -0.5242803692817688, 0.9514524340629578, -0.38979947566986084, -0.9236119389533997, -0.650123655796051, 0.34164997935295105, 0.3691764771938324, -0.8511797785758972, -0.6305869221687317, -0.009572289884090424, 0.6305515766143799, -1.2129968404769897, 0.9723188281059265, 0.21361535787582397, 0.4942198097705841, -0.6603813171386719, -0.11230462789535522, -0.6263083219528198, 0.3979792296886444, 0.6891978979110718, -0.5926938056945801, 0.15327869355678558, -0.27750876545906067, -0.0979842096567154, -0.446010023355484, 0.7811850309371948, 1.1481971740722656, -1.3292298316955566, 0.03028913587331772, 0.39571309089660645, 0.7361841797828674, 0.14059771597385406, 0.10697317123413086, -0.33687400817871094, 0.6186642050743103, 0.01171264797449112, 0.8741471171379089, 0.31601735949516296, 0.7584201097488403, -1.2298229932785034, -1.71504545211792, -0.7899308800697327, -0.7259137630462646, 0.7574187517166138, -0.024381857365369797, 1.3788354396820068, 0.32608890533447266, -0.27525725960731506, 0.10323614627122879, 0.11526885628700256, 1.0579581260681152, 0.6490055918693542, 1.2447222471237183, 0.03214990720152855, 0.18037918210029602, -0.7196652293205261, 0.251010537147522, 0.23129236698150635, 0.9065569043159485, -0.7598873376846313, 0.7193766832351685, 0.6188884377479553, -0.16257333755493164, -0.4158013164997101, -1.841654896736145, 0.1982303261756897, -0.596387505531311, -0.26836344599723816, -1.0786736011505127, 0.15765202045440674, 1.0693893432617188, -0.8134663105010986, 1.5602248907089233, 0.004818118177354336, 0.4129866361618042, 0.9056746363639832, 0.9079602360725403, 1.2152502536773682, -0.1970868557691574, -0.653095543384552, 0.598432719707489, -0.006836749613285065, -0.13671201467514038, 0.3750104606151581, -1.0645616054534912, -0.7095946669578552, 0.18152788281440735, -0.8107224106788635, 0.00899650901556015, 0.38463765382766724, 0.8657912611961365, 0.5159911513328552, 1.3901005983352661, -0.2819579839706421, -1.578997015953064, 0.19231902062892914, -1.408693790435791, 0.043141547590494156, 1.1128075122833252, 0.8362157940864563, -0.18769347667694092, 0.8923500180244446, -0.7258596420288086, 0.9312306046485901, -1.124493956565857, 0.20582547783851624, 0.0806054025888443, -0.4471551775932312, 1.126054048538208, 0.26012229919433594, 0.649925172328949, 0.1385517120361328, -0.10188015550374985, -0.28820884227752686, -0.6555780172348022, -0.19728972017765045, 0.7326494455337524, 1.1551324129104614, 0.030739497393369675, -0.20155441761016846, -0.6931182742118835, 0.848841667175293, -0.7060350179672241, 0.2878516912460327, 0.30761975049972534, -0.6407381892204285, -0.8466376662254333, -0.9308716654777527, -0.12503018975257874, 0.32131829857826233, 0.044244881719350815, -0.4228283762931824, 0.04254312068223953, 0.3936118483543396, 0.04862670227885246, 0.009518614038825035, -0.2974224090576172, 0.5486353039741516, -0.2880696654319763, -0.16824868321418762, 0.6754565238952637, -0.33387452363967896, -0.32629063725471497, 0.17065773904323578, -0.42507249116897583, 0.5644243955612183, 0.13843461871147156, -0.23153305053710938, -0.009686745703220367, 0.6768621206283569, 0.6289703845977783, 0.5610944032669067, 0.12752561271190643, -0.1668451726436615, -1.4096095561981201, 1.246135950088501, 0.9458861351013184, -0.10174869000911713, -0.3243785500526428, 0.401161253452301, -0.15551812946796417, 0.7082263231277466, 0.7442178726196289]} +{"paper_id": "conll2000", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "coached_conv_pref", "embedding": [-1.2105690240859985, 0.280973881483078, 0.21283358335494995, -0.21418459713459015, 1.113029956817627, 0.10706168413162231, 1.4110589027404785, 0.3233335018157959, 0.08729171752929688, -0.3100835084915161, 0.30494171380996704, 0.19870546460151672, -0.2764863669872284, -0.19202768802642822, -0.3850603401660919, -0.26311424374580383, -1.5136107206344604, -0.09586858749389648, -0.902813196182251, -0.41577693819999695, -0.8466132283210754, -0.3611249327659607, -0.7512747645378113, 0.6517201662063599, -0.06513136625289917, -0.14830267429351807, 1.5987049341201782, -0.3746902346611023, 0.3405434787273407, -0.15158268809318542, 0.6507037281990051, 1.8775912523269653, -1.0512090921401978, 0.20963990688323975, -0.07972653210163116, -0.24318107962608337, -0.6275259852409363, 1.1936235427856445, -1.0658597946166992, 0.2572941780090332, -0.1745453178882599, 1.0216017961502075, 0.8201733231544495, 0.6908355951309204, 0.49069079756736755, 0.2751741111278534, -0.4751611053943634, 0.4122801721096039, -0.2490491271018982, 0.018447812646627426, -1.0096354484558105, 0.03215082362294197, 0.658129870891571, 0.3559388220310211, -0.17865869402885437, 1.6609723567962646, 0.021540500223636627, -0.6125943064689636, 0.24392443895339966, -1.4866125583648682, 1.0264029502868652, 1.2575592994689941, 0.49332860112190247, 0.10403445363044739, 0.40006548166275024, -0.49313652515411377, 1.3138024806976318, 0.22013981640338898, -0.014829786494374275, 0.3633829951286316, -0.8696964979171753, -1.353596806526184, 0.3750239312648773, 0.7666386365890503, -0.04781155288219452, 0.07507321238517761, 1.017234206199646, 0.44544947147369385, -0.27812114357948303, 0.5342385768890381, 0.24854014813899994, 0.18124745786190033, 0.563890278339386, -0.16395096480846405, 0.39526402950286865, 0.19582051038742065, 0.40804338455200195, -0.10887358337640762, 0.34857574105262756, -1.3094974756240845, 0.3792290687561035, -0.6088280081748962, 0.37113621830940247, -0.06226978451013565, -0.3068080544471741, 0.44989460706710815, 0.47751283645629883, -0.2534143030643463, -0.229130819439888, 0.35712793469429016, 0.29964444041252136, -0.2858119010925293, 0.22304651141166687, -0.5927628874778748, 0.3904710114002228, 0.26527202129364014, 0.8562749028205872, -0.24527055025100708, 0.1399766206741333, -0.4028347134590149, -0.39998695254325867, 1.2218650579452515, 0.8925647735595703, 1.1993852853775024, -0.27079951763153076, 0.6234971284866333, -0.06172368675470352, -0.35525205731391907, 0.07227768003940582, 0.7284241914749146, 0.35296323895454407, -0.47858110070228577, 0.1829690933227539, -0.2744590640068054, 1.1489814519882202, -0.27153006196022034, -0.3125082552433014, 0.1920028030872345, 0.029668355360627174, -0.32294511795043945, 0.026551280170679092, 0.256285697221756, -0.09431362897157669, -0.035251349210739136, 2.3117311000823975, -0.6690643429756165, 1.692684531211853, -1.1336263418197632, -0.7497055530548096, -0.38450396060943604, 0.45056113600730896, 0.7011672258377075, -0.34625768661499023, -0.9102961421012878, -0.29381534457206726, -0.24257151782512665, 0.004457499831914902, -0.1353626698255539, -0.5972162485122681, -0.20152807235717773, -0.6423460841178894, -0.10814302414655685, -1.6404356956481934, -0.36688533425331116, 0.21833907067775726, 0.01413920521736145, 0.06770655512809753, 0.5593369007110596, -0.04982269927859306, 0.16506093740463257, -0.4574620723724365, 0.08250211179256439, -0.20170913636684418, -0.25568345189094543, -0.841849148273468, 0.10218692570924759, 0.20124801993370056, -0.040857281535863876, -0.6344107389450073, -0.30447298288345337, 0.7949312925338745, -0.3265783190727234, 0.27229610085487366, 0.2442799210548401, 0.02445177547633648, 0.4208822548389435, 0.3375108540058136, 1.2997946739196777, -0.28178539872169495, -1.381425380706787, -0.7285098433494568, -0.36732107400894165, -0.9630900025367737, 0.06104736775159836, 0.27492719888687134, -0.09728536009788513, -1.6234649419784546, 0.5671131014823914, -0.8354058265686035, 0.12918393313884735, 0.24999955296516418, -0.10144056379795074, -0.23898130655288696, -0.9405486583709717, -0.5103882551193237, -0.27814507484436035, 0.7508667707443237, -1.6825066804885864, 0.5840368866920471, 0.2714322805404663, -0.818188488483429, 0.3374091684818268, -0.15653933584690094, 1.3153917789459229, 0.7211220264434814, 0.5157296061515808, -0.3792605996131897, -1.6733628511428833, 0.4393545091152191, 2.1433143615722656, 0.22852769494056702, -1.2611666917800903, -0.7609061002731323, -0.06584510207176208, 0.31279897689819336, 0.5293388366699219, 0.44088008999824524, -0.37131184339523315, 0.0940161719918251, -1.3922370672225952, 0.26050910353660583, -0.7993125915527344, 0.8648314476013184, 0.765798032283783, 1.4381011724472046, -0.9038420915603638, 0.010263904929161072, 0.3983156383037567, -1.7452278137207031, -0.0016383510082960129, 0.03306783735752106, 0.6800684928894043, 0.40522584319114685, 0.8001647591590881, 0.048927679657936096, 0.3062191605567932, 0.5119234919548035, 0.5768665075302124, -0.4733789563179016, 0.008060261607170105, 0.18416287004947662, 1.4930130243301392, -0.06642690300941467, 0.8319591283798218, 0.216757670044899, 0.579310953617096, -0.08785448968410492, -0.8999848365783691, -0.5227371454238892, -0.06039462238550186, 1.2931851148605347, 0.8261864185333252, -0.062493082135915756, 1.4762463569641113, 0.25180327892303467, -0.3021915555000305, -0.560370922088623, -0.633925199508667, -0.1601693332195282, -0.5693867802619934, 1.150408387184143, 0.06521192938089371, 0.06241291016340256, -0.3943730592727661, 0.26411640644073486, -0.6818878650665283, 0.3036149740219116, 0.41277340054512024, -0.7230711579322815, -0.8252230882644653, -0.32855424284935, 0.33520734310150146, -0.6728678345680237, -0.7248199582099915, -0.35143372416496277, 0.9407011866569519, 0.26784220337867737, 0.7987806797027588, 0.6504623889923096, -0.048122111707925797, -0.35764744877815247, -0.3796653747558594, 0.48364776372909546, -0.4092957675457001, 0.8690475225448608, -0.9206274747848511, 0.11038677394390106, -0.4240874648094177, 0.1688406765460968, -0.3594474196434021, -0.045603301376104355, 0.08256285637617111, -1.105250597000122, 0.10372592508792877, -0.6066907644271851, -0.46816858649253845, 0.6211245656013489, -0.31557199358940125, 0.06872090697288513, 0.16167721152305603, 1.319394826889038, 0.1764967143535614, -0.8115863800048828, 1.7315632104873657, -0.7816637754440308, 0.0826391726732254, 1.6037721633911133, 0.2794504463672638, 0.20444175601005554, 1.2292855978012085, -0.6534502506256104, 0.26306045055389404, -0.18172329664230347, -1.4967783689498901, -0.08366576582193375, 1.35305655002594, -0.896670401096344, -0.24901939928531647, -1.5736621618270874, 0.13865838944911957, -0.4560113847255707, 0.05342724174261093, -0.11171924322843552, -0.2245367467403412, 0.7824393510818481, -0.8878806233406067, 0.19365935027599335, 1.8257606029510498, -0.43037837743759155, -0.3947177529335022, 0.460742324590683, -0.07665096968412399, -1.3343093395233154, -0.224176287651062, 0.31922152638435364, -0.6168116927146912, -0.471096009016037, 0.7110522985458374, 0.9415310621261597, 1.3335291147232056, -0.7606568336486816, -0.35885584354400635, 0.32947200536727905, -0.2068650722503662, 0.24755758047103882, -0.34465083479881287, 0.17983970046043396, 1.3884437084197998, -0.6192719340324402, 0.8398874402046204, -0.08680304139852524, -0.6987509727478027, -1.0034056901931763, -0.13268935680389404, -0.40934503078460693, -0.6288836598396301, 1.3168872594833374, 0.7266085743904114, 0.6370322108268738, 0.39587539434432983, 0.1817450374364853, -0.24670329689979553, -0.09404721856117249, 0.8111338019371033, 0.12060363590717316, -0.7400416731834412, -0.22521154582500458, 0.10149260610342026, 0.21073316037654877, 0.15433034300804138, -0.6537901163101196, 0.08032702654600143, 1.4432991743087769, 0.07443030178546906, -0.8905256986618042, 0.629538893699646, 1.3307087421417236, 0.07695898413658142, 1.587597131729126, -0.42535319924354553, 0.04390546306967735, 0.2166612446308136, 1.1006180047988892, 0.7407345175743103, -0.47820860147476196, -0.3431805372238159, 0.9323227405548096, 0.6045698523521423, 0.5635848045349121, -0.3228987455368042, 0.6687874794006348, -0.385093629360199, -1.7917046546936035, -1.1428452730178833, -0.3139421045780182, -0.9412886500358582, -0.5274986028671265, -0.08338844031095505, -0.33491262793540955, 0.22611571848392487, 0.6060108542442322, -0.2274649739265442, -0.34712401032447815, 0.8794643878936768, -0.1331263929605484, -0.38364657759666443, 0.6811894178390503, 1.532945990562439, -1.8132991790771484, -0.19282537698745728, -0.5358273983001709, -1.1519392728805542, -0.2901284098625183, -0.1802949756383896, 0.0901048481464386, 0.13722001016139984, -0.2975912094116211, -0.055029865354299545, -0.06071179360151291, 0.24295015633106232, -0.3814336359500885, 0.654184103012085, 0.08112137764692307, -0.8181283473968506, 0.4189061224460602, 0.8840950727462769, 0.2991538643836975, 0.41830509901046753, -0.4272903800010681, -0.5509037375450134, 0.6451006531715393, -0.013157390058040619, -0.2128325253725052, -0.21041157841682434, 0.44015756249427795, 0.6654919981956482, -0.603236198425293, 0.1721765697002411, -1.2713615894317627, 0.32094258069992065, 0.06422832608222961, -0.003907573409378529, 0.6728076934814453, -1.263733983039856, -1.0123047828674316, -0.20788437128067017, -0.8002301454544067, 0.47281187772750854, -1.282646894454956, -0.7443496584892273, 1.1631243228912354, 0.45155394077301025, 0.5276176929473877, 0.06388778239488602, -11.436631202697754, 1.5913604497909546, -0.7418051958084106, -0.003954850137233734, 0.5718277096748352, -0.5470780730247498, 0.8653501272201538, 0.18468992412090302, 1.30130136013031, -0.836783766746521, 0.49621886014938354, 0.24428395926952362, -0.3180387020111084, -0.007578682154417038, -0.5977637767791748, -1.5456490516662598, -1.3997995853424072, -0.7877210974693298, 0.08023379743099213, -0.09667616337537766, 0.7563852667808533, -0.39952731132507324, -0.5125702023506165, -0.003735225647687912, -0.1718243807554245, 0.08871880918741226, -0.4400818347930908, -1.0383446216583252, -0.008344560861587524, 0.07218261063098907, 0.8219143152236938, -0.760016679763794, 0.3945831060409546, -0.840029239654541, -0.057636912912130356, 0.3012450933456421, -0.7979389429092407, -0.5647497177124023, 0.48181527853012085, 0.7695887088775635, 0.2898760437965393, -0.17289702594280243, 0.8108011484146118, 0.4510389268398285, 0.04926973581314087, 0.16534586250782013, -0.4757828712463379, 0.4856310188770294, -0.44949275255203247, -0.07175911962985992, -0.9997037649154663, -0.10231108963489532, 0.14894919097423553, -0.31458523869514465, -0.3736375570297241, -0.18347904086112976, -0.40256425738334656, 0.5301491618156433, -0.6384563446044922, -0.8050720691680908, 0.5509123802185059, -0.10897672176361084, -0.6732211112976074, 0.39355993270874023, 0.19967696070671082, -0.09023790061473846, -0.07324720174074173, 0.5606579780578613, -0.9117559790611267, 0.8544414043426514, -0.6709392070770264, 0.46515223383903503, -0.10736212134361267, 0.9107709527015686, -0.46739092469215393, -0.04597979784011841, -0.9354662895202637, 0.18162143230438232, 0.756873607635498, -0.025806766003370285, -1.0692342519760132, 0.6467738747596741, 0.9827919602394104, -0.8333336710929871, -0.8749721050262451, 1.0285054445266724, -0.15816137194633484, 0.2262668013572693, 1.092457890510559, -0.30823037028312683, 1.0302287340164185, 0.749843418598175, -0.8490847945213318, -0.054468393325805664, -0.5415420532226562, 1.244423508644104, 1.3209909200668335, 0.3960232436656952, -0.4307898283004761, -0.20358362793922424, -0.30938589572906494, -0.0033332854509353638, -0.7511311769485474, 0.5178734660148621, 0.2571886479854584, -0.07471543550491333, 0.19735348224639893, 0.40275838971138, 0.6033903360366821, 0.323391854763031, 0.9736278653144836, -0.2531360387802124, -0.5248042345046997, 0.9977537393569946, -0.5036943554878235, -0.08650724589824677, 1.0320792198181152, 0.030005455017089844, 0.8325924277305603, -0.1463126242160797, -0.26660919189453125, 0.7412488460540771, 0.10998797416687012, 1.114214301109314, 0.22432830929756165, -0.6227240562438965, 0.1347537338733673, 0.2369496077299118, -1.319941520690918, -0.8122690916061401, -0.06015351787209511, -0.5821713209152222, 0.2275216281414032, -0.05475714057683945, 0.053269531577825546, 0.46418246626853943, -0.29609471559524536, 0.9568331241607666, -0.6801543235778809, 0.624505877494812, -0.06973837316036224, -0.7483566403388977, -0.6858193874359131, -0.8014196753501892, -0.9087359309196472, -0.019605636596679688, -0.8386660814285278, 1.2033902406692505, -0.29270651936531067, 0.6117507815361023, 0.5419318079948425, 0.06969533115625381, 0.7998186349868774, -0.8797075152397156, -0.7198103070259094, 0.27190324664115906, -0.11631269752979279, -0.2503567337989807, -0.9124615788459778, -0.7834905982017517, 0.3731817305088043, 0.36656707525253296, -0.919347882270813, 1.1798745393753052, 0.3544217348098755, -0.5975472927093506, -0.2543735206127167, 0.16493375599384308, -1.36304771900177, 0.2522815763950348, 0.4887183606624603, -1.2221710681915283, -0.47536176443099976, -0.8279872536659241, 0.07307584583759308, 0.08896322548389435, 0.5875149369239807, 1.3193398714065552, -0.8434303402900696, -0.42206352949142456, -0.11658118665218353, 0.3867972791194916, -0.32860925793647766, -0.08479808270931244, -0.1374865621328354, -0.20223167538642883, 0.6141706705093384, 0.6448436379432678, 0.6168343424797058, 0.5088269114494324, -1.586533784866333, -0.942541241645813, -0.42881301045417786, 0.3162388503551483, -0.19867680966854095, 0.23610453307628632, 0.8477602601051331, 0.842158854007721, -0.3255084753036499, 0.27015936374664307, 0.6496921181678772, 0.16975417733192444, -0.5770693421363831, -0.1067691296339035, 0.1813259869813919, -0.2866209149360657, -0.4732194244861603, -0.5394632816314697, 0.4631126821041107, 0.1452452689409256, -0.6852548718452454, -0.5358554720878601, 0.43035605549812317, -0.23901472985744476, 0.9522538185119629, -0.435841828584671, -0.19918423891067505, -0.1940590888261795, -0.42751407623291016, -1.4556938409805298, 0.176628977060318, 1.4163633584976196, 0.17840619385242462, 1.4287728071212769, 0.2422112077474594, 0.7593724727630615, 0.7137581706047058, -0.5303580164909363, 0.0616750568151474, -0.3649100661277771, -0.3885805904865265, -0.07534553110599518, 0.46413904428482056, 0.8604736328125, -0.33334818482398987, -0.9001497626304626, -1.2964633703231812, 0.29292425513267517, -0.7500737905502319, 0.2826231122016907, 0.014951171353459358, 0.7361016273498535, 0.8378897309303284, 1.3320426940917969, -1.3588916063308716, -1.1108241081237793, -0.9199382066726685, -1.2546766996383667, 0.3860616683959961, 0.2596173584461212, -0.05799470841884613, 1.2422289848327637, 0.6266416907310486, 0.22771939635276794, -0.07936273515224457, -1.2426866292953491, 0.11677543818950653, 0.6876133680343628, -0.14648115634918213, 0.7200784683227539, 0.49512529373168945, 0.2899441719055176, 1.2086108922958374, 0.06258083134889603, -0.02739771082997322, 0.7484685182571411, -0.21610242128372192, 0.46438032388687134, 1.0956214666366577, -0.8343491554260254, -0.7055345773696899, -1.039961814880371, 0.14428028464317322, -0.7236454486846924, 0.8078979849815369, 0.8741103410720825, -1.163508653640747, -0.25475263595581055, -0.9616148471832275, -0.12845978140830994, 0.41849517822265625, 0.4524966776371002, -0.925769031047821, -0.31405824422836304, 0.039803408086299896, 0.545141875743866, -0.04324134439229965, -0.5036592483520508, 0.739662230014801, -1.0184139013290405, 0.6984542608261108, -1.0091465711593628, -0.7852147817611694, -0.007515624165534973, 0.2238977551460266, -0.6251601576805115, 1.165655255317688, -0.17141929268836975, -1.3938661813735962, -1.5071614980697632, -0.15428048372268677, -0.30275431275367737, 0.5695284605026245, 0.7848635911941528, -0.4499599039554596, -2.2484524250030518, 0.8045140504837036, 1.4839904308319092, 0.6668558120727539, -0.8008424639701843, 0.20861715078353882, -0.05841638147830963, -0.5497973561286926, 1.3703110218048096]} +{"paper_id": "hate_offensive", "embedding": [-0.5422819256782532, 1.2887115478515625, 0.13236330449581146, 0.23051899671554565, 1.0845685005187988, 0.2868509590625763, -0.012876249849796295, -0.31666100025177, 0.42638474702835083, 1.2961385250091553, 0.24015969038009644, -0.12515710294246674, -0.47110357880592346, 0.43478938937187195, 0.20457251369953156, 0.02134830877184868, -0.856650710105896, -0.12011639028787613, 0.17974242568016052, -0.22576525807380676, -0.2890849709510803, -0.49546414613723755, -0.3234243094921112, -0.07510165125131607, -0.7363083958625793, -0.5050646662712097, 0.305027574300766, -0.9463488459587097, -0.17473623156547546, 0.23488309979438782, -0.3441655933856964, 1.4395685195922852, -0.8587192893028259, -0.11544545739889145, -1.06853449344635, -0.05910613387823105, -0.7259172201156616, -0.05493265390396118, -0.738884687423706, -1.0905537605285645, -1.1675238609313965, 0.31488364934921265, 0.961482048034668, 0.563220739364624, 0.5609122514724731, 0.5403822064399719, 0.1624315232038498, 0.2630542516708374, -0.2370765060186386, -0.4149641692638397, -0.3655397891998291, 0.9922540187835693, -0.00426180474460125, 0.6454763412475586, -0.7303116917610168, 0.5577812194824219, -0.27469128370285034, -1.007727861404419, 0.21804632246494293, -1.5358667373657227, 0.8541229367256165, 1.3810908794403076, -0.4871170222759247, 0.6108167171478271, 0.05239665508270264, -0.5622439980506897, 0.40602511167526245, -0.39914047718048096, 0.34357815980911255, 0.612637460231781, -0.47746360301971436, -0.8397332429885864, 0.07916176319122314, -0.01587890088558197, -0.34252479672431946, -0.06030513346195221, -0.2769045829772949, 0.3958219587802887, -0.6630462408065796, 0.2887851893901825, -0.43689772486686707, 0.7421338558197021, 0.04521084949374199, -0.6148926019668579, 0.0038706734776496887, -0.0761232003569603, 0.35350301861763, -0.624156653881073, 0.35345545411109924, -1.208935022354126, 1.0276596546173096, -0.29101017117500305, 0.05323120579123497, 0.9838892817497253, -0.8325579762458801, 1.227453351020813, -0.10613507032394409, 0.12944252789020538, -0.9287011623382568, 1.078399896621704, 0.2266286015510559, -0.4537314176559448, -0.3116668462753296, -0.47490057349205017, 0.005593590438365936, 1.233270525932312, -0.20413795113563538, -0.6023855209350586, 0.3421703279018402, 0.043395474553108215, -0.07241915166378021, 1.5074340105056763, -0.7578303217887878, 0.34088513255119324, -0.19086702167987823, -0.04975641146302223, -0.13172012567520142, -0.9789015054702759, -0.2307175248861313, 0.4583812355995178, -1.0313431024551392, -1.1598501205444336, 0.07675258815288544, 0.8980410099029541, 1.4823341369628906, 0.07881732285022736, 0.9266836047172546, -0.32384610176086426, -0.09704379737377167, 0.013855906203389168, 0.6926138401031494, -0.24840715527534485, -0.42273765802383423, 0.06935431063175201, 2.194272518157959, -1.2412294149398804, 1.515180230140686, -1.1285758018493652, 0.8021306395530701, -0.32204312086105347, -0.7802060842514038, 1.15143620967865, -0.3530248999595642, -1.7987964153289795, -1.2376691102981567, 0.1743999719619751, -0.3832554221153259, 0.4300236105918884, 0.4296039938926697, -0.16400094330310822, 0.19123591482639313, 0.9794555902481079, -0.3954366445541382, 0.609867513179779, 0.5980086922645569, 0.26493003964424133, -0.16451013088226318, 0.30524715781211853, -0.6202583312988281, 0.060451969504356384, 0.6838188767433167, 0.6012095808982849, -0.5325714945793152, 0.19211430847644806, -0.44466298818588257, -0.3734944462776184, 0.8747014999389648, -0.0684623047709465, -1.3263070583343506, -0.13612036406993866, 0.6549798250198364, 0.1769351065158844, -0.32199305295944214, -0.12518619000911713, -0.5890910625457764, -0.48635587096214294, 0.38098829984664917, 1.1135146617889404, 0.321344256401062, -0.5137113928794861, 0.20295265316963196, -0.411327600479126, -0.06270156800746918, 0.7593330144882202, -0.7735084295272827, -0.4330436587333679, -0.5499085783958435, 0.14191284775733948, -0.0186498761177063, 0.4571642577648163, 0.35067376494407654, -0.8170022964477539, -0.3069359362125397, 0.8265498280525208, -0.24448919296264648, 0.46621939539909363, 0.7148956060409546, -1.188525676727295, -0.5895509719848633, 0.0972704142332077, 0.33234703540802, -0.6435367465019226, 0.024010563269257545, 0.8292821049690247, 0.22684279084205627, -0.8051407933235168, -0.09477128088474274, -1.1422992944717407, 1.0066643953323364, 2.189601421356201, 0.2292780727148056, -0.6873397827148438, -0.17272639274597168, 0.09729398787021637, 0.2572065591812134, -0.36663639545440674, 0.2782980501651764, -1.1266887187957764, 0.42627525329589844, -1.572960615158081, 0.3179888129234314, -0.05562710016965866, -0.18300259113311768, -0.16127097606658936, 0.6882991790771484, -0.5419049263000488, -0.8600203990936279, -0.6548671126365662, -0.2642917037010193, 0.575157642364502, 1.0521056652069092, 0.0339522510766983, 0.1319589912891388, 0.9652844071388245, 0.8471658229827881, 0.5388413071632385, -0.47765353322029114, 0.3070814609527588, -0.6911295652389526, 0.28083041310310364, 0.3841838240623474, -0.35829317569732666, -0.33450043201446533, -0.8205869197845459, 0.08272069692611694, 1.1282789707183838, -0.45834508538246155, -0.07663417607545853, -0.20446962118148804, 0.14250662922859192, 1.1786437034606934, 0.8904629349708557, -0.8348054885864258, 1.1650551557540894, -0.25703009963035583, 0.32839399576187134, -0.21375513076782227, -0.049226999282836914, 0.1343681365251541, -0.6299058198928833, 1.149396300315857, 0.13289377093315125, -0.4824562668800354, -0.1580512821674347, -0.6932233572006226, -0.5823338627815247, -0.5926123261451721, -0.18788740038871765, -0.6341761350631714, -0.683259129524231, -0.05290297791361809, -0.9710744619369507, -0.5401898622512817, -1.2645025253295898, 0.16469217836856842, 0.6128246188163757, -0.6173111200332642, 0.061067089438438416, 0.5821276307106018, -0.36691156029701233, 0.41152212023735046, -0.38271403312683105, 0.9406701922416687, -0.7066689729690552, 0.763512372970581, -0.08325383067131042, -0.30836671590805054, 0.6057188510894775, -0.8252824544906616, 0.17736311256885529, -0.5368862152099609, 0.7507110834121704, -0.696814775466919, 0.9150088429450989, -0.14735084772109985, -0.4988901615142822, 2.0163304805755615, -0.6242848634719849, 0.5561685562133789, -0.15240448713302612, 0.8926108479499817, 0.35586223006248474, -0.46847328543663025, 0.8392050862312317, -0.47086983919143677, 0.05248190835118294, 0.4687586724758148, -1.6982264518737793, 0.15705184638500214, 0.12312555313110352, -0.12042798846960068, -0.7889247536659241, 0.7008552551269531, -1.8202518224716187, -0.46154627203941345, 1.0168150663375854, -0.9538884162902832, 0.3533160388469696, -0.04979587718844414, 0.9719435572624207, -0.010481850244104862, -0.03654045611619949, -0.9427297115325928, -0.02077966369688511, 0.3382442891597748, -0.6354677677154541, -0.23525899648666382, 0.012057377956807613, -0.5804769992828369, -0.5172285437583923, 0.40992558002471924, 1.1891988515853882, -0.9252787232398987, 0.13894635438919067, -0.14427438378334045, -0.5683314204216003, 1.058149814605713, 0.34308260679244995, 0.3338969647884369, 1.1467742919921875, -0.5769156813621521, -0.21781891584396362, 0.7373926639556885, 0.5211531519889832, 0.10854193568229675, 0.042056914418935776, 0.18361946940422058, 0.6997120976448059, -0.8402853608131409, 1.4054603576660156, 0.5925260782241821, -0.23761306703090668, -0.6359815001487732, -0.504228949546814, 0.14118701219558716, -0.41659867763519287, 0.2791883945465088, 1.0754368305206299, 1.1138718128204346, -0.5131815671920776, 0.8455807566642761, -0.20719550549983978, 0.7915634512901306, 1.4299132823944092, 0.6108734011650085, 0.9460542798042297, 0.08714793622493744, -0.1800195276737213, 1.1218936443328857, -0.5071340203285217, -0.5567439794540405, -0.1349024921655655, 1.7649950981140137, -0.28369829058647156, 0.2229488044977188, -0.11651471257209778, -0.23433911800384521, 0.2669917643070221, 0.17766721546649933, -1.1357475519180298, -0.5389184355735779, -0.897264301776886, 0.5653326511383057, 1.1783372163772583, 0.5352007150650024, -0.8804960250854492, -0.34699615836143494, 0.00338141992688179, 1.3715232610702515, -0.4785970449447632, 0.2981370687484741, 0.4493952989578247, -0.4632420241832733, -0.1743045151233673, -0.0833970159292221, -0.7447239756584167, 0.18709559738636017, 0.5018298625946045, 0.2782360911369324, -0.6140263080596924, 1.1351144313812256, -0.586666464805603, -1.5799753665924072, 0.1661008596420288, 0.0757732167840004, -0.3914969265460968, 0.5686194896697998, 0.5020558834075928, -1.0208919048309326, -1.764854907989502, -0.2604520916938782, -0.6135383248329163, -1.2247942686080933, 0.5946059226989746, -0.15769915282726288, 0.7893797159194946, -0.24102792143821716, 0.20778559148311615, -0.14152662456035614, -0.036392681300640106, -0.2014983743429184, 0.6815498471260071, 1.2262492179870605, -0.025686580687761307, -0.14468257129192352, 0.4909878075122833, -0.43062782287597656, 0.4566264748573303, -1.0272533893585205, -0.23288413882255554, 0.7831714749336243, 0.3355187773704529, 0.7988696694374084, -0.7016593217849731, -0.05116252601146698, -0.2879611551761627, -0.06024353578686714, 0.7746710777282715, -1.2695997953414917, 0.44529902935028076, -0.5640149712562561, 1.1188405752182007, 0.7123616933822632, 0.29771894216537476, -0.8388237953186035, 0.9144372344017029, -0.22355183959007263, 0.11344598233699799, -0.24055984616279602, 0.02321488782763481, 0.45992910861968994, 1.3685070276260376, 0.9117119312286377, 0.08639699965715408, -11.245620727539062, 0.5471549034118652, 0.1145423948764801, 0.6779419779777527, 0.48874324560165405, -0.3521130383014679, 0.2156241536140442, 0.5726536512374878, 2.2178971767425537, -0.5420613884925842, -0.1168680340051651, 1.6794546842575073, -0.11820568889379501, -0.6085546612739563, -0.5803089141845703, -0.028726302087306976, -0.4193299412727356, -0.6619194746017456, 0.23045967519283295, 0.7366797924041748, -0.13170459866523743, -0.9201500415802002, -0.08403681963682175, -0.9538605809211731, 0.43174439668655396, -0.5067430138587952, -0.020590107887983322, -0.29960715770721436, -1.3861733675003052, 0.5171313285827637, 0.6330220103263855, -0.10069713741540909, -0.3438882529735565, -0.5685810446739197, 0.036916106939315796, 0.6864994168281555, -0.6172260046005249, -0.49351707100868225, 0.6063003540039062, 0.2743571996688843, -0.07377935945987701, 0.02429823949933052, 0.3182375133037567, -0.6966167092323303, 0.38593795895576477, -0.22572758793830872, -0.5083216428756714, 0.3781983554363251, 0.6848464012145996, -0.41250789165496826, -0.21110904216766357, -0.6715893745422363, -1.2804347276687622, -0.37910816073417664, 1.3309788703918457, -0.015775203704833984, -0.7632932662963867, 0.0656789019703865, -0.9182308316230774, -1.4038571119308472, 1.0329225063323975, 0.6796821355819702, 0.08413829654455185, 0.6768954396247864, 0.4208080768585205, -1.3297069072723389, 0.18339602649211884, -0.07239820808172226, -0.04675064608454704, 0.4742283523082733, -0.6792423129081726, 1.3545995950698853, 0.11102914810180664, 0.30494260787963867, -0.2552724778652191, -0.03020506352186203, -0.17003847658634186, 0.1984308511018753, 1.1835113763809204, -1.3151912689208984, -1.370345950126648, 0.10982842743396759, -0.22938506305217743, -0.08710245043039322, -0.42253559827804565, 0.3976138234138489, -0.2975139617919922, -0.9979085922241211, 0.6360611915588379, 0.4438483715057373, 0.15463753044605255, 0.7007246017456055, 0.16547352075576782, 0.31315189599990845, -0.08859562873840332, 0.5354888439178467, -1.2528492212295532, 1.4403176307678223, -0.3926498591899872, 0.8198959231376648, 0.2647123336791992, -0.08874773979187012, -0.6511315107345581, 0.31368008255958557, 0.5040024518966675, -0.5243580341339111, 0.4841039776802063, 0.45574256777763367, -0.04505159333348274, 0.16708333790302277, 0.3549918234348297, 0.1024981290102005, -0.3054177165031433, 0.5656706094741821, 0.41737255454063416, 0.6517072319984436, 0.80304354429245, -0.42334869503974915, 0.33481845259666443, 0.8620812892913818, -0.33913472294807434, 0.14536286890506744, -0.43052613735198975, 0.7426875829696655, 0.0009819678962230682, 0.771856963634491, 0.19860413670539856, 0.11738841980695724, 0.561485230922699, -2.060340166091919, 0.6748868823051453, -0.40511995553970337, 0.7171775102615356, -0.8715612292289734, 0.2820453643798828, -0.31406959891319275, -1.7022573947906494, 0.7374564409255981, -0.6969311237335205, 0.8365071415901184, -0.49090898036956787, -0.2601115107536316, 0.09013417363166809, -0.27929064631462097, -0.011346226558089256, -0.1291307508945465, -1.8801389932632446, 0.14445990324020386, -0.49134376645088196, 0.06999547779560089, 0.20598919689655304, -0.7400453686714172, 0.2551138401031494, -1.6346886157989502, -0.12347060441970825, 0.47594285011291504, 0.7251623272895813, -0.06770282238721848, -1.1672699451446533, -0.2432369589805603, 0.8297938704490662, 1.2211171388626099, -1.0551820993423462, 1.2411754131317139, 0.159367173910141, -0.35712820291519165, -0.5113094449043274, -0.47740527987480164, -0.3271235525608063, -0.4277368187904358, 1.4760648012161255, -0.9346394538879395, 0.006407925859093666, 0.4112997055053711, 0.1340978443622589, -1.6803021430969238, -0.1685149371623993, 0.576555609703064, -1.3985258340835571, 0.259987473487854, -0.1716354936361313, 0.2173168659210205, 0.010513842105865479, -0.2650306522846222, -0.32134148478507996, 0.4301152527332306, -0.29179948568344116, 1.5266337394714355, -0.029269911348819733, 0.152864009141922, -1.7950727939605713, -1.121330976486206, -0.7067248821258545, -0.26302188634872437, 0.49626851081848145, 0.04188871383666992, 0.5971993207931519, 0.6883912682533264, -0.12555129826068878, -0.4112316966056824, -0.39814096689224243, 0.22724369168281555, 0.12024806439876556, -0.3597707748413086, -1.5180033445358276, -0.5456512570381165, -0.4381880462169647, 0.24812906980514526, -0.04092508554458618, 0.34216323494911194, -1.7491687536239624, -0.5647627711296082, 0.013794474303722382, -0.6968899369239807, 0.3925394117832184, -0.44803446531295776, -0.4728141129016876, 0.05173083022236824, -0.5349554419517517, -0.2922915816307068, 0.13155093789100647, 0.5820102691650391, 0.046478644013404846, 1.6529567241668701, 0.2723805010318756, 0.9697826504707336, 0.26884400844573975, 0.3290437161922455, 1.7789510488510132, -0.39854180812835693, -0.19124861061573029, -0.35522112250328064, -0.6772489547729492, 0.1378486454486847, 0.20966273546218872, 0.7164727449417114, -1.2886070013046265, 0.37987977266311646, -1.6474381685256958, -0.6245711445808411, -0.3911106586456299, 0.12830887734889984, 0.49336010217666626, 0.8391461372375488, -0.47987037897109985, 0.18138286471366882, -1.2541574239730835, -0.05938450247049332, -0.28939399123191833, -0.4041943848133087, 0.45983225107192993, 1.5543359518051147, 0.6788438558578491, 0.15909980237483978, 0.5438660979270935, 0.33940067887306213, 0.19585183262825012, 0.45110759139060974, 0.8358795046806335, 1.3955708742141724, 0.38940903544425964, 0.24372898042201996, 0.09205783903598785, 0.38293832540512085, -1.1517128944396973, -0.06369297206401825, -0.373818039894104, 0.4816388487815857, 0.49578696489334106, 0.008403396233916283, 0.32900381088256836, 0.04014555737376213, -0.8689720034599304, 0.887974739074707, 0.4240516126155853, 0.0234371330589056, 0.4720746874809265, -0.8864080905914307, -0.6659449934959412, -0.02327129989862442, 0.9266833662986755, -0.5740785598754883, -0.28209757804870605, -1.732438325881958, -0.3465297818183899, 0.2849220931529999, -1.2460871934890747, -0.9219117760658264, 1.0871785879135132, 0.2611429691314697, 0.3905239701271057, 1.11529541015625, -1.493455171585083, -1.1583747863769531, -0.035608451813459396, -0.7623493671417236, 0.5744946002960205, 0.1983211487531662, -1.9213917255401611, 0.09877161681652069, 0.439471572637558, 1.0479472875595093, -0.031933050602674484, 0.11251810193061829, 0.2893308401107788, -1.0076138973236084, 1.6206977367401123, 1.638998031616211, 0.1313752681016922, 0.04123108834028244, 1.5288147926330566, -0.03802639618515968, 0.40222492814064026, 1.7487273216247559]} +{"paper_id": "counter", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "pubmed", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "cppe-5", "embedding": [0.3823150098323822, 0.7187860012054443, -0.19272319972515106, 0.6727837324142456, -0.2715044915676117, 0.6650760173797607, 0.0936189666390419, 1.0063847303390503, 0.6975463032722473, 1.1357769966125488, 0.4309408366680145, 0.24105305969715118, 0.04301770031452179, -0.8376250267028809, -0.5544633865356445, 0.20413780212402344, -0.4450395107269287, -0.7669379711151123, -0.6833897829055786, 0.2706719934940338, -0.8288235664367676, -0.925721287727356, -0.042117562144994736, -0.34780222177505493, -1.839418649673462, 0.08381493389606476, 1.1148701906204224, -0.543807864189148, 0.1766325831413269, 0.7579813599586487, -0.08155036717653275, 0.7066623568534851, -1.5778111219406128, 2.004507064819336, -0.7523328065872192, -0.05914826691150665, 0.8340551853179932, -0.4334354102611542, -0.42819297313690186, -0.3684234917163849, -0.5234811902046204, 0.3898109197616577, 0.8966403603553772, -0.312099814414978, 0.3941877484321594, -0.9887184500694275, 0.0401623398065567, 0.23091566562652588, -1.040683388710022, 0.4914071261882782, -0.16261954605579376, 0.9631741046905518, 0.165927916765213, 0.7039912939071655, -0.6873842477798462, 0.13561061024665833, -0.538850724697113, 0.33393633365631104, 0.1253969818353653, -0.7067466974258423, 0.5145233273506165, 0.61235511302948, -0.4008404314517975, -0.005864955484867096, -0.20555749535560608, -0.2959630489349365, 0.28311893343925476, -0.4009414315223694, 0.7995177507400513, 0.12797147035598755, -0.6831390857696533, -1.8258200883865356, 0.14838320016860962, -0.5639086961746216, -0.38070985674858093, 0.6291314363479614, -0.1358073651790619, -0.45730680227279663, 0.5257559418678284, -0.1619342863559723, -0.3292219042778015, -0.17058545351028442, 0.4997522830963135, -0.8611565828323364, -0.49779126048088074, -0.837679386138916, -0.38105112314224243, -0.4335949122905731, -0.4677125811576843, -1.052064061164856, 0.7619500756263733, -0.2889200448989868, 0.014954930171370506, 0.45513075590133667, 0.19855928421020508, 0.502619743347168, -0.13856153190135956, 0.03754366934299469, -1.1706109046936035, 1.411763310432434, 0.4423244595527649, -0.5504326820373535, 1.2096067667007446, -0.24327850341796875, -0.003877095878124237, 0.0709153488278389, -0.6440216302871704, 0.4417249858379364, -0.6459946632385254, 0.10098332911729813, -0.5561662316322327, 1.3903405666351318, -0.2007841318845749, 0.6699683666229248, -0.34163814783096313, 0.7098064422607422, 0.6246115565299988, -0.2544235587120056, 0.059697847813367844, -0.011768065392971039, 0.3436979651451111, -1.0253140926361084, -0.8407599329948425, -0.7115694880485535, 0.312447190284729, -0.3251565992832184, 0.7902414798736572, 0.29139846563339233, 0.3933296203613281, -0.5521820783615112, 0.7068564891815186, 0.08551996946334839, -0.1837189644575119, 0.8724591135978699, 3.481086015701294, -1.5959415435791016, 1.389578104019165, -0.4653925597667694, -0.3516433835029602, -0.6364587545394897, 0.29032349586486816, 1.0904616117477417, 0.8484923243522644, -0.6237701773643494, -0.844695508480072, -0.5021542310714722, -0.26014405488967896, 0.37628740072250366, -0.2430497705936432, 0.1394614279270172, 0.24689902365207672, 0.8830889463424683, -1.293163776397705, -1.1076009273529053, 0.07434718310832977, 0.10562507063150406, 0.27208733558654785, -0.5245075225830078, -1.460730791091919, -1.1857728958129883, -0.17707356810569763, 0.9314227104187012, 0.2493358552455902, 1.0530368089675903, -0.10618184506893158, 0.4748241901397705, 1.458207130432129, 0.22026917338371277, -0.9008635878562927, 0.01459648460149765, 1.243556022644043, -0.22808697819709778, 0.30350565910339355, -0.02351403795182705, -0.04450436681509018, 0.2951708436012268, -0.020077386870980263, 0.3080058693885803, -0.13418586552143097, -0.7307517528533936, -0.3466103672981262, 0.4908808469772339, -0.12219784408807755, 0.028033187612891197, 0.17130260169506073, -0.6978070139884949, -1.24673593044281, 0.056663744151592255, -0.1959025263786316, 1.3569297790527344, 0.47342127561569214, -0.05362134799361229, 0.2387825846672058, 1.1589635610580444, -0.4362838864326477, -0.43050771951675415, 0.4798009395599365, -1.227110505104065, -0.5929262638092041, 0.38904476165771484, -0.2357761561870575, -0.03189802169799805, -1.382019281387329, 0.3454168438911438, 0.9099432826042175, -0.7566426396369934, -0.4788360595703125, -1.6349855661392212, 0.6271576285362244, 0.9842408895492554, 0.8457000255584717, -0.45283761620521545, 0.00782548263669014, -0.800922155380249, -0.18171358108520508, -0.8863526582717896, 0.8102214336395264, -0.6980087757110596, 0.32373228669166565, -0.7704651951789856, 0.15498849749565125, -0.2427225410938263, 0.443546861410141, 0.18004097044467926, 1.4870108366012573, -1.3143104314804077, 0.3566747009754181, -0.13562294840812683, 0.04696744680404663, 1.0481280088424683, 0.683302104473114, 0.254377156496048, 0.18808099627494812, 0.015450514853000641, 0.5683122277259827, -0.02332025021314621, 0.12328525632619858, 0.19369307160377502, -1.457776665687561, 0.3630070984363556, -1.307883858680725, 0.6941091418266296, -0.34625494480133057, -0.46951448917388916, 0.2131696194410324, -0.5548627376556396, -1.2084336280822754, -0.7854911088943481, -0.27988654375076294, 0.24382545053958893, 1.1865119934082031, -0.1743471920490265, -0.05736219510436058, -0.4913029968738556, -0.2970273196697235, -0.5268926024436951, 0.14206592738628387, -0.24036888778209686, -0.3681100606918335, 0.16871552169322968, 0.24028277397155762, 0.020241497084498405, -0.40598148107528687, 0.03641258925199509, -0.1825205385684967, -0.11494863033294678, -0.6963310837745667, -0.3891548812389374, -0.5574102401733398, -0.3977155387401581, 0.2113734483718872, 0.2372298538684845, 0.40809324383735657, -0.6338415145874023, 1.3531354665756226, -0.03619005158543587, -0.37287911772727966, 0.10371078550815582, 0.8299206495285034, 0.49235451221466064, 0.6177539825439453, 0.2446853369474411, 0.09630604088306427, 0.41620826721191406, 0.2186581790447235, -0.2981554865837097, 0.003112712875008583, 0.25838911533355713, -0.8694583177566528, -1.1078808307647705, 1.0475678443908691, -0.3998538553714752, -0.8234433531761169, 0.7865734100341797, -0.19095301628112793, 0.21027377247810364, 1.3644821643829346, 0.8832748532295227, 0.23634570837020874, -0.07457511126995087, 1.0821714401245117, 0.16216668486595154, -0.6405455470085144, -0.7428790330886841, 0.35952118039131165, 0.20973126590251923, 0.8434407711029053, 0.30806466937065125, 0.06313855201005936, 0.45612043142318726, 0.2635299265384674, 0.36309897899627686, 0.25313788652420044, -0.9624357223510742, -0.1470804065465927, 0.5095548033714294, -0.2383848875761032, -0.378303200006485, -1.6933002471923828, -0.19945752620697021, -0.6772040128707886, 0.013827307149767876, 0.26992952823638916, -0.9482380747795105, -0.4415610134601593, 0.8287479281425476, 0.9391839504241943, 0.29809680581092834, -1.3375704288482666, 0.2302314192056656, 0.028936192393302917, 0.4061872065067291, -0.7580781579017639, 0.5822246074676514, 0.4544396996498108, -0.013226590119302273, 0.6871329545974731, 0.022070858627557755, 1.421240210533142, 0.13211700320243835, 0.05299876257777214, 0.1019209623336792, 1.38724946975708, 0.15667292475700378, 0.12991555035114288, 0.32958653569221497, -0.27349597215652466, 0.5181264281272888, 0.5823603868484497, 0.14920024573802948, -0.04863858222961426, -0.7277376055717468, -0.5289151072502136, 0.6130150556564331, 0.6164302825927734, -0.5495344400405884, 0.935126781463623, 0.993307888507843, 1.2572615146636963, -0.14648574590682983, 0.8767375349998474, -0.05229337140917778, -0.07501426339149475, 0.6859731078147888, 0.6955933570861816, 0.3861026167869568, -0.3286195993423462, 0.7542777061462402, 0.13650284707546234, 0.4947510063648224, 0.2613937556743622, 0.38823679089546204, 1.2165405750274658, 0.7377241253852844, 0.15802031755447388, -0.004973702132701874, -0.7455424070358276, 0.7331599593162537, 0.7175686955451965, -0.3403639793395996, -0.8476099371910095, -0.9032321572303772, 0.43934953212738037, -0.13109344244003296, -0.7644060254096985, -0.11021307110786438, -0.09424388408660889, -0.6783469915390015, 1.6968978643417358, 0.7416327595710754, 0.9371440410614014, 1.240949034690857, -0.18181045353412628, -0.4611682891845703, 0.9047706127166748, 0.04455577954649925, -0.5573716163635254, -0.17750564217567444, -0.13899555802345276, -0.8833597302436829, 1.0309219360351562, 0.22508347034454346, -1.2474359273910522, -0.013566754758358002, 0.29471448063850403, -0.38085436820983887, 0.26368460059165955, 0.30599379539489746, -0.596004068851471, -0.04881710559129715, -0.023002460598945618, 0.15990854799747467, -0.8518879413604736, 0.6351316571235657, -0.004924817010760307, 0.8298168182373047, -0.19878718256950378, 0.9269797801971436, -1.1135892868041992, 0.2772981524467468, -0.2961552143096924, 1.0698503255844116, -0.07247082889080048, -0.4336445927619934, 0.5259726047515869, -1.447900652885437, 0.5566433668136597, 0.13823047280311584, -1.377002239227295, 0.38335978984832764, 1.4545526504516602, 0.36556029319763184, -0.33065783977508545, -0.9847040176391602, 0.12456043064594269, -0.72330641746521, 0.1870652735233307, -0.02817597985267639, -0.5934691429138184, -0.2199348509311676, -0.5048558115959167, 1.1270095109939575, 0.6004694700241089, 0.4085891842842102, -0.9763926267623901, 1.3981552124023438, -0.5090936422348022, 1.117581844329834, -0.711522102355957, -0.6138965487480164, 1.48621666431427, 0.5776089429855347, 0.10231409966945648, 0.377106249332428, -11.661423683166504, 0.7827670574188232, -0.24202755093574524, 0.9881592392921448, -0.35643842816352844, -0.73617023229599, 0.7264467477798462, -0.08453956246376038, 0.25059443712234497, -0.5709454417228699, -0.3279913663864136, 2.385830879211426, 0.5268814563751221, -0.6936391592025757, -0.8397406935691833, -1.001572608947754, -1.111507773399353, 0.3065805435180664, -0.49310946464538574, 0.8044857978820801, -0.23204803466796875, -0.8672696948051453, -0.16491539776325226, -0.22044587135314941, -0.168302521109581, -0.757012665271759, -0.2757325768470764, 0.039628271013498306, -1.3711851835250854, -0.33478251099586487, 0.4078320562839508, -0.3713659644126892, 0.17910970747470856, -0.8725117444992065, 0.35602056980133057, -0.730525016784668, -0.7146840691566467, -0.3380430340766907, 1.247545599937439, 0.5055436491966248, -0.7456490397453308, 0.16470623016357422, -0.38887232542037964, -1.0127065181732178, -0.9896758794784546, 0.7979642152786255, 0.15739566087722778, -0.1479966938495636, -0.2797088623046875, -0.28923654556274414, 0.27309298515319824, -0.14222568273544312, 0.3723471164703369, -0.002283480018377304, 0.5680804252624512, -0.01393191423267126, -1.1234261989593506, -0.35242611169815063, -0.14843955636024475, -1.2822246551513672, 0.19745758175849915, 0.6092775464057922, -0.37216120958328247, 1.1354368925094604, 0.37292781472206116, -0.7181524634361267, 0.44443729519844055, 0.7535606026649475, 0.35658425092697144, 0.3641895651817322, -0.8934637308120728, 0.7227266430854797, 0.632684588432312, -0.5271103382110596, -0.8407624363899231, -0.4851146340370178, -0.7640933394432068, 0.2343253642320633, 1.1926794052124023, -0.30348995327949524, -0.5891870856285095, 0.9501583576202393, -1.021743655204773, -0.3016994595527649, -0.5681774616241455, -0.007441874593496323, 0.20390605926513672, -0.20867787301540375, 1.1315579414367676, 0.14918488264083862, 1.0576738119125366, -0.06387650966644287, -0.27066755294799805, -0.8838739991188049, -0.7702913284301758, 0.16718199849128723, -0.1884145885705948, 0.5618822574615479, -1.2499281167984009, -0.7668681144714355, 0.6648920178413391, 1.1872053146362305, -0.5863209962844849, 0.9873506426811218, 1.258502721786499, 0.5487242341041565, 0.42353159189224243, 0.6422508955001831, 0.0063123032450675964, 1.2922285795211792, 0.09562378376722336, -1.7249133586883545, -0.7895170450210571, 0.6052781343460083, 0.22947710752487183, -0.34011849761009216, 1.8156230449676514, -0.43669989705085754, 0.07886170595884323, -0.20044565200805664, 0.6913508176803589, 0.05436205118894577, 0.0446326807141304, 0.6393460631370544, 0.8710110783576965, -0.3708272874355316, 0.11065900325775146, 0.2802661955356598, 0.1846025139093399, -1.244642734527588, 1.0356111526489258, 0.000950939953327179, -0.3988572061061859, -0.2633899748325348, 0.23122666776180267, -1.0583642721176147, -0.5489408373832703, 0.4632323980331421, -0.3014993667602539, 0.2974962890148163, 0.43193864822387695, 0.12286750972270966, -0.2662372887134552, -0.269557386636734, -0.6139691472053528, 0.1595868021249771, -0.9722307324409485, 0.23904986679553986, -0.9853484630584717, -0.32598555088043213, 0.0451318584382534, 0.26395383477211, 0.5105213522911072, 0.056974634528160095, -0.14305368065834045, -0.3007061183452606, 0.5722870230674744, -0.6401568651199341, 0.1936589628458023, 0.15024349093437195, 0.5034834742546082, 0.9533378481864929, -0.9879528880119324, 0.25069335103034973, 0.8898625373840332, 0.147665336728096, -0.5774500370025635, -0.7153700590133667, 1.2917094230651855, -0.5920794010162354, 0.6051957011222839, -0.7804957628250122, -0.15164637565612793, -0.062451399862766266, 1.0916951894760132, -0.6026675701141357, -0.11726970225572586, 1.0435235500335693, -2.1924712657928467, 0.21866340935230255, -0.00908147543668747, 0.6957938075065613, 0.3249068260192871, -1.611670970916748, -0.2606971859931946, -0.033213984221220016, 0.07270798087120056, 0.6767079830169678, -0.44350987672805786, 1.2550891637802124, -1.7079709768295288, -0.5173391699790955, -0.05189133808016777, 0.28283247351646423, 0.8422737121582031, 0.6013748049736023, 0.4714354872703552, -0.30910524725914, 0.011588141322135925, 0.06076943129301071, -0.25952455401420593, 0.30671605467796326, 0.5434917211532593, -0.08101235330104828, -0.9511868953704834, -0.4812985360622406, -0.20445123314857483, -0.5777560472488403, -0.933078408241272, 0.26925143599510193, -0.7677483558654785, 0.9429298043251038, -0.2640349268913269, -0.6583545804023743, 0.09230352938175201, -0.6870290040969849, 0.3646854758262634, -0.5401310920715332, -0.5973116159439087, -0.8632909059524536, 0.6539616584777832, 0.09986568987369537, 0.5656914710998535, 1.0609742403030396, -0.1934535801410675, 0.6949476599693298, 0.5883239507675171, -0.052930817008018494, 1.670253038406372, 0.6660615801811218, 0.2971457242965698, -0.11884702742099762, 0.055688582360744476, -0.10745758563280106, -0.2977502942085266, 0.45585793256759644, -0.0408468097448349, -0.024603039026260376, -1.1756176948547363, 0.05077505484223366, -0.41812145709991455, 0.8590561151504517, 0.26676511764526367, 1.406599760055542, -0.9599273800849915, -0.6943915486335754, -0.43959367275238037, -0.781734824180603, -0.07108676433563232, -0.03412193804979324, -0.07550949603319168, 0.17033125460147858, 0.7762575745582581, 0.08717669546604156, 1.3971748352050781, 0.7690573930740356, -0.1472243219614029, -0.24055033922195435, 0.3064732551574707, 1.2673848867416382, 0.6234002113342285, -0.35131585597991943, 1.266910195350647, 0.958066463470459, -0.6595063209533691, -0.3490068018436432, -0.45772644877433777, -0.2009541094303131, 0.17975659668445587, -0.09634488821029663, -0.25141310691833496, -0.22414672374725342, -0.9721493721008301, 0.05267655849456787, 0.08642031252384186, 0.10431836545467377, -0.1418580263853073, -1.217805027961731, -0.2095901370048523, -0.024361994117498398, -0.38559046387672424, 0.4781121611595154, -1.2047687768936157, -0.6467735767364502, 1.284093976020813, 0.5949390530586243, 0.910927414894104, -0.5587894916534424, -0.49634310603141785, -0.19080887734889984, -0.31997597217559814, -0.8911865949630737, -1.0470126867294312, -0.7580823302268982, -0.2124507874250412, -0.0124357920140028, -1.1419830322265625, -1.1989266872406006, -0.6194355487823486, -0.19712746143341064, 0.4065563380718231, 0.4079361855983734, -0.06029253825545311, -0.23626737296581268, 0.8260834217071533, 0.3038903474807739, 0.44267457723617554, 0.748816728591919, -0.5444673299789429, -0.33709317445755005, 0.7354302406311035, -0.3636328876018524, -0.4948732852935791, 0.021421201527118683]} +{"paper_id": "ubuntu_dialogs_corpus", "embedding": [-0.4794042110443115, 0.5385897159576416, 0.24926912784576416, -0.512713611125946, 0.5052117109298706, 0.19209140539169312, 0.8286171555519104, 0.6431092619895935, 0.7710754871368408, 0.0499316081404686, 0.5097360610961914, -0.31041616201400757, 0.5531932711601257, -0.01236133836209774, -0.19350814819335938, -0.09665697067975998, -0.6656882762908936, -0.6615685820579529, -0.80771803855896, -0.05090529844164848, -0.7400806546211243, -0.27524858713150024, 0.027243290096521378, 0.6057471632957458, -0.37060225009918213, -0.7455363273620605, 0.8376535177230835, -0.32469749450683594, 0.4801740348339081, 0.11820342391729355, -0.31507959961891174, 1.3511254787445068, -0.8784691691398621, -0.30908676981925964, -0.4864736795425415, -0.6008432507514954, -0.10355789959430695, 0.5714635252952576, -0.24158960580825806, -0.17983119189739227, -0.9148600101470947, 0.08907663077116013, 0.4395674169063568, 1.0020750761032104, 0.6532583832740784, 0.2499879002571106, 0.4774116575717926, 0.4256325364112854, -0.33693957328796387, 0.2862333655357361, -0.6082592606544495, 0.4778461158275604, -0.42695939540863037, 0.6575701236724854, -0.4912159740924835, 0.4190541207790375, -0.16578230261802673, -0.7949463725090027, -0.0452176034450531, -1.280185341835022, 0.9963223934173584, 0.6789191961288452, -0.19507209956645966, 0.3885103166103363, 1.1950838565826416, 0.11171190440654755, 1.3728644847869873, -0.05323033779859543, 0.4137929379940033, 1.2080923318862915, -0.5714308619499207, -0.7769487500190735, 0.9942715764045715, 0.04061579704284668, 0.08370216190814972, 1.062307357788086, 0.3746730387210846, 0.4848294258117676, -0.03174328804016113, -0.06309011578559875, 0.31931617856025696, 0.6735023856163025, -0.008746727369725704, 0.1372147798538208, 0.44861799478530884, -0.21556416153907776, 0.1900380253791809, -0.5655795931816101, 0.2190268337726593, -1.6438175439834595, 0.7776858806610107, -0.25107041001319885, -0.033456284552812576, -0.13180388510227203, -0.15864409506320953, 0.023577451705932617, 0.07776876538991928, 0.24989154934883118, -0.6537778377532959, 0.7948883771896362, 0.8203996419906616, -0.7369769811630249, 0.3711074888706207, -0.3634892404079437, -0.2765929698944092, 0.23097071051597595, 0.174629807472229, -0.6014029383659363, -0.6925147771835327, -0.48262619972229004, -0.4334959387779236, 1.061676025390625, -0.1503860056400299, 0.8810033202171326, 0.03964478150010109, 0.4505111277103424, 0.3548663854598999, -0.7707462310791016, -0.18629109859466553, 0.2441285103559494, -0.10050852596759796, -0.90430748462677, 0.023089569061994553, 0.47106707096099854, 0.8739871978759766, -0.6570519208908081, -0.08745449781417847, -0.18867188692092896, -0.22295700013637543, -0.03828427940607071, 1.2905629873275757, 0.29873016476631165, -0.5525031089782715, -0.04065735638141632, 2.3683886528015137, -1.2177894115447998, 1.918228030204773, -1.082411527633667, -0.5341953635215759, -0.4908086061477661, 0.475542277097702, 1.6269104480743408, -0.12510520219802856, -0.5853822231292725, -1.012636661529541, 0.24990393221378326, -0.20668475329875946, -0.02281472273170948, -0.10154137015342712, -0.586580216884613, -0.30806228518486023, 0.8557161688804626, -1.1413929462432861, -0.583155632019043, -0.012165188789367676, 0.5010505318641663, 0.6623923778533936, 1.1571238040924072, -0.1961759775876999, 0.7037871479988098, 0.4065854847431183, 0.14725327491760254, -0.3389592468738556, 0.5096750855445862, -0.802069365978241, -0.14046458899974823, 0.8987013697624207, 0.3607037365436554, -0.5272420644760132, -0.6179751753807068, 0.5318012237548828, 0.12366951256990433, -0.046507567167282104, 0.48666784167289734, -0.7660465836524963, -0.3700513243675232, 0.24439744651317596, 0.7259047031402588, 0.5819665193557739, -0.7855159044265747, -0.24594110250473022, -0.3825874626636505, -0.21371202170848846, 0.23332878947257996, 0.12618128955364227, 0.3124706447124481, -2.0015459060668945, -0.0312986895442009, 0.27798962593078613, 0.36427533626556396, 0.25587451457977295, -0.7188183069229126, 0.05634582042694092, -0.41531407833099365, 0.49868232011795044, -0.22806771099567413, 0.9610468149185181, -1.2283296585083008, 0.1642647087574005, 0.631628155708313, 0.24995312094688416, -0.1387721747159958, 0.05791311338543892, 1.4804656505584717, 0.9262248277664185, 0.13184550404548645, -0.2644316256046295, -1.0362192392349243, 0.17513121664524078, 2.1597464084625244, 0.04032554104924202, -0.9060142636299133, -0.48001500964164734, 0.10347132384777069, 0.2492176592350006, -0.49165937304496765, 0.4236515462398529, -0.5197576880455017, 0.17244213819503784, -1.4776345491409302, 0.38086551427841187, 0.16602066159248352, -0.045079972594976425, 0.5779210925102234, 1.4319745302200317, -0.6028867959976196, -0.46024560928344727, -0.1804504692554474, -0.6902664303779602, 0.07720211148262024, 1.0286113023757935, 0.3058500289916992, 0.07409297674894333, 0.496345579624176, 0.1633191704750061, 0.5077096819877625, -0.3180650472640991, 0.26763030886650085, -0.49931657314300537, 0.4499013423919678, -0.031048890203237534, 0.5780079364776611, 0.01259148120880127, 0.13450013101100922, 0.12116816639900208, 0.5264275074005127, 0.019271567463874817, -1.1180191040039062, 0.10445453226566315, -0.08965059369802475, 1.4127103090286255, 1.44193696975708, -0.16682203114032745, 0.6560759544372559, -0.1423436403274536, 0.24463582038879395, -0.1955760270357132, -0.4508932828903198, -0.6589925289154053, -0.43554288148880005, 1.4536523818969727, -0.2474915087223053, 0.3382226824760437, -0.05410371720790863, 0.45560741424560547, -0.24477948248386383, -0.19649392366409302, 0.46164098381996155, -0.530200183391571, -0.5249941349029541, -0.2673001289367676, -0.32991504669189453, -0.24652567505836487, -0.6325238347053528, -0.43210941553115845, 0.6883715987205505, 0.025158442556858063, 1.1181849241256714, 1.4830576181411743, -0.1862352043390274, -0.4159901738166809, -0.7141504883766174, 0.6718466281890869, -0.7160043716430664, 0.4149039387702942, -0.17057842016220093, 0.3496975302696228, -0.8262100219726562, -0.5016312599182129, 0.18232014775276184, -0.07625503093004227, -0.13824407756328583, -0.03285638615489006, -0.06360194832086563, -0.5776783227920532, -0.7323192954063416, 0.8542536497116089, -0.8167274594306946, 0.03997570648789406, -0.11111436039209366, 1.782212495803833, 0.27414631843566895, -0.4721928834915161, 0.15128642320632935, 0.024513719603419304, 0.703643798828125, 0.8433061242103577, -0.4921598434448242, 0.3395424783229828, 0.6653990745544434, -0.42275387048721313, 0.08641920983791351, -0.10024327784776688, -2.093987464904785, 0.06781228631734848, 0.8759557008743286, -0.21035179495811462, -0.092259481549263, -0.4011751711368561, 0.19643430411815643, 0.42993491888046265, -0.06653326004743576, -0.09260760247707367, -0.5468576550483704, 0.5874792337417603, -0.34110739827156067, 0.0881127417087555, 0.8778907656669617, 0.24675874412059784, -0.22402989864349365, 0.6080756187438965, 0.07467447221279144, -0.9242327809333801, -0.5398650169372559, 0.5346119999885559, -0.6279816031455994, 0.0030662864446640015, 0.5675086379051208, 0.25141045451164246, 0.9533385038375854, -0.3026019036769867, -0.3242163360118866, 0.328422486782074, 0.715706467628479, -0.23575332760810852, 0.16037030518054962, -0.004732158035039902, 1.0672905445098877, -0.323765367269516, 1.0581990480422974, -0.276254266500473, -0.7308183312416077, -1.1308542490005493, 0.18111909925937653, -0.6081926822662354, -0.43641752004623413, 1.483628273010254, -0.30234602093696594, 1.0443419218063354, 0.008708413690328598, 0.26120680570602417, -0.8972982168197632, 0.2933500111103058, 0.5278273820877075, 0.606270968914032, -0.3087918758392334, -0.3891698718070984, -0.127835214138031, 0.5909883975982666, 0.29115813970565796, -1.2247928380966187, -0.26203107833862305, 1.2485897541046143, -0.2337537556886673, -0.48304814100265503, -0.5577127933502197, 1.6244438886642456, 0.310931921005249, 1.1267355680465698, -0.6387287378311157, -0.3477397859096527, -0.5295660495758057, 1.013215184211731, 0.6390048265457153, 0.20523405075073242, -1.1155589818954468, 0.46238237619400024, -0.02700500749051571, 0.33490023016929626, -0.09201191365718842, 1.0297478437423706, -0.3360370695590973, -1.0844582319259644, -0.6520804166793823, -0.2219180315732956, -0.6403095722198486, -0.3857263922691345, -0.005542900413274765, 0.00020856410264968872, -0.9506961703300476, 0.5424154996871948, -0.013045466504991055, -0.6137809157371521, 0.5644571781158447, -0.22551149129867554, -1.1011415719985962, 0.41753292083740234, 1.1056238412857056, -1.0069113969802856, 0.19587786495685577, -0.6178737878799438, -1.1026227474212646, -0.12143516540527344, 0.3622541129589081, -0.8493000864982605, 0.22664502263069153, -0.025859586894512177, 0.539787769317627, -0.442630410194397, 0.024586565792560577, -0.38341209292411804, 1.0116941928863525, 0.599195659160614, -0.2165471315383911, 0.4207305610179901, -0.04050704091787338, 0.2358667105436325, -0.16382229328155518, -1.0483978986740112, -0.4581449031829834, 0.35657554864883423, -0.18993684649467468, 0.11062455922365189, -0.7269605398178101, -0.289025217294693, 0.2147255837917328, -0.5061856508255005, 0.43173137307167053, -0.9759040474891663, -0.0042420607060194016, -0.427318274974823, -0.03859317675232887, 0.44779714941978455, -0.6010136604309082, -0.9661446809768677, 0.06674881279468536, -1.0015367269515991, 0.35049086809158325, -0.33092957735061646, 0.074244424700737, 0.8305249810218811, 0.669209897518158, 0.6823025345802307, 0.23765626549720764, -13.1232328414917, 0.8318094611167908, -0.07980871200561523, -0.3199049234390259, 0.86126708984375, -0.012476786971092224, 0.5990592837333679, 0.2648830711841583, 0.7598327398300171, -0.47860845923423767, 0.46836361289024353, 0.5833435654640198, -0.11571664363145828, -0.6801027059555054, -0.22294072806835175, -0.549932599067688, -0.7443518042564392, -0.6246607899665833, 0.31936901807785034, 0.2151641547679901, 0.028670746833086014, -0.5265678763389587, -0.9721683859825134, -0.028654057532548904, -0.13315504789352417, -0.2899324595928192, -0.12980619072914124, -0.8133432865142822, -0.14273983240127563, 0.3436012268066406, 0.4631894528865814, -0.046965550631284714, 0.03484325110912323, -0.4883129298686981, 0.012232936918735504, -0.043362949043512344, -0.6910449266433716, -0.1568777859210968, 0.5400438904762268, -0.2463519275188446, -0.29577988386154175, -0.02976420894265175, 0.6194962859153748, -0.29994526505470276, -0.2547180950641632, 0.10790282487869263, 0.13742056488990784, -0.3109501004219055, 0.5585484504699707, -0.5366899967193604, -0.3390560746192932, -0.38008254766464233, -0.870910108089447, -0.3368319571018219, 0.5926624536514282, -0.33814895153045654, -0.8389980792999268, 1.01692533493042, -0.1863054484128952, -0.8903933763504028, 1.102620244026184, 0.24317632615566254, -0.23482653498649597, 0.41865256428718567, 0.5354635119438171, -0.4397030770778656, -0.04216843843460083, 0.36352717876434326, -0.3264629542827606, 0.2725561559200287, -0.6691846251487732, 0.5249707102775574, -0.1332075297832489, 0.210773766040802, -0.8064223527908325, -0.060048408806324005, -0.5227434039115906, -0.06633761525154114, 0.6688839793205261, 0.25194817781448364, -0.6766138076782227, 0.2367028146982193, 0.20386114716529846, -0.6402188539505005, -0.7346702814102173, 0.5233362913131714, -0.7219136357307434, -0.20155757665634155, 0.9848155975341797, 0.08081557601690292, 0.6606342792510986, 0.32563042640686035, -0.7300378680229187, 0.24824750423431396, -0.20062881708145142, 0.8737198114395142, -0.1806907057762146, 0.7597711086273193, 0.4345778524875641, -0.08263915032148361, 0.05772869661450386, -0.07943320274353027, -0.24909482896327972, 0.07693818211555481, 0.9343892335891724, -0.21048995852470398, -0.6074875593185425, 0.30527740716934204, 0.4021698534488678, 0.4413955807685852, 1.3939287662506104, -0.22605770826339722, -0.31884264945983887, 0.8354431986808777, 0.27222177386283875, 0.9533002376556396, 1.1138371229171753, 0.2714124321937561, 1.030089259147644, -0.04030366986989975, -0.6075741052627563, 0.6837429404258728, 0.18116579949855804, 0.8486241698265076, 0.23363927006721497, -0.4916951060295105, 0.2783835828304291, 0.5042723417282104, -0.1091146245598793, -0.9517058730125427, 0.22267845273017883, -0.10606519877910614, -0.0315089076757431, -0.5486371517181396, -0.2755967378616333, 0.4669858515262604, -0.6299127340316772, 1.2738637924194336, -0.830905556678772, 0.45140892267227173, -0.030336834490299225, -0.5230793952941895, -0.2926825284957886, -0.4836865961551666, -0.6047289371490479, -0.08342009037733078, -0.5406031012535095, -0.05150376632809639, 0.09120108932256699, 0.3549377918243408, 0.643321692943573, -0.27730506658554077, 1.0099507570266724, -0.8563394546508789, -0.34257060289382935, 0.40998274087905884, 0.8821272253990173, 0.09433455020189285, -0.8673225045204163, -0.19459521770477295, 0.644005298614502, 0.8673914074897766, -0.8656424880027771, 1.1774159669876099, 0.6256393194198608, -0.2148250937461853, -0.41910025477409363, 0.27839231491088867, -0.46971750259399414, 0.11028597503900528, 0.819514274597168, -1.0173546075820923, -0.6795141696929932, -0.7758877873420715, -0.512870728969574, -0.5824759602546692, 0.5648687481880188, 1.1427363157272339, -1.3065569400787354, 0.29560935497283936, -0.21602222323417664, 0.049896687269210815, -0.178248330950737, -0.38065049052238464, -0.6870628595352173, -0.13644462823867798, -0.04679790139198303, 1.3377642631530762, 0.2711535692214966, 0.018075868487358093, -1.455384373664856, -1.1870381832122803, -0.5316838026046753, -0.38782811164855957, 0.2282673418521881, 0.3087726831436157, 0.9464808702468872, 0.17681299149990082, -0.004805386066436768, -0.06371112912893295, -0.1590307503938675, 0.8116443157196045, -0.062034834176301956, -0.12214073538780212, -0.321030855178833, 0.03226934373378754, -0.9465382695198059, 0.5155634880065918, 0.5000355243682861, 0.2751592695713043, -1.5607558488845825, -0.8116930723190308, 0.37636494636535645, 0.2501393258571625, 0.32002320885658264, -0.5669199228286743, -0.28979894518852234, 0.44927987456321716, -0.6189872026443481, -0.9885581731796265, 0.02378702163696289, 0.34151336550712585, -0.2327628880739212, 1.0039448738098145, 0.18414205312728882, 1.0015125274658203, 0.2649770677089691, -0.30276310443878174, 0.6510645747184753, -0.4693036675453186, -0.21896816790103912, -0.09061811864376068, 0.10054808855056763, -0.007421389222145081, 0.026796959340572357, -0.3916751444339752, -1.3244715929031372, 0.46699342131614685, -0.9595538973808289, -0.3608117401599884, 0.08431049436330795, 0.5778585076332092, 0.42470699548721313, 1.0631561279296875, -0.3289315104484558, -1.1773711442947388, -0.5069310069084167, -0.9422938227653503, 0.06502670049667358, 0.6886050701141357, 0.2606860399246216, 1.1451152563095093, 0.7574398517608643, -0.2389223426580429, 0.5953302383422852, -0.5714114904403687, 0.05663041025400162, 0.10281815379858017, 0.07091232389211655, 0.48272377252578735, 0.18074071407318115, 0.290229469537735, 0.6290305256843567, -0.3464222848415375, -0.7743160724639893, 0.005537606775760651, 0.456381618976593, 0.6095455288887024, 0.6847067475318909, -0.43839362263679504, -0.8769311904907227, -0.5817543268203735, 0.07305291295051575, 0.15376390516757965, 1.207669734954834, 0.5103932619094849, -0.7562347054481506, -1.0894320011138916, -0.9620314240455627, -0.33467042446136475, 0.8458381295204163, -0.26216766238212585, -0.36350953578948975, -0.8943950533866882, -0.17370328307151794, 0.1868494749069214, -0.3220009207725525, -1.0562660694122314, 0.5578783750534058, -0.9939398765563965, 0.3835121989250183, -0.29131272435188293, -0.891093373298645, -0.3637866973876953, 0.29368314146995544, -0.6868308186531067, 1.1428561210632324, -0.4019407629966736, -1.2659493684768677, -0.9193191528320312, -0.14821763336658478, 0.05548699200153351, 0.651007890701294, 0.36236482858657837, -0.2119700163602829, -2.22320818901062, 0.3538123667240143, 1.122326135635376, -0.373248428106308, -0.03538864105939865, 1.215171456336975, -0.10522636026144028, 0.24553754925727844, 0.9374444484710693]} +{"paper_id": "blog_authorship_corpus", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "recipe_nlg", "embedding": [-0.5067558884620667, 0.9391414523124695, 0.1545674055814743, 0.32920268177986145, 0.2366308569908142, 0.28691691160202026, 0.49529775977134705, -0.0889490470290184, 0.5101662278175354, 0.17810150980949402, 0.6202670931816101, 0.40471601486206055, -0.2708714008331299, 0.09239771217107773, -0.26456764340400696, 0.2802371382713318, -1.2056150436401367, -0.2063267081975937, -0.7770028114318848, -0.5952070951461792, -1.3434066772460938, -0.8909679651260376, -0.5864155292510986, 0.4243452847003937, -0.5854198932647705, -0.16301295161247253, 0.6549732685089111, -0.9506809711456299, -0.5010574460029602, -0.096929170191288, -0.11235763877630234, 1.0815582275390625, -1.2504050731658936, 1.3493555784225464, -0.38979893922805786, -0.5460222363471985, 0.15080280601978302, 1.1097790002822876, -1.260688304901123, 0.1829674392938614, -0.6175193190574646, 0.7491465210914612, 1.1888691186904907, -0.3673549294471741, 0.301200270652771, 0.053728535771369934, -0.2160801738500595, 0.12892726063728333, 0.40259259939193726, 0.4858250319957733, -0.6256489157676697, 0.2680150866508484, -0.7797620892524719, -0.14244797825813293, 0.15319794416427612, 2.350466251373291, -0.6707322597503662, -0.4271979033946991, 0.545785129070282, 0.6892859935760498, 0.6869528293609619, 1.6273975372314453, -0.3371657431125641, 0.48701655864715576, 0.03827308118343353, -0.23573976755142212, 1.2260195016860962, -0.01571357250213623, -0.06119370460510254, 0.2997709810733795, -0.3177834153175354, -1.1675944328308105, 1.0809565782546997, 0.33119988441467285, 0.03423529863357544, 1.1920579671859741, 0.6378729343414307, -0.4003480076789856, 0.6957255005836487, -0.2830996513366699, -0.14382827281951904, 0.15067923069000244, 0.5529965162277222, -0.8552334308624268, -0.22544178366661072, 0.6780570149421692, 0.4144435524940491, -0.1531510055065155, -0.7406504154205322, -1.8722223043441772, 0.21725301444530487, 0.2351488620042801, 0.9815088510513306, 0.0708792507648468, -0.6905894875526428, 0.002613326534628868, 0.5390352010726929, -0.026270365342497826, -0.57573002576828, 0.45687878131866455, 0.7118764519691467, -0.7381879091262817, 0.9776356220245361, -0.19549936056137085, 0.9831202030181885, -0.20564034581184387, -0.2093728929758072, -0.24649512767791748, 0.2821151614189148, -0.681340754032135, 0.002644076943397522, 0.3138704001903534, 0.8776007294654846, 1.2106250524520874, -0.6322942972183228, -0.3599891662597656, -0.6600502133369446, -0.0021874308586120605, -0.48089706897735596, 0.37847083806991577, -0.302646279335022, -1.5522745847702026, 0.20120620727539062, -0.4815853238105774, 0.7021510601043701, -0.7428891658782959, -0.3976438045501709, 0.26671576499938965, -0.2627899944782257, -0.3578025996685028, 0.1874573528766632, -0.42754054069519043, -0.8391221761703491, 0.40950721502304077, 3.0798630714416504, -0.3105997145175934, 0.1235787644982338, -0.5631488561630249, -0.7998946309089661, -0.6528984904289246, -0.03816591575741768, 1.724687099456787, -0.604546070098877, -1.3495995998382568, -0.47518640756607056, 0.12203752994537354, -0.7352996468544006, 0.2744075059890747, -0.5814612507820129, 0.094376340508461, -0.045985493808984756, 0.4427867531776428, -1.5948500633239746, -0.6014423966407776, -0.5882263779640198, 0.2275707721710205, 0.8467906713485718, 0.08006754517555237, -0.2070777714252472, 0.9153895974159241, 1.5072133541107178, 0.11210209876298904, -0.9783049821853638, 0.18474873900413513, -0.8626143932342529, 0.5646354556083679, 1.146654725074768, -0.2709914445877075, -0.7191075086593628, -0.957724928855896, 0.9313485026359558, -0.5848912596702576, 0.18945109844207764, -0.27386781573295593, 0.22955594956874847, 0.7897459864616394, -0.04195267707109451, 0.7958001494407654, 0.24545690417289734, -0.5942205786705017, -0.35075289011001587, 0.04770556092262268, -0.6645654439926147, 0.4799429178237915, 0.12869428098201752, 0.31795042753219604, -2.472869873046875, 0.19563095271587372, -1.0824334621429443, -0.24472638964653015, 0.32060733437538147, -0.40497303009033203, 0.21139851212501526, -0.1818375289440155, -0.17424383759498596, -0.43855297565460205, 0.4611557126045227, -1.019075632095337, 0.5787713527679443, 1.472088098526001, 0.273707777261734, 0.5190427899360657, -0.7005358934402466, 1.7735652923583984, 0.9340018630027771, 0.5607442855834961, 0.16314531862735748, -1.4280028343200684, 0.25154462456703186, 1.8429394960403442, 0.2968783378601074, -1.017397165298462, -0.7464661002159119, -0.45842957496643066, 0.8437640070915222, 0.0576295480132103, 0.6597733497619629, -0.4308091402053833, -0.3878318667411804, -0.8027670979499817, 0.4307681918144226, -0.6580144762992859, 0.8732870221138, 0.26283302903175354, 1.0094879865646362, -0.5451821684837341, -0.501950740814209, -0.4778035283088684, -1.341935157775879, 0.08394958823919296, 0.37001660466194153, 0.07912792265415192, 0.29102060198783875, 0.9044943451881409, -0.21829229593276978, 0.34360241889953613, 1.071009874343872, 0.7917559146881104, 0.04197999835014343, 0.44380447268486023, 0.820468544960022, 1.1311839818954468, -0.8488122224807739, -0.05677656829357147, -0.6277992725372314, 0.22458124160766602, -0.09461864829063416, -0.9725924730300903, -0.22180256247520447, -0.06212102621793747, 1.6781517267227173, 0.7363623976707458, -0.6876386404037476, 0.4812694489955902, 0.0122542604804039, -0.6286119222640991, 0.200953409075737, -0.47204163670539856, -0.049236804246902466, -0.130805104970932, 0.39569002389907837, 0.00034656375646591187, 0.20910653471946716, -0.3523018956184387, -0.49070605635643005, -1.1310675144195557, -0.9806762933731079, -0.3052958548069, -0.678369402885437, -1.1268017292022705, 0.1747862696647644, 0.44193214178085327, -0.8689966797828674, -0.1956096738576889, -0.43148043751716614, 0.3628388047218323, -0.06380843371152878, 0.5956733226776123, 1.6951979398727417, -0.015224510803818703, 0.7090709805488586, 0.23231099545955658, 0.8107452988624573, -0.15800878405570984, 0.9535069465637207, -0.9359954595565796, -0.4614259600639343, -1.3009543418884277, 0.7097952365875244, -1.1089216470718384, -0.14639684557914734, 0.2507486343383789, -0.9328193068504333, -0.06266244500875473, -0.6436971426010132, -1.2522703409194946, 0.5869706869125366, -0.7807472944259644, 0.5266879200935364, -0.005934296175837517, 0.8136619925498962, 0.22331735491752625, -0.47570937871932983, 1.2756794691085815, -1.065173864364624, -0.8220982551574707, 1.545150637626648, -0.2504153847694397, 0.63127601146698, 1.158058524131775, 0.20567145943641663, 0.4526975452899933, 0.05824647098779678, -1.8686174154281616, 0.3834868371486664, 0.7630013823509216, 0.03836526349186897, -0.07773950695991516, -0.9644141793251038, -0.27966421842575073, -0.43851396441459656, -0.325274258852005, 0.1454145610332489, -1.0398566722869873, 0.4343568980693817, -0.595993161201477, 0.03982291370630264, 0.8478588461875916, -0.3085136413574219, 0.46145927906036377, 0.6109294295310974, -0.3878273367881775, -1.2496733665466309, -0.28476452827453613, 0.5368545651435852, -1.0351003408432007, 0.04629584029316902, -0.278082937002182, 1.0573527812957764, 1.0001518726348877, -0.4910445213317871, -0.25866493582725525, 0.4874964952468872, 0.24149596691131592, 0.044974301010370255, 0.051719460636377335, 0.28425654768943787, 0.6594972014427185, -0.11176934838294983, 1.2437869310379028, -0.16229170560836792, -0.25152409076690674, -1.3447338342666626, 0.22796005010604858, -0.3058165907859802, -0.08479663729667664, 1.6259031295776367, 0.7658742070198059, 1.912773847579956, -0.29129675030708313, -0.12320985645055771, -0.2500461935997009, -0.5540633797645569, 0.459380567073822, 1.588180661201477, -0.13648301362991333, -0.46279001235961914, -0.36028507351875305, 0.5152690410614014, 0.4546469449996948, 0.22345446050167084, 0.0203084796667099, 0.35275501012802124, -0.20179630815982819, -1.3313466310501099, 0.9866746664047241, 0.8306195139884949, 0.8872986435890198, 2.388549566268921, -0.47692054510116577, -0.38973939418792725, 0.7109681963920593, 0.05257898569107056, 0.7647154331207275, -1.065562129020691, -0.49176156520843506, 0.568789541721344, 0.7164728045463562, 0.4909099042415619, -0.06597007811069489, 0.9522076845169067, 0.8214124441146851, -0.5156799554824829, -0.7332994937896729, 0.06269422173500061, -0.8699072003364563, -0.8756325840950012, -0.1730446219444275, -0.015109311789274216, -0.457223504781723, -0.06039171665906906, -0.6198569536209106, -0.8810948133468628, 1.368333339691162, 0.6776319146156311, -0.020830653607845306, 0.44044166803359985, 1.8795472383499146, -1.25546395778656, -0.7414330840110779, -0.058569591492414474, -1.2913562059402466, -0.5678569674491882, -0.23373153805732727, -0.3712678849697113, 0.48334187269210815, 0.793327808380127, 0.4102936089038849, -0.33742886781692505, -0.08823622018098831, -0.8856673836708069, 0.8673704862594604, 0.3620869815349579, -0.7676013708114624, 0.08697428554296494, -0.20204028487205505, 1.0064805746078491, 0.5924699306488037, -1.0740790367126465, -0.6786726117134094, 0.7205816507339478, 0.6532909870147705, -0.50814288854599, -1.0800631046295166, -0.36416271328926086, 0.1192871555685997, 0.45659705996513367, 0.4365834891796112, -0.8560428619384766, -0.1734006702899933, 0.18315893411636353, 0.9503889083862305, 1.4382493495941162, -0.793530285358429, -0.7812910079956055, 0.5884540677070618, -1.1189203262329102, 0.6136667728424072, -0.5848653316497803, -0.11446674168109894, 1.1558586359024048, 0.12925174832344055, -0.0846392884850502, -0.040599554777145386, -10.386185646057129, 0.6379409432411194, -0.17717070877552032, -0.022742290049791336, 0.9520501494407654, 0.15866708755493164, 0.5225591063499451, 0.18820801377296448, 1.4187614917755127, -0.9436967968940735, 0.7862480878829956, 0.7083356380462646, 0.6949541568756104, -0.14685769379138947, -0.409322589635849, -2.0612871646881104, -1.3969165086746216, -0.6282213926315308, 0.7513007521629333, 0.23173734545707703, 0.7884521484375, -0.6734632253646851, -0.20202799141407013, -0.06383523344993591, 0.2759881019592285, -0.4960078299045563, -0.12120865285396576, -0.615943193435669, -0.3765765428543091, 0.001477666199207306, 0.9617733359336853, 0.07833149284124374, -0.18528853356838226, -0.6081100702285767, 0.519862174987793, 0.26895803213119507, -1.48208749294281, -0.6286888122558594, 1.978448748588562, -0.7427015900611877, -1.5510637760162354, -0.13866406679153442, 0.037556130439043045, 1.2009729146957397, -0.4555186331272125, 0.3903678059577942, -0.18052081763744354, 0.018066037446260452, 0.10427063703536987, -0.872048556804657, -0.9915372729301453, -0.734207272529602, -0.32672175765037537, -1.0169892311096191, 0.4724019467830658, 0.38150519132614136, -0.28636935353279114, -0.32666540145874023, -0.5182418823242188, -0.7311809062957764, 0.7134442925453186, 0.4010509252548218, -0.6602288484573364, 0.25940412282943726, 0.36653947830200195, -0.34078869223594666, 0.5449914932250977, 0.9572911262512207, -0.24810007214546204, 1.0897693634033203, -0.9087397456169128, 0.6493139863014221, 0.2587199807167053, 0.108538918197155, -0.0033913925290107727, -0.2677631676197052, -0.4874287247657776, -0.12368524074554443, -0.013995423913002014, -0.2781655490398407, -0.8981085419654846, 0.4811760485172272, -0.3809884488582611, -1.142322301864624, -0.2894943654537201, 0.31386783719062805, -0.40872690081596375, 0.19978028535842896, 0.7428494691848755, -0.30173259973526, 1.3474137783050537, -0.39003077149391174, -0.3176795244216919, -0.03272663801908493, -1.4436373710632324, 0.5223206281661987, 0.2787665128707886, 0.14718566834926605, 0.12036509811878204, -0.7908192276954651, 0.5689375996589661, 0.2551058232784271, -0.6146687269210815, -0.7254865169525146, 0.3537376821041107, -0.14224842190742493, -0.2084837704896927, 0.7388936281204224, 0.5826713442802429, 0.02121344953775406, 0.06885465979576111, -0.2666885256767273, -0.9574123620986938, 1.3196536302566528, -1.0557560920715332, 1.1761953830718994, 1.2373483180999756, -1.40291166305542, 1.1014560461044312, 0.38380667567253113, 0.13107626140117645, 0.6785646677017212, 0.4683569669723511, 0.33585256338119507, 0.5049303770065308, -0.10907797515392303, 0.32519710063934326, 0.7630246877670288, -1.435613989830017, -0.8885720372200012, 0.4188838005065918, -0.3319832980632782, -0.607104480266571, -0.7832960486412048, -0.798986554145813, 0.2096039056777954, -1.047847032546997, 1.9013980627059937, -0.8203951716423035, 0.5461485385894775, 0.525114119052887, -0.5543562769889832, 0.007287047803401947, -0.64460688829422, -0.7138484120368958, -0.18330100178718567, -1.3709453344345093, 0.31627270579338074, -0.40305042266845703, -0.6232882738113403, 0.18400681018829346, -0.08951723575592041, 0.4922160506248474, -0.9085237979888916, -0.6703611016273499, -0.27369174361228943, 0.0355256088078022, -0.5928263068199158, -0.3115195035934448, -0.536850094795227, 0.8749268054962158, 0.46097123622894287, -0.8871815204620361, 0.617867648601532, 0.04255181550979614, 0.7432029247283936, -0.45920801162719727, 0.24784889817237854, -1.056815505027771, 0.4864736795425415, 0.6001688838005066, -1.1542081832885742, -0.042609505355358124, -1.0941109657287598, 0.0960492342710495, -0.4194793701171875, 1.0749608278274536, 1.4512039422988892, -1.749755859375, 0.6540430188179016, 0.25042080879211426, 0.936124324798584, 0.8022530674934387, -0.34504860639572144, -0.168611541390419, -0.20138174295425415, 0.3368852138519287, 0.6222701668739319, -0.5029748678207397, 1.1586830615997314, -1.9310426712036133, -0.6838366985321045, -0.7230250835418701, -0.18960407376289368, 0.6542611122131348, -0.2737801969051361, 0.7656126618385315, 1.0040463209152222, -0.41000157594680786, 0.5395077466964722, 0.8114697337150574, 0.5650790929794312, 0.32379618287086487, 0.2464757114648819, 0.6523331999778748, -0.10155682265758514, -0.7068701982498169, -1.0190013647079468, 0.8122918009757996, 0.2577435076236725, -0.5471506714820862, 0.3211635947227478, 0.5275251865386963, -0.03653556481003761, 0.8893712759017944, -0.9201858043670654, -0.00033203139901161194, -0.6990577578544617, -0.08471463620662689, -1.253751516342163, 0.2373611032962799, 1.2165745496749878, -0.5566999912261963, 1.5216758251190186, 0.952917218208313, -0.11223380267620087, 0.9263333082199097, 0.4668896794319153, 1.0220146179199219, 0.2562159597873688, -0.8213419914245605, 0.482561320066452, 0.8197472095489502, 0.14919781684875488, -0.3530608117580414, -1.322370171546936, -1.063226580619812, -0.06903425604104996, -0.7288148403167725, 0.2163882553577423, -0.5953068137168884, 0.0894586592912674, 0.2103590965270996, 1.413729190826416, -0.4386768937110901, -1.5344877243041992, -0.7261470556259155, -1.6692010164260864, -0.11862647533416748, 0.47066065669059753, -0.7912241220474243, 1.1379050016403198, 0.524998664855957, -0.003469303250312805, 0.7450168132781982, -0.7007828950881958, -0.23498333990573883, 0.31710758805274963, -0.0355701744556427, 1.065172791481018, 0.9670721292495728, 0.7252466678619385, 0.3835484981536865, 0.184661403298378, -0.700686514377594, -0.04151909053325653, -0.38931772112846375, 0.4443182349205017, 1.5103486776351929, -1.1188431978225708, -0.4273614287376404, -0.6938149929046631, 0.8400574922561646, -0.9911444187164307, 0.8317289352416992, 0.7793818712234497, -0.6160884499549866, -0.7200119495391846, -1.0062555074691772, 0.13684961199760437, 0.6332371234893799, 0.10694220662117004, -0.13611358404159546, -0.4047892093658447, 0.6887907981872559, -0.14496532082557678, 1.0038446187973022, -0.6345766186714172, 0.27596330642700195, -1.207775354385376, -0.5021679401397705, -0.3386814296245575, -0.6057741045951843, -0.09386274218559265, 0.4947817921638489, -0.7922220826148987, 0.45951080322265625, 0.004450365900993347, -0.4902840852737427, -0.06696908175945282, 0.195238396525383, 0.02756284922361374, 0.409119188785553, 0.4635204076766968, 0.900473415851593, -0.8826438784599304, 0.697084903717041, 0.6028679609298706, -0.20311984419822693, -0.5630546808242798, -0.4164489507675171, 0.3226560056209564, -0.23104095458984375, 1.5747650861740112]} +{"paper_id": "hebrew_sentiment", "embedding": [-0.7356832027435303, 1.700188398361206, 0.7032654881477356, 0.7815300226211548, 0.7100484371185303, -0.17997050285339355, -0.3574761152267456, 1.122556447982788, 0.23576319217681885, 0.4497494697570801, 0.5553114414215088, 0.05054444074630737, 0.4823760390281677, 0.08561954647302628, 0.03982532396912575, -0.004195723682641983, -0.7225135564804077, -0.32424065470695496, -0.8506489992141724, -0.29401448369026184, -0.6373673677444458, -0.42807090282440186, 0.015764042735099792, 1.1904590129852295, -0.1800970733165741, -0.9561012983322144, 0.2651539146900177, -0.8682608604431152, 0.2949340343475342, 0.3058312237262726, -0.25270017981529236, 0.9816436767578125, -0.7201399207115173, -0.09251974523067474, -0.46867409348487854, -0.5801263451576233, -0.006495055742561817, 0.5553319454193115, -0.6984362602233887, -0.27788129448890686, -0.3760313391685486, 0.9701319336891174, 0.35614150762557983, 0.6357911825180054, 1.5194787979125977, -0.17612072825431824, -0.4504977762699127, 0.4285215735435486, 0.6419538855552673, -0.09365719556808472, -0.4234806299209595, 0.4246949553489685, -0.21977925300598145, 0.4980122745037079, -0.7198432087898254, 0.9044235944747925, 0.028350353240966797, -0.7623635530471802, -0.4158472716808319, -1.0755512714385986, 0.5131245851516724, 2.2407588958740234, -0.6987088918685913, 0.02613658271729946, 0.7779743671417236, 0.40619587898254395, 1.1990400552749634, -0.536164402961731, 0.02397185191512108, 0.7726605534553528, -0.2666110396385193, 0.27590301632881165, 0.4759204685688019, -0.3538898229598999, 0.12378611415624619, -0.046237148344516754, 0.7301891446113586, 0.4227081537246704, -0.2622804343700409, 0.39405763149261475, -0.23841483891010284, 0.95819091796875, 0.07109250873327255, -0.9969606399536133, -0.3492622971534729, 0.25179001688957214, 0.3704523742198944, -0.12370999902486801, 0.14801473915576935, -1.5916879177093506, 0.39548778533935547, -0.4155656695365906, -0.021411791443824768, 0.24093565344810486, -0.6273297667503357, -0.4578748047351837, 0.5485970377922058, -0.011694150045514107, -0.8795109987258911, 0.2795695662498474, 0.4138997197151184, -0.47944143414497375, 0.4167522192001343, -0.5597409009933472, 0.46003541350364685, 1.470324993133545, 0.2662394642829895, -0.9937015175819397, -0.5837400555610657, -0.15911756455898285, 0.3350137770175934, 0.7039825320243835, -0.728318452835083, 0.6977782845497131, -0.2790408730506897, -0.40351322293281555, 0.47249212861061096, -0.04781991243362427, -0.3417205512523651, 0.4526593089103699, -0.4745508134365082, -1.3457913398742676, -0.38279908895492554, 0.6641589403152466, 1.2601184844970703, -0.9756460785865784, 0.6387409567832947, -0.8973933458328247, 1.2372626066207886, -0.8655592203140259, 0.8001682758331299, 0.3113575875759125, -0.2171989381313324, -0.7250390648841858, 2.653400182723999, -0.6295995116233826, 1.4382349252700806, -0.7375545501708984, 0.48860594630241394, 0.30699098110198975, -0.46851274371147156, 0.8885505795478821, -0.0748433768749237, -0.3824564814567566, -1.158455491065979, 0.8900129199028015, -0.44447916746139526, 0.6345305442810059, -0.6858884692192078, -0.2022438496351242, 0.11340032517910004, 0.28883224725723267, -0.7834587693214417, -0.8249576687812805, 0.308779239654541, 0.4344761073589325, 0.26946061849594116, 1.471753716468811, -0.23869171738624573, 0.5043050646781921, 1.2322213649749756, -0.06673706322908401, -0.588371753692627, 0.3492308557033539, -0.9600673317909241, -0.4786941111087799, 1.1348161697387695, 0.19189509749412537, -0.7123780846595764, -1.0442641973495483, 0.5929677486419678, -0.059627749025821686, -0.1955573558807373, -0.20625168085098267, 0.098548524081707, -0.47923311591148376, 0.6746856570243835, 0.32675349712371826, 0.522243857383728, -0.036673903465270996, -0.2762869596481323, -0.7881717085838318, 0.23672398924827576, 0.5951915979385376, -0.4249539077281952, 1.2651820182800293, -2.0068631172180176, -0.8515316247940063, 0.07076996564865112, -0.2946946918964386, 0.4254567623138428, -1.1338106393814087, 0.09804358333349228, -0.1908789575099945, 0.5186965465545654, 0.29839399456977844, 0.6207093000411987, -1.4461510181427002, -1.0349328517913818, 0.5209740996360779, 0.8849412798881531, 0.28054845333099365, 0.5959042310714722, 1.596699833869934, 0.3296043276786804, -0.5943368673324585, 0.0984804630279541, -1.4031786918640137, 0.14636029303073883, 2.4866182804107666, 0.05839284509420395, -0.6346276998519897, -1.3545138835906982, -0.3209717273712158, -0.3750409781932831, -0.7721821069717407, 0.3723309338092804, -0.21653282642364502, 0.8593663573265076, -1.0845859050750732, 0.5546513795852661, -0.06727710366249084, 0.15829619765281677, -0.14846885204315186, 1.3074934482574463, -0.4618827998638153, -0.4142838716506958, -0.33110108971595764, 0.12903283536434174, -0.03689584881067276, 0.7271324396133423, 0.5029419660568237, -0.04888089746236801, -0.3376672863960266, 0.5989089012145996, 0.7568783164024353, 0.2085992991924286, -0.08990509808063507, 0.5391190052032471, 0.8999140858650208, 0.3232613205909729, 0.4991590976715088, -0.05715617537498474, -0.2594653367996216, 0.0058418139815330505, 0.9970393180847168, -0.28700172901153564, -0.044053081423044205, 0.3830046057701111, -0.062151454389095306, 1.5081357955932617, 1.3349274396896362, -0.21044611930847168, 1.7570762634277344, -1.6330164670944214, 0.22062143683433533, -0.6295908093452454, -0.6220882534980774, -0.5566758513450623, 0.37799304723739624, 0.5246118307113647, -0.530141294002533, -0.2847668528556824, -0.17193268239498138, -0.6832646131515503, -0.8353622555732727, -1.03537917137146, -0.4946279227733612, -1.0239219665527344, -1.062835693359375, -0.04646329581737518, 0.17297422885894775, -0.8113115429878235, -0.7417437434196472, -0.1785280555486679, 0.8309900164604187, -0.48881152272224426, 0.33383554220199585, 2.004138708114624, -0.8134174346923828, 0.4901607632637024, -0.13831286132335663, 1.2817403078079224, -0.32163381576538086, 0.9049539566040039, -0.40588805079460144, 0.3193334639072418, -0.7536925673484802, -0.4497702121734619, 0.16276554763317108, -0.000677064061164856, 1.0710035562515259, 0.2408832609653473, -0.011204846203327179, -0.6642505526542664, -0.7892583012580872, 0.8646771907806396, -1.129416584968567, 0.041119374334812164, -0.756395161151886, 1.7210538387298584, 0.19587956368923187, -0.20994329452514648, 1.081708550453186, -0.5156267285346985, 0.5438201427459717, 1.0083072185516357, -0.22929765284061432, 1.2276276350021362, -0.32653719186782837, 0.0051208012737333775, 0.3497092127799988, -0.2097325623035431, -1.8962088823318481, 0.1351591944694519, 0.9325802326202393, 0.26045170426368713, -0.16862018406391144, -1.060076355934143, 0.3230106234550476, -0.38994893431663513, 0.30295416712760925, -0.042784154415130615, -0.39576998353004456, 0.9979628920555115, 0.07527992874383926, -0.16614510118961334, 0.3633407950401306, -0.27431008219718933, 0.00667983666062355, 1.6199959516525269, 0.3095666468143463, -1.7953424453735352, 0.6724891662597656, 0.1625346839427948, -0.2956158220767975, 0.7391384840011597, 0.09059840440750122, 0.1514146625995636, 0.7932660579681396, -1.0356022119522095, 0.3321745693683624, 0.18592901527881622, 0.9838109016418457, 0.16442053020000458, -0.34213870763778687, -0.3223145008087158, 0.3581468462944031, -0.9244016408920288, 1.0894724130630493, 0.5007729530334473, -0.9190618395805359, -0.7392594814300537, -0.028575647622346878, -1.042354702949524, -1.1473584175109863, 1.4621776342391968, 1.0620037317276, 1.7199325561523438, -0.30830639600753784, -0.1639014035463333, 0.2744993567466736, -0.004600943997502327, 0.9939485788345337, 0.6039172410964966, 0.2599222958087921, -0.6367077827453613, 0.19001680612564087, 0.8057612180709839, 0.4089992344379425, -0.26150545477867126, -0.12491967529058456, 0.9404392242431641, -0.4677201807498932, -0.7033094763755798, -0.8435414433479309, 0.8381455540657043, 1.0962775945663452, 1.8514132499694824, -0.3660487234592438, -1.1018260717391968, -1.038844108581543, 0.8775562644004822, 1.0438874959945679, -0.2858811318874359, -0.8820955753326416, -0.44075092673301697, -0.004577897489070892, 0.7064906358718872, 0.02675948292016983, 1.1356306076049805, 0.7639737129211426, -1.3728715181350708, -0.4988958239555359, -0.2962142825126648, -0.9215698838233948, -0.15592512488365173, 0.1475311517715454, -0.38077056407928467, -0.45076847076416016, 0.5817004442214966, -0.15843752026557922, -0.5675129890441895, -0.11669667810201645, -0.9466835856437683, -0.9778914451599121, 1.080747365951538, 1.4149502515792847, -0.8854053020477295, -0.7354704737663269, -0.36518001556396484, -0.8035787343978882, -1.1228030920028687, 0.004706662148237228, -1.046342372894287, 0.33850452303886414, 0.6753115057945251, -0.16129334270954132, -0.2738230228424072, -0.29919642210006714, -1.2011209726333618, 0.5733773708343506, 1.1197504997253418, -0.272941917181015, 0.19932618737220764, -0.06707927584648132, -0.3469318747520447, 0.311674565076828, -1.4321019649505615, -0.3954731523990631, 0.20885296165943146, -0.6527304649353027, -0.34249430894851685, -0.3163696229457855, -0.1871480643749237, -0.23344779014587402, -0.12578827142715454, 0.18729141354560852, -0.713875949382782, -0.08103929460048676, -0.7051553726196289, 0.07872866094112396, 0.9840226173400879, -0.5835313200950623, -0.26772448420524597, 0.6851621866226196, -0.32334840297698975, 0.15642298758029938, 0.47646233439445496, 0.9830765724182129, 0.3371002972126007, 0.599876880645752, 0.3651888370513916, 0.020025648176670074, -10.551249504089355, 0.5334373712539673, -0.5301859974861145, 0.04835239797830582, 0.6613636612892151, 0.2514219880104065, 0.2970438301563263, -0.3705861270427704, 0.46753376722335815, -0.4438115954399109, 0.6744989156723022, 1.1447452306747437, 0.2733366787433624, -0.38566145300865173, -0.2946875989437103, -0.9846962690353394, -0.0980357974767685, -0.7688195705413818, 0.26371949911117554, 0.5024661421775818, -0.5186042189598083, -0.8438789248466492, -0.4378594756126404, -0.03668004646897316, 0.3651050329208374, -0.6252112984657288, -0.3798225522041321, 0.3036615252494812, -1.1259918212890625, 0.24777236580848694, -0.06858095526695251, -0.8532748222351074, -0.6632717847824097, -0.14232225716114044, 0.6324242949485779, 0.3708891272544861, -1.4066067934036255, 0.8193639516830444, 0.3278796374797821, -0.18659433722496033, -0.27804452180862427, 0.30662432312965393, 0.39004889130592346, -0.7081345319747925, -0.6444758772850037, -0.06313900649547577, 0.28277459740638733, -0.9593153595924377, 0.6734970808029175, -0.6549791693687439, -0.06947129219770432, -0.8642323613166809, -1.8761754035949707, -0.38261911273002625, 0.26263949275016785, 0.862968385219574, -1.1237937211990356, 0.5933706760406494, -0.549871027469635, -0.6306962966918945, 0.632659912109375, 0.844137966632843, 0.00564197450876236, 0.5522087216377258, 0.24566999077796936, -0.8748029470443726, 0.4379217028617859, 0.7868703603744507, -0.3272729814052582, 0.6861752867698669, -0.7090733647346497, 1.1925153732299805, 0.1916716992855072, 0.5730844140052795, -0.19759812951087952, 0.02968648076057434, 0.020950518548488617, 0.1553584486246109, 0.7842024564743042, -0.39572760462760925, -0.8890191316604614, 0.43379831314086914, -0.15950091183185577, -0.4261143207550049, -0.8205223083496094, 0.8248698115348816, -0.672630250453949, -0.1213039755821228, 0.9943004846572876, 0.06933101266622543, 0.8593953251838684, -0.24603721499443054, -0.05393523722887039, -0.0023839883506298065, 0.23245635628700256, 0.8320829272270203, -1.1395761966705322, 1.467972993850708, 0.9735006093978882, 0.36974647641181946, -0.17376253008842468, 0.2660965323448181, -0.5255403518676758, -0.4971652626991272, 0.17849485576152802, 0.24594122171401978, 0.24295106530189514, 0.1345655620098114, 0.3085901141166687, -0.5570629239082336, 1.1257100105285645, 0.5520325899124146, -0.3872736096382141, 0.8495204448699951, -0.6685655117034912, 1.239439845085144, 0.735051155090332, 0.21726563572883606, 0.5884659886360168, 0.6371665000915527, 0.019207291305065155, 0.4638710916042328, 0.13874460756778717, 0.9764334559440613, 0.42353251576423645, 0.3562261462211609, 1.3391982316970825, 0.4056532084941864, 0.31292569637298584, -1.3482708930969238, 0.2986472249031067, -0.10673582553863525, 0.05278186500072479, -0.6064469814300537, -0.12695808708667755, -0.4550677239894867, -1.454957365989685, 1.1360348463058472, -0.9255875945091248, -0.012448862195014954, -0.08989633619785309, -0.8279174566268921, -0.7174087166786194, 0.20652784407138824, -0.6908885836601257, -0.4330064654350281, -2.3567097187042236, -0.18931683897972107, -0.14049793779850006, -1.0717036724090576, 0.6961588859558105, 0.03176404535770416, 0.3284730911254883, -1.0193166732788086, -0.43394413590431213, 0.19676905870437622, 0.9269772171974182, -0.24286040663719177, -0.9578097462654114, 0.600683331489563, 0.9878112077713013, 1.7656723260879517, -0.7859916687011719, 1.1408708095550537, 0.23010200262069702, -0.28017494082450867, -0.3402772843837738, 0.0650043934583664, -0.6562862992286682, -0.09623724222183228, 1.1396750211715698, -1.27206552028656, -0.7247893214225769, -0.6779909133911133, -0.271526038646698, -0.9827501177787781, -0.3019556403160095, 0.6625887155532837, -0.8059627413749695, -0.001477763056755066, -0.8158029317855835, 0.49024254083633423, 0.6650469303131104, -0.8207957148551941, -1.151312232017517, -0.5226243138313293, -0.5959183573722839, 1.3384454250335693, -0.08411695808172226, -0.3978683650493622, -1.2667673826217651, -1.5251386165618896, -1.1600759029388428, 0.7040348649024963, 0.5207568407058716, -0.3030945956707001, 0.48383569717407227, 0.34610822796821594, -0.6166341304779053, -0.17977076768875122, -0.23298421502113342, 0.6682133674621582, 0.7099623084068298, 0.2923446297645569, 0.45192691683769226, -0.010507695376873016, -0.8524450659751892, -0.2236679345369339, 0.9784992337226868, 0.048733510076999664, -1.8555185794830322, -0.789664089679718, 0.23447085916996002, 0.5913971662521362, 0.4181992709636688, -0.865199089050293, 0.15495741367340088, 0.5848569869995117, -0.5667901039123535, -0.9584134817123413, -0.6484482884407043, 0.3467976450920105, -0.29845499992370605, 0.9102495908737183, 0.8899247646331787, 0.8277201652526855, 0.014008299447596073, 0.29561442136764526, 2.258625030517578, -0.8935250043869019, -0.4624328315258026, 0.30771493911743164, 0.11192555725574493, -0.037548087537288666, -0.6937451362609863, 0.4852321743965149, -1.4697319269180298, -0.19272840023040771, -1.3478540182113647, 0.2865889072418213, -0.13190531730651855, 0.2903607189655304, 0.10962314158678055, 1.2061864137649536, 0.09845384955406189, -0.6407095789909363, -0.7247176766395569, -0.4824798107147217, 0.4262416958808899, 0.16297006607055664, -0.23357073962688446, 1.4964184761047363, 0.5102037191390991, 0.09780795127153397, 0.9418655037879944, 0.5276532769203186, -0.0035838782787323, -0.487125039100647, 0.44601064920425415, 0.9625501036643982, 0.7408033609390259, -0.08950050920248032, -0.08499132841825485, -0.28931760787963867, -1.2892868518829346, -0.4530980885028839, -0.9960157871246338, 0.23669762909412384, 0.7433322668075562, -0.6033308506011963, -0.417668879032135, -0.3559524416923523, 0.24329330027103424, 0.33852171897888184, 0.7624357342720032, 0.5943359136581421, -0.46014511585235596, -1.982391357421875, -0.8976898193359375, -0.24505992233753204, 0.9250932931900024, -1.0768308639526367, -0.09499776363372803, -0.46577996015548706, -0.451494425535202, 0.30174195766448975, -0.7053082585334778, -0.8315643072128296, 0.3371794521808624, -0.340278297662735, 0.4992198944091797, 0.505905032157898, -0.8030763864517212, -0.49707603454589844, -0.3071305751800537, -1.4285614490509033, 1.177699089050293, 0.8130521178245544, -0.5474113821983337, -0.10735124349594116, 0.5794795155525208, -0.41551753878593445, -0.5317925810813904, 1.0702589750289917, -0.03922167420387268, -1.8710625171661377, 1.6534970998764038, 1.1442546844482422, -0.35662025213241577, -0.29560554027557373, 0.12873589992523193, 1.062321424484253, 0.549441397190094, 0.8236349821090698]} +{"paper_id": "dbrd", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "dart", "embedding": [-0.9276983141899109, 1.2143330574035645, -0.29621759057044983, 0.2514910399913788, 0.35809773206710815, 0.10611893236637115, 0.8419268131256104, 0.40356525778770447, 0.6305539011955261, 1.0586919784545898, 0.023870155215263367, -0.08151175826787949, -0.3537760376930237, -0.8285790085792542, 0.08101600408554077, -0.03519481420516968, -1.0325803756713867, -0.36594223976135254, -1.657267689704895, -0.4907756745815277, -0.9771493673324585, -0.8012468814849854, 0.24408209323883057, 1.040098786354065, -0.7099618911743164, -0.6106886863708496, 1.2847352027893066, -1.602557897567749, 0.03022000566124916, 0.23633894324302673, -0.46392112970352173, 1.1121755838394165, -1.1215214729309082, 0.4764164388179779, 0.10632362216711044, 0.6254079937934875, 0.566034734249115, 0.9676757454872131, -0.7266485691070557, 0.501078188419342, -0.9904251098632812, 0.22197496891021729, 0.604557454586029, -0.10535787045955658, 0.862413227558136, -0.06606560945510864, 0.17169342935085297, -0.26654481887817383, -0.5606728792190552, -0.5201794505119324, -0.65677410364151, 0.43218621611595154, 0.04345153272151947, -0.08214311301708221, 0.5466125011444092, 1.47041916847229, -0.5322557687759399, -0.5073567032814026, 0.42647385597229004, 0.26197171211242676, 0.9466447234153748, 1.571790099143982, -0.4745026230812073, 0.5784691572189331, 0.9798032641410828, 0.11971415579319, 1.3418078422546387, 0.4218299984931946, 0.3580763041973114, 0.3926928639411926, -0.057632096111774445, -0.8763126134872437, 0.4836100935935974, -0.84979248046875, -0.6626571416854858, 1.4072545766830444, 0.057134851813316345, 0.16232430934906006, 0.29666659235954285, -0.6006630063056946, 0.23437684774398804, 0.6940137147903442, 1.0719552040100098, -0.6812078952789307, 0.40863409638404846, 1.085738182067871, 0.49151548743247986, -0.29689839482307434, -0.4613494873046875, -2.04110050201416, 0.022908415645360947, 0.25012558698654175, 0.07577607780694962, -0.38211697340011597, -0.5042873024940491, 0.5111287832260132, -0.33130282163619995, -0.1125255674123764, -0.04256350174546242, 0.1426752805709839, 0.6098454594612122, -0.774450421333313, 0.44838595390319824, -0.2562508285045624, 0.381611704826355, 0.32474854588508606, -0.17440780997276306, -0.07121492177248001, -0.5140272974967957, -0.659951388835907, 0.04862647131085396, 0.5841359496116638, 0.40051257610321045, 1.005138874053955, -0.4054448902606964, -0.19668209552764893, 0.1490781307220459, -0.5178912878036499, 0.20214490592479706, -0.08367514610290527, -0.55762779712677, -0.9927253127098083, -0.2110292613506317, -0.054597560316324234, 1.2281198501586914, -1.003407597541809, -0.391184002161026, -0.5112305879592896, 0.546171247959137, -0.2506007254123688, -0.1524013876914978, -0.39265120029449463, -0.8355722427368164, 0.4411541521549225, 2.843195915222168, -1.0809645652770996, 1.3413276672363281, -0.6132903099060059, -0.5389994978904724, -0.44725626707077026, 0.1712329387664795, 1.5628383159637451, -0.07407263666391373, -0.03391681984066963, -0.8640991449356079, 0.38194936513900757, -0.4723859429359436, 1.0029816627502441, -1.2275028228759766, -0.5085754990577698, 0.015706971287727356, -0.2930523157119751, -1.7442370653152466, -0.3701882064342499, -0.9954994916915894, 0.08658955246210098, -0.0881737470626831, -0.093438521027565, -0.5970373153686523, 0.6110254526138306, 0.9914807081222534, -0.02723601460456848, -0.270835280418396, 0.3702186048030853, -1.1633920669555664, -0.1367218941450119, 1.0362223386764526, -0.7224887013435364, -0.7424604296684265, -0.47638529539108276, 0.4406803250312805, -0.30995243787765503, 0.2341454029083252, -0.3084980845451355, -0.19807055592536926, 0.5582537055015564, 1.1112669706344604, 0.8238122463226318, 0.1851203441619873, -0.4086436629295349, -0.53398597240448, -0.7760322093963623, -0.13670353591442108, 0.46745529770851135, 0.07818759232759476, 0.9728478789329529, -3.0757148265838623, 0.08856644481420517, -0.4117885231971741, 1.7521233558654785, -0.174553781747818, 0.32707133889198303, 0.47135233879089355, 0.3028170168399811, 0.5344569087028503, -0.9772737622261047, 0.4984753727912903, -0.7277496457099915, 0.09045526385307312, -0.11831772327423096, -0.36659538745880127, 0.23681803047657013, -0.05922355130314827, 1.10575532913208, 1.089443564414978, -0.9433320164680481, -0.43277716636657715, -2.401524066925049, -0.2948661148548126, 2.5372703075408936, 0.054017405956983566, -0.9174985289573669, -0.8528026938438416, -0.266864538192749, 0.7721469402313232, 0.12701383233070374, 0.1160091906785965, -0.6318938136100769, -0.20836254954338074, -0.8315037488937378, 0.06566081941127777, -0.5762830972671509, 0.70408034324646, 0.38113489747047424, 0.8246694207191467, -0.82884681224823, 0.35336217284202576, -0.7360829710960388, -0.9723961353302002, 0.3635026514530182, 0.5267055034637451, -0.014832306653261185, -0.5067415833473206, 0.9908351898193359, 0.04244716465473175, 0.8476670980453491, 0.609366238117218, 0.5267274975776672, -0.6182375550270081, 0.2962747812271118, 0.42634889483451843, 1.4764957427978516, 0.27362725138664246, -0.09409445524215698, 0.29864829778671265, -0.06653869152069092, -0.263036847114563, -0.478881299495697, -0.07169734686613083, 0.21603795886039734, 1.2147799730300903, 0.17438608407974243, -0.9258201122283936, 0.3675209581851959, -0.7039315104484558, -0.3645358383655548, -0.8877594470977783, -0.59291011095047, -0.09143296629190445, 0.31681185960769653, 0.7143559455871582, -0.0792279988527298, 0.5583576560020447, -0.6351029872894287, -0.6863316893577576, -1.1803940534591675, -0.6460140347480774, -0.0823528990149498, 0.08751571178436279, -1.5212215185165405, -0.16180089116096497, -0.2755858898162842, -1.0392452478408813, -0.37460261583328247, 0.5171588659286499, 0.077794149518013, 0.10483964532613754, 0.5239658355712891, 1.5513421297073364, -0.1690044105052948, 0.13517609238624573, 0.3376741409301758, 1.255887746810913, -0.5678325891494751, 0.8367580771446228, -0.6580795645713806, -0.31747859716415405, -1.171289324760437, 0.8578370809555054, -0.396028995513916, 0.7479584217071533, 0.26075440645217896, -0.2304985523223877, 0.4156937301158905, -0.13594931364059448, -0.3387267291545868, 1.2204833030700684, -0.5856178998947144, 0.2550353407859802, -0.8414068222045898, 1.3933258056640625, 0.5609936714172363, -0.27343398332595825, 1.1854251623153687, -0.5376203656196594, -0.5606251955032349, 0.18907806277275085, -0.4031634032726288, 1.1221396923065186, 0.6343384981155396, -0.16134046018123627, -0.1409279853105545, 0.6250300407409668, -2.281747341156006, 0.4290805160999298, 0.9549560546875, -0.20954887568950653, -0.5051035284996033, -1.1808606386184692, -0.2172645628452301, -0.25196272134780884, -0.3104317784309387, 0.6459653973579407, -0.4590713381767273, 0.11938939988613129, -0.5416541695594788, 0.32370442152023315, 1.4689886569976807, -0.20650885999202728, 0.5591615438461304, 1.0173633098602295, -0.4318390488624573, -1.5295084714889526, -0.2576439082622528, 1.197566270828247, -0.45396602153778076, 0.1146848052740097, 0.14441289007663727, 0.9953479170799255, 1.0526787042617798, -0.6231051683425903, 0.06739488989114761, 1.3944742679595947, 0.7507503032684326, 0.8644075989723206, 0.3679429888725281, -0.4136534333229065, 0.3122677206993103, -0.5616772174835205, 0.8338105082511902, -0.8013988137245178, -0.7894538044929504, -1.375382423400879, -0.05219255015254021, -0.3755655288696289, -0.8140252232551575, 2.135791063308716, 0.7606480717658997, 1.781795859336853, -0.4190751314163208, -0.042219728231430054, -1.2350187301635742, -0.6463340520858765, 0.6521356105804443, 0.9817243218421936, 0.38264626264572144, -0.74541175365448, 0.04167477414011955, 0.6748993396759033, 0.046752434223890305, -0.051298342645168304, -0.46687576174736023, 0.5323378443717957, 0.021153461188077927, -1.3757296800613403, 0.02944106049835682, 0.5231124758720398, -0.09114795178174973, 1.6473313570022583, -0.9774461388587952, -0.47072136402130127, 0.35938122868537903, 0.09894009679555893, -0.10308554023504257, 0.6880353093147278, -1.1006042957305908, 1.0533982515335083, 0.42197614908218384, 0.200153186917305, 0.0836590975522995, 1.304636836051941, 1.433774709701538, -0.2932702600955963, -1.5333632230758667, -0.39732855558395386, -0.817931592464447, -0.317303866147995, 0.11952044814825058, -0.20617704093456268, -1.0564848184585571, 0.6024590134620667, -0.047371234744787216, -0.4303878843784332, 1.1427757740020752, -0.1378554403781891, -1.4193925857543945, 0.6583197712898254, 0.6625216007232666, -1.2521418333053589, -0.310102641582489, 0.048691317439079285, -1.06386399269104, -0.652780294418335, -0.039957597851753235, -0.7008806467056274, 0.4901646375656128, 0.16019131243228912, 1.0638781785964966, 0.13562577962875366, 0.2253868728876114, -1.6059908866882324, 0.667522132396698, 0.8354043960571289, -1.0013656616210938, 0.5243369340896606, 0.24450872838497162, 0.7926766276359558, 0.04784543439745903, -1.3464834690093994, -0.9829300045967102, 0.8049068450927734, 0.38486120104789734, 0.05735117569565773, -1.0436954498291016, -0.9579466581344604, 0.29783153533935547, -0.19389568269252777, 0.3511744737625122, -0.8761090040206909, 0.406594455242157, -0.21978113055229187, 0.26099270582199097, 0.8610954284667969, -0.5011008977890015, -0.7172912359237671, 0.9919312000274658, -0.853255033493042, 0.9821498394012451, -0.0674363225698471, 0.47991693019866943, 1.8307766914367676, 0.2005474865436554, 0.1213921308517456, -0.6267250776290894, -10.063599586486816, 0.9083232879638672, -0.13162176311016083, 0.0952986627817154, 0.7440696954727173, -0.21922650933265686, 1.3323867321014404, -0.5537558197975159, 1.218858242034912, -1.0907024145126343, 0.6044947504997253, 1.57005774974823, 0.16263988614082336, 0.03741460293531418, -0.6639026403427124, -1.6858237981796265, -1.0894402265548706, -0.24999487400054932, 0.07529191672801971, 0.20216238498687744, -0.8412613868713379, -0.6072061657905579, 0.04569479078054428, 0.6616304516792297, 0.27789685130119324, 0.3809645175933838, 0.003386668860912323, -0.6668521761894226, -0.4543159604072571, -0.19777308404445648, 0.9123831391334534, 0.4521849751472473, -0.6241595149040222, -0.7127848863601685, 0.3032437562942505, -0.6353927850723267, -1.3649500608444214, -0.4721881151199341, 0.9127436876296997, -0.5731706619262695, -0.6104351282119751, 0.4334583580493927, 1.0798949003219604, 0.07304774969816208, -0.6917999982833862, 0.8921330571174622, 0.6107304096221924, -1.1578714847564697, 0.17825186252593994, -0.2725001275539398, -0.47728073596954346, -0.7628487348556519, -1.1152957677841187, -0.18685202300548553, -0.05743224173784256, -0.12973318994045258, -1.1741042137145996, 0.05618710815906525, -0.4354306161403656, -0.9840317964553833, 0.5222078561782837, 0.6615453362464905, -0.6959260106086731, 0.46601009368896484, 0.38631635904312134, -0.4134926199913025, 0.6354154944419861, 0.7345304489135742, 0.11243153363466263, -0.07580997049808502, -0.44779515266418457, 0.5827317237854004, -0.0513388030230999, -0.23165017366409302, -0.1856015920639038, -0.20102691650390625, -0.3230486512184143, -0.40841421484947205, 0.44924628734588623, 0.2647610306739807, -0.6421434879302979, 0.6634693145751953, 0.06680667400360107, -0.7292098999023438, -0.8709717988967896, 0.3537652790546417, -0.27058079838752747, -0.027649344876408577, 0.6782503128051758, -0.9229418039321899, 1.674832820892334, -0.5267093777656555, -0.1609717458486557, 0.025236308574676514, -0.8041563630104065, 0.23677247762680054, 0.15279142558574677, 1.3172285556793213, 0.2305319905281067, -0.8794394135475159, 0.4889666438102722, -0.21065959334373474, -0.05000155419111252, -0.6167794466018677, 0.3594624698162079, 0.23496001958847046, 0.07809200882911682, 0.5492322444915771, -0.3033110201358795, -0.35842669010162354, 0.5848892331123352, 0.18676245212554932, -0.6313089728355408, 0.41936349868774414, 0.13812068104743958, 0.483850359916687, 0.9119554162025452, 0.5014313459396362, 0.9480407238006592, 1.1430435180664062, 0.14298498630523682, 1.1908997297286987, 0.27307552099227905, 0.6106889843940735, -0.12478679418563843, -0.1808457374572754, 0.523408055305481, 0.3481295108795166, -0.8894206285476685, -1.3083628416061401, -0.1612345427274704, 0.34521743655204773, 0.14388518035411835, -0.7620501518249512, -0.7375819087028503, -0.609801173210144, -0.4475390911102295, 1.25612473487854, -0.5971999764442444, 0.3440384566783905, -0.044756051152944565, -0.8606613278388977, 0.8590848445892334, -0.8995327949523926, -1.1119712591171265, 0.32311347126960754, -1.8214366436004639, -0.08263739943504333, -0.7063685655593872, -0.655120313167572, 0.7799033522605896, -0.36629369854927063, 0.7020634412765503, -1.0246366262435913, -0.38905173540115356, -0.3071295917034149, 0.2599219083786011, -0.2022421956062317, -0.672435462474823, 0.3331418037414551, -0.41664692759513855, 0.6788337230682373, -0.7881399989128113, 0.990609884262085, 0.5463192462921143, -0.6862852573394775, -0.30558332800865173, -0.11065405607223511, -0.7608304619789124, 0.28297218680381775, 0.8683849573135376, -0.8714307546615601, -0.28050497174263, -0.8022924065589905, 0.03287844359874725, -0.8824957609176636, 1.5957010984420776, 1.5496515035629272, -0.9943134784698486, -0.30976611375808716, -0.49506041407585144, 0.706543505191803, 0.6666379570960999, -0.06721089780330658, -0.32921934127807617, 0.23339968919754028, 0.10680746287107468, 0.461063027381897, 0.03832027316093445, 1.2119220495224, -1.9707913398742676, -1.2417356967926025, -0.056300316005945206, -0.44149038195610046, 0.6469631791114807, -0.4472741484642029, 1.7217726707458496, 0.6982282400131226, 0.25261247158050537, 0.7179616689682007, 0.728206992149353, 0.9238573312759399, 0.3157973885536194, 1.2963340282440186, -0.208499476313591, 0.1796850562095642, -1.0504707098007202, 0.4177449941635132, 0.6696731448173523, 0.3796657919883728, -0.5416809320449829, 0.4724147915840149, 0.10677163302898407, -0.041096340864896774, 0.4563273787498474, -1.240894079208374, 0.5028678178787231, -0.5227375030517578, -0.20554722845554352, -1.1964963674545288, 0.5619999170303345, 1.582787036895752, 0.11079016327857971, 0.7343629002571106, 0.912901759147644, -0.40221092104911804, 0.8174868226051331, 0.417350172996521, 1.7868742942810059, 0.21325555443763733, -0.3974696397781372, 0.07189260423183441, 0.7620871067047119, -0.4491143822669983, -0.2337072491645813, -1.1154189109802246, -0.19822655618190765, 0.5816464424133301, -0.34471702575683594, 0.4164263606071472, -0.5257832407951355, 0.34217706322669983, 0.8822222352027893, 1.416683316230774, -0.9077143669128418, -1.9607899188995361, -0.33073848485946655, -0.5460800528526306, 0.1267661452293396, 1.6084935665130615, 0.8240932822227478, 0.11192838102579117, 0.6536670327186584, 0.25846952199935913, 0.9981643557548523, -0.09242884814739227, 0.3250170350074768, -0.04626554995775223, -0.004715241491794586, 1.3777168989181519, 0.9116985201835632, 0.9501338005065918, -0.4651792347431183, -0.6266496777534485, -0.40742525458335876, -0.22419434785842896, -0.5081125497817993, 0.291034460067749, 0.9727839231491089, -0.7113376259803772, -0.06576672196388245, -0.7795773148536682, 1.2982163429260254, -0.9649222493171692, 0.8488287925720215, -0.27035659551620483, -0.9927833080291748, -0.49857109785079956, -0.8281015157699585, -0.2775653004646301, 0.9057851433753967, -0.15063904225826263, -0.06634000688791275, -0.11759616434574127, 1.1735340356826782, -0.4557921588420868, 0.35848307609558105, -1.167799949645996, 0.046776000410318375, -1.3274418115615845, 0.4682621955871582, -0.46359580755233765, -0.23042631149291992, -0.583491325378418, 0.14092859625816345, -0.317655086517334, 0.1959247589111328, -0.15724268555641174, -0.5998049974441528, -0.42855313420295715, 0.4693562984466553, -0.8166429996490479, 0.30780333280563354, 0.07121526449918747, -0.27168941497802734, -1.603930115699768, 1.0530695915222168, 0.6184591054916382, -0.228147491812706, -1.0779322385787964, -0.5318254828453064, 0.23038674890995026, -0.38167136907577515, 0.9512566924095154]} +{"paper_id": "taskmaster1", "embedding": [-0.5148428678512573, 0.5864047408103943, -0.05538398027420044, 0.06469841301441193, 0.700732409954071, 0.6408200263977051, 0.4317964017391205, 0.5853944420814514, 0.7243582010269165, 0.019272759556770325, 0.9706568121910095, 0.2651001214981079, 0.40519651770591736, -0.007398294284939766, -0.6600510478019714, 0.19427970051765442, -1.155350685119629, -1.1275571584701538, -0.9641507863998413, 0.009188421070575714, -0.7560453414916992, -0.543488085269928, -0.0756550133228302, 0.3773265779018402, -0.9276648759841919, -0.6375332474708557, 0.7912423610687256, -1.0994819402694702, 0.024771474301815033, 0.2502671182155609, -0.04532215744256973, 2.040646553039551, -0.5093914866447449, 0.23648878931999207, 0.01665361225605011, -0.7989355325698853, 0.007683893665671349, 0.34367766976356506, -0.35907989740371704, 0.42198073863983154, -0.32517004013061523, 0.17201992869377136, 0.2898901700973511, 0.2910427749156952, 0.621520459651947, -0.19140946865081787, 0.3616894781589508, 0.160676047205925, -0.31282109022140503, 0.1294127106666565, -0.6617568731307983, 0.6930216550827026, 0.03942127525806427, 0.4733215272426605, -0.43275710940361023, 1.2356419563293457, 0.28911298513412476, 0.29136642813682556, 0.37328338623046875, -1.242167592048645, 1.2047878503799438, 0.9510504007339478, 0.4565173089504242, 0.819756031036377, 0.7347237467765808, 0.2796323895454407, 1.6332416534423828, -0.20853936672210693, 0.40177974104881287, 0.3903885781764984, -0.33968257904052734, -1.6875418424606323, 0.852357029914856, 0.23031756281852722, 0.15317268669605255, 0.8524607419967651, 0.72933429479599, 0.3639127314090729, -0.4564472436904907, -0.38468146324157715, 0.11608466506004333, 0.26080334186553955, 0.5231413841247559, -0.209148108959198, 0.21049432456493378, 0.5503043532371521, 0.33263981342315674, -0.49377191066741943, 0.24203090369701385, -1.39638352394104, 0.5409373641014099, -0.5085945725440979, 0.11461672186851501, -0.10786592960357666, -0.1480615735054016, -0.42262718081474304, 0.03549468517303467, 0.19120372831821442, -0.929584264755249, 0.8905903100967407, 0.8229842185974121, 0.041420720517635345, 0.28987523913383484, -0.35136622190475464, 0.03252670168876648, 0.21435639262199402, 0.02196146547794342, -0.28880053758621216, -0.7450195550918579, -0.6366192698478699, 0.06050589308142662, 0.8511870503425598, 0.0973767340183258, 1.059778094291687, -0.0022854991257190704, 0.4846225082874298, 0.32657819986343384, -1.0015451908111572, -0.23475056886672974, 0.25010862946510315, 0.16594082117080688, -0.9287002682685852, 0.016673605889081955, 0.1582428365945816, 0.7757560014724731, -1.1268863677978516, -0.4862979054450989, -0.3581560552120209, -0.0796084925532341, -0.6764677166938782, 0.8053455352783203, -0.28965941071510315, -0.6239429712295532, -0.1948695033788681, 3.0182042121887207, -0.9103394150733948, 1.59894859790802, -1.1629797220230103, -1.1413367986679077, -0.6644261479377747, 0.5026234984397888, 1.634437084197998, -0.29043272137641907, -0.23260200023651123, -0.8882140517234802, -0.1577439159154892, -0.7849398851394653, 0.06708420068025589, -0.42653849720954895, -0.37120893597602844, 0.0015721283853054047, 0.28484153747558594, -1.6855599880218506, -0.38758277893066406, -0.3939036428928375, 0.1631573736667633, 0.4777507781982422, 0.9934700131416321, -0.20392996072769165, 0.2658342123031616, 0.4585024416446686, 0.3355090618133545, -0.12962882220745087, 0.6857074499130249, -1.0929172039031982, -0.09558418393135071, 0.6074996590614319, -0.7279207706451416, -0.9588674902915955, -0.6505908370018005, 0.8787716627120972, -0.2292279601097107, 0.04416067153215408, 0.42036664485931396, -0.7683676481246948, 0.37091705203056335, 0.6204017400741577, 0.5779098272323608, 0.01786496303975582, -0.481810986995697, -0.4943268597126007, -0.27928370237350464, -0.4156339764595032, 0.29251906275749207, -0.6559273600578308, 0.05343683436512947, -1.424059510231018, -0.04978661984205246, -0.04856252670288086, 0.5462889671325684, 0.26519814133644104, -0.06324580311775208, 0.5271060466766357, -0.4538794159889221, 1.1716570854187012, -0.4919481575489044, 0.6515021324157715, -1.2546473741531372, 0.34524157643318176, 0.020828932523727417, 0.17445369064807892, 0.2528206706047058, -0.20890796184539795, 1.5436123609542847, 0.6163045167922974, -0.45315292477607727, 0.040007442235946655, -1.2650567293167114, -0.21810457110404968, 2.460984706878662, 0.3413657248020172, -0.8365387916564941, -0.6654736995697021, -0.16763679683208466, -0.4133945107460022, -0.4427604079246521, 0.39585307240486145, -0.8224395513534546, 0.09359078109264374, -1.8206254243850708, -0.026752062141895294, -0.2144055962562561, 0.33233192563056946, 1.148612380027771, 1.3144720792770386, -0.8851681351661682, 0.1280551701784134, -0.00964931771159172, -0.8093076944351196, 0.2959318459033966, 0.8811618089675903, 0.32192376255989075, 0.28673067688941956, 0.13955344259738922, 0.10333152115345001, 0.1365812122821808, -0.16379442811012268, 0.7426748275756836, -0.7782481908798218, 0.37356501817703247, -0.12756504118442535, 0.9838812351226807, 0.36447572708129883, 0.10512187331914902, 0.16541261970996857, 0.7727822065353394, -0.10454222559928894, -1.154219150543213, 0.30532366037368774, 0.08519785106182098, 1.4562503099441528, 0.7029567360877991, 0.014709271490573883, 0.4643590450286865, -0.7120660543441772, 0.0902053713798523, -0.3866865932941437, -0.30477845668792725, -0.6833780407905579, -0.6519409418106079, 1.334263801574707, -0.28037360310554504, -0.1825857311487198, -0.6056076884269714, 0.28553685545921326, -1.2522298097610474, 0.17341472208499908, -0.04143873229622841, -0.5493664741516113, -1.3186081647872925, 0.08775903284549713, -0.5315914154052734, -0.6325609087944031, -0.7471933364868164, 0.26275554299354553, 0.42849254608154297, 0.1413010209798813, 0.8415826559066772, 1.4639239311218262, -0.366475909948349, -0.09067395329475403, -0.6868739724159241, 0.6795093417167664, -0.7134844064712524, 0.9291403889656067, -0.42657995223999023, -0.0057028247974812984, -0.47246643900871277, 0.2583058774471283, 0.16085009276866913, -0.16281798481941223, 0.47006160020828247, -0.5799639821052551, -0.2922377586364746, -0.0700291320681572, -0.24607428908348083, 0.9181720614433289, -0.404021292924881, 0.5051456093788147, -0.3968895673751831, 1.7289150953292847, 0.41123250126838684, -0.7816953063011169, 0.2714829444885254, -0.06914673000574112, 0.43527349829673767, 0.9902532696723938, -0.4383012056350708, 0.21935053169727325, 0.6000292897224426, -0.42048099637031555, 0.18952763080596924, 0.1654299795627594, -2.3889734745025635, 0.4104989767074585, 0.49116355180740356, -0.2904755473136902, 0.3303781747817993, -1.1518946886062622, 0.21338258683681488, -0.05616314336657524, -0.3723900616168976, -0.4172252416610718, -0.33700090646743774, 0.5592427849769592, -0.027362454682588577, 0.6489803194999695, 1.3883169889450073, -0.2276705503463745, -0.11299501359462738, 0.7754361033439636, -0.4580395817756653, -0.641150176525116, -0.4165489077568054, 0.463222473859787, -0.6666443943977356, -0.2509690225124359, 0.2874847650527954, 0.183630108833313, 0.9804202318191528, -0.23373562097549438, 0.044788144528865814, 0.6231874823570251, 0.770298182964325, -0.049086153507232666, 0.23897072672843933, 0.0009133629500865936, 0.8359859585762024, -0.43232688307762146, 0.8420251607894897, 0.23021504282951355, -0.9234904646873474, -1.7252779006958008, 0.07459649443626404, -0.2079947590827942, -0.8918830752372742, 1.599321722984314, -0.2654266953468323, 1.009751796722412, -0.11698334664106369, 0.3375663459300995, -1.1021751165390015, -0.3850237727165222, 0.7712598443031311, 0.5001903772354126, 0.26110410690307617, -0.63326096534729, 0.15965721011161804, 0.5146797895431519, -0.1655874401330948, -0.8508871793746948, -0.2586432099342346, 1.5609172582626343, 0.31764665246009827, -0.501449465751648, -0.1993851214647293, 1.2439124584197998, 0.3099939823150635, 0.7879574298858643, -0.1725357323884964, -0.1681174784898758, -0.6968449950218201, 1.0920459032058716, 0.24594959616661072, 0.5188421607017517, -0.6436203718185425, 0.8069989085197449, 0.26488280296325684, 0.6357691884040833, 0.2127779871225357, 0.7018187046051025, 0.1805964559316635, -1.3142057657241821, -1.3486722707748413, 0.0761854350566864, -1.4385552406311035, -0.622668445110321, -0.02299364283680916, 0.001602310687303543, -0.6626723408699036, 0.992566704750061, -0.49713438749313354, -0.2935337722301483, 0.6201002597808838, -0.7099100947380066, -0.9097312688827515, 0.46317142248153687, 0.983279824256897, -1.1762508153915405, 0.038223475217819214, -0.5359136462211609, -1.1353999376296997, -0.5558260083198547, 0.2039070427417755, -0.7440584897994995, 0.023928601294755936, 0.002211539074778557, 0.006021412555128336, -0.5173757076263428, 0.2555423378944397, -0.7472934126853943, 0.3951645493507385, 0.5835121273994446, -0.18824350833892822, 0.923859715461731, 0.03247006610035896, 0.26029711961746216, -0.8754770755767822, -0.4582022428512573, -0.8199070692062378, 0.3064660429954529, -0.1964363306760788, -0.10077553987503052, -0.3241219222545624, -0.3791140615940094, 0.5988028645515442, -0.3205987513065338, 0.0739712044596672, -0.7516418099403381, -0.008169973269104958, -0.825134813785553, 0.27277955412864685, 0.4146851599216461, -1.4884207248687744, -0.719597578048706, 0.6063926815986633, -0.8417766690254211, 0.6277174949645996, -1.0614875555038452, 0.12686654925346375, 1.8090585470199585, 0.7004700303077698, 0.7642207145690918, 0.3076907694339752, -11.899806022644043, 0.577406108379364, -0.14563769102096558, -0.29835638403892517, 0.10412418842315674, -0.3607357144355774, 1.0749461650848389, 0.4538952112197876, 0.8400555849075317, -0.906049370765686, 0.586762011051178, 1.0247811079025269, -0.1289387047290802, -0.6589854955673218, -0.4205353260040283, -0.9675515294075012, -0.5598832368850708, -0.5168250203132629, -0.18041563034057617, -0.4539649784564972, -0.06057462841272354, -0.8081075549125671, -0.9012036919593811, 0.3282369077205658, -0.11710090190172195, 0.14805856347084045, -0.31582558155059814, -0.679050624370575, -0.023220866918563843, 0.1482919603586197, 0.6680541634559631, -0.00137702701613307, 0.47868722677230835, -0.8354082703590393, -0.11579800397157669, -0.1130371242761612, -0.8728417754173279, 0.3806428909301758, 0.4896846115589142, 0.015502900816500187, -0.41339820623397827, 0.5091473460197449, 0.2388942539691925, -0.019638704136013985, -0.44376111030578613, 0.5635330677032471, 0.3152080178260803, -0.16825516521930695, 0.4095594882965088, -0.4164222180843353, -0.465124249458313, -0.5098296999931335, -0.7912663221359253, -0.3467576801776886, 0.2609310746192932, -0.07969678193330765, -0.5595189332962036, 0.48438698053359985, -0.5249699354171753, -1.3249075412750244, 0.9928855299949646, 0.24744370579719543, 0.08996231108903885, -0.14738282561302185, 1.1750831604003906, -0.8982503414154053, -0.1501041054725647, 0.44167736172676086, 0.0576784685254097, 0.5185280442237854, -0.4998283386230469, 0.46782103180885315, 0.01990705356001854, 0.8047511577606201, -1.1765307188034058, -0.2889426648616791, -0.5087846517562866, 0.6406834721565247, 0.6410461068153381, 0.0046792831271886826, -0.765926718711853, 1.1319859027862549, 0.40069153904914856, -1.0007566213607788, -0.9592331051826477, 0.45515790581703186, -0.5191631317138672, 0.4086081385612488, 1.396963357925415, 0.0754028782248497, 1.3732423782348633, 0.6826670169830322, -0.6500931978225708, 0.2855716347694397, -0.4907960295677185, 0.6912504434585571, 0.7407501339912415, 0.6035983562469482, 0.3308854103088379, -0.4275002181529999, 0.2612648606300354, -0.08212020993232727, -0.47031229734420776, 0.6142926812171936, 0.3910010755062103, 0.2151874601840973, -0.5849292874336243, 0.3922256529331207, 0.9422819018363953, 0.5979353189468384, 1.0332499742507935, -0.6148577332496643, -1.0026496648788452, 0.6975007057189941, -0.09051328897476196, 0.6596940159797668, 1.2562376260757446, 0.3828928470611572, 1.3902828693389893, 0.0756472498178482, -0.1907927542924881, 0.956213116645813, 0.11263132095336914, 0.9381995797157288, 0.31899407505989075, -0.39086630940437317, 0.6719640493392944, 1.0157564878463745, -0.24730168282985687, -1.2420622110366821, 0.2261165976524353, 0.11530986428260803, 0.5939086079597473, -0.757363498210907, -0.11054882407188416, 0.39226233959198, -0.6526474952697754, 1.163177490234375, -0.8374897241592407, 0.5698534846305847, 0.0344085693359375, -0.659977912902832, 0.19973969459533691, -0.9110350608825684, -0.8674702048301697, 0.16863751411437988, -0.6035469174385071, 0.3845406472682953, -0.6227240562438965, 0.805647075176239, 0.4578765332698822, -0.2117784321308136, 0.9106811285018921, -1.0338284969329834, 0.0010069441050291061, 0.24563926458358765, 0.9725860357284546, -0.3390991985797882, -1.0758188962936401, -0.3954775929450989, 0.256165474653244, 1.161352276802063, -0.7543998956680298, 1.049787998199463, 0.6239591836929321, -0.10766534507274628, -0.055217593908309937, 0.18541055917739868, -0.6567525863647461, -0.03887864202260971, 0.81838458776474, -1.1676883697509766, -0.5716639161109924, -1.001718521118164, 0.24823348224163055, -0.4924367666244507, 0.4562155604362488, 1.3466664552688599, -1.1411712169647217, 0.005976036190986633, 0.03574441373348236, 0.5278637409210205, 0.052727580070495605, -0.496328204870224, -0.5326833724975586, 0.08810903877019882, -0.05152598023414612, 1.2356908321380615, -0.026219327002763748, 0.18864619731903076, -1.8307390213012695, -0.9253303408622742, -0.6590037941932678, -0.017248835414648056, -0.548732340335846, -0.2332589328289032, 0.7462828755378723, 0.4728044867515564, 0.7141999006271362, 0.24863484501838684, 0.6093586683273315, 1.1509472131729126, -0.5542765259742737, -0.5795796513557434, -0.07944409549236298, -0.2853734493255615, -0.5940832495689392, 0.7933580875396729, 0.13386693596839905, 0.2979596257209778, -1.345775842666626, 0.005562499165534973, 0.39790597558021545, -0.17886653542518616, 0.7478957772254944, -0.28438401222229004, -0.5935344696044922, -0.3041546642780304, -0.49545809626579285, -1.4956777095794678, 0.6117699146270752, 0.5305622816085815, 0.5063768029212952, 1.076768159866333, 0.326464980840683, 0.4982900023460388, 0.5117141604423523, -0.2914005517959595, 0.4007032513618469, -0.6076733469963074, -0.1291704922914505, -0.13530714809894562, 0.13455724716186523, 0.5372763872146606, 0.06180950999259949, -0.3114042580127716, -1.103255271911621, 0.2850726544857025, -0.956116795539856, -0.1259116232395172, -0.5476957559585571, 0.6777396202087402, 0.49148035049438477, 0.7963541150093079, -0.5403537154197693, -1.3252438306808472, -1.0509225130081177, -1.0942277908325195, -0.35478365421295166, 0.36613667011260986, 0.015808552503585815, 0.4035933315753937, 0.8639440536499023, -0.18453983962535858, 0.7928122282028198, -0.6194251179695129, -0.2746989130973816, 0.0827103927731514, 0.5335898399353027, 0.18472644686698914, 0.912418782711029, 0.2750781774520874, 1.1551275253295898, 0.8023496270179749, -0.2032364308834076, 0.051250699907541275, -0.22307509183883667, 0.4737383723258972, 1.2245221138000488, -0.31566599011421204, -0.693713903427124, -1.1234031915664673, 0.04583042860031128, -0.6469843983650208, 1.2035653591156006, 0.6521866917610168, -0.8286249041557312, -1.2418071031570435, -0.9497137069702148, -0.10187032073736191, 0.4898376166820526, -0.14523537456989288, -0.52297043800354, -0.8655661940574646, 0.9071106314659119, 0.5557800531387329, 0.13024748861789703, -1.3123502731323242, 0.46798837184906006, -0.6073570847511292, 0.4991465210914612, -0.5732463598251343, -0.5570985674858093, -0.38494211435317993, 0.37366896867752075, -0.4758429527282715, 0.6382912397384644, 0.09489491581916809, -1.2675515413284302, -1.1731141805648804, 0.29781028628349304, -0.227070614695549, 0.35720470547676086, 0.6651455163955688, 0.1450202465057373, -1.9382424354553223, 0.6149082779884338, 1.0549960136413574, 0.04358956962823868, -0.16396991908550262, 0.7441791892051697, -0.39420831203460693, -0.3941275477409363, 0.8083071708679199]} +{"paper_id": "multi_nli_mismatch", "embedding": [0.08613147586584091, 1.0108355283737183, -0.37972667813301086, -0.14354121685028076, 0.6841617226600647, -0.08572450280189514, 0.8511468768119812, 1.0656918287277222, 0.9887707829475403, 0.6747757196426392, 0.21699848771095276, 0.0042830221354961395, 0.3867764472961426, 0.12018661201000214, 0.05847708135843277, -0.7034018039703369, -1.2973014116287231, -0.7355281710624695, -1.4104517698287964, -0.5626295208930969, -0.715658962726593, -0.40399640798568726, -0.08336951583623886, 0.35081005096435547, -0.25372210144996643, -0.7428614497184753, 1.195550560951233, -1.1139942407608032, 0.4871387779712677, 0.4651743769645691, -0.2870722711086273, 1.289740800857544, -1.3320430517196655, 0.4690638482570648, -0.45631781220436096, -0.513906717300415, -0.21668125689029694, 0.5540044903755188, -0.35021814703941345, 0.05554793030023575, -0.7815995216369629, -0.24862563610076904, 0.3553652763366699, 0.42740997672080994, 0.38859042525291443, -0.26415789127349854, -0.20497219264507294, 0.2819378674030304, -0.38633912801742554, -0.1640629917383194, -0.37046775221824646, 0.2043287754058838, 0.018075771629810333, 0.21380114555358887, 0.13428905606269836, 0.9058025479316711, 0.6645992398262024, -1.2496439218521118, 0.7134237289428711, -1.4840775728225708, 0.9543783664703369, 1.3844194412231445, -0.9378504157066345, 0.2760026454925537, 0.9926007390022278, -0.3534368872642517, 1.5219544172286987, 0.28329819440841675, 0.4654095768928528, 1.0451897382736206, -0.05654166638851166, -0.6227010488510132, 0.3801679015159607, 0.24595165252685547, 0.4821927547454834, 1.077030897140503, 0.14174604415893555, 0.21160179376602173, -0.058084357529878616, -0.16569411754608154, -0.1750311553478241, 0.6695383191108704, 0.7982583045959473, -0.41710567474365234, 0.25837355852127075, 0.6363185048103333, 0.37110456824302673, -0.4650254547595978, -0.08738119900226593, -1.642557144165039, -0.10437612235546112, -0.11821608245372772, -0.39808493852615356, 0.04452165961265564, -0.3034467101097107, 0.6053542494773865, -0.16157442331314087, -0.2144729048013687, -0.04186231642961502, 0.4672521948814392, 0.5850088000297546, -0.37182101607322693, 0.10980638116598129, 0.2351265847682953, 0.070268414914608, 0.28649356961250305, -0.061948660761117935, -0.2604347765445709, -0.9591814279556274, -0.6105358004570007, -0.19704557955265045, 1.0128740072250366, -0.27744609117507935, 0.8599489331245422, -0.4758222997188568, -0.04415469616651535, 0.7348470091819763, -0.7802257537841797, -0.6033000946044922, -0.037420645356178284, -0.34815454483032227, -0.6564240455627441, -0.18298491835594177, -0.5293012857437134, 1.2019553184509277, -1.1206170320510864, 0.3136998116970062, -0.5163465142250061, 0.7376173138618469, -0.21906790137290955, 0.6022665500640869, 0.3607978820800781, -0.220889613032341, -0.14181606471538544, 2.6197869777679443, -0.7289219498634338, 1.4987382888793945, -0.842717170715332, 0.06243548542261124, -0.6049268841743469, 0.45574691891670227, 1.3549455404281616, 0.06228034198284149, -0.749851405620575, -0.6129655241966248, -0.024548398330807686, -0.6977783441543579, 0.3266827166080475, -1.0792171955108643, 0.028036991134285927, 0.14031493663787842, 0.14652876555919647, -1.2704702615737915, -0.33230552077293396, -0.001217477023601532, 0.4645991623401642, 0.18702857196331024, 1.0503408908843994, -0.6937100291252136, 0.48181819915771484, 0.5795512199401855, -0.22765378654003143, -0.07413478195667267, -0.051962822675704956, -1.1848187446594238, -0.1642928123474121, 0.685386598110199, -0.3542172908782959, -0.4380263388156891, -0.37338367104530334, 0.6814544200897217, 0.04325326904654503, -0.4503045082092285, -0.2658463418483734, 0.20104873180389404, 0.589607298374176, 0.42511245608329773, 0.3366975784301758, 0.16558514535427094, -0.8822538256645203, -0.12527316808700562, -0.36855435371398926, -0.09837105870246887, 0.7860395312309265, -0.12787239253520966, 0.8791367411613464, -2.180722713470459, -0.32291173934936523, 0.288127601146698, 0.116501584649086, -0.2896854281425476, -0.3176160752773285, 0.2449500858783722, 0.19190987944602966, 0.024860337376594543, 0.009905967861413956, 0.7273402214050293, -0.7500553131103516, -0.22755874693393707, 0.25053226947784424, -0.21942201256752014, -0.013056728057563305, -0.07188442349433899, 1.2940762042999268, 0.7739194631576538, -0.5056518316268921, -0.7554728388786316, -1.4994189739227295, 0.46394675970077515, 2.213772773742676, 0.0010859519243240356, -0.5813824534416199, -0.8736379146575928, -0.040914811193943024, 0.5685542821884155, -0.6982660889625549, -0.03569286689162254, -1.0221073627471924, 0.15879416465759277, -1.4074479341506958, 0.30088621377944946, -0.6153430938720703, -0.07435066998004913, 0.7776647210121155, 1.3017635345458984, -0.23883646726608276, -0.5892332792282104, -0.5778067708015442, -0.2749418020248413, 0.027522191405296326, 1.003477931022644, 0.08574981987476349, -0.45157185196876526, 0.644463837146759, -0.08424074947834015, 0.7918820977210999, 0.2555140256881714, 0.7078066468238831, -0.3071056008338928, -0.2747589349746704, 0.022117486223578453, 0.6935705542564392, -0.27335548400878906, 0.075492724776268, 0.07189758121967316, 0.5816249847412109, -0.6223517656326294, -0.2357613742351532, -0.02756090834736824, 0.1476534903049469, 1.7386244535446167, 1.109582543373108, -0.3822096586227417, 1.1935597658157349, -1.4226449728012085, 0.5119091868400574, -0.41748183965682983, -0.9528776407241821, -0.8718534111976624, -0.05873486027121544, 1.0796419382095337, -0.35040557384490967, 0.3353153169155121, -0.045637279748916626, -0.07708074897527695, -1.3092777729034424, -0.72406005859375, -0.595312237739563, -0.510387122631073, -1.0908756256103516, -0.44458866119384766, -0.04033435881137848, -0.5975412130355835, -0.4050685167312622, -0.4338240921497345, 0.684018611907959, 0.012373518198728561, 0.8743622303009033, 1.9168133735656738, 0.07323277741670609, 0.3847961127758026, -0.282778263092041, 1.013757348060608, -0.7809218168258667, 0.618018388748169, -0.11699004471302032, 0.06429272145032883, -0.6428099870681763, 0.10429151356220245, -0.48044782876968384, 0.1396772861480713, 0.2156444787979126, -0.016009382903575897, 0.13747966289520264, -0.356507271528244, -1.1966084241867065, 0.8004235625267029, -0.7878099083900452, 0.4043591022491455, -0.6184691190719604, 1.598387598991394, 0.020072882995009422, -0.27676358819007874, 0.7357480525970459, -0.04836760833859444, 0.110694020986557, 0.959831953048706, -0.5226976871490479, 0.5581880807876587, 0.1485232412815094, 0.04699939489364624, 0.5082388520240784, -0.05489593371748924, -1.8588368892669678, 0.41479209065437317, 1.4270710945129395, 0.04906700924038887, -0.7095146179199219, -1.1415748596191406, 0.43799471855163574, -0.1575479954481125, -0.21889939904212952, 0.3277745842933655, -0.8847810626029968, 0.48674336075782776, -0.0560874417424202, 0.2723657488822937, 0.8316022753715515, -0.3906310796737671, 0.3580778241157532, 0.6142417192459106, 0.6063112020492554, -0.7212214469909668, -0.006523758172988892, 0.46277791261672974, -0.8215439915657043, 0.46337273716926575, 0.41247761249542236, 1.1359508037567139, 1.454877257347107, -0.5328772664070129, -0.03879522532224655, 1.1795483827590942, 0.9512279033660889, 0.6674857139587402, 0.3464897572994232, -0.4268417954444885, 0.37055665254592896, 0.30069398880004883, 1.1805580854415894, 0.2979377508163452, -0.7562912702560425, -0.7512705326080322, -0.3752796947956085, -0.3781759738922119, -0.700431764125824, 1.3434572219848633, 0.7748705744743347, 1.5584760904312134, 0.16662190854549408, 0.3643506169319153, -0.5254912972450256, 0.19885937869548798, 0.9115121960639954, -0.10082955658435822, -0.24687276780605316, -0.5883356928825378, -0.18744197487831116, 1.2539933919906616, -0.32697492837905884, -0.8364836573600769, -0.3165043890476227, 0.9649620056152344, 0.17242607474327087, -0.5267528295516968, 0.28333041071891785, 1.0071748495101929, 0.5597311854362488, 1.643748164176941, -0.8320081830024719, -0.17613527178764343, 0.17813171446323395, 0.5790441632270813, 0.19172142446041107, 0.08761592954397202, -0.5995848178863525, 0.24765545129776, 0.38886409997940063, 1.0326513051986694, -0.07320178300142288, 0.9186218976974487, 0.9150345921516418, -0.6568738222122192, -0.8771998286247253, -0.5132812261581421, -0.8595595359802246, -0.6484952569007874, -0.13101208209991455, -0.3016568720340729, -0.3446837067604065, 0.7260767221450806, -0.400675505399704, -0.8367966413497925, 0.7401467561721802, -0.3398546576499939, -1.0414679050445557, 0.765240490436554, 1.3708351850509644, -1.438738226890564, -0.17232707142829895, -0.21538445353507996, -0.8001824617385864, -0.6511388421058655, 0.23785920441150665, -0.858533501625061, 0.22405710816383362, 0.16284845769405365, 0.666977047920227, 0.00700589083135128, 0.14668075740337372, -0.9184315800666809, 0.9315025210380554, 0.7763657569885254, -0.9249708652496338, 0.22185756266117096, -0.08768630027770996, 0.3974129557609558, -0.11515212059020996, -0.9556981325149536, -0.2891731262207031, 1.055598258972168, -0.40348345041275024, 0.12903425097465515, -0.9775368571281433, -0.3175257742404938, 0.20463523268699646, 0.21301303803920746, 0.5646625757217407, -1.3941296339035034, 0.3348313570022583, -0.05677761137485504, 0.5518237948417664, 0.8700481653213501, -0.9464516639709473, -0.8268046379089355, 0.6531281471252441, -0.5970501899719238, 0.13603562116622925, 0.003617428243160248, 0.5696240067481995, 0.9347639083862305, 0.2979069948196411, 0.46052098274230957, -0.2388460636138916, -12.127273559570312, 0.47483745217323303, -0.1491176038980484, 0.015763744711875916, 0.753178060054779, -0.3079412579536438, 0.48735129833221436, -0.018542993813753128, 0.376695454120636, -0.5779582262039185, 0.20016150176525116, 0.9536038041114807, 0.3594854176044464, -0.7516759037971497, -0.510077714920044, -0.8823431134223938, -0.8437801599502563, -0.6731597781181335, 0.33897727727890015, 0.10673072934150696, -0.4619907736778259, -0.8261960744857788, -0.1853790283203125, 0.40950414538383484, 0.3930627107620239, -0.45515522360801697, -0.42150458693504333, 0.12323819845914841, -0.7185225486755371, -0.1139712929725647, 0.735406219959259, -0.23370365798473358, -0.7210087180137634, -0.48713746666908264, 0.23209132254123688, -0.26329219341278076, -0.7370417714118958, -0.0603923425078392, 0.3723197877407074, 0.1755770444869995, -0.34206777811050415, 0.10895416885614395, 0.2672717869281769, -0.5458170175552368, -0.41611960530281067, 0.009785786271095276, 0.348091185092926, -0.6824423670768738, 0.2232116013765335, -1.0941510200500488, -0.4165067672729492, -0.2749803364276886, -0.675376832485199, -1.0683425664901733, 0.21310438215732574, -0.29870423674583435, -0.3936379551887512, 0.08211080729961395, -0.1189933717250824, -0.9166637659072876, 0.4647589325904846, 0.07117637991905212, -0.3326801359653473, 0.2314481884241104, 0.5592736601829529, -0.8484036922454834, 0.5033827424049377, 0.3670925796031952, 0.022286199033260345, 0.47099852561950684, -1.0045348405838013, 0.8680522441864014, 0.0828678086400032, -0.03294731676578522, -0.4597090184688568, 0.030422523617744446, -0.4307742416858673, -0.580145537853241, 0.860718309879303, 0.11654165387153625, -0.7716555595397949, 0.5164239406585693, 0.3818298876285553, -0.18927502632141113, -1.0459719896316528, 0.5998139977455139, 0.0225253663957119, 0.3519192039966583, 1.2036490440368652, -0.015931464731693268, 1.1837912797927856, 0.12238951772451401, -0.419339656829834, -0.40589722990989685, -0.24872460961341858, 1.1859785318374634, -0.8790693283081055, 0.8636564612388611, 0.7883327007293701, -0.391231894493103, 0.0924031138420105, -0.43153372406959534, -0.6216486692428589, -0.22828945517539978, 0.7931886911392212, 0.07047247141599655, 0.10762950778007507, 0.17375117540359497, 0.26972177624702454, -0.241000235080719, 1.416369080543518, 0.15667623281478882, -0.4189026951789856, 1.052106261253357, -0.36612606048583984, 0.8434629440307617, 0.965930700302124, 0.22416362166404724, 0.7512579560279846, 0.9924406409263611, -0.5486506819725037, 0.5011051297187805, -0.019562063738703728, 1.426967978477478, 0.43267005681991577, 0.06335145235061646, 0.4499335289001465, 0.5803588628768921, -0.19772958755493164, -0.834523618221283, -0.13134312629699707, -0.11019566655158997, 0.039791181683540344, -0.5426890254020691, -0.18628011643886566, 0.07269206643104553, -0.6947068572044373, 1.2467988729476929, -0.42890530824661255, 0.29914769530296326, -0.05831904336810112, -0.6356355547904968, -0.5583717823028564, -0.630031168460846, -0.9635480642318726, 0.217262864112854, -1.9894026517868042, 0.14525409042835236, -0.24061986804008484, -0.7059556841850281, 0.1172230988740921, -0.7262267470359802, 0.7359005212783813, -0.8743147850036621, -0.2508794069290161, -0.1901278793811798, 0.6712408065795898, 0.014359630644321442, -0.6745708584785461, -0.16730238497257233, 0.09634745866060257, 1.1982353925704956, -1.057047724723816, 0.8738656044006348, 0.34450557827949524, 0.39958763122558594, -0.43226489424705505, -0.029865872114896774, -0.4868394136428833, 0.22990989685058594, 1.2486261129379272, -1.5512075424194336, -0.906413733959198, -0.9672096371650696, 0.02708226814866066, -0.9040435552597046, -0.020387351512908936, 1.142221212387085, -1.02146577835083, -0.14683301746845245, -0.15634599328041077, 0.4319955110549927, 0.09558688849210739, -0.4910587966442108, -0.970400333404541, -0.057292863726615906, 0.034781090915203094, 1.005753755569458, 0.5803547501564026, 0.974297821521759, -1.683853030204773, -1.1730940341949463, -0.6253763437271118, 0.21864670515060425, 0.5764113664627075, 0.11793072521686554, 0.689939022064209, 0.25091248750686646, 0.24465179443359375, 0.2928321659564972, 0.11759713292121887, 0.7693292498588562, 0.10897926986217499, 0.371773362159729, -0.30497294664382935, 0.2881215214729309, -0.9120162725448608, 0.2621667981147766, 0.20559442043304443, 0.7877615094184875, -1.4519295692443848, -0.5180367231369019, -0.09547203779220581, -0.2419910579919815, -0.1178404837846756, -0.8290181159973145, 0.16560328006744385, -0.14692416787147522, -0.15923374891281128, -1.2643355131149292, 0.24484819173812866, 0.891940176486969, -0.23514385521411896, 1.0255553722381592, 0.6972959637641907, 0.5098426938056946, 0.28020375967025757, 0.3513290286064148, 1.406962275505066, -0.51054847240448, -0.3098018765449524, -0.2319236397743225, 0.6394661664962769, -0.03439969941973686, -0.20144636929035187, 0.29213279485702515, -1.2308319807052612, 0.09494850784540176, -0.7449789643287659, 0.7236528992652893, -0.20311962068080902, 0.4354308247566223, 0.70049649477005, 1.0348217487335205, -0.21973064541816711, -1.4493542909622192, -0.11493009328842163, -1.1770048141479492, 0.17731575667858124, 0.5493679046630859, 0.5673035383224487, 0.6408878564834595, 0.8228417038917542, 0.008270666003227234, 1.2258825302124023, -0.6971439719200134, 0.1218942403793335, 0.16992108523845673, 0.04054049029946327, 1.0059466361999512, 0.3474276065826416, 0.6541184186935425, 0.29996392130851746, -0.5726363658905029, -0.7980344891548157, -0.142517551779747, -0.2767431437969208, 1.0670443773269653, 1.001009225845337, -0.2264116108417511, 0.022611193358898163, -1.0526399612426758, 0.49088072776794434, -0.19561733305454254, 0.7229975461959839, 0.19264692068099976, -0.07106193900108337, -1.5296385288238525, -1.146238088607788, -0.20079456269741058, 0.8797887563705444, -0.42636117339134216, -0.26823070645332336, -1.1331466436386108, 0.018824424594640732, 0.12848211824893951, -0.11561927944421768, -0.862877607345581, 0.22919687628746033, -0.5926814675331116, -0.04584740102291107, 0.5201510190963745, -0.7694710493087769, -0.6512627005577087, 0.12953996658325195, -0.6315708160400391, 0.9915626049041748, -0.1746501922607422, -1.0603445768356323, -0.4971925616264343, 0.6659989356994629, 0.03864271193742752, -0.25442004203796387, 0.3557072877883911, -0.4224957823753357, -1.7019468545913696, 0.8486407995223999, 1.1832014322280884, -0.4070546329021454, -0.08627491444349289, 0.5586574673652649, 0.3317130208015442, 0.3442787826061249, 1.3149744272232056]} +{"paper_id": "wiki_movies", "embedding": [-0.7691270112991333, 1.6736599206924438, 0.4775688350200653, -0.456041544675827, -0.14471188187599182, -0.679039478302002, -0.11679720133543015, 1.1164981126785278, 0.830878496170044, 0.4948652386665344, 1.0237220525741577, 0.4570455849170685, 0.23584431409835815, 0.2598801553249359, -0.26669472455978394, 0.7961429953575134, 0.12507006525993347, -0.7677733302116394, -0.8403205275535583, -0.2846813499927521, -1.0828437805175781, -0.4753836393356323, -0.04205632209777832, 1.270053505897522, -1.4585645198822021, -1.066202163696289, 0.888837456703186, -1.2996037006378174, 0.9008021950721741, 0.01902272365987301, -0.04248634725809097, 0.8081777095794678, -1.606345772743225, 0.5110422968864441, -0.07020348310470581, 0.5886327624320984, 0.40643733739852905, 1.670162558555603, 0.035284899175167084, -0.47835439443588257, -0.43777039647102356, -0.23019835352897644, 0.8456393480300903, -0.008777583949267864, 1.5539863109588623, -0.42573124170303345, 0.5376787185668945, -0.44071707129478455, 0.310930073261261, -0.7737098932266235, -0.7876830697059631, 0.2868630290031433, -0.6067196130752563, 0.7848789691925049, -0.38222143054008484, 1.6998465061187744, -0.10598793625831604, 0.24434274435043335, 0.8680946826934814, -1.037770390510559, 2.0868828296661377, 1.3881452083587646, -0.07251477986574173, -0.22525489330291748, 1.1216799020767212, 0.2095033973455429, 1.4440802335739136, 0.3102414608001709, 0.13222342729568481, -0.1688314527273178, -0.16319862008094788, -1.1686521768569946, 0.044248178601264954, -0.578223705291748, -0.10295608639717102, 1.8903266191482544, 1.023544430732727, -0.7400680780410767, 0.2672542631626129, 0.05288815498352051, -0.4098816215991974, 0.3056982755661011, 0.7674784064292908, -0.3741033971309662, 0.056382276117801666, 0.20468300580978394, -0.14881213009357452, 0.10003548860549927, 0.43906888365745544, -1.3318843841552734, 0.68648761510849, -0.40004071593284607, 0.6571377515792847, 0.11725914478302002, -0.6528401970863342, -0.15511783957481384, -0.6396133303642273, 0.09212476760149002, -0.30617061257362366, 0.0468367300927639, 0.2370193898677826, 0.405132919549942, 0.03337490186095238, -0.3555099070072174, 0.07615151256322861, -0.3074618875980377, -0.03866548091173172, -0.1422358751296997, -0.38882070779800415, -1.1123689413070679, -0.12789349257946014, 0.6389550566673279, 0.4003872275352478, 0.7399820685386658, -0.6882665157318115, -0.4779248833656311, 0.10228199511766434, -0.36150768399238586, 0.17254993319511414, 0.3695499897003174, -0.14103198051452637, -0.7518869638442993, -0.29833707213401794, 0.35499292612075806, 0.5124471783638, -0.014839116483926773, -1.0232994556427002, -0.5793907046318054, -0.511828601360321, -0.10505411028862, 0.8776285648345947, 0.5582297444343567, -1.0211222171783447, -0.3521968722343445, 3.161329746246338, -1.1437718868255615, 0.8982287049293518, -0.47081229090690613, -0.6100597381591797, -0.8666784167289734, -0.387158066034317, 1.489883542060852, 0.42734411358833313, -0.8659300208091736, -0.30975157022476196, -0.24781213700771332, -0.625515341758728, 0.8265465497970581, -0.5564631223678589, -0.551776111125946, 0.26356789469718933, -0.2025078535079956, -1.7917851209640503, -0.7599601149559021, -0.8350952863693237, -0.020547788590192795, 0.0012354813516139984, 0.36263975501060486, -0.3862903118133545, 1.0590317249298096, 0.29324209690093994, 0.14309318363666534, -0.38340556621551514, 0.13126996159553528, -0.8148849606513977, -0.3401581943035126, 1.1354992389678955, -0.09127657115459442, 0.03794288635253906, 0.12049513310194016, 0.14572666585445404, -0.4100619852542877, -0.08394232392311096, -0.7586819529533386, -0.5010647773742676, 0.1881779134273529, 1.2775379419326782, 0.8231277465820312, 0.0836135670542717, -0.22807195782661438, -0.48891565203666687, -0.34592315554618835, 0.6284373998641968, 0.13262002170085907, -0.1278378963470459, 0.7313145399093628, -2.5543293952941895, 0.3317868709564209, -0.4940459132194519, 0.7058908939361572, 0.09936583042144775, 0.8920689821243286, 0.40179669857025146, -0.49091634154319763, -0.4383554458618164, -0.9487633109092712, 0.23108477890491486, -1.546754002571106, 0.4499139189720154, 0.16549082100391388, -0.4014328718185425, 0.09668969362974167, -0.15893255174160004, 0.8634498715400696, 0.2983657121658325, -0.4148155450820923, -0.5227755308151245, -1.9800535440444946, 0.14550061523914337, 1.6121317148208618, -0.23682841658592224, -0.2799936532974243, -1.258050560951233, -0.35951513051986694, -0.09101109951734543, -0.14715614914894104, 0.106536865234375, -0.223129540681839, -0.11247751861810684, -0.5797732472419739, 0.7085635662078857, 0.06890765577554703, 0.5672591924667358, 0.10130903869867325, 1.5005214214324951, -0.10125725716352463, -0.20048673450946808, -0.8057422041893005, -1.768890380859375, 0.22959114611148834, 0.0794263482093811, 0.1426386684179306, -0.22100672125816345, 0.9083400964736938, 0.5731948018074036, 0.8680897951126099, 0.9976887106895447, 0.44296547770500183, -1.0154730081558228, 0.11660490185022354, -0.29091429710388184, 1.164414405822754, 0.6315317153930664, 0.002011755481362343, 0.039465174078941345, -0.11781056225299835, -0.027429506182670593, -0.6299557089805603, 0.07610327005386353, -0.5245431065559387, 1.2294374704360962, 0.7996119856834412, -0.9342174530029297, 0.31779932975769043, 0.4055205285549164, -0.476713627576828, -0.2894040644168854, -0.6946292519569397, 0.7092087268829346, 0.2985699772834778, 0.6795340776443481, -0.2067771703004837, 0.27476367354393005, -0.010473676025867462, -0.23183411359786987, -0.5508249998092651, 0.10916125774383545, 0.22561758756637573, -0.2760974168777466, -0.8973572254180908, 0.2176138460636139, 0.12669160962104797, -1.365006923675537, -0.1783258020877838, 0.34657883644104004, 0.0037891697138547897, 0.1437799483537674, 0.6166874170303345, 1.2616649866104126, -0.13102003931999207, 0.6966246366500854, -0.7707457542419434, 0.8577154278755188, 0.06678031384944916, 0.7312307357788086, -0.2950572669506073, -0.14563561975955963, -1.4930957555770874, 0.4869682490825653, -0.8424455523490906, -0.1909479796886444, 0.817480742931366, -0.10203048586845398, 0.818984866142273, -0.1276608258485794, -0.6486333012580872, 1.055387020111084, 0.5158328413963318, -1.1396733522415161, -0.31783008575439453, 1.95445716381073, -0.3517468571662903, -0.8558904528617859, 0.568606972694397, 0.4959540367126465, -1.415290355682373, 0.975360095500946, -0.07974415272474289, 0.17904537916183472, 0.018312662839889526, -0.05891706049442291, -0.029711682349443436, -0.2685411870479584, -1.3869835138320923, 0.6613653898239136, 0.4904472231864929, -0.5311923623085022, 0.04426998645067215, -0.49786993861198425, 0.21224023401737213, -0.3111882507801056, 0.25384342670440674, 0.32552555203437805, -0.2230093628168106, 0.16592448949813843, -0.3619117736816406, 0.39578062295913696, 1.0776580572128296, -0.12248430401086807, 0.10401281714439392, 0.3927437961101532, -0.2850923538208008, -0.7767638564109802, -0.7219668030738831, 1.3799511194229126, 0.04623894393444061, -0.18014901876449585, 0.14699974656105042, -0.16012337803840637, 0.9306174516677856, 0.015824351459741592, -0.21522483229637146, 0.32706165313720703, 0.6313929557800293, 0.5407369136810303, 0.6858963370323181, -0.341422975063324, 0.6939140558242798, -0.2923962473869324, 1.211240530014038, -0.48928505182266235, -0.11000317335128784, -1.284635066986084, 0.09549053013324738, -0.6201132535934448, -0.6303841471672058, 1.8926790952682495, 0.17450568079948425, 2.720932722091675, -0.1837262213230133, -0.4419501721858978, -0.23508892953395844, -0.9199855923652649, 0.15846166014671326, 0.5497480034828186, 0.23412004113197327, -0.44557294249534607, -0.13826799392700195, 0.9951281547546387, 0.487590491771698, -0.2860526442527771, -0.06645455211400986, 0.4366630017757416, 0.6191409230232239, -0.5748656392097473, 1.0864864587783813, 0.234320268034935, 0.6091465353965759, 0.8934398889541626, -0.014561457559466362, 0.31180015206336975, 0.04339751601219177, -0.04513974487781525, -0.2672608196735382, 0.16706469655036926, -0.3000139594078064, 0.8327980041503906, 0.09830015897750854, -0.3743914067745209, 0.17815269529819489, 1.1677619218826294, 2.163137197494507, 0.27301129698753357, -1.6621921062469482, 0.16492819786071777, -0.3503439128398895, 0.18107172846794128, 0.301453173160553, 0.6648176908493042, -0.29128238558769226, 0.24710553884506226, 0.5021989345550537, -1.577010154724121, 0.7815666198730469, -0.24623322486877441, -1.2881555557250977, 0.38217389583587646, 0.9044921398162842, -0.5292976498603821, -0.45153573155403137, -0.02433091402053833, -1.0357316732406616, -0.1983584314584732, -0.5256471633911133, -0.3992291986942291, 0.5682308673858643, -0.01855938509106636, 1.0503500699996948, 0.253304660320282, 0.27449649572372437, -0.7551997900009155, 1.1351948976516724, 0.13017500936985016, -0.4003961682319641, 1.203864574432373, 0.0811486765742302, 0.24792273342609406, -0.028971344232559204, -1.4288288354873657, -0.8546143174171448, 0.808967113494873, -0.7036622762680054, -0.19171780347824097, -0.9793838262557983, -0.35869237780570984, 0.805042028427124, 0.6873834133148193, 1.22341787815094, -0.7689542174339294, -0.13756228983402252, -1.1275146007537842, -0.04945920407772064, 0.7535502910614014, -0.3696177005767822, -1.2964801788330078, 0.9319784641265869, -0.11627992987632751, 0.5115023851394653, -0.6558351516723633, 0.24335232377052307, 1.885546326637268, -0.036295972764492035, -0.4187319278717041, -0.04914194718003273, -10.8970365524292, 0.7757111191749573, -0.37565886974334717, 0.702803373336792, 1.0648877620697021, 0.32170024514198303, 1.120142936706543, -0.25927096605300903, 1.0939830541610718, -0.9909278750419617, 0.07441802322864532, 0.524421751499176, 0.2144986093044281, -0.4844035804271698, -1.24324369430542, -1.78666353225708, -1.1681559085845947, 0.1799706369638443, -0.20008927583694458, -0.6855615377426147, 0.4488464593887329, -0.29930901527404785, -0.8931438326835632, 0.8050948977470398, -0.036603063344955444, -0.17088793218135834, -0.45326685905456543, -0.23926444351673126, -0.1787492036819458, -0.3743346631526947, 1.0437777042388916, -0.41964882612228394, -0.6171776652336121, -0.86016446352005, 0.17880670726299286, -0.45938828587532043, -1.1682953834533691, -0.3165774941444397, 0.7288911938667297, -0.5885709524154663, -0.4137117862701416, 0.6602268815040588, 0.4467686712741852, 0.05621327459812164, -0.8604716062545776, 0.24442817270755768, 0.45999249815940857, -0.7837239503860474, -0.3166298270225525, 0.3839520812034607, -0.4485386610031128, -0.3164554834365845, -0.276676744222641, 0.6969284415245056, 0.6008399724960327, 0.8865407109260559, -0.5521374344825745, -0.5077388286590576, -0.8656696677207947, -0.9168707132339478, 1.1932203769683838, 0.041848354041576385, 0.030925258994102478, 0.4698408246040344, 0.5697548389434814, 0.07541059702634811, 0.1893448382616043, -0.43372657895088196, -0.4422672390937805, -0.17240069806575775, -0.15780314803123474, 0.530052125453949, 0.5352024435997009, -0.5778644680976868, -0.5733152627944946, 0.5879536271095276, -0.7714799046516418, -0.2637198567390442, 0.1962188184261322, 0.46341225504875183, -1.1599445343017578, 0.9571962952613831, -0.059392523020505905, -0.7852472066879272, 0.36691272258758545, 0.6673835515975952, 0.06481236219406128, 0.35539060831069946, 0.2764689326286316, -0.595613420009613, 1.5139391422271729, 0.24350807070732117, 0.0868404433131218, -0.013461083173751831, -0.6874221563339233, 0.7410227060317993, -0.9599695801734924, 0.6304651498794556, 0.12197412550449371, -0.7045539021492004, 0.10139694809913635, -0.3447648882865906, -0.7912914752960205, -0.8541167378425598, 0.23057711124420166, 0.4324181079864502, 0.5156670212745667, -0.13259148597717285, -0.1929018497467041, -0.23301291465759277, 0.7816656231880188, 1.069347858428955, -0.8201320767402649, 1.128124713897705, -0.468065083026886, 0.9630650877952576, 0.8694291710853577, -0.46935635805130005, -0.2867262065410614, 1.9033993482589722, -0.054443616420030594, 0.6284909844398499, 0.6255249381065369, 0.7657572627067566, -0.21379508078098297, -0.3356705605983734, 0.041368190199136734, 0.4264586865901947, 0.3028108477592468, -1.3319761753082275, 0.08314000070095062, -0.04755984991788864, -0.14545609056949615, -1.3910235166549683, -0.9768238067626953, -0.4067089557647705, -1.1212732791900635, 1.5819417238235474, -0.10887698829174042, 0.3503513038158417, -0.6366750001907349, -0.9381989240646362, -0.7589437961578369, -0.897071897983551, -0.6456087827682495, -0.0028952881693840027, -0.4178822934627533, 0.009037312120199203, -0.4890429675579071, -0.1935240924358368, -0.09504756331443787, -0.09337682276964188, 0.2506997883319855, -0.41815268993377686, -0.7497054934501648, -0.1566256284713745, -0.3668977618217468, -0.37122800946235657, -0.31541067361831665, -0.30704614520072937, 0.3958614468574524, 0.8420500159263611, -1.1611014604568481, 0.6688331365585327, 0.4618503153324127, -0.8396515250205994, -0.3340991735458374, 0.3398512899875641, -1.0953097343444824, 0.2001734972000122, 0.9280617237091064, -0.4533059000968933, -0.7864433526992798, -1.2382431030273438, 0.04119184985756874, -0.5728537440299988, 1.0735963582992554, 1.293154001235962, -0.7294126152992249, -0.10662443935871124, -0.020285654813051224, 1.024404525756836, 0.10935944318771362, -0.30010926723480225, 0.19637897610664368, 0.11968974024057388, -0.29692375659942627, 0.6149755120277405, 0.10841104388237, 1.1473709344863892, -1.5772855281829834, -1.4695689678192139, -0.45142850279808044, -1.0902678966522217, 0.686821699142456, 0.13386209309101105, 1.4339358806610107, 1.061951756477356, -0.5998632907867432, 0.6409384608268738, 0.07658699154853821, 0.9537041783332825, 0.5056891441345215, 1.6504608392715454, -0.3373265862464905, -0.05629705637693405, -0.4761815667152405, -0.2905571758747101, 0.17542943358421326, 1.0209856033325195, -0.7998161315917969, -0.010989531874656677, -0.33164867758750916, -0.3778247833251953, 0.24119360744953156, -0.6149826049804688, 0.7063277363777161, -0.324553519487381, 0.16570083796977997, -1.0375866889953613, -0.39554834365844727, 1.0735732316970825, -1.0036077499389648, 1.2147867679595947, 0.2524124085903168, 0.9491210579872131, 0.48238158226013184, 0.1754886507987976, 1.0783628225326538, 0.11786998808383942, -0.3144005239009857, 0.6016440987586975, 0.137113556265831, 0.005743570625782013, -0.3520681858062744, -1.7405468225479126, -0.24245242774486542, 1.2382516860961914, -0.6651890277862549, 0.519378125667572, -0.4759542942047119, 0.7923243641853333, 0.6428024768829346, 1.5285793542861938, -0.6704686880111694, -1.8380029201507568, -0.06267082691192627, -1.1031394004821777, -0.04632684588432312, 1.3583354949951172, 0.056858666241168976, 0.17979583144187927, 0.7588497996330261, 0.3800836205482483, 1.2535470724105835, -1.1925214529037476, 0.07417241483926773, -0.032359279692173004, -0.5613671541213989, 0.35537391901016235, 0.8003429174423218, 0.8232466578483582, 0.9203847050666809, 0.12759029865264893, -0.5835402011871338, -0.5420728325843811, -0.5091541409492493, -0.47950446605682373, 0.7101972103118896, -0.2912197411060333, -0.7627841830253601, -0.7502472996711731, 1.1027350425720215, -0.8741129636764526, 0.5186582207679749, -0.09012933075428009, -0.43858736753463745, -0.6165907979011536, -1.05644953250885, -0.6428377032279968, 0.5271657109260559, -0.4586890935897827, -0.4055216908454895, -0.24117912352085114, 0.9259073138237, 0.3668348491191864, 0.019739562645554543, -1.0528745651245117, -0.311127632856369, -0.6952008605003357, -0.3796789050102234, -0.3855808675289154, -0.6438734531402588, -0.7279369235038757, -0.18580693006515503, -0.3663988709449768, 0.05044467747211456, 0.38467174768447876, -0.7662973403930664, -0.0498577281832695, 0.33475738763809204, 0.006047233939170837, 0.879180908203125, 0.09512964636087418, 0.0969175472855568, -1.2316405773162842, 0.000945650041103363, -0.020431675016880035, 0.49191877245903015, -0.41454818844795227, 0.0875060111284256, -0.26135316491127014, 0.43135035037994385, 0.4978736639022827]} +{"paper_id": "orange_sum", "embedding": [-0.10717138648033142, 0.9438115358352661, -0.1989460289478302, 0.7632873058319092, 1.062424898147583, -0.3712272047996521, 0.6240823268890381, 0.6951385736465454, 0.7510115504264832, 1.1390836238861084, 0.5215268135070801, 0.23375728726387024, -0.031247073784470558, -0.2643803358078003, -0.5895066261291504, -0.13013899326324463, -1.2338173389434814, -0.7351593375205994, -1.6072415113449097, -0.8280129432678223, -1.316391944885254, -0.5167738199234009, -0.41028016805648804, 0.6557443737983704, -0.23999816179275513, -0.4242163300514221, 0.9952042102813721, -1.2301124334335327, 0.2303638756275177, 0.26482778787612915, -0.3753249943256378, 1.2828466892242432, -1.223466396331787, -0.021264545619487762, -0.7853233814239502, -0.2752149999141693, -0.0775889903306961, 1.0256372690200806, -0.0729978159070015, 0.21469774842262268, -0.8570448160171509, -0.12166710197925568, 0.9044222235679626, 0.07829759269952774, 0.7170357704162598, -0.8294616937637329, -0.36094048619270325, 0.4603690505027771, 0.18228958547115326, 0.13690893352031708, -0.5819187760353088, 0.38800376653671265, 0.28277939558029175, 0.5222333669662476, -0.35842156410217285, 1.5667657852172852, 0.020024806261062622, -1.486865520477295, 0.835677981376648, -0.4197992980480194, 0.4078100025653839, 1.7916138172149658, -0.6275031566619873, 0.22885781526565552, 0.8926706314086914, -0.3561338186264038, 1.2553733587265015, 0.14180846512317657, 0.3345091640949249, 1.019901156425476, -0.8292165994644165, -0.4841601252555847, 0.7226486802101135, 0.09914889931678772, 0.2461024522781372, 1.1488791704177856, 0.5806664228439331, 0.322536438703537, -0.8101844787597656, -0.9715901017189026, -0.5136657357215881, 0.9429937601089478, 0.11189110577106476, -0.6675443649291992, 0.3589748740196228, -0.07378178089857101, 0.04376979172229767, -0.9015318155288696, 0.26966652274131775, -1.4908828735351562, 1.156849980354309, -0.227799192070961, -0.4643406569957733, -0.3558995723724365, -0.6870064735412598, 0.10497566312551498, -0.3063569664955139, -0.42883262038230896, -0.6462905406951904, 0.5194011330604553, 0.4245862662792206, -0.5101498365402222, 1.124718189239502, 0.18589308857917786, 0.5778916478157043, 1.5827826261520386, -0.6336847543716431, -0.6079873442649841, -0.774758517742157, -0.06457667797803879, 0.3979645073413849, 1.267615556716919, 0.16720283031463623, 0.6996210813522339, 0.2169291377067566, -0.14272251725196838, 0.526786744594574, -0.13803677260875702, -0.18015822768211365, 0.27673590183258057, -0.3279356062412262, -1.3609684705734253, -0.3432214558124542, -0.02485603094100952, 0.13237608969211578, -1.2422481775283813, 0.08517710119485855, -0.36865970492362976, 0.419554203748703, -0.5450536012649536, 0.5333220958709717, 0.510827898979187, -0.9869034290313721, 0.3525383472442627, 2.977238655090332, -1.5759260654449463, 1.6005611419677734, -0.3415266275405884, -0.3668617010116577, -0.7351468801498413, 0.5305256247520447, 1.642935037612915, -0.49437904357910156, -1.5572702884674072, -0.3739357590675354, 0.11400501430034637, -1.0368552207946777, 0.34615465998649597, -0.3349105715751648, -0.24088715016841888, 0.09214642643928528, 0.02664525806903839, -1.0657826662063599, -0.7590751647949219, 0.07622121274471283, 0.27544233202934265, 0.6773343086242676, 0.3982127904891968, -0.03283226862549782, 1.6745061874389648, 0.8136168718338013, -0.052773214876651764, 0.2430335283279419, 0.5826486349105835, -1.2463427782058716, 0.41438621282577515, 0.7939373850822449, 0.31171756982803345, -0.4128817021846771, -0.3677580654621124, 1.2662999629974365, -0.3379495441913605, -0.5540600419044495, -0.4127156138420105, -0.11322569102048874, 0.7353222966194153, 0.6667851805686951, 0.8272179961204529, 0.1387748122215271, -0.597463071346283, -0.7966171503067017, -0.7443660497665405, 0.19022002816200256, 0.4246373474597931, -0.22173993289470673, 1.191554307937622, -1.9688620567321777, -0.4262557029724121, -0.4102128744125366, 1.0728461742401123, -0.47904685139656067, -0.4820643663406372, -0.3893401622772217, 0.5016971826553345, 0.40530943870544434, -1.0290493965148926, 0.43102240562438965, -0.7413432598114014, -0.4640527665615082, -0.07068418711423874, 0.18111388385295868, -0.44590991735458374, 0.10148274153470993, 0.5832831859588623, 0.9244987964630127, -0.21297508478164673, 0.03479203209280968, -1.8658462762832642, 0.49792301654815674, 1.9808437824249268, 0.21718868613243103, -1.520023226737976, -0.40922996401786804, -1.3357741832733154, 0.5459581017494202, -1.1155517101287842, -0.19054998457431793, 0.030543766915798187, 0.3775511384010315, -1.0780001878738403, 0.5835987329483032, -0.5855498909950256, 0.16275137662887573, 0.6176273822784424, 1.2294343709945679, 0.00965951755642891, -0.22145740687847137, 0.2366466075181961, -1.0909526348114014, 0.37155523896217346, 0.8287380337715149, 0.07352769374847412, -0.8420184254646301, 1.0321171283721924, -0.8110406398773193, 0.1194884330034256, 0.6379843354225159, 0.905817985534668, -0.3432416319847107, 0.1391167938709259, 0.062101177871227264, 0.9803237915039062, -0.36943668127059937, 0.15902630984783173, 0.5262959599494934, 0.19808274507522583, -0.3545679450035095, -0.7069249153137207, 0.3424364924430847, -0.7770529985427856, 1.3618232011795044, 1.0896409749984741, -0.5050836801528931, 1.3495252132415771, -0.9680932760238647, -0.12170661240816116, -0.2534012794494629, -0.37167537212371826, -0.4277554750442505, -0.39949530363082886, 1.1598695516586304, -0.34173211455345154, -0.02468145824968815, -0.45025646686553955, 0.215153306722641, -1.3924497365951538, -0.7114067077636719, -0.24112698435783386, -0.34034156799316406, -1.707584023475647, -0.1754218339920044, -0.5214220285415649, -0.5306914448738098, -0.23124396800994873, 0.7856553196907043, 0.478381484746933, 0.4452258050441742, 1.0573029518127441, 1.727258563041687, -0.262300580739975, 0.39474835991859436, 0.3227078914642334, 0.9957638382911682, -0.5026873350143433, 0.3326248526573181, 0.36922892928123474, 0.14217893779277802, -0.9270009994506836, 0.2321503758430481, -0.24636594951152802, 0.26885363459587097, 0.5927692651748657, -0.4498436450958252, -0.012931063771247864, -0.4083395004272461, -0.6973756551742554, 0.8494271636009216, -0.9903263449668884, 1.0746337175369263, -0.7764161825180054, 1.7670955657958984, 0.38507765531539917, -0.23432067036628723, 0.8235129714012146, 0.015918636694550514, -0.051834672689437866, 0.8441979289054871, -0.6775839328765869, 1.1577943563461304, 0.40473753213882446, 0.0505693182349205, 0.501552939414978, 0.41229209303855896, -2.132550001144409, 0.5248570442199707, 0.6741912961006165, -0.3418586552143097, -0.46926501393318176, -0.950244665145874, 0.2313763052225113, -0.44674554467201233, -0.5367200374603271, -0.10365083068609238, -0.3139727711677551, 0.08586570620536804, -0.48237159848213196, 0.06037826091051102, 1.7402617931365967, -0.45106643438339233, 0.770618200302124, 0.9480372667312622, 0.21855315566062927, -1.7649095058441162, -0.10231194645166397, 0.9083201885223389, -0.3892936408519745, 0.550591230392456, 0.7000436186790466, 1.0899792909622192, 1.5102025270462036, -0.5106053948402405, 0.1517673283815384, 1.707961916923523, 0.4794774353504181, 0.30006593465805054, 0.7571713924407959, -0.8231449723243713, -0.4320763051509857, 0.16537028551101685, 0.7663586139678955, -0.19399245083332062, -0.8672346472740173, -1.1658231019973755, 0.16448891162872314, -0.42250990867614746, -0.5614131093025208, 1.277581810951233, 0.2108321189880371, 1.6770837306976318, 0.14298027753829956, 0.6314113736152649, -0.40506818890571594, 0.6911745071411133, 0.6596903800964355, 0.14864139258861542, -0.46849310398101807, -0.9666327238082886, 0.24072939157485962, 0.7184826135635376, -0.12539342045783997, -0.06869018077850342, 0.027213703840970993, 0.8627785444259644, -0.183768630027771, -0.8022822141647339, -0.14883282780647278, 0.9309646487236023, 0.0011013979092240334, 1.8212897777557373, -1.2254326343536377, -0.31855231523513794, 1.0577046871185303, 0.4330120086669922, 0.43144676089286804, 0.404012531042099, -0.9991260766983032, 0.6644591093063354, 0.35291820764541626, 0.9945175647735596, -0.4626779556274414, 0.8789913058280945, 0.3855134844779968, -1.125726342201233, -0.08178940415382385, -0.4714193642139435, -1.3338475227355957, -0.615949273109436, 0.03810740262269974, 0.012115761637687683, -0.7445176839828491, 1.1061410903930664, -0.7992825508117676, -0.5832628607749939, 1.1445015668869019, -0.38002216815948486, -1.3393820524215698, 0.06684240698814392, 1.3364516496658325, -1.1526880264282227, -0.7619736194610596, -0.6095826029777527, -1.2247833013534546, -1.2830525636672974, 0.43001529574394226, -0.47496098279953003, -0.18561507761478424, -0.2317139208316803, 0.3258381485939026, -0.4988592863082886, -0.41977953910827637, -0.8914316892623901, 0.22417296469211578, 1.2187340259552002, -0.2974286377429962, 0.7180330753326416, 0.41984206438064575, 0.874716579914093, -0.3180871307849884, -0.969130277633667, -0.9998188614845276, -0.0027954168617725372, 0.27445873618125916, 0.5795511603355408, -0.5152119398117065, 0.004175130277872086, 0.34537380933761597, -0.07663590461015701, 1.3713147640228271, -0.8520457148551941, 0.03995762765407562, 0.36134153604507446, 0.4629381597042084, 0.5298344492912292, 0.1376536637544632, -1.141249656677246, 0.6108044981956482, -0.6932368278503418, 0.23013725876808167, -0.38236382603645325, 0.522178053855896, 0.8332815170288086, 0.21531662344932556, -0.24813053011894226, -0.2542709410190582, -10.534260749816895, 0.01644228771328926, -0.19697052240371704, -0.07082835584878922, 0.8728456497192383, -0.7744556069374084, 1.2415590286254883, -0.026831790804862976, 0.021394845098257065, -0.1229691132903099, 0.7652097344398499, 0.807548999786377, 0.37530961632728577, 0.044946905225515366, -0.34673577547073364, -0.9058223962783813, -0.4753181040287018, -0.14809758961200714, 0.8446953892707825, 0.40835484862327576, -0.27101370692253113, -0.6448297500610352, 0.6296756267547607, 0.564433217048645, 0.24083711206912994, 0.40977269411087036, 0.23245751857757568, 0.011775759048759937, -0.12006433308124542, -0.3435280919075012, 0.23434136807918549, -0.5452832579612732, -0.9133591651916504, -0.7581599354743958, 1.144092082977295, -0.0376589335501194, -1.2287858724594116, -0.38830071687698364, 0.898475706577301, -0.3643186092376709, -0.6487208008766174, 0.14907094836235046, 0.6654053330421448, -0.5482826232910156, -0.47869667410850525, 0.2538576126098633, 0.8658624887466431, -0.8754979372024536, 0.21737359464168549, -0.5339781045913696, -0.6634756326675415, -0.849507212638855, -1.3372873067855835, -0.7067437767982483, 0.7829853892326355, -0.5222702622413635, -0.31558486819267273, 0.4092387855052948, -0.43958356976509094, -1.3616411685943604, 0.37954217195510864, 0.4366811513900757, -0.012214116752147675, -0.1697583943605423, -0.28878191113471985, -0.1791166514158249, 0.8112359046936035, 0.19648991525173187, 0.25078195333480835, 0.40845805406570435, -0.9324913620948792, 0.08896458894014359, 0.12252304702997208, -0.30809682607650757, -0.4346984624862671, -0.2629494071006775, 0.49552345275878906, -0.9904420971870422, 0.41674482822418213, 0.11489354074001312, -1.0122238397598267, 0.18017880618572235, 0.47925370931625366, -0.2171880304813385, -0.8465232253074646, -0.549632728099823, -0.394258975982666, -0.42798495292663574, 0.910831093788147, -0.24107453227043152, 0.9508463740348816, -0.5423007011413574, 0.5970132946968079, 1.0765239000320435, -1.0733935832977295, 1.4297772645950317, -0.7904797196388245, 0.8676820993423462, -0.14111146330833435, -0.3492310643196106, 0.09564685076475143, 0.2607024013996124, -0.21454323828220367, 0.0013749636709690094, 0.7154572010040283, 0.26416823267936707, -0.3662363886833191, -0.10541024059057236, 0.1875554323196411, 0.28505024313926697, 1.2090519666671753, 0.6399473547935486, 0.02950608730316162, 0.613075315952301, -0.09888240694999695, 0.8544740080833435, -0.09551852941513062, 0.42269593477249146, -0.11872285604476929, 1.104335904121399, -0.6762899160385132, 1.5225907564163208, 0.9248695969581604, 0.7672722935676575, -0.02405225858092308, -0.3266734480857849, 0.5122366547584534, 1.241076111793518, 0.2379000037908554, -1.3573130369186401, -0.8891481757164001, -0.009316971525549889, 0.1569545716047287, -0.942984402179718, -0.2763795852661133, -0.15611276030540466, -1.4548801183700562, 1.4764130115509033, -0.3259719908237457, -0.3738902509212494, 0.36151671409606934, -1.172590970993042, 0.30606338381767273, -0.7945120334625244, -0.6102655529975891, 0.12440317869186401, -2.0192549228668213, 0.3503507077693939, -0.665662944316864, -0.2546881437301636, 0.08797226846218109, 0.34128668904304504, 1.3733594417572021, -1.3530935049057007, -0.39255931973457336, 0.14291906356811523, 0.640410840511322, -0.3183417022228241, -0.49323326349258423, -0.42263180017471313, -0.6479052305221558, 1.2527130842208862, -0.36885520815849304, 0.9066509008407593, 0.40037602186203003, -0.3916718065738678, -0.8060016632080078, 0.0673353374004364, -0.26795291900634766, 1.0635128021240234, 0.8156273365020752, -1.2003600597381592, 0.1934080868959427, -1.2434037923812866, -0.7569797039031982, -0.988825261592865, 0.1902720332145691, 1.751594066619873, -0.6296784281730652, -0.27190160751342773, 1.0557935237884521, 0.19325289130210876, 0.24675041437149048, -0.29112863540649414, -0.40039706230163574, -0.1619817316532135, 0.10683537274599075, 0.5152032375335693, -0.40693870186805725, 0.2614154517650604, -2.2590489387512207, -1.1414766311645508, -0.7812204360961914, -0.63747239112854, 0.009390313178300858, -0.5340104699134827, 1.1518845558166504, 0.43434226512908936, 0.1705736219882965, 0.413154274225235, -0.4229687452316284, 0.9623771905899048, 0.7586370706558228, 0.7393460869789124, 0.5844261050224304, -0.6980328559875488, -0.5651087164878845, 0.046671804040670395, 0.04144784063100815, -0.07685106992721558, -1.2040225267410278, -0.46877771615982056, 0.07111197710037231, -0.12171658873558044, -0.01799440011382103, -0.9861910343170166, 0.5453743934631348, -0.13524283468723297, -0.1401522010564804, -1.238565444946289, -0.3508368134498596, 1.2477887868881226, -0.1316748708486557, 0.6730455756187439, 0.198727548122406, -0.11669889092445374, 1.1913238763809204, 0.4208628535270691, 1.4995719194412231, -0.056982871145009995, -0.6664583683013916, -0.09900015592575073, 0.7929238080978394, -0.040760595351457596, 0.003765411674976349, 0.17492921650409698, -1.2379209995269775, -0.09486473351716995, -0.39680516719818115, -0.04541417211294174, 0.19465957581996918, 0.7767760753631592, 0.7810503840446472, 0.9208141565322876, -0.3557661771774292, -0.9773240089416504, -0.2763911187648773, -0.9501850008964539, -0.06946399062871933, 1.099395513534546, 0.10676899552345276, 0.5892512202262878, 0.6312272548675537, 0.0349222794175148, 1.1953316926956177, -0.48229801654815674, -0.5595788955688477, 0.000987611711025238, 0.3240177631378174, 1.1917916536331177, 0.7501463890075684, -0.0927785262465477, -0.0047221072018146515, -0.6975744962692261, -0.12803234159946442, -0.21089541912078857, -0.10449112951755524, 0.3960103988647461, 1.1785833835601807, -0.21695257723331451, -0.08738154172897339, -0.5679649114608765, 0.30203548073768616, -0.9256868362426758, 0.12214750051498413, 0.3728488087654114, -0.7889832854270935, -0.8007869720458984, -0.7856283783912659, -0.024078350514173508, 0.6420449018478394, -0.3891572952270508, -0.23885589838027954, -0.11601094901561737, 0.48540863394737244, 0.16712114214897156, -0.4525946378707886, -0.6929649710655212, 0.34604084491729736, -0.08564659208059311, 0.2757452726364136, 0.13052797317504883, -0.44568389654159546, -0.13143768906593323, -0.30727070569992065, -0.9633486866950989, 0.46562179923057556, 0.27083081007003784, -1.1281148195266724, -1.2647961378097534, -0.14243203401565552, 0.028865478932857513, 0.11461809277534485, 0.7152959108352661, -0.1367800533771515, -1.9738956689834595, 1.488986849784851, 0.9771398305892944, -0.7519682049751282, -0.1886606216430664, 0.2551334500312805, 0.2710728347301483, -0.015823347494006157, 1.3482248783111572]} +{"paper_id": "simple_questions_v2", "embedding": [-0.0832267701625824, 1.2768840789794922, -0.2510307729244232, -0.18822722136974335, -0.15835127234458923, 0.16924387216567993, -0.09493934363126755, 1.089505910873413, 1.4569048881530762, 0.2162550836801529, 0.3103073835372925, 0.267701119184494, 0.5187684297561646, 0.12527188658714294, -0.2774616479873657, 0.15452787280082703, -0.5598286390304565, -0.4811003506183624, -2.1548445224761963, 0.0005948767066001892, -0.06577470898628235, -0.4465634226799011, 0.2572628855705261, 1.4748997688293457, -0.8054257035255432, -1.6976679563522339, 1.266770601272583, -1.0358641147613525, 1.0042325258255005, 0.24299311637878418, 0.24408501386642456, 1.7373050451278687, -1.5459073781967163, 1.0458261966705322, -1.183079719543457, -0.5482774972915649, 0.40261340141296387, 1.319455623626709, 0.3491446375846863, -0.22058460116386414, -0.062406592071056366, -0.039374709129333496, 0.00165635347366333, 0.8239322900772095, 1.2447596788406372, -1.0339289903640747, 1.2293041944503784, -0.011986780911684036, -0.3056751787662506, -0.23722165822982788, -0.8973860144615173, 0.4131932854652405, -0.2041783332824707, 1.612605094909668, -0.3270449638366699, 0.9435909986495972, 0.4045674502849579, -0.05744469165802002, 0.6994041204452515, -0.8865751028060913, 2.0365421772003174, 1.5647534132003784, 0.15142862498760223, 0.03852282837033272, 1.2545970678329468, 0.6215587854385376, 1.9889854192733765, -0.09575681388378143, -0.17321503162384033, 0.22762499749660492, -0.25711870193481445, -0.37850072979927063, 1.0236302614212036, -0.023068904876708984, 0.5709594488143921, 0.9312261343002319, -0.00021169520914554596, -0.12380726635456085, -0.020819298923015594, -0.4379543662071228, -0.3487091660499573, -0.5974055528640747, 0.9355139136314392, 0.16078642010688782, 0.45787978172302246, -0.059787482023239136, 0.05308043211698532, -0.9927695393562317, -0.21607422828674316, -1.9025028944015503, 1.0984784364700317, -0.3033207654953003, 0.5057279467582703, -0.09291651844978333, -0.23179686069488525, -0.1511847972869873, -0.9230789542198181, -0.5072380900382996, -0.7498384714126587, 0.002525104209780693, 0.501086413860321, -0.10333796590566635, 0.5556769371032715, 0.20570701360702515, -0.2534814476966858, 0.6971566081047058, 0.6925266981124878, -0.464605450630188, -0.597717821598053, -1.1753556728363037, -0.3771599233150482, 0.269393652677536, -0.35447457432746887, 0.32979854941368103, -0.4179290533065796, 0.8758339285850525, 1.017105221748352, -0.5509500503540039, 0.08431714028120041, -0.20061321556568146, -0.07933898270130157, -1.452065110206604, -0.8433472514152527, -0.4798842668533325, 0.20796772837638855, -0.33686479926109314, -0.841766357421875, -0.46140262484550476, -0.4269145727157593, 0.537135899066925, 1.6430219411849976, 0.13882826268672943, -1.1139264106750488, -0.47796547412872314, 2.9316883087158203, -1.274673581123352, 1.2985213994979858, -1.3189054727554321, 0.21761049330234528, -1.3683829307556152, -0.6115679144859314, 1.0233101844787598, -0.4010380804538727, -0.6845200657844543, -0.9308952689170837, 0.249018132686615, -0.1583833247423172, 0.34592705965042114, -1.0718867778778076, -0.4541947841644287, 0.01758580468595028, 0.7121708393096924, -1.0703760385513306, -1.0261473655700684, 0.009286809712648392, 0.6243082284927368, -0.2673175632953644, 0.5413520336151123, -0.7354604601860046, -0.2936670184135437, -0.3415277898311615, -0.8971420526504517, -0.17231135070323944, 0.1118512749671936, -0.4763588309288025, -0.5042422413825989, 1.099221110343933, 0.26163893938064575, -0.6873051524162292, -0.3811352252960205, 0.01500355452299118, 0.19900190830230713, -0.5184934139251709, 0.10336597263813019, -0.06766210496425629, 0.4821041524410248, -0.22237104177474976, 0.6240068078041077, 0.26056167483329773, -0.7513543963432312, -0.059503667056560516, 0.04424535483121872, 0.2865550220012665, 0.8856595754623413, 0.23245100677013397, -0.03677539899945259, -1.846847653388977, 0.1388188749551773, 0.1095704585313797, 0.4153055250644684, -0.2946092486381531, 0.12146981060504913, 0.4089207351207733, 0.1063225120306015, -0.09546492993831635, -1.0282304286956787, 1.0405993461608887, -0.8742753863334656, -0.2587614059448242, 0.2598002552986145, -0.11761605739593506, 0.14418449997901917, 0.034123241901397705, 1.114927053451538, 0.17910419404506683, -0.6162309646606445, -0.013918116688728333, -1.2836203575134277, 0.2619227170944214, 1.5500547885894775, 0.4004374146461487, -0.19025154411792755, -0.5167959332466125, -1.2024083137512207, 0.06450103968381882, -0.4516792297363281, 0.11807620525360107, -0.4999575912952423, 0.4657422602176666, -1.4758809804916382, 0.5780488848686218, -0.2856827974319458, -0.19682644307613373, 0.4391576647758484, 1.468597173690796, -0.9599694609642029, 0.05161021649837494, -0.5565429925918579, -0.6335969567298889, 0.8169333934783936, 0.38796359300613403, 0.37824681401252747, 0.23343169689178467, 0.7223967909812927, 1.0908153057098389, 0.854641854763031, 0.8026610016822815, 0.7370167374610901, -1.0863274335861206, 0.24780812859535217, -0.3194458484649658, 0.7368927001953125, 0.3764347434043884, 0.699835479259491, -0.32466626167297363, 0.7480849623680115, -0.7856171727180481, -0.8189697861671448, 0.4613141417503357, -0.380005419254303, 2.1381540298461914, 0.09055526554584503, 0.1815529763698578, 0.598517656326294, 0.42156314849853516, -1.196034550666809, -0.23437508940696716, -0.2990776598453522, 0.09260186553001404, -0.3524594306945801, 1.138797402381897, -0.3304881453514099, 0.46937692165374756, 0.2677896022796631, 0.052634336054325104, -0.6858530044555664, 0.16025562584400177, 0.2759247124195099, -0.19359302520751953, -0.6756472587585449, -0.364189088344574, -0.11415347456932068, -0.6069577932357788, -0.8758369088172913, -0.17010082304477692, -0.48193418979644775, 0.007791163399815559, 0.8078864812850952, 2.183922052383423, 0.2128397822380066, 0.5576369762420654, -0.6239425539970398, 1.2696644067764282, -0.06290162354707718, 0.7236087918281555, 0.12763655185699463, 0.5761694312095642, -1.5390887260437012, -0.30435264110565186, -0.4126361012458801, 0.12492869049310684, 0.6913748979568481, 0.2573810815811157, 0.7000670433044434, -0.19167707860469818, -0.9834012389183044, 1.4600749015808105, 0.464498370885849, -0.46660056710243225, -0.04519122838973999, 1.4306498765945435, -0.21181245148181915, -0.858619213104248, -0.03514086455106735, 0.2848740518093109, -0.54645174741745, 0.25002938508987427, -0.1306825876235962, -0.3503364622592926, 0.209724560379982, -0.079975925385952, 0.7790564298629761, 0.18008026480674744, -1.6564878225326538, 0.8938406705856323, 0.3070183992385864, 0.044174518436193466, -0.4965180456638336, -0.7319369316101074, -0.14104267954826355, -0.042108744382858276, 0.32081809639930725, 0.5294445753097534, 0.06309623271226883, 0.1536003053188324, 0.13341644406318665, 0.1060771495103836, 0.9177785515785217, -0.294922798871994, 0.13041344285011292, 0.9977914690971375, -0.6339448094367981, -0.33133551478385925, -1.3443554639816284, 0.13168105483055115, 0.06624580919742584, -0.29193347692489624, -0.11684820801019669, 0.48413965106010437, 0.9206790924072266, 1.0536434650421143, -0.07065097987651825, 0.5727267861366272, 0.8854365348815918, -0.4124773144721985, 0.2304217517375946, -0.5613127946853638, 0.11641726642847061, -0.23278209567070007, 1.2244235277175903, -0.906951367855072, 0.05995246395468712, -0.5042009353637695, 0.7125102281570435, 0.2557547688484192, -0.19404250383377075, 1.943410038948059, -0.5423679351806641, 1.1957085132598877, -0.004985278006643057, 1.0913910865783691, -0.030893687158823013, -0.2798497974872589, 0.26395320892333984, 0.3994196057319641, 0.19557124376296997, -0.8851863145828247, -0.47011610865592957, 0.47438013553619385, -0.11617837846279144, -0.8807538151741028, 0.12168236076831818, 1.272055745124817, 0.6368813514709473, -0.8895812034606934, 0.4584023058414459, 0.47152745723724365, 0.5906422138214111, 1.2371159791946411, 0.2760923206806183, -0.2995138168334961, -0.03509260714054108, 0.4920000731945038, -0.22662357985973358, 0.24072536826133728, -0.3549356460571289, 0.21800482273101807, -0.37700581550598145, 0.47834697365760803, 0.5544030666351318, 1.3098746538162231, 0.9394319653511047, -1.1544917821884155, -1.3139928579330444, 0.41832008957862854, -0.04966970160603523, -0.16793280839920044, 0.29704171419143677, -0.07439678907394409, -0.4571326971054077, 0.7664510607719421, 0.327459454536438, -1.6114380359649658, 0.22278648614883423, -0.7785671949386597, -1.4075497388839722, 0.8284489512443542, 1.1398489475250244, -0.626593828201294, 0.11056264489889145, -0.17157335579395294, -1.2322195768356323, 0.052599117159843445, -0.2344241589307785, -0.523073673248291, 0.3891022503376007, -0.18589076399803162, 1.0309572219848633, -0.634713351726532, -0.05702092871069908, -1.2658475637435913, 0.7851449251174927, 0.31993162631988525, -0.8247571587562561, 1.0021255016326904, 0.07511673122644424, 0.5834864974021912, 0.33304470777511597, -0.821209192276001, -0.19861748814582825, 0.75438392162323, -0.1426820158958435, 0.3899939954280853, -0.9842368364334106, 0.2610131502151489, 0.6571707725524902, -0.009776376187801361, 0.8920195698738098, -0.38590550422668457, -0.2859296202659607, -0.425448477268219, 0.18686723709106445, 0.9188326597213745, -0.7197808623313904, -0.8905161023139954, 0.7449548244476318, -0.03555648773908615, 0.7326524257659912, -1.2777488231658936, -0.05674409121274948, 1.8997061252593994, -0.11865085363388062, -0.35815298557281494, -0.17791084945201874, -10.860214233398438, 0.5541487336158752, 0.053559258580207825, -0.1445828676223755, 0.9686723351478577, -0.1259385645389557, 0.5922695994377136, -0.5453289747238159, 0.013943228870630264, -0.7714600563049316, 0.402728408575058, 0.32303059101104736, 0.9005365967750549, -0.2782038152217865, -0.7724303007125854, -0.92644864320755, -0.026101578027009964, -0.8061289191246033, 0.29278647899627686, 0.15078961849212646, 0.216129869222641, 0.1833970993757248, -0.09475179016590118, 0.17464406788349152, -0.06027743220329285, -0.6823005080223083, -1.3881152868270874, -0.49712228775024414, -0.6402824521064758, -0.35191813111305237, 0.7648478746414185, -0.019343087449669838, -0.1463315784931183, -0.8155216574668884, -0.24308794736862183, -1.3492158651351929, -0.1988428235054016, 0.5182174444198608, 1.0083529949188232, -0.8086448907852173, -1.162857174873352, 0.3151947259902954, -0.13450269401073456, 0.2627256214618683, -0.6410544514656067, 0.14052633941173553, 0.3450888693332672, -0.42762142419815063, -0.1537451148033142, 0.29542970657348633, -0.2871745824813843, -0.2660697102546692, 0.06831301748752594, -0.350399911403656, 0.3029261827468872, 1.173109531402588, -0.49519655108451843, -0.2724892795085907, -0.5553131699562073, -1.157513976097107, 0.14707589149475098, 0.25723445415496826, -0.3863378167152405, 0.35325339436531067, 0.2263878881931305, -0.41896945238113403, -0.49824094772338867, 0.23118436336517334, -1.1161158084869385, 0.4544542133808136, -0.8267676830291748, 0.5734129548072815, 0.5236590504646301, -0.06923548877239227, -1.1873818635940552, 0.16616690158843994, -0.8868715763092041, 0.6801245212554932, -0.11116962134838104, 0.11054275929927826, -1.5431163311004639, 0.4928804934024811, -0.24922464787960052, -0.5052379369735718, -0.23365582525730133, 0.8074682354927063, 0.05678902566432953, 0.4812774658203125, 0.8175379037857056, -0.5849625468254089, 1.609459400177002, 0.2442675530910492, -0.22174032032489777, 0.017442800104618073, 0.3202908933162689, 1.3413785696029663, -0.5023027062416077, -0.2735852897167206, 0.39395347237586975, -0.7273110151290894, 0.7168103456497192, 0.12481760233640671, -0.9069130420684814, 0.7697390913963318, 0.772314190864563, 0.8121922612190247, 1.155477523803711, -0.04337381571531296, 0.2079753577709198, 0.046047985553741455, 0.9811827540397644, 0.05789528787136078, -0.9280990958213806, 1.587822437286377, -0.4725293815135956, 1.115312099456787, 0.6540102362632751, 0.6225556135177612, -0.027912981808185577, -0.2621336579322815, -0.4748761057853699, 0.549690842628479, 0.22777029871940613, 1.3852901458740234, -0.03236617147922516, -0.39375320076942444, 0.1491374522447586, 0.5666024088859558, 0.5637074708938599, -1.3446886539459229, 0.6089433431625366, -0.33090099692344666, -0.4000738859176636, -0.4026307463645935, -0.3156905770301819, 0.40543776750564575, -0.6096858978271484, 1.759613275527954, -0.555266261100769, -0.12085051089525223, 0.4977860450744629, 0.015054073184728622, -0.6545228958129883, -1.4406462907791138, -1.3040317296981812, -0.20765453577041626, -0.620818555355072, 0.5190585851669312, -0.47051697969436646, -0.08613213151693344, -0.15404820442199707, -0.5229371190071106, 1.3741645812988281, -0.3198286294937134, -0.5364297032356262, -0.2965381443500519, 0.8425868153572083, -0.7833110094070435, 0.1995767503976822, 0.42249178886413574, 0.5770576596260071, 0.8281875252723694, -1.200589895248413, 1.278297781944275, -0.40008464455604553, -0.6042015552520752, -0.10156630724668503, 0.021541789174079895, -0.3081302344799042, -0.30738309025764465, 0.9116339683532715, -0.7396999001502991, -0.32780763506889343, -0.6861191987991333, -0.17918071150779724, -0.8615184426307678, -0.1325259506702423, 0.7466959953308105, -1.1122801303863525, -0.5390902161598206, -0.3633355498313904, 1.215390920639038, 0.5223696827888489, -0.670741617679596, -0.786026120185852, 0.21059921383857727, -0.3198896646499634, 0.5306556820869446, 0.19446749985218048, 1.0379633903503418, -2.2314257621765137, -1.0625782012939453, -0.7989329695701599, -0.6246224045753479, 1.078636646270752, 0.5271492004394531, 0.7623386979103088, 0.750098705291748, -0.7381023168563843, -0.1381402164697647, -0.13724911212921143, 0.5420526266098022, 0.13732020556926727, 0.7093297839164734, 0.015281591564416885, 0.6251418590545654, -0.28090497851371765, -0.038401566445827484, 0.42579296231269836, 1.1561928987503052, -1.4296036958694458, -0.1294303685426712, -0.22258514165878296, -0.3519879877567291, -0.02547276020050049, -0.605850100517273, -0.707880973815918, -0.5195783972740173, 0.43603286147117615, -1.2510994672775269, 0.259017676115036, 0.5079472064971924, -0.4399583339691162, 1.1064956188201904, -0.31209057569503784, 1.6693273782730103, 0.008827208541333675, 0.03741312772035599, 0.8718776702880859, -0.005394231528043747, -0.10994025319814682, 0.236415833234787, 0.029681310057640076, -0.25528523325920105, -0.03949001431465149, -1.5368069410324097, -0.7865514159202576, 1.0789825916290283, -0.7714797854423523, 0.7513607144355774, -0.27916419506073, 0.4846123456954956, 0.31982702016830444, 1.3366105556488037, -0.08306892961263657, -1.6427117586135864, 0.42309924960136414, -1.4136930704116821, 0.054489340633153915, 0.7630214691162109, -0.21210971474647522, 0.2446686029434204, 0.6939643621444702, -0.35436415672302246, 0.986971914768219, -1.0616819858551025, 0.10755946487188339, 0.011187314987182617, -0.7486847043037415, 0.3685016930103302, -0.08511500805616379, 0.20539475977420807, 1.11911940574646, 0.7801768183708191, -0.26742279529571533, -0.3071383833885193, -0.482088178396225, 0.4030466675758362, 0.5344325304031372, -0.8758487701416016, -1.3729089498519897, -0.28283780813217163, 0.7387107014656067, -0.6475164890289307, 1.0768934488296509, 0.13309770822525024, -0.2791619300842285, -1.022585391998291, -0.8114945292472839, -0.7525543570518494, 0.7857996821403503, 0.16403712332248688, -0.34845107793807983, 0.03486618399620056, -0.062416162341833115, 0.8379524946212769, 0.30595916509628296, -1.0340722799301147, -0.6348161697387695, -0.5985164046287537, -0.4317694306373596, -0.19138161838054657, -0.9268063902854919, -0.5211418271064758, -0.013333633542060852, -1.2113524675369263, 0.310555100440979, -0.31471601128578186, -0.4964334964752197, -0.6033220887184143, -0.29071179032325745, -0.19603940844535828, 0.4521085321903229, -0.03920542448759079, 0.31594762206077576, -1.3663949966430664, -0.514528751373291, 1.2595887184143066, -1.0911470651626587, 0.07185276597738266, 0.3442021906375885, 0.12439471483230591, 0.330589234828949, 0.5651978254318237]} +{"paper_id": "indonli", "embedding": [-0.491406112909317, 1.2100590467453003, -0.5006678104400635, -0.29385942220687866, 0.6533731818199158, 0.04529493302106857, 0.2763252556324005, 0.10273917019367218, 0.5862525701522827, 1.173776388168335, 0.032154858112335205, -0.8985334634780884, -0.35305583477020264, 0.17521162331104279, -0.3974844217300415, -1.1623791456222534, -1.0606828927993774, -0.8602650761604309, -1.156907558441162, -0.1804809272289276, -0.8481464982032776, -0.5317567586898804, -0.11088871955871582, 0.7025358080863953, -0.7941207885742188, -0.7099713683128357, 0.6115957498550415, -0.8031304478645325, 0.5219786763191223, -0.22569337487220764, -0.25531241297721863, 1.1104081869125366, -1.2976943254470825, 0.45700380206108093, -0.30766016244888306, -0.11256643384695053, -0.06637240201234818, 1.0356028079986572, -0.3462892472743988, 0.3335126042366028, -0.8100821375846863, 0.09778144210577011, 0.5314032435417175, 0.28360694646835327, 0.4907792806625366, -0.5233189463615417, -0.5775268077850342, 0.38087916374206543, -0.10406368970870972, -0.20042270421981812, -0.5000978708267212, -0.1467338502407074, -0.15595360100269318, -0.02372628264129162, 0.16936296224594116, 1.6766284704208374, 0.38786619901657104, -1.186974048614502, 0.6994238495826721, -0.9141107797622681, 0.742538571357727, 1.9237051010131836, -0.897836446762085, 0.5125768184661865, 1.0298378467559814, -0.21874205768108368, 1.4823440313339233, -0.18466928601264954, 0.9482520818710327, 0.7224924564361572, -0.016413427889347076, -0.6437090635299683, 0.44389909505844116, -0.02867424488067627, 0.9281207323074341, 0.7217311859130859, 0.8927062749862671, 0.6086626648902893, -0.1417974829673767, 0.04789188504219055, -0.20228877663612366, 0.6911351680755615, 0.81783527135849, -0.271140992641449, 0.06217340752482414, 0.2528051733970642, 0.12511704862117767, -0.5520669221878052, 0.21069812774658203, -2.338711738586426, 0.2994910478591919, -0.24837245047092438, -0.5278558731079102, -0.4076154828071594, -0.047850221395492554, 0.6749042272567749, 0.08237800002098083, 0.07960642129182816, -0.03667294606566429, 0.2815917134284973, 0.521158754825592, -0.5996932983398438, 0.06473131477832794, 0.2284330427646637, 0.09396165609359741, 1.338934302330017, 0.2642534077167511, -0.17797982692718506, -1.0264897346496582, 0.06518742442131042, -0.024272620677947998, 1.7178741693496704, -0.26194578409194946, 0.8963621854782104, 0.2789982855319977, -0.11766849458217621, -0.19550010561943054, -0.8521490097045898, -0.10355581343173981, 0.3303177058696747, -1.1048558950424194, -0.5792345404624939, 0.24869734048843384, 0.20028559863567352, 1.1608904600143433, -0.3356188237667084, 0.5882603526115417, 0.056077077984809875, 0.3973686993122101, -0.23920166492462158, 0.18753686547279358, -0.33833009004592896, -0.406964510679245, 0.6068032383918762, 2.8655741214752197, -0.9320183396339417, 1.5002866983413696, -0.4120597541332245, -0.0055658407509326935, -0.11686833202838898, 0.3035688102245331, 1.4778493642807007, 0.3991141617298126, -1.0626567602157593, -0.9914361834526062, -0.00710834376513958, -0.7655112147331238, 0.4027341902256012, -0.5075377225875854, -0.478425532579422, 0.08241960406303406, 0.028064534068107605, -1.5465726852416992, 0.021393977105617523, 0.03132741525769234, 0.47066637873649597, 0.16394099593162537, 0.6772083640098572, -0.34661829471588135, 0.9671159386634827, 0.7022313475608826, -0.046642690896987915, 0.2052316665649414, 0.5816050171852112, -1.026279091835022, -0.25065547227859497, 1.4180210828781128, -0.15106363594532013, -0.8378635048866272, -0.5413014888763428, 1.1336404085159302, -0.14096039533615112, 0.013724438846111298, -0.5023055672645569, -0.1969703882932663, 0.4767410457134247, 0.7268816828727722, 0.9416370391845703, -0.3804044723510742, -0.27903279662132263, -0.6570366621017456, -0.7758344411849976, -0.005615144968032837, 0.7078585028648376, -0.0524558424949646, 0.5222799181938171, -2.573591947555542, -0.18712909519672394, -0.8360186815261841, 0.9629155993461609, -0.6210899949073792, 0.236729696393013, 0.2766912579536438, 0.28069546818733215, 0.1688283234834671, -0.348821759223938, 1.0521867275238037, -1.573832392692566, -0.5055627822875977, -0.4528343081474304, -0.6575502157211304, -0.3982018828392029, -0.23964811861515045, 0.6562641263008118, 0.7606304287910461, -1.1899230480194092, -0.38941115140914917, -2.1858465671539307, -0.11487030237913132, 2.984886646270752, 0.09023331105709076, -0.7751944065093994, -1.724812626838684, 0.0006660968065261841, 0.07361682504415512, 0.023387588560581207, 0.40579313039779663, -0.6712092161178589, -0.11193374544382095, -1.1220563650131226, 0.39560025930404663, -0.6578567624092102, 0.005540952086448669, 0.43937864899635315, 0.9434146881103516, -0.8216743469238281, -0.5428928136825562, -0.15048189461231232, -0.5310994982719421, 0.5575131773948669, 0.3497580289840698, 0.5561172366142273, -0.11189499497413635, 1.0315605401992798, 0.31268370151519775, 0.9000933766365051, 0.5218650698661804, 0.03952815383672714, -0.8459473848342896, 0.003644408658146858, 0.0013119066134095192, 0.4883022904396057, -0.35942506790161133, -0.44782015681266785, 0.7271395921707153, 0.47790205478668213, 0.1439458131790161, -0.15845376253128052, -0.20876283943653107, -0.6901248097419739, 1.0205786228179932, 1.4022533893585205, -0.23409435153007507, 1.066379427909851, -1.2387452125549316, 0.6695782542228699, -0.6916317939758301, -1.0890792608261108, -0.3217521905899048, 0.14139127731323242, 0.8701329827308655, 0.19830432534217834, 0.22438707947731018, -0.5182019472122192, -0.08442448824644089, -1.6307365894317627, 0.1233087033033371, -0.3266097605228424, -0.42399996519088745, -1.4321633577346802, -0.18806135654449463, -0.1605544537305832, -1.2702893018722534, 0.15115678310394287, -0.2286279946565628, 0.7196311950683594, 0.16913999617099762, 0.8752422332763672, 1.5251771211624146, -0.06243227422237396, -0.42730164527893066, 0.13122470676898956, 1.073723316192627, -0.5446128249168396, 0.8937649130821228, -0.7275780439376831, -0.03167923539876938, -0.5186750888824463, 0.41052910685539246, -0.6403090953826904, 0.8763454556465149, 0.4277217984199524, -0.37943413853645325, -0.01731230318546295, -0.3588477373123169, -1.3269436359405518, 0.1679891049861908, -0.7119027972221375, 0.1517917513847351, -1.1739506721496582, 1.3805644512176514, 0.3726191520690918, -0.06160246580839157, 0.6616985201835632, 0.05109459161758423, 0.31542879343032837, 1.129257321357727, -0.1698724925518036, 0.7884504199028015, 0.29147660732269287, 0.48608389496803284, -0.03906330093741417, 0.26505792140960693, -1.9126313924789429, 0.014644218608736992, 1.1890894174575806, -0.32334741950035095, -0.21016524732112885, -1.224089503288269, 0.4122464060783386, -0.7494087219238281, -0.5450745224952698, 0.312558650970459, -0.7275518178939819, 0.052404385060071945, -0.3000204563140869, 0.0011031292378902435, 0.7327169179916382, -0.9086995720863342, 0.443318635225296, 0.8208320736885071, 0.3827614188194275, -1.1757771968841553, 0.2490556538105011, 0.7055234909057617, -0.6332237720489502, 0.7045797109603882, 0.15398095548152924, 1.0820298194885254, 1.0737248659133911, -0.41743046045303345, -0.37878555059432983, 0.871970534324646, 0.2561074495315552, 0.3974995017051697, 0.5349531173706055, -0.4530329704284668, 0.776430606842041, -0.7336072325706482, 1.1608147621154785, 0.2285611629486084, -0.7710176706314087, -1.3274645805358887, -0.445507287979126, -0.46464693546295166, -1.0895028114318848, 1.6543654203414917, 1.499808669090271, 1.6613422632217407, -0.3003127872943878, 0.23050908744335175, -0.7830738425254822, 0.059638042002916336, 0.8416762351989746, -0.0914747565984726, -0.07699991762638092, -0.4494073987007141, -0.03020460158586502, 0.9816787242889404, -0.11216334998607635, -0.4113657474517822, -0.4552408754825592, 0.8554242849349976, -0.08986397087574005, -0.8686398267745972, 0.09336129575967789, 0.4882206320762634, 0.3622012436389923, 1.8758397102355957, -0.8404775261878967, -0.11963816732168198, 0.2969397306442261, 0.47648438811302185, -0.020382951945066452, 0.6989273428916931, -0.9893598556518555, 0.6954092383384705, 0.3429473340511322, 0.5529457926750183, -0.06568138301372528, 0.9930851459503174, 1.3564130067825317, -0.20616163313388824, -1.5415993928909302, -0.7111184000968933, -1.1756900548934937, -0.2694607377052307, 0.0021130219101905823, -0.7665922045707703, -0.6051279902458191, 0.7202931046485901, -0.3925980031490326, -0.775421679019928, 0.9845545291900635, -0.6443979740142822, -1.5533790588378906, 1.0515799522399902, 1.2328505516052246, -1.1957393884658813, -0.1861489862203598, 0.15796764194965363, -0.8482059240341187, -0.8950235843658447, -0.06727340817451477, -1.0025056600570679, 1.063947081565857, -0.14818330109119415, 0.841667652130127, -0.05315127223730087, -0.2982778549194336, -0.2525359094142914, 0.7600825428962708, 1.0368210077285767, -0.31399810314178467, 0.6149094104766846, 0.3778057098388672, 0.7368168234825134, 0.015803156420588493, -0.6116794943809509, -0.7009011507034302, 0.6538331508636475, 0.5085048675537109, 0.24688458442687988, -0.8434890508651733, -1.2843197584152222, 0.36157354712486267, 0.23361216485500336, 0.9012203216552734, -1.3007644414901733, 0.8349413871765137, -0.17807161808013916, 0.1992878019809723, 0.13091941177845, -0.7139853239059448, -1.5139352083206177, 1.0281786918640137, -0.27317574620246887, 0.3620542883872986, 0.2740056812763214, 0.6153130531311035, 1.161213994026184, -0.01947297528386116, 0.25541162490844727, -0.28004154562950134, -10.810016632080078, 0.7254472970962524, -0.1907375603914261, 0.19107012450695038, 0.29606589674949646, -0.43995967507362366, 0.5226733684539795, -0.3868195712566376, 0.693199872970581, -0.25385209918022156, 0.3111722767353058, 1.6416314840316772, 0.33349770307540894, -0.20416413247585297, -0.6401310563087463, -1.4489784240722656, -1.0333372354507446, -0.5045684576034546, 0.012693308293819427, 0.4171513020992279, -1.0696609020233154, -1.3389655351638794, 0.7130931615829468, 0.024833763018250465, 0.729503333568573, 0.7401682138442993, -0.28818479180336, -0.19694875180721283, -0.20071002840995789, 0.20386162400245667, 0.6469704508781433, 0.23771901428699493, -0.8414713740348816, -0.24465027451515198, 0.5555419921875, 0.0020495508797466755, -0.8462725281715393, -0.6027156114578247, 0.7945605516433716, 0.12664155662059784, 0.07873859256505966, 0.05196024850010872, 0.7918087840080261, -0.5384862422943115, -0.8440337181091309, 0.224970743060112, 0.15364758670330048, -0.9178251624107361, -0.5255178213119507, -0.6001991033554077, -0.6413241624832153, -0.1755240112543106, -1.1110371351242065, -0.5744946599006653, 0.4639061391353607, -0.5150721073150635, -0.16810420155525208, 0.21094363927841187, -0.15319296717643738, -1.3665416240692139, 0.7834811806678772, 0.2056446671485901, -0.5347639322280884, -0.0038366317749023438, 0.06654199957847595, -0.16306979954242706, -0.07494241744279861, 0.03458302840590477, 0.1135774478316307, -0.07893815636634827, -0.9900336861610413, 0.5482582449913025, -0.07033942639827728, 0.26927924156188965, -0.2697507441043854, -0.10055737942457199, -0.5251816511154175, -1.0344748497009277, 0.43723344802856445, 0.1255609393119812, -0.7230431437492371, 0.8424828052520752, -0.23557762801647186, 0.5134283304214478, -0.6180223226547241, -0.06343165785074234, -0.09897976368665695, -0.15377257764339447, 0.6104098558425903, -0.4314723610877991, 0.7804087996482849, -0.1793881356716156, -0.4137566089630127, 0.13835063576698303, -0.5220381021499634, 0.8806113600730896, 0.22636131942272186, 1.5538876056671143, 0.30951616168022156, -0.24615657329559326, 0.11298781633377075, -0.06496937572956085, -0.7153714895248413, -0.19031766057014465, 0.7483810782432556, 0.3865298926830292, 0.1591891050338745, -0.1531922072172165, -0.11405423283576965, -0.6525644063949585, 1.2434327602386475, 0.2605923116207123, -0.008678678423166275, 0.7860764861106873, -0.14772790670394897, 0.5141414999961853, 0.5774776339530945, 0.1747361421585083, 0.501030445098877, 0.8714312314987183, -0.09003768116235733, 0.950416624546051, 0.374530553817749, 0.9116751551628113, -0.163661926984787, -0.3032095432281494, 0.9299593567848206, 0.10513237863779068, -0.26377299427986145, -1.959640622138977, -0.10593700408935547, -0.03859048709273338, 0.15796363353729248, -0.34165313839912415, -0.4487338066101074, -0.6121249198913574, -1.0552345514297485, 1.2636209726333618, -0.45825445652008057, 0.06978112459182739, 0.0730426013469696, -0.5471272468566895, 0.3945056200027466, -0.6082099676132202, -0.8187226057052612, 0.28420713543891907, -1.9196115732192993, 0.0816866010427475, -0.6393969655036926, -0.8681227564811707, 0.08324356377124786, -0.270112544298172, 0.6637884378433228, -0.6894526481628418, 0.2826998233795166, 0.3767360746860504, -0.064907006919384, -0.3300336003303528, -0.5806476473808289, 0.4571841359138489, -0.1899191439151764, 0.9051859378814697, -0.5280788540840149, 0.8829885721206665, 0.8480088710784912, -0.005708068609237671, -0.07172459363937378, -0.12417040765285492, -1.0980676412582397, 0.12036823481321335, 1.0290781259536743, -0.9571807384490967, -0.5079384446144104, -0.4875052273273468, -0.6073652505874634, -0.9570508599281311, 0.8546425104141235, 1.4153170585632324, -1.009183645248413, -0.05305367708206177, 0.028689756989479065, 0.01006559282541275, -0.35272929072380066, -0.34974849224090576, -0.197301983833313, 0.013207077980041504, 0.37165603041648865, 0.679895281791687, 0.291530579328537, 0.67320716381073, -1.718671202659607, -1.2791156768798828, -0.2207457274198532, 0.13499528169631958, 0.48594263195991516, -0.6760115623474121, 1.3099545240402222, 0.1794741153717041, 0.4588482081890106, 0.19900742173194885, 0.03550945967435837, 0.6564627885818481, 0.11930997669696808, 0.7908669710159302, -0.7040756344795227, 0.04338973015546799, -1.0156469345092773, 0.40745046734809875, 0.09669537842273712, 0.37221282720565796, -1.477211356163025, 0.10416069626808167, -0.12614743411540985, -0.21448566019535065, 0.3275701701641083, -0.45493796467781067, 1.0562615394592285, 0.13997861742973328, -0.37831130623817444, -1.0851173400878906, 0.7821193933486938, 1.6211369037628174, 0.020316101610660553, 0.718555748462677, 0.6808828115463257, -0.2248772233724594, 0.5257654786109924, 0.6178866028785706, 1.9290852546691895, -0.009910881519317627, -0.8876749873161316, 0.09990505874156952, 0.5267091989517212, -0.3263323903083801, -0.19352063536643982, -0.5895907282829285, -0.6487856507301331, 0.34079980850219727, -0.4460415244102478, 0.7070825099945068, -0.3331778049468994, 0.012016907334327698, 0.5207224488258362, 0.8583157062530518, -0.46037399768829346, -1.231598973274231, -0.11563904583454132, -0.9769074320793152, 0.1174573004245758, 0.3794252574443817, 1.0596940517425537, 0.7261491417884827, 0.5411567687988281, 0.6169599890708923, 1.5036855936050415, 0.1621396392583847, 0.056862860918045044, -0.08494208008050919, 0.6290646195411682, 1.1956619024276733, 1.08185875415802, 0.841492235660553, -0.1357363611459732, -0.5102115273475647, -0.8169091939926147, 0.00719061866402626, -0.45761367678642273, 0.5612815618515015, 0.6253437399864197, 0.08113911747932434, 0.1951666623353958, -1.274608850479126, 1.2668758630752563, -0.28512683510780334, 0.05195249989628792, 0.27388280630111694, -0.8077672719955444, -0.13310247659683228, -0.4512171447277069, -0.22580814361572266, 1.5039010047912598, -0.9120721220970154, -0.04855601489543915, -0.4043232202529907, 0.6975620985031128, -0.40860864520072937, -0.1839795559644699, -1.2108502388000488, 0.49648937582969666, -0.9328370690345764, 0.4316447377204895, -0.3135519027709961, -0.37223124504089355, -1.1005768775939941, 0.057998038828372955, -0.6802456378936768, 0.695191502571106, 0.1836947649717331, -1.047911286354065, -0.4508680999279022, 0.6085487604141235, -0.40801501274108887, 0.07438021153211594, 0.5034275650978088, -0.3427436947822571, -1.9414044618606567, 0.8460630774497986, 1.3572396039962769, -0.4061834216117859, -1.1580696105957031, -0.10591860860586166, 0.180311381816864, -0.24851557612419128, 1.1544443368911743]} +{"paper_id": "multi_booked", "embedding": [-0.4133046567440033, 1.4207849502563477, 0.41737914085388184, -0.35590505599975586, 0.8518775105476379, -0.4467657804489136, 0.6812251806259155, -0.09993263334035873, 0.1704789102077484, 0.4403853118419647, -0.07314641773700714, -0.49634575843811035, -0.7407139539718628, 0.11249548941850662, -0.4797305166721344, -0.4185699224472046, -0.421463280916214, -1.0233924388885498, -0.19960997998714447, 0.012238867580890656, -0.7754301428794861, -1.0662826299667358, -0.203380286693573, 0.9792065024375916, -0.2620595395565033, -0.5237113237380981, 0.26391103863716125, -0.28759679198265076, 0.017808042466640472, 0.21934723854064941, -0.07339034229516983, 1.4427075386047363, -1.2097291946411133, -0.3096783757209778, -0.2967824935913086, -0.3252180218696594, 0.6516737341880798, 0.7556136250495911, -0.7958901524543762, -0.34778091311454773, -0.18205030262470245, 0.7974077463150024, 0.7798445820808411, 0.4446345567703247, 1.0646923780441284, 0.03977159410715103, -0.3586302101612091, 0.11264722049236298, 0.6108706593513489, -0.15459667146205902, -0.4144080579280853, 0.08058864623308182, -0.7212937474250793, 0.009120520204305649, -0.8540871143341064, 1.178034782409668, 0.04729006439447403, -1.1919273138046265, -0.10944973677396774, -0.7338912487030029, 0.6661372780799866, 1.4503463506698608, -0.26693835854530334, -0.060822222381830215, 1.2397217750549316, 0.43230247497558594, 1.2475358247756958, -0.6630366444587708, 0.6021336913108826, 0.30811628699302673, -0.34107887744903564, -0.2692532539367676, 0.2178562879562378, -0.4021648168563843, 0.4555717706680298, -0.33848777413368225, 0.8267326951026917, 0.2255782186985016, -0.18367847800254822, 0.77817302942276, -0.2362949401140213, 0.6885191798210144, -0.21715731918811798, -0.24946382641792297, -0.06530706584453583, -0.012305550277233124, 0.15553325414657593, -0.10916861146688461, 1.0267161130905151, -1.4610188007354736, 0.5557907223701477, 0.1450570821762085, -0.3888078033924103, 0.17618119716644287, 0.04174985736608505, 0.19175943732261658, -0.11991080641746521, 0.008717418648302555, -0.21433889865875244, 0.7227199673652649, 0.6865365505218506, -0.23267096281051636, 0.8043442368507385, -0.6274654865264893, -0.16640883684158325, 1.8322147130966187, 0.35939499735832214, -0.2945384383201599, -0.28906890749931335, 0.17265692353248596, 0.21065619587898254, 1.6645351648330688, -0.01932298019528389, 0.5809706449508667, -0.3434511721134186, 0.01123277097940445, -0.42304930090904236, 0.12898407876491547, -1.1076823472976685, 1.3243143558502197, -0.0108695849776268, -1.4320497512817383, 0.07353494316339493, 0.657310962677002, 1.1588373184204102, -0.7733752131462097, 1.1894928216934204, -0.183771014213562, 0.5381674766540527, -0.460188627243042, 0.3931242525577545, 0.14658445119857788, -0.20196817815303802, -0.526282548904419, 2.4032442569732666, -0.6313700675964355, 1.5792163610458374, -0.4865785241127014, -0.41613343358039856, 0.3184172511100769, -0.5539107322692871, 0.6038320660591125, 0.8279101848602295, -0.5656911134719849, -0.30378854274749756, 0.6503376364707947, -0.5775760412216187, 0.16196011006832123, -0.5677193403244019, -0.8131001591682434, -0.4017618000507355, 0.37423408031463623, -1.1332852840423584, -0.6979191303253174, 0.7096546292304993, 0.08086345344781876, 0.3746700882911682, 1.0995413064956665, -0.4581689238548279, 1.1724579334259033, 0.8934818506240845, 0.44430863857269287, -0.43649348616600037, 1.0178934335708618, -0.3752319812774658, -0.47428637742996216, 0.8731403350830078, 0.4829132854938507, -0.8481718897819519, -0.9946255683898926, 1.2475847005844116, 0.03211093321442604, -0.004520207643508911, -0.5230892896652222, -0.28930771350860596, -0.5949804782867432, 0.4924805164337158, 0.7563270330429077, -0.029892707243561745, -0.266539990901947, -0.23846840858459473, -0.39872226119041443, -0.7133040428161621, 0.26264333724975586, -0.050096817314624786, 0.8121615648269653, -2.0828475952148438, -0.21635158360004425, -0.7401602268218994, -0.808829128742218, 0.8757352232933044, -1.6342966556549072, -0.03268234431743622, -0.6527416706085205, 0.14582456648349762, -0.1352672278881073, 0.8949867486953735, -1.0904310941696167, -0.598552942276001, 0.8935545682907104, 0.2341614067554474, 0.3356274962425232, 0.16135747730731964, 1.1654311418533325, 0.24356873333454132, 0.3320818841457367, -0.7632811665534973, -2.0912680625915527, 0.33919236063957214, 1.9410312175750732, -0.2229650616645813, -0.5761862397193909, -1.6935523748397827, 0.35428792238235474, 0.5089747905731201, -0.5419321060180664, 1.0233937501907349, -0.47568389773368835, 0.4890729486942291, -0.8607384562492371, -0.03987377882003784, -0.6192782521247864, 0.22410428524017334, -0.05522166192531586, 0.7813060283660889, -0.4986732602119446, -0.6651554107666016, -0.21729646623134613, -1.0502398014068604, 0.02638402208685875, 0.5825676918029785, 0.5822984576225281, -0.0434461385011673, 0.5928601622581482, 0.5567302107810974, 0.8668429851531982, 0.012082666158676147, -0.22978299856185913, 0.18554794788360596, 0.3339496850967407, -0.05954859405755997, -0.22902347147464752, -0.1297212392091751, -0.29992616176605225, 0.22463823854923248, 0.31437578797340393, -0.5300394296646118, -0.14100056886672974, 0.039130814373493195, -0.4043240547180176, 1.1566855907440186, 1.2333264350891113, -0.4250331223011017, 1.7963801622390747, -0.7873460650444031, 0.2145823836326599, 0.15156187117099762, -1.1009833812713623, -0.21107029914855957, 0.05897480994462967, 0.8649441599845886, 0.029212741181254387, -0.24545051157474518, -0.2966306209564209, -0.32656770944595337, -0.52178555727005, -0.4893908202648163, 0.44073793292045593, -1.218717336654663, -0.24577465653419495, 0.6284879446029663, 0.13369488716125488, -1.051607608795166, -0.704096794128418, 0.12697811424732208, 0.6861689686775208, -0.6299120187759399, 0.8015915155410767, 1.4707344770431519, 0.07150544226169586, 0.3526720106601715, 0.24491693079471588, 0.927052915096283, -0.724197268486023, 0.8526248931884766, -0.5424028038978577, 0.42137548327445984, -0.35348302125930786, 0.13789187371730804, -0.3536040186882019, 0.25749489665031433, 0.692729651927948, -0.6468532681465149, 0.6790173649787903, -0.505810022354126, -2.4709150791168213, 0.7972354888916016, -0.6312757134437561, -0.23912987112998962, -0.7177093029022217, 0.98508220911026, 0.009799020364880562, -0.31752222776412964, 0.7209724187850952, -0.8754296898841858, -0.06612218916416168, 1.3429821729660034, -0.30808693170547485, 1.339486002922058, 0.14024010300636292, -0.49204447865486145, -0.07194077968597412, 0.4603128433227539, -1.7636791467666626, 0.29061561822891235, 0.8199836015701294, -0.432048499584198, 0.035754598677158356, -0.7655596137046814, 0.6877396702766418, -0.7110293507575989, 1.0687096118927002, 0.17934837937355042, -1.0152034759521484, 0.7597297430038452, -0.6167864203453064, 0.026911050081253052, 1.0216556787490845, -1.1202967166900635, -0.2445061057806015, 1.2194719314575195, -0.010502710938453674, -0.8251304626464844, 0.17859095335006714, 0.5439743995666504, -0.7409670352935791, 0.7477676868438721, 0.4984767436981201, 0.7905591130256653, 0.350975900888443, -1.0474562644958496, -0.2408103197813034, -0.10792144387960434, 0.46833011507987976, 0.46912968158721924, 0.5127667784690857, 0.6521649956703186, 1.1380116939544678, -1.1426479816436768, 1.4310499429702759, 0.31385666131973267, -1.0127328634262085, -1.057129144668579, -0.7083093523979187, -1.4318783283233643, -0.3639832139015198, 2.109670877456665, 0.9332062005996704, 0.9677245616912842, -0.3398456871509552, -0.47724393010139465, -0.3327673375606537, 0.7628382444381714, 1.0150747299194336, 1.1516923904418945, -0.14056216180324554, -0.10848687589168549, 0.5634664297103882, 0.382229208946228, 0.3969825506210327, -0.5661409497261047, -0.0024073487147688866, 0.39730533957481384, -0.6765080690383911, -0.18909111618995667, -0.3821628987789154, 1.0576286315917969, 1.640292763710022, 2.341294050216675, -0.35038429498672485, -0.6616085171699524, -0.8522530794143677, -0.07841853052377701, 1.097807765007019, -0.1823813021183014, -0.8958401679992676, 0.2611641585826874, 0.2466495782136917, 0.6990673542022705, 0.12461452186107635, 0.8639628887176514, 0.22155819833278656, -0.44961223006248474, -1.6263076066970825, -1.0623377561569214, -0.9863621592521667, -0.753930389881134, -0.8643750548362732, 0.3249553442001343, -0.9761039018630981, 0.2887634336948395, -0.29088208079338074, -0.47868260741233826, 0.15504439175128937, -0.6047033667564392, -0.5779377818107605, 1.1940689086914062, 1.067611813545227, -0.8370143175125122, -1.1400187015533447, 0.051948606967926025, -0.7990089654922485, -1.0873950719833374, -0.49640488624572754, -0.6875025629997253, 0.492057740688324, 0.5932992100715637, -0.16220973432064056, 0.7415204644203186, -0.18471434712409973, -0.16197262704372406, 0.584869921207428, 0.8944786787033081, -1.591547966003418, 0.4055761694908142, 0.46437737345695496, -0.7727459073066711, 0.14591069519519806, -0.36125463247299194, -1.1073700189590454, 0.36097583174705505, 0.12432035803794861, 0.15822091698646545, -0.45288214087486267, -0.550000011920929, 0.17757487297058105, -0.5170247554779053, 0.9066410064697266, -0.8355600833892822, 0.5894428491592407, -0.6685858964920044, -0.4321042001247406, 0.48107418417930603, -0.7107897400856018, -0.3470403850078583, 1.0466742515563965, -0.14924216270446777, 0.7315419912338257, 0.2766430974006653, 0.6441422700881958, 0.31554076075553894, -0.03998592495918274, 0.1488916575908661, -0.06691809743642807, -11.297338485717773, 0.06244513764977455, -0.1807565838098526, 0.013149194419384003, 0.7746531963348389, 0.13191288709640503, 0.4302505850791931, -0.3473275303840637, 0.46613743901252747, -0.6026955246925354, 0.45283663272857666, 1.4230284690856934, 0.2488405406475067, -0.6227583289146423, -0.4251154065132141, -0.8756738305091858, 0.11383946239948273, -0.7095348238945007, 0.26907122135162354, -0.002903558313846588, -0.02389376610517502, -0.6921955347061157, -0.5636566281318665, -0.8452991247177124, 0.29800117015838623, -0.7263583540916443, -0.5570691227912903, -0.6046514511108398, -0.509714663028717, 0.5221370458602905, 0.36097294092178345, -0.7425851225852966, -0.5774546265602112, 0.030436502769589424, -0.1747167706489563, 1.048167109489441, -0.5571677088737488, 0.16210024058818817, 0.34664860367774963, -0.08993739634752274, -0.05214542895555496, 0.5074411630630493, 0.1951284110546112, 0.02455441839993, -0.027450494468212128, 0.3680545687675476, -0.08239580690860748, -0.47480225563049316, 0.7430495619773865, -0.37190985679626465, -0.04322391748428345, -0.7945863604545593, -0.9883742928504944, -0.15793754160404205, 0.4753889739513397, 0.3260863125324249, -0.874738335609436, -0.1329566389322281, -0.7346233129501343, -0.9033915996551514, 0.8848456144332886, -0.3983283042907715, -0.42999255657196045, 0.09678173810243607, 0.6759480237960815, -0.45225319266319275, 0.7233277559280396, 0.7418458461761475, -1.2843927145004272, 1.2123578786849976, -0.9706100821495056, 1.8133071660995483, -0.08622105419635773, 0.4760788381099701, -0.22736340761184692, -0.06831344217061996, -0.7401860356330872, 0.5187100172042847, 0.8365579843521118, -0.5473278164863586, -1.216242790222168, 1.231136441230774, 0.6490539908409119, -0.6784036159515381, -0.4088035523891449, 0.45965924859046936, -0.4250210225582123, -0.3467916250228882, 0.13281765580177307, -0.2613593339920044, 0.4338098168373108, -0.44846484065055847, -0.40407758951187134, -0.12826502323150635, -0.709911584854126, 0.40254372358322144, -0.47699692845344543, 1.4569261074066162, 0.059243008494377136, -0.06544949859380722, 0.12854735553264618, -0.16039559245109558, -0.26280295848846436, -0.25276684761047363, 0.2343614548444748, -0.3129677176475525, 0.493050754070282, 0.10288216173648834, -0.004134714603424072, -0.6236563324928284, 0.3125196099281311, -0.17910893261432648, -0.11547224223613739, 1.0852420330047607, -0.4005671441555023, 0.989936351776123, -0.31327950954437256, -0.3406549096107483, 0.655085027217865, 0.577137291431427, -0.26416289806365967, 0.7153428196907043, -0.17591330409049988, 1.114367127418518, 0.3422948718070984, 0.6932576298713684, 1.0213720798492432, -0.06435206532478333, -0.021286772564053535, -1.4947288036346436, 0.7982375621795654, -0.36860933899879456, -0.12734614312648773, -0.4935915470123291, -0.5869908928871155, -0.2981356084346771, -0.15424564480781555, 1.0470013618469238, -0.4910603165626526, 0.4413028955459595, -0.43990886211395264, -0.6378574371337891, -0.34668704867362976, 0.44445663690567017, -0.7584927082061768, 0.027554713189601898, -1.3760079145431519, 0.06672066450119019, -0.31521618366241455, -1.3580658435821533, 0.4681750237941742, -0.43571004271507263, 0.13857369124889374, -0.6750670075416565, -0.3925997018814087, -0.07723976671695709, 0.09009236097335815, -0.2748764157295227, -1.3614152669906616, 0.08239506185054779, 0.8849236965179443, 0.5092447400093079, -0.31235983967781067, 0.8147293925285339, 0.4012167751789093, -0.29545992612838745, -0.2631399631500244, 0.04805441200733185, -0.6873427629470825, 0.1441074013710022, 1.2198126316070557, -1.0859880447387695, -0.4375793933868408, -0.05958651006221771, -0.1030428409576416, -0.5909202694892883, 0.47505882382392883, 1.08784019947052, -1.1791185140609741, 0.36549699306488037, -0.18130053579807281, 0.34569650888442993, -0.5956452488899231, -0.6659162640571594, -0.040844038128852844, -0.5673163533210754, -0.46483728289604187, 0.6813234090805054, -0.09648389369249344, 0.22187930345535278, -1.2893673181533813, -1.028993844985962, -0.2768392860889435, 0.7582393884658813, 0.7917311787605286, 0.004273209720849991, 0.5972849130630493, 0.2037266194820404, -0.7471065521240234, 0.574151337146759, 0.5258690714836121, 0.5321494340896606, 0.4751163125038147, 0.30052775144577026, 0.224725604057312, -0.851593017578125, -0.581063449382782, -0.10595142841339111, 1.3349063396453857, 0.13714903593063354, -1.7293920516967773, -0.018296528607606888, 0.6577156782150269, 0.5303011536598206, 0.6846603751182556, -0.2976835370063782, 0.5227822065353394, 0.5448424816131592, -1.0674760341644287, -0.9942376613616943, -0.3208152651786804, 0.7927744388580322, -0.4997679591178894, 1.0170354843139648, 0.6423531174659729, 0.779842734336853, -0.02879875898361206, 0.34428584575653076, 1.095317006111145, -0.8912973403930664, -0.7794715166091919, 0.40645286440849304, -0.2247164100408554, -0.18286928534507751, -0.821065366268158, -0.20757150650024414, -1.4305329322814941, -0.043846748769283295, -1.5812292098999023, 0.11493998020887375, -0.09875831007957458, 0.041071563959121704, 0.24127711355686188, 0.9010528326034546, -0.019915439188480377, -0.2474253624677658, -1.0439939498901367, -0.747022807598114, 0.5980175733566284, -0.13309024274349213, 0.18002817034721375, 1.9387710094451904, 0.6913650035858154, -0.1319742649793625, 1.216217279434204, 0.39928680658340454, -0.5664453506469727, -0.007294118404388428, 0.49905264377593994, 0.8844347596168518, 0.20945733785629272, 0.4648588001728058, -0.0061588529497385025, 0.533542275428772, -1.189998984336853, 0.031471628695726395, -0.8598435521125793, 0.8148546814918518, 0.26492708921432495, -0.7096699476242065, 0.3101690411567688, -0.5302050709724426, 0.46848049759864807, 0.08940661698579788, 0.32985275983810425, 0.8324283361434937, -0.29283618927001953, -0.3934858441352844, -0.6876319646835327, 0.11016661673784256, 1.2851908206939697, -0.4619259834289551, -0.435627818107605, -0.40643250942230225, -0.17787909507751465, 0.04633478447794914, -0.8878939747810364, -0.30535611510276794, 0.5890518426895142, -0.3118760585784912, 0.6470922827720642, 0.6367616653442383, -1.3004047870635986, -0.8562586903572083, 0.023333080112934113, -0.8993111848831177, 1.043052077293396, -0.35861361026763916, -0.6582344770431519, 0.10708783566951752, 0.2628531754016876, -0.3788352906703949, -0.6225627064704895, 0.6547543406486511, 0.012167426757514477, -1.5064857006072998, 0.9954627156257629, 1.170615792274475, 0.2929007112979889, -0.40536248683929443, 0.13254982233047485, 0.8848603367805481, 0.8576663136482239, 1.4101629257202148]} +{"paper_id": "dengue_filipino", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "med_hop", "embedding": [-0.49058181047439575, 0.8113917112350464, -0.05458912253379822, -0.34052935242652893, 0.2107323706150055, -0.3850101828575134, 0.6919376850128174, 0.7478517293930054, 0.883794367313385, 0.32471325993537903, 0.7116471529006958, -0.24213610589504242, 0.6188761591911316, 0.2986820340156555, -0.16644106805324554, 0.11311816424131393, -0.509455144405365, -0.4236268401145935, -1.431368112564087, -1.0813401937484741, -0.6445528864860535, -0.45347338914871216, -0.5525741577148438, 1.2538321018218994, -0.6653776168823242, -0.9214621186256409, 1.001240611076355, -1.065312385559082, 0.013219419866800308, 0.3966732323169708, 0.16114115715026855, 0.6850947737693787, -1.4785453081130981, 0.790848433971405, -0.19069042801856995, 0.12760961055755615, 0.2002953141927719, 0.45541122555732727, 0.40711045265197754, -0.531792938709259, -0.510003924369812, 0.4369869828224182, 0.2787550389766693, 0.4057198762893677, -0.1488114446401596, -0.6132144331932068, 0.5381472706794739, -0.017706412822008133, -0.11806689947843552, -0.3517981767654419, -0.6124970316886902, -0.21895217895507812, -0.19350378215312958, 0.7562226057052612, -0.20470169186592102, 1.0615707635879517, -0.23510479927062988, -0.5219721794128418, 0.32541510462760925, -0.46908050775527954, 1.368665337562561, 1.2875031232833862, -0.47260725498199463, 0.10688565671443939, 1.771348237991333, -0.06495747715234756, 0.7228533625602722, -0.22365261614322662, -0.4351193606853485, 1.3314639329910278, -0.4977409243583679, -0.5179092288017273, 0.004415620118379593, -0.4934237599372864, 0.24845947325229645, 0.9927268028259277, 0.4622170031070709, -0.3357226550579071, 0.361195832490921, -0.3404375910758972, -0.17148475348949432, 0.1452525109052658, 0.9632555246353149, 0.3038807213306427, -0.2027648389339447, -0.1732308566570282, 0.4952540099620819, -0.4104762375354767, 0.29708895087242126, -1.728678822517395, 0.7433786392211914, 0.6116530299186707, 0.4484493136405945, 0.051885977387428284, -0.024619586765766144, 0.1652030646800995, -0.6308419108390808, -0.6706013679504395, -0.15320494771003723, -0.20895937085151672, 0.23383459448814392, -0.0025870054960250854, 1.0174874067306519, -0.32571378350257874, 0.3755536377429962, -0.4268427789211273, 0.3935270607471466, -0.028019540011882782, -0.15028059482574463, -0.9951755404472351, 0.01875367760658264, 0.3149279057979584, 0.13581734895706177, 0.5050826072692871, -0.36630043387413025, 0.7487615346908569, 0.5006946325302124, -0.7494577169418335, -0.5994328856468201, 0.3340758681297302, 0.6527912020683289, -0.5712993144989014, -0.9317469000816345, -0.9511391520500183, 0.5290006995201111, -0.544420599937439, -0.6867019534111023, -1.3626689910888672, -0.7959647178649902, -0.22591543197631836, 0.4068089723587036, 0.6314086318016052, -0.9100167751312256, -0.5530862212181091, 3.0396082401275635, -0.5804629325866699, 1.3300484418869019, 0.1126660406589508, -0.5605632662773132, -0.47903972864151, -0.5248579382896423, 1.2495440244674683, 0.679709255695343, -1.0971403121948242, -0.30992186069488525, -0.11849725991487503, 0.13526855409145355, -0.11213459074497223, -0.663394570350647, -0.11130170524120331, -0.020748477429151535, -0.3164338767528534, -1.283815622329712, -0.4317777156829834, -0.29243895411491394, -0.20580169558525085, -0.06806075572967529, 0.1488334983587265, -0.21296051144599915, 0.9431326389312744, -0.3031299114227295, -0.26598894596099854, -0.6626503467559814, 0.6389519572257996, -0.5036970973014832, 0.3341301381587982, 1.3097248077392578, -0.12380381673574448, -0.6500344276428223, 0.09159836918115616, 0.09590160846710205, -0.2434573769569397, -0.5787050127983093, -0.9057517051696777, -0.038501422852277756, -0.09675730764865875, 0.19641084969043732, 0.5294798612594604, 0.4191190004348755, -0.6331508159637451, 0.09497303515672684, -0.16390369832515717, 0.41286665201187134, 0.9140747785568237, -0.30444926023483276, 0.5468570590019226, -3.3030624389648438, 0.1087452620267868, -0.9690677523612976, 0.8217117786407471, -0.03909388184547424, -0.1101767048239708, 0.6089919209480286, -0.21981297433376312, -0.5385816693305969, -0.8704742789268494, 0.49048227071762085, -1.200919508934021, 1.0956776142120361, -0.09013037383556366, 0.18797357380390167, -0.396619975566864, 0.19974663853645325, 1.050689697265625, 0.39468300342559814, -0.5996319651603699, -1.2134064435958862, -2.0438232421875, 0.4457136392593384, 1.804895281791687, -0.13634969294071198, -0.09706294536590576, -1.094413161277771, -0.17707951366901398, -0.09040363878011703, -0.15423451364040375, 0.2316994071006775, -0.6695125102996826, 0.0862855315208435, -0.3173307776451111, 0.5382567048072815, -0.6896233558654785, -0.0462300181388855, 0.40173038840293884, 0.9861745834350586, -0.4514543116092682, -0.5000585317611694, -0.6543434858322144, -0.7819141149520874, 0.44606611132621765, 0.361413836479187, -0.05966756120324135, -0.09067260473966599, 0.657850980758667, 0.15033209323883057, 0.9741042852401733, 1.121382474899292, 0.8232395648956299, -0.6081094741821289, 0.35742616653442383, -0.5823333263397217, 1.6598221063613892, -0.3188130855560303, 0.41032320261001587, -0.004030786454677582, -0.009958107024431229, -0.5931352376937866, -0.3841199278831482, -0.37667959928512573, -0.07439758628606796, 0.5255408883094788, 0.9268362522125244, -0.5430750250816345, 0.15908721089363098, -0.4428561329841614, -0.22923743724822998, -0.13673117756843567, -0.8196964263916016, -0.910887598991394, 0.067053884267807, 0.3952040672302246, -0.5283651947975159, 0.5310291051864624, -0.11984480172395706, 0.2947923541069031, -1.0963090658187866, -0.8143042922019958, -0.3620189428329468, 0.26503080129623413, -0.930628776550293, -0.7586874961853027, 0.14342810213565826, -1.0400525331497192, -0.02672901377081871, -0.06709019839763641, -0.6352601051330566, 0.052753299474716187, 0.22406968474388123, 1.2019513845443726, 0.5272189974784851, 0.5320797562599182, -0.38395506143569946, 1.2621030807495117, -0.37125131487846375, 0.06876875460147858, -0.13621559739112854, -0.3823568820953369, -1.2876921892166138, 0.20324832201004028, -1.1297067403793335, 0.061688557267189026, 0.698796272277832, -0.151658296585083, 0.9317790269851685, -0.19527587294578552, -1.0935791730880737, 0.6042944192886353, 0.11727695167064667, -0.05531731992959976, -0.9093765020370483, 1.5948044061660767, -0.4401519298553467, -0.7151106595993042, 0.7646763324737549, -0.3437124192714691, -0.729482114315033, 1.0617140531539917, 0.2843855321407318, -0.15772055089473724, 0.6980842351913452, -0.6791952252388, -0.08933578431606293, 0.14514169096946716, -1.587040662765503, 1.345039963722229, 0.8037678599357605, -0.4085036814212799, -0.26503002643585205, -0.6649415493011475, 0.3644753098487854, 0.0785161629319191, 0.2177368551492691, 0.7622179388999939, -0.8170458674430847, 0.48164424300193787, 0.37757137417793274, 0.7046263813972473, 0.692477285861969, -0.16207364201545715, 0.8285772204399109, 0.4010888934135437, 0.5529088973999023, -0.5093998908996582, -0.3824273645877838, 0.8743847012519836, -0.2474317103624344, 0.6062265634536743, -0.012573476880788803, 0.8327469825744629, 0.7227693796157837, -0.29110831022262573, -0.306097149848938, 0.3684903383255005, 0.5432783961296082, 0.4432511329650879, 0.07545459270477295, -0.4589157700538635, 0.29332002997398376, 0.17431485652923584, 1.2635730504989624, -0.05133993178606033, -1.1191041469573975, -0.7892866134643555, -0.7215348482131958, -0.8340057730674744, -0.27465951442718506, 1.3540033102035522, 0.3336170017719269, 2.058985948562622, 0.6154247522354126, -0.2709457278251648, -0.6906810402870178, -0.19073674082756042, 0.33095699548721313, 0.18999865651130676, -0.30228638648986816, -0.8394837379455566, 0.12632036209106445, 1.3941243886947632, 0.757306694984436, -0.212041974067688, 0.5261609554290771, 0.5357916355133057, 0.05751741677522659, -0.6709398031234741, 1.2907480001449585, 0.9241988658905029, 0.8372868895530701, 1.605638861656189, -0.6065013408660889, 0.2972317636013031, 0.45936357975006104, -0.20801857113838196, 0.00746594462543726, -0.2151574194431305, 0.33652937412261963, 0.29849618673324585, 0.5071185827255249, 1.2149630784988403, 0.2902671694755554, 0.8494728803634644, 1.6582486629486084, -0.3572278618812561, -1.8037126064300537, -0.1852111667394638, -0.42986658215522766, -0.13572219014167786, -0.40132400393486023, -0.052643705159425735, -0.5137643814086914, 0.7793405652046204, 0.11026107519865036, -0.35412561893463135, 0.5273269414901733, -0.3366034924983978, -1.0538777112960815, 0.39953285455703735, 0.9664970636367798, -1.284894347190857, -0.3077893853187561, 0.29004257917404175, -1.030900239944458, 0.18089984357357025, -0.4635156989097595, -0.8213198781013489, 0.9664767384529114, -0.022305484861135483, 0.7707474231719971, 0.030058709904551506, 0.14570578932762146, -0.9974446296691895, 1.8355920314788818, 1.0081005096435547, -0.8509316444396973, 0.44296905398368835, 0.32729387283325195, 1.1817086935043335, 0.7060418128967285, -0.8298166394233704, -0.25109627842903137, 1.4538719654083252, -0.2876240611076355, 0.4357961118221283, -1.0236847400665283, 0.15984439849853516, 1.3975777626037598, 0.9929742217063904, 0.32374799251556396, -0.6108404397964478, 0.00653227511793375, -0.8808280825614929, 0.7754421830177307, 0.8013688325881958, -1.5509852170944214, -1.333356499671936, 0.49067583680152893, -1.057043194770813, 0.3683408200740814, -0.1565435379743576, 0.06690727174282074, 2.453197717666626, -0.03051624819636345, -0.0037573128938674927, -0.6081860661506653, -11.089897155761719, 0.7912045121192932, 0.4431096911430359, 0.008562035858631134, 0.7048189640045166, -0.27621230483055115, 0.3004413843154907, 0.15129688382148743, 0.09491350501775742, -0.7091362476348877, -0.02857855334877968, 1.1634502410888672, 0.32301318645477295, -0.13517944514751434, -1.0812262296676636, -1.011760950088501, -0.4845179617404938, -0.4569375514984131, 0.2908645272254944, 0.2712603509426117, -0.3023696839809418, -0.33447402715682983, -0.5679329037666321, 0.0985165536403656, 0.28664425015449524, -0.4993644654750824, -0.38081106543540955, -0.7770112752914429, 0.42094165086746216, -0.2982483506202698, 0.6794398427009583, -0.1524122804403305, -0.43843626976013184, 0.1852521151304245, 0.017568223178386688, -0.48594045639038086, -1.013423204421997, -0.7469848990440369, 0.4819875955581665, -0.8509265184402466, -0.34856224060058594, -0.34627267718315125, 0.18230406939983368, -0.12597520649433136, -0.7713887691497803, 0.34546297788619995, 0.2060077041387558, -1.2082722187042236, -0.18215835094451904, -0.5729502439498901, -0.6896829009056091, -0.7675644755363464, -0.6924235224723816, -0.006833195686340332, 0.7631985545158386, 0.47423577308654785, -0.28701499104499817, -0.4147126078605652, -0.5517594218254089, -0.6529948711395264, 0.5623924136161804, -1.158864974975586, -0.5719850659370422, 0.6183406710624695, 0.18486343324184418, -0.4374036192893982, 0.6565858721733093, 0.3608641028404236, 0.4538332521915436, 0.5121790766716003, -0.17182421684265137, 1.2870619297027588, 0.006215016357600689, 0.2644217014312744, -0.45354703068733215, 0.5262465476989746, -0.8348308205604553, -0.8093793392181396, 0.8397194743156433, 0.06087980791926384, -0.9231750965118408, 0.7299961447715759, 0.7582548260688782, -0.462628573179245, 0.1132533848285675, 0.0006348975002765656, 0.41475334763526917, 0.18575789034366608, 0.6036368608474731, -0.5712023973464966, 1.5123519897460938, 0.3061257004737854, -0.41676318645477295, -0.8921570777893066, -0.9250686168670654, 0.44237130880355835, -1.2080506086349487, 0.5447448492050171, 0.9062526226043701, -0.8433089852333069, -0.5045108795166016, 0.3553771376609802, -1.2804934978485107, -0.6273804306983948, 1.1336897611618042, 0.44594457745552063, 0.021424129605293274, 0.32043716311454773, -0.23786042630672455, -1.0346990823745728, 0.7798213958740234, 0.748319149017334, -0.34321534633636475, 1.6462286710739136, -1.064500331878662, 1.0059419870376587, 0.6835888028144836, 0.12827268242835999, -0.6910043358802795, 1.5165938138961792, -0.7480741739273071, 1.1935840845108032, 0.6115632057189941, 1.5155030488967896, 0.3115500807762146, -0.07141659408807755, 0.2266751229763031, 0.42763879895210266, -0.7841277718544006, -0.8838856816291809, 0.04497729241847992, -0.7944363951683044, 0.05937899649143219, -0.4033351540565491, -0.8237349390983582, -0.01974472776055336, -0.2238752394914627, 1.223992943763733, -0.5607579946517944, 0.28925275802612305, -0.8245511651039124, -0.250243216753006, -0.4689040184020996, -0.4523647725582123, -0.9032389521598816, 0.44836100935935974, -1.5328474044799805, 0.04777602106332779, -0.5311194658279419, -0.4098242521286011, -0.5755767226219177, -0.824026882648468, 0.8047831654548645, -0.022943392395973206, -0.3662168085575104, -0.37296921014785767, 0.20729123055934906, -0.5265753269195557, -0.955481231212616, -0.3265284597873688, -0.43425625562667847, 1.5737589597702026, -1.1895986795425415, 1.1603957414627075, 0.1808287352323532, -0.46204307675361633, -1.043899655342102, 0.19865015149116516, -1.056799292564392, 0.44111600518226624, 0.9417974352836609, -0.6921255588531494, -0.5508320927619934, -0.6117044687271118, 0.05129871144890785, 0.022997215390205383, 0.09300940483808517, 1.1586945056915283, -1.2289680242538452, -0.025743156671524048, 0.457984060049057, 0.6460831761360168, 0.13971729576587677, -0.6488099098205566, -0.09865903854370117, 0.19250085949897766, -0.15548613667488098, 0.7755860090255737, 0.26448097825050354, 1.0894535779953003, -0.7208458781242371, -0.7649823427200317, -0.35374173521995544, -0.4636193513870239, -0.028991609811782837, -0.21685972809791565, 1.4076305627822876, 0.15696243941783905, -0.84454345703125, -0.23123404383659363, -0.10910691320896149, 0.7480787634849548, 0.016182541847229004, 1.4013216495513916, -0.23560485243797302, 0.7855328321456909, -1.2512401342391968, 0.17119243741035461, -0.06025400012731552, 1.088627576828003, -0.31634482741355896, 0.26761066913604736, 0.4538021981716156, -0.4822068214416504, -0.3461366295814514, -1.5293418169021606, 0.05654528737068176, -0.9436007142066956, -0.09994417428970337, -0.846803605556488, -0.07080083340406418, 1.0792162418365479, -0.24365241825580597, 0.6135779619216919, 0.518144428730011, 0.43629494309425354, 0.6714583039283752, 0.8854184150695801, 0.6378284692764282, 0.043845344334840775, -0.546090841293335, 0.7136160731315613, 0.9873577356338501, 0.33378973603248596, 0.2725537419319153, -0.810530960559845, -0.2670285701751709, 0.1275593340396881, -0.499631404876709, 1.1802406311035156, -0.005934562534093857, 0.933387041091919, 0.803084671497345, 1.2705999612808228, -0.3834272027015686, -2.2344651222229004, -0.32066673040390015, -1.572231411933899, 0.501697838306427, 0.8744450807571411, 0.563291072845459, -0.4234786033630371, 0.44285768270492554, -0.8667090535163879, 1.2080904245376587, -1.24232816696167, 0.32576411962509155, 0.2390013039112091, -0.4043591618537903, 0.7823952436447144, 0.2248285859823227, 0.7799115180969238, 0.43787166476249695, 0.007475204765796661, -1.2899302244186401, -0.0739845260977745, -0.8474607467651367, 1.096453309059143, 0.3684319853782654, -0.0024852389469742775, 0.005720190703868866, -0.11762294173240662, 0.979617178440094, -0.611622154712677, 1.074784755706787, 0.37693119049072266, 0.04302433133125305, -0.6311502456665039, -1.0605348348617554, 0.08273021131753922, -0.059532660990953445, 0.12754181027412415, -0.06828460097312927, -0.24427153170108795, 1.0577340126037598, 0.6212369203567505, 0.45771166682243347, -0.31457793712615967, -0.10377009212970734, -0.2083018273115158, 0.46360325813293457, 0.803221583366394, -0.7554184198379517, -1.050249695777893, 0.2668904662132263, -0.3770129680633545, 0.7829041481018066, 0.09837688505649567, -0.6974485516548157, -0.5505882501602173, 0.5272966623306274, 0.44495734572410583, 0.16314764320850372, 0.3937487006187439, 0.013620016165077686, -1.371070146560669, 0.7177173495292664, 0.9519057869911194, -0.28558146953582764, 0.4095969498157501, -0.2030753195285797, -0.277839720249176, 0.4332846403121948, 1.3756937980651855]} +{"paper_id": "eth_py150_open", "embedding": [0.4764845371246338, 1.1864126920700073, 0.4195060431957245, 0.2669609785079956, 0.3226518929004669, -0.17371724545955658, 0.5459843277931213, 1.618584156036377, 0.9794735312461853, 0.11407686769962311, -0.8347092270851135, 0.44686609506607056, -0.19646413624286652, 0.03754589706659317, -0.9481654167175293, -0.4467952847480774, 0.003449171781539917, -0.5219576358795166, -1.302155613899231, -0.16861796379089355, -0.4475093483924866, -1.5536823272705078, -0.06395397335290909, 0.552399218082428, -0.7287824749946594, 0.40977275371551514, 0.13229408860206604, -1.2798808813095093, -0.2261904776096344, 1.0780993700027466, 0.5920360684394836, 1.476143717765808, -1.5366650819778442, 0.38026952743530273, -0.5918715596199036, -0.8541162014007568, 0.5577805638313293, 0.6096765995025635, -0.6336344480514526, 0.08944244682788849, -0.5205218195915222, 0.029602892696857452, 0.42535704374313354, -0.45583805441856384, 1.3770567178726196, -0.5127661228179932, 0.16063319146633148, -0.20005600154399872, 0.29474449157714844, -0.21848738193511963, -0.43936264514923096, 0.6209003925323486, 0.27060234546661377, 0.032908082008361816, -0.06894996762275696, 0.8992675542831421, 0.16968104243278503, -0.6380847096443176, 0.3237926959991455, -0.34903770685195923, 0.9625787138938904, 0.8023250699043274, -0.30894625186920166, 0.08846519142389297, 0.6031486988067627, -0.33949893712997437, 1.8824989795684814, 0.9381695985794067, 0.15553653240203857, 0.20182178914546967, -0.26537173986434937, -1.3227529525756836, 0.9485203623771667, -0.41781696677207947, 0.061439577490091324, 1.1129120588302612, 0.5829585790634155, -0.9546045660972595, 0.4594210386276245, 0.08140364289283752, -0.5188360810279846, 0.7862023115158081, 0.6797837018966675, 0.03940483182668686, -0.19701358675956726, -0.14967510104179382, 0.6157492399215698, -1.2482694387435913, 0.06574023514986038, -0.8544318079948425, 0.1972382813692093, -0.25803425908088684, 0.3894636034965515, -0.31125307083129883, -0.9605568051338196, -0.2258148193359375, -0.6379010081291199, -0.27626097202301025, -0.44136348366737366, 0.7380841970443726, 0.6901962757110596, 0.48109957575798035, 0.8407442569732666, -1.2138839960098267, 0.04994723200798035, 0.8536829352378845, -0.514773428440094, -0.8452498912811279, -1.2949693202972412, -0.6484284996986389, 1.1437822580337524, 0.22412338852882385, -0.8053823709487915, 1.5491081476211548, -0.42570483684539795, -0.43316811323165894, 0.3983060121536255, 0.026388265192508698, -0.5894792675971985, 0.30425527691841125, -0.3707028031349182, -0.9223752617835999, -0.4310692250728607, -0.17643150687217712, 0.2835492193698883, -0.37519508600234985, 0.1580117642879486, -0.12279278039932251, -0.00839772168546915, -0.6777583956718445, 1.563349962234497, 0.511070191860199, -0.34504085779190063, -0.2232794463634491, 3.5367915630340576, -1.4836515188217163, 0.3921053111553192, -0.4148041009902954, 0.2236708402633667, 0.2086448222398758, -0.6116098165512085, 1.9329670667648315, 0.5276440382003784, -0.8016585111618042, -0.5599891543388367, 0.46536219120025635, -1.1856884956359863, 0.30693915486335754, -1.1832985877990723, -0.5019034743309021, -0.00957006961107254, 1.481582760810852, -1.0216279029846191, -1.0044102668762207, -0.5442097187042236, 0.5223081707954407, 0.46786797046661377, 0.5753137469291687, -1.2177395820617676, -0.1637895107269287, 0.9772317409515381, -0.21079783141613007, 0.06832769513130188, 0.47932612895965576, -1.4750959873199463, 0.669101893901825, 1.8736387491226196, -0.13004322350025177, -0.7708290219306946, -0.4096711575984955, 1.0009257793426514, -0.3565920889377594, -0.5784828066825867, -0.4159429967403412, 0.6224672794342041, 1.0299246311187744, 0.8913827538490295, 0.22532397508621216, -0.1523071676492691, -0.4377494156360626, -0.9244664907455444, -0.5916100144386292, -0.6158591508865356, 0.452208012342453, -0.017986668273806572, 0.23426932096481323, -2.914491653442383, -0.08551226556301117, 0.49765515327453613, -0.081276535987854, 0.320383220911026, -0.7711771130561829, 0.2840137183666229, 0.4778614342212677, 0.7599395513534546, -0.7387200593948364, -0.5916973352432251, -1.0822312831878662, 0.7574880123138428, 1.1684883832931519, 0.2995862662792206, 0.57582026720047, -1.0830494165420532, 0.4671735167503357, 0.595637321472168, -0.3993866443634033, -0.2665179371833801, -2.1489202976226807, -0.03332899510860443, 1.838576316833496, 0.5646617412567139, 0.41314932703971863, -0.9434443712234497, -0.6979109048843384, 0.6191445589065552, -0.561129629611969, 0.12960998713970184, -0.9559780359268188, 0.025466419756412506, -1.2117748260498047, 1.0063847303390503, -0.34045398235321045, 0.38887977600097656, -0.03525520861148834, 1.1054143905639648, 0.06987103074789047, 0.3029446005821228, 1.1321418285369873, -0.8818812370300293, 0.16753554344177246, 0.6199483871459961, 0.11088138073682785, -0.20047591626644135, 1.216400384902954, 0.0678013265132904, 0.4865855574607849, 0.9946367144584656, 0.32257750630378723, -0.7201540470123291, 0.9194635152816772, 0.3773946464061737, 0.8563229441642761, -0.006698161363601685, -0.7238687872886658, 0.13733714818954468, 0.3553466796875, -0.5361727476119995, -0.4703892469406128, 0.05374404042959213, -0.6244943141937256, 1.566650152206421, 0.6978310346603394, 0.23862671852111816, 0.7684407234191895, -0.8971861600875854, -0.11041311174631119, -0.09866562485694885, -1.2334716320037842, -0.4709768295288086, 0.7623573541641235, 0.4627440273761749, -0.6998867988586426, 0.3638993799686432, -0.3869621753692627, -0.5246129035949707, -0.9898970127105713, -1.3970282077789307, -0.6869696378707886, -0.5638060569763184, -0.6896557807922363, -0.23164056241512299, 0.24507500231266022, -1.1810640096664429, -0.28263232111930847, 0.7288166880607605, 0.26782462000846863, -0.11988312005996704, 0.11836956441402435, 1.643263816833496, -0.09923553466796875, 0.6408824324607849, 0.2275974601507187, 0.0017334669828414917, -0.1012766882777214, 0.7213934063911438, 0.24756065011024475, -0.2957938015460968, -0.9271631240844727, 0.29492849111557007, -1.0747424364089966, -0.3581286668777466, 0.7487676739692688, -1.692163348197937, -0.7672666907310486, 0.05626241862773895, -0.09357698261737823, 1.0826747417449951, 0.11912514269351959, -0.4791988432407379, -0.6276299953460693, 1.477540135383606, -0.07787757366895676, -0.9997885227203369, 0.6389225125312805, -0.861178994178772, -0.4551193416118622, 1.1623189449310303, -0.2944285273551941, 0.590015172958374, 0.3247855305671692, 0.28543758392333984, 1.0870118141174316, 0.02615875005722046, -2.158186674118042, 0.8688026070594788, 1.066938042640686, 0.06969809532165527, -0.263735830783844, -0.571505069732666, 0.11415413022041321, -0.5668059587478638, -0.40179285407066345, -0.03337925300002098, -0.7298368215560913, 1.0455235242843628, 0.9849720001220703, 1.0163233280181885, -0.4187523126602173, -0.5214340090751648, 0.5513169765472412, 1.0395894050598145, 0.15154600143432617, -0.0012819170951843262, 0.1906372606754303, 1.2251464128494263, -1.1844205856323242, 0.3194916844367981, 0.3165540397167206, 0.7639301419258118, 0.8924140930175781, 0.20863863825798035, 0.9521689414978027, 1.2835466861724854, 1.28171968460083, -0.08700862526893616, 0.03705715015530586, -0.20241720974445343, 0.17830480635166168, 0.05722816661000252, 0.9764005541801453, -0.5230948328971863, -0.782105565071106, -0.6755014061927795, -0.5152783989906311, -0.7364873886108398, -0.5618873238563538, 1.8096081018447876, 0.4153684675693512, 1.2717206478118896, -0.12995785474777222, -0.35994988679885864, -0.5743987560272217, -0.5029491782188416, -0.23813199996948242, 0.6339492201805115, -0.062062546610832214, -0.8709163665771484, -0.27187076210975647, 1.0975768566131592, 0.042829424142837524, -0.0018495358526706696, -0.19529752433300018, 0.20037811994552612, -0.5097904205322266, -1.2868438959121704, 0.32565489411354065, -0.37679412961006165, 1.3387168645858765, 2.3153252601623535, -0.7476252913475037, -0.12950274348258972, -0.3105928897857666, -0.5843729972839355, -0.151808500289917, 0.27643778920173645, 0.3328585922718048, -0.08620601892471313, 0.5734992027282715, 0.7728431820869446, 0.4097193479537964, 1.7063170671463013, 0.9517868757247925, -0.14127469062805176, -2.3861243724823, 0.018252555280923843, -1.1065908670425415, -0.31820300221443176, -0.9082406163215637, -0.05535319820046425, -0.2518206834793091, 0.28178369998931885, -0.19087174534797668, -0.7216475605964661, 0.49809953570365906, 0.6002453565597534, -0.37893110513687134, -0.05381105840206146, 1.7295663356781006, -0.12312942743301392, -1.028322696685791, -0.4396297335624695, -0.9531863927841187, -1.008826494216919, -0.7788423895835876, -0.6643252968788147, 0.30975785851478577, 0.8222745060920715, 0.21560610830783844, 0.7179852724075317, 0.5133042931556702, -1.0260274410247803, 1.2938448190689087, 0.925683856010437, -1.3756576776504517, -0.06590823829174042, -1.1440398693084717, 1.1296446323394775, -0.011608663946390152, -1.1236350536346436, -0.7034061551094055, -0.2253447026014328, -0.1956021785736084, 0.3064766228199005, -0.5218417644500732, -0.2767641246318817, -0.4539797902107239, 0.7268584370613098, 0.2208206057548523, -0.6928006410598755, -0.11507828533649445, -0.6901339292526245, -0.06349499523639679, 1.5176994800567627, -0.42323118448257446, -0.07772105187177658, 0.9982150197029114, 0.06589203327894211, 0.29590529203414917, 0.7385296821594238, 0.13626240193843842, 0.2729204595088959, 0.7641469836235046, -0.6619346141815186, -0.6551723480224609, -9.521265029907227, 0.6744382381439209, 0.16229425370693207, 0.35429680347442627, 0.5341970324516296, 0.3270606994628906, 0.9791619777679443, 0.30594751238822937, -0.422129362821579, -0.7146549820899963, 0.7880786657333374, 1.187964677810669, 0.4089412987232208, -0.7998664379119873, -0.79054194688797, -1.7140778303146362, -0.38351956009864807, -0.3762907385826111, 0.9289383888244629, 0.3913685381412506, 0.24736662209033966, -1.380699634552002, 0.4220370054244995, 0.009949563071131706, 0.51313316822052, -0.13777127861976624, 0.20688769221305847, -0.21518342196941376, -0.390369713306427, -0.2176288366317749, 0.11737293004989624, 0.08867385238409042, 0.18349994719028473, -0.30121463537216187, 0.41766858100891113, 0.6155835390090942, -1.4036107063293457, -0.01787615939974785, 0.3103253245353699, -0.6697410941123962, -1.1062381267547607, 0.8557884693145752, 0.23894727230072021, -0.1947193592786789, -0.08739673346281052, 0.3293853998184204, 0.17041118443012238, -1.068819522857666, 0.4509403109550476, -0.2459324598312378, -0.46651822328567505, -0.6830770969390869, -0.8203657865524292, -1.1949247121810913, 0.5611224174499512, 0.4221133887767792, -0.925560474395752, -0.6538827419281006, 0.18520748615264893, -1.1958045959472656, 0.819409191608429, 0.10127925127744675, 0.8783658742904663, 1.0736538171768188, 0.6013245582580566, 0.3215157985687256, 1.0606484413146973, 0.20629195868968964, -0.20983636379241943, 1.1969527006149292, -1.6745158433914185, 0.5930607318878174, -0.6971144080162048, -0.2308831810951233, -0.49332913756370544, -0.19766542315483093, -0.23863562941551208, -0.06686240434646606, 0.8733049035072327, 0.27524474263191223, -1.1607075929641724, 0.8015709519386292, 0.052784472703933716, -1.105495810508728, -0.22967827320098877, 0.0714777261018753, -0.37700706720352173, 0.9824014902114868, 1.3856662511825562, -0.40090495347976685, 1.2200279235839844, -0.6350539326667786, -0.571003794670105, -1.183562994003296, -0.7077727913856506, 0.23753085732460022, -1.1092567443847656, 0.6533258557319641, 1.040158748626709, -0.6732826232910156, 0.2976388931274414, -0.12501409649848938, -1.3686546087265015, -0.45393210649490356, 1.0518372058868408, 0.8417488932609558, -0.20945143699645996, -0.06651167571544647, -0.277483195066452, -0.2444201558828354, 0.9905396103858948, 0.1450674831867218, -0.3101797103881836, 0.5867311358451843, -0.4775983691215515, 1.457327127456665, 0.30380120873451233, 0.008134245872497559, 0.5002158880233765, 0.10581880807876587, 0.37089699506759644, 1.1268208026885986, 0.3375084400177002, 1.4106006622314453, -1.2870023250579834, 0.2464407980442047, 0.8428446054458618, 0.36437442898750305, -1.1228808164596558, -0.5317277312278748, -0.35804876685142517, -0.1552906483411789, 0.48778706789016724, -1.067023515701294, -0.22731493413448334, 0.23800024390220642, -0.4850814938545227, 0.9234812259674072, -0.4905320405960083, 0.08834134042263031, 0.24897082149982452, 0.041329171508550644, -0.3575432002544403, -0.6179429888725281, -1.27805495262146, 0.7666187286376953, -1.0120230913162231, -0.7740393877029419, -0.3118866980075836, -1.2746541500091553, -0.4846784174442291, -1.0699793100357056, 1.4249240159988403, -0.6578591465950012, -0.6204993724822998, -0.6779779195785522, 1.2741098403930664, -0.5778576135635376, -0.9917470216751099, -1.1617717742919922, 1.0729327201843262, 1.8760801553726196, -0.5821529030799866, 0.30173173546791077, -0.42139989137649536, 0.3059318959712982, -0.8309814929962158, -0.1398964524269104, 0.16563530266284943, -0.09887190163135529, 1.0862345695495605, -1.0327613353729248, -0.40415388345718384, 0.4127974510192871, 0.4358018934726715, 0.5426807999610901, 0.4363657236099243, 1.1511576175689697, -1.0376672744750977, 0.36347466707229614, -0.3516830801963806, 0.6514298915863037, 1.0940773487091064, -1.64707612991333, -0.9695203304290771, -0.35159873962402344, 0.7532294392585754, 1.1047818660736084, -0.24379388988018036, -0.22132942080497742, -0.9440109133720398, -1.34548020362854, -0.5025599002838135, -0.3180535137653351, 0.0475410521030426, 0.6098501086235046, 0.33187776803970337, 0.12373697757720947, 0.0652780830860138, 0.6355555653572083, -0.8355624675750732, 1.0233627557754517, 0.4429663121700287, 0.6617177724838257, 0.4943014979362488, 0.21248435974121094, -1.026010513305664, 0.6701041460037231, 1.080847978591919, 0.7516241669654846, -1.5067147016525269, 0.5925683379173279, 0.26830440759658813, -0.5230023264884949, -0.05688020959496498, -1.4741562604904175, 0.4305971562862396, 0.04627298191189766, -0.638757586479187, -1.4543845653533936, 0.4628479778766632, -0.04991842806339264, 0.07575425505638123, 0.6812947392463684, 0.9081639051437378, 0.5028961896896362, -0.28008320927619934, -0.0018972530961036682, 1.1876078844070435, -0.19990207254886627, -1.0958176851272583, -0.0709955096244812, 0.21552173793315887, -0.10326023399829865, -0.1553363800048828, 0.32644447684288025, -1.815565824508667, 0.5068557262420654, -0.4021170735359192, 1.0505825281143188, -0.8095661401748657, 0.6502801179885864, 0.11878093332052231, 1.054775595664978, 0.11906421184539795, -0.7954036593437195, -0.7399455308914185, -0.8307293057441711, -0.7619178295135498, 0.7442908883094788, -0.16193152964115143, 0.04407244920730591, 0.6358672976493835, -0.05406329035758972, 0.5274283289909363, -0.19746215641498566, 0.08069860935211182, -0.015054069459438324, 0.05139061436057091, 1.108778715133667, 0.2118927240371704, -0.37432512640953064, 0.4114065170288086, -0.37139734625816345, 0.12206088751554489, -0.653826892375946, -1.4741666316986084, 0.6230566501617432, 0.7328543066978455, -0.2808728516101837, 0.4896705746650696, 0.21234636008739471, 0.56253981590271, -1.1153217554092407, 1.3867167234420776, -0.0792185440659523, -0.3879363536834717, -1.038076639175415, -1.1631015539169312, -0.20624902844429016, 0.20325016975402832, -1.0018832683563232, 0.23309431970119476, 0.4832139015197754, 0.7254256010055542, 0.18209773302078247, 0.2155044972896576, -0.4861060082912445, -0.2961033880710602, -0.6305405497550964, 0.18457521498203278, 0.09371998906135559, -0.8124998807907104, -0.20490413904190063, 0.6059696078300476, -0.7556555867195129, 0.4856589436531067, -0.15513667464256287, -0.3861013948917389, -0.2744581699371338, 0.5388797521591187, -0.03045276179909706, -0.30061063170433044, 0.162215456366539, 0.2970828413963318, -1.4429972171783447, 1.7959686517715454, 0.8608659505844116, -0.5190812945365906, -0.06605804711580276, -0.13333311676979065, 0.057811055332422256, 1.2720727920532227, 1.5214464664459229]} +{"paper_id": "peer_read", "embedding": [-0.3849644958972931, 1.141424298286438, -0.3910428583621979, -0.6625094413757324, 0.08085538446903229, -0.35135793685913086, 1.3371506929397583, 0.06101953983306885, 0.5347708463668823, 0.18683314323425293, 0.856550395488739, -0.13985520601272583, -0.1728968769311905, 0.3920481204986572, -0.886949896812439, -0.42488351464271545, 0.14479613304138184, -0.15002484619617462, -0.44229257106781006, -0.40648898482322693, -1.3962020874023438, -0.2536534368991852, -0.16510921716690063, 0.6847465634346008, -0.7333410978317261, -0.8614301085472107, 0.4064674973487854, -0.24876196682453156, -0.07135175913572311, -0.2723202407360077, -0.046191804111003876, 0.9719618558883667, -1.1650623083114624, 0.19158226251602173, -0.7199579477310181, -0.12201931327581406, -0.07797010987997055, 0.9614989161491394, -0.035437747836112976, -0.12217709422111511, -0.6065188646316528, 0.24150574207305908, 1.1025779247283936, 0.18609997630119324, 0.7823800444602966, -0.4638124108314514, 0.267141729593277, -0.1677473932504654, 0.3106658458709717, 0.19449053704738617, -0.7442620992660522, 0.5623268485069275, -0.666060745716095, -0.20475398004055023, -0.883719801902771, 1.1466259956359863, 0.30790039896965027, -0.5702549815177917, 0.7397780418395996, -0.5443389415740967, 1.1823327541351318, 1.6336508989334106, 0.23102670907974243, -0.6604466438293457, 0.7347332239151001, 0.021652616560459137, 1.2454708814620972, 0.046037912368774414, 0.1654394268989563, 0.4795406460762024, -0.8711316585540771, -0.9590904712677002, -0.7806574702262878, -0.08521859347820282, 0.0945904403924942, 0.1618296504020691, -0.12733398377895355, -0.25685545802116394, 0.8531166911125183, 0.23136189579963684, -0.5696560740470886, 0.8747524619102478, -0.17210768163204193, 0.20868971943855286, -0.10804112255573273, -0.4946245849132538, -0.13165003061294556, -0.6744339466094971, 0.6223065853118896, -1.0989075899124146, 0.8570634126663208, 0.5491821765899658, 0.25948286056518555, 0.046915605664253235, -0.5439861416816711, -0.18612274527549744, -0.18814541399478912, -0.15413916110992432, -0.908889651298523, 0.29432591795921326, 0.9470036029815674, -0.07967200130224228, 1.049776554107666, -0.453584223985672, 0.5569000244140625, 1.1339513063430786, -0.2954828441143036, -0.29102131724357605, -0.7445288896560669, -0.205352321267128, 0.4582259953022003, 0.6390560865402222, 0.34851258993148804, 0.7864865660667419, 0.15519507229328156, 0.4505702555179596, -0.46024391055107117, -0.05333564057946205, -0.9219040274620056, 0.2627667784690857, -0.23983681201934814, -1.8719185590744019, -0.1591050922870636, 0.5358203053474426, 1.168366551399231, 0.10125590860843658, 0.09245838969945908, -0.7015664577484131, -0.15169240534305573, 0.3952208459377289, 1.087719440460205, 0.3275515139102936, -0.9650936126708984, -0.19451647996902466, 2.6628143787384033, -0.1447443962097168, 0.47014811635017395, 0.4992918074131012, -0.6857077479362488, 0.48117566108703613, -0.26299214363098145, 0.710564911365509, 0.5949429273605347, -1.0333054065704346, -0.9557814598083496, 0.031419605016708374, -0.657008945941925, 0.2442869395017624, -1.0852773189544678, 0.15589742362499237, -0.4441790282726288, 0.7438710927963257, -1.1986905336380005, -0.5589026212692261, 0.3758649230003357, 0.11246954649686813, 0.6405823230743408, 0.2626556158065796, -0.20805144309997559, 0.9111315011978149, 0.7650080919265747, 0.6372247934341431, -0.45797061920166016, 1.023740291595459, -0.008663389831781387, -0.45385730266571045, 1.2120317220687866, 0.16092553734779358, -0.896733283996582, -0.395462304353714, 0.9616338610649109, -1.1659679412841797, 0.1111389622092247, -0.5146225094795227, -0.5496056079864502, -0.6554463505744934, 0.4706317186355591, 0.17564533650875092, 0.13169145584106445, -0.10810256004333496, -0.014435631223022938, 0.20442606508731842, -0.4066033661365509, 0.6228283047676086, -0.17560932040214539, 0.36386731266975403, -1.959308385848999, 0.4958797097206116, -0.598518967628479, 0.18301397562026978, 0.19524279236793518, 0.10999985039234161, 0.3539954423904419, 0.6799265742301941, -0.503629207611084, -0.28932902216911316, 0.8714078664779663, -1.920399785041809, 0.8280135989189148, 1.547576665878296, 0.3507331311702728, 0.37635669112205505, 0.18899768590927124, 0.9496952295303345, 0.6631458401679993, -0.06318829953670502, -0.7417722940444946, -1.5364469289779663, 1.1060450077056885, 1.3122838735580444, -1.0276345014572144, -0.5683687329292297, -0.8208522200584412, -0.6371424794197083, -0.20624926686286926, -0.1989530622959137, 0.5396794080734253, -0.46327677369117737, -0.3831985592842102, -1.521798014640808, 0.5056607723236084, -0.22741356492042542, -0.9861546158790588, 0.21727849543094635, 1.6570136547088623, -0.37848183512687683, -0.42142757773399353, 0.5756426453590393, -1.7877180576324463, 0.41877830028533936, 0.3601404130458832, 0.19186446070671082, 0.20829565823078156, 0.6842687726020813, -0.024019554257392883, 0.99172443151474, 0.33685994148254395, -0.005826007574796677, -0.6939735412597656, 0.22517774999141693, 0.13001768290996552, 0.22555282711982727, -0.2519787549972534, -1.0092682838439941, 0.4543408751487732, -0.10297626256942749, -0.2934860587120056, -1.0857844352722168, -0.46072137355804443, -0.4504433274269104, 0.6950251460075378, 0.9548240303993225, -0.8658639192581177, 0.5623646378517151, -0.24367690086364746, 0.2726812958717346, 0.43658173084259033, -0.6689815521240234, -0.18613681197166443, -0.5408226251602173, -0.020256981253623962, 0.37203487753868103, -0.046461671590805054, -0.6288731098175049, 0.17655864357948303, -0.24738438427448273, 0.23832166194915771, -0.6984242796897888, -0.6184577941894531, -0.15376560389995575, -0.6815454363822937, 0.6987656354904175, -1.7381116151809692, 0.13932308554649353, 0.07620806246995926, -0.22874824702739716, -0.9733456373214722, 1.4266330003738403, 0.3337303698062897, 0.5720455646514893, -0.10404378920793533, -0.08380164206027985, 0.9286778569221497, -0.19783873856067657, 0.43469566106796265, -0.3908427655696869, -0.004403017461299896, -0.8778924345970154, -0.14546021819114685, -1.3143327236175537, -0.11148294061422348, 0.3537508249282837, 0.1117982342839241, 0.7778619527816772, -0.4174931049346924, -1.209080457687378, 0.5131222605705261, -0.15954150259494781, 0.34467944502830505, -0.975342333316803, 1.0064313411712646, 0.324103444814682, -0.10678327083587646, 0.3163187503814697, -0.16147267818450928, -0.34317082166671753, 1.3500235080718994, -0.42824071645736694, 0.8235064148902893, -0.22135142982006073, -0.829270601272583, 0.6547689437866211, 0.16095897555351257, -1.631049394607544, 0.22497794032096863, 0.5161744952201843, -0.4668918251991272, 0.1426459103822708, 0.36045631766319275, -0.1445767879486084, -0.5467183589935303, 0.5846937298774719, 0.3437291085720062, -1.5627861022949219, 0.6501752138137817, -0.02578626573085785, 0.5229275822639465, -0.09093750268220901, -0.5810678601264954, 0.14872299134731293, 0.5593847632408142, 0.20960646867752075, -1.0435723066329956, -0.7839084267616272, 0.626765787601471, -0.08343015611171722, 0.08851289749145508, -0.07664915919303894, 0.918089747428894, 0.006281711161136627, -0.4133472144603729, -0.27884793281555176, -0.5854087471961975, -0.06057039648294449, -0.6760186553001404, -0.05489834025502205, 0.8192031383514404, 0.5693373084068298, 0.21582700312137604, 1.695149540901184, -0.08792482316493988, -0.27764788269996643, -0.7281519174575806, -0.13036389648914337, -1.6305758953094482, -0.0496320016682148, 1.0590263605117798, 0.709797739982605, 0.9404873251914978, 0.579016387462616, 0.38511696457862854, 0.22487391531467438, 0.28198373317718506, -0.134510800242424, 0.4199667274951935, -0.21395562589168549, 0.12352383136749268, 0.9289103746414185, 0.7149539589881897, 0.6730954647064209, -0.4736875295639038, 0.31839457154273987, 0.11108244210481644, -0.2761685848236084, -0.7123297452926636, 0.3452850878238678, 0.6884657740592957, 1.5840634107589722, 1.9889848232269287, 0.13477076590061188, -0.3657592236995697, -0.3249915540218353, -0.10360227525234222, 0.137409970164299, -0.42555251717567444, 0.06503124535083771, -0.0556601844727993, 0.19847019016742706, 0.10462021827697754, 0.3282071352005005, 0.7905768156051636, 0.5138205885887146, -0.09422597289085388, -1.4781365394592285, -0.2850051522254944, -0.8803348541259766, -0.8841179013252258, -0.5559248924255371, 0.5869013667106628, -0.7275212407112122, -0.06434852629899979, 0.03902914375066757, -1.3160018920898438, 0.15917953848838806, -0.4115384519100189, -1.0117335319519043, 0.6163271069526672, 1.6326416730880737, -0.7676137685775757, -0.29805946350097656, 0.2234276980161667, -0.8608731031417847, -0.4742034375667572, 0.2762923538684845, -0.6422454714775085, 0.6695914268493652, 0.014813708141446114, 0.5957235097885132, 0.39749735593795776, -0.47210919857025146, -0.5795305967330933, 0.8729704022407532, 1.180857539176941, -0.9117447137832642, 1.0344310998916626, -0.7855579257011414, 0.22979389131069183, 0.28741568326950073, -0.8862940669059753, -0.2874016761779785, 0.4792262613773346, -0.315852552652359, 0.3716336786746979, 0.013884708285331726, -0.14717502892017365, 0.1754215657711029, 0.2408904880285263, 0.8243024945259094, -0.2722914218902588, -0.30902135372161865, -0.915957510471344, 0.3143344223499298, 0.909479022026062, -1.0148639678955078, -0.7441397905349731, 0.8311527967453003, 0.5507209300994873, 0.4653911888599396, 0.03403443098068237, -0.0321599617600441, 0.5326017737388611, -0.3784179091453552, -0.28483885526657104, -0.3186587989330292, -12.34348201751709, 1.126579999923706, -0.26220083236694336, 0.14261971414089203, 0.019476313143968582, 0.29961714148521423, 0.012700263410806656, -0.4380090832710266, 0.09142633527517319, -0.366243839263916, 0.2972044348716736, 1.6326731443405151, -0.11025039106607437, 0.1231943890452385, -0.6056022644042969, -1.0130555629730225, -0.3402698040008545, -0.6267560124397278, 0.513096809387207, 0.07609900087118149, -0.17290112376213074, -0.5856432318687439, -0.30591875314712524, -0.8206446766853333, 0.4772096276283264, -0.799940824508667, -0.1913711428642273, -0.3700229823589325, -0.039932992309331894, 0.8991671800613403, 0.3862871825695038, 0.10653480142354965, -1.2532033920288086, -0.6807418465614319, -0.3869110941886902, 0.2050730139017105, -0.5336995720863342, -0.16910071671009064, 1.0543204545974731, -0.23665279150009155, 0.21183054149150848, 0.5499762892723083, 0.37906575202941895, -0.2597813010215759, -0.6371667981147766, 0.1711689680814743, -0.32970374822616577, -0.8648690581321716, -0.14495901763439178, -0.2185238152742386, -0.3161967396736145, -0.2191622257232666, -0.691282331943512, 0.058571528643369675, 0.9536295533180237, 0.23180922865867615, -1.1932851076126099, 0.1455846130847931, -0.988394021987915, -0.37857145071029663, 0.4650302529335022, -0.6111365556716919, -0.14585041999816895, 0.32931968569755554, 0.2876009941101074, -0.3905385136604309, 0.7024266123771667, 0.47603827714920044, -0.7503463625907898, 0.6905750632286072, -0.3211419880390167, 1.6383610963821411, 0.6191167235374451, 0.09101182967424393, -0.2797780930995941, 0.25557607412338257, -0.699775218963623, -0.49551352858543396, 0.48066264390945435, -0.11315615475177765, -1.5681854486465454, 1.2176828384399414, 0.007050375919789076, -0.3279821276664734, -1.0414695739746094, -0.08447624742984772, -0.3723389506340027, -0.5457269549369812, 0.5381675958633423, -0.03042628988623619, 0.7326411008834839, -0.21900153160095215, -0.49826663732528687, -0.260553777217865, -0.9088753461837769, 0.6913424134254456, -1.3484143018722534, 0.18222112953662872, 0.014117881655693054, -0.6568664908409119, 0.39122268557548523, -0.0579877644777298, -0.5733078718185425, 0.2074996381998062, 0.3184659481048584, -0.6080228090286255, 0.20706266164779663, -0.05643710494041443, -0.26132339239120483, -0.461790531873703, 0.4719540774822235, -0.3919980823993683, 0.6089627742767334, 1.4738653898239136, -0.48414236307144165, 1.0031957626342773, 0.6687406897544861, -1.1421117782592773, 0.3438418209552765, 0.39827194809913635, -0.5084636807441711, 1.1270438432693481, 0.7559962868690491, 1.1795624494552612, 0.1440107226371765, 0.05201152712106705, 0.43828698992729187, -0.23714496195316315, 0.01777343638241291, -1.0288838148117065, 1.2739717960357666, -0.5504468679428101, -0.08870236575603485, -0.5949993133544922, -0.6088883876800537, -0.3715457320213318, -0.7863021492958069, 1.3550012111663818, -0.3214471936225891, -0.009416595101356506, -0.9271888136863708, -0.025918245315551758, -0.5290331840515137, 0.13975469768047333, -1.3027609586715698, -0.18723216652870178, -1.4089622497558594, 0.4341447055339813, -0.3283652663230896, -0.9181715846061707, 0.07695844769477844, -0.03117832913994789, 0.2137836217880249, -0.8964623808860779, -0.40091681480407715, -0.5087411403656006, 0.5351425409317017, -0.5276210904121399, -0.07869412004947662, -0.397529661655426, 1.132572889328003, 0.3389192223548889, 0.4451712965965271, 1.0417579412460327, 0.9497482776641846, 0.08748696744441986, 0.38186246156692505, 0.38162103295326233, -0.4970821142196655, 0.17533648014068604, 0.8969062566757202, -0.7906003594398499, -0.27596408128738403, -0.42992261052131653, 0.1752806454896927, 0.36630886793136597, 0.6095849275588989, 1.4337146282196045, -0.8175788521766663, 1.251128911972046, 0.4003906846046448, 0.680531919002533, 1.0230708122253418, -1.0126848220825195, 0.05149580538272858, -0.1805669367313385, 0.864647626876831, -0.039592619985342026, 0.012286026030778885, 0.5367058515548706, -0.9104864001274109, -1.3064870834350586, 0.07479780167341232, 0.42268097400665283, 0.5645380020141602, 0.13715729117393494, 0.6649555563926697, -0.007875664159655571, -0.5297508239746094, 0.761472225189209, 0.06578469276428223, 0.916667103767395, -0.13424839079380035, 0.4425952732563019, 0.491205632686615, -0.28846409916877747, -0.4700279235839844, 0.4249418377876282, 0.7991141080856323, 1.2863539457321167, -0.8945004940032959, -0.34488344192504883, 0.7218276262283325, 0.19218721985816956, 0.14929865300655365, -0.9958145618438721, -0.4995478093624115, 0.255109041929245, -0.6859263181686401, -1.2522839307785034, 0.18032604455947876, 0.948777973651886, -0.20512813329696655, 0.25396865606307983, 0.4538942575454712, 0.246047243475914, 0.8932859301567078, 1.1412849426269531, 0.43722277879714966, 0.2949483096599579, -0.40651735663414, 0.8881227374076843, -0.36164507269859314, -0.16679295897483826, 0.1488495171070099, 0.15066972374916077, -1.4399625062942505, 0.10989060997962952, -0.6168534159660339, 0.6725672483444214, -0.9213483333587646, 0.22323885560035706, -0.051889076828956604, 1.0334583520889282, -0.0012443959712982178, -1.1009705066680908, -0.25954529643058777, -0.9564211964607239, -0.39734911918640137, 0.13716234266757965, 0.24559366703033447, 1.3023451566696167, 0.7988609671592712, -0.27938663959503174, 0.8808655142784119, 0.36291149258613586, 0.11889444291591644, -0.4967883825302124, -0.20023097097873688, 1.1461341381072998, 0.9715762734413147, -0.19836372137069702, 0.5558645725250244, -0.10864587873220444, -1.136081576347351, -0.39926254749298096, -0.622050404548645, 1.0308152437210083, 0.4125644564628601, -0.7008370757102966, 0.056356415152549744, -0.41766172647476196, 0.19610346853733063, -0.7160578370094299, 0.36554884910583496, 0.2587945759296417, -0.6562733054161072, -0.5125418901443481, -0.2247306853532791, 0.23344436287879944, 1.0438584089279175, -0.29428645968437195, 0.27279072999954224, 0.24415557086467743, 0.5215539932250977, -0.02775929495692253, -0.35119909048080444, 0.05387558043003082, 0.2008664757013321, -0.5681531429290771, 0.13786101341247559, 0.7337397336959839, -0.8370062112808228, -0.8626994490623474, -0.25701966881752014, -0.3300391137599945, 0.9566678404808044, -0.2796897888183594, -1.2709717750549316, 0.6208943128585815, 0.5996794700622559, 0.039905741810798645, 0.5885458588600159, 0.03194484859704971, 0.20237720012664795, -0.7091880440711975, 0.3953143060207367, -0.06450539082288742, -0.17414963245391846, 0.8410288095474243, -0.09481574594974518, 0.7095232009887695, 0.5111887454986572, 0.9263970851898193]} +{"paper_id": "scb_mt_enth_2020", "embedding": [0.01175713911652565, 1.0977383852005005, 0.4188077449798584, -0.04634803906083107, 0.39359408617019653, -0.2655376195907593, 0.7312600612640381, 0.6601906418800354, 0.8185501098632812, 0.046627216041088104, 0.46168920397758484, -0.42854899168014526, 0.4276841878890991, -0.30658042430877686, -0.02230386808514595, -0.30949342250823975, -0.9391540884971619, -1.1036605834960938, -1.173819899559021, -0.6852421760559082, -0.3639513850212097, 0.04151201248168945, -0.11858321726322174, 0.6883913278579712, -0.40791216492652893, -0.6854419112205505, 0.24761100113391876, -0.8685705065727234, 0.35604724287986755, 0.46087270975112915, -0.5307661294937134, 1.1637730598449707, -0.8569633364677429, 0.44237104058265686, -0.6768658757209778, -0.29168665409088135, 0.2574033737182617, 0.5968130826950073, -0.35446372628211975, 0.5390838384628296, -0.7724276781082153, -0.43225809931755066, 0.3834545314311981, 0.33267316222190857, 0.8926500082015991, -0.02680506557226181, -0.30915483832359314, -0.15479135513305664, -0.05635305494070053, 0.5715186595916748, -0.3253672420978546, 0.4391680657863617, 0.09273634105920792, 0.23269528150558472, -0.7196718454360962, 1.0187134742736816, 0.49150481820106506, -0.39947807788848877, 0.8480315208435059, -1.2169952392578125, 0.40860414505004883, 1.0830920934677124, -0.5633214712142944, 0.2696523368358612, 1.169244408607483, -0.24844928085803986, 0.9608246684074402, 0.48164892196655273, 0.8277274370193481, 0.8487508296966553, 0.14989255368709564, -1.5169684886932373, 0.7090240120887756, 0.0008236914873123169, 0.46411681175231934, 0.7949907779693604, 0.16870898008346558, 0.6141906976699829, -0.01639600098133087, -0.11582223325967789, -0.2554362416267395, 1.1455763578414917, 0.37333303689956665, -0.42017048597335815, 0.2881748080253601, 0.3699333071708679, 0.026000507175922394, -0.3241671323776245, 0.5875917077064514, -1.69978666305542, -0.02545347809791565, -0.17866836488246918, 0.290957510471344, 0.020811840891838074, -0.07312805950641632, 0.24076783657073975, -0.013137325644493103, 0.5982884168624878, -0.678691029548645, -0.07227551937103271, 0.7733637690544128, -0.5601413249969482, 0.6312518119812012, -0.5099089741706848, -0.04575815796852112, 0.5313832759857178, -0.7218393087387085, -1.346698522567749, -1.1765176057815552, -0.12346681952476501, -0.44291847944259644, 1.158501148223877, -0.31941354274749756, 0.7910656332969666, 0.29345014691352844, -0.5166395902633667, -0.2966623902320862, -0.2015339881181717, -1.010571002960205, -0.5592069625854492, -0.5535029768943787, -1.332044005393982, -0.5953093767166138, -0.4803798198699951, 1.0345580577850342, -0.30929258465766907, 0.13662177324295044, -0.4636105000972748, 0.1274757981300354, -0.5810557007789612, 1.0901572704315186, 0.3230966031551361, -0.432241290807724, -0.2104833871126175, 3.1553573608398438, -0.3668641448020935, 1.3557491302490234, -0.7803698778152466, 0.16557586193084717, 0.018285632133483887, 0.021280445158481598, 1.4371113777160645, -0.11593367159366608, -0.10403947532176971, -0.19900552928447723, 0.03814895451068878, -1.3007795810699463, 0.37671494483947754, -0.5623487830162048, -0.5817356705665588, -0.25848034024238586, 0.6363205909729004, -0.6388381719589233, -1.0927644968032837, -0.21910130977630615, 0.38075318932533264, 0.4742789566516876, 1.0058540105819702, -0.4212399125099182, 0.7836905121803284, 0.5600243210792542, 0.16929438710212708, -0.747790515422821, 0.4457002580165863, -1.3815563917160034, 0.38746991753578186, 1.5010881423950195, 0.06855438649654388, -0.5142053365707397, -0.6368061304092407, 0.2925052344799042, -0.2310509979724884, 0.12966838479042053, 0.382675439119339, -0.40741628408432007, 0.33555319905281067, 0.6993154883384705, 0.4262526333332062, -0.16460108757019043, -0.33515673875808716, -0.4292857050895691, -0.0020568780601024628, -0.713060200214386, -0.04620373994112015, 0.008931883610785007, -0.04235919937491417, -2.0500519275665283, 0.0017169415950775146, -0.2955596148967743, -0.3594054877758026, -0.30818772315979004, -1.0592560768127441, 0.25855347514152527, -0.5250560641288757, 0.9981300234794617, 0.0027824006974697113, 0.4242687523365021, -0.7063397765159607, -0.25188446044921875, 0.7135307788848877, 0.38040170073509216, -0.02757619507610798, 0.38122856616973877, 0.8621255159378052, 0.11220932751893997, -0.04910026118159294, -0.7441647052764893, -0.9899343848228455, -0.42289498448371887, 2.467064380645752, -0.1834571659564972, -0.43044358491897583, -0.9859598875045776, -0.652833104133606, 0.07940258830785751, -1.094403624534607, 0.08133518695831299, -0.9210065007209778, -0.8772351741790771, -0.9757720232009888, 0.12824687361717224, -0.3044991195201874, -0.10884632915258408, 0.3160984218120575, 0.8074597716331482, -0.5502533912658691, -0.4486352503299713, -0.3484359383583069, -0.9972255825996399, 0.5497104525566101, 0.9125383496284485, 0.17309688031673431, -1.2150553464889526, 0.7482149600982666, -0.10863901674747467, 0.44177114963531494, 0.44129040837287903, 0.7895434498786926, -0.23641657829284668, -0.3316390812397003, -0.020683694630861282, 1.3647972345352173, -0.5236033797264099, 0.10209483653306961, 0.5496270060539246, 0.8236860036849976, -0.6914643049240112, -0.7654584646224976, -0.12475002557039261, 0.5480802655220032, 0.995990514755249, 0.9553033709526062, -0.6893439292907715, 1.4970542192459106, -1.1178799867630005, 0.5831263661384583, 0.08383665978908539, -1.1940648555755615, -0.3552665710449219, -0.29301929473876953, 0.7322342991828918, -0.5092657208442688, 0.05100888013839722, -0.3073563575744629, -0.04161315783858299, -1.079419732093811, -0.020392555743455887, -0.784761369228363, -0.7077289819717407, -1.3535301685333252, -0.4986700415611267, -0.0037711039185523987, -0.5944659113883972, -0.5349724888801575, -0.25056636333465576, 0.30938491225242615, 0.1874009668827057, 1.0084298849105835, 1.4822843074798584, 0.26379165053367615, 0.37905505299568176, -0.3059747815132141, 0.17008106410503387, -0.686283528804779, 1.112432599067688, 0.44520655274391174, 0.07922691106796265, -1.211217999458313, -0.24915683269500732, -0.2688699960708618, -0.26555943489074707, 0.08920948952436447, 0.0631420686841011, 0.3204311430454254, -0.465437650680542, -0.8727731704711914, 0.7053290605545044, -0.5991445779800415, 0.562663733959198, -1.0667849779129028, 1.909460186958313, 0.1584038883447647, 0.5901570916175842, 0.5859569907188416, -0.09224862605333328, 0.2206135243177414, 0.6589738726615906, -0.5961154699325562, 0.9680584073066711, 0.7438483834266663, -0.21655301749706268, 0.5326732397079468, 0.3491354286670685, -2.213667392730713, -0.20007343590259552, 0.4498834013938904, -0.31815385818481445, -0.43936192989349365, -0.3577166199684143, 0.05710102617740631, -0.3655155897140503, -0.4411318898200989, 0.5382987260818481, -0.4930378198623657, 0.5785861015319824, -0.3616012632846832, 0.19300399720668793, 0.8707399964332581, -0.6138817071914673, 0.2281477004289627, 1.6697598695755005, 0.38569456338882446, -0.21847398579120636, -0.44209766387939453, 0.18991899490356445, -1.0029186010360718, 0.31460127234458923, 1.02519953250885, 0.9433678388595581, 1.3707009553909302, -0.5421923398971558, -0.19775985181331635, 0.6563102602958679, 1.5457966327667236, -0.047713231295347214, 0.6798466444015503, -0.10738709568977356, 0.6272743344306946, 0.5002560615539551, 1.2402756214141846, 0.04769810661673546, -0.8465319275856018, -0.7222126126289368, 0.051064345985651016, -0.6561577916145325, -0.15094727277755737, 1.689359188079834, 0.628164529800415, 0.7364778518676758, 0.20727406442165375, 0.6982255578041077, -0.652195155620575, -0.1422504186630249, 0.8914305567741394, 0.6660528779029846, -0.3124021887779236, 0.3445141017436981, -0.17456287145614624, 0.9203776121139526, -0.4203450381755829, -0.6673570275306702, 0.09170614928007126, 0.9036327004432678, -0.4618932902812958, -0.6594675183296204, -0.2608678936958313, 0.714004397392273, 0.7778574824333191, 0.9655370116233826, -0.7596917152404785, -0.8177684545516968, -0.28915414214134216, 0.28625431656837463, -0.1165134385228157, 0.7756437659263611, -0.9548709392547607, 0.10931786149740219, 0.4659368395805359, 0.5071706175804138, -0.3529994487762451, 0.6421276926994324, 0.5772004127502441, -0.8483151793479919, -0.5800363421440125, 0.019970059394836426, -0.9729413390159607, -0.15221896767616272, -0.7198584675788879, -0.3046194612979889, -0.9252836108207703, 0.7052741050720215, -0.5862554907798767, -0.6605421304702759, 0.3058934807777405, 0.413390576839447, -1.5874595642089844, 0.6323647499084473, 0.8471192121505737, -1.5853443145751953, -0.26847049593925476, -0.2966240644454956, -0.5660752058029175, -0.9606741666793823, 0.60733562707901, -0.1047564223408699, -0.5186865925788879, 0.1814497411251068, 0.7045009732246399, -0.344509482383728, -0.4659973382949829, -1.161558747291565, 0.39099663496017456, 1.6096289157867432, -0.7514832615852356, -0.4043499827384949, 0.18428875505924225, 0.7390884757041931, -0.3072150647640228, -0.6992117166519165, -0.2510460317134857, 0.15852037072181702, 0.7150454521179199, -0.09742394089698792, -0.060387466102838516, -0.44206351041793823, 0.003788452595472336, -0.04741000384092331, 0.8824763894081116, -0.7384147047996521, 0.5155790448188782, -0.9086275696754456, 0.8005548119544983, 0.4589443504810333, -0.34177911281585693, -0.8580358624458313, 0.9430994391441345, -0.7519100308418274, 0.33518901467323303, -0.2214595526456833, 0.2625543475151062, 0.4353881776332855, 0.5971116423606873, 0.3398265242576599, 0.3942594826221466, -11.823972702026367, 0.008374269120395184, -0.3875374495983124, -0.2940247356891632, 0.7879390120506287, 0.24557071924209595, 0.9590131044387817, 0.29971373081207275, 0.11318574100732803, -0.38545623421669006, 0.7551621198654175, 1.0055840015411377, 0.03042033314704895, -0.6092665195465088, -0.00434290524572134, -0.4272095561027527, -0.805906355381012, -0.21009698510169983, 0.5498979687690735, 0.1278490275144577, -0.8244442939758301, -0.5702745318412781, -0.5784180760383606, 0.2441326081752777, -0.019887864589691162, 0.3648874759674072, 0.04284138232469559, -0.08548324555158615, -0.32721424102783203, -0.42051324248313904, 0.38723501563072205, -0.18728968501091003, -0.7972919344902039, -0.09233178198337555, 0.6046977639198303, 0.7180094122886658, -1.0422351360321045, -0.13940438628196716, 1.2057851552963257, -0.07750096172094345, -0.021232537925243378, 0.3730161190032959, 0.01351720280945301, -0.36077064275741577, -0.47040998935699463, 0.4745936989784241, -0.017493315041065216, -0.4807211458683014, 1.270677924156189, -1.248719573020935, -0.7777496576309204, -1.1183745861053467, -1.4012619256973267, -0.7216060757637024, 0.7472684979438782, 0.05660991370677948, -0.6607859134674072, 0.08155335485935211, -0.11038249731063843, -1.0159014463424683, 1.2626051902770996, -0.1008356362581253, -0.6400707364082336, 0.02538582868874073, 0.1674707531929016, -0.48746687173843384, 0.2522616386413574, 0.6296390891075134, -0.8394047617912292, 0.28648748993873596, -1.1174894571304321, 0.07909880578517914, 0.17294520139694214, -0.027371004223823547, 0.013834845274686813, -0.3170669972896576, 0.03488009795546532, 0.0820588767528534, 0.45054879784584045, 0.21241150796413422, -0.7464141249656677, 0.14932213723659515, -0.05166945233941078, -0.43743836879730225, -0.30464640259742737, -0.05558190494775772, -0.15547698736190796, 0.36099129915237427, 0.8465697765350342, 0.5136239528656006, 1.203049659729004, -0.08358496427536011, -0.10134129226207733, -0.08331917226314545, -0.4740138649940491, 1.042602777481079, -0.9531109929084778, 0.6442381739616394, 0.07970589399337769, -1.1279326677322388, 0.37027499079704285, -0.014983577653765678, -0.26645249128341675, 0.0549604557454586, 1.3863190412521362, 0.21584457159042358, 0.24422341585159302, 0.4679332673549652, 0.42386990785598755, 0.13109156489372253, 0.8479941487312317, -0.20711871981620789, 0.10574880242347717, 1.3054858446121216, 0.45860061049461365, 1.6770102977752686, 0.9927249550819397, 0.46790993213653564, 1.404820442199707, 0.40726062655448914, -0.16895709931850433, 0.6174121499061584, 0.43862640857696533, 1.132115125656128, -0.29458650946617126, 0.36342063546180725, 0.09984526038169861, 0.7998319864273071, -0.16469959914684296, -0.47959986329078674, -0.16751261055469513, -0.1667976826429367, 0.19463881850242615, -1.049578070640564, -0.4089083969593048, -0.5040692687034607, -0.342285692691803, 1.1986732482910156, -0.4241669774055481, 0.20432373881340027, -0.09935598075389862, -1.2002243995666504, -0.11637735366821289, -0.2635236978530884, -0.6731671690940857, 0.12961000204086304, -0.7692369222640991, -0.312976211309433, -0.09823378175497055, -0.4459421634674072, 0.6814548969268799, -0.0169961079955101, 0.9237414002418518, -1.0248377323150635, 0.18689215183258057, -0.33908891677856445, 0.27176398038864136, -0.6484009623527527, -0.559904932975769, -0.3505452573299408, 0.3507009744644165, 0.8602945804595947, -0.6453215479850769, 0.9218177199363708, 0.5134599208831787, 0.9902676939964294, -0.5996647477149963, -0.43002793192863464, -0.6617686152458191, 0.983405351638794, 0.7429518699645996, -1.3824647665023804, -0.25722944736480713, -0.6234278678894043, -0.8065807223320007, -0.5253275632858276, 0.7183012962341309, 0.9820108413696289, -0.8930038213729858, 1.232689380645752, -0.06794942915439606, 0.23160189390182495, -0.21686165034770966, -0.47218042612075806, -1.256235957145691, 0.5145020484924316, -0.5732784867286682, 1.239603042602539, -0.056977830827236176, 0.610593855381012, -2.11958909034729, -0.9813008904457092, -0.05202460289001465, -0.0767497792840004, 0.43814367055892944, -0.257046639919281, 0.9964277744293213, -0.5520795583724976, 0.2509557604789734, 0.33739981055259705, -0.18082885444164276, 0.46065616607666016, -0.12441504001617432, 0.15954896807670593, 0.02633117139339447, 0.38554254174232483, -0.701017439365387, 0.28859686851501465, 0.603239119052887, 0.05537588149309158, -1.4897876977920532, -0.6793984770774841, 0.47921517491340637, 0.120292529463768, -0.09524774551391602, -0.7464354038238525, -0.05703648924827576, 0.10873283445835114, 0.13681815564632416, -0.9924229979515076, -0.45021069049835205, 1.1589863300323486, -0.46541494131088257, 0.8184429407119751, 0.39900121092796326, 0.6021997332572937, 0.3283599019050598, 0.5608218312263489, 0.8170857429504395, -0.4297241270542145, -1.017821192741394, -0.3954330384731293, 0.03280138969421387, -0.36998969316482544, 0.1826215386390686, 0.876818835735321, -1.236437439918518, -0.044687554240226746, -1.5336759090423584, 1.0992308855056763, -0.49579352140426636, 0.4693138599395752, -0.2992873787879944, 0.9010672569274902, -0.26490503549575806, -1.554209589958191, 0.1077597588300705, 0.2035996913909912, -0.019924763590097427, 0.53003990650177, 0.3065018057823181, 0.6368838548660278, 0.8229410648345947, -0.020343899726867676, 0.9608502984046936, -0.3060152530670166, -0.22513388097286224, 0.37826400995254517, 0.2814171314239502, 1.2980403900146484, 0.13415372371673584, -0.20211370289325714, 0.39926305413246155, -0.03720051795244217, -0.6310287714004517, -0.47430458664894104, -0.15004898607730865, 0.9601082801818848, 1.3421496152877808, 0.16446629166603088, 0.09856447577476501, -1.2742961645126343, 0.17968329787254333, -0.9265787601470947, 1.0678819417953491, 1.3019442558288574, -0.5964286923408508, -1.328555703163147, -0.7345253825187683, 0.22558066248893738, 0.9661089777946472, -0.4995115399360657, 0.12849916517734528, -1.3454681634902954, 0.13156716525554657, 0.35148268938064575, -0.543980598449707, -1.1235201358795166, 0.6127129793167114, -0.3580256700515747, 0.09566639363765717, 0.6128146648406982, -0.217357337474823, -0.2675717771053314, 0.48917993903160095, -1.1045949459075928, 0.657996416091919, -0.027079511433839798, -0.5980343222618103, -0.016564249992370605, 0.47136539220809937, 0.09104174375534058, -0.6322483420372009, 0.4045632481575012, -0.7462676763534546, -1.490380048751831, 0.8743884563446045, 0.8145262002944946, -0.5601236820220947, 0.017123302444815636, 0.657031238079071, 0.16586005687713623, 0.7569465041160583, 1.3749611377716064]} +{"paper_id": "com_qa", "embedding": [-0.39783215522766113, 0.7025772929191589, -0.005597241222858429, -0.28105491399765015, 0.13026703894138336, 0.28061923384666443, 0.42411133646965027, 0.5249064564704895, 0.505963146686554, 0.534355640411377, -0.1867092251777649, -0.09222942590713501, -0.07526060938835144, 0.03765600547194481, -0.738274335861206, -0.7705759406089783, -1.103014588356018, -1.0933443307876587, -1.2665328979492188, -0.17152643203735352, -0.6726069450378418, -0.8045376539230347, -0.005246352404356003, 0.46225154399871826, -0.8789535164833069, -0.3674009442329407, 0.986636757850647, -0.9572685360908508, 0.14188912510871887, -0.2751881182193756, -0.10366443544626236, 1.2960925102233887, -1.206845760345459, 0.5175740718841553, -0.27393463253974915, -0.07807306200265884, 0.15391691029071808, 1.4166306257247925, -0.6186548471450806, 0.2533748745918274, -0.27964773774147034, 0.20217570662498474, 0.9014284014701843, 0.10422913730144501, 0.5628080368041992, -0.7942945957183838, 0.35640209913253784, 0.1933320015668869, -0.6028670072555542, 0.2980131208896637, -0.4597631096839905, 0.6156413555145264, 0.23122484982013702, 0.6886250972747803, 0.24999728798866272, 1.0459104776382446, 0.3525027334690094, -1.1243864297866821, 0.4904443621635437, -0.5414313077926636, 1.5346158742904663, 1.107742428779602, 0.19701382517814636, 0.5483272075653076, 0.557289183139801, -0.2590373158454895, 1.2189866304397583, 0.0907105803489685, 0.1726924479007721, 0.7165841460227966, -0.47635161876678467, -0.7415247559547424, 0.5035762786865234, -0.07870154827833176, 0.190103679895401, 0.8986417055130005, 0.869817852973938, 0.24899764358997345, 0.49848371744155884, 0.20074030756950378, 0.029899021610617638, 0.03876827657222748, 0.9794474244117737, -0.350241482257843, -0.26246851682662964, 0.16404950618743896, 0.21050304174423218, -0.9166576266288757, 0.392331063747406, -0.9955205321311951, 0.8750630617141724, 0.27649572491645813, 0.01218349114060402, 0.13117468357086182, -0.5531761646270752, 0.7851954102516174, -0.9560381770133972, -0.3764289617538452, -0.43530723452568054, 0.8290426731109619, 0.89537513256073, 0.12829934060573578, 0.5403595566749573, -0.0981716439127922, 0.2921242117881775, 0.5371457934379578, 0.3140302300453186, 0.24794349074363708, -0.30978506803512573, -0.30572763085365295, -0.15805117785930634, 1.0563929080963135, 0.028567329049110413, 0.5647324919700623, 0.08201093971729279, 0.35115954279899597, 0.16771119832992554, -0.8355545997619629, 0.16629116237163544, 0.4158296585083008, 0.6075443029403687, -0.7558119893074036, 0.18068239092826843, 0.07389223575592041, 0.5845531225204468, -0.07269065082073212, 0.040850572288036346, 0.3305796682834625, 0.004020485561341047, 0.22157669067382812, 0.657036304473877, -0.32181259989738464, -0.336889386177063, 0.33648866415023804, 2.823716878890991, -1.164789080619812, 1.6095911264419556, -0.33188825845718384, -0.7457416653633118, -0.470800518989563, -0.3337306082248688, 1.2718720436096191, 0.4350811839103699, -0.3735657334327698, -0.683364987373352, -0.1619662344455719, 0.050354115664958954, 0.5690510272979736, -1.0406320095062256, -0.611919641494751, -0.5618057250976562, 0.5792926549911499, -2.1361968517303467, -0.036606792360544205, 0.007352236658334732, 0.390743225812912, -0.16553877294063568, -0.4660598039627075, -0.5249284505844116, 0.47078877687454224, 0.2007552981376648, -0.43855971097946167, -0.37710872292518616, 0.6029394268989563, -0.17197296023368835, -0.40719032287597656, 1.3488215208053589, -0.33877789974212646, -1.4141463041305542, 0.4071071147918701, 0.3454383909702301, -0.5965558886528015, 0.5638842582702637, -0.0745563879609108, -0.18242932856082916, 0.290787935256958, 0.7259575724601746, 0.5661687850952148, 0.1278594732284546, -0.6199370622634888, -0.5418062210083008, -0.26921889185905457, -0.3281586468219757, 0.8738111853599548, -0.05419345945119858, 0.44767194986343384, -2.5916695594787598, 0.19505810737609863, -0.01134394109249115, 0.9478187561035156, 0.20974335074424744, 0.05742419511079788, -0.10535185784101486, 0.04751921817660332, -0.32830584049224854, -0.5765513181686401, 0.5927487015724182, -1.8309255838394165, 0.16185727715492249, -0.22841677069664001, -0.38180840015411377, 0.4530974328517914, -0.4233265519142151, 1.3366611003875732, 0.7040634751319885, -0.6291876435279846, -0.6971203088760376, -2.073936939239502, -0.33296966552734375, 2.1858272552490234, 0.026305340230464935, -0.2702226936817169, -0.9719098806381226, -0.005433782935142517, -0.03556334227323532, 0.2956710159778595, 0.6602210998535156, -0.3135453760623932, 0.0683601051568985, -1.0024737119674683, 0.9243041276931763, -0.06597667932510376, 0.5135718584060669, 0.3760875165462494, 1.1674919128417969, -1.2539730072021484, 0.10156968235969543, -0.44646382331848145, -0.8896965980529785, 0.7140454053878784, 0.5630176663398743, 0.32050198316574097, 0.6925615072250366, 0.7526505589485168, 0.6069558262825012, 1.1268552541732788, 0.32162246108055115, 0.36983996629714966, -1.1859949827194214, 0.08619866520166397, -0.29427361488342285, 1.6054736375808716, 0.5865912437438965, 0.22070278227329254, 0.7329158782958984, -0.1457456350326538, -0.4439986050128937, -1.0150368213653564, 0.011917516589164734, -0.19955533742904663, 1.32375168800354, 0.6971113681793213, -0.4030497968196869, 0.6616206765174866, -0.5617702007293701, -0.48058030009269714, -0.08699256181716919, -0.6554258465766907, -0.3699048161506653, -0.5041491985321045, 1.2447452545166016, 0.5612557530403137, -0.3484664559364319, 0.22609205543994904, -0.18909937143325806, -0.9038184285163879, 0.43494319915771484, 0.5615061521530151, -0.05444195121526718, -1.2211495637893677, -0.017646946012973785, -0.5695088505744934, -1.0377289056777954, -1.0834565162658691, -0.031432997435331345, -0.02094632387161255, 0.15475846827030182, 0.8848235607147217, 1.4023993015289307, -0.2499694675207138, 0.2272183895111084, 0.29614490270614624, 1.0311952829360962, -0.5563297867774963, 0.6921961903572083, -0.5448852777481079, 0.23752497136592865, -1.0671181678771973, 0.26014965772628784, -0.7746963500976562, 0.23478803038597107, -0.13617458939552307, -0.9214854836463928, 0.05763524770736694, -0.22260892391204834, -0.7807295918464661, 0.2788737416267395, 0.2372892051935196, -0.9798617362976074, -0.31823331117630005, 1.4414207935333252, 0.027368104085326195, -0.68590247631073, 0.007226599380373955, -0.02695806883275509, -0.09887321293354034, 1.2875666618347168, 0.3029386103153229, 0.3551251292228699, 0.658798098564148, -0.19133135676383972, 0.20601145923137665, 0.4928259551525116, -1.6002256870269775, 0.6008290648460388, 1.0502127408981323, -0.5683735013008118, 0.1939108967781067, -0.9353197813034058, 0.11313517391681671, -0.9900140166282654, -0.045529287308454514, 0.5926648378372192, -0.4603777527809143, 0.30551677942276, -0.10909827053546906, 0.12942901253700256, 0.7225416898727417, -1.186482548713684, 0.48895201086997986, 0.28554970026016235, -0.36957278847694397, -0.45245519280433655, -0.9006960391998291, 1.0936949253082275, 0.172618567943573, 0.4724232256412506, 0.09411347657442093, 0.9113442301750183, 0.1230083629488945, 0.16246753931045532, -0.42122170329093933, 0.921029269695282, 0.03932657092809677, -0.19397783279418945, 0.43801331520080566, -0.26770567893981934, 0.8017290234565735, -0.6378308534622192, 1.0110039710998535, 0.13857220113277435, -0.397539347410202, -0.38703954219818115, -0.48591551184654236, -0.23336099088191986, -0.447848916053772, 1.7953858375549316, 0.5975933074951172, 1.4199528694152832, -0.36774396896362305, 0.16208460927009583, -0.9805263876914978, -0.24949435889720917, 0.743822455406189, 0.5498915910720825, 0.24938829243183136, -1.1211419105529785, 0.014412611722946167, 0.3826732039451599, 0.2993412911891937, 0.06687676161527634, -0.1472095549106598, 0.6475439667701721, 0.592010498046875, -0.5655876994132996, 0.18022285401821136, 0.351064532995224, 0.33321160078048706, 0.9751380085945129, -0.19776004552841187, -0.6446301937103271, -0.3436126410961151, -0.04151604324579239, -0.1430068463087082, -0.06551942229270935, -0.5339821577072144, 0.5759284496307373, 0.11901989579200745, 0.10646162927150726, 0.510716438293457, 1.4760346412658691, 0.9050037860870361, -0.2977275252342224, -1.8180214166641235, -0.25403785705566406, -1.0562548637390137, 0.5191066861152649, 0.05513059347867966, -0.5888421535491943, -0.580150306224823, 0.7323848605155945, -0.004583623260259628, -1.0629425048828125, 0.36788907647132874, -0.39920175075531006, -0.9916597604751587, 0.7244980931282043, 0.7748700380325317, -1.2905371189117432, -0.5484982132911682, 0.16094018518924713, -0.5992220640182495, -0.17536123096942902, -0.5286981463432312, -0.674034595489502, 0.8473330736160278, 0.581825852394104, 0.7612466812133789, -0.05913484841585159, 0.470489501953125, -1.164512038230896, 1.4678711891174316, 0.3496414124965668, -0.5386667251586914, -0.038300711661577225, 0.0828997939825058, 0.8480936288833618, -0.4065678119659424, -1.1552702188491821, -0.8630659580230713, 0.5708215236663818, -0.49350252747535706, -0.2257198989391327, -0.741538405418396, -1.026659369468689, 0.48216381669044495, -0.23670247197151184, 0.9463962316513062, -0.2732211947441101, 0.542293906211853, -0.7182186841964722, -0.43837302923202515, 0.6449451446533203, -1.0800880193710327, -1.3311083316802979, 0.8144000768661499, -0.439929336309433, 0.9344568252563477, -0.4973055124282837, -0.6040961146354675, 1.462199091911316, 0.18535134196281433, -0.30315494537353516, -0.48203355073928833, -12.162235260009766, 0.8801558017730713, 0.3142090141773224, 0.32720041275024414, 0.5483066439628601, -0.19909054040908813, 0.607469916343689, -0.5339230895042419, 0.28307124972343445, -0.9211702346801758, 0.3755362331867218, 1.4778856039047241, 0.48882007598876953, 0.6383324265480042, -1.2146897315979004, -1.7208058834075928, -0.3202224671840668, -0.39277184009552, 0.09248444437980652, 0.3329368829727173, 0.13497458398342133, -0.7294084429740906, 0.1597534567117691, -0.0606294684112072, 0.27309927344322205, 0.428313285112381, -0.3673846423625946, -0.5463194847106934, -0.4073832035064697, -0.6341583728790283, 0.9558334350585938, 0.006690053269267082, 0.06251607835292816, 0.09730679541826248, -0.7801476716995239, -0.3619999885559082, -0.1661861389875412, -0.17653824388980865, 1.0858734846115112, -0.12607119977474213, -0.5011386275291443, -0.09364034980535507, 0.5435571670532227, -0.16091027855873108, -0.5428183674812317, 0.6631631851196289, -0.11865498870611191, -0.5141858458518982, 0.4750593304634094, 0.02911948412656784, -1.159183144569397, -0.29047510027885437, -0.2348422110080719, -0.5596900582313538, 0.25754809379577637, 0.24719277024269104, -0.8908199071884155, -0.5953258275985718, -0.482536256313324, -1.4441174268722534, 0.6845760345458984, 0.3999286890029907, 0.2613297700881958, 0.4765011966228485, 0.25912541151046753, -0.45375654101371765, -0.04124633967876434, 0.3514500856399536, -1.368613839149475, 0.2783513367176056, -0.8560211062431335, 0.6170176863670349, 0.14235448837280273, 0.31870296597480774, -0.6379793882369995, -0.133041650056839, -1.4339293241500854, 0.13348886370658875, 0.5322875380516052, -0.0012967120856046677, -0.7799270153045654, 1.1253602504730225, 0.1367218792438507, -0.8544289469718933, -0.8018575310707092, -0.03677068650722504, -0.06983364373445511, 0.19927221536636353, 0.49905863404273987, -0.5666151642799377, 0.8758879899978638, 0.2689751386642456, -0.5112050771713257, -0.25954586267471313, -0.3445473313331604, 0.708989143371582, 0.7552347183227539, 0.4161704480648041, -0.1955554187297821, -1.0474355220794678, 0.151729017496109, -0.6707966327667236, -1.426247239112854, 0.3765532374382019, -0.05949199199676514, 0.35886406898498535, 0.3695542812347412, -0.13424354791641235, -0.6299393773078918, -0.3696846067905426, 0.869685709476471, -0.22675040364265442, -0.5803696513175964, 1.3730624914169312, -0.3632974624633789, 0.023773090913891792, 0.8059614300727844, -0.049721069633960724, 0.6021125316619873, 0.30689147114753723, 0.17967291176319122, 1.0451436042785645, 0.13430799543857574, 1.533159613609314, -0.4602787494659424, -0.5604989528656006, 0.6147912740707397, 0.7877447605133057, 0.07650907337665558, -1.4785974025726318, 0.30945712327957153, -0.031792473047971725, 0.20011690258979797, -0.15425892174243927, -0.32596683502197266, 0.362504780292511, 0.11145490407943726, 1.1668553352355957, -0.6269893050193787, 0.2571897506713867, -0.11837366968393326, 0.09100164473056793, -0.7429594397544861, -1.5154365301132202, -0.8622348308563232, 0.1502152979373932, -1.1328405141830444, 1.1686820983886719, -0.5765953063964844, -0.3330637514591217, -0.19732899963855743, -0.543468177318573, 1.4697695970535278, -0.43491753935813904, -0.0296647772192955, -0.5875768661499023, 0.705987274646759, 0.19492173194885254, -0.9373738169670105, -0.015465080738067627, -0.1583755612373352, 0.6739611029624939, -1.0043624639511108, 0.9988356828689575, 0.4867974817752838, -0.008389782160520554, -0.36235931515693665, -0.29090914130210876, -0.14704996347427368, -0.36353492736816406, 0.6118202805519104, -0.30965182185173035, -0.09559279680252075, 0.25235769152641296, 0.024398736655712128, -0.5634214282035828, 0.7360868453979492, 0.807458758354187, -1.0195870399475098, -0.20968256890773773, -0.32026252150535583, 1.0384315252304077, 0.2905360460281372, 0.061497077345848083, -0.13475386798381805, -0.03195756673812866, 0.29138240218162537, 0.7371073961257935, 0.18298213183879852, 1.3036346435546875, -1.4974472522735596, -1.4632461071014404, -0.779945969581604, 0.576581597328186, 0.7446904182434082, 0.11262969672679901, 1.0693881511688232, 0.7509459257125854, -0.05054401606321335, 0.19030052423477173, 0.39215534925460815, 0.792931079864502, 0.08362828940153122, 0.5643877387046814, -0.4703010022640228, 0.4433939754962921, -0.45407265424728394, 0.13306871056556702, 0.4368499517440796, 0.9119973182678223, -1.4192053079605103, -0.03764370456337929, 0.1769382506608963, -0.19255483150482178, 0.40197885036468506, -1.1022874116897583, -0.1017165407538414, -0.39108389616012573, -0.6557462215423584, -0.8865371346473694, 0.4689754247665405, 1.0106613636016846, -0.5023781061172485, 1.1640758514404297, -0.2315930724143982, 0.15435341000556946, 0.49238988757133484, 0.47154104709625244, 0.29227957129478455, 0.20362840592861176, 0.2737540900707245, 0.20730577409267426, -0.28606536984443665, 0.2798904478549957, 0.023399867117404938, -1.1699830293655396, 0.1252853125333786, 0.2347489893436432, -0.04826643317937851, 0.5700307488441467, -0.2306244820356369, 0.7874724864959717, 0.8065065145492554, 1.1341642141342163, -0.6144556999206543, -1.2378979921340942, -0.2706487774848938, -1.0769786834716797, 0.3761117458343506, 0.7875986099243164, 0.786406934261322, 0.26502564549446106, 0.7291388511657715, 0.08957159519195557, 0.8932468891143799, -0.5752304792404175, 0.41740161180496216, -0.059509970247745514, 0.001536838710308075, 1.0455634593963623, 0.7677142024040222, -0.16282819211483002, 0.671492338180542, 0.3108636736869812, -0.36488765478134155, 0.1293971836566925, -0.4562337398529053, 1.0726243257522583, 0.38124793767929077, -0.2713392376899719, -0.32652443647384644, -0.4829024076461792, 0.9632839560508728, -0.7673481106758118, 0.42606082558631897, 0.24054981768131256, -0.8189417123794556, -0.2327757626771927, -0.4625176191329956, -0.6068671941757202, 0.4419041574001312, 0.058759819716215134, -0.7080024480819702, 0.1592170149087906, 0.8040927052497864, -0.23233626782894135, -0.18054911494255066, -0.15828615427017212, -0.18394388258457184, -0.9764041304588318, -0.3196442723274231, -0.30873966217041016, -0.2292516529560089, -0.5672953128814697, 0.15539659559726715, -0.027236221358180046, -0.26425299048423767, -0.42756229639053345, -0.5971472859382629, -0.7319960594177246, -0.5473330616950989, -0.4120408296585083, 0.9486361742019653, 0.008787117898464203, -0.02572227455675602, -1.6538809537887573, 0.15522155165672302, 0.5872568488121033, 0.049660779535770416, -0.6175993084907532, -0.1634950339794159, 0.14162249863147736, -0.06947167962789536, -0.25563469529151917]} +{"paper_id": "cail2018", "embedding": [-0.020938903093338013, 1.0449624061584473, -0.46958786249160767, -0.003961339592933655, 0.26106318831443787, 0.7709630131721497, -0.2854970395565033, 0.6024783253669739, 0.46004703640937805, 1.1371290683746338, 0.4550551474094391, 0.06519817560911179, -0.3280080258846283, -0.19609299302101135, -0.11617782711982727, -0.49758005142211914, -0.7566104531288147, 0.4906257688999176, -0.4655236005783081, -0.2203598916530609, -0.7303163409233093, -0.9024552702903748, -0.377084344625473, 0.7059673070907593, -0.6324395537376404, -0.4630454182624817, 0.659069299697876, -1.3854056596755981, 0.981015682220459, 0.1270993947982788, 0.2257874310016632, 1.3560758829116821, -1.4190058708190918, 0.512643575668335, -1.043752908706665, 0.4013442397117615, 0.12439624220132828, 0.6575492024421692, -0.3998086154460907, 0.02920563891530037, -0.9923526048660278, 0.3260914385318756, 0.551070511341095, 0.357012540102005, 0.7895916700363159, -0.7859854698181152, 0.5077066421508789, -0.42638203501701355, -0.006178960204124451, -0.23047034442424774, -0.7028717994689941, 0.6760623455047607, -0.9699247479438782, 0.556416392326355, -0.01836102083325386, 1.512169599533081, -0.713067352771759, -0.3033568263053894, 0.4185728132724762, -0.5057421922683716, 1.8230868577957153, 1.729172706604004, -0.2360527068376541, -0.04912745580077171, 0.5431522130966187, -0.2634923458099365, 1.4591783285140991, -0.21123549342155457, 0.5885227918624878, 0.9906980991363525, 0.08163711428642273, -0.49699079990386963, 0.3844012916088104, -0.039144597947597504, -0.30678901076316833, 0.8619954586029053, 0.6468013525009155, -0.1392131745815277, 0.032598964869976044, 0.1961664855480194, -0.49178987741470337, 0.4547184705734253, -0.355618953704834, -0.5261239409446716, -0.18843935430049896, -0.2472960650920868, 0.382537841796875, -0.26046302914619446, 0.7745131254196167, -1.1440048217773438, 0.6131473779678345, -0.44345948100090027, -0.38191699981689453, 0.4439084529876709, -0.40672820806503296, 0.46457746624946594, -0.5842670798301697, 0.21611028909683228, -1.091291904449463, 0.1378757655620575, 1.0247337818145752, -0.7827072143554688, 1.4727526903152466, 0.04836680740118027, -0.004049360752105713, 1.7021985054016113, 0.03264118731021881, -0.6564019322395325, -1.2906087636947632, -0.23647315800189972, -0.053684551268815994, 0.7558164596557617, -0.6405522227287292, 0.15090346336364746, 0.25162577629089355, 0.27417394518852234, 0.07632528245449066, -0.25684159994125366, -0.7756561636924744, 0.07992922514677048, -0.8382894396781921, -1.1125445365905762, -0.5753049254417419, 0.13272631168365479, 1.3857288360595703, 0.4817974865436554, 0.7910020351409912, 0.2785947024822235, -0.30995985865592957, 0.0671224445104599, 0.6040170192718506, -0.7570834755897522, -1.291106939315796, 0.3447669446468353, 2.76741361618042, -0.6577271223068237, 1.6908477544784546, -1.0454362630844116, 0.7947563529014587, -0.3211183249950409, -0.27446693181991577, 1.3067634105682373, 0.30544689297676086, -1.3135238885879517, -1.4269256591796875, -0.24233411252498627, -1.138263463973999, 1.3737043142318726, -0.44612109661102295, -0.8234549760818481, 0.07116929441690445, 1.117375135421753, -0.9819803237915039, -0.4090580344200134, -0.10380932688713074, 0.36586031317710876, -0.03024391084909439, 0.10393878817558289, -0.7629082202911377, 0.30566170811653137, 1.3759560585021973, -0.27502191066741943, 0.3397584557533264, 0.9029226303100586, -0.8787754774093628, -0.014801492914557457, 1.4273256063461304, 0.2008538544178009, -0.738215446472168, 0.19782224297523499, 0.9034886956214905, -0.32594966888427734, -0.5934931039810181, 0.18754969537258148, -0.674674391746521, -0.11870504170656204, 0.9066227078437805, 1.1697660684585571, -0.3972151577472687, -0.41354432702064514, -0.9667052626609802, -0.11259621381759644, -0.14126604795455933, 0.4523622989654541, -0.45976996421813965, -0.04328518360853195, -1.914987564086914, -0.7619947195053101, -0.7960023283958435, 1.7987862825393677, -0.4174084961414337, -0.20421884953975677, 0.016281139105558395, 1.209376335144043, 0.4972272515296936, -0.687240481376648, 0.22883085906505585, -1.2999653816223145, 0.4139723777770996, -0.19857805967330933, 1.1189329624176025, -1.0631905794143677, -0.8462351560592651, -0.09383158385753632, 1.035727858543396, -1.2749260663986206, -0.19039109349250793, -2.2806215286254883, 0.40164926648139954, 2.5652308464050293, 0.2738831639289856, -0.5893588662147522, -1.3567708730697632, -0.11069058626890182, 0.1973879635334015, 0.12582755088806152, 0.7180862426757812, -1.700663447380066, 0.17376026511192322, -1.2067451477050781, 0.6735426187515259, -0.3773103356361389, -0.22460588812828064, 0.2637961804866791, 0.523791491985321, -0.9540591239929199, 0.0021599680185317993, 0.08248570561408997, -0.3379691541194916, 0.9544190764427185, 0.5769723057746887, -0.6077004075050354, -0.07406830042600632, 1.226621150970459, 1.141115427017212, 0.6058232188224792, 0.1535952091217041, 0.29935795068740845, -1.4437222480773926, 0.3262461721897125, -0.22068753838539124, 0.5592744946479797, -0.8214603662490845, -1.1454485654830933, 1.5752220153808594, 0.6805238127708435, 0.16093412041664124, -0.08163483440876007, -0.4991053342819214, 0.0007473528385162354, 0.765545666217804, 0.5663182139396667, -0.7088415026664734, 0.818561315536499, -0.9316977262496948, -0.5233362913131714, -0.2533310055732727, -1.050824522972107, 0.31376129388809204, -0.6632349491119385, 0.696953535079956, 0.51568603515625, 0.6697266101837158, -0.49650871753692627, -1.165029764175415, -0.9699996709823608, 0.3390452265739441, -0.1818670928478241, 0.6289011240005493, -1.2276724576950073, -0.28945302963256836, -0.6918334364891052, -1.4645538330078125, -0.3238658905029297, -0.2393006533384323, 0.3564684987068176, -0.509624719619751, 0.7109489440917969, 1.633955955505371, -0.4834643304347992, -0.6339881420135498, -0.17222413420677185, 1.4295061826705933, 0.1094154417514801, 0.48288315534591675, -1.0062458515167236, 0.2669885754585266, -0.7187524437904358, -0.13716007769107819, -1.016675591468811, 0.28284502029418945, 0.8405663371086121, -0.06392751634120941, 1.1110477447509766, 0.14113473892211914, -1.1698052883148193, 1.0490729808807373, -0.48747727274894714, 0.2860952317714691, -1.7052297592163086, 1.2091715335845947, 0.7782989144325256, -0.6402166485786438, 0.3761860728263855, 0.14512547850608826, -0.028854850679636, 0.9330196976661682, -0.48315098881721497, 0.1154344379901886, 0.5735006332397461, 0.23859082162380219, 0.3693804144859314, 0.7061179280281067, -1.5641597509384155, 0.20038598775863647, 0.8539419770240784, -0.884581446647644, -0.044827934354543686, -0.6383938193321228, 0.4478638172149658, -0.16627049446105957, -0.5654438734054565, -0.43968522548675537, -0.501001238822937, -0.15630105137825012, 0.23952585458755493, 0.35467684268951416, 0.5751961469650269, -1.4371577501296997, 0.35245704650878906, -0.2555624842643738, -0.41002023220062256, -0.7349173426628113, -0.6216675043106079, -0.15310554206371307, -0.6373753547668457, 0.7926555871963501, -0.6364964246749878, 0.7097234725952148, 1.5194011926651, -0.17100790143013, -0.5789813995361328, 0.8077402710914612, 0.5638744235038757, 0.06883074343204498, 0.4687153398990631, 0.1484275907278061, 1.2074517011642456, -0.13559885323047638, 1.2331374883651733, 0.3163771331310272, -0.6823170781135559, -1.6749800443649292, -0.1921437829732895, -0.4216216802597046, -0.7668894529342651, 1.667166829109192, 0.41264429688453674, 1.7824515104293823, -0.26728129386901855, 0.4239867925643921, -0.168755903840065, 0.3562389612197876, 1.0892932415008545, 0.5117813944816589, 0.4148464798927307, -0.32060450315475464, -0.37477198243141174, 1.5786844491958618, -0.17033696174621582, -0.043029509484767914, -0.03362555429339409, 1.4368326663970947, 0.15342415869235992, -0.9998076558113098, -0.3086619973182678, -0.41558003425598145, 0.48310592770576477, 2.033101797103882, -0.47004058957099915, -1.3731848001480103, -0.004054101184010506, 0.25426432490348816, 0.6367946267127991, 0.5930662155151367, -0.955517053604126, -0.27335214614868164, -0.1724826991558075, -0.1625988483428955, -0.20919020473957062, -0.09170268476009369, 0.7393871545791626, 0.8750247359275818, -1.3806205987930298, 0.5030328631401062, -0.16731804609298706, -0.42492806911468506, -0.17409181594848633, -0.5849032998085022, -0.9119331240653992, 1.077028751373291, 0.39569970965385437, -1.4765591621398926, 0.7927156686782837, -0.23271077871322632, -1.6911166906356812, 1.0343153476715088, 0.6964218616485596, -1.6729909181594849, -0.49109622836112976, 0.20386023819446564, -0.5909662842750549, -0.33912989497184753, 0.5957968235015869, -1.0884915590286255, 1.814719796180725, 0.5388726592063904, 0.817182719707489, -0.41042399406433105, -0.23511365056037903, -1.4082423448562622, 1.130614995956421, 0.6363354325294495, -1.0576934814453125, 0.3849635720252991, -0.07461483776569366, 0.44768041372299194, 0.5887839794158936, -1.3597192764282227, -1.0101871490478516, 0.782967209815979, 0.5099939107894897, 0.1374300867319107, -0.6038272976875305, -0.5152879953384399, 0.7417274713516235, 0.39359205961227417, 0.8315892219543457, -1.1043384075164795, -0.227166548371315, -0.6334820985794067, 1.0998759269714355, 0.9366307258605957, -0.24360385537147522, -0.8526393175125122, 0.9384312033653259, -0.44408583641052246, 0.7750182151794434, 0.42256417870521545, 0.09374381601810455, 1.3698111772537231, 0.6607296466827393, 0.4228300452232361, -0.6741663217544556, -9.26938247680664, 0.7462127208709717, 0.7789668440818787, 0.48166102170944214, 0.1826239377260208, -0.5649471879005432, 0.5771801471710205, -0.47975677251815796, 0.45891129970550537, -0.09406717866659164, 0.4186086058616638, 2.4417614936828613, 0.4964239299297333, -1.0985044240951538, -0.5893726348876953, -1.4754559993743896, -1.7265667915344238, -0.7802304625511169, -0.036083921790122986, 0.4136017858982086, -0.05378682538866997, -1.1931383609771729, 0.4062073230743408, -0.21373388171195984, 1.1910545825958252, -0.09502044320106506, 0.15642181038856506, -0.4666390120983124, -0.6452067494392395, 0.4280973970890045, 0.49285435676574707, 0.7917770743370056, -0.4366336464881897, -0.13212279975414276, 0.11893957853317261, -0.2985594868659973, -0.6432790756225586, -0.5575364828109741, 0.8851567506790161, -0.3578784763813019, -0.09428146481513977, 0.5314112901687622, 0.2223684936761856, -0.4059189260005951, 0.04259902611374855, -0.3485144376754761, -0.35743874311447144, -0.5054402947425842, 0.054108940064907074, 0.5508642792701721, -0.00016427040100097656, -0.6025410294532776, -1.0423308610916138, -0.5451678037643433, 0.30320701003074646, -0.12768706679344177, -1.0556674003601074, 0.31548023223876953, -0.5466529130935669, -1.0945953130722046, 0.8332511186599731, -0.0367637500166893, -0.6382407546043396, 1.1467149257659912, -0.05476900190114975, 0.31836360692977905, 0.49205440282821655, -0.053704965859651566, 0.060242652893066406, 0.08749991655349731, -0.5997539758682251, 1.579432725906372, -0.1542637050151825, -0.13290339708328247, -1.0310866832733154, -0.21587789058685303, -0.4584220051765442, -1.1017214059829712, 0.9091650247573853, -0.19576576352119446, -1.8272504806518555, 0.6131811141967773, -0.7871659994125366, -0.9004707336425781, -0.1812712699174881, 0.2774970233440399, -0.4935626685619354, -1.1129525899887085, 0.3488928973674774, 0.12604787945747375, 0.8486078381538391, 0.23892953991889954, 0.017940640449523926, -0.6331470608711243, -0.152785062789917, 0.1604529619216919, -1.6802735328674316, 0.8386915326118469, 0.3630765974521637, -0.721868634223938, 0.43196195363998413, 0.007438451051712036, -0.978859543800354, -0.1609889268875122, 0.4824936091899872, 0.60858154296875, 0.05047823488712311, 0.10189619660377502, -0.8688130974769592, -0.042565662413835526, 0.8090323805809021, -0.259537935256958, 0.15216457843780518, 0.8524691462516785, 0.6133030652999878, 0.32244500517845154, 1.0336012840270996, -0.0992027223110199, -0.25222116708755493, 1.0241583585739136, -0.9386023283004761, 0.775173008441925, 0.3038756847381592, 1.0072487592697144, -0.5021697282791138, 0.0718221366405487, 0.041849445551633835, -0.05939805507659912, -0.4725421071052551, -1.7977142333984375, 1.3562977313995361, 0.11283217370510101, 0.39623600244522095, 0.05802520364522934, -0.62343430519104, -0.13176153600215912, -0.9165011644363403, 0.6266655921936035, -0.5696725845336914, 0.07721266895532608, -0.47825467586517334, -0.03246181085705757, 0.9948264360427856, -0.6688173413276672, -1.1512190103530884, -0.043870799243450165, -1.806566596031189, -0.4499869644641876, -0.6281507015228271, -0.22471627593040466, 0.7084885239601135, -0.41974735260009766, 1.4500163793563843, -1.0232739448547363, -0.9198397994041443, -0.47430482506752014, 1.1045974493026733, -0.893985390663147, -0.5928599834442139, 0.29229092597961426, 0.1489015817642212, 1.2369616031646729, -0.664039671421051, 1.0971035957336426, 0.006691254675388336, 0.15640534460544586, -0.2674734592437744, 0.3931092917919159, -0.11858544498682022, 0.021787844598293304, 1.4560633897781372, -0.7037200927734375, 0.08894344419240952, -0.15064021944999695, -0.456752747297287, -0.4688021242618561, 1.2709611654281616, 1.5949256420135498, -1.6615431308746338, 0.1903151273727417, -0.9930089116096497, 0.599528431892395, 0.7892556190490723, -1.0097153186798096, -0.012269251048564911, 0.6993039846420288, -0.13536706566810608, 1.5286061763763428, -0.6350520253181458, 0.6064707040786743, -1.956817865371704, -1.1416597366333008, -0.3757735788822174, -0.7726471424102783, 0.8579449653625488, 0.17447501420974731, 0.986255943775177, 0.21146412193775177, 0.04235273599624634, -0.504395604133606, -0.07981523871421814, 0.33008190989494324, 0.19864994287490845, 0.05217885598540306, -1.176989197731018, 0.48045268654823303, -0.516991376876831, 0.1734759509563446, -0.09473401308059692, 0.3936845064163208, -1.4401674270629883, 0.3146207928657532, 0.6673526167869568, -0.042683567851781845, 0.7541953325271606, -0.5367375612258911, 0.7043845057487488, -0.9673721194267273, -0.2246328741312027, -0.6534574031829834, 0.43067631125450134, 0.4858705699443817, 0.11247406899929047, 1.2524975538253784, 0.7269310355186462, 0.5470211505889893, 1.6092215776443481, 0.27896904945373535, 2.0254428386688232, 0.20716197788715363, -0.15646938979625702, -0.03463979437947273, 0.3555646240711212, 0.04569833725690842, 0.11067734658718109, -0.6651764512062073, -0.30177032947540283, 0.735320508480072, -0.8699020743370056, 0.20579072833061218, -0.699304461479187, -0.008643992245197296, 0.397346556186676, 1.1487284898757935, -0.8817732930183411, -0.6340501308441162, -0.38831627368927, -0.9112585783004761, -1.306624412536621, 0.02445993199944496, 0.6299611330032349, 1.1227957010269165, 1.042755126953125, 0.4572845697402954, 1.6373122930526733, 0.22172066569328308, 0.25136756896972656, 0.038892712444067, 0.4235337972640991, 1.199373722076416, 1.1488927602767944, -0.11364904046058655, -0.16204729676246643, -0.2765716314315796, -0.9859308004379272, -0.7300904989242554, -1.4207651615142822, 0.7412735819816589, 0.6829342842102051, -0.3544967472553253, 0.46236664056777954, -0.3041035532951355, 0.15862952172756195, -0.44300463795661926, 0.5860537886619568, 0.20836465060710907, -0.3119720220565796, -0.40639594197273254, -0.5411447286605835, -0.18542632460594177, 0.7767359614372253, -0.5640268921852112, 0.1555398851633072, -0.8713585734367371, 1.1034563779830933, -0.2882252335548401, 0.08927886933088303, -0.8977546691894531, -0.34642255306243896, -0.08051943778991699, -0.33669185638427734, 0.06333647668361664, -1.693081021308899, -0.4787469506263733, 0.005493893288075924, -0.6464188098907471, 0.8142099976539612, 0.17593993246555328, -1.3796652555465698, 0.3981308937072754, 0.587949812412262, 0.6985146999359131, 0.1767669916152954, -0.3049108386039734, -0.571273922920227, -0.6981520056724548, 0.4986197352409363, 0.7217388153076172, -0.44759228825569153, -0.32406944036483765, 0.07824300229549408, 0.10502168536186218, -0.3756382167339325, 1.474958896636963]} +{"paper_id": "inquisitive_qg", "embedding": [-1.1788480281829834, 0.7781510949134827, -0.18389709293842316, -0.03384392336010933, 0.408967524766922, 0.28925925493240356, 0.5444552898406982, 0.11400002241134644, 0.6129922866821289, 0.44442126154899597, -0.10661917924880981, -0.41423913836479187, 0.2686120271682739, 0.18084825575351715, 0.00022743269801139832, -0.036316677927970886, -1.2982977628707886, -0.3614092767238617, -1.5518150329589844, -0.8625319004058838, -0.35682129859924316, -0.6776118874549866, -0.03744686394929886, 1.3325650691986084, -0.4811953008174896, -0.7139538526535034, 1.2448581457138062, -1.075156569480896, 0.03928518295288086, 0.05214616656303406, -0.3878641724586487, 0.8709120750427246, -1.1914595365524292, 0.790140688419342, 0.03181857615709305, -0.9347571730613708, 0.03567606955766678, 1.020851492881775, -0.5919877886772156, -0.21047469973564148, -0.3870091438293457, 0.5816978812217712, 1.1246492862701416, -0.13633573055267334, 0.17273125052452087, -0.545897901058197, 0.12099454551935196, -0.237404927611351, -0.6043126583099365, -0.3227657675743103, -1.0284672975540161, 0.09594237804412842, -0.1992274522781372, 0.8691173791885376, 0.5243058204650879, 1.4453169107437134, 0.09585239738225937, -1.4257069826126099, 0.4914560317993164, 0.22802409529685974, 1.267533779144287, 2.079699754714966, -0.14566002786159515, 0.6564486622810364, 1.010083556175232, -0.39680975675582886, 0.9122107625007629, 0.03565569221973419, -0.8931076526641846, 0.7284837365150452, -0.6731750965118408, -0.2933509945869446, 0.2743857800960541, -0.32734543085098267, -0.10494057834148407, 0.7474179267883301, 0.4860055148601532, 0.18141523003578186, -0.40967169404029846, -0.3834902346134186, 0.3831346333026886, 0.0538502037525177, 0.7560794949531555, -0.11579106748104095, 0.5188878178596497, 0.4972451627254486, 0.44073614478111267, -0.8642725348472595, -0.3393475413322449, -1.8897147178649902, 0.49064695835113525, 0.7569382190704346, 0.5074607133865356, -0.5815862417221069, -0.4106229543685913, 0.7458476424217224, -0.2233268767595291, -0.33442947268486023, -0.09824825078248978, -0.1026674285531044, 0.012969806790351868, 0.08233579993247986, 0.8098931908607483, -0.33251526951789856, 0.46297621726989746, 0.11169487237930298, 0.5204271078109741, -0.060881756246089935, 0.32430344820022583, -1.0469433069229126, 0.43845295906066895, 0.4561421871185303, 0.29102423787117004, 1.031352162361145, 0.2786880433559418, 0.8708103895187378, 0.4433651566505432, -0.8813520669937134, 0.43089255690574646, 0.3851175308227539, -0.08299703150987625, -1.0038388967514038, -0.22917777299880981, -0.2879805266857147, 0.6265174746513367, -0.6323001384735107, -0.9791373014450073, -0.445538729429245, -0.21168039739131927, -0.3619888424873352, 0.5771995782852173, 0.09285709261894226, -0.6199547052383423, 0.4498822093009949, 3.1353633403778076, -1.6336348056793213, 0.7845521569252014, -0.8804734945297241, -0.9368796944618225, -0.9892886281013489, -0.4217906892299652, 1.3225442171096802, -0.2860916256904602, -1.234769344329834, -0.8974201083183289, 0.4083171784877777, -0.24495670199394226, 0.161171555519104, -0.5309609174728394, -0.05214705690741539, 0.310282826423645, -0.2743499279022217, -1.3238694667816162, -0.07802591472864151, -0.1459263563156128, -0.030144233256578445, -0.06584636867046356, -0.048844121396541595, 0.1562388390302658, 1.12308669090271, 0.43472519516944885, -0.12716498970985413, -0.3737880289554596, 0.25070488452911377, -0.8531597256660461, -0.320949912071228, 0.22356531023979187, -0.4301756024360657, -0.7889835238456726, 0.07887566834688187, -0.09402025490999222, -0.8440950512886047, -0.5166056752204895, -0.6100963354110718, -0.31629514694213867, 0.06530525535345078, 0.9062329530715942, 0.7708848118782043, 0.35306864976882935, -0.3704513609409332, -0.5209575295448303, -0.3305218517780304, -0.3445109724998474, 1.1387885808944702, -0.4931539297103882, 0.6975125670433044, -2.719312906265259, 0.09822569042444229, -0.36785101890563965, 1.304037094116211, -0.024784542620182037, 0.05759144574403763, -0.11159444600343704, -0.003301214426755905, -0.4306296110153198, -0.843576967716217, 0.6923061609268188, -1.0585321187973022, 1.3734464645385742, -0.08352632075548172, 0.005727473646402359, 0.05423540621995926, -0.2085672914981842, 1.4279272556304932, 0.3809862434864044, -0.8429621458053589, -1.0688884258270264, -2.3750553131103516, 0.19894546270370483, 2.1557347774505615, 0.42986348271369934, -0.9583317637443542, -0.7676531672477722, -0.6425809860229492, -0.38712215423583984, 0.5191898345947266, -0.08316754549741745, -0.23293423652648926, -0.17110469937324524, -1.0171750783920288, 0.5536797046661377, -0.49356532096862793, 0.3406901955604553, 0.8052011728286743, 1.1625192165374756, -0.6259373426437378, 0.1820756494998932, -0.9930903315544128, -0.614010214805603, 0.2768404185771942, 0.6722791790962219, 0.43017077445983887, 0.12836496531963348, 0.8877155184745789, 0.047363489866256714, 1.0353004932403564, 0.703292965888977, 0.881676971912384, -0.9178038835525513, 0.5865504741668701, 0.3172108829021454, 2.104928731918335, -0.19128696620464325, 0.7372057437896729, -0.09172318875789642, 0.07876245677471161, -0.3747827410697937, -0.17567196488380432, -0.02058088779449463, -0.8129099607467651, 1.2507166862487793, 0.38229185342788696, -0.9128549098968506, 0.48120588064193726, -0.2820024788379669, -0.3533360958099365, -0.661126434803009, -0.35933634638786316, -0.7254375219345093, -0.14573001861572266, 0.8548800349235535, 0.3464437425136566, -0.19367539882659912, -0.40395307540893555, -0.19360391795635223, -1.1721949577331543, -0.8681735992431641, 0.12131912261247635, -0.3150983452796936, -1.6533969640731812, -0.4508255124092102, -0.11893029510974884, -0.9272415041923523, -0.4033397436141968, -0.05742475762963295, -0.4176788926124573, -0.03556179255247116, 0.30305224657058716, 1.4957460165023804, 0.28680065274238586, 0.09366875141859055, 0.2499452382326126, 1.3421751260757446, -0.6323577761650085, 0.12971092760562897, -0.41864922642707825, -0.4274333417415619, -0.9736775159835815, 0.7211554050445557, -0.7852358818054199, 0.6637023091316223, 0.630315363407135, -1.0626344680786133, 0.4763210415840149, -0.12639328837394714, -0.26868072152137756, 1.0008825063705444, -0.3810093104839325, 0.19793137907981873, -0.17499366402626038, 1.7338008880615234, -0.3987698256969452, -0.8045079112052917, 1.2651323080062866, -0.6994882822036743, -0.3226906359195709, 0.699198305606842, -0.040296316146850586, 0.11508861929178238, 0.35814201831817627, -0.31161680817604065, 0.3101288974285126, 0.12735265493392944, -1.9106206893920898, 1.3752115964889526, 1.0558218955993652, -0.5876700282096863, 0.13861750066280365, -1.0864917039871216, 0.4353044629096985, -0.4072282910346985, -0.09342115372419357, 1.0266598463058472, -0.2604380249977112, 0.3353656232357025, -0.2046421468257904, -0.13097187876701355, 0.32056182622909546, -0.20974449813365936, 0.26448753476142883, 0.5040239691734314, 0.5812581181526184, -1.455753207206726, -0.1712539792060852, 0.6773127913475037, -0.7231877446174622, 0.18161852657794952, 0.23696482181549072, 0.59893798828125, 0.8759963512420654, 0.0011315494775772095, -0.14933498203754425, 0.8642347455024719, -0.0016075633466243744, 0.3464970886707306, 0.018273239955306053, -0.4886084794998169, 0.11905667185783386, -0.8055539131164551, 1.5271294116973877, -0.36924731731414795, -0.830139696598053, -0.858579695224762, -0.5606357455253601, -0.36781471967697144, -0.08990451693534851, 0.7930917739868164, 0.8606231212615967, 1.6240789890289307, -0.3739641010761261, 0.31845858693122864, -0.7209499478340149, -0.4781329035758972, 0.7547186613082886, -0.10658390820026398, 0.4309083819389343, -1.263506293296814, -0.024985432624816895, 0.9432346820831299, 0.8762237429618835, 0.03961557894945145, 0.08244854211807251, 1.0625849962234497, -0.007035423070192337, -1.1379228830337524, 0.5353113412857056, 0.45011138916015625, 0.17901086807250977, 1.7899037599563599, -0.8911964893341064, 0.0957227349281311, 0.63863605260849, -0.12850412726402283, 0.394603431224823, -0.09328574687242508, 0.09415853023529053, 0.8137678503990173, 0.26281648874282837, 0.9585155248641968, 0.08244408667087555, 1.135482907295227, 1.3475384712219238, -1.1763556003570557, -1.291700839996338, -0.3430957794189453, -0.9310086369514465, -0.34886929392814636, 0.4040871560573578, 0.283003032207489, -0.6765278577804565, 0.2890411913394928, 0.04121360182762146, -0.4366123378276825, 0.9137696027755737, -0.40697771310806274, -0.2923840880393982, 0.21301619708538055, 0.9225728511810303, -1.0077520608901978, -1.1080995798110962, -0.5440626740455627, -0.8310067057609558, -0.45872262120246887, -0.5761277675628662, -0.7527692914009094, 0.8213011026382446, 0.24862141907215118, 0.44494351744651794, 0.045102424919605255, 0.23958761990070343, -1.2168421745300293, 1.7126952409744263, 0.5683318972587585, -0.9411884546279907, 0.9397847652435303, 0.3222382366657257, 1.2985509634017944, 0.6201169490814209, -0.48553216457366943, -0.5231848955154419, 1.0104047060012817, -0.5861736536026001, 0.9278984069824219, -0.5748285055160522, -0.21622367203235626, 1.4175755977630615, 0.8317005038261414, 0.005625136196613312, -1.1996886730194092, -0.09934236109256744, -0.8515394330024719, 0.2735286355018616, 1.2223645448684692, -1.3401585817337036, -1.3061354160308838, 0.11253795027732849, -0.7235020399093628, 0.3634621202945709, -0.5507454872131348, -0.3118096590042114, 1.5364229679107666, -0.0634646862745285, -0.5142307877540588, -0.2994958460330963, -10.635960578918457, 1.4884330034255981, 0.002603643573820591, 0.3078395128250122, 0.6178181171417236, -0.5594504475593567, 0.355620801448822, 0.25670528411865234, 1.0030685663223267, -0.5771406292915344, 0.4403577744960785, 0.7702177166938782, 0.6212732791900635, 0.11737082153558731, -0.7283454537391663, -1.3060859441757202, -0.7973839044570923, -0.6112204194068909, 0.09314464032649994, 0.5960595011711121, 0.08849412202835083, -0.223669171333313, 0.9228694438934326, 0.4991036057472229, 0.2913956344127655, 0.03658895194530487, -0.895806074142456, -0.845881462097168, -0.0812431201338768, -0.4958251118659973, 1.0937159061431885, 0.017050515860319138, -0.2163231521844864, -0.5904750227928162, -0.17315280437469482, -0.09219218790531158, -1.0596004724502563, -0.4047287106513977, 0.9450568556785583, -0.6460660099983215, -0.5140063166618347, -0.19008329510688782, 1.1111336946487427, 0.18045008182525635, -0.5836141705513, 0.40673375129699707, 0.08291898667812347, -0.45237013697624207, -0.1509288251399994, -0.4267602860927582, -0.765093982219696, -0.099199578166008, -0.5078437328338623, -0.34621304273605347, 0.04081392660737038, -0.09510886669158936, -0.6447710990905762, -0.29109519720077515, -0.26894518733024597, -0.8753809928894043, 0.468662291765213, 0.1477692723274231, -0.4232548475265503, -0.05568842217326164, -0.06668152660131454, -0.38309934735298157, -0.28119635581970215, 0.22505870461463928, -0.08327928185462952, 1.5234160423278809, -0.6883440017700195, 0.8087612986564636, 0.027519604191184044, 0.8926177620887756, -0.06495504826307297, 0.13792157173156738, -1.0123223066329956, -0.39917856454849243, 0.881840169429779, -0.3976916968822479, -1.1190022230148315, 1.149861454963684, 0.4769275188446045, -0.1397809386253357, -0.26983633637428284, 0.09866607189178467, -0.1149807944893837, 0.41860368847846985, 0.7566041946411133, -1.1026157140731812, 1.116837978363037, -0.37272724509239197, -0.7444455027580261, 0.3643309473991394, -0.9408919811248779, 0.8479074239730835, -0.40410560369491577, -0.09678854048252106, 0.32758641242980957, -0.21426713466644287, -0.6747907996177673, 0.06384754180908203, -0.7630898952484131, -0.41863420605659485, 0.9762417078018188, 0.09978846460580826, -0.06933260709047318, 0.11405049264431, 0.262942373752594, -1.1329344511032104, 0.2888668179512024, 0.7487257719039917, -0.7527333498001099, 1.2474783658981323, -1.0787256956100464, 0.8744876384735107, 0.8767434358596802, 0.16661572456359863, 0.039358340203762054, 0.9237321019172668, -0.7826035618782043, 1.4607126712799072, 0.13798390328884125, 1.3412611484527588, -0.3180970847606659, 0.09595930576324463, 0.6276834011077881, 0.008754946291446686, -0.3961890637874603, -1.2173205614089966, -0.37634775042533875, -0.6657363176345825, 0.13494712114334106, -0.49216428399086, -0.5876882076263428, 0.5010867714881897, -0.7482190132141113, 1.59562087059021, -1.3212800025939941, 0.4647393226623535, -0.07422073185443878, -0.025239326059818268, -0.4210813343524933, -1.4343472719192505, -1.0266484022140503, 0.3285408318042755, -1.8567792177200317, 0.9927369356155396, -0.4268171489238739, -0.40476417541503906, -0.2766057252883911, -0.39159321784973145, 0.41747617721557617, -1.1846110820770264, -0.2584860622882843, -0.4490502178668976, 0.28572604060173035, -0.749970555305481, -0.9743067026138306, -0.056957218796014786, -0.41032055020332336, 1.0915018320083618, -0.4646797776222229, 1.1793444156646729, 0.029238499701023102, -0.44586047530174255, -0.6224263906478882, 0.21237137913703918, -0.7973609566688538, 0.2630854845046997, 0.7454487085342407, -0.6567803025245667, -0.1591235101222992, -0.10474604368209839, -0.009757403284311295, -0.7352845072746277, 0.8610753417015076, 1.021144986152649, -1.3760851621627808, -0.10840937495231628, -0.19550248980522156, 0.8677978515625, -0.22244445979595184, 0.06487391889095306, -0.1449599266052246, -0.11531655490398407, 0.14257016777992249, 0.46853917837142944, -0.17560124397277832, 1.0755187273025513, -1.4762723445892334, -1.7151007652282715, -0.23933640122413635, 0.3801802694797516, 0.25590410828590393, -0.23691275715827942, 0.3452429175376892, 1.030845046043396, -1.1102887392044067, -0.1447305679321289, 0.24016641080379486, 0.36180758476257324, -0.06182045117020607, 0.9908071756362915, -0.21386905014514923, 0.5018162727355957, -0.35318058729171753, 0.14035503566265106, 0.40905213356018066, 0.9004072546958923, -0.4743761122226715, -0.46523410081863403, 0.1689298301935196, -0.27678748965263367, 0.0879545509815216, -0.9009352922439575, -0.4051167368888855, -0.24851568043231964, -0.10124021768569946, -0.725254476070404, 0.4467863440513611, 1.3396258354187012, -0.4249163866043091, 1.0424450635910034, 0.9672921895980835, 0.5456393361091614, 0.9039983749389648, 0.25895220041275024, 0.5761255025863647, 0.3635379672050476, -0.0865577682852745, 0.697250485420227, 0.8037875890731812, 0.8687885999679565, -0.4317193925380707, -0.8431152105331421, -0.198251411318779, 0.44869014620780945, -0.08052109181880951, 0.7659640908241272, 0.29026880860328674, 1.001781940460205, 1.2160794734954834, 1.4528878927230835, 0.03976696729660034, -1.6653034687042236, -0.3785153925418854, -1.4414640665054321, 0.19209769368171692, 1.2337543964385986, 0.7409443259239197, 0.2773692011833191, 0.5410221815109253, -0.8204905986785889, 1.3347744941711426, -1.166939616203308, 0.588173508644104, -0.20390701293945312, 0.1776178479194641, 0.7599613666534424, 0.575268566608429, 1.0974183082580566, 0.0199570395052433, -0.14100992679595947, -0.8781377077102661, 0.18733198940753937, -0.6103461980819702, 0.7106331586837769, 0.13047310709953308, -0.6102321743965149, -0.059389498084783554, -0.2726002335548401, 1.814234733581543, -0.5267428755760193, 1.099510908126831, 0.07254517823457718, -0.3646421432495117, -0.5717755556106567, -0.8791478276252747, -0.032501839101314545, 0.161452978849411, 0.2670404314994812, -0.6411832571029663, 0.09225326776504517, 0.9641145467758179, 0.9873725175857544, 0.31842198967933655, -0.798649787902832, 0.11511901021003723, -1.034649133682251, 0.5707659125328064, -0.0669066309928894, 0.10568045824766159, -0.4366151988506317, -0.09662742912769318, -0.373171865940094, 0.4873529076576233, 0.6268866062164307, -1.457839846611023, -0.42780306935310364, -0.16829323768615723, 0.2154340147972107, 0.9101645350456238, 0.8581634163856506, 0.2784126102924347, -1.457382082939148, 1.01646089553833, 1.7108780145645142, -0.7203339338302612, -0.3720821440219879, -0.3649628460407257, -0.26816630363464355, 0.16511854529380798, 1.159066915512085]} +{"paper_id": "tuple_ie", "embedding": [-0.7924015522003174, 0.969825804233551, -0.16515393555164337, -0.1358850598335266, 0.6776442527770996, 0.026081880554556847, 0.44318822026252747, 0.7751792073249817, 0.4370075464248657, 0.9962069392204285, -0.13853958249092102, 0.9275696873664856, 0.20985664427280426, -0.16351301968097687, -0.4048461318016052, -0.4818302392959595, -0.39058607816696167, -0.6510024666786194, -1.3510162830352783, -0.45263785123825073, -0.37406039237976074, -0.5778462290763855, 0.3715495765209198, 0.2726724445819855, -1.1664575338363647, -0.5154197812080383, 1.2354270219802856, -1.3363481760025024, 0.1742454171180725, 0.16405552625656128, 0.3650016188621521, 1.305281162261963, -1.5789477825164795, 0.6659202575683594, -0.41289350390434265, 0.1450067013502121, 0.2861923277378082, 1.5240570306777954, -0.3948211371898651, 0.37186887860298157, -0.00649664644151926, 0.6955659985542297, 0.32784929871559143, 0.21328137814998627, 0.7838200330734253, -1.3680405616760254, -0.019031425938010216, 0.5776822566986084, -0.5625338554382324, -0.15570339560508728, -0.6419225931167603, 0.7997052669525146, 0.5337051153182983, 1.0943470001220703, -0.2360464632511139, 1.1665061712265015, 0.48342588543891907, -1.5270485877990723, 0.5601224303245544, -1.0868768692016602, 1.0448212623596191, 1.183887243270874, 0.22712258994579315, 0.35834965109825134, 0.7148805856704712, -0.47827500104904175, 0.655987560749054, 0.05453158915042877, 0.02205565944314003, 0.541713535785675, -0.1351071447134018, -0.4671420156955719, 0.3227946162223816, 0.3258604109287262, -0.20876899361610413, 1.1396489143371582, 0.972663164138794, -0.5982214212417603, 0.3191889226436615, -0.1573837697505951, 0.20928175747394562, 0.1106252670288086, 1.3632420301437378, -0.8017293214797974, -0.29689669609069824, -0.11841834336519241, -0.11597377806901932, -0.5898372530937195, 0.4003720283508301, -1.0357497930526733, 0.3331182599067688, 0.5595457553863525, -0.6883445382118225, -0.0709320604801178, -0.4034856855869293, 0.44718673825263977, -1.7263894081115723, -0.17895705997943878, -0.13102835416793823, 0.4353525638580322, 0.4890792965888977, -0.09048237651586533, -0.03331548348069191, 0.1666402518749237, 0.12106676399707794, 0.25574758648872375, -0.20436732470989227, 0.4336671233177185, -0.3113822340965271, -0.1884951889514923, -0.012415099889039993, 0.902276873588562, 0.36714550852775574, 0.687095582485199, -0.2800769805908203, 0.32412317395210266, 0.38837093114852905, -0.24553915858268738, 0.14242811501026154, 0.5329388976097107, 0.9297078251838684, -1.270096778869629, -0.10591242462396622, -0.04297342523932457, 0.49674028158187866, -0.528381884098053, 0.2961624562740326, 0.024054504930973053, -0.15557429194450378, 0.6108514666557312, 0.26425522565841675, -0.4288986623287201, -0.6000204682350159, -0.08520054817199707, 2.9934511184692383, -0.960719883441925, 1.8308099508285522, -0.2077084630727768, -0.2437771111726761, -0.4068189859390259, -0.1914774775505066, -0.10163433849811554, 0.8144720792770386, -0.2276332676410675, -0.4379197955131531, 0.024567831307649612, 0.7903951406478882, 0.7762642502784729, -1.4872345924377441, -0.08116912841796875, -0.49422746896743774, -0.14586645364761353, -1.4634698629379272, -0.21756625175476074, 0.3430804908275604, 0.3878987729549408, -0.6641929745674133, -0.5831030011177063, -0.5951845645904541, -0.48059192299842834, 0.16077186167240143, -0.6729799509048462, 0.05694139003753662, 0.22909775376319885, -0.2790413796901703, -0.8459184765815735, 1.3159693479537964, -0.2949022352695465, -1.8919538259506226, 0.8417342901229858, -0.24646809697151184, -0.11644531041383743, -0.22932839393615723, -0.6421298384666443, 0.17182670533657074, 0.28250545263290405, 1.400895118713379, 0.5152207612991333, -0.3892172873020172, -0.7924912571907043, -1.0384894609451294, -0.34649139642715454, -0.20818370580673218, 0.511016845703125, -0.19253411889076233, 0.829033613204956, -2.491684675216675, 0.060743629932403564, 0.18696479499340057, 0.5240186452865601, 0.36050525307655334, 0.4717008173465729, 0.2455018162727356, 0.33628275990486145, -0.3707033395767212, -0.7295212745666504, 0.04488654434680939, -1.7193163633346558, 0.31805405020713806, -0.3494434952735901, -1.2992967367172241, 0.8715832233428955, -0.2899826765060425, 1.1730183362960815, 0.7693076729774475, -0.3594965934753418, -0.5693970918655396, -2.50998854637146, 0.23320645093917847, 1.584365725517273, 0.04160511493682861, -0.21308809518814087, -0.9601404666900635, -0.03746715933084488, -0.08537522703409195, 0.2755529582500458, 0.23727411031723022, -0.12670660018920898, 0.2639455795288086, -0.8992042541503906, 0.6576812863349915, -0.38978254795074463, 0.6714939475059509, 0.09851805120706558, 0.7872294187545776, -0.8505531549453735, 0.29947876930236816, -0.6298579573631287, -1.210817575454712, 0.8244432806968689, 0.8010126352310181, 0.07763891667127609, 0.407324880361557, 1.332800030708313, 0.3938717246055603, 0.712745726108551, 0.4475395977497101, 0.08068398386240005, -1.2718533277511597, 0.03731077164411545, -0.21330973505973816, 1.4465817213058472, 0.5594278573989868, 0.7520481944084167, -0.026988953351974487, -0.24537226557731628, -0.5521669983863831, -0.3259556293487549, 0.6506024599075317, -0.3262782692909241, 1.280896782875061, 0.2678390443325043, -0.12404017150402069, 0.7455061078071594, -0.41740697622299194, -0.7402532696723938, -0.34992027282714844, -0.8422437310218811, -0.5223172307014465, -0.13273215293884277, 1.5986032485961914, 0.3765321671962738, 0.1443891078233719, 0.08811424672603607, -0.8443325757980347, -1.3095343112945557, 0.401199609041214, 0.5289008617401123, 0.08643761277198792, -0.8713363409042358, 0.2509258985519409, 0.11542533338069916, -0.6368472576141357, -0.7606609463691711, 0.1516369879245758, -0.37696632742881775, 0.05468280613422394, 1.2370549440383911, 1.2282379865646362, 0.03964097797870636, 0.4610752761363983, 0.24180661141872406, 1.6060950756072998, -0.45922282338142395, 0.9148617386817932, -0.43204960227012634, -0.2212894856929779, -0.6415616869926453, -0.02945975959300995, -0.40460073947906494, 0.5319425463676453, 0.8848755955696106, -0.6530192494392395, 0.3004045784473419, 0.155920147895813, -0.8084253668785095, 0.7545134425163269, 0.46952784061431885, -1.2429417371749878, 0.03925762325525284, 1.534010410308838, -0.6032184958457947, -0.6748027801513672, 0.4662308096885681, 0.04632481932640076, -0.6800758242607117, 0.8857468962669373, 0.3002929985523224, 0.37708839774131775, 0.06072573363780975, 0.1012171134352684, 0.21583504974842072, 0.7537438273429871, -1.6114299297332764, 0.7811133861541748, 0.662645161151886, -0.6741000413894653, -0.44179290533065796, -0.7692847847938538, -0.016786321997642517, -0.5044575333595276, 0.38122254610061646, 0.6426588296890259, -0.4702167212963104, 0.41453617811203003, -0.3414812982082367, 0.4592830538749695, 1.7216782569885254, -1.3049306869506836, 0.3226047456264496, 0.23862123489379883, -0.29378917813301086, -0.38368281722068787, -0.5374280214309692, 0.24320876598358154, -0.045014262199401855, 0.07166457176208496, 0.25088784098625183, 0.9968991279602051, 1.0146434307098389, -0.5046910643577576, -0.36109957098960876, 1.071730136871338, 0.345929354429245, 0.7228009700775146, -0.11447537690401077, -0.5459910035133362, 0.5632630586624146, -0.4220897853374481, 0.9032040238380432, -0.5774155855178833, -0.6972506642341614, -0.4299626350402832, -0.5605207681655884, -0.6618359684944153, -0.9287865161895752, 2.058758497238159, 0.5186594724655151, 1.7555654048919678, -0.8917443752288818, -0.012350840494036674, -1.0274944305419922, -0.6102399826049805, 0.9424946308135986, 0.8179975748062134, 0.14124242961406708, -0.9950761795043945, 0.042217351496219635, 0.7558637857437134, -0.23704920709133148, 0.4167627692222595, 0.12846055626869202, 0.4246843159198761, 0.8154643177986145, -0.7216826677322388, 0.22198355197906494, 0.3665032684803009, 0.10911128669977188, 1.2772979736328125, -0.20609740912914276, -0.650382399559021, -0.5506427884101868, -0.4507101774215698, -0.6064516305923462, -0.25245845317840576, -0.5653353929519653, 0.8934680819511414, -0.06284989416599274, 0.27101197838783264, 0.34691357612609863, 1.2232636213302612, 1.1056764125823975, -0.10316307842731476, -2.3223092555999756, -0.16406919062137604, -0.45125970244407654, 0.08392582088708878, 0.0691651999950409, -0.2597617506980896, -0.8176548480987549, 0.6023761630058289, -0.05440811812877655, -0.7841461896896362, 0.5962967872619629, -0.8868148922920227, -1.0775930881500244, 0.897515058517456, 0.39169561862945557, -1.0275877714157104, 0.28174683451652527, 0.12122397124767303, -0.9701884984970093, -0.2938453257083893, -1.00629723072052, -1.2887182235717773, 0.5929338932037354, 0.40825262665748596, 0.8550744652748108, -0.31593817472457886, 0.4549412131309509, -1.2408722639083862, 1.3012328147888184, 0.17608940601348877, -0.1947094202041626, 0.4738558232784271, -0.014414627104997635, 0.5940918326377869, -0.3568124771118164, -1.3603293895721436, -0.7438334226608276, 1.144783854484558, -0.5621078014373779, 0.29607585072517395, -1.3384761810302734, -0.6501649618148804, 0.2251126766204834, -0.05886990949511528, 0.7616492509841919, -0.4561004042625427, 0.21542027592658997, 0.34628286957740784, -0.16530831158161163, 0.9251947402954102, -0.6253660321235657, -1.197088599205017, 1.257328987121582, -0.5434578061103821, 0.7741128206253052, -1.1761270761489868, 0.5756468772888184, 1.7595001459121704, -0.21737390756607056, -0.4340416193008423, -0.7503277659416199, -10.763723373413086, 1.0827336311340332, 0.08847503364086151, 0.061124011874198914, 0.731566309928894, -0.4351162612438202, 0.8600013852119446, -1.0360260009765625, 0.7189397811889648, -0.34851035475730896, 0.2125374972820282, 1.794763445854187, 0.6114169359207153, 0.0480247363448143, -1.1067346334457397, -2.570693254470825, -0.10033511370420456, -0.07857407629489899, -0.11133550852537155, -0.08541125804185867, -0.11217306554317474, -0.9919370412826538, -0.16967859864234924, -0.12175628542900085, 0.4732154309749603, -0.005648761987686157, -0.6423308253288269, -0.2374180257320404, -0.5428460836410522, -0.6601477861404419, 0.8231213092803955, 0.18678724765777588, -0.19221937656402588, -0.31549912691116333, -1.1899980306625366, -0.6264919638633728, 0.3788454532623291, -0.154982790350914, 0.5531944632530212, 0.21415197849273682, -0.9210840463638306, 0.6257062554359436, 0.7455063462257385, -0.023942038416862488, -0.432579904794693, 0.8636229634284973, 0.1921221762895584, -0.8532060384750366, 0.7053216695785522, 0.2119322419166565, -0.6528404951095581, -0.3025382161140442, -0.14065532386302948, 0.10930460691452026, -0.18782199919223785, 0.5838691592216492, -0.8639705777168274, -1.3603676557540894, -0.9977216124534607, -0.9966253042221069, 0.38948747515678406, 0.1953449547290802, -0.33282241225242615, 0.9191329479217529, 0.07388830929994583, -0.16015203297138214, -0.12249865382909775, 0.24330376088619232, -1.0815285444259644, 0.23036307096481323, -0.5545923113822937, 0.8642274737358093, -0.16677772998809814, -0.30530038475990295, -1.0023478269577026, -0.10783176869153976, -0.8731240034103394, -0.009003525599837303, 0.3568512797355652, -0.16032220423221588, -1.0015394687652588, 1.6282557249069214, 0.427052766084671, -0.9519810080528259, -1.2706093788146973, 0.5476672649383545, -0.2626360356807709, 0.13387612998485565, 0.3700178563594818, -0.6765081882476807, 1.2586058378219604, 0.7674160599708557, -0.6574046015739441, -0.3993283212184906, -0.3813304007053375, 0.645943820476532, 0.279979407787323, 0.45831209421157837, -0.20412614941596985, -0.43139830231666565, 0.13584885001182556, -0.3244648873806, -1.0802279710769653, 0.07573412358760834, 0.5799660682678223, 0.8103999495506287, 0.7190201878547668, -0.20996972918510437, -0.12120766937732697, -0.17358838021755219, 0.9204500913619995, 0.411742627620697, -0.17600470781326294, 1.301634669303894, -0.6639624834060669, -0.2983587682247162, 0.21221204102039337, -0.0026633143424987793, -0.2039620280265808, 1.5665369033813477, 0.1399148404598236, 0.6865922212600708, -0.36419039964675903, 0.7788437604904175, -0.8955531120300293, 0.3520337641239166, 0.9350374341011047, 0.7421592473983765, 0.25355562567710876, -1.5883532762527466, -0.34875065088272095, 0.045993905514478683, 0.5443965196609497, -1.0236481428146362, -0.6361501216888428, 0.05430493876338005, 0.15028204023838043, 0.9799149036407471, -0.4743437170982361, -0.6312561631202698, -0.3059605360031128, -0.24842680990695953, -0.295596718788147, -1.2430793046951294, -1.0240542888641357, 0.4302109479904175, -0.9323660731315613, 0.5994386076927185, -0.4585491120815277, -0.6801362633705139, -0.36488571763038635, -0.7268305420875549, 1.1338045597076416, -0.43072283267974854, -0.38227301836013794, -0.43489640951156616, 0.35572245717048645, 0.13386499881744385, -0.982619047164917, 0.29927390813827515, -0.5155406594276428, 0.9103164076805115, -0.9968135356903076, 1.2499080896377563, 0.07288451492786407, -0.39840155839920044, -0.20501269400119781, -0.30462202429771423, 0.17735645174980164, -0.7564225196838379, 0.3357886075973511, -0.21191832423210144, 0.3570101261138916, -0.32826170325279236, 0.21176199615001678, -0.452846884727478, 0.7974660396575928, 0.8689631223678589, -0.9293392896652222, -1.0111631155014038, 0.08978936821222305, 1.1508136987686157, 0.10410178452730179, -0.20864415168762207, -0.6198956370353699, -0.06684893369674683, 0.7098995447158813, 0.8960545063018799, -0.39633870124816895, 1.1261957883834839, -1.7144794464111328, -1.0348674058914185, -0.7159627676010132, 0.42311713099479675, 1.0209376811981201, 0.04247216135263443, 0.9776456952095032, 0.8363363742828369, 0.23790660500526428, 0.808124840259552, 0.6456444263458252, 0.8835106492042542, 0.6982810497283936, 1.0056134462356567, -0.07545122504234314, 0.44102296233177185, -0.7512741684913635, -0.39658161997795105, 0.004368433728814125, 1.0562870502471924, -0.9729362726211548, 0.09301184117794037, 0.2541828453540802, -0.5422874093055725, 0.09125766158103943, -1.120751976966858, 0.012782767415046692, -0.9137461185455322, -0.17398984730243683, -0.7811486124992371, 0.5806986093521118, 0.8328242897987366, -0.4105626940727234, 0.8214036822319031, 0.46331143379211426, 0.8588675260543823, 0.38358214497566223, 1.0305570363998413, 0.8868746161460876, 0.10100284218788147, -0.2674112617969513, 0.7988392114639282, 0.26241305470466614, -0.22401875257492065, -0.03633350133895874, -1.36655592918396, 0.23525123298168182, 0.832797110080719, 0.23205040395259857, 0.485432505607605, 0.3514651656150818, 1.2637028694152832, 1.2099465131759644, 0.9010943174362183, -0.5059827566146851, -1.6286026239395142, -0.28369200229644775, -1.418188214302063, 0.9414716362953186, 0.7730923891067505, 0.8602100014686584, -0.24456657469272614, 0.715317964553833, -0.03768141567707062, 1.4240120649337769, -0.8877285718917847, 0.2985547184944153, 0.024441003799438477, -0.032795146107673645, 0.9153679013252258, 1.0095561742782593, 0.15117722749710083, 0.07042216509580612, 0.1975361853837967, -0.2902803122997284, -0.16713890433311462, -0.7619922757148743, 0.8542364835739136, 0.47311991453170776, -0.4533168077468872, -0.017900414764881134, -0.2874716520309448, 1.6181180477142334, -1.1519904136657715, 0.15062616765499115, -0.5429616570472717, -0.6200038194656372, -0.3005411624908447, -0.24088896811008453, 0.10371620208024979, 0.8030308485031128, -0.04972336068749428, -0.8103803992271423, 0.23107272386550903, 0.9288514256477356, -0.3603019714355469, 0.19068439304828644, -0.10743141174316406, -0.13077326118946075, -1.0212655067443848, 0.24142910540103912, -0.2634280025959015, -0.528228759765625, -0.3378134071826935, -0.4591570198535919, -0.07648149132728577, -0.16680195927619934, -0.9132140278816223, -0.16425257921218872, -0.5983241200447083, -0.17244862020015717, -0.8710668087005615, 0.6758609414100647, -0.21119330823421478, -0.1097603365778923, -1.3330769538879395, 0.5963044166564941, 1.1386514902114868, 0.19857941567897797, -1.037972331047058, -0.14488819241523743, -0.06946690380573273, -0.13210612535476685, -0.1533486545085907]} +{"paper_id": "wi_locness", "embedding": [0.617824137210846, 1.6842716932296753, -0.15515419840812683, 0.06242961436510086, 0.3881448805332184, 0.12110863626003265, 0.9852521419525146, 0.38017037510871887, 0.7530389428138733, 0.5596165657043457, -0.2884819209575653, -0.07210348546504974, 0.22078730165958405, 0.09012085199356079, -0.2640349268913269, -0.8783325552940369, -1.3590679168701172, -0.18196280300617218, -1.621350646018982, 0.16787514090538025, -1.217064380645752, -0.5368743538856506, -0.20389053225517273, 0.3993038237094879, -0.8590905666351318, -0.7874516248703003, 0.010837004519999027, -1.2105226516723633, -0.2568604350090027, 0.31906774640083313, -1.1742768287658691, 1.3215346336364746, -1.1470372676849365, 0.33649682998657227, -0.38259071111679077, -0.726525068283081, 0.163177952170372, 0.6294828057289124, -0.4066324532032013, 0.19933630526065826, -0.9250530004501343, -0.5424607992172241, 0.5099841356277466, -0.5014967322349548, 0.5650364756584167, -0.1097206175327301, -0.13427504897117615, -0.3199673593044281, -0.24307870864868164, 0.12668853998184204, -0.7238436341285706, 0.7552072405815125, 0.07386747747659683, 0.082116037607193, -0.3167394697666168, 0.01258249580860138, 0.7862054705619812, -0.9677857160568237, 0.7675252556800842, -0.4399082660675049, 1.0019432306289673, 1.063868522644043, -0.4102358818054199, 0.2633603513240814, 1.0103033781051636, 0.022966541349887848, 1.2093273401260376, 0.39801836013793945, 0.2046804428100586, 0.4377131760120392, -0.0909045860171318, -0.6668146848678589, -0.09644123166799545, -0.03307051956653595, 0.9016015529632568, 0.6281158924102783, -0.06775923073291779, -0.01322726160287857, 0.512090802192688, -0.6057987809181213, -1.1208500862121582, 0.7266782522201538, 0.6141459345817566, -0.10633501410484314, 0.3289703130722046, -0.2560630142688751, 0.4340207874774933, -0.5545266270637512, 0.18603460490703583, -1.1477108001708984, 0.45729494094848633, 0.23063071072101593, 0.33050477504730225, 0.695073664188385, -0.3328537344932556, 0.4834839701652527, -0.1392514556646347, 0.6590229868888855, -0.1657845377922058, -0.005083341151475906, 0.6372972726821899, -0.29579952359199524, 0.5005010366439819, -0.20569929480552673, 0.13962030410766602, 0.5296931266784668, -0.6481857895851135, -0.514830470085144, -1.0926252603530884, -0.3987900912761688, 0.5990654826164246, 1.5619741678237915, -0.2854640781879425, 0.7809495329856873, 0.009526915848255157, 0.5066449046134949, 0.5126221776008606, -0.5954877138137817, -0.589545488357544, -0.47997868061065674, -0.4405187666416168, -0.6942740678787231, -0.5773352384567261, -0.8835931420326233, 0.9505593776702881, -0.3950553834438324, 0.19217322766780853, -0.681250810623169, 0.6609311699867249, 0.034815989434719086, 1.1901848316192627, 0.101679727435112, -0.2924951910972595, 0.04522286728024483, 2.624152660369873, -0.7455971837043762, 0.9497551918029785, -0.9862210154533386, -0.30696651339530945, -0.3949735164642334, 0.6334216594696045, 1.7627891302108765, 0.04575697332620621, -0.21959993243217468, -0.46078819036483765, 0.015255439095199108, -0.7882847189903259, 0.26605966687202454, -0.9288027286529541, -0.46394991874694824, 0.14016380906105042, 0.4584449231624603, -1.6124944686889648, -0.4139600098133087, -0.18624909222126007, -0.03915361687541008, 0.35819968581199646, 1.0777148008346558, -0.6033143997192383, 0.07869189977645874, 0.41793450713157654, 0.049684420228004456, -0.17734366655349731, 0.527300238609314, -0.6916478276252747, -0.43459540605545044, 1.715536117553711, -0.3822360634803772, -1.1696512699127197, -0.07489603757858276, 0.4701263904571533, -0.5250718593597412, -0.6063989996910095, 0.15099956095218658, -0.03225073218345642, 0.18586444854736328, 0.43732643127441406, 0.32424119114875793, 0.06812082976102829, -0.9302293062210083, 0.11733382195234299, 0.030747346580028534, -0.1681181639432907, 0.5472702383995056, -0.08080228418111801, 1.082248330116272, -2.1667227745056152, -0.2355204075574875, -0.18628844618797302, 0.996895968914032, -0.9476048946380615, -0.5756730437278748, 0.7152227163314819, 0.7533204555511475, 0.9092181921005249, -0.4087426960468292, 0.8206890821456909, -1.0266869068145752, 0.03462713956832886, 0.19841761887073517, 0.43293774127960205, -0.37623608112335205, 0.10428310185670853, 0.5028113126754761, 0.26291534304618835, -0.6676157712936401, -0.8289376497268677, -1.7481086254119873, -0.25651541352272034, 2.4579460620880127, -0.19583067297935486, 0.16852682828903198, -0.5506197810173035, -1.0130071640014648, -0.44618675112724304, -0.30438071489334106, 0.6926690340042114, -0.8581659197807312, -0.912952721118927, -1.1966712474822998, 0.18745923042297363, -0.9093354344367981, -0.4626365005970001, 1.068252682685852, 1.3487906455993652, -0.655606746673584, -0.5547881126403809, 0.08881483227014542, -0.045161232352256775, -0.13344654440879822, 0.8520383238792419, 0.21970872581005096, -0.19725176692008972, 0.4836580157279968, 0.12988273799419403, 0.9369169473648071, 0.3586384356021881, 0.5203352570533752, -0.5859614610671997, -0.000858980230987072, 0.43651676177978516, 0.9186787605285645, 0.0051607489585876465, -0.46555548906326294, 0.6941936612129211, 0.5052797794342041, -0.5496274828910828, -0.4447662830352783, -0.1379183828830719, 0.05646819621324539, 1.1447480916976929, 0.37271609902381897, -0.6512351632118225, 1.0154850482940674, -1.2617942094802856, 0.434926301240921, -0.1570003479719162, -0.5396621227264404, -0.6518766283988953, -0.25975000858306885, 0.25618883967399597, -0.17519275844097137, 0.13015508651733398, -1.1282017230987549, -0.39138150215148926, -0.9857860803604126, -0.4507094919681549, -0.6096399426460266, -0.05793315917253494, -1.2754769325256348, -0.19987095892429352, -0.1550501435995102, -1.5217907428741455, 0.06443125754594803, 0.29243040084838867, -0.06620652228593826, -0.13747566938400269, 0.7476803064346313, 1.4862215518951416, -0.04429721087217331, -0.15200743079185486, 0.33163928985595703, 0.5168572664260864, -0.1777808964252472, 0.6061001420021057, 0.18589511513710022, 0.1507745087146759, -0.4312435984611511, -0.3267616033554077, -0.5804259777069092, 0.18176010251045227, 0.8808478116989136, 0.029570117592811584, 0.20515915751457214, -0.28565144538879395, -0.7153114676475525, 0.7371891140937805, -0.63658607006073, 0.773224413394928, -1.1867849826812744, 1.6156319379806519, 0.8205927014350891, 0.5434435606002808, 0.6716940402984619, -0.3163297772407532, -0.41660889983177185, 1.0816437005996704, -0.9575291872024536, 0.17881113290786743, -0.2555255889892578, -0.9149935245513916, 0.07169218361377716, 0.7341587543487549, -2.009932041168213, 0.7911522388458252, 0.6323736906051636, -0.22656235098838806, -0.0003526248037815094, -0.1916220337152481, 0.36092787981033325, -0.600753903388977, -0.21545317769050598, 0.5785348415374756, -0.993781328201294, 0.6357315182685852, -0.642690896987915, -0.14672034978866577, -0.1417706310749054, -0.6503798961639404, 0.4586212635040283, 0.6960143446922302, 1.1453887224197388, -1.1943964958190918, -0.13850241899490356, 0.42425039410591125, -1.270693063735962, 0.5776764154434204, 0.5227768421173096, 0.488469660282135, 1.0516889095306396, -0.37718477845191956, -0.03600592538714409, 0.27454787492752075, 0.8194485306739807, -0.10134746879339218, 0.6930863857269287, 0.016477741301059723, 0.27579465508461, -0.1866033524274826, 1.1946722269058228, -0.26390641927719116, -0.7930266261100769, -0.5601815581321716, -0.7054243087768555, -0.7505471110343933, 0.059388481080532074, 1.305054783821106, 0.41987594962120056, 1.0298902988433838, 0.4958595633506775, 0.6293287873268127, -0.520208477973938, 0.004263203591108322, 0.2669762372970581, -0.10719555616378784, 0.44333386421203613, 0.09064771234989166, 0.5469512939453125, 0.6221960783004761, 0.24521607160568237, -0.9010264873504639, 0.28176262974739075, 0.6724887490272522, -0.11700397729873657, -0.6969619393348694, -0.08521571010351181, 0.3251701295375824, 0.8712720274925232, 1.9667989015579224, -0.37670525908470154, -0.3198462128639221, -0.3935452103614807, 0.6647911071777344, -0.2872302532196045, 0.8789086937904358, -0.2895194888114929, 0.2571534812450409, 0.660984456539154, 1.1063555479049683, 0.016975171864032745, 0.7189242839813232, 0.44278550148010254, -0.46755367517471313, -1.298758625984192, -0.5642451643943787, -1.0124590396881104, -0.38339221477508545, -0.3777620494365692, -0.33534616231918335, -0.33942368626594543, 0.3836405575275421, -0.3415191173553467, -1.3003329038619995, 0.1869005560874939, -0.3994910717010498, -1.338484764099121, 1.1682493686676025, 1.1638877391815186, -1.0596935749053955, 0.19470208883285522, 0.045015424489974976, -0.45801791548728943, -0.4247247278690338, 0.2957383990287781, -1.1780946254730225, 0.4111962914466858, 0.6046983599662781, 0.8345494270324707, 0.06080497056245804, 0.17223753035068512, -0.8342032432556152, 0.6118123531341553, 1.7216300964355469, -0.848502516746521, 0.6632061004638672, -0.1814446598291397, 0.8556889891624451, -0.22646671533584595, -0.9756159782409668, -0.4688096046447754, 0.8926173448562622, -0.31796711683273315, -0.43280029296875, -0.6086627840995789, -0.3369993567466736, 0.4184805154800415, 0.34234604239463806, 0.5001662969589233, -0.7639614939689636, 0.8083896636962891, -1.055474042892456, 0.6205796599388123, 0.783682107925415, -1.2328311204910278, -0.8994811773300171, 1.023139238357544, -0.6152983903884888, 0.08064939081668854, 0.9389846324920654, -0.20989520847797394, 0.2511288523674011, 0.23344439268112183, 0.14513087272644043, -0.7099164128303528, -11.557581901550293, 0.5420541763305664, -0.07237543165683746, -0.27191686630249023, 0.06190258637070656, -0.21814218163490295, 0.42998644709587097, 0.7264994978904724, 0.14861801266670227, -0.3393526077270508, 0.2589634656906128, 2.072300434112549, -0.16150015592575073, -0.354018896818161, -0.03248629719018936, -0.3345254063606262, -0.7005020380020142, -0.629955530166626, 0.35582220554351807, 0.8477104306221008, -1.2727913856506348, -1.3692625761032104, 0.2791452407836914, -0.4366452991962433, 0.5767228007316589, -0.7762613296508789, -0.4111933410167694, -0.40072745084762573, -0.026050686836242676, 0.39789947867393494, 0.07488714158535004, 0.21398845314979553, -0.834785521030426, -0.5720418095588684, -0.03813266381621361, -0.06694471836090088, -0.9684944152832031, -0.43264076113700867, 0.8845899105072021, -0.30273523926734924, -0.004633493721485138, 0.29413095116615295, -0.11419156193733215, -1.3964215517044067, -0.6037516593933105, -0.2641798257827759, -0.16247530281543732, -0.5029131770133972, 0.24151179194450378, -0.7269018888473511, -0.18913820385932922, -0.5918660163879395, -1.6102579832077026, -0.5524848103523254, 0.5744673013687134, -0.4784407913684845, -0.7080945372581482, 0.020715847611427307, -0.5434061288833618, -0.5777908563613892, 0.599565863609314, 0.24870990216732025, -0.47547608613967896, 0.5350185036659241, 1.0171269178390503, -0.4403851330280304, 0.528814435005188, 0.46887919306755066, 0.4905625283718109, 0.7109536528587341, -1.084388017654419, 1.2297446727752686, 0.22243475914001465, 0.5586246252059937, -0.5237484574317932, -0.6436253190040588, 0.08375190198421478, -0.21389110386371613, 0.1994073987007141, -0.03783336654305458, -1.0774850845336914, 0.6073002815246582, -0.04954913258552551, 0.36408689618110657, -1.0592231750488281, 0.6523237824440002, -0.472605437040329, 0.1515112817287445, 0.8465685844421387, 0.013875879347324371, 1.2328898906707764, -0.4342588186264038, -0.10974419116973877, -0.3770647943019867, -0.4605109691619873, 0.7844793796539307, -1.3537808656692505, 0.8347635865211487, 0.7228219509124756, -1.1661373376846313, 1.1489384174346924, -0.13633275032043457, -0.44865214824676514, 0.49068495631217957, 0.7948761582374573, 4.0784478187561035e-05, 0.2990565001964569, -0.6272692680358887, 0.3079357445240021, -0.41918355226516724, 0.6611127853393555, -0.1498076468706131, 0.4656617045402527, 0.675819993019104, -0.008415892720222473, 1.2652480602264404, 1.2638493776321411, 0.42637842893600464, 0.6865752339363098, 0.3430930972099304, -0.29820242524147034, 0.498134970664978, 0.21691979467868805, 2.184493064880371, 0.08494895696640015, 0.39629215002059937, 0.543382465839386, 0.3414210081100464, 0.6251629590988159, -1.1830519437789917, 0.18802882730960846, -0.19106298685073853, 0.5494565963745117, -1.0007134675979614, 0.05852506682276726, -0.7849678993225098, -0.9817789793014526, 0.8127386569976807, -0.2683417797088623, 0.25765079259872437, 0.27043062448501587, -0.359032541513443, -0.475063294172287, -0.19744516909122467, -0.9569787383079529, 1.2392765283584595, -2.075472354888916, 0.22808779776096344, -0.15879178047180176, -0.5439262986183167, 0.43686366081237793, -0.35770997405052185, 0.345180869102478, -0.52447909116745, 0.860648512840271, 0.10455543547868729, 0.9102296233177185, -0.5967395305633545, -0.2841644883155823, -0.25986799597740173, 0.4832904040813446, 1.381956696510315, -0.3746693432331085, 0.8890830278396606, 0.7065169811248779, -0.3069796562194824, -0.3316356837749481, -0.1970854252576828, 0.06310233473777771, 0.8222324252128601, 0.9916923642158508, -1.4166089296340942, -0.4679930508136749, -0.24407288432121277, 0.4077778160572052, 0.05362527072429657, 0.2942797541618347, 1.3380705118179321, -0.5096801519393921, 0.11786043643951416, -0.5664014220237732, 0.5848947763442993, 0.8288817405700684, -1.2129037380218506, -1.1406787633895874, 0.16239389777183533, 0.10362887382507324, 0.4708680510520935, 0.27777332067489624, 0.8235111832618713, -0.9996933937072754, -0.7781181931495667, 0.14204727113246918, -0.30553680658340454, 0.12932917475700378, -0.31304851174354553, 1.064394235610962, -0.19436435401439667, 0.30356094241142273, 0.1688564121723175, 0.11282983422279358, 0.8647868037223816, -0.23507682979106903, 0.166643887758255, -0.8144448399543762, 0.6682287454605103, -0.6534150242805481, 0.6676697731018066, 0.6829453110694885, 1.0275027751922607, -1.226000428199768, -0.30323147773742676, -0.1709844321012497, 0.08239445835351944, -0.13659274578094482, -0.7221032381057739, -0.7048490643501282, -0.3027355968952179, -0.73434978723526, -1.047558307647705, 0.6670796275138855, 0.976031482219696, 0.27018821239471436, 0.36192911863327026, 0.8214297294616699, 0.3637326657772064, 0.7783381938934326, 0.373569130897522, 1.2036396265029907, 0.17579993605613708, -0.060674045234918594, -0.3629518747329712, 0.33232513070106506, 0.20070627331733704, 0.16432148218154907, 0.13719817996025085, -1.1543382406234741, -0.3340436518192291, -0.9140521883964539, 0.45643341541290283, -0.3951762318611145, 0.3242850601673126, 0.2352433055639267, 0.8152799010276794, 0.3898506760597229, -1.104599952697754, 0.5158518552780151, -0.6997779011726379, -0.09263328462839127, -0.16977661848068237, 0.6798374652862549, 0.6282814741134644, 0.6447514891624451, 0.18408063054084778, 1.5223015546798706, 0.1043698638677597, 0.17400705814361572, -0.4059566557407379, 0.278438001871109, 1.1667990684509277, 0.5976314544677734, 0.02846061997115612, 0.11785203218460083, -0.593112051486969, -1.3028992414474487, -0.9335538744926453, -0.7467284202575684, 1.6949554681777954, 0.7478711605072021, -0.2743660807609558, 0.4417814016342163, -0.3808324337005615, 0.22739557921886444, -0.5319393873214722, 1.0653458833694458, -0.17543663084506989, -0.12390086054801941, -1.1527811288833618, -0.9441848397254944, 0.11379338055849075, 1.154913067817688, -0.7127333283424377, 0.3260674476623535, -1.109700083732605, 0.36297473311424255, -0.566643238067627, -0.39470353722572327, -0.71381676197052, 0.43480384349823, -0.40583235025405884, -0.2882936894893646, 0.649795413017273, -0.9129210114479065, -1.0354129076004028, -0.2147117257118225, -0.8164064884185791, 0.6800884008407593, -0.25628405809402466, -0.932315468788147, 0.04535127803683281, 0.2238396853208542, 0.27190592885017395, -0.25804635882377625, 0.224895179271698, 0.34654906392097473, -1.1741656064987183, 1.2021366357803345, 0.2537647783756256, -0.9931908249855042, 0.17190951108932495, 0.19595107436180115, 0.688386082649231, 0.07966651022434235, 1.6121872663497925]} +{"paper_id": "casino", "embedding": [-0.5329921841621399, -0.044190410524606705, 0.0921250730752945, 0.44703784584999084, 0.7256796360015869, 0.564269483089447, 0.748466968536377, -0.15793773531913757, 0.7143858671188354, 0.26257145404815674, -0.01735755056142807, -0.3134586811065674, -0.20250995457172394, -0.8060512542724609, 0.060745157301425934, -0.2490869164466858, -1.5740931034088135, -0.4379504919052124, -1.4073224067687988, -0.14772595465183258, -0.981582522392273, -0.5413398146629333, -0.13907676935195923, 1.0359450578689575, -0.19508853554725647, -0.7535284161567688, 0.3340892195701599, -0.4248828589916229, 0.32369184494018555, 0.26206061244010925, -0.34755074977874756, 2.109546661376953, -1.1780539751052856, 0.6033492088317871, -0.8002453446388245, -0.8253568410873413, -0.5312084555625916, 0.6653535962104797, -0.7595883011817932, 0.5535210371017456, -0.356004923582077, 0.1291191577911377, 0.34887972474098206, 0.8764099478721619, 0.29575809836387634, 0.6027908325195312, 0.05690036714076996, 0.3759492337703705, -0.3604954481124878, 0.3241853713989258, -0.6581266522407532, 0.3164707124233246, -0.13125455379486084, 0.22048181295394897, 0.08160769939422607, 1.1488821506500244, -0.25294631719589233, -0.9825302362442017, 0.40591126680374146, 0.04369238764047623, 1.1838717460632324, 1.0729001760482788, 0.3074674606323242, 0.5194501280784607, 1.2289161682128906, -0.28467774391174316, 1.5823917388916016, -0.10067428648471832, 0.15494027733802795, 1.1705456972122192, -0.7678071856498718, -1.1899594068527222, 0.6001410484313965, 0.20584484934806824, -0.5743474960327148, 0.5830647945404053, 0.5710585117340088, 0.7182356119155884, -0.4959505498409271, 0.28542202711105347, 0.7436421513557434, 0.21572192013263702, 0.6245784163475037, -0.6412234902381897, 0.6772392988204956, 0.5866869688034058, 1.4679683446884155, -1.0415360927581787, 0.5021267533302307, -1.9765123128890991, 0.7432392835617065, 0.6078761219978333, 0.34496045112609863, 0.1962938904762268, -0.4219309091567993, 0.47026529908180237, -0.30182862281799316, 0.3294556736946106, -0.5103930234909058, 0.009251071140170097, 0.2725394368171692, -1.0274351835250854, 0.24143417179584503, -0.40786370635032654, 0.10198920965194702, 0.28890204429626465, 0.7394936680793762, 0.024965137243270874, -0.43547090888023376, -0.017970358952879906, 0.16488763689994812, 1.1774672269821167, 0.0406012162566185, 0.5797994136810303, -0.034169696271419525, 0.900742769241333, -0.3392772376537323, -1.1547621488571167, -0.054665882140398026, 0.0022156909108161926, -0.1773545742034912, -0.5376617312431335, -0.15823253989219666, -0.3311925530433655, 0.9231126308441162, 0.09221833944320679, -0.16037222743034363, -0.6850232481956482, -0.43066686391830444, -0.06637617945671082, -0.06885148584842682, -0.6586011052131653, -0.9185924530029297, 0.22119653224945068, 2.885355234146118, -1.155594825744629, 1.65249764919281, -1.3016769886016846, 0.07600971311330795, -0.35872673988342285, 0.2784190773963928, 1.5031663179397583, -0.6428816914558411, -0.6815537810325623, -0.7062238454818726, -0.1201012060046196, -0.5569708347320557, -0.10339049249887466, -0.41523343324661255, -0.5903535485267639, -0.04482652619481087, 0.9071767330169678, -1.1482948064804077, -0.15205800533294678, 0.19081979990005493, -0.08903750777244568, 0.48713552951812744, 0.7471088767051697, -0.5548689365386963, 0.3202272057533264, 0.3500150144100189, 0.4232533574104309, -0.09210257232189178, 0.24763306975364685, -0.6735867261886597, -0.2767091393470764, 0.9615678787231445, -0.226779967546463, -1.2862977981567383, -0.03302602469921112, 0.4895545542240143, 0.1511516571044922, 0.21120840311050415, -0.09311288595199585, -0.7171216011047363, -0.11549220979213715, 0.6152659058570862, 1.5829555988311768, 0.47639548778533936, -0.9220675826072693, -0.4743867516517639, -0.44871246814727783, 0.04227926582098007, 0.5366073846817017, -0.4574029743671417, -0.4448617696762085, -2.4714646339416504, 0.3549290895462036, -1.1127135753631592, 1.2542192935943604, 0.19664058089256287, -0.021053776144981384, 0.3490205705165863, 0.12789636850357056, 0.34916865825653076, -0.5041629076004028, 1.092154860496521, -1.3960155248641968, 0.10451672971248627, 0.04986921697854996, -0.0334697887301445, -0.43621498346328735, 0.08736386895179749, 1.3131111860275269, 1.049560785293579, 0.08264396339654922, -0.22874373197555542, -1.336670994758606, 0.12431100010871887, 2.150827646255493, 0.4305579364299774, -0.6579057574272156, -0.24809911847114563, -0.27078625559806824, 0.18380850553512573, 0.0507446713745594, 0.6766457557678223, -1.0964614152908325, 0.1986600011587143, -1.6044057607650757, 0.23705719411373138, 0.08225231617689133, 0.14465060830116272, 1.0350866317749023, 1.2012827396392822, -0.9543173313140869, -0.1857631504535675, -0.492975652217865, -0.48645320534706116, 0.2048557549715042, 0.39666083455085754, -0.17852383852005005, 0.6284144520759583, 0.38656216859817505, 0.7498468160629272, 0.41872483491897583, 0.6012527942657471, 0.49735531210899353, -0.6682324409484863, 0.4997880458831787, 0.33919522166252136, 0.32773998379707336, -0.46255916357040405, 0.15099579095840454, 0.31500959396362305, 0.36067792773246765, 0.030529841780662537, -1.046585202217102, -0.3937886953353882, -0.303510457277298, 1.5137088298797607, 0.7431632280349731, -0.8366703391075134, 0.13998591899871826, -0.2480556070804596, -0.552562415599823, 0.05959814414381981, -0.08834555745124817, -0.26848527789115906, -0.35979020595550537, 1.036974549293518, 0.7356539964675903, -0.0974244773387909, -0.7907710671424866, -0.10073985159397125, -0.9047591090202332, -0.01223032921552658, 0.16555365920066833, -0.1348777711391449, -0.9506570100784302, -0.19690662622451782, -0.349789023399353, -0.8220590949058533, -0.3523225486278534, -0.5488713383674622, 0.05081428587436676, -0.38693398237228394, 0.35353705286979675, 1.5698678493499756, 0.22838887572288513, -0.4163186848163605, 0.009922683238983154, 1.3261953592300415, -0.2132774442434311, 0.7636412382125854, -0.5363439917564392, 0.3168643116950989, -0.39087754487991333, 0.3402182161808014, -0.5951507091522217, -0.30378976464271545, 0.34169289469718933, -0.08585940301418304, 0.3902032971382141, -0.14734578132629395, -0.3685399889945984, 1.1377480030059814, -0.34754055738449097, 0.5951055884361267, -0.15127581357955933, 1.706054925918579, 0.39552608132362366, -0.7453088760375977, 1.3986027240753174, -0.5358856320381165, 0.2281302660703659, 0.8082517981529236, -0.09677986800670624, -0.01947181299328804, 1.0640596151351929, -0.1423037052154541, -0.08726523816585541, 0.5656306147575378, -2.36217999458313, 0.04632962495088577, 0.18588612973690033, 0.08897779881954193, 0.0668005719780922, -0.7990751266479492, 0.5589473843574524, -0.5555789470672607, -0.6040943264961243, 0.11393141001462936, -0.29986751079559326, 0.10600121319293976, -0.5246229767799377, -0.3047267198562622, 0.8406047821044922, -0.619933545589447, -0.26278090476989746, 0.6408565640449524, 0.25067803263664246, -1.369634985923767, -0.5141553282737732, 0.46875929832458496, -0.4689839780330658, 0.4361880421638489, 0.6522229313850403, 0.9043594002723694, 0.7023624181747437, -0.2895685136318207, -0.12076183408498764, 1.0226080417633057, 0.6339101791381836, 0.18843790888786316, -0.2841756045818329, 0.076280876994133, 0.26701369881629944, -1.0050157308578491, 1.0083892345428467, 0.06896728277206421, -0.4013202488422394, -1.2928038835525513, 0.034855879843235016, 0.16422083973884583, -0.6420995593070984, 1.1530365943908691, 0.16087228059768677, 0.9207420945167542, -0.07885166257619858, 0.2972554564476013, -0.3450053930282593, 0.10003970563411713, 0.9767663478851318, 0.3918047249317169, -0.04889032244682312, -0.4511072337627411, 0.07140526175498962, 0.45462316274642944, 0.022247791290283203, -0.7334131002426147, -0.3843892812728882, 1.1484479904174805, -0.0008875280618667603, -0.4553168714046478, -0.19806377589702606, 1.126883625984192, -0.2490997612476349, 0.8558598756790161, -0.6565835475921631, -0.6964665055274963, -0.06798364222049713, 1.0297495126724243, 0.6989843845367432, 0.26816609501838684, -1.0224206447601318, 0.7598761916160583, 0.2717266380786896, 0.9175194501876831, -0.1716107726097107, 1.0880086421966553, -0.26206615567207336, -0.5830550193786621, -0.9255761504173279, 0.12421993911266327, -0.8623307943344116, -0.3084685504436493, 0.3017140328884125, -0.57938152551651, -0.32535040378570557, 0.9406319260597229, -0.1284703016281128, -0.24131269752979279, 0.8194549083709717, -0.3816958963871002, -0.7957391738891602, 0.2873189449310303, 0.6154831647872925, -0.7950027585029602, 0.22345644235610962, 0.2399931401014328, -1.0983479022979736, -0.19052256643772125, 0.277445912361145, -0.7132013440132141, 0.788021445274353, 0.1529066562652588, 0.2431703507900238, -0.07170391827821732, -0.15013590455055237, -0.13174870610237122, 1.1850641965866089, 0.574471652507782, -0.4387202560901642, 0.3607384264469147, 0.6399050951004028, 1.1116220951080322, -0.24789729714393616, -1.1516673564910889, -0.2089451402425766, 0.6375271677970886, -0.09854947030544281, -0.165458545088768, -0.7698472738265991, 0.06391826272010803, 0.9648181796073914, -0.3228127956390381, -0.1738833487033844, -1.1274889707565308, 0.10413864254951477, 0.060061726719141006, 0.5554843544960022, 0.5306216478347778, -1.0341026782989502, -0.755561351776123, 0.3325479030609131, -0.8659858107566833, 0.5722877979278564, -0.4497404098510742, -0.11879429221153259, 2.118147611618042, 0.7552425265312195, 0.5077058672904968, 0.2507147490978241, -11.549160957336426, 1.2423772811889648, 0.1860285997390747, 0.13106881082057953, -0.2208710014820099, -0.6527120471000671, 0.3065117299556732, 0.3594427704811096, 1.0810519456863403, -0.8093676567077637, 0.37402746081352234, 1.2770437002182007, 0.03280140832066536, -0.5537272095680237, -0.4050333797931671, -1.0241671800613403, -1.1337800025939941, -0.8975606560707092, 0.16102875769138336, 0.808742880821228, -0.5536615252494812, -1.029689908027649, -0.38036608695983887, -0.06901612877845764, 0.6337901949882507, -0.589879035949707, -0.23094448447227478, -1.0406936407089233, 0.11658850312232971, 0.23653963208198547, 0.9082841873168945, 0.23829831182956696, -0.22871358692646027, -0.8009665608406067, 0.5058196783065796, -0.0006836908869445324, -0.6470269560813904, 0.17813074588775635, 0.787720799446106, 0.016096696257591248, -0.1718074381351471, -0.013781649991869926, 0.6540064811706543, -0.20937786996364594, 0.32811036705970764, 0.8733961582183838, -0.4664537012577057, -0.042040035128593445, 0.31677326560020447, -0.34134912490844727, -0.9966043829917908, -0.5069316029548645, -1.3558590412139893, -1.0928232669830322, 0.04108654707670212, -0.6905531287193298, -0.31930992007255554, 1.0230964422225952, -1.1475287675857544, -1.3445935249328613, 0.47678011655807495, -0.15921464562416077, -0.7886114120483398, 0.9626782536506653, 0.1775548756122589, -0.7179523706436157, 0.33932027220726013, 0.7381733655929565, -0.8347017765045166, 0.6626244783401489, -0.5194846391677856, 0.5313636064529419, -1.0112632513046265, 0.6233893632888794, -0.7382705807685852, -0.4263567328453064, -0.5303075313568115, 0.2030271589756012, 0.4285355508327484, -0.15946081280708313, -1.184829592704773, 0.20138652622699738, 0.22593148052692413, -0.5022403597831726, -1.561490774154663, 0.7271408438682556, -0.14749684929847717, -0.280056357383728, 1.1566987037658691, -0.623692512512207, 0.8972762227058411, 0.2930777668952942, -0.4136832356452942, 0.3423195481300354, -0.20020782947540283, 0.6805781722068787, 0.7007730603218079, 0.6103582382202148, -0.031388211995363235, -0.19709718227386475, 0.28362447023391724, -0.024942874908447266, -0.4295976459980011, 0.9176284670829773, 0.5513745546340942, 0.33527591824531555, 0.023336082696914673, 0.5577558279037476, 0.21626071631908417, 0.1765679270029068, 0.46225661039352417, 0.22908958792686462, -0.2581189274787903, 0.7086986303329468, -0.004678860306739807, 0.5958395004272461, 1.2291470766067505, 0.4865689277648926, 0.6296048164367676, 0.16316010057926178, 0.27185583114624023, 0.8845568895339966, -0.003824343904852867, 1.3030954599380493, -0.25548142194747925, -0.18028624355793, 0.0831642746925354, 0.4387172758579254, -0.3261767327785492, -2.4931485652923584, 0.7441846132278442, -0.11468350887298584, 0.3252491056919098, 0.23426178097724915, 0.1423770636320114, 0.5195753574371338, -0.7731263637542725, 1.2782996892929077, -0.428880512714386, 0.20488503575325012, 0.14305062592029572, -0.08887069672346115, 0.13527849316596985, -1.0570285320281982, -0.6569453477859497, -0.07547777146100998, -1.8878188133239746, 0.32601651549339294, -0.18039873242378235, -0.033295802772045135, 0.5883463025093079, -0.36430108547210693, 0.995293378829956, -0.5800327658653259, -0.5831394791603088, 0.06177852302789688, 0.5120401382446289, -0.4707825779914856, -0.941791832447052, 0.13484039902687073, 0.7073714733123779, 1.4577381610870361, -0.8727808594703674, 1.012760877609253, 0.1881488561630249, 0.11374099552631378, -0.5464145541191101, 0.025771528482437134, -0.9085778594017029, 0.6106305718421936, 0.7109153866767883, -1.1024847030639648, -0.000385848805308342, -0.6639146208763123, 0.19331805408000946, -0.9156782627105713, 0.8602055907249451, 1.2621431350708008, -1.2969255447387695, -0.2749200463294983, -0.6359707117080688, 0.16805781424045563, -0.022529330104589462, -0.26896265149116516, -0.7394692897796631, 0.11471202224493027, -0.4559176564216614, 0.8253859281539917, -0.4933038353919983, 0.8345873355865479, -1.6861097812652588, -1.1860551834106445, -0.302118182182312, -0.6831482648849487, 0.1061590239405632, 0.31358176469802856, 0.8475684523582458, 0.10059233009815216, -0.035906240344047546, -0.2789870798587799, 0.25281381607055664, 0.33673062920570374, -0.5550359487533569, -0.26402905583381653, -0.6259361505508423, 0.35378190875053406, -0.27686238288879395, -0.48600298166275024, 0.2050579935312271, 0.16283264756202698, -0.5135910511016846, -0.7509033679962158, 0.6002240777015686, -0.3509310185909271, 0.7639768719673157, -0.8827406167984009, -0.5659065246582031, -0.47229424118995667, -0.660171389579773, -0.611140787601471, 0.3038594722747803, 0.9979599118232727, 0.2573704719543457, 1.1388287544250488, 0.7509163022041321, 0.6349291205406189, 1.0704536437988281, -0.15050308406352997, 0.8884226679801941, 0.330099880695343, 0.30133649706840515, -0.38993051648139954, -0.00659928098320961, 0.39177364110946655, 0.23110046982765198, -0.5708798766136169, -0.648108184337616, 0.296174556016922, -1.0429720878601074, -0.004121862351894379, -0.5481868386268616, 0.34108325839042664, 0.8629947900772095, 1.4088356494903564, -1.122086524963379, -1.1160340309143066, -0.5517704486846924, -1.0052311420440674, -0.17300495505332947, 0.4568793475627899, -0.001033649779856205, 1.0957103967666626, 0.8203200101852417, -0.21434421837329865, 0.4741683900356293, 0.13745103776454926, 0.05741380900144577, 0.47108393907546997, 0.283806174993515, 0.43456128239631653, 1.1869966983795166, 0.1276964247226715, 0.11956541985273361, -0.4129631221294403, -1.2893872261047363, -0.07354220747947693, -0.17242968082427979, 0.8085452914237976, 0.5033890008926392, -0.8014241456985474, -0.5501956343650818, -0.5125815272331238, -0.32723766565322876, -0.42407622933387756, 0.6425042748451233, 0.4257785677909851, -0.7783586382865906, -0.8348496556282043, -0.7620618343353271, -0.6919445395469666, 0.9465537667274475, 0.2666323184967041, -0.4659779667854309, -1.1789181232452393, 0.5865004062652588, 0.17532360553741455, -0.446435809135437, -1.0006606578826904, 0.5773357152938843, -1.0288443565368652, 0.133849635720253, -0.7126477956771851, -0.8323993682861328, -0.4057123064994812, 0.08587650954723358, -1.0433766841888428, 0.8847029805183411, 0.057850658893585205, -1.1610525846481323, -1.0975151062011719, 0.3686836361885071, 0.08719170093536377, -0.257697731256485, 0.24663975834846497, 0.29141268134117126, -2.15310001373291, 1.1059668064117432, 1.120531439781189, -0.45229652523994446, -0.24122478067874908, 0.4653572738170624, 0.016658198088407516, -0.5512507557868958, 1.5734986066818237]} +{"paper_id": "finer", "embedding": [-1.057965874671936, 0.8015820384025574, -0.25113388895988464, -0.02326798439025879, 0.1078123077750206, -0.6543580889701843, 0.14130799472332, 0.971780002117157, 0.989461362361908, 0.6021233201026917, 1.096522331237793, 0.013497699052095413, 0.30107709765434265, -0.23943118751049042, -0.3437252938747406, -0.16501259803771973, 0.007305346429347992, -0.7175812125205994, -0.3694869875907898, -0.21936804056167603, -1.0893213748931885, -0.7252928018569946, -0.27104684710502625, -0.16790810227394104, -1.21284818649292, -0.49711206555366516, 0.5062054991722107, -1.2330771684646606, 0.5312100052833557, 0.020952006801962852, 0.06500057876110077, 1.0124483108520508, -0.7277311682701111, 0.21657276153564453, -0.3009176254272461, -0.07384995371103287, -0.26051968336105347, 0.7877596020698547, -0.5957242250442505, -0.14615558087825775, -0.6969393491744995, -0.09433344006538391, 0.7683776617050171, 0.20133747160434723, 1.3687827587127686, -0.40117084980010986, 0.32251620292663574, 0.47719481587409973, 0.39391911029815674, -0.03972259908914566, -0.5231740474700928, 0.393120139837265, -0.2729889750480652, 0.6549131870269775, -0.4011364281177521, 1.1683861017227173, 0.24491775035858154, -0.7436381578445435, 0.36517801880836487, -0.3691048324108124, 0.9019237756729126, 1.079771876335144, -0.4957548677921295, -0.29900625348091125, 0.44770675897598267, 0.16830945014953613, 1.3650938272476196, -0.5707101821899414, 0.841275155544281, 0.48716050386428833, 0.036278143525123596, -0.41328108310699463, 0.8018714785575867, -0.7037330269813538, 0.19611214101314545, 1.1471612453460693, 0.5651156306266785, -0.5115265846252441, 0.44160225987434387, 0.03379478678107262, -0.21874800324440002, 0.877251386642456, 0.6500914692878723, 0.13159102201461792, -0.39009660482406616, -0.3294973373413086, 0.3608997166156769, -0.5195568799972534, 0.2215958535671234, -1.775924801826477, 0.030204080045223236, 0.5007270574569702, -0.675950825214386, -0.31962472200393677, -0.2075967788696289, -0.31568118929862976, 0.1184147372841835, -0.7519614696502686, -1.022084355354309, 0.29702654480934143, 0.7108904719352722, -0.8083747625350952, -0.5677968263626099, -0.24476513266563416, 0.2613227367401123, 1.4128717184066772, -0.8398216962814331, -0.18181392550468445, -0.7187021374702454, -0.22505304217338562, 0.26568055152893066, 1.47806978225708, 0.055486369878053665, 0.7657077312469482, -0.3189869225025177, -0.35606735944747925, 0.2655653655529022, -0.45129886269569397, -0.699424147605896, 0.2233845442533493, -0.9737427830696106, -1.3761498928070068, -0.0668880045413971, 0.49746114015579224, 0.8291721343994141, -1.112662672996521, 0.1513495296239853, -0.5996115803718567, 0.20649437606334686, -0.44179007411003113, 0.5252138376235962, -0.19961506128311157, -0.5389162302017212, -0.9168302416801453, 2.641042947769165, -0.7340521812438965, 0.9904295802116394, -0.5357710719108582, 0.028379878029227257, -0.11184684932231903, 0.22590374946594238, 0.8919184803962708, 0.2607419490814209, -0.49543967843055725, -0.3497592508792877, 0.5827714800834656, -0.5541426539421082, 0.14161980152130127, 0.11740714311599731, -0.09974339604377747, 0.351021945476532, 0.7729012966156006, -1.7054715156555176, -0.12063440680503845, -0.174790158867836, 0.44596317410469055, 0.19603002071380615, 0.7969417572021484, -0.4314380884170532, 1.3509091138839722, 1.650245189666748, -0.3693234324455261, -0.18865032494068146, -0.07976046949625015, -0.4030393064022064, -0.2308744490146637, 1.375162124633789, 0.26191866397857666, -0.7909647226333618, -0.3298005759716034, 0.6081582903862, -0.11726289242506027, -0.24333032965660095, -0.4612314701080322, 0.03776409476995468, -0.16500690579414368, 0.9777213931083679, 0.16497525572776794, 0.1461084485054016, -0.46181976795196533, -0.40844035148620605, -0.19614575803279877, -0.08459070324897766, 0.7448137998580933, 0.23872080445289612, 0.5529924035072327, -1.462877869606018, -0.3322223424911499, -0.5526713728904724, 0.23615612089633942, -0.2784131169319153, -0.21016687154769897, -0.004782631993293762, 0.5151010155677795, 0.3388429880142212, -0.10084755718708038, 0.16642071306705475, -1.3457731008529663, -0.5429713129997253, 0.21043874323368073, 0.40502262115478516, -0.34067100286483765, -0.6106820106506348, 0.8899613618850708, 0.6871690154075623, -0.46042677760124207, -0.19032205641269684, -1.3925048112869263, 0.5149247050285339, 1.66019606590271, 0.026652757078409195, -1.5288974046707153, -1.7624874114990234, -0.011846944689750671, 0.8713275194168091, -0.9257873296737671, 0.22771716117858887, 0.3008939027786255, 0.9850267171859741, -1.1513806581497192, 0.3290996551513672, -0.5408099293708801, 0.2826363444328308, 0.09264575690031052, 0.7273889780044556, -0.3716649115085602, -0.5893676280975342, -0.3260803818702698, -0.7703625559806824, 0.7871889472007751, 0.5413084626197815, 0.8420243859291077, 0.451518177986145, 0.6666956543922424, 0.5315061211585999, 0.19574366509914398, -0.20051664113998413, 0.7166071534156799, -0.5354200601577759, 0.35179102420806885, -0.04191860556602478, 0.05598273128271103, -0.36279499530792236, -0.5083491802215576, -0.15300868451595306, 0.18312036991119385, -0.1735406517982483, -0.10983096808195114, 0.499885618686676, -0.2452932894229889, 1.371779441833496, 1.7536522150039673, -0.752353847026825, 0.8583464622497559, -0.9905070066452026, 0.43629831075668335, -0.6535516381263733, -0.26396238803863525, -0.13176099956035614, 0.10470928251743317, 1.0056257247924805, 0.011883145198225975, 0.7199962139129639, 0.10683287680149078, -0.14122316241264343, -1.216476559638977, -0.5444805026054382, 0.32961004972457886, -0.5085839629173279, -0.8861027956008911, 0.4573461413383484, -0.17895378172397614, -0.6189076900482178, -0.4549533724784851, 0.0413612499833107, 0.7757380604743958, -0.14500273764133453, 0.6018291711807251, 1.3928531408309937, -0.23535896837711334, -0.03328267112374306, -0.19304484128952026, 0.4999520182609558, -0.788011908531189, 0.6833687424659729, 0.4461117088794708, 0.4219389259815216, -1.0605441331863403, 0.3431703746318817, 0.6750165224075317, 0.45334571599960327, 0.475600004196167, -0.049519408494234085, 0.7939618229866028, -0.3826461434364319, -1.2954622507095337, 1.3400359153747559, -0.4582858979701996, 0.12187536805868149, -0.8641397953033447, 1.5055524110794067, 0.3574473261833191, 0.42960819602012634, 0.3658902049064636, 0.23495370149612427, -0.02509220503270626, 1.81186842918396, -0.6596070528030396, 1.033128023147583, -0.35909855365753174, 0.6021535396575928, -0.05186543986201286, 0.16709363460540771, -2.079239845275879, -0.41191744804382324, 0.20180504024028778, -0.6912675499916077, -0.33730167150497437, -0.5059524774551392, 0.6342374682426453, -0.47539806365966797, -0.03668154031038284, 0.10404819995164871, -0.8422287702560425, 0.21386466920375824, -1.0413216352462769, -0.5759186744689941, 1.0817358493804932, -0.0894237533211708, 0.6343026161193848, 0.2927185297012329, 0.29370155930519104, -1.4869260787963867, -0.12230848520994186, 1.5433852672576904, -0.15121237933635712, -0.05108341574668884, 0.13980749249458313, 0.6466580629348755, 1.327886939048767, -1.4412654638290405, -0.028767727315425873, 0.25594115257263184, 0.5834769010543823, 0.46653318405151367, 0.13108976185321808, 0.1433105766773224, 1.131667137145996, -0.6422845721244812, 1.2728325128555298, -0.36326611042022705, -0.7012866139411926, -1.2548010349273682, 0.22186647355556488, -0.46254485845565796, -0.4747062921524048, 1.9808642864227295, 0.5878006219863892, 2.0727999210357666, 0.09671129286289215, 0.515110969543457, -0.506039023399353, -0.19300319254398346, 1.2547037601470947, 0.5423052906990051, -0.5248766541481018, -0.055566251277923584, 0.20932216942310333, 0.8092540502548218, -0.37741804122924805, -0.8062078952789307, -0.3047220706939697, 0.8201841115951538, -0.07735593616962433, -1.4969964027404785, 0.10891571640968323, 0.5429062843322754, 0.6146763563156128, 1.9196741580963135, -0.46613654494285583, -0.5941774845123291, -0.1259024292230606, 0.6451705694198608, 0.8684448003768921, -0.1893656849861145, -1.4088044166564941, 0.03396424651145935, 0.17422714829444885, 0.06073082983493805, -0.3221606910228729, 0.5833502411842346, 1.1492551565170288, -0.593591034412384, -0.22875143587589264, 0.145624041557312, -0.597312331199646, -0.3256341218948364, 0.3426843583583832, 0.034623026847839355, -0.49845215678215027, 0.5548760294914246, 0.3122793138027191, -1.1690393686294556, 0.44156190752983093, -0.6515915989875793, -1.4963514804840088, 0.7809392809867859, 1.7190611362457275, -0.6853789687156677, -0.5380767583847046, -0.23134855926036835, -0.4303981363773346, -0.8608458042144775, 0.16179628670215607, -1.2911311388015747, 0.18979017436504364, 0.3698345124721527, 0.5961905121803284, 0.05882543697953224, -0.5530130863189697, -0.5768288373947144, 0.3482145071029663, 0.6207850575447083, 0.10132735967636108, 0.6723135709762573, -0.09446888417005539, -0.0005289167165756226, -0.260272353887558, -1.8108774423599243, -0.906464159488678, 0.2953737676143646, -0.34625500440597534, 0.09637460112571716, -0.8715071082115173, -0.7334925532341003, -0.11995816975831985, -0.004961337894201279, 0.8782259821891785, -1.4263519048690796, 0.24304351210594177, -0.7192028760910034, 0.35244643688201904, 0.22565984725952148, -0.883633553981781, -1.3233355283737183, 1.2954633235931396, -0.1576336920261383, 0.4522065222263336, -0.28330469131469727, 0.8287032246589661, 1.3416130542755127, 0.5033509731292725, 0.05458672344684601, -0.6670336127281189, -11.990351676940918, 0.40240970253944397, -0.17345912754535675, 0.1109655499458313, 0.7450891137123108, 0.2049202024936676, 0.628643274307251, 0.10167291760444641, 0.735953688621521, -0.22297453880310059, 0.358718603849411, 1.1250691413879395, 0.21325668692588806, -0.642368733882904, -0.11047345399856567, -0.8662407994270325, -0.1378994733095169, -0.6228276491165161, 0.39044880867004395, 0.11698494851589203, 0.12194511294364929, -1.6244078874588013, -0.32482367753982544, 0.39713189005851746, 0.5578840374946594, -0.3725585341453552, -0.14853987097740173, 0.7536505460739136, -0.8811037540435791, 0.4043594002723694, 0.5638846158981323, -0.7923325896263123, -0.6988164782524109, -0.6612046360969543, 0.7111817002296448, -0.01545572280883789, -1.4729269742965698, 0.15735816955566406, 0.7456780076026917, -0.1792120635509491, -0.5461471676826477, 0.357675164937973, 0.22118763625621796, 0.4286695122718811, -0.1069849357008934, -0.19897030293941498, 0.42447516322135925, -1.136330246925354, 0.050093874335289, -0.2421322613954544, -0.25417399406433105, 0.10230586677789688, -0.7005459666252136, -0.41726720333099365, 0.6266098618507385, 0.15365193784236908, -0.5514646172523499, 0.5155640840530396, -0.7059017419815063, -1.0110925436019897, 1.0959084033966064, 0.22950704395771027, -0.483782559633255, 0.1258825659751892, 0.5191826820373535, -0.40332457423210144, 0.5624443292617798, -0.06384018063545227, 0.16998246312141418, -0.07116827368736267, -0.43782663345336914, 0.9708911776542664, 0.3332820236682892, -0.20171865820884705, -0.37266165018081665, 0.09178493171930313, -0.19814307987689972, -0.5468204617500305, 0.5167726278305054, 0.4915044605731964, -1.2097350358963013, 0.8154199719429016, 0.1831134855747223, 0.46111419796943665, -0.8774542212486267, 0.1552940160036087, -0.22103586792945862, -1.0288158655166626, 0.7881596088409424, -0.4309502840042114, 1.0766626596450806, 0.12753704190254211, -0.5993160605430603, -0.29744040966033936, -0.5535055994987488, 0.981406033039093, -0.7473779320716858, 1.2068934440612793, 0.8561736345291138, -0.08847896009683609, 0.7007255554199219, -0.15516965091228485, -0.6773108243942261, -0.326158344745636, 1.3943719863891602, -0.25619539618492126, -0.014172941446304321, 0.2181515097618103, -0.02303183078765869, 0.1277945637702942, 0.8222141265869141, 0.19401472806930542, 0.23549650609493256, 0.4757011830806732, -0.2490949183702469, 1.0825231075286865, 0.3258490562438965, 0.022480949759483337, 0.20349159836769104, 0.9712836742401123, 0.5066460371017456, 0.7681737542152405, -0.0625055804848671, 0.8433199524879456, 0.12359772622585297, -0.6670411825180054, 0.9044200778007507, 0.7597358822822571, 0.6845328211784363, -1.1885617971420288, -0.06969478726387024, 0.1440071165561676, 0.05289546400308609, -0.8196967244148254, -0.9217916131019592, -0.7319854497909546, -0.5847520232200623, 1.0848983526229858, 0.026755966246128082, 0.16555644571781158, -0.04579993709921837, -0.6482279300689697, 0.33867955207824707, 0.13897913694381714, -0.817929208278656, -0.48416411876678467, -0.798795759677887, 0.052133187651634216, -0.5209639072418213, -0.6628773808479309, 0.5737105011940002, -0.20597127079963684, 0.10853991657495499, -0.9939411878585815, -0.3083219826221466, 0.3563569188117981, -0.15752339363098145, -0.5711166262626648, -0.03901086747646332, 0.4390840530395508, 0.05864481255412102, 0.8253540992736816, -1.1197866201400757, 1.2935541868209839, 0.960604190826416, -0.2647293210029602, -0.5420700311660767, 0.24789515137672424, -0.8636417984962463, 0.13789647817611694, 0.792242705821991, -1.1417768001556396, 0.06554669141769409, -0.8444810509681702, -0.39142370223999023, -1.0196330547332764, 0.12234419584274292, 1.0036492347717285, -0.561996340751648, 0.23749637603759766, 0.20795157551765442, 0.6057208776473999, 0.8145429491996765, 0.2103002369403839, -0.23480090498924255, -0.6702412962913513, 0.2625482678413391, 0.6060530543327332, -0.35423246026039124, 0.23557433485984802, -1.4460004568099976, -0.988381564617157, -0.8267005681991577, -0.47813424468040466, 0.8903542160987854, 0.12865710258483887, 0.7974807620048523, 0.8093464374542236, -0.08596515655517578, 0.026495516300201416, 0.21669630706310272, 1.1179968118667603, 0.9520858526229858, 0.9090800881385803, -0.5353341102600098, -0.48109617829322815, -0.4987586736679077, 0.007354419678449631, 0.52716064453125, 0.09209579229354858, -1.6349948644638062, -0.3908076882362366, 0.8310294151306152, -0.16056346893310547, 0.5734339952468872, -0.5966445207595825, 0.5713488459587097, 0.27761325240135193, -0.1952109932899475, -1.2068235874176025, 0.0016874298453330994, 0.2744874656200409, -1.3110287189483643, 1.1107678413391113, 0.1019413098692894, 0.3065473139286041, 0.5762527585029602, 0.02408602088689804, 1.0579032897949219, -0.23739810287952423, -0.05072786286473274, 0.7048417329788208, 0.09486252069473267, -0.05520929396152496, -0.3163987994194031, 0.6244137287139893, -0.883344292640686, 0.3126058578491211, -0.5702580809593201, 0.18944686651229858, 0.07869985699653625, -0.4828585088253021, 0.18480993807315826, 0.9114759564399719, 0.04178270697593689, -0.8761822581291199, -0.8557382225990295, -1.050382375717163, 0.1078992635011673, 0.14396154880523682, -0.28515875339508057, 0.9628561735153198, 0.6398873925209045, 0.29325661063194275, 1.0900498628616333, -0.5208252668380737, -0.0008988678455352783, 0.38478314876556396, -0.17878593504428864, 0.4272790253162384, 0.7750791311264038, 0.21100382506847382, 0.18269632756710052, -0.3189252018928528, -0.9929425716400146, -0.671168863773346, -0.24900682270526886, 0.11534126102924347, 1.1393458843231201, -0.946907103061676, 0.05247080326080322, -0.4723007082939148, 0.7069610357284546, -0.2007266879081726, 0.46368643641471863, -0.018812619149684906, -0.1358681321144104, -0.8309534192085266, -0.9511504769325256, 0.02333027869462967, 1.0803008079528809, -0.36375588178634644, 0.19608086347579956, -0.54868084192276, -0.212045818567276, -0.508528470993042, -0.3673871159553528, -0.47519272565841675, 0.5683214664459229, -0.3394806683063507, -0.28494369983673096, 0.026546772569417953, -0.8072118163108826, -0.8308168053627014, 0.18569697439670563, -0.9668446183204651, 0.5425848960876465, 0.4782561659812927, -1.1265482902526855, -0.1864495426416397, 0.2892947494983673, -0.57265305519104, 0.19337032735347748, 0.7339078783988953, -0.32189881801605225, -1.1586825847625732, 0.5021471381187439, 0.659720778465271, 0.0663762018084526, -0.7210851311683655, 0.7454123497009277, 0.393015056848526, -0.24523693323135376, 0.2275913953781128]} +{"paper_id": "rvl_cdip", "embedding": [-0.1933952122926712, 1.3463066816329956, -0.0014432147145271301, 0.1724209040403366, -0.5754116177558899, -0.47053611278533936, -0.08349337428808212, 0.8628665208816528, 1.1094517707824707, 0.11015838384628296, 0.8845369815826416, 0.255623459815979, 0.569046139717102, -0.1977827250957489, -0.24412578344345093, 0.33026137948036194, 0.1782645285129547, -1.032667875289917, -0.5884657502174377, 0.3399154245853424, -0.900815486907959, -0.5168577432632446, -0.29029521346092224, -0.3552412688732147, -0.7584115266799927, -0.7662169337272644, 0.41517525911331177, -0.46162256598472595, 0.6834255456924438, 0.9964765310287476, 0.22347459197044373, 0.22926020622253418, -1.492570400238037, -0.004172518849372864, -1.0035202503204346, -0.7545813918113708, 0.6844853758811951, 0.6196691989898682, 0.10234806686639786, -1.187464714050293, -0.39032280445098877, 0.07621592283248901, 0.9008274078369141, 0.3759196996688843, 0.5755034685134888, -1.0212491750717163, 0.7921513319015503, -0.1476828008890152, -0.04568370431661606, 0.19001954793930054, -0.10938474535942078, 1.1359548568725586, -0.27400168776512146, 0.7472138404846191, -0.9840996265411377, 1.0456345081329346, 0.031276702880859375, 0.5088425278663635, -0.23333629965782166, -1.0524803400039673, 0.5096248984336853, 0.9068392515182495, -0.6238210201263428, -0.32456913590431213, 0.6308807730674744, -0.3041120171546936, 1.127151370048523, 0.2340662032365799, 0.04580610990524292, 0.9442669153213501, -0.35673826932907104, -0.6054792404174805, 0.5162174105644226, -0.5414516925811768, 0.15685130655765533, 1.0975265502929688, -0.039588384330272675, -1.0501749515533447, 0.4489838480949402, -0.04765576869249344, -0.6264363527297974, 0.4022567868232727, 0.052053000777959824, -0.025067973881959915, -0.4790206253528595, -0.9857835173606873, 0.15845072269439697, -0.057016123086214066, -0.003878088667988777, -0.7433403134346008, 0.8710517287254333, -0.30900219082832336, -0.17250360548496246, 0.21700015664100647, -0.2808091938495636, -1.077593445777893, -0.19410839676856995, -0.382586807012558, -1.161355972290039, 0.5603370070457458, 0.29102182388305664, -0.36955446004867554, 0.5174211263656616, 0.0827392041683197, 0.5896270871162415, 0.602828860282898, -0.4929969906806946, -0.14958235621452332, -0.07253451645374298, -0.36577892303466797, -0.004133831709623337, 0.797166645526886, 0.4048795998096466, 0.2887585759162903, -0.2803250551223755, 0.12292272597551346, 0.7589918971061707, 0.15034814178943634, -0.639112114906311, -0.18153338134288788, -0.07769063115119934, -2.063845157623291, -0.5854818224906921, -0.12390300631523132, 0.44890689849853516, -0.41203632950782776, 0.39903685450553894, -0.6695495843887329, 0.0870366096496582, -0.44895458221435547, 0.46987172961235046, 0.3704579472541809, -0.39084944128990173, -0.4918602406978607, 2.9140212535858154, -1.0429686307907104, 1.03682541847229, 0.01168142631649971, -0.04393614083528519, 0.17280246317386627, 0.20128858089447021, 1.0722781419754028, 0.092758409678936, -0.8578609228134155, -0.6339070796966553, 0.045367561280727386, -0.26077738404273987, 0.4700218737125397, -0.7903374433517456, 0.037390317767858505, 0.24935948848724365, 1.3257735967636108, -0.6196289658546448, -1.5907163619995117, -0.20972003042697906, 0.4193566143512726, 0.9544833302497864, -0.2756417989730835, -0.5932580232620239, 0.28661978244781494, 0.6323838233947754, 0.7334426641464233, -0.6752773523330688, 0.1360759288072586, -0.23902130126953125, -0.25018587708473206, 1.1721720695495605, 0.3371085822582245, -0.1028202548623085, -0.006415121257305145, 0.282888799905777, -0.8622558116912842, 0.5020683407783508, -0.3451429307460785, -0.10030511766672134, 0.16288340091705322, 0.5411945581436157, 0.1345536857843399, 0.6756398677825928, -0.7877718806266785, 0.26475128531455994, -0.13515524566173553, 0.832125723361969, 0.15910585224628448, 0.9445384740829468, -0.4608605206012726, -1.6891632080078125, -0.08264437317848206, 0.20846708118915558, -0.09066115319728851, 0.4305374026298523, -0.9833335280418396, 0.14898061752319336, 0.31070080399513245, -0.1568613350391388, 0.15576574206352234, -0.43328404426574707, -0.6171247363090515, -0.6158038377761841, 1.0188848972320557, 0.7307183742523193, 0.30901220440864563, -0.58875572681427, 0.8890334367752075, 0.9038331508636475, -0.029393577948212624, 0.020924493670463562, -0.906180739402771, 1.2770090103149414, 0.9331283569335938, -0.19064277410507202, -0.9586243629455566, -0.9561909437179565, -0.4273015856742859, 0.02394677698612213, -0.9919143319129944, 0.7873939275741577, -0.8914328813552856, 0.19558505713939667, -0.7180136442184448, -0.189479261636734, -0.8896582126617432, -0.28614798188209534, -0.9503355622291565, 1.023118495941162, -0.8626967668533325, -0.34439870715141296, 0.1198139488697052, -1.1197600364685059, 0.6882249116897583, 0.9084991812705994, 0.2304622083902359, -0.020488783717155457, 0.5467696189880371, 0.6363801956176758, 0.3640231490135193, 0.28232231736183167, -0.1070147156715393, 0.02654317021369934, 0.3816416263580322, -0.43319016695022583, 0.7407315373420715, -0.08381849527359009, 0.16566506028175354, 0.059478357434272766, 0.3220173716545105, 0.12027601897716522, -0.8546857237815857, 0.13400839269161224, -0.16442421078681946, 1.5121564865112305, 0.7746796607971191, -0.45812830328941345, 0.23746097087860107, -0.06742151081562042, -0.6574386954307556, 0.905961811542511, 0.24497132003307343, 0.6853524446487427, -0.09501827508211136, 0.41544967889785767, -0.45216745138168335, 0.440859854221344, 0.5498502254486084, -0.32511982321739197, 0.20560170710086823, -1.110306978225708, -0.21641817688941956, -0.7305150032043457, -0.6806374788284302, -0.6323660612106323, 0.5632783770561218, 0.36720532178878784, -0.5274226665496826, 0.6877858638763428, 0.05538617819547653, -0.48619556427001953, 0.6426671743392944, 0.6469161510467529, 0.11913901567459106, 0.8727328181266785, -0.8854231238365173, 0.4325372576713562, 1.088555097579956, 0.3874514698982239, -1.3561993837356567, -0.07487985491752625, -1.053454041481018, -0.9953757524490356, -0.6264634728431702, -0.14993566274642944, -0.16896852850914001, -0.47255298495292664, 1.0334348678588867, -0.4237763583660126, -1.4347002506256104, 1.830100417137146, 0.43733635544776917, -0.35718855261802673, -0.6486489176750183, 1.5025357007980347, 0.39280036091804504, -0.4855630695819855, -0.17405587434768677, 0.9319445490837097, -0.7547563314437866, 1.3423227071762085, 0.08166313171386719, 0.5562244653701782, 0.08403457701206207, 0.3388410210609436, 0.1755828708410263, -0.3698955178260803, -1.4966022968292236, -0.2592528164386749, 0.4703872799873352, 0.0068153031170368195, 0.2320372313261032, -0.6131383180618286, -0.2985662817955017, 0.1306564211845398, 0.23988759517669678, 0.2149205505847931, -1.6164785623550415, 0.7521384358406067, 0.8205219507217407, 0.3043363690376282, 0.9525628685951233, 0.1620313674211502, 0.35111555457115173, 0.268011212348938, 0.40866222977638245, -0.9486071467399597, -0.5152156949043274, 0.9038410186767578, -0.24983613193035126, 0.05675205588340759, 0.45767730474472046, 0.47323814034461975, 0.4599958658218384, -0.8166201114654541, 0.14194141328334808, 0.48525142669677734, 0.10183960944414139, -0.677392303943634, 0.6996926665306091, 0.2047490030527115, 1.0451189279556274, 0.8699826002120972, 0.7779162526130676, 0.39928558468818665, -0.8343912959098816, -0.2899627983570099, 0.14713995158672333, -0.6563714146614075, -0.043708156794309616, 1.0199224948883057, -0.5632603168487549, 2.0446841716766357, 0.3558858633041382, 0.20883256196975708, -0.08129038661718369, -0.3771011233329773, 0.44243189692497253, 1.1691875457763672, 0.2940184473991394, -0.10763023793697357, -0.04383686184883118, 0.31708842515945435, 0.21541647613048553, -0.35003653168678284, -0.7034434676170349, 1.0468950271606445, 0.04989389702677727, -0.2846754491329193, 0.5573261976242065, 0.6402149200439453, 1.0082266330718994, 1.4483250379562378, 0.16554735600948334, -0.47063305974006653, -0.9966762065887451, 0.1511382907629013, 0.34152886271476746, -0.6361178755760193, -0.37481048703193665, -0.4048619270324707, -0.017623554915189743, 1.6909159421920776, 0.380862832069397, 0.9532634615898132, 1.2984154224395752, -0.00881330668926239, 0.26979517936706543, -0.08890790492296219, -0.5706649422645569, -0.8437217473983765, -0.5183947682380676, 0.1653350442647934, -0.6970880031585693, 0.6362600326538086, 0.002943631261587143, -0.9370841979980469, 0.01537005603313446, -0.019467270001769066, -0.48146751523017883, 0.17191937565803528, 1.766966700553894, -0.45598089694976807, -0.10385194420814514, -0.0679699033498764, -0.2272152155637741, -0.8509029150009155, 0.17878760397434235, -0.3181484639644623, 0.308401495218277, 0.35275039076805115, 0.5734304785728455, -0.9481742978096008, 0.11280028522014618, -0.6779754757881165, 1.203698754310608, 0.2952713966369629, -0.3439731299877167, -0.34178829193115234, -1.5449810028076172, 0.08411942422389984, -0.042892783880233765, -1.7496150732040405, 0.25739118456840515, 0.5670546889305115, -0.32322317361831665, -0.44083914160728455, -0.5569180846214294, 0.7527985572814941, -0.38062113523483276, 0.44845786690711975, 0.2527812123298645, -1.0248699188232422, 0.13962189853191376, -0.738180935382843, 1.3549726009368896, 0.640845775604248, 0.022657595574855804, 0.4246487319469452, 0.9208918213844299, -0.0033457279205322266, 0.7366886138916016, -0.17981016635894775, 0.4581829309463501, 0.7090973854064941, 0.6837129592895508, -0.31260591745376587, 0.38611477613449097, -12.29240608215332, 0.07330352067947388, 0.09517364948987961, 0.573344886302948, 0.8457826972007751, 0.6819849610328674, 0.7714220881462097, 0.3274170458316803, 0.3458738327026367, -0.49141475558280945, -0.00182366743683815, 1.1762412786483765, -0.4713982045650482, -0.6734845042228699, -0.4039243161678314, -0.5774083137512207, -1.0396170616149902, -0.2763274908065796, 0.9488301277160645, 0.11719691008329391, 1.3858067989349365, -0.6931164264678955, -0.844251275062561, 0.06498865783214569, -0.05664660036563873, -1.8446632623672485, 0.35473740100860596, 0.19428424537181854, -1.085310697555542, -1.1632230281829834, 0.09402924031019211, -0.2665369212627411, -0.6226774454116821, -0.7972721457481384, 0.7647835612297058, -0.6798977255821228, -0.8272734880447388, -0.2090197652578354, 1.1761558055877686, -0.48774105310440063, -0.21651042997837067, 0.5560374855995178, -1.10399329662323, -0.3057798147201538, -0.31905749440193176, 0.31174999475479126, 0.020389994606375694, -0.14262673258781433, 0.988135814666748, -0.4287376403808594, -0.3096075654029846, -0.15996040403842926, 0.28870829939842224, -0.29426947236061096, 0.8516373634338379, 0.8573245406150818, -0.905494213104248, -0.13471762835979462, 0.400777667760849, -1.1404865980148315, 0.611050009727478, 0.41383999586105347, 0.19179952144622803, 1.042130708694458, 0.20641717314720154, -0.38068297505378723, 0.7054116129875183, 0.6589592099189758, 0.13139909505844116, 0.3279458284378052, -0.6219040751457214, 0.7355173826217651, 0.7955833077430725, -0.4026603102684021, -0.7331153154373169, 0.4032549560070038, -0.2584550380706787, 0.18028859794139862, 0.07219202816486359, 0.6001125574111938, -0.6918704509735107, 0.3259631395339966, -0.6555331349372864, -0.2858317792415619, 0.3763412535190582, 0.13259072601795197, 0.658512532711029, -0.013104584068059921, 0.512688159942627, 0.7636540532112122, 0.526146650314331, 0.10703849047422409, 0.005858927965164185, -0.8379600644111633, 0.014963358640670776, 0.8102068305015564, -1.3300203084945679, 0.3405072093009949, 0.38192299008369446, -1.112874150276184, 0.10548524558544159, 0.19928914308547974, -0.29587796330451965, -0.13047736883163452, 1.1206005811691284, -0.4542749226093292, -0.12424179911613464, 0.45906880497932434, 0.2598773241043091, 1.0253419876098633, 0.3759997487068176, -0.5140916109085083, -0.3768652081489563, 0.8714545965194702, -0.25878188014030457, 0.5167626738548279, 1.2038912773132324, -0.7214694619178772, -0.052809938788414, 0.5665634274482727, 0.3342876732349396, 0.07814797013998032, 0.1442117840051651, 1.0681313276290894, 0.4997149109840393, -0.6632598638534546, -0.5560051798820496, 0.5666959285736084, 0.55222088098526, -1.0286275148391724, 0.29774317145347595, 0.17308814823627472, -0.26865914463996887, -0.3860783576965332, -0.3872854709625244, -0.9140220880508423, -0.6335040926933289, 1.3181850910186768, -0.08492723107337952, -0.48857879638671875, -0.32411980628967285, -0.037160564213991165, -0.4341963529586792, -0.554445743560791, -0.8190852999687195, -0.47322607040405273, -1.0456018447875977, -0.07148239016532898, -0.7726216912269592, -0.6459793448448181, 0.6817690134048462, -0.2724255919456482, 0.27750250697135925, -0.8775008916854858, -0.9333736300468445, 0.0460532009601593, 0.6245271563529968, -0.6246050000190735, -0.7001304030418396, 0.09567709267139435, 1.3149564266204834, 0.679294228553772, -1.3151798248291016, 1.2506649494171143, 0.8392112255096436, 0.21890118718147278, -0.8381304740905762, 0.13645058870315552, 0.6287245750427246, 0.04306245595216751, 0.7295767068862915, -0.9060021638870239, -0.4220907390117645, -0.40968143939971924, -0.07744225859642029, -0.1440306156873703, -1.2623149156570435, 0.8693630695343018, -1.179320216178894, 0.6579721570014954, -0.4028152823448181, 0.8481168746948242, 0.8866872191429138, -1.0437800884246826, -0.7451986074447632, -0.3568025827407837, -0.42649757862091064, 1.0679683685302734, -0.4717375338077545, 0.27258244156837463, -1.1516002416610718, -1.4365286827087402, -0.9752062559127808, -0.7086939811706543, 0.8456345796585083, 0.20345601439476013, 0.3013789653778076, 0.599540114402771, -0.744296669960022, -0.06203528866171837, -0.5345835089683533, 0.2711440920829773, 0.8936920762062073, 0.3744126558303833, -0.10514044761657715, 0.010453522205352783, -0.2211974561214447, -0.1371285766363144, -0.08193479478359222, 0.69705730676651, -1.1243053674697876, -0.3028697371482849, 0.4444544017314911, -0.5254148244857788, 0.1410348117351532, -1.3759461641311646, -0.21399438381195068, 0.08213438093662262, 0.11568284034729004, -0.35870400071144104, -0.3251246213912964, -0.5451502799987793, -0.4118320345878601, 1.4085785150527954, -0.0010743383318185806, 1.0063807964324951, 0.1820540875196457, 0.10017716884613037, 1.8310824632644653, 0.11253827810287476, 0.04784483090043068, 0.3632025122642517, 0.10362167656421661, -0.1686164140701294, 0.11043557524681091, 0.36890023946762085, -1.1790027618408203, -0.4880724549293518, -0.9093160033226013, -0.2914246916770935, -0.8995548486709595, -0.0781325101852417, 0.03543370962142944, 1.0209161043167114, -0.15736204385757446, -1.1677448749542236, -1.0341113805770874, -1.3858765363693237, -0.5561891794204712, -0.10629580914974213, -0.16400447487831116, 0.8553106784820557, 0.6369219422340393, -0.8169060349464417, 0.8605667948722839, 0.03887861222028732, -0.3430477976799011, 0.2848292589187622, -0.9152289032936096, 1.1981089115142822, 0.2930428087711334, -0.07578417658805847, 1.138380765914917, -0.22782817482948303, -0.19868439435958862, -0.6028679609298706, -0.2521364986896515, 0.40002453327178955, 0.8351007699966431, -0.8232580423355103, -0.8196612000465393, 0.141846165060997, -0.47009122371673584, 0.03483659029006958, 0.37032410502433777, 0.37381571531295776, 0.20085425674915314, -1.4802979230880737, -0.16536074876785278, 0.07112351804971695, 0.034190960228443146, -0.38124769926071167, -0.2854769825935364, -0.6614891886711121, -0.03560196980834007, 0.903969943523407, -0.09886312484741211, -0.36965441703796387, -0.019978292286396027, -0.2824490964412689, -0.004816114902496338, 0.5387134552001953, -0.7205048203468323, -0.28595107793807983, 0.32972487807273865, -0.8462454676628113, -0.004490043967962265, -0.6150720715522766, -0.2782107889652252, -0.05840621143579483, 0.5620936155319214, 0.28834953904151917, -0.0004538297653198242, 0.1204758733510971, 0.6377108693122864, 0.3490874767303467, 0.7132421731948853, 0.38170430064201355, -1.1886613368988037, 0.585456371307373, 0.7771719694137573, -0.19259576499462128, 0.6277432441711426, 0.5000153183937073]} +{"paper_id": "gap", "embedding": [0.3649687170982361, 0.4928876757621765, -0.25541427731513977, -0.21792295575141907, -0.3077431917190552, -0.29234206676483154, 1.1682236194610596, 0.45220404863357544, 0.2567613124847412, 0.4182905852794647, 0.502659261226654, 0.4808638393878937, 0.41010186076164246, 0.08610208332538605, -1.166628122329712, -0.3444213569164276, 0.00697152316570282, -0.47525572776794434, -0.963331937789917, -0.0592377670109272, -0.8639898300170898, -0.3369668126106262, 0.27564963698387146, 0.6062763929367065, -0.04549220949411392, -0.2045639604330063, 0.441398561000824, -0.5379910469055176, -0.16971570253372192, 0.28243666887283325, 1.021690845489502, 1.8014249801635742, 0.017624102532863617, -0.2877213656902313, -0.7997128367424011, 0.16987493634223938, 0.10493696480989456, 1.3128265142440796, -0.5265752673149109, 0.25905710458755493, -0.2827310562133789, 0.8526671528816223, 0.7994192242622375, -0.10137828439474106, 1.3850446939468384, 0.09951629489660263, -0.5984721779823303, 0.6050701141357422, -1.1556795835494995, 0.7208215594291687, -0.26991239190101624, 0.6978498101234436, 0.7459405660629272, 0.005909908562898636, -0.47242608666419983, 0.05312588810920715, 0.713758647441864, -0.4035235345363617, 0.20576702058315277, -0.40534088015556335, 0.8886178731918335, 0.4191649854183197, -0.5050517320632935, 0.5025520920753479, 0.6574244499206543, -0.8453463912010193, 0.2803271412849426, 0.4739910960197449, 0.494384229183197, 0.5828817486763, -0.013836294412612915, -1.0849223136901855, 0.39829692244529724, 0.481759250164032, -0.47511085867881775, 0.44914406538009644, -0.7452418208122253, -1.0985928773880005, 0.2229793667793274, 0.6944455504417419, -0.5588845610618591, 0.2414308339357376, -0.4734085202217102, -0.5068461894989014, 0.772650420665741, -1.2071260213851929, 0.35473573207855225, -0.5332694053649902, 0.36868494749069214, -0.7346444129943848, -0.01713351160287857, -0.0036266203969717026, 0.5041379332542419, -0.6569410562515259, -0.7274709939956665, -0.1670970618724823, 0.036178186535835266, -0.35416626930236816, -1.051080346107483, 0.4134030342102051, 0.763455331325531, 0.0939803421497345, 0.8661291003227234, -0.38598302006721497, 0.5649742484092712, 1.237717866897583, -0.5833876132965088, -1.3069572448730469, -0.09939191490411758, -0.532396674156189, -0.6456604599952698, 0.6602527499198914, -0.4664704203605652, 0.5139219760894775, -0.4151308834552765, -0.21057036519050598, -0.21482476592063904, 0.8620731830596924, -0.37588074803352356, 0.14040018618106842, 0.2742478847503662, -1.4288610219955444, 0.5664862990379333, 0.1671379953622818, 1.0215705633163452, -0.626451313495636, 0.3307759761810303, 0.258295476436615, 0.5140116810798645, -0.22643700242042542, 1.3747203350067139, 0.08836375176906586, -0.15793919563293457, 0.8189991116523743, 2.152576446533203, 0.5052876472473145, 0.5151347517967224, 0.8642863035202026, -0.30496400594711304, 0.18678618967533112, 0.8920449614524841, -0.19620144367218018, 1.596714973449707, 0.29783159494400024, -0.39170941710472107, 0.7845929861068726, 0.2714707553386688, -0.13246610760688782, -2.269644021987915, -0.5716570019721985, -0.42930981516838074, 0.9219965934753418, -0.4428291320800781, -1.6265910863876343, 0.2670646607875824, 0.3496042788028717, -0.19147564470767975, -0.040440432727336884, -0.8966390490531921, -0.551459550857544, 0.4095773994922638, 0.3977528214454651, -0.29293590784072876, 0.40475645661354065, -0.7414536476135254, -0.19731146097183228, 1.154454231262207, 0.09975404292345047, -0.6788561344146729, -0.2365414798259735, 0.3385345935821533, -1.3026673793792725, 0.050532177090644836, -0.3310315012931824, -0.19419746100902557, 0.3333413898944855, 0.9241331815719604, 0.3593897223472595, 0.28617191314697266, 0.06780413538217545, -0.359148234128952, 0.07964341342449188, -0.511180579662323, -0.28571024537086487, -0.3137061893939972, 0.4790354371070862, -2.2374556064605713, -0.10039098560810089, -0.6487218737602234, -0.3673998713493347, -0.03782467544078827, -0.11180379241704941, 0.6570596694946289, -0.3344898521900177, 0.07049423456192017, -0.013398244976997375, 0.21178878843784332, -1.4516905546188354, -0.7932970523834229, 0.5458605289459229, 0.17934730648994446, 1.9749375581741333, -0.22315622866153717, 1.1107378005981445, 0.01035260409116745, -0.21914058923721313, 0.13859054446220398, -2.2126283645629883, 0.6628822088241577, 1.1409671306610107, -1.1277161836624146, -0.8876460790634155, -1.230417251586914, -0.4336053133010864, 0.33537644147872925, -1.3394290208816528, 0.29146140813827515, -0.05050186067819595, -0.48019206523895264, -1.1699575185775757, 0.2749403417110443, -0.4430173933506012, 0.1835162341594696, 0.1290915608406067, 1.0945165157318115, -0.4028787314891815, 0.08217823505401611, 0.015741154551506042, -2.066770315170288, 0.6735605001449585, 0.8753774166107178, 0.9786356687545776, 0.11675357073545456, 1.3069427013397217, -0.732842206954956, 0.4931371808052063, 0.41758254170417786, -0.20301663875579834, -1.2337943315505981, 1.1175631284713745, 0.2694682478904724, 1.8451411724090576, 0.24441368877887726, -0.478759229183197, -0.21527254581451416, 0.1915406584739685, 0.12306724488735199, -1.0508403778076172, 0.5148881673812866, 0.7597671151161194, 1.0791423320770264, 0.8509556651115417, 0.15564166009426117, 0.9132340550422668, -0.5177031755447388, -0.01881977915763855, -1.0838323831558228, -0.5084179043769836, -0.6786991953849792, 0.6448049545288086, -0.10769939422607422, -0.3819855749607086, -0.39403456449508667, -0.8663666248321533, -0.39445599913597107, -0.2584823668003082, -0.9828038811683655, -0.14950770139694214, -0.5516815781593323, 0.2895002067089081, -0.5440213084220886, 0.22103270888328552, -1.1266083717346191, -1.1674916744232178, -0.12339018285274506, 0.4312664866447449, 0.14413626492023468, 0.5850671529769897, 0.08259132504463196, -0.35173138976097107, -0.35693076252937317, -0.8225493431091309, 1.2377269268035889, -0.2290671467781067, 0.10806085169315338, 0.1031198501586914, -0.8276466727256775, -1.673828363418579, -0.3357095718383789, -0.9729718565940857, 0.3444807231426239, -0.07628048211336136, 1.0109471082687378, -0.24288707971572876, -0.526759147644043, -0.48825132846832275, 1.5705499649047852, 0.01634204387664795, 0.09880197793245316, 0.09767280519008636, 0.9476334452629089, 0.3858555555343628, -0.8000921607017517, 0.577312707901001, -0.11665357649326324, -0.7502745389938354, 1.6819027662277222, -0.5567864775657654, 1.2595397233963013, -0.3006058931350708, 0.1421593874692917, 0.6699596643447876, -0.023740127682685852, -1.9040501117706299, 0.1218273788690567, 0.35669413208961487, -0.26086896657943726, -0.1045425683259964, -0.23644256591796875, -0.7584318518638611, -0.9169935584068298, 0.7161880135536194, 0.3759714663028717, -0.6491028666496277, 1.0972802639007568, 0.389248251914978, 1.5629092454910278, 0.11498292535543442, -0.4420667290687561, 0.17801538109779358, 1.0985177755355835, 0.5952511429786682, -1.2410898208618164, -1.3697844743728638, 0.7326965928077698, -0.4210372567176819, 0.6988388299942017, 0.6880447864532471, 0.33856773376464844, -0.43069303035736084, -0.09394671767950058, 0.13867133855819702, 0.5259256362915039, -0.043235551565885544, 0.15141251683235168, 0.1802792251110077, 0.45485150814056396, 0.5956562757492065, 0.11612041294574738, 0.9426469802856445, -0.20752164721488953, -0.7633616924285889, -0.46870794892311096, -0.5927914381027222, -1.5234745740890503, -0.6476021409034729, 0.7779449820518494, -0.058416202664375305, 0.9657468199729919, 0.3725649118423462, -0.3598673641681671, -0.06609697639942169, -0.2617802023887634, 0.5997879505157471, -0.009257589466869831, -0.11999544501304626, 0.039002880454063416, 0.18055489659309387, 0.6964797377586365, 0.9502996206283569, 0.21470603346824646, -0.13156680762767792, -1.010096549987793, -0.17241764068603516, -0.5225657820701599, 0.9462165832519531, 0.14550377428531647, -0.08538872003555298, 1.54166579246521, -0.5965656042098999, -0.44848448038101196, -1.9245328903198242, -0.343263179063797, -0.48442262411117554, -0.04679330438375473, -1.040746808052063, 0.38440075516700745, 0.2319088727235794, 1.1744554042816162, 0.6859357357025146, 1.1509159803390503, 0.1671796441078186, -0.08428359776735306, -1.313781976699829, 0.11401060223579407, -0.910647451877594, 0.30056822299957275, 0.4589917063713074, 0.21555091440677643, -0.09478752315044403, -0.22750863432884216, 0.14010170102119446, -1.4469646215438843, -0.4263450503349304, -0.42918139696121216, -0.6727081537246704, -0.6007036566734314, 1.3766429424285889, 0.07058984041213989, 0.05377870053052902, -0.4892582893371582, -0.8465495705604553, -0.5882871747016907, -0.7455963492393494, -0.11228960007429123, 0.0963488221168518, -0.35151222348213196, 0.4346446096897125, -0.24519164860248566, 0.6913186311721802, -0.46067965030670166, 1.1494863033294678, 0.689695417881012, -0.24589881300926208, 0.649633526802063, -1.3435189723968506, 0.014182686805725098, 0.19351178407669067, -1.1976014375686646, -0.5086436867713928, 0.8837010860443115, 0.13001872599124908, 0.4112236201763153, -0.17732024192810059, -0.25090286135673523, 0.33402854204177856, 0.11574907600879669, 0.4838629364967346, -0.3131491541862488, 0.6914410591125488, -0.708747386932373, -0.3882368803024292, 1.0820443630218506, -0.1925601065158844, -0.26293817162513733, 1.488961935043335, -0.013584375381469727, 0.7755738496780396, -0.2610529065132141, -0.4775116741657257, 0.10955270379781723, 0.4556754231452942, -0.8643414974212646, -0.5251920223236084, -11.80264949798584, 0.8178974986076355, -0.6310561895370483, -0.03370281681418419, 0.3428700268268585, 0.9850119948387146, -0.1497192084789276, -0.04036947339773178, 0.47491663694381714, -0.5630429983139038, 0.9268280863761902, 1.3171429634094238, -0.08879827708005905, 0.11637645214796066, -0.6326259970664978, -1.1546047925949097, 0.3686811327934265, -0.12786461412906647, -0.40819108486175537, -0.10817532986402512, 0.42937496304512024, -0.2452481985092163, -0.21012936532497406, 0.19128470122814178, -0.14711420238018036, -0.19135357439517975, 0.5735508799552917, -0.32010841369628906, -0.17844197154045105, -0.19577601552009583, 0.7431778907775879, 0.15975676476955414, -0.2482479214668274, -0.7883598208427429, 0.22310499846935272, 0.732426643371582, -0.9563288688659668, 0.35242074728012085, 0.4863513708114624, 0.1868888884782791, -0.6577921509742737, 1.391544222831726, -0.04456879943609238, 0.3427131175994873, -0.36784088611602783, -0.1731317937374115, -0.22566810250282288, -1.0654911994934082, 0.8329496383666992, 0.00740436464548111, -0.21073278784751892, -0.2298201620578766, -0.4723576307296753, -0.005857229232788086, 0.6061351299285889, -0.17221687734127045, -1.3689521551132202, -0.5312041640281677, 0.4665466248989105, -0.6713865995407104, -0.04850999265909195, 1.2454904317855835, 0.87896329164505, 0.35677963495254517, 0.9037663340568542, 0.35765108466148376, 0.35336241126060486, 1.2535297870635986, -0.7189253568649292, -0.19072304666042328, -0.6485700011253357, 1.1111278533935547, 0.4974844455718994, 1.2153992652893066, 0.3082708418369293, -0.9286069869995117, -0.20468834042549133, 0.20428498089313507, 0.6121774315834045, -0.16808848083019257, -0.8454832434654236, 1.0298362970352173, -0.47590625286102295, -0.266231894493103, -0.3267764151096344, 0.34774479269981384, -0.18700814247131348, -0.26067060232162476, 0.4951638877391815, 0.15336892008781433, 1.1484780311584473, -0.36955881118774414, -0.19921375811100006, -0.754326343536377, -0.6488068699836731, 0.4031526446342468, -0.3566294014453888, -0.09563371539115906, 0.26168960332870483, -0.52147376537323, -0.492557555437088, -0.09934715926647186, -0.6700547933578491, -0.794462263584137, 0.04304017871618271, -0.0039821527898311615, -0.7803532481193542, -0.18657560646533966, -1.070681095123291, 0.0820867195725441, 0.29973652958869934, -0.6000761389732361, -0.19098545610904694, 1.1400506496429443, -0.17573320865631104, 0.022977333515882492, 1.3742471933364868, -0.19752156734466553, 0.5743584632873535, 0.9076443910598755, -0.25101256370544434, 0.4263475835323334, 0.7145822644233704, 0.6570540070533752, -0.8865836262702942, 0.7969833016395569, 1.1839306354522705, 0.5397982597351074, -0.5265302658081055, -0.6103343367576599, -0.2048080563545227, -0.06868600100278854, -0.2907191812992096, -0.2913903594017029, -0.24115493893623352, 0.4103820323944092, -0.67754065990448, 0.3377067744731903, -1.2563012838363647, -0.04687108099460602, 0.1588212549686432, -0.5494478344917297, -1.361417293548584, -0.40479758381843567, -0.9378831386566162, 0.6979728937149048, -1.7026405334472656, 0.3066381812095642, -0.6509126424789429, -0.28760355710983276, 0.118340864777565, -0.5300818085670471, 0.82435542345047, -0.07488057762384415, -0.23946093022823334, 0.43758249282836914, 0.17216654121875763, 0.04470723867416382, -0.0765611082315445, -0.3301180601119995, 0.8066613674163818, 0.7564098238945007, 0.2543259561061859, 1.1575478315353394, 0.2820987403392792, 0.04580047354102135, -0.44586482644081116, -1.2424535751342773, 0.20852509140968323, -0.05269036814570427, 0.9692246317863464, -0.40134769678115845, -0.2825331389904022, 0.1016627848148346, 0.8383876085281372, -1.109407663345337, -0.23966127634048462, 0.4012223780155182, -1.1437305212020874, 0.40368568897247314, 0.33395183086395264, 0.6233132481575012, 0.5291680693626404, -1.8660905361175537, -0.946611762046814, -0.4299405813217163, 1.2658653259277344, 0.5429552793502808, -0.8437881469726562, -0.4588170647621155, -0.3587932884693146, -1.1355183124542236, -0.7442810535430908, 0.8066294193267822, 0.11547447741031647, -0.34317630529403687, 0.6402112245559692, 0.24833159148693085, 0.21415072679519653, 0.7735685110092163, -1.072172999382019, 0.03812225162982941, -0.20131872594356537, 0.24062387645244598, -0.416239857673645, -0.7959084510803223, -0.36248818039894104, 0.372193843126297, 0.2972494065761566, 0.7423048615455627, -0.358064740896225, -0.7216920256614685, -0.18238231539726257, -0.3423265218734741, -0.7802866697311401, -0.9096900224685669, -0.47311165928840637, 0.7707837820053101, 0.09644892811775208, 0.21753191947937012, 0.11124786734580994, 0.6981788277626038, 0.5563946962356567, 1.17227041721344, 0.017240844666957855, 0.9846853017807007, 0.1600624918937683, 1.1875728368759155, 1.029101014137268, 0.12642504274845123, -0.46619364619255066, 0.3580445945262909, -1.0187069177627563, -0.5700603723526001, -0.9078279137611389, -0.046786777675151825, -0.6527817845344543, 0.9698858261108398, -0.2701541781425476, -0.12289964407682419, 0.9955602884292603, 0.37691229581832886, 0.059120699763298035, 0.2226962447166443, 0.669396162033081, -1.8147011995315552, -0.3003297448158264, 0.224061518907547, 0.8541945815086365, 1.2068071365356445, 0.01882346160709858, 0.5121018290519714, 0.8440237641334534, 1.198513150215149, 0.12229762971401215, 0.7874878644943237, 0.532550036907196, -0.6268548965454102, 0.5867310166358948, 1.265769124031067, 0.7980194091796875, -0.23709560930728912, -0.19643273949623108, -0.7436519861221313, -0.8889570236206055, -0.5827310085296631, -0.7737504839897156, 0.24646754562854767, 0.5897055864334106, 0.4696236550807953, -0.505736231803894, -0.5991765260696411, 0.829265296459198, -0.44221609830856323, 0.32950660586357117, 0.36220335960388184, -1.0074654817581177, -1.0830812454223633, 0.17602184414863586, 0.08058173209428787, 0.9139188528060913, -1.1530370712280273, -0.23744477331638336, 0.17777174711227417, 0.7072619795799255, -0.7256914377212524, 0.3278585374355316, 0.6969413757324219, -0.01581421121954918, 0.10909423232078552, 0.591251790523529, 0.2444639950990677, -0.5152843594551086, 0.7339724898338318, 0.3676164448261261, -0.12697242200374603, 0.44858095049858093, -0.35822612047195435, -0.5713703036308289, -0.16014668345451355, 0.38816696405410767, 0.4575027525424957, 0.08831118047237396, 1.0452815294265747, 0.5200093388557434, -1.5200960636138916, 0.5008072257041931, -0.01054171472787857, -0.1297108232975006, -0.1960795372724533, -0.3886270523071289, 0.46888455748558044, 0.7082976698875427, 0.26699167490005493]} +{"paper_id": "capes", "embedding": [-0.1876257359981537, 1.2702041864395142, 0.5664606690406799, 0.30813124775886536, 0.056933388113975525, -0.7957485318183899, -0.38165855407714844, 1.2329261302947998, 0.2281789481639862, 0.2692188024520874, 0.5224117636680603, -0.25771766901016235, 0.27305907011032104, 0.21126960217952728, -0.1809481382369995, -0.271255224943161, -1.4832522869110107, -1.0154027938842773, -1.2150689363479614, -0.5722896456718445, -0.570915162563324, -0.19090303778648376, -0.5865236520767212, 0.31185320019721985, -0.44715961813926697, -0.504433274269104, 0.21305538713932037, -1.0257558822631836, 0.40339550375938416, 0.30526795983314514, -0.5030933022499084, 1.0091882944107056, -1.2744598388671875, 0.1466212272644043, -0.40385109186172485, -0.19310756027698517, 0.10760393738746643, 1.3149728775024414, -0.41396933794021606, 0.2801685333251953, -0.8613539338111877, -0.6046504378318787, 0.5228894948959351, -0.2019941210746765, 1.104182481765747, -0.22281524538993835, -0.4789964258670807, 0.6051834225654602, 0.45490723848342896, 0.3744555711746216, -0.5312655568122864, 0.5319375991821289, -0.10123878717422485, 0.1901448518037796, -0.6151078343391418, 1.167434573173523, 0.15991634130477905, -0.8682705760002136, 0.6705178022384644, -0.9910556077957153, 0.5968371033668518, 1.2729376554489136, -0.4628266394138336, 0.335125207901001, 0.7085521817207336, -0.0874687060713768, 1.2960553169250488, -0.05714712664484978, 0.8338409066200256, 1.0140252113342285, 0.04620590806007385, -1.2944064140319824, 0.9105388522148132, 0.08738939464092255, 0.6244804859161377, 0.7633095979690552, 0.8353049755096436, 0.21663083136081696, 0.4851488471031189, 0.35893329977989197, -0.7651755809783936, 0.8987324237823486, 0.8361440896987915, -0.8063251972198486, 0.013131566345691681, -0.10497518628835678, -0.1820140779018402, -0.14990119636058807, 0.9018152356147766, -1.3424451351165771, -0.13377033174037933, -0.24668630957603455, 0.02849026396870613, 0.1446390450000763, 0.07961469143629074, -0.24489760398864746, 0.37699103355407715, 0.2742777168750763, -0.8683563470840454, 0.3026808500289917, 0.7542787194252014, -0.2127620279788971, 0.7610650658607483, -0.03943205624818802, 0.006420191377401352, 1.0515341758728027, -0.6743509769439697, -1.0348135232925415, -1.5372698307037354, 0.03633810579776764, 0.11780479550361633, 0.7685623168945312, 0.07461482286453247, 0.405240923166275, 0.40537989139556885, -0.5694204568862915, -0.5470301508903503, -0.05590540170669556, -0.9183810949325562, -0.6082784533500671, -0.35387974977493286, -1.3526387214660645, -0.3201049268245697, 0.019936218857765198, 0.46971970796585083, -0.6188023090362549, 0.29508087038993835, -0.039345987141132355, 0.12600047886371613, -0.4802212715148926, 0.8071476221084595, 0.2811184227466583, -0.16589269042015076, -0.08909212052822113, 3.0416159629821777, -0.4897840619087219, 1.0895136594772339, -0.33930423855781555, 0.5434342622756958, -0.0007666498422622681, 0.08119369298219681, 1.7468457221984863, -0.016712220385670662, -0.9743455648422241, 0.042489081621170044, 0.720642626285553, -0.9168462753295898, 0.32418349385261536, -0.6030790209770203, -0.4211898446083069, -0.26108434796333313, 0.6669481992721558, -0.8097723126411438, -0.996717095375061, 0.1961294263601303, 0.21234065294265747, 0.8959410786628723, 0.7796312570571899, -0.3998304307460785, 0.8468558192253113, 0.789361834526062, 0.24240979552268982, -0.7897822260856628, 0.4722317159175873, -1.3957831859588623, -0.0176729466766119, 1.524093747138977, -0.20855361223220825, -0.5930023789405823, -0.9730837941169739, 0.5732072591781616, -0.4939897954463959, 0.0031360089778900146, 0.21913045644760132, -0.12468525022268295, 0.2747285068035126, 0.753009557723999, 0.7775262594223022, -0.16528724133968353, -0.4444420635700226, 0.07620876282453537, -0.41962432861328125, -0.19228774309158325, -0.1012367457151413, 0.27258971333503723, 0.4162158966064453, -2.227785110473633, -0.39234334230422974, -0.05108542740345001, -0.2824380099773407, 0.33862507343292236, -0.5064439177513123, -0.04549232870340347, -0.20873010158538818, 0.6044508218765259, -0.1624743789434433, -0.21063239872455597, -1.2255162000656128, -0.06652309745550156, 0.8171775937080383, 0.03644877299666405, 0.1830945909023285, 0.18184910714626312, 0.9144719839096069, 0.4331316649913788, -0.1299033761024475, -0.4285535514354706, -1.1764307022094727, -0.08127856999635696, 2.42417311668396, -0.31310930848121643, -0.42800039052963257, -1.2407184839248657, -0.529412567615509, 0.3642859160900116, -0.8330745100975037, 0.06732701510190964, -0.7522619962692261, -0.6439555883407593, -0.9112824201583862, 0.33316317200660706, -0.318910151720047, -0.11213314533233643, -0.09675117582082748, 0.42496681213378906, -0.3769160509109497, -0.5691094398498535, -0.026951082050800323, -1.2285850048065186, 0.6211544275283813, 0.8314258456230164, 0.1112494021654129, -1.15487539768219, 0.6683972477912903, 0.2539485692977905, 0.5606643557548523, 0.6612652540206909, 0.49904513359069824, -0.15801236033439636, -0.5068578124046326, 0.20316286385059357, 1.3177776336669922, -0.2661210894584656, 0.08351112902164459, 0.6289530396461487, 0.4973706007003784, -0.20161055028438568, -0.7200348973274231, -0.298225998878479, 0.12404573708772659, 1.3584805727005005, 1.1253653764724731, -0.794350266456604, 2.315624952316284, -1.4423041343688965, 0.4835072159767151, 0.11506006121635437, -0.9935598969459534, -0.09802037477493286, -0.12680628895759583, 0.4703879654407501, 0.24326741695404053, 0.4964795708656311, -0.12922151386737823, -0.5637957453727722, -1.2931842803955078, -0.3836764395236969, -0.9289618134498596, -0.5299492478370667, -0.9440025091171265, -0.5238264203071594, 0.39638233184814453, -1.218070149421692, -0.12432403862476349, -0.18012529611587524, 0.6326037049293518, 0.1348695158958435, 1.1206640005111694, 1.5748223066329956, -0.19187533855438232, 0.7267036437988281, -0.10729239135980606, -0.04807702451944351, -0.2199133187532425, 1.0038422346115112, -0.17870646715164185, -0.1479598730802536, -1.2103078365325928, -0.28594422340393066, -0.6556121110916138, -0.22685831785202026, 0.13629063963890076, 0.05646301060914993, 0.3173879086971283, -0.42722809314727783, -1.5337615013122559, 0.5192204713821411, -0.32489508390426636, 0.12391223758459091, -1.1068964004516602, 1.6372004747390747, 0.6476089954376221, 0.5077406167984009, 0.3730507493019104, -0.29657936096191406, 0.04477609321475029, 1.2633377313613892, -0.574658989906311, 1.2267231941223145, 0.4097687005996704, 0.10631066560745239, 0.1690130978822708, 0.004883699119091034, -2.2159204483032227, -0.11123938113451004, 1.1458892822265625, -0.1910538375377655, -0.38905030488967896, -0.4905502498149872, -0.10528196394443512, -0.554909884929657, -0.767371654510498, 0.3784845769405365, -1.095626950263977, 0.5502283573150635, -0.2922634482383728, -0.04661954939365387, 0.8980587124824524, -0.9897605776786804, 0.7537493705749512, 1.3543041944503784, 0.461940199136734, -0.3799828588962555, -0.3258504271507263, 0.7452583909034729, -0.8225789666175842, 0.6385904550552368, 0.6619419455528259, 0.9215682744979858, 1.3939907550811768, -0.35660895705223083, -0.04931178689002991, 0.3521345853805542, 1.4915581941604614, 0.1871921718120575, 0.8988287448883057, -0.365691602230072, 0.8599851727485657, 0.10029385983943939, 0.908417820930481, 0.2266717255115509, -1.234917402267456, -0.5945314764976501, 0.049454931169748306, -0.516288161277771, -0.5570673942565918, 1.770114541053772, 0.5406637787818909, 1.6055104732513428, 0.012031110003590584, 0.37320518493652344, -0.31187209486961365, 0.03858489915728569, 0.8942253589630127, 0.6256093382835388, -0.030859217047691345, -0.0331658199429512, -0.04723232239484787, 0.8805931806564331, 0.020880499854683876, -0.671349048614502, 0.3021731674671173, 0.7657530307769775, -0.834584653377533, -0.7130199074745178, -0.22113285958766937, 0.8249635696411133, 1.2426092624664307, 1.507909893989563, -0.8128361701965332, -0.7302220463752747, -0.3181973099708557, 0.14175869524478912, -0.41242825984954834, 0.4755687713623047, -1.2602871656417847, -0.037513166666030884, 0.7196331024169922, 0.6242181062698364, -0.17515802383422852, 1.0036165714263916, 0.5884270071983337, -0.7042086720466614, -0.5937575101852417, 0.14167556166648865, -0.7972562909126282, -0.548857569694519, -0.8566604256629944, -0.32761484384536743, -1.2422983646392822, 0.6543307304382324, -0.32758602499961853, -0.7906708121299744, 0.49475350975990295, 0.2095859795808792, -1.8866665363311768, 0.8598459959030151, 0.8809376955032349, -1.6011656522750854, -0.19888220727443695, 0.13464294373989105, -0.7383113503456116, -0.7940881848335266, 0.35090380907058716, -0.3650401532649994, -0.12271527945995331, 0.476632684469223, 0.53773432970047, -0.2779499292373657, -0.3191000521183014, -1.1686408519744873, 0.3276798725128174, 1.562736988067627, -0.7521344423294067, -0.4340352714061737, -0.39995625615119934, 0.8768613934516907, -0.1051843911409378, -1.1686683893203735, -0.36179259419441223, 0.014367262832820415, 0.5809065103530884, -0.47982093691825867, -0.19039534032344818, -0.552036702632904, -0.19459515810012817, 0.3542291522026062, 0.6517800688743591, -0.9693208336830139, 0.6137243509292603, -0.48242080211639404, 1.196802020072937, 0.4821333885192871, -0.21196269989013672, -0.3659432828426361, 1.25587797164917, -0.46653085947036743, 0.32199734449386597, 0.5876796245574951, 0.535693347454071, -0.0594525970518589, 0.35946646332740784, 0.008503854274749756, -0.10493440181016922, -11.396598815917969, -0.2372925728559494, -0.1684264987707138, 0.417726993560791, 0.6810799241065979, -0.050225891172885895, 1.0101169347763062, 0.17245201766490936, 0.007887914776802063, -0.23295314610004425, 0.8838956952095032, 0.9590123891830444, 0.5413371324539185, -0.37591835856437683, -0.1859053075313568, -0.6887704133987427, -0.7129840850830078, -0.010525278747081757, 0.9869905710220337, 0.035350289195775986, -0.722663402557373, -0.8227181434631348, -0.13673308491706848, 0.4260687232017517, 0.18044932186603546, -0.0795685350894928, 0.31999310851097107, 0.14443111419677734, -0.5559805631637573, -0.1217200979590416, 0.40275487303733826, -0.31046929955482483, -1.0351020097732544, -0.1372038573026657, 0.6486634016036987, 0.18339680135250092, -0.820143461227417, -0.006133479997515678, 1.0195399522781372, -0.46239161491394043, -0.2863585948944092, 0.4402105510234833, -0.026533614844083786, -0.30618366599082947, -0.5391921401023865, 0.2997590899467468, 0.029589319601655006, -0.8938818573951721, 1.2479629516601562, -0.785464346408844, -0.793836236000061, -1.114295244216919, -1.1542357206344604, -0.5997257828712463, 0.6451911926269531, 0.34765493869781494, -0.6236077547073364, 0.41976064443588257, -0.4245718717575073, -0.6169623136520386, 1.159710168838501, 0.23235562443733215, -0.4337786138057709, 0.5504394173622131, -0.21029594540596008, -0.19842706620693207, 0.603520393371582, 0.44946587085723877, -0.40015068650245667, 0.0570649653673172, -1.0531072616577148, 0.2713879644870758, 0.06873774528503418, 0.0849907249212265, 0.04224032908678055, -0.3613564670085907, -0.2702676057815552, -0.8891510367393494, 0.32136526703834534, 0.3484751880168915, -0.7899721264839172, 0.2753053903579712, -0.28574803471565247, -0.5732271075248718, -0.13038484752178192, -0.2386503964662552, -0.043057881295681, 0.31216612458229065, 0.9443451166152954, 0.32810381054878235, 1.1287175416946411, -0.14235985279083252, 0.09364800155162811, 0.12000738829374313, -0.29919198155403137, 0.6941278576850891, -0.8854445815086365, 0.743348240852356, -0.07901962846517563, -1.198370099067688, 0.30931559205055237, -0.559962272644043, -0.5280894041061401, -0.13251343369483948, 1.012408971786499, 0.2375635802745819, 0.36256885528564453, 0.25313231348991394, 0.14641794562339783, 0.3387683033943176, 1.0892958641052246, -0.3418741226196289, 0.15017709136009216, 0.6574289798736572, 0.5073592662811279, 1.6449483633041382, 0.7651819586753845, 0.5345855355262756, 0.21421891450881958, 0.9543357491493225, 0.17576946318149567, 0.9029898047447205, 0.6244573593139648, 1.6878184080123901, -0.22633785009384155, 0.16651001572608948, 0.01749281957745552, 0.805711030960083, -0.8618981838226318, -0.7977904081344604, -0.2690325975418091, 0.20024876296520233, -0.07312435656785965, -1.1081486940383911, -0.3198969066143036, -0.6451601386070251, -0.6567893624305725, 1.2060608863830566, -0.29287856817245483, -0.029951564967632294, 0.04615561664104462, -0.9938172101974487, -0.07485239207744598, 0.1689588725566864, -0.2318466305732727, 0.07203985750675201, -1.2965519428253174, -0.3940480947494507, -0.3704833984375, -1.0841008424758911, 0.5053440928459167, -0.12207528948783875, 0.9365540146827698, -0.7424086332321167, -0.007000837475061417, -0.046106088906526566, 0.40432098507881165, -0.49050915241241455, -0.44130992889404297, 0.07961668074131012, 0.365477979183197, 0.7111752033233643, -0.8697209358215332, 0.959452748298645, 0.6718887090682983, 0.5893786549568176, -0.9578733444213867, -0.39647752046585083, -0.6909354329109192, 1.0662927627563477, 0.780174970626831, -1.1449264287948608, -0.32271939516067505, -0.44972938299179077, -0.6579225063323975, -0.02386118471622467, 0.2861752212047577, 1.2886136770248413, -1.018290400505066, 1.1752673387527466, 0.04481534659862518, 0.12928266823291779, 0.048968665301799774, -0.8796798586845398, -1.3545972108840942, 0.4169579744338989, -0.4946892559528351, 0.871732234954834, -0.06466791778802872, 0.5855541229248047, -2.0173046588897705, -1.490434169769287, -0.12677815556526184, -0.3957788944244385, 0.9301053881645203, -0.357528954744339, 1.1246864795684814, -0.46162649989128113, 0.5326893329620361, 0.596472978591919, 0.04123995080590248, 0.3347536325454712, 0.486672043800354, 0.21392808854579926, -0.12244574725627899, 0.17821799218654633, -0.8771784901618958, 0.04652373865246773, 0.3971574604511261, 0.2634445130825043, -1.3598270416259766, -0.3576861023902893, 0.7364716529846191, 0.600290060043335, -0.13187672197818756, -1.1555379629135132, 0.47308024764060974, 0.05780836567282677, -0.40615659952163696, -1.0822793245315552, -0.5660605430603027, 1.045401692390442, -0.596670925617218, 1.0094013214111328, 0.33899134397506714, 0.39426976442337036, 0.2072063833475113, 0.30085432529449463, 1.1675796508789062, -0.25357866287231445, -1.192670464515686, -0.3231130838394165, 0.3335798382759094, -0.32609015703201294, 0.15067672729492188, 0.5262208580970764, -1.011387825012207, -0.47897231578826904, -1.490891456604004, 1.0250837802886963, -0.4458506107330322, 0.26546338200569153, -0.3132127523422241, 0.79951012134552, 0.0673837661743164, -1.5333658456802368, 0.06585156917572021, -0.027184419333934784, 0.11701110005378723, 0.19332341849803925, 0.4334597885608673, 0.28033506870269775, 0.5949686765670776, 0.39103394746780396, 1.1997414827346802, -0.17117467522621155, -0.10298892855644226, 0.23880812525749207, -0.11761455237865448, 1.1441972255706787, 0.5132001638412476, -0.14986854791641235, 0.172649547457695, 0.16503433883190155, -0.9285551309585571, -0.9404046535491943, -0.4907529354095459, 0.8019513487815857, 1.2804560661315918, 0.12652058899402618, -0.21229976415634155, -1.3111276626586914, 0.34446412324905396, -0.5103946328163147, 0.6017961502075195, 1.0609937906265259, -0.5509719848632812, -1.1726365089416504, -0.7591961622238159, 0.1253887563943863, 0.7694336771965027, -0.8408237099647522, -0.03891295939683914, -0.6112248301506042, -0.002482794225215912, 0.03025190904736519, -0.49237656593322754, -1.1518032550811768, 0.5787462592124939, -0.7656945586204529, -0.08055145293474197, 0.6385989189147949, -0.0781736895442009, -0.3287116289138794, 0.4264843463897705, -0.8955162763595581, 0.2714309096336365, 0.18165569007396698, -0.6260887980461121, 0.23516845703125, 0.46833741664886475, -0.2234325259923935, -0.2901687026023865, 0.6718155741691589, -0.5159202218055725, -1.509395956993103, 1.0235605239868164, 0.7439587712287903, -0.5290971994400024, -0.34920573234558105, 0.6400505304336548, 0.15648192167282104, 0.26985880732536316, 1.0429377555847168]} +{"paper_id": "bn_hate_speech", "embedding": [-0.2718813717365265, 1.5197781324386597, 0.23028290271759033, -0.08383961021900177, 1.179301142692566, 0.022319545969367027, -0.30981969833374023, -0.1667502224445343, 0.4269948899745941, 0.5438790321350098, 0.6674859523773193, -0.5265077352523804, -0.426266610622406, 0.14165441691875458, -0.020259171724319458, 0.19381293654441833, -0.4265664219856262, -0.4032573997974396, -0.2581053376197815, 0.15694287419319153, -0.5771065354347229, -0.5639640688896179, -0.007678434252738953, 0.7922630906105042, -0.8322387337684631, -0.48718157410621643, -0.005077260080724955, -1.1001503467559814, 0.06240721046924591, 0.0211003590375185, -0.4142441749572754, 0.732999861240387, -1.6931742429733276, 0.0023032724857330322, -0.8770731091499329, -0.6076114177703857, -0.00357756856828928, 0.6006239056587219, -0.16579461097717285, -0.9317253828048706, -0.5264516472816467, 0.38715702295303345, 0.7742645740509033, 0.5521861910820007, 0.9377217292785645, 0.1432589292526245, 0.28984493017196655, -0.15221498906612396, 0.5087408423423767, -0.6049817204475403, -0.14364096522331238, 0.37881985306739807, -0.6446242928504944, 0.2402004599571228, -1.1167066097259521, 0.9772874712944031, 0.09367915242910385, -0.6274892091751099, -0.04512586444616318, -1.5036568641662598, 1.2941136360168457, 2.157431125640869, -0.5350593328475952, 0.2709852457046509, 0.7004324793815613, -0.062002792954444885, 1.5437366962432861, -0.46327435970306396, 0.21522009372711182, 0.414165735244751, 0.04579615592956543, -1.1985375881195068, 0.44986674189567566, -0.2602804899215698, -0.3749070167541504, 0.42296621203422546, 0.42701831459999084, 0.15129487216472626, -0.21566548943519592, 0.7665555477142334, -0.5432592630386353, 1.3610519170761108, -0.1806076616048813, -0.39585715532302856, 0.3664037883281708, -0.12490981817245483, 0.3286393880844116, -0.08453542739152908, 1.154707908630371, -1.4759271144866943, 0.4935033917427063, 0.07063520699739456, 0.003247193293645978, 1.0246732234954834, -0.3295074701309204, 0.3459852933883667, -0.017858996987342834, 0.21020710468292236, -1.3417294025421143, 0.6784312725067139, 0.3818453550338745, -0.44555342197418213, 0.26222753524780273, -0.5353180170059204, -0.29268860816955566, 1.6615471839904785, 0.45077627897262573, -0.24932748079299927, -0.8187971115112305, -0.20094221830368042, 0.26015689969062805, 1.2936896085739136, -0.9371241927146912, 0.8721612095832825, 0.3331867754459381, -0.39573347568511963, -0.08679104596376419, -0.5560814142227173, -0.8073466420173645, 0.5210816264152527, -1.391166090965271, -1.4980847835540771, -0.03307701647281647, 1.1077232360839844, 1.6132971048355103, 0.055457741022109985, 0.920620858669281, -0.8517228960990906, -0.028799066320061684, -0.4641059637069702, 1.0560814142227173, -0.36589840054512024, -0.7613127827644348, -0.22421182692050934, 3.2076539993286133, -1.5113959312438965, 1.2014845609664917, -0.5384402871131897, 0.5290021896362305, -0.258009672164917, -0.9739928245544434, 1.4400827884674072, -0.20608672499656677, -1.3463324308395386, -0.938037097454071, 0.4731881618499756, -1.2298552989959717, 0.5589719414710999, 0.2558393180370331, -1.0939089059829712, -0.09532937407493591, 0.5164048671722412, -0.7344371676445007, 0.18722650408744812, 0.5149514079093933, 0.4755176603794098, 0.17400714755058289, 0.878239631652832, -0.5053638219833374, 1.0750502347946167, 1.0180988311767578, 0.5849722027778625, -0.16009515523910522, 0.5365311503410339, -1.083532452583313, -0.10306995362043381, 0.8915618658065796, 0.10898753255605698, -0.384868860244751, -0.5103543400764465, 1.5764373540878296, -0.032272741198539734, -0.32128360867500305, 0.15466372668743134, -0.2634724974632263, -0.22348538041114807, 0.5933721661567688, 1.1293662786483765, -0.1752251237630844, -0.3863896131515503, -0.6840663552284241, -0.779863715171814, 0.1286676824092865, 0.602423906326294, -0.832330048084259, 0.12127302587032318, -1.1794660091400146, -0.3248401880264282, 0.03404796123504639, 0.4786107540130615, -0.13600987195968628, -0.9806656241416931, -0.04708908498287201, 0.7617045044898987, -0.07341068983078003, 0.07172919809818268, 0.6961577534675598, -1.5907880067825317, 0.049540311098098755, 0.27583199739456177, 0.8489671945571899, -1.098771333694458, -0.31007328629493713, 0.9489421844482422, 0.4432886838912964, -0.5275590419769287, -0.17535607516765594, -1.6828672885894775, 0.9638335704803467, 2.1016225814819336, 0.6903482675552368, -1.1904983520507812, -0.9975255131721497, 0.48355406522750854, -0.29008689522743225, -0.3863499164581299, 0.7513741254806519, -1.3432749509811401, 0.37847286462783813, -1.18782377243042, 0.21918365359306335, -0.2759445607662201, 0.31757497787475586, 0.3255864381790161, 0.3437122404575348, -0.5045432448387146, -0.46843186020851135, 0.17922665178775787, -0.717440664768219, 0.6679479479789734, 1.028149962425232, 0.18449996411800385, 0.04184374213218689, 0.959988534450531, 0.7530373930931091, 0.6273157596588135, 0.5349439978599548, -0.2834244966506958, -0.6237238645553589, 0.3606216311454773, -0.05654338002204895, 0.09453600645065308, -0.5433995723724365, -0.9600937366485596, 0.2464379519224167, 1.0811947584152222, -0.10077479481697083, -0.5700747966766357, -0.5975675582885742, -0.4875692129135132, 1.284838080406189, 1.1924679279327393, -0.7146783471107483, 1.0082316398620605, -0.3176654279232025, -0.19769951701164246, -0.44804924726486206, -0.2604562044143677, 0.4717492461204529, 0.09712061285972595, 0.1314288228750229, -0.01622803881764412, 0.3362008035182953, -0.2926780581474304, -0.34117311239242554, -0.5280233025550842, -1.159386396408081, 0.3103235363960266, -1.1561928987503052, -1.271547794342041, 0.018742457032203674, -0.2698500156402588, -1.3976143598556519, -0.5307670831680298, -0.08618418872356415, 0.7290595769882202, -0.638713002204895, 0.5025140047073364, 1.6044890880584717, -0.5388506054878235, 0.48562508821487427, -0.5216144323348999, 0.8251528739929199, -0.37000414729118347, 0.7409061193466187, -0.6049826741218567, 0.12946423888206482, 0.1404649019241333, -0.06136859953403473, -0.24268506467342377, -0.017507314682006836, 1.2924755811691284, -0.800406813621521, 1.2100166082382202, 0.03237573802471161, -0.7105714678764343, 1.2234145402908325, -0.4862772524356842, 0.09793181717395782, -0.4316295385360718, 1.6146824359893799, 0.7276363372802734, -0.7074334025382996, 0.5165821313858032, -0.4872382879257202, 0.27605435252189636, 1.1064497232437134, -1.3129812479019165, 0.6217244863510132, 0.4288623332977295, -0.3502845764160156, -0.23386041820049286, 0.2209254801273346, -1.7110731601715088, -0.35786205530166626, 1.500561237335205, -0.5340996384620667, 0.47702914476394653, -0.4878292977809906, 0.6031832695007324, -0.7355318665504456, -0.23663534224033356, -0.7166096568107605, -0.37305784225463867, 0.5425246953964233, 0.15025338530540466, -0.1696804016828537, 0.47816285490989685, -1.0380454063415527, 0.06668055057525635, 1.1074973344802856, 0.6601549386978149, -0.9720679521560669, 0.22926190495491028, 0.6159619092941284, -0.7019150257110596, 0.3639342486858368, 0.04808630049228668, 0.2464490830898285, 1.3153303861618042, -0.11952698975801468, -0.1680678427219391, 0.7511107325553894, 0.6705218553543091, 0.3743040859699249, -0.00938305165618658, 0.10259640216827393, 1.1001569032669067, -0.5741117000579834, 1.4148324728012085, 0.395447313785553, -0.5648664832115173, -1.6107544898986816, -0.47506216168403625, 0.12178611755371094, -0.26648861169815063, 0.6211723685264587, 0.6798059940338135, 1.6650688648223877, -0.6346180438995361, 0.3677314221858978, -0.0182439386844635, 0.47541794180870056, 1.1393401622772217, 0.8189091086387634, 0.061128098517656326, -0.06439320743083954, 0.5447608232498169, 1.031434178352356, -0.3617166578769684, -0.9044501185417175, 0.21733564138412476, 1.4506731033325195, -1.001115322113037, -0.574908435344696, -0.016245082020759583, 0.3081139028072357, 0.14506888389587402, 0.9172406792640686, -0.6589104533195496, -0.21832416951656342, -0.09066160023212433, 0.5756325721740723, 1.280289888381958, -0.21414244174957275, -0.42081552743911743, -0.14232319593429565, 0.5360777378082275, 0.8035866618156433, -0.3604379892349243, 0.32479986548423767, 0.5156179666519165, 0.29785963892936707, -0.5349758863449097, -0.3277374804019928, -0.7506473064422607, -0.16296342015266418, 0.07273300737142563, 0.692878246307373, -1.2561941146850586, 0.6535035371780396, -0.4648689329624176, -1.6140940189361572, 0.6651679277420044, -0.14397095143795013, -0.7949798107147217, 1.1980431079864502, 1.1193256378173828, -0.8686468005180359, -1.5278598070144653, -0.5574241280555725, -1.1345258951187134, -1.5045865774154663, 0.43746045231819153, -0.7458807826042175, 0.9048213362693787, 0.12034741044044495, 0.026613295078277588, -0.14817537367343903, -0.5449351668357849, -0.8313435316085815, 0.363539457321167, 1.5436643362045288, -0.8895013928413391, 0.523270845413208, 0.2584850490093231, -0.5856291651725769, -0.26598048210144043, -1.277957558631897, -0.5402116775512695, 0.45427441596984863, 0.4425545036792755, 0.758293628692627, -0.4957808554172516, 0.005030736327171326, 0.01523631066083908, 0.15863892436027527, 0.7113956809043884, -1.2745177745819092, 0.2814265489578247, -0.6462745070457458, 0.8832356333732605, 0.7521982192993164, -0.4446713328361511, -0.04482017084956169, 1.1962664127349854, 0.19994890689849854, 0.48600462079048157, 0.562309741973877, 0.28613772988319397, 1.2245930433273315, 1.0308045148849487, 0.7096481919288635, -0.2783092260360718, -9.4810152053833, 0.634232223033905, -0.22927026450634003, 0.46660315990448, 0.5175783038139343, -0.25758200883865356, 0.21825441718101501, -0.1014263778924942, 1.872005581855774, -0.704556405544281, 0.09000453352928162, 1.7760207653045654, 0.31856557726860046, -1.1612234115600586, -0.6888747811317444, -0.8217723965644836, -1.1475093364715576, -0.5749827027320862, 0.043848901987075806, 0.42097750306129456, 0.2853637635707855, -2.1103696823120117, 0.34006816148757935, -0.40080127120018005, 0.3588294982910156, -0.5299190878868103, 0.171145498752594, -0.5049929618835449, -0.9372972846031189, 0.7621065378189087, 0.3374331295490265, -0.42760133743286133, -0.6764165759086609, -0.6349979639053345, 0.6328630447387695, 0.5610203146934509, -0.828896701335907, -0.15853585302829742, 1.3569368124008179, 0.2526426315307617, -0.037820301949977875, 0.40926510095596313, 0.6247037649154663, -0.3578563928604126, 0.37458837032318115, -0.6186604499816895, -0.3758714199066162, -0.027983497828245163, 0.23590832948684692, -0.3681560754776001, 0.24066101014614105, -0.30605193972587585, -1.7684972286224365, -0.3454712927341461, 1.044568657875061, 0.4736959636211395, -0.43839263916015625, 0.3836652934551239, -0.7825011014938354, -1.7726434469223022, 0.9580438733100891, 0.5854088664054871, -0.3185083568096161, 0.720060408115387, 0.24844864010810852, -1.359574556350708, 0.4171440601348877, -0.5085391402244568, 0.03132037818431854, 0.8535984754562378, -0.458862841129303, 1.1576584577560425, -0.2497069239616394, 0.7048856616020203, -0.34733736515045166, 0.10029512643814087, -0.5604832172393799, 0.4358043670654297, 0.8686779737472534, -0.36523765325546265, -1.2198036909103394, 0.28955912590026855, -0.4370923936367035, -0.9022352695465088, -0.4591994881629944, 0.3584657311439514, -0.3796899914741516, -0.46617835760116577, 0.6041120290756226, 0.07387935370206833, 0.5815596580505371, 0.5665125846862793, -0.2439432591199875, 0.052796296775341034, -0.15184766054153442, 0.4435151517391205, -1.3411024808883667, 1.6296041011810303, -0.12235777080059052, 0.39597126841545105, 0.6387648582458496, -0.3516612648963928, -0.6696199178695679, -0.21587586402893066, 0.4263308644294739, 0.0721566453576088, 0.42455756664276123, 0.10040846467018127, -0.2119699865579605, 0.23318862915039062, 0.6307040452957153, 0.324237585067749, -0.05680999159812927, 0.29905834794044495, 0.4018407166004181, 0.8845598101615906, 0.3653244972229004, -0.6703346967697144, -0.03568894416093826, 0.8951890468597412, -0.771014392375946, 0.7278949618339539, -0.2896454930305481, 0.9516379237174988, -0.08575551956892014, 0.9971644282341003, 0.4646349847316742, -0.3335258960723877, -0.02122156135737896, -2.819570779800415, 1.002848744392395, -0.5068844556808472, 0.33225810527801514, -0.7463550567626953, 0.1287122517824173, -0.13108611106872559, -1.6927403211593628, 1.3782789707183838, -0.38989049196243286, 0.6458573937416077, -0.2996262311935425, -0.7087447643280029, 0.25101616978645325, -0.4417891204357147, -0.06437905877828598, -0.5806254148483276, -1.7023967504501343, -0.4624183475971222, -0.32535719871520996, -0.09779378026723862, 0.24227860569953918, 0.1835976541042328, 0.22017338871955872, -1.5264261960983276, -0.8198207020759583, 0.439095139503479, 0.5542465448379517, -0.7887551188468933, -1.304588794708252, -0.09198524802923203, 1.1731154918670654, 1.459282398223877, -1.1731890439987183, 0.8684324026107788, -0.054753441363573074, 0.041418738663196564, -0.5390481352806091, 0.1452174037694931, -0.35840004682540894, 0.2586265504360199, 2.1079001426696777, -0.48299193382263184, -0.3211004137992859, -0.2475692331790924, -0.6620215177536011, -1.554107427597046, 0.26862719655036926, 1.4909344911575317, -0.9727767705917358, 0.8187293410301208, -0.5230774283409119, 0.16413025557994843, 0.6248257756233215, -0.8221747279167175, 0.08589330315589905, 0.4883362352848053, -0.6847318410873413, 1.1768124103546143, -0.9421243071556091, -0.2963627874851227, -1.9045380353927612, -1.842728614807129, -0.8041366934776306, -0.7011922597885132, 0.6213357448577881, -0.04903146252036095, 0.49178361892700195, 0.3031146824359894, -0.16136381030082703, -0.5191766619682312, -0.5852733254432678, 0.593930184841156, 0.4326952397823334, -0.13661007583141327, -0.5712772607803345, -0.6512606143951416, -0.4235617220401764, -0.16461853682994843, 0.2578197717666626, 0.4732537567615509, -2.021064043045044, -0.5500593185424805, 0.28837111592292786, -0.5805681347846985, 0.9888664484024048, -0.267325758934021, 0.613122820854187, 0.05804057791829109, -0.3059832751750946, -1.067018985748291, -0.4258228540420532, 0.7575340270996094, -0.47823649644851685, 1.3031375408172607, 0.7519918084144592, 1.058793067932129, 0.17508411407470703, 0.19807669520378113, 2.1300532817840576, -0.2515908479690552, -0.3975626826286316, -0.12458807229995728, -0.10729215294122696, 0.1588902473449707, -0.6682549118995667, 0.1585799604654312, -1.4223276376724243, 0.36694416403770447, -1.3990647792816162, -0.06250501424074173, -0.6479567885398865, -0.2634478509426117, 0.1520996391773224, 0.6600039005279541, 0.009967833757400513, -0.3192414939403534, -0.8882741332054138, -0.56400066614151, -0.6186712980270386, -0.42893967032432556, -0.3117265999317169, 1.8029593229293823, 0.8318158388137817, 0.08095735311508179, 1.450480580329895, 0.29286208748817444, -0.1392090618610382, 0.17103087902069092, 0.3784722685813904, 0.6166327595710754, 0.38934391736984253, 0.7378643751144409, -0.07191779464483261, -0.4522869884967804, -0.9714806079864502, -0.5012924671173096, -1.0160269737243652, 0.6572293043136597, 0.2660207152366638, 0.11137723922729492, -0.2276964634656906, -0.11703003942966461, -0.5125940442085266, 0.054484449326992035, 0.51630038022995, 0.4866805076599121, 0.08424907922744751, -0.24858926236629486, -0.965130627155304, -0.4432605803012848, 0.7901731133460999, -1.029625654220581, 0.08189131319522858, -1.2481452226638794, 0.08322849869728088, 0.18993982672691345, -0.7541027069091797, -1.173454999923706, -0.166167750954628, 0.016816169023513794, 0.5727770328521729, 1.0589607954025269, -1.5182186365127563, -0.5377705097198486, -0.4023536145687103, -1.1917035579681396, 0.8151406049728394, 0.42085909843444824, -1.8572156429290771, -0.21639028191566467, 0.521804690361023, 0.8086395263671875, -0.701038122177124, 0.7463787794113159, 0.4250597059726715, -1.2729549407958984, 1.5120511054992676, 2.18052077293396, -0.42587995529174805, -0.2500821352005005, 1.2446746826171875, -0.34330978989601135, 0.5108522176742554, 1.9727879762649536]} +{"paper_id": "hkcancor", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "offcombr", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "dialog_re", "embedding": [-0.35768502950668335, 1.0616098642349243, 0.462997168302536, 0.3561537563800812, 0.2751244604587555, 0.3305969536304474, 0.9133851528167725, 0.5322970151901245, 0.35496631264686584, 0.7286922335624695, 0.03995943069458008, -0.5974760055541992, -0.5131532549858093, -0.5346832871437073, -0.10365636646747589, -0.9401294589042664, -1.693866491317749, -0.7550330758094788, -0.9015896320343018, -0.5485090017318726, -0.39311540126800537, -0.24502763152122498, -0.4546012580394745, 0.9232686161994934, -0.8596004843711853, -0.5179527401924133, 1.0761224031448364, -0.9444606900215149, 0.6200544238090515, 0.23774239420890808, -0.6202818155288696, 1.5339610576629639, -1.2723029851913452, -0.21333980560302734, 0.17969009280204773, 0.25185465812683105, 0.14716999232769012, 0.6798694133758545, -0.40546905994415283, 0.6516128778457642, -0.725146472454071, -0.1511591076850891, 0.28144076466560364, 0.6970643997192383, 0.7225081324577332, 0.01358024775981903, 0.0819135531783104, 0.44500797986984253, -0.6259769797325134, -0.14228062331676483, -1.001968264579773, -0.02240922302007675, 0.2535597085952759, 0.6003859043121338, -0.2771383225917816, 1.228049397468567, 0.6420540809631348, -0.6945475935935974, 0.23849356174468994, -0.5842598676681519, 1.6648424863815308, 1.494869351387024, -0.03781715780496597, 0.15046343207359314, 0.7285059094429016, -0.6054551601409912, 1.7028188705444336, -0.3780372738838196, 0.2772963345050812, 0.9412768483161926, -0.663239061832428, -1.0121362209320068, 0.27438855171203613, -0.21602292358875275, -0.5376404523849487, 0.9820328950881958, 1.076526403427124, 1.0883539915084839, -0.926236093044281, 0.5161600708961487, 0.34017065167427063, 1.4610848426818848, 0.8133682012557983, -0.2867015600204468, 0.9073715209960938, -0.24292147159576416, 0.32426342368125916, -0.002650395967066288, 1.161258339881897, -1.5160125494003296, 0.3102390170097351, -0.35144665837287903, -0.805512011051178, -0.19030283391475677, -0.22465282678604126, 0.4027095139026642, -0.11990764737129211, 0.14998237788677216, -0.5089106559753418, -0.44492706656455994, 0.9451450109481812, -0.6629539728164673, -0.10293228179216385, -0.7548171281814575, 0.3027077913284302, 1.3291447162628174, 0.14053763449192047, -0.15656980872154236, -0.5259328484535217, -0.21667006611824036, -0.5697419047355652, 1.8620721101760864, -0.9653565883636475, 1.4028576612472534, 0.232936829328537, 0.005020800977945328, 0.21472448110580444, -0.7228386402130127, -0.387666255235672, 0.06176712363958359, -0.4619808495044708, -0.016544338315725327, 0.05872758477926254, 0.559273362159729, 0.7837939262390137, -0.9566367864608765, 0.2695058584213257, -0.194820374250412, 0.6536706686019897, -0.01390586793422699, 0.7573189735412598, -1.1304842233657837, -0.47275134921073914, -0.11692532896995544, 2.1048123836517334, -1.1126773357391357, 2.189443826675415, -1.536487340927124, -0.24203993380069733, -0.5064222812652588, 0.6673119068145752, 1.1903107166290283, -0.21304449439048767, 0.160707488656044, -0.7874323725700378, 0.5318272709846497, -0.9369204640388489, 0.40135839581489563, -0.508417010307312, -1.1073956489562988, -0.6599543690681458, 0.2955780327320099, -1.3264557123184204, -0.2558193802833557, 0.3147258162498474, 0.0313764289021492, 0.19281259179115295, 1.085555911064148, -0.20185349881649017, 0.8397614359855652, 0.8074815273284912, -0.012986253947019577, 0.06144531071186066, 0.5130660533905029, -1.3555277585983276, -0.3688538670539856, 0.44040647149086, 0.09270768612623215, -1.0394591093063354, -0.1706608384847641, 0.9307072162628174, -0.511606752872467, -0.32275012135505676, -0.04693424701690674, -0.5385032296180725, -0.07386850565671921, 1.1566520929336548, 1.2341156005859375, 0.48836368322372437, -0.35867395997047424, -0.9507216215133667, -0.2960496246814728, 0.28263092041015625, 0.39976930618286133, -0.03364775329828262, 0.85343998670578, -1.918857455253601, -0.25829851627349854, -0.3165845572948456, 1.7396425008773804, 0.06199462711811066, -0.13934727013111115, 0.19369685649871826, 0.0799705982208252, 0.5772804617881775, -0.6982547044754028, 0.7037465572357178, -1.3424500226974487, 0.19939008355140686, -0.3706427216529846, -0.5176854729652405, -0.702023983001709, 0.051735177636146545, 0.6638727188110352, 1.32352614402771, -1.061744213104248, -0.6771895885467529, -2.171424627304077, -0.10901520401239395, 3.091059684753418, 0.2664305567741394, -0.9004610180854797, -1.2454332113265991, -0.020726412534713745, -0.1495225429534912, 0.5227661728858948, -0.06235698238015175, -1.1240208148956299, -0.03065485507249832, -1.3393217325210571, 0.653802752494812, -0.5408484935760498, 0.06921134144067764, 0.8582929372787476, 0.695072591304779, -0.6890550851821899, -0.3322397768497467, -0.3885938823223114, -0.49089545011520386, 0.24457216262817383, 0.29324594140052795, 0.28247302770614624, 0.000526081770658493, 1.2452563047409058, 0.6280982494354248, 0.8075127601623535, 0.25882065296173096, 0.10722183436155319, -0.965928316116333, -0.09933360666036606, -0.21738052368164062, 0.7597589492797852, -0.42045921087265015, 0.7536796927452087, 1.3864083290100098, 0.5100635886192322, 0.41338831186294556, -0.45409321784973145, -0.10621465742588043, 0.10857422649860382, 0.6369002461433411, 0.8633518815040588, 0.11369554698467255, 1.47239089012146, -1.3041242361068726, 0.21933430433273315, -0.9217235445976257, -0.40114307403564453, 0.16842801868915558, 0.23947696387767792, 1.1958873271942139, 0.3933987319469452, -0.09359313547611237, -0.6090720891952515, -0.02049482986330986, -1.2530080080032349, 0.2789979577064514, 0.45111504197120667, -0.5831254720687866, -1.8296372890472412, 0.1967659890651703, 0.3137968182563782, -1.3259845972061157, -0.36313596367836, -0.07291600108146667, 0.5977939367294312, -0.2308679223060608, 0.4218733012676239, 1.236851692199707, 0.03612205386161804, -0.6449993252754211, -0.16594107449054718, 0.8216904401779175, -0.7566542029380798, 1.0478419065475464, -0.9338532090187073, 0.45895829796791077, -1.0757853984832764, -0.19004660844802856, 0.03003748320043087, 0.4545254111289978, 0.06648700684309006, -0.3261168599128723, 0.7953855991363525, 0.4288715124130249, -0.9281967878341675, 1.3855774402618408, -0.40112996101379395, -0.06316465139389038, -0.7012300491333008, 2.0637571811676025, 0.35146546363830566, -0.8500074148178101, 1.0127924680709839, -0.3046005368232727, 0.5209686756134033, 0.8603137135505676, -0.3382527232170105, 1.089480996131897, 0.4628816843032837, -0.35146090388298035, 0.1909351348876953, 0.24253898859024048, -1.681673526763916, 0.05193817988038063, 1.8179746866226196, -1.2319636344909668, -0.48050668835639954, -1.3504315614700317, 1.2622106075286865, 0.14118437469005585, -0.1586713194847107, -0.5334755182266235, -0.9252318739891052, -0.2453790307044983, -0.7659252882003784, -0.015913432464003563, 1.6860731840133667, -0.6998648047447205, 0.4068971872329712, 1.0287108421325684, 0.15306811034679413, -0.5863697528839111, -0.3197804391384125, 0.6771029233932495, -0.49937015771865845, -0.08764123916625977, 0.21186000108718872, 0.7163704037666321, 1.247806429862976, -0.6406778693199158, -0.1589832305908203, 1.703395962715149, 0.7052908539772034, 0.7518916726112366, -0.05334630236029625, -0.3319392800331116, 1.3698241710662842, -0.9869140982627869, 0.718256413936615, 0.6688657999038696, -1.180830955505371, -2.025117874145508, -0.5175483822822571, -0.25978875160217285, -0.8094254732131958, 1.7827876806259155, 0.5876473784446716, 1.7504899501800537, -0.517098069190979, 1.1091569662094116, -0.538291335105896, 0.45843505859375, 1.258292555809021, 0.23983585834503174, 0.1463088095188141, -0.2801837921142578, -0.07715402543544769, 0.8046309351921082, -0.36879944801330566, -0.4995904564857483, -0.36692094802856445, 1.039158582687378, -0.6370130181312561, -0.2987099587917328, -0.8462314605712891, 0.7393389940261841, -0.31312552094459534, 1.4431397914886475, -1.094668984413147, -0.6689940094947815, 0.05894754081964493, 0.8830766081809998, 0.3158402144908905, 0.8101202249526978, -1.2885773181915283, 0.8970175981521606, 0.19654600322246552, 0.22993072867393494, -0.8583592772483826, 1.089059591293335, -0.14654849469661713, -0.24648049473762512, -1.5479507446289062, -0.6881037950515747, -0.517775297164917, -0.34283149242401123, -0.26293668150901794, -0.08304354548454285, -0.24234341084957123, 0.7540597319602966, -0.13258269429206848, -0.5585962533950806, 0.5126599073410034, -0.4859519302845001, -1.402008056640625, 1.682702660560608, 0.2954200506210327, -1.5512131452560425, -0.4136342704296112, -0.21299639344215393, -0.4376724660396576, -0.21001917123794556, -0.08820004016160965, -1.4429279565811157, 0.5740053057670593, 0.47643446922302246, 0.27487847208976746, -0.4272785782814026, -0.5828932523727417, -0.6486454010009766, 0.4472510814666748, 0.8170299530029297, -0.8506574630737305, 0.7842718362808228, 1.1460875272750854, 0.30476731061935425, -0.24159467220306396, -0.5126242637634277, -0.9084622859954834, 0.7669565081596375, -0.9068214893341064, -0.01880648359656334, -0.6059268116950989, -0.9431138038635254, 0.21122902631759644, -0.9239406585693359, 0.8385250568389893, -1.179002285003662, 0.7459670901298523, -0.3930237889289856, 0.0029118508100509644, -0.37893912196159363, -0.8893342018127441, -1.390061378479004, 0.7806821465492249, -1.1064201593399048, 0.5163530111312866, -0.23358003795146942, 0.7060007452964783, 2.108084201812744, 1.1734538078308105, 0.16799966990947723, -0.22337237000465393, -9.542671203613281, 0.6437801718711853, 0.7249932289123535, 0.1046532541513443, -0.06323825567960739, -1.1712241172790527, 0.9323017001152039, -0.18451838195323944, 0.9713113903999329, -0.27443888783454895, 0.07458138465881348, 1.5189507007598877, -0.6369287967681885, -0.7163943648338318, -0.7619662284851074, -0.9209805130958557, -1.1150212287902832, -1.0511902570724487, -0.1666279435157776, 0.6091796159744263, -0.13831038773059845, -0.9492459297180176, 0.1538207083940506, -0.12088754773139954, 0.08382667601108551, 0.3036107122898102, -0.47573062777519226, -0.4349558651447296, -0.1702902764081955, 0.1994297206401825, 1.332312822341919, -1.1119940280914307, -0.26660454273223877, -0.5332766771316528, 0.6001177430152893, -0.04173251986503601, -0.31376999616622925, -0.47696369886398315, 0.015309822745621204, -0.4149118661880493, 0.08874157071113586, -0.003958071116358042, 0.9626791477203369, -0.8901206254959106, -0.08019424229860306, -0.2834704518318176, -0.37167251110076904, -0.6599231362342834, -0.11084818840026855, 0.1284601390361786, -0.4373336434364319, -0.05952383577823639, -0.9457746148109436, -0.05904986336827278, -0.40780022740364075, -0.6458548903465271, -0.6622330546379089, 1.243158221244812, -0.45541784167289734, -1.1751474142074585, 0.8622152805328369, -0.3871280550956726, 0.19792872667312622, 0.0657462328672409, 0.6739884614944458, -0.5700932741165161, 0.857352614402771, 0.165087029337883, -0.20239076018333435, 0.4775421917438507, -1.2270716428756714, 0.4199397563934326, 0.05955192819237709, 0.8898115754127502, -0.7772389650344849, -0.03997937589883804, -0.39432770013809204, -0.6248592734336853, 0.7429530620574951, 0.5126081705093384, -0.7871920466423035, 0.5484611988067627, 0.5691087245941162, -0.5890308618545532, -1.1618843078613281, 0.4465040862560272, -0.0802062377333641, -0.612562894821167, 0.7328293323516846, -0.43557408452033997, 0.9615573287010193, 0.18667617440223694, -0.9207056164741516, 0.3346283733844757, -0.18948307633399963, 0.3820246160030365, 0.25901299715042114, 0.9799638390541077, -0.3320528566837311, -0.25518858432769775, -0.38744837045669556, 0.013557609170675278, 0.20774254202842712, 0.9352367520332336, 0.9265590906143188, 0.3489592671394348, -0.042308807373046875, 0.4965117871761322, -0.1221926212310791, -0.01887919381260872, 0.8954955339431763, 1.1978189945220947, -0.41151320934295654, 0.4636901617050171, -0.4458770751953125, 0.07275287806987762, 0.8067359328269958, 0.6942319869995117, -0.16605080664157867, 1.4089150428771973, -0.08701709657907486, 1.0329513549804688, 0.12715627253055573, 1.2426353693008423, 0.09755425155162811, 0.0019884873181581497, 0.3728386163711548, 0.32370689511299133, -0.04305180162191391, -2.067190408706665, 0.05900169909000397, -0.030622143298387527, 0.8814748525619507, -0.1645679622888565, -0.0455462820827961, 0.23019498586654663, -0.5234913229942322, 0.5449013710021973, -0.882556140422821, 0.30390027165412903, -0.06727822124958038, -0.22202500700950623, 0.2614979147911072, -0.4252585768699646, -0.4632604420185089, 0.7671177387237549, -1.9448351860046387, 0.26379939913749695, -0.4359612762928009, -0.005730926990509033, 0.7633005380630493, -0.20635876059532166, 0.7732248902320862, -0.011152222752571106, -0.015130208805203438, 0.48557955026626587, 0.892143964767456, -0.600540041923523, -1.0545116662979126, 0.7068085074424744, -0.6379233598709106, 1.3754099607467651, -1.0804476737976074, 0.9498545527458191, 0.6437770128250122, -0.5239811539649963, -1.0950649976730347, 0.08063194155693054, -0.8598389625549316, 0.029625490307807922, 1.0230563879013062, -1.9708104133605957, -0.33476999402046204, -0.4120071232318878, -0.07050875574350357, -0.6052672863006592, 0.8749949336051941, 1.2735117673873901, -0.8107561469078064, -0.3991202712059021, -0.9227340817451477, -0.23335373401641846, -0.3094489872455597, -0.27332836389541626, -0.24838785827159882, 0.4121067225933075, -0.2918090522289276, 0.8119845986366272, 0.09995592385530472, 0.9023588299751282, -1.508453607559204, -1.3085291385650635, 0.12780046463012695, -0.7125232219696045, 0.26106029748916626, -0.4662788212299347, 1.2553820610046387, 0.006663321517407894, 0.6292709112167358, 0.3067563772201538, 0.38516342639923096, 0.26344093680381775, -0.1259375661611557, 0.2422330230474472, -0.4770961403846741, 0.27881717681884766, -0.5106379389762878, -0.007128208875656128, 0.0238550566136837, 0.30383965373039246, -0.5687943696975708, -0.10061793029308319, 0.1374674141407013, 0.35952574014663696, 0.6282959580421448, -0.9357291460037231, 0.5253491401672363, -0.5773136615753174, -0.8323796391487122, -0.9176644682884216, 0.36501622200012207, 0.7121018171310425, -0.08947838842868805, 1.3741599321365356, 0.8106094598770142, 0.4618668258190155, 0.7269108295440674, -0.4053990840911865, 1.083620309829712, -0.7576403617858887, -0.27259793877601624, 0.0046237073838710785, -0.012928156182169914, 0.26098740100860596, 0.04511354863643646, -1.0985487699508667, -0.20564095675945282, 0.8443671464920044, -0.8291526436805725, 0.13000604510307312, 0.1746196150779724, 0.1421629637479782, 1.1149075031280518, 1.246922254562378, -0.6916605234146118, -1.0813571214675903, -0.5112854838371277, -1.1012623310089111, -0.2571867108345032, 0.873309314250946, 1.521313190460205, 0.7139036655426025, 0.8548740148544312, 0.0933399349451065, 1.6536376476287842, -0.4934111535549164, -0.06891754269599915, 0.3699305057525635, 0.04269227758049965, 0.6073182821273804, 0.6701411008834839, 0.5975924134254456, 0.3258751630783081, 0.1814843714237213, -1.3087903261184692, -0.248269185423851, -0.6091530919075012, 0.6258025169372559, 0.6583988666534424, -0.39840176701545715, -0.29418256878852844, -1.0792498588562012, 0.954842209815979, 0.08359324932098389, 0.5743945837020874, -0.08142616599798203, -0.9621323943138123, -0.9641234874725342, -1.3662775754928589, -0.7051764130592346, 0.9872142672538757, -0.3796285390853882, -0.407098650932312, -0.4075257182121277, -0.37289345264434814, -0.01935584470629692, -0.25070783495903015, -1.3303394317626953, 0.19390782713890076, -1.3065030574798584, -0.08039921522140503, -0.4558781385421753, -0.8767049908638, -0.7349866032600403, -0.6176066398620605, -0.6245669722557068, 0.8665537238121033, -0.6242495775222778, -0.984353244304657, -0.4363130033016205, -0.015392977744340897, -0.23174798488616943, -0.3375183641910553, 0.4636264443397522, -0.4467998743057251, -2.036844491958618, 1.1703720092773438, 1.1453720331192017, -0.10169339925050735, -0.590214729309082, 0.34957996010780334, 0.30948442220687866, 0.0874725952744484, 1.3131425380706787]} +{"paper_id": "glucose", "embedding": [-0.7819803357124329, 0.6958370208740234, -0.9632102847099304, 0.1682857871055603, 0.48756057024002075, -0.38672009110450745, 0.32683315873146057, 0.1963135004043579, 0.6889193058013916, 0.6300405859947205, 0.7022634744644165, 0.31013205647468567, 0.052671052515506744, 0.6230044960975647, -0.2138105034828186, -0.41237494349479675, -0.665321409702301, -0.020255494862794876, -0.8046555519104004, -0.007192403078079224, -0.7440651655197144, -0.4736199975013733, 0.4299394190311432, 1.0869797468185425, -0.8018342852592468, -0.4913896322250366, 0.5098412036895752, -1.1093873977661133, 0.5386626124382019, 0.05219021812081337, -0.1630631983280182, 1.3619027137756348, -1.0435998439788818, 0.7724499702453613, -0.4564262926578522, -0.39121007919311523, -0.2458416223526001, 0.846167802810669, -0.007217735052108765, -0.10143668949604034, -0.08260492980480194, 0.9524374604225159, 0.5545769929885864, 0.22375839948654175, -0.0350240021944046, 0.17260408401489258, 0.7121497392654419, -0.006530936807394028, 0.061201125383377075, -0.09028337895870209, -0.05434005707502365, 0.47185763716697693, -0.3751016855239868, 0.2937551736831665, 0.08427377045154572, 1.2348779439926147, 0.042442962527275085, -0.023247163742780685, 0.48094022274017334, -0.5008292198181152, 1.432667851448059, 1.11989164352417, -0.7697384357452393, -0.0951332151889801, 0.8028650283813477, 0.6282029151916504, 0.9768906831741333, 0.01754293590784073, 0.27889925241470337, 0.6579502820968628, 0.05549517273902893, -0.46519529819488525, 0.44432565569877625, -0.5372894406318665, 0.17959800362586975, 0.4596083462238312, 0.41545775532722473, -0.041007839143276215, 0.20268091559410095, 0.3410055637359619, 0.5663780570030212, 0.3552309274673462, 0.48476940393447876, -0.2638760507106781, 0.4742450714111328, 0.04827208071947098, 0.3688755929470062, -0.17671464383602142, -0.6843430995941162, -2.021333694458008, 0.5184993147850037, -0.008783692494034767, 0.05929935351014137, -0.24427522718906403, -0.025660917162895203, 0.13206416368484497, 0.1315893828868866, -0.4584013521671295, -0.22928442060947418, 0.7237672209739685, 0.43595582246780396, -0.6776306629180908, 0.08159399777650833, -0.34152793884277344, 0.13138270378112793, 0.3051654100418091, -0.08688171207904816, -0.28479674458503723, -0.1546992063522339, -0.5605908632278442, -0.29019415378570557, 0.808734118938446, 0.2675885558128357, 0.8348934650421143, -0.7227818965911865, 0.21274715662002563, 0.2403097152709961, -0.254818856716156, -0.47427478432655334, 0.7338165640830994, -0.49241650104522705, -1.1026877164840698, -0.04447859525680542, -0.19712188839912415, 0.8749896883964539, -0.4200149178504944, -0.5443537831306458, -0.3881966471672058, -0.4362509548664093, -0.3714279532432556, 0.1360463798046112, 0.3709550201892853, -0.7096331715583801, 0.11674849689006805, 2.941249132156372, -0.2906801104545593, 1.040919542312622, -1.0022374391555786, -0.44066885113716125, -0.5987942814826965, -0.4774462878704071, 0.5438679456710815, 0.3389812707901001, 0.16721157729625702, -1.0801639556884766, -0.15251842141151428, 0.2071959376335144, 0.2830165922641754, -0.17369715869426727, -0.29590943455696106, 0.991896390914917, -0.02312266081571579, -1.7445054054260254, -0.30830898880958557, -0.16531464457511902, 0.4981781542301178, -0.4369191527366638, 0.2939765751361847, -0.2945573925971985, 0.36535170674324036, 0.01941501349210739, 0.11722772568464279, -0.40676283836364746, -0.17314185202121735, -0.3588979244232178, 0.27506279945373535, 1.3204474449157715, -0.22389453649520874, -0.38841748237609863, -0.24930065870285034, 0.4632914066314697, 0.36632150411605835, 0.08685872703790665, -0.5696930289268494, -0.4031200110912323, 0.11801523715257645, 0.2793062925338745, 0.5437236428260803, 0.5272629857063293, -0.5711004734039307, -0.8775596618652344, -0.7902876138687134, -0.2450636327266693, 0.7075377106666565, -0.5307652950286865, -0.13504964113235474, -2.707103729248047, -0.48328447341918945, -1.6202939748764038, 0.5972114205360413, 0.08235643804073334, 0.9746907949447632, 0.627519428730011, 0.22240708768367767, -0.4297502040863037, -0.013853136450052261, -0.05651016905903816, -1.2647579908370972, 0.027711525559425354, -0.5770776867866516, -0.33133789896965027, -0.6750324964523315, -0.6414670348167419, 1.037976622581482, 0.6525968313217163, -0.08697985112667084, -0.3878141939640045, -1.957675814628601, 0.15017464756965637, 1.158309817314148, 0.214967280626297, -0.6954325437545776, -1.2225401401519775, 0.0872051864862442, 0.9377812147140503, -0.12839531898498535, 0.580069899559021, -0.2815956175327301, 0.6896263957023621, -0.9770699739456177, 0.2062840312719345, -0.17426472902297974, 0.8789002299308777, 0.2615601718425751, 0.9938367605209351, -0.3742971420288086, -0.6394329071044922, -0.9081135988235474, -0.7217768430709839, 0.48261559009552, 0.35786619782447815, -0.14949272572994232, 0.5302876234054565, -0.10312895476818085, 0.46100401878356934, 0.6625332236289978, 0.4456724226474762, 0.8411625623703003, -0.4183409810066223, 0.14867942035198212, -0.09873900562524796, 0.4161522388458252, 0.1360154002904892, -0.10092542320489883, -0.5706703066825867, 0.041538335382938385, -0.001293335109949112, -0.15344686806201935, 0.019637085497379303, -0.015212379395961761, 1.402664303779602, 0.9096929430961609, -0.13775701820850372, -0.016492832452058792, -0.6855757236480713, -0.19503682851791382, -0.10532070696353912, -0.6702045202255249, -0.38618820905685425, 0.9874880313873291, 0.7390687465667725, 0.05392267554998398, 0.38939884305000305, -0.09554252028465271, 0.016484104096889496, -1.0079432725906372, -0.2103041708469391, -0.13713154196739197, 0.29149603843688965, -0.5468639135360718, 0.02145060896873474, -0.4684789180755615, -0.906204104423523, -0.24217504262924194, -0.21335117518901825, 0.1449788212776184, -0.3056478500366211, 0.3549385368824005, 1.0994153022766113, -0.21695271134376526, 0.08853698521852493, -0.7405251264572144, 1.197525978088379, -0.4455779492855072, 0.9887911081314087, -0.7148900032043457, 0.0150142265483737, -1.3164252042770386, 0.8989382982254028, -0.6023558974266052, 0.5010405778884888, 0.1808338165283203, -0.43552762269973755, 0.4234011769294739, -0.8993317484855652, -0.3174388110637665, 0.8995303511619568, 0.1584065705537796, 0.10809343308210373, -0.7084711790084839, 1.15188729763031, -0.0614624097943306, -0.19548462331295013, 0.623522162437439, -0.15315179526805878, -0.5253246426582336, 1.259583592414856, -0.017550960183143616, 0.4864334464073181, 0.15504205226898193, 0.519601583480835, 0.1384819746017456, -0.30577489733695984, -2.1546833515167236, 0.05751180648803711, 0.4407559931278229, -0.6260491609573364, -0.07863686978816986, -0.72711181640625, 0.7019311189651489, -0.21348637342453003, -0.2329672873020172, 0.8007493615150452, -0.3811741769313812, 0.11956429481506348, -0.7632304430007935, 0.6281031966209412, 0.5936843156814575, -0.047297313809394836, -0.19668324291706085, 0.2583094835281372, 0.008392274379730225, -0.971096932888031, 0.3917507827281952, 0.9714874625205994, -0.4754718542098999, -0.1102529764175415, 0.1479036808013916, 1.6146597862243652, 0.9569183588027954, -0.41700103878974915, -0.1891316920518875, 0.33303868770599365, 0.4896104633808136, 0.026121893897652626, 0.07455559074878693, -0.5817603468894958, 0.3730555474758148, -0.41820642352104187, 1.0961213111877441, -0.21824532747268677, 0.12283380329608917, -0.8259421586990356, -0.0009145112708210945, -0.5686227679252625, -0.3030804693698883, 1.4854209423065186, 0.7367002964019775, 1.8638263940811157, 0.00441887229681015, 0.17378053069114685, -0.7822093963623047, -0.7712224721908569, 0.3652426302433014, -0.04701549932360649, 0.5183268189430237, -0.6725958585739136, 0.1792408525943756, 0.6002280116081238, 1.2345004081726074, -0.6349634528160095, -0.30396977066993713, 0.1644783616065979, 0.4514618217945099, -0.5017066597938538, 0.546478271484375, 0.3541586995124817, 0.26145103573799133, 1.3141934871673584, -0.5901014804840088, 0.17583025991916656, 0.264690637588501, -0.12396217882633209, 0.46515318751335144, -0.02167525142431259, -0.6062264442443848, 0.812436044216156, 0.20244792103767395, 1.0867387056350708, 0.2537592649459839, 0.9223675727844238, 1.1357358694076538, -0.25819921493530273, -1.2277253866195679, 0.35376012325286865, -0.4149717092514038, -0.053184960037469864, 0.8944233655929565, -0.24345533549785614, 0.4432138502597809, 0.2859189510345459, 0.3246491849422455, -1.01349937915802, 1.1910291910171509, -0.42660921812057495, -0.6944220066070557, 0.013491608202457428, 1.3223564624786377, -0.7554061412811279, -0.4566825032234192, 0.3808645009994507, -0.9761170148849487, -0.6523106694221497, -0.08814865350723267, 0.09813454747200012, 1.0617825984954834, 0.030864479020237923, 0.49397823214530945, -0.5502684116363525, 0.060713961720466614, -0.3004322946071625, 1.3983776569366455, 0.3737122118473053, -0.6603835821151733, 1.1829252243041992, 0.07692127674818039, 0.3676515221595764, 0.70672607421875, -0.8287973999977112, -0.18190184235572815, 0.8181818723678589, 0.1534719467163086, -0.47868746519088745, -0.7704439163208008, -0.07116346061229706, 0.5799305438995361, 0.3546859622001648, 0.21664157509803772, -0.7733243107795715, 0.07560820132493973, -0.48450881242752075, 0.536518394947052, 0.8155038356781006, -0.8906529545783997, -1.5919020175933838, 0.22570198774337769, -1.020151972770691, -0.07981933653354645, -1.0337107181549072, -0.11988680064678192, 2.5188121795654297, 0.05668208748102188, 0.5083348155021667, -0.05170359089970589, -12.69106388092041, 0.8927475214004517, -0.3236781656742096, 0.2811005711555481, 0.6818146109580994, -0.16689282655715942, -0.032869063317775726, 0.2069578617811203, 0.3719194531440735, -0.5502597093582153, 0.14650240540504456, 0.8837015628814697, -0.08510971814393997, -0.3124321699142456, -0.5338221788406372, -1.3738588094711304, 0.05926886573433876, -0.2745110094547272, -0.3212890326976776, 0.12823444604873657, 0.6477481126785278, -1.018763780593872, -0.5145496726036072, 0.22474299371242523, 0.6479767560958862, -0.44912081956863403, -0.5809915065765381, 0.3928360939025879, 0.16362081468105316, 0.3262699544429779, 0.6862305402755737, -0.2558055520057678, 0.1796768754720688, -0.2869603931903839, 0.2340194135904312, -0.14604611694812775, -1.060890555381775, -0.3024768829345703, 0.6012130379676819, -0.12074902653694153, -0.5388259291648865, 0.02517785131931305, 0.3248579800128937, -0.07113335281610489, -0.7715171575546265, 0.8481311202049255, 0.44676801562309265, -0.7088909149169922, -0.645824134349823, 0.10960731655359268, -0.19320179522037506, -0.6900420784950256, -0.37977859377861023, -0.7497546672821045, 0.27618810534477234, -0.14024324715137482, -0.8151484131813049, 0.00827415008097887, -0.47735992074012756, -1.5591434240341187, 0.5202475786209106, -0.1698196530342102, -0.5486841201782227, 0.5363292098045349, 0.37021541595458984, -0.40357810258865356, -0.07515918463468552, 0.40024784207344055, -0.3446195125579834, 0.15715691447257996, -0.44309550523757935, 0.7406294941902161, -0.07852901518344879, 0.37276288866996765, -0.2679450511932373, 0.3304747939109802, 0.22218245267868042, -0.318992555141449, 0.7542474865913391, -0.33232858777046204, -0.8656642436981201, 0.7075035572052002, 0.181278795003891, -0.6603594422340393, -0.5814384818077087, 0.5144101977348328, 0.6452726125717163, -0.2204940766096115, 0.740642786026001, -0.047532349824905396, 0.9836717844009399, -0.002453695982694626, -0.2711173892021179, -0.12478048354387283, -0.67540043592453, 0.3648390769958496, -0.32759755849838257, 0.6009811758995056, 1.0744335651397705, -0.4738177955150604, -0.06278351694345474, 0.08948811143636703, -1.280165195465088, -0.2405136674642563, 0.7101539373397827, 0.03868628293275833, 0.3475053012371063, -0.24527446925640106, -0.07152728736400604, -0.4397316575050354, 0.45064952969551086, 0.1309460997581482, -0.13901279866695404, 1.4825414419174194, -0.969927191734314, 0.024945372715592384, 0.8920342922210693, -0.3885537385940552, 0.4098972678184509, 0.5139213800430298, -0.11838797479867935, -0.1126130074262619, -0.11721528321504593, 0.6447246670722961, 0.39600369334220886, -0.1343247890472412, 0.7515801191329956, 0.6572538614273071, -0.3303908407688141, -1.3732657432556152, 0.016108473762869835, -0.06072210520505905, -0.21978582441806793, -0.526883602142334, -0.7764552235603333, 0.11980445683002472, -0.36633044481277466, 0.8293975591659546, -0.6766363382339478, 0.40996816754341125, 0.21764521300792694, 0.017276201397180557, -0.5037268400192261, -0.6552981734275818, -1.0978162288665771, -0.7012338638305664, -1.1550683975219727, 0.5430872440338135, -1.0493546724319458, -0.46567803621292114, 0.1971207559108734, -0.6076904535293579, 0.3843371272087097, -1.2019556760787964, -0.09220712631940842, -0.1612340211868286, 0.03861895576119423, -0.3743482828140259, -0.20989163219928741, -0.11474864929914474, 0.04934241622686386, 0.8469957709312439, -1.307968258857727, 1.0941816568374634, 0.23393622040748596, 0.02769545093178749, -0.420369029045105, 0.001045137643814087, -0.7524277567863464, 0.19383957982063293, 0.433046817779541, -1.1791223287582397, -0.7582679390907288, -1.1054327487945557, 0.6698490381240845, -0.9046972990036011, 0.8528371453285217, 0.8171229362487793, -1.2477929592132568, -0.6231186389923096, 0.24106770753860474, 0.6138132214546204, 0.5666317343711853, -1.1494190692901611, 0.16355201601982117, -0.7622817158699036, 0.24552714824676514, 0.9804720282554626, -0.1602323353290558, 1.3654729127883911, -1.320841908454895, -0.7510650753974915, -1.2630585432052612, -0.31786108016967773, 1.4201610088348389, -0.27043434977531433, 1.4167518615722656, 1.1264420747756958, -0.6323818564414978, -0.3168211281299591, 0.5984799265861511, 0.7642711400985718, 0.5201327204704285, 0.13118693232536316, -0.04073687270283699, 0.20358312129974365, -1.2026084661483765, -0.14499229192733765, -0.15225890278816223, 0.48317018151283264, -1.2085639238357544, -0.07684953510761261, 0.2275383472442627, -1.0326370000839233, 0.047938231378793716, -0.572169303894043, 0.18972453474998474, -0.7374817728996277, 0.2455296516418457, -0.7547327280044556, 0.3933497965335846, 0.7765353322029114, 0.2049534171819687, 0.620552122592926, 0.41838645935058594, 0.4155520498752594, 0.9464352130889893, 0.03535053879022598, 1.5935859680175781, 0.3247930705547333, -0.31091681122779846, 0.36777231097221375, 0.39570266008377075, 0.5669595003128052, -0.19031421840190887, -0.7350870370864868, -0.36772894859313965, 0.6819673180580139, -0.17323102056980133, 0.7669185996055603, -0.3199205994606018, 0.10867040604352951, 1.0076196193695068, 0.9723491668701172, -0.6391447186470032, -1.8082753419876099, -0.8165773153305054, -1.1659690141677856, 0.367725133895874, 0.7501958608627319, 0.39364174008369446, 0.3737303614616394, 0.49376964569091797, -0.02193330228328705, 0.6973093152046204, -0.6142099499702454, -0.09447205066680908, 0.5569044947624207, 0.26970744132995605, 0.8499247431755066, 1.0720868110656738, 0.24295957386493683, 0.774294376373291, 0.3057902157306671, -0.5244629979133606, 0.5769873261451721, -0.6263887882232666, 0.2768341898918152, 0.6494979858398438, -0.4699869453907013, -0.1353129744529724, -0.3784509301185608, 0.4678419828414917, -0.0035367775708436966, 0.4651501774787903, 0.39127957820892334, -0.48301035165786743, -0.8356200456619263, -0.6363139748573303, -0.4292951226234436, 0.7111747860908508, -0.4443287253379822, -1.0538454055786133, -0.46817952394485474, 0.5995548367500305, 0.4185997545719147, 0.1251288652420044, -0.1887364685535431, 0.39240315556526184, 0.14707757532596588, 0.34682297706604004, -0.6396784782409668, -1.081311821937561, -0.39702165126800537, 0.21509626507759094, -0.9265167117118835, 0.43912607431411743, 0.29982733726501465, -1.1937121152877808, -0.7591565847396851, 0.7138676047325134, 0.6732504367828369, -0.029417384415864944, 0.2097184807062149, 0.048207975924015045, -1.405066728591919, 0.1927812397480011, 0.2338007688522339, -0.021980484947562218, -0.26978549361228943, 0.1275671422481537, 0.4304496645927429, 0.05901467800140381, 0.8226848244667053]} +{"paper_id": "tweets_ar_en_parallel", "embedding": [-0.2413613349199295, 0.8849382996559143, 0.7412958741188049, 0.05016063153743744, 0.41772472858428955, -0.26227933168411255, -0.2667378783226013, 0.4858033359050751, 0.24337980151176453, 0.6897301077842712, 0.7388244271278381, -0.7154029607772827, 0.5043163299560547, 0.8764537572860718, 0.2533820867538452, -0.403348445892334, -1.2273858785629272, -0.9473172426223755, -0.046417806297540665, -0.39903610944747925, -0.2001277059316635, -0.44668036699295044, -0.30596134066581726, 0.20181864500045776, -0.5672528743743896, -0.5199863314628601, 0.6532556414604187, -0.1594957560300827, -0.08464648574590683, -0.026043009012937546, -0.3483104705810547, 0.8502253890037537, -1.0636059045791626, -0.599629819393158, -0.5650197863578796, -0.20856766402721405, 0.2850983142852783, 1.32538902759552, -0.5804173350334167, 0.06170971691608429, -0.8134534955024719, 0.05791109800338745, 0.8845954537391663, 0.2388063669204712, 0.6172671914100647, 0.5903197526931763, 0.046359218657016754, -0.005456920713186264, 0.20137394964694977, 0.5696521997451782, 0.6144357919692993, 0.18110424280166626, -0.4731655716896057, 0.15481780469417572, -0.4734674394130707, 1.4158880710601807, 0.027054190635681152, -1.6029490232467651, 0.12016072869300842, -1.066795825958252, 0.9476552605628967, 1.60889732837677, -0.46127817034721375, -0.1021239161491394, 0.7730119824409485, -1.1963533163070679, 0.9343461990356445, -0.3107597231864929, 1.4129903316497803, 1.1854121685028076, -0.32994890213012695, -1.424773931503296, 0.6309230327606201, -0.6505725383758545, 0.23599873483181, 0.24661459028720856, 0.08756595849990845, 0.8106935620307922, -0.7104842066764832, 0.24204286932945251, -0.21272259950637817, 0.9232840538024902, -0.11945793032646179, -1.2607300281524658, -0.005933698266744614, -0.4013194143772125, -0.4749971330165863, -0.1456335484981537, 0.884117841720581, -1.710106611251831, 0.6215974688529968, -0.6701973080635071, -0.19726701080799103, 0.14891862869262695, 0.008009359240531921, 1.0624734163284302, 0.7447724938392639, 0.33530279994010925, -0.6472591161727905, 0.13555416464805603, 0.7743458151817322, -0.7102055549621582, 0.8727169036865234, 0.0662756860256195, 0.023831702768802643, 2.17867112159729, -0.36084866523742676, -1.0587682723999023, -0.42362937331199646, 0.10323169827461243, -1.145700454711914, 1.334007740020752, -0.7205604314804077, 0.2773406505584717, -0.1464107185602188, -0.8838543891906738, -1.004301905632019, -0.588655948638916, -0.7579507827758789, -0.08744171261787415, -0.9190480709075928, -1.2529667615890503, -0.47761744260787964, 0.8884323239326477, 0.9404485821723938, -0.4524090886116028, 0.519903302192688, 0.40238532423973083, 0.06300563365221024, -0.45190906524658203, 0.8676464557647705, 0.007817395962774754, -0.17978529632091522, 0.6465212106704712, 2.235407829284668, -0.4010058045387268, 1.9312962293624878, -0.13239909708499908, 0.6276402473449707, -0.10933011770248413, 0.28067052364349365, 1.515403151512146, -0.11377615481615067, -0.8050844073295593, -0.5372210741043091, 0.5197062492370605, -1.021517038345337, 0.029874557629227638, 0.2517748177051544, -1.136975884437561, -0.21680137515068054, 0.5018617510795593, -0.23734688758850098, -0.565024733543396, 0.7204282879829407, 0.6575810313224792, 0.35161587595939636, 0.9381353855133057, -0.143605038523674, 0.8771007061004639, 0.7413099408149719, 0.810164749622345, -1.076741337776184, 0.49471521377563477, -0.7519405484199524, -0.07761667668819427, 1.1327803134918213, -0.090177983045578, -1.1717805862426758, -0.5310238003730774, 1.0865455865859985, -0.2984480559825897, 0.3566705882549286, -0.07213607430458069, -0.7283545732498169, -0.08744007349014282, 0.4796806275844574, 1.1023579835891724, 0.1745876520872116, 0.2319290041923523, 0.17232248187065125, -0.1317276805639267, -0.36451202630996704, -0.038799699395895004, 0.4147712290287018, -0.3363094925880432, -1.392772912979126, -0.7916825413703918, -0.47784125804901123, 0.16272276639938354, 0.642030656337738, -0.8974112272262573, -0.29133525490760803, -0.254934698343277, 0.9196868538856506, 0.007546480745077133, 0.5979125499725342, -1.1711905002593994, -1.128735899925232, -0.2642959654331207, 0.7496888041496277, 0.13311688601970673, 0.8283829092979431, 0.565846860408783, 0.4180409610271454, -0.6461330056190491, 0.16300345957279205, -1.2833938598632812, -0.40543314814567566, 3.172278642654419, -0.7877551913261414, -0.5607786774635315, -1.3468915224075317, 0.4594818353652954, 0.21445292234420776, -0.6241227984428406, 0.45575836300849915, -0.9788332581520081, -0.37242090702056885, -0.4515582323074341, 0.6009620428085327, -0.3041457235813141, -0.02538459748029709, -0.2799608111381531, 0.059860147535800934, -0.6689846515655518, -1.200974702835083, -0.5021836161613464, -0.8800432682037354, 1.053221583366394, 0.506478488445282, -0.03708421438932419, -0.7620730996131897, 0.6455917954444885, 0.9274101853370667, 0.7162543535232544, -0.38242244720458984, -0.16712534427642822, -0.48372724652290344, -0.6683553457260132, -0.16127926111221313, 0.724314272403717, 0.06935660541057587, -0.40132004022598267, 0.747067391872406, 1.1307049989700317, 0.57517409324646, -0.7252906560897827, 0.009712334722280502, 0.5238925814628601, 0.6177976131439209, 1.5975513458251953, -0.7197116613388062, 2.471353054046631, -1.2920796871185303, 0.9158836007118225, 0.28904634714126587, -1.0069162845611572, 0.44373226165771484, 0.25388103723526, 0.5058160424232483, -0.598598062992096, -0.40107664465904236, 0.36737751960754395, -0.657551646232605, -1.4760634899139404, -0.16365273296833038, -0.42573678493499756, -1.1629444360733032, -0.7593564987182617, 0.3564780652523041, -0.9029733538627625, -1.2239118814468384, -0.7427784204483032, 0.05110156536102295, 0.9632747769355774, -0.19506986439228058, 0.599229097366333, 0.8089025616645813, -0.3312397301197052, -0.11653923988342285, -0.37190666794776917, 0.7229443788528442, -0.7133225798606873, 1.111778974533081, -0.13592861592769623, 0.6078892946243286, -0.6216433048248291, -0.818610668182373, -0.14996173977851868, -0.08241084218025208, 0.03150961548089981, -0.08034887164831161, 0.3934459984302521, -0.5463461875915527, -1.204242467880249, 0.6653074622154236, -0.8577609658241272, 0.10523836314678192, -0.5771147608757019, 1.0502398014068604, 0.2670779526233673, 0.09829691052436829, 0.6436687707901001, 0.021663444116711617, 0.5705138444900513, 0.9682837128639221, -0.3997436463832855, 1.012261152267456, 0.39065468311309814, 0.2335042655467987, -0.12505018711090088, 0.5158734917640686, -1.5633901357650757, -0.6616044640541077, 1.6268750429153442, -0.5775641798973083, 0.018868912011384964, -0.1476988047361374, 0.7805349826812744, -0.37711048126220703, -1.0043832063674927, -0.34028342366218567, -0.6186142563819885, 0.41078856587409973, -0.5921679139137268, 0.34142404794692993, 1.2144118547439575, -0.7886999845504761, 0.746128261089325, 1.2630352973937988, 0.6648939847946167, -0.7154914140701294, -0.4137100875377655, 0.35924577713012695, -0.5206013917922974, 1.638196587562561, 0.013943623751401901, 0.44649967551231384, 1.2160838842391968, -0.5711262822151184, -0.7379610538482666, 0.7277975678443909, 1.3696191310882568, 0.2590101361274719, 0.9765905141830444, 0.04757031425833702, 1.089154601097107, -0.30713391304016113, 0.7895181179046631, 1.0534547567367554, -0.610022246837616, -1.1491503715515137, 0.19206050038337708, -0.2081027328968048, -0.791793942451477, 0.963276207447052, 0.80221027135849, 1.1605206727981567, 0.4096502959728241, 0.05057493597269058, -0.10948924720287323, 0.18312451243400574, 1.650653600692749, 0.5800819396972656, 0.5195597410202026, 0.6901264190673828, -0.4557126462459564, 1.1069447994232178, -0.22571204602718353, -1.0371676683425903, 0.7039676308631897, 0.829787015914917, -0.8756594061851501, 0.008387517184019089, -0.1600302755832672, 0.9062442183494568, 0.3205479085445404, 0.15476448833942413, -1.0525673627853394, -0.23243430256843567, -1.103957176208496, 0.10748528689146042, -0.34618520736694336, 0.5423562526702881, -1.7040976285934448, 0.16766703128814697, 0.07155399024486542, 0.4199505150318146, -0.3520464301109314, 0.8593829274177551, 0.1992080807685852, -0.6683185696601868, -0.42509251832962036, -0.3233887851238251, -0.24659636616706848, 0.17788150906562805, -0.43324530124664307, -0.33717969059944153, -1.159179449081421, 1.312023401260376, -0.7544587850570679, -1.6891764402389526, -0.14999732375144958, 0.08531470596790314, -1.500836968421936, 0.8170384764671326, 0.06871894747018814, -1.6221030950546265, -0.9853420853614807, -0.19976413249969482, -0.5480824112892151, -0.7330206632614136, 0.9126023054122925, -0.17388375103473663, -0.08073467016220093, 0.20167094469070435, 0.09042531251907349, -0.26752012968063354, -0.8863067030906677, -0.3204030990600586, 0.1124902218580246, 1.4912431240081787, -0.24053898453712463, -0.6859296560287476, 0.5839988589286804, -0.6950809359550476, 0.76915442943573, -1.2809897661209106, -0.6925746202468872, 0.05538157373666763, 1.1120021343231201, 0.33803752064704895, -0.056405652314424515, -1.068817138671875, -0.017916548997163773, -0.5132476091384888, 1.1242396831512451, -1.0314565896987915, 0.7855762839317322, -1.418510913848877, 0.44707244634628296, -0.07897154986858368, 0.017978765070438385, -0.3332020342350006, 1.1148946285247803, -0.8034776449203491, 0.7097959518432617, 0.4356755316257477, 0.5223022103309631, -0.09197300672531128, 0.6023821830749512, 0.5774245262145996, -0.37265703082084656, -10.378291130065918, -0.10223527997732162, -0.42917317152023315, 0.006857044994831085, 0.48692089319229126, -0.16134265065193176, 0.7269826531410217, -0.3628334701061249, 1.3786691427230835, -0.305284321308136, 0.146340474486351, 1.2342244386672974, -0.10140997916460037, 0.2659626007080078, -0.637851357460022, -0.19083334505558014, -0.35663071274757385, -0.1486169695854187, 0.7068004608154297, -0.08464296907186508, -1.3274375200271606, -0.5671816468238831, 0.1636839061975479, -0.55133455991745, 0.6622282266616821, 0.5242855548858643, 0.18988007307052612, -0.7409114241600037, -1.094260811805725, -0.3036673367023468, 0.8798238039016724, -0.8087468147277832, -0.8012219071388245, -0.16391633450984955, 0.7279272675514221, 0.9756523966789246, -0.6313689947128296, -0.15517516434192657, 1.1163954734802246, -0.6412709355354309, 0.9574332237243652, -0.04975518211722374, -0.011179751716554165, 0.10410117357969284, -0.6558505892753601, -0.07355789840221405, -0.26772212982177734, -0.0449092872440815, 1.1440349817276, -0.23330922424793243, -1.0527493953704834, -0.747646152973175, -1.1358251571655273, -0.297636479139328, 1.307908296585083, 0.36624082922935486, -0.9638370275497437, 0.29093363881111145, -0.6806970834732056, -1.1136785745620728, 1.437108039855957, -0.023746762424707413, 0.026704639196395874, 0.016376208513975143, -0.06566909700632095, -0.5320430397987366, 0.510209858417511, 0.3300667405128479, -0.24511319398880005, -0.6814029812812805, -1.4341100454330444, 0.46823644638061523, 0.23060908913612366, 0.45247790217399597, 0.45517033338546753, -0.7918661236763, -0.26003095507621765, -0.31842905282974243, 0.2559472620487213, -0.31613677740097046, -0.8222603797912598, 0.18981365859508514, -0.7720780968666077, -0.1650131642818451, 0.06798094511032104, -0.25399553775787354, -0.5297994017601013, -0.6079484224319458, 0.49034324288368225, 0.1884155571460724, 0.09038008749485016, -0.06339436769485474, 0.656573474407196, 0.5816229581832886, -0.4301031231880188, 0.8193596005439758, -0.21960800886154175, 1.2893214225769043, -0.3581729233264923, -0.28719276189804077, 0.20387300848960876, 0.2637225389480591, -0.20797398686408997, -0.023364394903182983, 1.077914834022522, 0.2160508632659912, -0.015021786093711853, 0.16086292266845703, -0.3253689408302307, -0.1644044667482376, 0.7853702902793884, -0.3203633427619934, -0.06490395963191986, 0.8962436318397522, 0.8438906669616699, 1.5842204093933105, 0.7157583832740784, -0.004968538880348206, 0.5802645087242126, 0.544769287109375, -0.11198721081018448, 0.38425061106681824, 0.012569529935717583, 0.5768671631813049, 0.03595595434308052, 0.317470520734787, -0.17290043830871582, 0.7023215889930725, -0.6345739364624023, -1.1451592445373535, 0.35510095953941345, 0.06723026931285858, 0.007280644960701466, -1.2721751928329468, -0.7963804602622986, -0.47482794523239136, -0.6483458876609802, 0.680538535118103, -1.333433747291565, 0.3232792615890503, -0.46486896276474, -0.40123870968818665, 0.4078035354614258, -0.08925600349903107, -0.04995005205273628, -0.5415837168693542, -0.6369472742080688, 0.310606449842453, -0.47931107878685, -0.5609312653541565, 0.6477510333061218, -0.29372861981391907, 0.30773043632507324, -0.187852144241333, 0.2097291648387909, 0.4183918237686157, 0.25093498826026917, 0.0022015124559402466, -1.1071715354919434, 0.3291814625263214, 0.3719305396080017, 0.5262628793716431, -0.9583528637886047, 0.972493588924408, 0.4123823642730713, 0.09610861539840698, -0.343709796667099, -0.457727313041687, -1.2540956735610962, 0.723476767539978, 1.321924090385437, -0.3353801369667053, -0.1269896775484085, 0.05314171314239502, -0.47393321990966797, -1.349961519241333, 0.6163469552993774, 0.7792133092880249, -1.2207589149475098, 1.0339106321334839, -0.35884737968444824, 0.34391477704048157, -0.8001586198806763, -0.590678870677948, -1.1419025659561157, 1.0331510305404663, -0.7608910202980042, 1.004467487335205, 0.40446728467941284, 0.2629869282245636, -1.9744929075241089, -1.2068352699279785, -0.2862495183944702, -0.3615274429321289, 1.2321438789367676, -0.6094141602516174, 1.6307531595230103, -0.36459317803382874, 0.5101430416107178, -0.7501969337463379, -0.6403504014015198, 0.407179594039917, 0.2405688464641571, 0.20471951365470886, -0.9468011260032654, -0.23053903877735138, -0.7344655394554138, 0.4147889018058777, 0.4826888144016266, -0.4032359719276428, -1.650688886642456, -0.48074424266815186, 0.458126962184906, 0.23389174044132233, -0.06836450099945068, -1.3406208753585815, 0.44334062933921814, 0.14071378111839294, -0.8773566484451294, -0.4138976037502289, 0.24331659078598022, 1.7833195924758911, -0.7484583258628845, 1.1501350402832031, -0.229385644197464, 0.4675653278827667, 0.2511836588382721, 0.7332990765571594, 1.5050054788589478, -1.116995930671692, -0.44124457240104675, 0.14562968909740448, -0.680172324180603, -0.21489199995994568, 0.1206301897764206, 0.5951622724533081, -0.5631458759307861, 0.45841699838638306, -2.072794198989868, 0.5820243954658508, 0.5840069055557251, 0.9130383729934692, -0.09996767342090607, 0.9193170070648193, -0.18144336342811584, -0.6866185665130615, -0.6022017598152161, 0.22632968425750732, 0.6515789031982422, 0.9619251489639282, 0.542909562587738, 0.8534797430038452, 0.7501479983329773, 0.19365635514259338, 0.922354519367218, -0.32997775077819824, -0.03664501756429672, 0.16699162125587463, 0.2843056321144104, 1.2569471597671509, 0.3580881655216217, -0.03537837043404579, -0.031201420351862907, 0.4042086601257324, -1.0082992315292358, -0.7703670859336853, -0.2078869789838791, 0.9233835935592651, 0.8993947505950928, 0.5882524847984314, 0.5040043592453003, -1.2163147926330566, -0.17541256546974182, 0.2687113285064697, 0.9483029246330261, 0.8969500064849854, -0.5411357879638672, -0.8629393577575684, -1.2479684352874756, -0.08424276113510132, 1.5866737365722656, -1.056397795677185, 0.19942092895507812, -0.7533389925956726, -0.21734774112701416, -0.09808828681707382, -0.9656091332435608, -1.1790144443511963, 0.7624682188034058, -0.5532218813896179, -0.28413164615631104, 0.866257905960083, -0.5998988747596741, -1.2144829034805298, 0.22419515252113342, -0.8098814487457275, 0.1473357081413269, 0.04202965646982193, -0.9878416657447815, 0.20849871635437012, 0.07421870529651642, 0.2930663526058197, -0.1259879320859909, 0.8669028282165527, -0.39439836144447327, -1.6575706005096436, 0.5744543671607971, 0.8979302048683167, 0.30406102538108826, -0.5516911745071411, 0.7862630486488342, 0.586240291595459, 0.3494727313518524, 1.0761638879776]} +{"paper_id": "lc_quad", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "ronec", "embedding": [-0.6974068284034729, 1.008791208267212, -0.15748324990272522, -0.023366788402199745, 0.3081626296043396, -0.4515814483165741, -0.082173191010952, 0.5990998148918152, 1.0132570266723633, 1.0797755718231201, 0.6480655670166016, -0.32050642371177673, -0.13107848167419434, -0.1862158328294754, -0.2099580019712448, -0.10715576261281967, -0.5915030837059021, -1.079609751701355, -0.5166440010070801, -0.5640056133270264, -0.9772896766662598, -0.6001917719841003, -0.297961950302124, 0.25405529141426086, -1.055635690689087, -0.4826016426086426, 0.29943031072616577, -0.7010887265205383, 0.19456857442855835, 0.43360403180122375, -0.4944063425064087, 0.9571897983551025, -0.7769239544868469, 0.22246679663658142, -0.19352379441261292, 0.22565285861492157, 0.2471577376127243, 0.23958060145378113, -0.7388429641723633, 0.07058340311050415, -0.6193887591362, -0.3827197253704071, 0.6264113783836365, 0.1994745284318924, 1.094731092453003, -0.1292443871498108, 0.38371121883392334, 0.7707608938217163, 0.4439346194267273, 0.0030925199389457703, -0.6940637826919556, 0.16389204561710358, 0.1452447772026062, -0.05444180965423584, 0.18224608898162842, 0.8731090426445007, 0.44316235184669495, -1.1096967458724976, 0.272373229265213, -0.7125144004821777, 0.503894031047821, 0.9607458710670471, -0.4994376599788666, 0.11786164343357086, 0.6504055857658386, -0.0018946602940559387, 0.7373756170272827, -0.3383357524871826, 0.7306279540061951, 0.8513327240943909, -0.15344004333019257, -0.8249118328094482, 0.6013683676719666, -0.18060314655303955, 0.5148302316665649, 0.9281262159347534, 0.29618194699287415, 0.0624287948012352, 0.18368715047836304, 0.12194114178419113, -0.2805250287055969, 0.8440112471580505, 0.8058879375457764, -0.36728930473327637, -0.34710708260536194, -0.16849321126937866, 0.5032685995101929, -0.1752983182668686, 0.4699530601501465, -1.5649746656417847, 0.046112336218357086, 0.10485432296991348, -0.7834909558296204, -0.15087883174419403, -0.03949013352394104, 0.5133072137832642, 0.0838274210691452, -0.5885995626449585, -0.7396905422210693, 0.19481101632118225, 0.4674379229545593, -0.3071897029876709, -0.067171111702919, -0.08018673211336136, -0.1403992772102356, 1.0327794551849365, -0.9036081433296204, -0.16156426072120667, -0.7935144901275635, -0.08227798342704773, 0.044365059584379196, 1.4794514179229736, 0.44736024737358093, 0.13814079761505127, -0.01995163783431053, -0.15509238839149475, 0.6174171566963196, -0.9497896432876587, -0.3741685748100281, 0.3859940767288208, -0.7018995881080627, -0.8807320594787598, -0.03731437772512436, 0.32944267988204956, 1.033865213394165, -0.5531089305877686, 0.8004116415977478, -0.036693498492240906, 0.21223331987857819, -0.2841714322566986, 0.5400207042694092, -0.1528955101966858, -0.3236066401004791, -0.0553613118827343, 2.557363986968994, -1.0901622772216797, 1.0184919834136963, -0.4691207706928253, 0.16972361505031586, -0.21195277571678162, 0.152724951505661, 0.6119833588600159, 0.6010677218437195, -0.5202068090438843, -0.9493350386619568, 0.2992716431617737, -0.48397576808929443, 0.4648183286190033, -0.5629656314849854, 0.04929663985967636, 0.28255242109298706, 0.40255293250083923, -1.2424812316894531, -0.17941933870315552, -0.033132147043943405, 0.9203274846076965, 0.3524194061756134, 0.20238307118415833, -0.5203069448471069, 1.1681956052780151, 1.0219143629074097, 0.09949997067451477, -0.5869777202606201, -0.12639828026294708, -0.9143633842468262, 0.10740508884191513, 0.8977577090263367, 0.10628367215394974, -0.8001806139945984, -0.14244341850280762, 0.2206728607416153, -0.2465960681438446, -0.01777263730764389, -0.14486750960350037, -0.2576868534088135, -0.13518938422203064, 0.7484107613563538, 0.16321077942848206, 0.25578469038009644, -0.43254274129867554, 0.3598964810371399, -0.04946504160761833, -0.32278013229370117, 0.4393918812274933, 0.038942091166973114, 0.6946730017662048, -1.5242081880569458, -0.3004292845726013, -0.554777204990387, 0.7951638102531433, -0.4884818196296692, -0.21741701662540436, -0.14854374527931213, 0.3510671555995941, 0.18382303416728973, -0.09606167674064636, 0.14583706855773926, -1.3887726068496704, -0.7389052510261536, 0.07747752964496613, -0.03382844477891922, -0.5106816291809082, -0.1270739883184433, 1.1343308687210083, 0.5394840836524963, -0.7836247682571411, -0.44194093346595764, -1.4001456499099731, 0.23855429887771606, 2.0574498176574707, -0.028208881616592407, -0.8816277384757996, -1.2907875776290894, -0.20371943712234497, 0.6744838356971741, -0.7698959112167358, 0.15246133506298065, -0.31185829639434814, 0.5687859058380127, -0.891808271408081, 0.5919731259346008, -0.36386245489120483, -0.029075518250465393, 0.3438742756843567, 1.0757966041564941, -0.4124066233634949, -0.6075478792190552, -0.44898533821105957, -0.35019028186798096, 0.35301995277404785, 0.7134939432144165, 0.8279255628585815, -0.035916365683078766, 0.8371209502220154, 0.6279010772705078, 0.3905622363090515, -0.17537708580493927, 0.7011232376098633, -0.45670196413993835, 0.5617818236351013, -0.33956870436668396, 0.41365814208984375, -0.2169770747423172, -0.2816164493560791, 0.5139122605323792, 0.5262786149978638, -0.01217733696103096, -0.16614440083503723, 0.19715799391269684, 0.311908096075058, 0.9748076796531677, 1.133076548576355, -0.3558158278465271, 0.7336148619651794, -1.4536212682724, 0.5553650259971619, -0.8934580683708191, -0.3230297267436981, -0.5216999053955078, -0.10915590077638626, 0.7721070051193237, -0.3201209008693695, 0.19618600606918335, 0.2028517872095108, 0.023544438183307648, -1.1982370615005493, -0.3739436864852905, 0.3743523061275482, -0.25659865140914917, -0.6863666772842407, -0.029218081384897232, 0.22745810449123383, -0.7066745162010193, -0.5384644269943237, -0.10498106479644775, 0.49766048789024353, -0.046584825962781906, 0.21451503038406372, 1.0400739908218384, -0.6125158071517944, 0.22707274556159973, -0.2964978814125061, 0.6823657155036926, -0.8776702284812927, 0.5606902241706848, 0.245505690574646, 0.22116921842098236, -0.9189836978912354, 0.1084350049495697, 0.01502198912203312, 0.5768109560012817, -0.2754092216491699, 0.46638548374176025, 0.28805845975875854, 0.018580779433250427, -0.9197114706039429, 1.4379301071166992, -0.049796875566244125, -0.031299784779548645, -1.1868231296539307, 1.3229275941848755, 0.50095134973526, 0.09605401754379272, 0.6199995875358582, 0.4034257233142853, 0.38345596194267273, 1.0741013288497925, -0.4342902600765228, 0.425372451543808, -0.11742238700389862, 0.47239673137664795, -0.20164622366428375, 0.44447073340415955, -1.8019384145736694, -0.4625242054462433, 0.7760910391807556, -0.08038335293531418, 0.18796521425247192, -0.19568562507629395, 0.49642181396484375, -0.31301677227020264, -0.3133159577846527, 0.3574066758155823, -0.5114887952804565, 0.17142316699028015, -1.0029823780059814, -0.3390154242515564, 0.5206874012947083, -0.06592421233654022, 0.30590906739234924, 0.4000190198421478, 0.5555287003517151, -1.3662314414978027, 0.24131914973258972, 1.438652515411377, -0.12144481390714645, 0.8370510339736938, 0.3320614993572235, 0.8125022649765015, 0.8860718011856079, -1.1548115015029907, 0.03886997699737549, 0.35764408111572266, 0.26100820302963257, 0.39446693658828735, 0.019965412095189095, 0.08210613578557968, 0.6997454762458801, -0.7937396168708801, 1.2548245191574097, 0.16511298716068268, -0.7611846327781677, -0.9136571288108826, -0.18483193218708038, -0.6285991072654724, -0.212009459733963, 2.0936028957366943, 0.7984282374382019, 1.5411347150802612, -0.3643953204154968, 0.37415093183517456, -0.39117634296417236, 0.11557711660861969, 1.2144932746887207, 0.6815146207809448, -0.19784118235111237, -0.1246640533208847, 0.10597589612007141, 0.10572229325771332, -0.2886883318424225, -0.46728572249412537, -0.2965035140514374, 0.3344728648662567, 0.1400282084941864, -0.7053418755531311, 0.07904838025569916, 0.14097507297992706, 0.11461164802312851, 1.4060920476913452, -0.5966389179229736, -0.7113180160522461, -0.42015138268470764, 0.4835393726825714, 0.7199189066886902, 0.40625667572021484, -0.9830214977264404, -0.01999715156853199, -0.16422708332538605, 0.3167872130870819, -0.24662035703659058, 0.9489689469337463, 1.1835970878601074, -0.3648495376110077, -0.9272248148918152, 0.16121956706047058, -1.3987818956375122, 0.12319548428058624, 0.5290230512619019, -0.15046902000904083, -0.28011181950569153, -0.09742143005132675, -0.26702186465263367, -0.6508453488349915, 0.26123499870300293, -0.8184155821800232, -1.3639694452285767, 1.2444084882736206, 1.0907083749771118, -0.7527808547019958, -0.7870967388153076, -0.20985174179077148, -0.15405043959617615, -0.6461235284805298, -0.17974045872688293, -1.495903730392456, 0.22150936722755432, 0.003855764865875244, 0.3988393545150757, 0.4069739580154419, 0.18390558660030365, -0.6112834811210632, 0.8787711262702942, 0.4893248677253723, 0.1815376728773117, 0.2688908278942108, 0.3561752736568451, -0.07094737142324448, -0.3790879249572754, -1.4605640172958374, -0.8176150918006897, 0.2802976667881012, -0.3205692172050476, -0.06204080954194069, -1.0478365421295166, -0.8443769812583923, 0.3848920464515686, -0.32928723096847534, 0.5225282907485962, -0.8898658156394958, 1.2116162776947021, -0.5714341998100281, 0.3946094810962677, -0.381826251745224, -0.6551696062088013, -1.427527904510498, 1.2920899391174316, -0.23873740434646606, 0.0026226527988910675, -0.07444503903388977, 0.9857012033462524, 1.4261711835861206, 0.11643605679273605, -0.054484229534864426, -0.42974844574928284, -13.549726486206055, 0.008511380292475224, -0.04945115000009537, 0.5368815064430237, 0.676667332649231, 0.12951260805130005, 0.6606276631355286, 0.3349466919898987, 0.8287311792373657, -0.429971307516098, 0.059104617685079575, 0.8789937496185303, -0.07461611926555634, 0.0048696985468268394, -0.30397412180900574, -0.877971351146698, -0.34547680616378784, -0.661850094795227, 0.33223259449005127, 0.3805468678474426, -0.37897300720214844, -1.296826720237732, -0.1761265993118286, 0.04940980300307274, 0.40512698888778687, -0.33991748094558716, 0.19941484928131104, 0.17856067419052124, -0.8338713049888611, 0.08601270616054535, 0.7724359035491943, -0.3104400634765625, -1.0014067888259888, -0.16164177656173706, -0.028808891773223877, 0.0011416571214795113, -1.2331862449645996, 0.037336163222789764, 0.7381720542907715, 0.40643876791000366, -0.2585706114768982, -0.020977802574634552, 0.2809584140777588, -0.5587165951728821, -0.5069156885147095, 0.1077595055103302, 0.41330686211586, -0.8247559666633606, 0.2008635550737381, -0.20654113590717316, -0.2116146683692932, -0.13458885252475739, -0.8737606406211853, -0.4151570200920105, 0.8133301138877869, -0.24571584165096283, -0.1628674417734146, 0.29273682832717896, -0.7261655926704407, -0.9344877004623413, 1.654399037361145, 0.3184514045715332, -0.47625088691711426, 0.31408217549324036, 0.5105833411216736, -0.46405261754989624, 0.31232136487960815, 0.09337011724710464, 0.2081599235534668, 0.021332427859306335, -0.2842438220977783, 0.850560188293457, 0.7459637522697449, 0.6991614699363708, -0.4460812211036682, -0.21060830354690552, -0.2340153604745865, -0.14064066112041473, 0.26044827699661255, 0.718061089515686, -0.6768468022346497, 0.8932269811630249, -0.46611568331718445, 0.29221904277801514, -0.6951705813407898, 0.02956989035010338, -0.1580122709274292, -0.8490303158760071, 0.3343716263771057, -0.09917640686035156, 0.7448428869247437, -0.3120134472846985, -0.6797851920127869, -0.20972752571105957, -0.42649662494659424, 0.8631741404533386, -0.21716096997261047, 1.1761364936828613, 0.25146040320396423, -0.2158631980419159, 0.20701605081558228, -0.3359849452972412, -0.43675827980041504, -0.4703127443790436, 0.7028323411941528, -0.20607095956802368, -0.2225871980190277, 0.17663586139678955, 0.3042508065700531, -0.28889888525009155, 0.8295451998710632, -0.27221691608428955, 0.08265091478824615, 1.0122572183609009, -0.17192506790161133, 0.7275134921073914, 0.4215170741081238, 0.29649415612220764, 0.6709516048431396, 1.07649564743042, 0.5388532876968384, 0.47905075550079346, -0.06440725922584534, 0.7564469575881958, 0.1984432190656662, -0.38357698917388916, 0.7964752912521362, 0.5742955207824707, 0.220220685005188, -1.5079177618026733, -0.13412535190582275, 0.23431667685508728, -0.11455366015434265, -0.45986688137054443, -0.38581767678260803, -0.5607665777206421, -0.466083288192749, 1.0668307542800903, -0.14936232566833496, 0.38916051387786865, -0.12474734336137772, -0.42505407333374023, 0.12763480842113495, 0.26392629742622375, -0.3032620847225189, 0.017681457102298737, -1.131711483001709, -0.1467864215373993, -0.14406047761440277, -0.8000592589378357, 0.18836839497089386, -0.2254250943660736, 0.84809809923172, -0.6242250800132751, 0.5959830284118652, 0.44983431696891785, 0.3581055998802185, -0.3691384792327881, -0.459435373544693, 0.27926409244537354, 0.4453739821910858, 0.48456281423568726, -0.378334105014801, 0.9625139236450195, 0.36974626779556274, -0.3080865144729614, -0.7612189054489136, -0.5234373211860657, -0.3874114751815796, -0.02697324939072132, 0.635590672492981, -1.2373236417770386, 0.3875611126422882, -0.5050599575042725, -0.04496239870786667, -1.1775791645050049, -0.012280203402042389, 0.7373672723770142, -0.6122753620147705, 0.04297918081283569, 0.0986066609621048, 0.621915876865387, 0.7186230421066284, 0.1145886480808258, -0.6984783411026001, -0.5874437689781189, 0.15612658858299255, 0.9691244959831238, 0.15276195108890533, 0.2811579406261444, -0.8602942824363708, -0.7019997835159302, -0.7428000569343567, 0.09934702515602112, 0.5854384303092957, 0.3637807071208954, 0.6680390238761902, 0.5958788990974426, 0.2581656575202942, 0.18656599521636963, 0.15572398900985718, 0.7687612771987915, 0.29069846868515015, 0.38346996903419495, -0.8145074844360352, -0.03705460578203201, -0.39963966608047485, 0.14449667930603027, 0.6476585268974304, 0.7558973431587219, -1.010603427886963, -0.3038262724876404, 0.48572874069213867, -0.12967726588249207, 0.02623436599969864, -0.8339385986328125, 0.4194287061691284, 0.05051546171307564, -0.38805121183395386, -0.6761541962623596, 0.13333819806575775, 0.6119264960289001, -0.6363369226455688, 0.6680852770805359, 0.002291868906468153, 0.22145628929138184, 0.3637031018733978, -0.21148289740085602, 1.4745835065841675, -0.48232316970825195, 0.1357797235250473, 0.4948776960372925, -0.4847843647003174, -0.2685421109199524, -0.5289260745048523, 0.6403921246528625, -0.4235355854034424, 0.28800061345100403, -0.5357394218444824, 0.14991891384124756, 0.15823213756084442, 0.05688139796257019, 0.20051562786102295, 0.6464309692382812, -0.28912532329559326, -0.768616795539856, -0.732377827167511, -0.28392884135246277, 0.029398992657661438, 0.1842508465051651, -0.01417855080217123, 0.482045978307724, 0.7363194227218628, 0.09844543039798737, 1.1306648254394531, 0.2012999951839447, -0.2487933486700058, 0.014968596398830414, 0.2534933090209961, 0.9964983463287354, 0.8268098831176758, 0.16454724967479706, -0.08367637544870377, -0.5437567830085754, -0.9941536784172058, -0.6854557394981384, -0.4319119453430176, 0.13980253040790558, 0.6215623617172241, -0.5247732400894165, -0.10265371203422546, -0.6416316032409668, 0.6127105355262756, 0.20814627408981323, 0.09954071044921875, -0.1594437211751938, -0.16211557388305664, -0.6074416637420654, -0.3891138434410095, 0.05853093042969704, 0.943064272403717, -0.42254987359046936, -0.4430961608886719, -0.738415539264679, -0.4206576645374298, -0.8838368058204651, -0.33811813592910767, -0.45538341999053955, 0.4331912398338318, -0.06394559144973755, 0.159608393907547, -0.03401285409927368, -0.683445394039154, -0.7843052744865417, -0.2215205729007721, -0.4673105478286743, 0.3288145363330841, 0.6425739526748657, -1.03214693069458, -0.16410160064697266, 0.23558874428272247, -0.8504983186721802, 0.10380865633487701, 0.4895082712173462, -0.42078226804733276, -1.4387866258621216, 0.719108521938324, 0.36191225051879883, 0.3319054841995239, -0.4813404977321625, 0.41754284501075745, 0.8066827058792114, -0.20575720071792603, 0.30121201276779175]} +{"paper_id": "event2Mind", "embedding": [-0.557735025882721, 1.0270450115203857, 0.7863408923149109, 0.46662238240242004, 0.6016433238983154, 0.3249342441558838, 0.9825915098190308, 0.6184723973274231, 0.5182379484176636, 0.5269606709480286, 0.016910940408706665, 0.3285858631134033, 0.076113261282444, 0.16982892155647278, -0.5115227103233337, -0.15646007657051086, -1.0906444787979126, 0.25485044717788696, -0.6001244783401489, -0.20929354429244995, 0.01989588886499405, -0.1760326474905014, -0.4623900055885315, 0.8355292081832886, -0.09948612749576569, -0.08222991228103638, 0.27159616351127625, -1.2271958589553833, 0.7280780673027039, 0.30878350138664246, -0.07345382124185562, 0.8663268685340881, -1.0049612522125244, 0.8362508416175842, -0.3528883755207062, -0.04246451333165169, -0.1405489295721054, 0.22368621826171875, -0.3341163694858551, -0.2687079906463623, 0.03984683007001877, 0.4814567267894745, 0.9792401194572449, 0.2338675707578659, 0.4401233494281769, 0.40643778443336487, -0.06835193186998367, 0.5488789081573486, -0.17317631840705872, 0.07078035175800323, -0.45922142267227173, 0.10262878239154816, 0.009140620008111, 0.5314074754714966, 0.09129391610622406, 0.7958868145942688, 0.12497065216302872, -0.8889325261116028, 0.0632677897810936, -0.8710941076278687, 1.363594651222229, 0.9087440371513367, -0.4161941409111023, 0.2678399085998535, 0.7006472945213318, 0.07751734554767609, 0.6510595679283142, 0.17642445862293243, -0.5937989950180054, 0.889526903629303, -0.6745821237564087, -0.6756468415260315, -0.4493216276168823, -0.35708844661712646, -0.3899434804916382, 0.27995815873146057, 0.3157402575016022, 0.18373453617095947, 0.036797426640987396, 1.0053657293319702, 0.08127376437187195, 0.462472140789032, 0.5580716133117676, -0.6331996321678162, 0.40373581647872925, -0.10116347670555115, 0.788904070854187, -0.70189368724823, -0.17718973755836487, -0.8036813139915466, -0.2226518839597702, 0.12070418149232864, 0.32821956276893616, -0.31194615364074707, -0.4577311873435974, 0.2987782061100006, 0.6755491495132446, -0.15371763706207275, 0.08786967396736145, 0.7308682203292847, 0.10670430213212967, -0.46839216351509094, -0.5217114090919495, -0.37077319622039795, 0.4726254642009735, 0.511914849281311, 0.1770312488079071, -0.013504114001989365, -0.0705191045999527, -0.07815856486558914, 0.10442489385604858, 0.7624951601028442, 0.08609308302402496, 1.0882971286773682, 0.07403700798749924, -0.4627150893211365, 0.32490748167037964, -0.1487823724746704, -0.15368954837322235, 0.7999444603919983, -0.7377278208732605, -0.5505803823471069, 0.42138591408729553, 0.00646711140871048, 0.7031428217887878, -0.588433027267456, -0.1772363781929016, -0.2720499038696289, -0.30153340101242065, -0.39923161268234253, -0.3000768721103668, 0.30419638752937317, -0.24750788509845734, -0.06963382661342621, 2.705137014389038, -0.8510574102401733, 0.7755341529846191, -1.368996262550354, -0.21338242292404175, -0.44131702184677124, -0.23831585049629211, 0.9576315879821777, -0.16314053535461426, 0.358967125415802, -0.9170523285865784, 0.08582554012537003, -0.25416621565818787, 0.17869645357131958, -0.04630555957555771, -0.25122782588005066, 0.29664838314056396, -0.2751047909259796, -1.219315528869629, -0.31017234921455383, -0.282391756772995, 0.7614492177963257, -0.7220064997673035, 0.22508496046066284, -0.38145241141319275, 0.24977794289588928, -0.006502829492092133, 0.16201162338256836, -0.5228339433670044, -0.06304220110177994, -0.547863781452179, 0.09530255198478699, 0.8763622045516968, -0.07523265480995178, -0.2857344150543213, -0.6296629309654236, 0.4699708819389343, 0.07489164173603058, -0.17896440625190735, -0.39987218379974365, -0.27412575483322144, 1.042545199394226, 0.07097698003053665, 0.6073995232582092, 0.25454452633857727, -0.22630047798156738, -0.9465223550796509, -0.527748703956604, 0.1315179467201233, 0.4153526723384857, 0.11347915232181549, 0.16495104134082794, -2.0689697265625, -0.8621136546134949, -0.9686307311058044, 0.5487568974494934, 0.005132608115673065, 0.038431718945503235, 0.2155531942844391, 0.31355994939804077, -0.8789329528808594, 0.7341743111610413, 0.28161153197288513, -1.1065032482147217, -0.23966020345687866, 0.3691501021385193, -0.9613332748413086, -0.6833965182304382, -0.7802344560623169, 1.0719033479690552, 1.034593105316162, -0.34644582867622375, 0.37902313470840454, -1.3375813961029053, 0.35289472341537476, 1.5127062797546387, 0.7420618534088135, -0.7574079632759094, -1.5775724649429321, -0.2817716598510742, 1.3712007999420166, 0.07828046381473541, 0.14812949299812317, -0.49268606305122375, 0.494167685508728, -1.0649513006210327, 0.5547654628753662, 0.40508997440338135, 0.9422306418418884, -0.005038881674408913, 1.0794227123260498, -0.23900970816612244, -0.492588609457016, -0.482181191444397, -0.10319876670837402, 0.25091227889060974, 0.17367222905158997, 0.6470845937728882, 0.180192232131958, 0.764198362827301, 0.606259286403656, 0.5649666786193848, -0.03513209894299507, 1.0286051034927368, -0.1440306156873703, 0.3376186490058899, 0.762969970703125, -0.09675556421279907, -0.40537142753601074, 0.21040242910385132, -0.05896314978599548, -0.030258815735578537, 0.07590001821517944, -0.3442196547985077, 0.2423146516084671, -0.2157060205936432, 1.3344712257385254, 0.940581202507019, -0.27199429273605347, 0.35922616720199585, -1.050525426864624, 0.077994704246521, -0.44067224860191345, -0.3843124806880951, 0.04376193881034851, -0.2720937728881836, 0.6524306535720825, 0.052160538733005524, 0.4688783884048462, 0.22667966783046722, -0.13092148303985596, -0.7132899165153503, -0.4197121262550354, -0.3064641058444977, 0.6997104287147522, -0.35913780331611633, -0.48831692337989807, 0.4503875970840454, -0.5852306485176086, -0.24092793464660645, -0.8304910063743591, 0.7723831534385681, 0.11094455420970917, 0.002649828791618347, 1.4363433122634888, -0.2552295923233032, -0.06673997640609741, -0.5735061764717102, 0.6231794357299805, -0.5835588574409485, 0.5901252031326294, -1.1587594747543335, 0.3341897130012512, -0.867886483669281, -0.18329544365406036, -0.4629470705986023, 0.4323298931121826, 0.2708008885383606, -0.6683365702629089, 0.08820275217294693, -0.028271570801734924, -0.14210215210914612, 1.6403369903564453, -0.6471975445747375, -0.01321340724825859, -0.2534707188606262, 0.6209561228752136, 0.4230920672416687, -0.6699521541595459, 0.29948657751083374, -1.0106881856918335, -0.19545646011829376, 1.1767224073410034, -0.20271646976470947, 0.5856220722198486, 0.610149621963501, 0.7645639777183533, -0.22075189650058746, -0.18048453330993652, -2.369777202606201, -0.4218558371067047, 0.6569401621818542, -0.595676064491272, -0.198261097073555, -0.9543250203132629, 0.5033617615699768, -0.22418837249279022, -0.45641377568244934, 0.2025003433227539, -0.5289938449859619, 0.3382389545440674, -0.5623959898948669, 0.36401665210723877, 0.028352223336696625, -0.10059492290019989, 0.12469203770160675, 0.5126680731773376, 0.2925536036491394, -0.7398622632026672, 0.1770177185535431, 0.7752242088317871, -0.7896931171417236, 0.3272968530654907, 0.5090846419334412, 1.0089212656021118, 0.5341209173202515, -0.6862476468086243, -0.1272105723619461, 0.6068407297134399, 0.38231441378593445, 0.5158207416534424, 0.3215547800064087, 0.13859501481056213, 0.39833906292915344, -0.15846742689609528, 0.49995705485343933, 0.04784795269370079, 0.18933157622814178, -0.24580399692058563, -0.20364896953105927, -0.08285536617040634, -0.336822509765625, 0.8888260722160339, 0.8783732652664185, 2.1318588256835938, -0.9261432886123657, 0.08801259845495224, -0.36231666803359985, -0.010041965171694756, 0.23870909214019775, -0.053408123552799225, 0.32714876532554626, -0.15771473944187164, -0.6936749219894409, 0.7681049108505249, 0.236820787191391, -0.2579253911972046, -0.19001178443431854, 0.24719005823135376, 0.451988160610199, 0.0037204958498477936, 0.3668621778488159, 0.15432311594486237, 0.36577320098876953, 1.606905460357666, -0.38820409774780273, 0.21310986578464508, -0.09489170461893082, 0.2500801086425781, 0.8509095311164856, -0.29724374413490295, -1.2402684688568115, 0.7064301371574402, 0.0042782314121723175, 0.942364513874054, 0.31062382459640503, 0.9244625568389893, 0.2589288055896759, -0.18662653863430023, -0.9676209092140198, -0.10975521802902222, -0.46706363558769226, 0.31086549162864685, 0.4372725486755371, 0.2562829256057739, 0.5883443355560303, 0.1012253612279892, 0.3885297179222107, -1.3305920362472534, 1.1862099170684814, -0.21388216316699982, -0.8550394773483276, 0.424336314201355, 1.1351736783981323, -0.6959962248802185, -0.7947291731834412, 0.3562049865722656, -0.8877149224281311, -0.6284639835357666, 0.08925768733024597, 0.29038214683532715, 1.020745038986206, 0.014853306114673615, 0.3772239089012146, 0.31128591299057007, 0.6373393535614014, -0.8083619475364685, 0.9327273964881897, 0.5434250235557556, -0.06974524259567261, 0.8695880174636841, 0.33056989312171936, -0.10988405346870422, 0.5056213736534119, -0.7860758900642395, -0.6103041172027588, 0.31466710567474365, -0.09897487610578537, -0.4819547235965729, -0.36266425251960754, -0.16564826667308807, -0.1330057680606842, 0.23492757976055145, 0.39890605211257935, -1.5069139003753662, 0.4508896470069885, -0.1479731947183609, 0.4025220572948456, 0.45753368735313416, -0.5635754466056824, -1.1543711423873901, 0.46900829672813416, -1.1031707525253296, -0.1251482367515564, -0.15103697776794434, 0.2434488832950592, 1.4083404541015625, 0.6867557764053345, 0.5676843523979187, -0.1974538117647171, -13.40504264831543, 0.6886950731277466, -0.032442279160022736, 0.5930909514427185, 0.6774641871452332, -0.45616450905799866, -0.3399513065814972, 0.36564773321151733, 0.7086154222488403, -0.2751893997192383, 0.24699082970619202, -0.1338464319705963, 0.1970483660697937, -0.04164799675345421, -0.6447175741195679, -1.2931187152862549, -0.7149860262870789, -0.3424036502838135, 0.35111773014068604, 0.6590899229049683, 0.46238207817077637, -1.5346487760543823, -0.22460640966892242, 0.227599635720253, 0.2779305577278137, -0.7289528846740723, -0.4027787446975708, -0.2396453469991684, -0.1827961504459381, 0.10679373145103455, 0.866580605506897, -0.42109838128089905, -0.14240315556526184, -0.2507713735103607, 0.6195154786109924, 0.49434030055999756, -0.7415438890457153, 0.275151789188385, -0.09268980473279953, 0.5179546475410461, -0.036883801221847534, -0.4881129264831543, 0.6467598676681519, -0.7891426086425781, -0.28968530893325806, -0.1712295264005661, -0.09296771883964539, -0.3842509686946869, -0.21402427554130554, 0.19734293222427368, -0.5282496213912964, -0.7843270897865295, -0.3326970040798187, -0.9604297876358032, 0.13447634875774384, 0.12994828820228577, -0.8812907934188843, 0.12504422664642334, -0.4394056499004364, -1.6055006980895996, 0.4525889754295349, 0.5867415070533752, -0.012788612395524979, 0.546387255191803, 0.6921141743659973, -0.41372451186180115, 0.5420035719871521, -0.01235619094222784, -0.16322016716003418, 0.16621734201908112, -0.774621844291687, 0.8593568205833435, 0.15062355995178223, 0.649289071559906, 0.3640303611755371, 1.0931724309921265, -0.48777106404304504, -0.3321271240711212, 0.5342398881912231, -0.34102368354797363, -0.44354355335235596, 0.4827446937561035, -0.39570996165275574, -0.27536171674728394, -0.6644009947776794, 0.6976086497306824, 0.09000086784362793, -0.47890567779541016, 0.8435564041137695, 0.08863068372011185, 0.6516585350036621, -0.007894890382885933, -0.38593918085098267, -0.1574237197637558, -0.842619776725769, 0.9439609050750732, -0.32749202847480774, 0.9475297331809998, 0.4479704797267914, 0.1325065940618515, 0.11933434009552002, -0.23103806376457214, -1.217523455619812, -0.5114995837211609, 0.6169203519821167, -0.5379163026809692, 0.17631375789642334, -0.31241869926452637, -0.32845282554626465, -0.2969510853290558, 0.7378740310668945, 0.24770322442054749, -0.20978659391403198, 0.19265460968017578, -0.40140512585639954, -0.08193736523389816, 0.6498991847038269, -0.21379727125167847, 0.4292358458042145, 0.7183877825737, 0.02545282617211342, 0.1703120917081833, 0.13334089517593384, 0.49872785806655884, 0.18839292228221893, 0.22186389565467834, 0.4370952248573303, 0.6505422592163086, -0.5148128271102905, -1.1067298650741577, 0.06568436324596405, 0.1658301204442978, -0.03871598094701767, -0.46041780710220337, -0.8344287276268005, 0.015147257596254349, -0.04208851978182793, 1.042934775352478, -0.5208490490913391, 0.6754015684127808, 0.42674654722213745, -0.2131708711385727, -0.9861524105072021, -0.5691108107566833, -0.5058491826057434, -0.4520191550254822, -1.027393102645874, 0.33113977313041687, -0.46810272336006165, -0.24644245207309723, 0.16006840765476227, -0.4931475520133972, 0.5631311535835266, -1.1158359050750732, -0.08324369788169861, 0.2030620574951172, 0.13891811668872833, -0.20598042011260986, -0.5414136648178101, -0.0894293263554573, 0.0958462655544281, 1.0321495532989502, -1.4212664365768433, 0.8998739719390869, -0.4570956528186798, 0.06991775333881378, -0.9394910931587219, -0.3880424201488495, -0.34222212433815, -0.1646001785993576, 0.6122187972068787, -1.2217981815338135, -0.9630401730537415, -0.6563960313796997, 0.08923561871051788, -0.980337381362915, 0.590854823589325, 0.5913271903991699, -1.0339425802230835, -0.27567362785339355, -0.27467817068099976, 0.3727776110172272, 0.8394244909286499, -0.8368691205978394, -0.47336265444755554, -0.4083729684352875, 0.5488368272781372, 1.0758984088897705, -0.15709830820560455, 0.7724229097366333, -1.5460220575332642, -0.8051567673683167, -1.1103191375732422, -0.16985374689102173, 1.546647310256958, -0.1201000064611435, 0.8561212420463562, 1.330139398574829, 0.006219416856765747, -0.5381227731704712, 0.0034255236387252808, 1.0281445980072021, 0.3004351854324341, 0.29319533705711365, 0.08221122622489929, 0.2511636018753052, -0.8634331822395325, -0.978910505771637, -0.37718015909194946, 0.12404081225395203, -1.3405994176864624, -0.19610004127025604, -0.1475553661584854, -0.19325056672096252, 0.24817965924739838, -0.8610150814056396, 0.4159925878047943, 0.09750290215015411, -0.305249959230423, -0.48109596967697144, 0.1391598880290985, 0.35574871301651, -0.25496381521224976, 1.2360750436782837, 0.14008007943630219, 0.38016292452812195, 0.33534204959869385, -0.34607774019241333, 0.784635603427887, -0.11552190780639648, -0.423013299703598, -0.09027549624443054, 0.27276134490966797, 0.33927077054977417, -0.6454256772994995, -0.32327327132225037, -0.5223332047462463, 1.085750937461853, -0.7932348251342773, 0.21164339780807495, -0.41771286725997925, -0.007293470203876495, 1.3677582740783691, 0.8022842407226562, -0.32806578278541565, -1.6529898643493652, -0.7776257395744324, -0.4427374005317688, 0.5952029228210449, 1.1232452392578125, 0.4888910949230194, 0.5593309998512268, 0.3414257764816284, 0.3084947466850281, 0.6004549860954285, -0.5538675785064697, 0.05979114770889282, 0.9572141170501709, 0.6222034692764282, 1.0686781406402588, 1.1335686445236206, 0.143055260181427, 0.34774360060691833, -0.031796135008335114, -0.48461681604385376, 0.31294989585876465, -0.7152905464172363, 0.15829749405384064, 0.7645367383956909, -0.6023908853530884, -0.27502068877220154, -0.43071359395980835, 0.3664912283420563, -0.3210916817188263, 0.5624892115592957, -0.13496243953704834, -0.1418357789516449, -1.1113862991333008, -0.5569911003112793, -0.46424901485443115, 0.5475853085517883, -0.6371070742607117, -0.7094558477401733, -0.2742893099784851, 0.6891821622848511, 0.5531007647514343, -0.1915372759103775, -0.7402304410934448, 0.3287452459335327, -0.7601388692855835, -0.09068764746189117, -0.2729986011981964, -0.970697283744812, -0.6181938648223877, 0.05136353150010109, -0.321346253156662, 0.467708557844162, 0.22435884177684784, -1.1002346277236938, -0.7680265307426453, 0.15472368896007538, -0.3096265196800232, -0.667794942855835, 0.5106792449951172, 0.4989272654056549, -1.3272441625595093, 0.8783383965492249, 0.5926900506019592, 0.28757545351982117, -0.5686801671981812, -0.023464005440473557, 0.44288769364356995, 0.05914076417684555, 0.8000007271766663]} +{"paper_id": "kor_hate", "embedding": [-0.937651515007019, 1.4623781442642212, 0.17859981954097748, -0.07139705121517181, 0.8484678864479065, 0.8251714706420898, 0.6629719138145447, 0.07929442077875137, 0.5602620840072632, 0.4776265621185303, 0.3562041223049164, -0.17193162441253662, -0.23944121599197388, -0.1656845062971115, 0.023882083594799042, 0.22975170612335205, -0.8806458711624146, 0.19888468086719513, -0.16183845698833466, 0.022246412932872772, -0.905596137046814, -0.464250385761261, -0.3049842417240143, 0.15378594398498535, -1.2525286674499512, 0.025867102667689323, 0.3830249309539795, -0.949603259563446, -0.5283293724060059, -0.16646715998649597, -0.0824371799826622, 1.2917648553848267, -1.826237440109253, 0.01153862476348877, -0.5719237923622131, -0.29125040769577026, -0.23251287639141083, 0.14155341684818268, -0.5681835412979126, -0.9078691005706787, -0.7251169681549072, 0.6597965955734253, 1.0341061353683472, 0.5191271901130676, 0.3400394022464752, 0.016808606684207916, 0.35320279002189636, 0.040884844958782196, -0.202121764421463, -0.27278849482536316, -0.5386596322059631, 0.18747007846832275, 0.006819082424044609, 0.2238636016845703, -0.6698108315467834, 0.9710225462913513, -0.6277305483818054, -0.3623741865158081, 0.4278145730495453, -0.773565411567688, 1.545609474182129, 1.2328057289123535, 0.4848058521747589, 0.013830984011292458, 0.24901753664016724, -0.47113311290740967, 0.9924877882003784, -0.727145254611969, 0.3568260669708252, 0.17200030386447906, -0.5728916525840759, -0.9790247082710266, 0.11160419881343842, -0.21815046668052673, -0.9218069314956665, 0.2376655638217926, -0.12195264548063278, 0.4079381227493286, 0.05266240984201431, 0.6137661933898926, 0.3120478093624115, 0.9670530557632446, 0.49579739570617676, -0.5884349346160889, 0.40266576409339905, -0.07582621276378632, -0.1626124382019043, 0.006769951432943344, 0.8196884989738464, -0.6783401370048523, 0.4165671467781067, -0.5039424300193787, -0.13744843006134033, 1.0742170810699463, -0.773898720741272, 0.6522064208984375, -0.6730695366859436, 0.4047340750694275, -0.6845390796661377, 0.7005980014801025, 0.9194815158843994, -0.8427215814590454, 0.7534172534942627, -0.3807264566421509, -0.1813783049583435, 0.889424204826355, 0.1848260760307312, -0.3315797746181488, -0.2068532407283783, -0.46868187189102173, -0.2438911497592926, 1.3110183477401733, -0.36011195182800293, 1.3804973363876343, 0.18164803087711334, -0.03458355367183685, -0.766832172870636, -0.926209568977356, -0.26626867055892944, 0.17544232308864594, -0.835952877998352, -1.2646541595458984, 0.11414285004138947, 0.5247013568878174, 1.9533504247665405, -0.04639219865202904, 0.7000163197517395, -0.8875793218612671, -0.02246619388461113, 0.2082654982805252, 0.6561185121536255, -0.3982419967651367, -0.8311903476715088, 0.5185936093330383, 2.6222305297851562, -1.3811546564102173, 1.3033559322357178, -0.9673030376434326, 0.3753211200237274, -0.7044083476066589, 0.17494899034500122, 2.0118167400360107, -0.33196592330932617, -1.1931390762329102, -1.5137624740600586, 0.11909603327512741, -1.028477668762207, 0.6542384028434753, -0.3222332298755646, -0.38569971919059753, -0.05332135781645775, 0.2721797227859497, -1.0143601894378662, -0.032947130501270294, 0.251408189535141, 0.227067768573761, -0.1952538639307022, 0.4858317971229553, -0.33910858631134033, 0.7093624472618103, 0.49570468068122864, 0.05356089025735855, 0.195580393075943, 0.5181804299354553, -0.9478633403778076, -0.21557091176509857, 0.6801465749740601, -0.0827435702085495, -1.1136373281478882, -0.22932176291942596, 1.1244328022003174, -0.3469897508621216, -0.2487686276435852, -0.07351060956716537, -0.5656846165657043, -0.4778096377849579, 0.4097340703010559, 0.9892210364341736, 0.18587219715118408, -0.7463209629058838, -0.7134736776351929, -0.38311994075775146, -0.08956075459718704, 0.6455071568489075, -0.7984312176704407, -0.5793398022651672, -1.63448965549469, -0.053971946239471436, 0.18049605190753937, 1.5734950304031372, 0.5748324990272522, -0.3756442070007324, -0.2808268964290619, 1.1074711084365845, -0.4748604893684387, -0.2199822962284088, 0.4622275233268738, -1.7091635465621948, 0.608250081539154, -0.12449746578931808, 1.3204197883605957, -1.3687556982040405, -0.4771907329559326, 0.6225292682647705, 1.3417835235595703, -0.20349782705307007, -0.5670806169509888, -1.6743165254592896, 0.4822733402252197, 2.3692033290863037, 0.8047501444816589, -1.3852094411849976, -0.376070111989975, 0.435634970664978, -0.2742984890937805, 0.1715906858444214, 0.9401293992996216, -0.8329300284385681, -0.20061993598937988, -1.1087387800216675, 0.3420259654521942, -0.2825790047645569, 0.30094102025032043, 0.5274672508239746, 0.3070165812969208, -0.7817618250846863, -0.47711777687072754, 0.22597050666809082, -0.31962111592292786, 0.4330559968948364, 0.551358699798584, -0.04294184222817421, 0.5402295589447021, 0.507620632648468, 0.27145886421203613, 0.9957659840583801, 0.22845256328582764, -0.0026622600853443146, -0.25785955786705017, 0.22702115774154663, 0.21244129538536072, 0.2917943596839905, 0.07570835202932358, -1.1253684759140015, 0.6222742199897766, 0.4304293394088745, -0.294786661863327, -0.22187554836273193, -0.8367618322372437, 0.14245545864105225, 0.9126054644584656, 1.3235489130020142, -0.406474232673645, 0.029634341597557068, -0.09686878323554993, -0.07103749364614487, -0.1780630499124527, -0.02675149217247963, 0.10463188588619232, -0.14520412683486938, 0.49606600403785706, 0.0012998320162296295, -0.13471853733062744, -0.5406920909881592, -0.14670610427856445, -0.3102303445339203, -0.5425589680671692, 0.8004239201545715, -0.6318179965019226, -0.8776472806930542, 0.6028118133544922, -0.5661171674728394, -1.2119691371917725, -0.6970824599266052, 0.16193881630897522, 0.5135160684585571, -0.5783777236938477, 0.15033863484859467, 1.1614114046096802, -0.38347408175468445, 0.062069401144981384, -0.5019647479057312, 0.8159021139144897, -0.07695537805557251, 0.1301371306180954, -0.7175776362419128, 0.5299393534660339, 0.3221992552280426, -0.9076787233352661, -0.08485157042741776, 0.41551145911216736, 0.9596709609031677, -1.0862516164779663, 1.170053482055664, 0.08705255389213562, -0.5632237195968628, 1.0325405597686768, -0.10370932519435883, 0.09938432276248932, -0.6839447021484375, 0.6222676634788513, 0.7473045587539673, -0.829322338104248, 0.3749614953994751, -0.6074438095092773, -0.38106080889701843, 0.5989589095115662, -1.344372034072876, -0.10263577848672867, 0.27604371309280396, -0.5117926001548767, -0.2174239307641983, 0.28074905276298523, -1.6980339288711548, 0.3192659318447113, 1.6324272155761719, -0.7560461759567261, -0.06142512336373329, -0.33781698346138, 1.117919921875, -0.2918817698955536, -0.2916713058948517, -0.653444230556488, -0.7662261128425598, 0.5924299955368042, -0.4900675415992737, 0.21599851548671722, -0.43681180477142334, -1.1316542625427246, -0.19497819244861603, 0.12677741050720215, 0.9197636246681213, -1.0701022148132324, -0.2721940875053406, 0.5318045616149902, -1.2036168575286865, 0.475290447473526, 0.026604309678077698, 0.4346884489059448, 1.4073280096054077, -0.4519605040550232, -0.07224094867706299, 0.3981724977493286, 0.7558062672615051, -0.10007265955209732, 0.029838450253009796, 0.7268416285514832, 1.6069982051849365, -0.4726566672325134, 1.0083715915679932, -0.1862710863351822, -0.031900011003017426, -1.134879469871521, -0.364025741815567, 0.4587196111679077, -0.3760697543621063, 1.1200010776519775, 0.6605440378189087, 1.0502324104309082, 0.07466257363557816, 0.23370976746082306, -0.3670761287212372, 0.39773672819137573, 1.0779871940612793, 0.9252476096153259, 0.5372872352600098, -0.489685595035553, 0.7406353950500488, 0.7488484382629395, 0.9426325559616089, -0.7898237109184265, 0.5117806792259216, 0.9381231069564819, -0.544574499130249, -0.5105569958686829, -0.38040658831596375, -0.058792296797037125, 0.3749690055847168, 1.5063623189926147, -0.30640196800231934, -0.7980871200561523, -0.570309042930603, 0.5564013719558716, 1.2390761375427246, -0.1111680343747139, -0.5729041695594788, 0.3673401176929474, 0.5194351077079773, 0.556498110294342, -0.9107365608215332, 0.49922335147857666, 0.04104210436344147, -0.5053168535232544, -0.5540919899940491, -0.2993274927139282, -0.864487886428833, 0.03485940396785736, -0.19420069456100464, -0.14503063261508942, -0.483140230178833, 0.6092543005943298, -0.6093337535858154, -1.7137112617492676, 0.6578528881072998, 0.0409073680639267, -0.45049601793289185, 0.9418366551399231, 1.15623140335083, -1.3595480918884277, -1.398148775100708, -0.4363791346549988, -0.7415739297866821, -0.7027008533477783, 0.5941962003707886, -1.167412519454956, 1.3012830018997192, 0.3440442681312561, -0.12327826023101807, 0.39242005348205566, 0.33150655031204224, -1.1470675468444824, 0.3109707832336426, 1.1355257034301758, -1.313948631286621, 0.19394294917583466, 0.7212170362472534, -0.49661028385162354, 0.30975010991096497, -1.175183892250061, -0.47391319274902344, 0.49010002613067627, 0.8577187061309814, 0.5323026776313782, -0.7942587733268738, -0.056664083153009415, 0.39836597442626953, -0.2354920655488968, 0.7548294067382812, -0.656856894493103, 0.3881149888038635, -0.5364130735397339, 0.29744666814804077, 0.9075846672058105, -0.7480425238609314, -0.9827813506126404, 0.6357088088989258, -0.7110128402709961, 0.4937480390071869, -0.03224484622478485, -0.11394992470741272, 0.888864278793335, 0.456642746925354, 1.2009046077728271, -0.2963988780975342, -10.808640480041504, 0.8282139897346497, -0.15604160726070404, 0.5215009450912476, 0.25687065720558167, -0.3191938102245331, 0.2869967222213745, 0.484879732131958, 1.9355992078781128, -0.5994815230369568, -0.17800739407539368, 2.0008859634399414, -0.25009387731552124, -0.9149132966995239, -0.7189252376556396, -0.7498282194137573, -0.6818568110466003, -1.0591579675674438, 0.25565117597579956, 0.1157955527305603, 0.0026952549815177917, -1.3256953954696655, 0.22530539333820343, -0.9831053614616394, 0.5939069390296936, -0.3066757023334503, -0.18485644459724426, -0.8639793992042542, -0.830238401889801, 1.0297261476516724, 0.895186185836792, -0.21777065098285675, -0.35371196269989014, -0.2821836769580841, -0.10698801279067993, 0.2758069336414337, -0.9335567951202393, -0.7619361877441406, 0.875824511051178, -0.1276472508907318, 0.42814958095550537, 0.15594393014907837, 0.469372421503067, -0.5145822167396545, -0.5128857493400574, 0.07212817668914795, -0.9931491613388062, 0.1625097543001175, -0.350701242685318, -0.20332422852516174, -0.38570085167884827, -0.735602080821991, -1.550730586051941, -0.6284932494163513, 1.1342276334762573, -0.2019224762916565, -1.3825039863586426, -0.06105370447039604, -1.259133219718933, -1.0707170963287354, 1.8442119359970093, -0.11481000483036041, -0.02495071291923523, 0.9054502248764038, 1.0573184490203857, -0.8688688278198242, 0.2948926091194153, -0.16660583019256592, 0.13659241795539856, 0.6837473511695862, -0.1278127133846283, 1.7561497688293457, 0.3553938865661621, 0.6351781487464905, -0.16979441046714783, -0.3534812331199646, -0.8812344670295715, 0.4972934424877167, 1.1539833545684814, -0.2352157086133957, -1.292116641998291, 0.65300452709198, -0.18748746812343597, -0.8508386015892029, -0.8809742331504822, 0.474344402551651, -0.01003207266330719, -0.5083833932876587, 0.7654783725738525, 0.3179590106010437, 0.45726048946380615, 0.301354318857193, -0.4097912311553955, 0.3713819980621338, -0.9920174479484558, 0.613438069820404, -1.4144604206085205, 1.2238962650299072, -0.0026822760701179504, 0.583435595035553, 0.7041709423065186, 0.4683297574520111, -0.6343169212341309, 0.8255473971366882, 0.22614307701587677, -0.05533036217093468, 0.10657316446304321, 0.6679301261901855, -0.43416333198547363, 0.0797998458147049, 0.11805205047130585, 0.290936678647995, 0.08236092329025269, 0.4014081656932831, 0.4052366316318512, 0.3360756039619446, 0.5238736867904663, -0.4705731272697449, 0.16328851878643036, 0.26247069239616394, -0.8125548958778381, 0.6324175596237183, -0.5578256249427795, 1.0683895349502563, 0.369978666305542, 0.3620264232158661, 0.6927780508995056, -0.502269983291626, 0.10961082577705383, -1.4832956790924072, 1.0471277236938477, -0.5123448967933655, 0.4435429573059082, -1.2121143341064453, 0.07218392193317413, 0.0025313831865787506, -1.3541975021362305, 0.5927004814147949, -1.315860390663147, 0.6438606977462769, -0.0760040208697319, -0.04442720115184784, -0.28849267959594727, -0.17291800677776337, -0.7286854386329651, 0.25887826085090637, -1.424849033355713, 0.3732285797595978, -0.5018318891525269, 0.5078701376914978, 0.007735086604952812, -0.43889111280441284, 0.5773521661758423, -1.2767183780670166, -0.4801498353481293, 0.40288108587265015, 0.670237123966217, -0.8342463970184326, -0.42238757014274597, -0.4796518087387085, 0.8580711483955383, 0.8343126773834229, -0.7363545894622803, 1.0098156929016113, 0.5336676836013794, -0.3777134418487549, -0.35660794377326965, 0.5240308046340942, -0.09165952354669571, 0.6155966520309448, 1.213059902191162, -0.30736127495765686, -0.17548510432243347, 0.1315777450799942, 0.2075028270483017, -0.04272875189781189, 0.9278045892715454, 1.2681478261947632, -1.734052300453186, 0.06442960351705551, -0.2532399296760559, 0.24468708038330078, 0.5380029678344727, -0.7608383893966675, -0.3553610146045685, 0.9418583512306213, -0.5288167595863342, 1.286146640777588, -0.09231052547693253, -0.2183820754289627, -2.0057787895202637, -1.1717898845672607, -1.014198899269104, -0.11463917791843414, 0.26244884729385376, 0.10654132068157196, 0.38036930561065674, 0.4241187870502472, -0.26787322759628296, -0.49799975752830505, -0.049340445548295975, 0.7245182991027832, -0.00453244149684906, 0.010918769985437393, -0.7132176756858826, -0.775836706161499, -0.3390370309352875, 0.06747527420520782, 0.5218530297279358, 0.3775583505630493, -1.8311035633087158, -0.20598000288009644, 0.0065876394510269165, 0.24507367610931396, 0.602146565914154, -0.2723659873008728, -0.20252200961112976, 0.11053399741649628, -0.6207515001296997, -0.9081264138221741, 0.2901069223880768, 1.107305884361267, -0.024543263018131256, 1.420656681060791, 0.4027191400527954, 0.6977750062942505, 0.6759544610977173, 0.6049503684043884, 1.4409737586975098, 0.06702527403831482, -0.18903498351573944, -0.17228569090366364, -0.6623355150222778, 0.4783628284931183, 0.44756466150283813, -0.02054230123758316, -0.9715182185173035, 0.33356353640556335, -1.0955296754837036, -0.4258245527744293, -0.16104327142238617, 0.5324708819389343, 0.5846400856971741, 1.081562876701355, -1.3726308345794678, -0.31986352801322937, -0.6190750002861023, -0.72450190782547, -0.20045463740825653, -0.0593307763338089, 0.2861599922180176, 1.6320120096206665, 0.7084887623786926, -0.05652879178524017, 1.380650281906128, -0.07919685542583466, 0.5038467049598694, 0.32672858238220215, 0.40437692403793335, 1.08797287940979, 0.6499846577644348, 0.20326846837997437, 0.01177726686000824, -0.3607034385204315, -1.1591122150421143, -0.5961353182792664, -1.0801526308059692, 0.6820861101150513, 0.3088257312774658, -0.47009673714637756, 0.13532288372516632, 0.04058576747775078, -0.3586130738258362, -0.24349242448806763, 0.7714843153953552, 0.8623496890068054, 0.18705131113529205, 0.3670521378517151, -0.5429033041000366, -0.2511395514011383, 0.5578711032867432, -0.6653249263763428, -0.03477862849831581, -1.3345850706100464, 0.49033433198928833, -0.18431493639945984, -0.39461544156074524, -0.7619139552116394, 0.31672391295433044, -0.5588330030441284, 0.2376631647348404, 0.5111074447631836, -1.6856803894042969, -0.8765859007835388, -0.4433963894844055, -0.28075599670410156, 0.42271292209625244, 0.0902632623910904, -1.7170919179916382, 0.03795022889971733, -0.08507966995239258, 0.9923398494720459, 0.14801540970802307, -0.4278262257575989, 0.051389552652835846, -1.1071851253509521, 1.2901333570480347, 1.7605379819869995, 0.3812873959541321, -0.015574381686747074, 1.1307003498077393, -0.1759505569934845, 0.11315096169710159, 1.74693763256073]} +{"paper_id": "eitb_parcc", "embedding": [0.2138988971710205, 0.7168039083480835, 0.8072522878646851, 0.3666456341743469, -0.020153485238552094, -0.54659104347229, 0.1288808137178421, 1.2155929803848267, 1.0501614809036255, 0.1873335838317871, 0.051507242023944855, 0.4152970016002655, 0.1517464965581894, -0.23350121080875397, -0.09153574705123901, 0.08925767987966537, -1.7334643602371216, -0.8455742597579956, -1.542392611503601, -0.12058830261230469, -0.8854241967201233, -0.2076651155948639, -0.7351747751235962, 0.09937506169080734, -0.16343560814857483, -0.6756182312965393, -0.004507195204496384, -1.0070444345474243, 0.16929149627685547, 0.18772727251052856, -0.23234820365905762, 1.1846076250076294, -0.7164273262023926, 0.47664037346839905, -0.3992791771888733, 0.21464884281158447, 0.2144351601600647, 1.0148481130599976, -0.14799483120441437, 0.4668363630771637, -0.7223387360572815, -0.7940120697021484, 1.0359054803848267, 0.5387943387031555, 0.8265877366065979, 0.11162922531366348, -0.4719691872596741, 0.33572766184806824, 0.0921766459941864, 0.26671120524406433, -0.214680016040802, -0.1305328607559204, 0.35090190172195435, 0.8303412199020386, -0.8803425431251526, 1.3754020929336548, 0.12120068818330765, -1.0551975965499878, 0.8787667751312256, -1.258088231086731, 0.3251773715019226, 1.2636429071426392, -1.0216784477233887, 0.5797019004821777, 1.2066410779953003, -0.9067704081535339, 1.6457923650741577, 0.867158830165863, 0.7785897850990295, 1.3135374784469604, 0.6472997665405273, -0.9870819449424744, 1.1449893712997437, -0.3353371024131775, 0.5473619103431702, 0.7806326150894165, 0.019184591248631477, 0.18391446769237518, 0.03795267269015312, -0.1717124879360199, -0.5934005975723267, 0.9889734983444214, 0.7693324685096741, -0.8285402059555054, -0.44290444254875183, -0.15291550755500793, 0.7492257356643677, -0.8546562194824219, 0.41286298632621765, -1.7125204801559448, -0.1614411175251007, -0.15922793745994568, 0.5183084011077881, 0.06535729765892029, 0.12685760855674744, -0.04073239862918854, 0.4105791449546814, 0.10512874275445938, -0.5407576560974121, -0.0073427180759608746, 0.5355086326599121, -0.3939302861690521, 0.37185317277908325, -0.2984265089035034, 0.6233375072479248, 0.4381052553653717, -0.9619871377944946, -1.0764764547348022, -1.830278754234314, -0.09411709755659103, -0.08283001184463501, 0.5538222193717957, -0.5588287711143494, 0.41576164960861206, -0.39005526900291443, -0.03847772255539894, -0.04823634773492813, -0.6831555366516113, -1.0143429040908813, -0.45013147592544556, -0.42858606576919556, -1.0113658905029297, -0.23943772912025452, -0.29127228260040283, 0.8453615307807922, -0.42013442516326904, 0.07138209789991379, 0.14738652110099792, 0.20240704715251923, -0.5447030663490295, 1.1086645126342773, 0.30462729930877686, -0.32539549469947815, -0.41025838255882263, 2.8085293769836426, -0.5374003648757935, 1.171827793121338, -0.6290457844734192, 0.6765050888061523, -0.07214426249265671, 0.2485305368900299, 1.5138825178146362, -0.18475690484046936, -0.8537690043449402, -0.2410510927438736, -0.22902335226535797, -1.1175906658172607, -0.1154828667640686, -0.3687640428543091, 0.12238502502441406, -0.2777339220046997, 0.35858774185180664, -0.6577793955802917, -0.4267747402191162, 0.11183765530586243, 0.5589724183082581, 0.8301368951797485, 1.2475343942642212, -0.6806768178939819, 0.6064867377281189, 0.5778153538703918, 0.4955313801765442, -0.4674265384674072, 0.43848687410354614, -1.948612928390503, 0.39045998454093933, 1.4804080724716187, 0.30661115050315857, 0.44757887721061707, -0.8030067682266235, 0.43360891938209534, -0.2803671360015869, -0.37680870294570923, 0.39704379439353943, 0.37798723578453064, 0.5478951334953308, 0.16814418137073517, 0.4523771405220032, 0.5833171606063843, -0.3257186710834503, -0.19187858700752258, 0.14465661346912384, 0.043340422213077545, 0.11917196959257126, 0.2525430917739868, 0.8554897308349609, -2.389940023422241, -0.2549620270729065, 0.10852672159671783, -0.8309047222137451, -0.3550128638744354, -0.6908351182937622, -0.005371499806642532, 0.01754549890756607, 0.7373142838478088, -0.20585644245147705, 0.2536725699901581, -0.33099085092544556, -0.4287862479686737, 1.1313945055007935, -0.17085912823677063, -0.1387508660554886, 0.39601004123687744, 0.45889097452163696, 0.7454946637153625, -0.4515393376350403, -0.4572140872478485, -0.8916456699371338, -0.2611924409866333, 2.694324016571045, -0.35383906960487366, -0.5483201742172241, -1.3914048671722412, -0.7928265333175659, 0.08382707089185715, -0.9828102588653564, 0.17764784395694733, -1.151969313621521, -0.5499293804168701, -1.4959176778793335, 0.5104542970657349, 0.32212600111961365, 0.02290254831314087, 0.2106586992740631, 0.6406200528144836, -0.7294644117355347, -0.6365370750427246, 0.33905231952667236, -0.9693812727928162, 0.4253166913986206, 0.8532319068908691, -0.20760132372379303, -0.7803174257278442, 1.2645806074142456, -0.1802455335855484, 0.6748558878898621, 0.34299910068511963, 0.1425585001707077, -0.2681114375591278, -0.4809119701385498, 0.0975717082619667, 1.0866034030914307, -0.17246432602405548, 0.22384901344776154, 0.5528348684310913, 0.6493692398071289, -0.31111904978752136, -0.11521656066179276, -0.032869648188352585, -0.1539517343044281, 1.3891664743423462, 0.894761860370636, -0.8232561349868774, 1.8570542335510254, -1.3746825456619263, 0.6285429000854492, -0.10319308936595917, -1.4358223676681519, -0.3382725715637207, -0.14144673943519592, 0.619843602180481, -0.5413438677787781, -0.03484928607940674, -0.031421516090631485, -0.5427276492118835, -1.0136288404464722, -0.7663627862930298, -1.341862678527832, -0.6017248034477234, -1.060333251953125, -0.4185524582862854, 0.5142612457275391, -0.8484399914741516, -0.27265000343322754, -0.9865380525588989, 0.932007372379303, 0.24155601859092712, 1.2447800636291504, 2.3145859241485596, 0.14437173306941986, 0.2455475628376007, -0.3738071322441101, -0.13517481088638306, -0.648330569267273, 1.007707953453064, -0.23385605216026306, 0.31547027826309204, -0.8367717862129211, -0.44787704944610596, -0.09630228579044342, -0.17597728967666626, 0.07595070451498032, 0.18325597047805786, -0.027695491909980774, -0.7711219191551208, -0.2836868166923523, 0.39588314294815063, -0.6553782224655151, 0.18573376536369324, -0.9090453386306763, 1.4088042974472046, 0.7368721961975098, 0.23070575296878815, 0.9689250588417053, -0.8028252124786377, 0.09290723502635956, 0.7881591320037842, -0.3404969573020935, 0.5390998721122742, 1.099770188331604, 0.22411173582077026, 0.1748935729265213, 0.4142582416534424, -2.133697271347046, -0.08882080763578415, 0.9915207624435425, -0.4488718509674072, -0.5658254027366638, -0.3062964379787445, -0.5185964703559875, -0.35400858521461487, -0.8691146373748779, 0.5513573288917542, -0.8005495071411133, 0.7982076406478882, -0.07268112152814865, 0.33566224575042725, 0.6576372981071472, -0.7404233813285828, 0.9393008351325989, 1.474877953529358, 0.35873299837112427, -0.3480048179626465, 0.18230995535850525, 0.7386879324913025, -1.0461475849151611, 1.003659963607788, 0.2926379144191742, 0.7374188899993896, 1.2351258993148804, -0.020186543464660645, -0.2850690186023712, 0.4766302704811096, 1.5854731798171997, 0.5432555675506592, 0.4058516323566437, -0.0231214240193367, 0.6133333444595337, 0.37185484170913696, 0.4780406653881073, 0.6579420566558838, -1.400163173675537, -0.680407702922821, -0.08222813904285431, -0.8938242793083191, -0.8215278387069702, 1.7191427946090698, 1.0554697513580322, 1.0758216381072998, 0.18333037197589874, 0.5831464529037476, -0.05359237641096115, -0.07700012624263763, 0.30447718501091003, 0.6377504467964172, -0.3620789051055908, 0.4943695366382599, -0.591529130935669, 1.0410022735595703, -0.2977115213871002, -1.0356837511062622, 0.22969067096710205, -0.024220041930675507, -0.43323996663093567, -0.7034794688224792, 0.18488368391990662, 0.9690483808517456, 0.6143945455551147, 1.688267707824707, -0.7895233035087585, -0.37019988894462585, 0.06487791985273361, 0.781761109828949, -0.5475224852561951, 0.2885745167732239, -1.0861185789108276, 0.4730531573295593, 1.0437079668045044, 0.8134655356407166, -0.16310390830039978, 0.6209208965301514, 0.6213445663452148, -0.7211417555809021, -0.2591503858566284, -0.15406538546085358, -1.4015223979949951, -0.968488335609436, -0.5843648910522461, -0.24444682896137238, -0.9728309512138367, 0.17927856743335724, -0.5553969144821167, -0.16322986781597137, 0.7156037092208862, -0.061462752521038055, -1.1888843774795532, 0.9669368863105774, 1.3735233545303345, -1.245350956916809, 0.34511879086494446, -0.4701613187789917, -0.7400935888290405, -0.6548378467559814, 0.9017763137817383, -0.7948616743087769, -0.005222444422543049, 0.35790759325027466, 0.91969895362854, -0.3197908401489258, -0.16323839128017426, -1.3682273626327515, 0.22879506647586823, 1.6762129068374634, -0.3569718897342682, -0.14253507554531097, -0.20560863614082336, 0.17571426928043365, 0.16737890243530273, -1.3307902812957764, -0.11128140240907669, 0.15457956492900848, 0.39154866337776184, 0.2135777771472931, -0.173211008310318, -0.8068358898162842, -0.09009943902492523, 0.06823724508285522, 1.2191716432571411, -1.2252899408340454, 0.4369261860847473, -0.5809286236763, 0.9213465452194214, 0.857422947883606, -0.31993183493614197, -0.5244350433349609, 0.5604724884033203, -0.72141033411026, 0.5395536422729492, 0.545356273651123, 0.4819745421409607, 0.6951220035552979, 0.21143078804016113, 0.2908779978752136, -0.7435733079910278, -10.731709480285645, 0.2810399532318115, -0.3816320598125458, -0.06158151477575302, 0.5175155401229858, 0.2723912000656128, 0.7100508809089661, -0.015647564083337784, 0.36198312044143677, -0.33287757635116577, 0.5020608901977539, 0.44688698649406433, 0.0885624811053276, -0.1741590052843094, -0.7395656704902649, -1.2231487035751343, -0.9129867553710938, -0.209225594997406, 1.321195125579834, 0.08229824900627136, -0.743200421333313, -1.1510523557662964, -0.4084094762802124, -0.05595510080456734, -0.07243402302265167, -0.0621958002448082, 0.20738184452056885, -0.019588878378272057, -0.7283303141593933, -0.2537699043750763, 0.5607960224151611, -0.11632580310106277, -0.9083977937698364, 0.11984478682279587, 0.760860025882721, 0.26438894867897034, -1.3467516899108887, 0.13638757169246674, 0.768240749835968, -0.0625518336892128, -0.15789897739887238, 0.17567527294158936, -0.6355405449867249, -0.2996237277984619, 0.1164020374417305, -0.4447234869003296, 0.2120281308889389, -0.37217289209365845, 0.7526436448097229, -0.8628877997398376, -0.37294358015060425, -0.5254498720169067, -0.8120232820510864, -1.0974076986312866, -0.03100498951971531, 0.03324718028306961, -1.146158218383789, 0.4347841441631317, -0.5332445502281189, -0.862973690032959, 1.10798978805542, 0.7150210738182068, -0.49364766478538513, 0.4648522138595581, 0.2509435713291168, 0.24113352596759796, 0.4600067734718323, 0.2756039798259735, 0.26812005043029785, 0.298479825258255, -1.084537148475647, 0.38221126794815063, -0.12690827250480652, 0.4609305262565613, -0.40717729926109314, -0.41942325234413147, 0.1775575876235962, -0.8114213943481445, 0.7457230091094971, 0.9223126173019409, -0.8189939260482788, -0.15017066895961761, -0.4324895739555359, -0.0017773248255252838, -0.059357721358537674, -0.0929553285241127, -0.4474767744541168, -0.06462723016738892, 1.1503682136535645, 0.4647260308265686, 1.0894834995269775, -0.06743131577968597, -0.11057737469673157, -0.31145310401916504, -0.5784319043159485, 1.645496129989624, -0.8739126324653625, 0.8933808207511902, 0.25344234704971313, -1.538480520248413, 0.7595376372337341, 0.03619881719350815, -0.34514766931533813, -0.5666738152503967, 0.43404659628868103, 0.015190578997135162, 0.2139977514743805, -0.23103901743888855, 0.4609743356704712, -0.017850156873464584, 1.8722238540649414, 0.05602583289146423, 0.41910094022750854, 0.588419497013092, 0.5952016115188599, 1.4283912181854248, 1.1045324802398682, 0.1986846923828125, 0.9475493431091309, 0.6232841610908508, -0.45164117217063904, 0.7407324910163879, 0.47845250368118286, 1.6181845664978027, 0.20921707153320312, 0.5344095826148987, -0.1880849152803421, 0.8027125597000122, -0.9878156781196594, -0.694670557975769, 0.12275907397270203, -0.5107629299163818, -0.11272299289703369, -1.3582098484039307, 0.2068352848291397, -0.7012046575546265, -0.45753729343414307, 0.7065454721450806, -0.15721040964126587, 0.1645902693271637, -0.23733365535736084, -1.1170282363891602, -0.8732559680938721, 0.007559668272733688, -0.4927044212818146, 0.29156574606895447, -0.7431691288948059, -0.4447638690471649, 0.2656137943267822, -1.0069578886032104, 0.9186068177223206, 0.30444270372390747, 0.8033801913261414, -0.8029930591583252, 0.22840017080307007, -0.07892194390296936, -0.2627500593662262, -0.29161709547042847, -0.1500312089920044, -0.5024950504302979, 0.29209065437316895, 1.3570632934570312, -1.092139482498169, 1.1676931381225586, 0.35728368163108826, 0.41164591908454895, -0.7976742386817932, -0.6880320310592651, -0.4954582154750824, 0.7179708480834961, 0.5126334428787231, -1.4213860034942627, -0.5386108160018921, -1.2573221921920776, -0.5374565720558167, 0.35790157318115234, 0.5899243950843811, 0.6582809686660767, -0.3845202624797821, 0.44847530126571655, 0.15821480751037598, 0.28800249099731445, -0.0767579972743988, -0.39266347885131836, -1.2111001014709473, 0.14345145225524902, -0.5987468957901001, 1.347252368927002, 0.19165897369384766, 0.6609886288642883, -2.1251041889190674, -1.003000020980835, -0.14167295396327972, 0.44749143719673157, 0.6839290261268616, 0.2617757022380829, 0.8918957710266113, -0.6853383183479309, 0.8134641647338867, 0.675339937210083, -0.15425778925418854, -0.10447145253419876, 0.3216354250907898, 0.2288743406534195, 0.045806121081113815, 0.4847944676876068, -0.7269890904426575, -0.06297630071640015, 0.7216939926147461, -0.1141846626996994, -1.0688563585281372, -0.15480686724185944, 0.20152829587459564, 0.28357943892478943, -0.7471378445625305, -0.8553930521011353, 0.855598509311676, -0.25341328978538513, -0.39802417159080505, -1.1423273086547852, -0.006626352667808533, 0.7954338788986206, -0.4574173092842102, 0.5817659497261047, 0.5309586524963379, 0.6195322275161743, 0.26021602749824524, 0.6536744236946106, 1.1658321619033813, -0.5864027142524719, -1.5233501195907593, -0.40578100085258484, 0.7478991746902466, -0.5976642966270447, 0.029447659850120544, 0.3166927099227905, -1.286048412322998, -0.13987037539482117, -1.5949312448501587, 0.5199141502380371, -0.7831465005874634, -0.3835049867630005, -0.5035148859024048, 0.05621953308582306, 0.20076267421245575, -1.5360132455825806, 0.22696331143379211, -0.15622925758361816, -0.3484126627445221, 0.20330840349197388, 0.6610376834869385, 0.4324164092540741, 0.700667142868042, 0.5619682669639587, 0.7980361580848694, -0.3705858290195465, 0.1933039426803589, 0.07060045003890991, 0.20187826454639435, 1.0683860778808594, 0.18973596394062042, -0.04838625341653824, -0.26364555954933167, -0.1679958701133728, -0.9892280101776123, -0.5683454871177673, -0.5321936011314392, 0.8770123720169067, 1.83708918094635, -0.2363499402999878, -0.15414555370807648, -1.0642931461334229, 0.8693612813949585, -0.9394474625587463, 1.0147370100021362, 0.8257881999015808, 0.015539929270744324, -1.7279722690582275, -0.5300275087356567, 0.04198602959513664, 0.8305352926254272, -0.5979263186454773, 0.404928982257843, -0.6424518823623657, 0.14327403903007507, -0.2579858899116516, -0.6854331493377686, -1.0289993286132812, 0.8706285357475281, -0.35288068652153015, 0.09551754593849182, 0.6410121917724609, -0.5657119154930115, -0.3956244885921478, -0.12091727554798126, -0.864643394947052, 1.2705755233764648, 0.2684823274612427, -0.5875728130340576, -0.24274204671382904, 0.2170797884464264, -0.9172977209091187, 0.04017959535121918, 0.3570305109024048, -0.06496334075927734, -1.870008945465088, 1.104904294013977, 0.6344243884086609, -0.4426586627960205, -0.20809419453144073, 0.07863087952136993, 0.6720092296600342, 0.0002614036202430725, 1.2142497301101685]} +{"paper_id": "brwac", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "sede", "embedding": [-0.20360060036182404, 1.0395922660827637, -0.1491481512784958, 0.561553955078125, -0.02905658632516861, 0.31579121947288513, 1.570472240447998, 0.6317775249481201, 0.9426583051681519, 0.0556490495800972, 0.29556405544281006, 0.5468720197677612, 0.6470984220504761, 0.002668432891368866, -0.38944315910339355, 0.46842506527900696, -1.0092660188674927, -1.2065340280532837, -1.3020950555801392, -0.6138094663619995, -0.7434070706367493, -1.2537589073181152, -0.16715575754642487, 0.7463504076004028, -0.9520977139472961, -0.6459829807281494, 0.7234660983085632, -1.2042179107666016, -0.16863110661506653, 0.6213072538375854, -0.29614195227622986, 1.6167423725128174, -0.8097535371780396, 0.6941410899162292, -0.5466379523277283, -0.5593992471694946, 0.0018751497846096754, 0.44525983929634094, -0.8109351396560669, 0.5718904733657837, -0.3575266897678375, -0.14385607838630676, 0.8316174745559692, -0.45692160725593567, 0.5283418893814087, 0.2988227605819702, -0.07293049246072769, -0.12355631589889526, -0.236291766166687, -0.1705496609210968, -0.7045575380325317, 0.6660356521606445, 0.36385640501976013, 0.26600176095962524, -0.20865875482559204, 1.4807684421539307, -9.023398160934448e-05, -0.6206926703453064, 1.1026802062988281, -0.31905052065849304, 0.49752286076545715, 1.378839373588562, -0.24748383462429047, 0.6404784917831421, 1.2227511405944824, -0.38760924339294434, 0.8099163174629211, 0.6635265350341797, 0.27108094096183777, 0.43576598167419434, -0.1350269317626953, -1.3633109331130981, 0.6750661134719849, 0.5721458196640015, -0.1596003770828247, 0.8402063846588135, -0.2000207155942917, -0.07434919476509094, -0.4385373890399933, -0.6099308133125305, -0.3924575448036194, 0.0003455430269241333, 0.5623942613601685, -1.139673113822937, 0.8962597250938416, 0.5818488001823425, 0.5865600109100342, -0.948451578617096, -0.11113107949495316, -1.4125306606292725, 0.2518044114112854, 0.2065521776676178, 0.10646999627351761, -0.11073705554008484, -0.3534664213657379, 0.28792446851730347, -0.6757755875587463, 0.603800356388092, -0.4856322109699249, 0.40702030062675476, 0.37301477789878845, -0.33793553709983826, 0.5188927054405212, -0.5204085111618042, 0.8640340566635132, 0.15952752530574799, -0.24995596706867218, -0.8865165710449219, -0.8229607343673706, -0.207374706864357, -0.4804246723651886, 0.8624559044837952, -0.2685505449771881, 0.9402185678482056, -0.47789466381073, 0.0807071104645729, 0.18842703104019165, -0.6887662410736084, -0.08996899425983429, -0.4111335873603821, -0.4758671522140503, -0.7195122241973877, 0.06683791428804398, -0.09820862114429474, 1.0946149826049805, -0.3363164961338043, -0.5047196745872498, -0.4124070703983307, -0.04374956339597702, 0.08767709136009216, 0.20520830154418945, -0.6547888517379761, -0.7603061199188232, 0.34942352771759033, 3.318434953689575, -1.2909860610961914, 1.6899795532226562, -0.885307788848877, -0.16298362612724304, 0.459438681602478, -0.06495629251003265, 1.1361603736877441, -0.09558838605880737, -0.34497395157814026, -0.8814209699630737, -0.25316593050956726, -0.5137375593185425, 0.16610223054885864, -1.084566593170166, -0.3246522545814514, -0.9137846827507019, -0.3712844252586365, -1.6493360996246338, -0.77998948097229, -0.23429135978221893, 0.0020138248801231384, 0.42924708127975464, 0.5243748426437378, -0.8112948536872864, 0.20090961456298828, 0.4891670346260071, 0.8727155327796936, -0.5178524851799011, -0.03314009681344032, -1.1534010171890259, -0.12355994433164597, 1.4350225925445557, -1.2775205373764038, -0.6820344924926758, -0.20459510385990143, 0.692081868648529, -0.5851990580558777, 0.02828630805015564, -0.3342047333717346, -0.39389070868492126, 0.4142671227455139, 0.9071899652481079, 0.2583351731300354, 1.052197813987732, -0.7689002752304077, -0.6285644769668579, -0.008473711088299751, 0.34447330236434937, 0.19781775772571564, -0.61997389793396, -0.181425541639328, -2.4902424812316895, 0.3717249035835266, -0.3213246464729309, 0.753429651260376, 0.35942062735557556, 0.14888867735862732, 0.6475627422332764, 0.15731343626976013, 0.7951319217681885, 0.21318723261356354, -0.10132353007793427, -0.6862272620201111, 0.2021734118461609, 0.41793227195739746, -0.43481528759002686, 0.19814865291118622, -0.18257732689380646, 1.3392144441604614, 1.1267800331115723, -0.2354419231414795, -0.18640781939029694, -1.7507215738296509, 0.4274345338344574, 2.4067037105560303, 0.41962987184524536, -0.43561017513275146, -0.37101250886917114, -0.639611005783081, 0.7196082472801208, -0.8988007307052612, 0.09532050788402557, -1.2506895065307617, 0.2179378867149353, -1.0575480461120605, 0.43127933144569397, 0.243516206741333, -0.2591688632965088, 0.8334581255912781, 1.207268238067627, -1.0231281518936157, 0.5096030235290527, -0.5058870911598206, -0.6731927394866943, 0.5472503304481506, 0.911782443523407, 0.27777254581451416, -0.3660321533679962, 0.7718738913536072, 0.34185463190078735, 0.6525749564170837, 0.5032498836517334, 1.4717506170272827, -0.8402937650680542, -0.2521927058696747, -0.09551465511322021, 0.3315817713737488, 0.348516047000885, 0.06529491394758224, 0.4175505042076111, 0.4021402597427368, -0.32889142632484436, -1.0833158493041992, 0.08999048173427582, 0.8935798406600952, 1.0035483837127686, 0.5076221823692322, -0.7172344923019409, 0.20076477527618408, -0.7086480259895325, -0.6172007918357849, -0.8931664228439331, -0.5356717109680176, -0.22156399488449097, -0.13274642825126648, 1.1228439807891846, 0.08187998831272125, -0.5541799664497375, -0.3593072295188904, 0.05020590126514435, -1.6202480792999268, -0.3602951169013977, -0.6923331022262573, -0.3318209648132324, -1.0529367923736572, -0.5195150375366211, -0.5943682193756104, -1.0440282821655273, -0.6407217383384705, 0.48689985275268555, 0.09508208185434341, 0.10003345459699631, 0.20461779832839966, 1.753881812095642, 0.14119763672351837, 0.25517576932907104, -0.04358896613121033, 0.9392397999763489, -0.45705652236938477, 0.7418392896652222, -0.4762481153011322, -0.30078837275505066, -0.823360025882721, 0.7214412689208984, -1.2328253984451294, -0.19623613357543945, 0.594261109828949, -0.5967892408370972, 0.055395469069480896, -0.18086938560009003, -0.09275583177804947, 0.6015982627868652, -0.6533351540565491, 0.5354536175727844, 0.02028357982635498, 1.9292958974838257, -0.17806780338287354, -1.0189003944396973, 0.29286837577819824, 0.25263553857803345, -0.5339500904083252, 0.9063454866409302, -0.7084052562713623, 0.4903615117073059, 0.4070205092430115, 0.4534199833869934, -0.29657506942749023, 0.9850982427597046, -2.432896375656128, 1.2641011476516724, 0.5905058979988098, -0.43936610221862793, -0.6134416460990906, -0.8322262167930603, 0.022080227732658386, -0.492745965719223, -0.22310790419578552, 0.6512255668640137, 0.021831031888723373, -0.03277056664228439, -0.5172724723815918, 0.8131435513496399, 0.938370943069458, -0.5033950209617615, 0.05058807507157326, 0.5470280647277832, 0.48924052715301514, -1.268413782119751, -0.6810263395309448, 0.8207340240478516, -0.12314418703317642, 1.009969711303711, 0.8855355978012085, 1.4224714040756226, 0.26250991225242615, 0.3239937722682953, -0.3548568785190582, 1.2978999614715576, 1.2345540523529053, 0.8034315705299377, -0.1332782804965973, -0.812868058681488, -0.07091335207223892, -0.16074469685554504, 0.9053454399108887, -0.09684158861637115, -0.4541787803173065, -0.8613374829292297, 0.08810985088348389, -0.11523336917161942, -0.4086000621318817, 0.8339428305625916, 0.9620934128761292, 1.5326118469238281, -0.06095213443040848, 0.027847275137901306, -0.5578266978263855, -0.37152719497680664, -0.007020808290690184, 0.07858414947986603, 0.6301144361495972, -0.07727110385894775, 0.08231522142887115, 1.2724964618682861, -0.7465412020683289, -0.09533944725990295, -0.07578268647193909, 0.9196147918701172, 0.1053525060415268, -0.16060274839401245, 0.035234782844781876, 0.8055881261825562, -0.024685420095920563, 0.5694248676300049, -0.8264750838279724, 0.303902268409729, -0.4180317223072052, 0.5683689713478088, -0.4747334122657776, 0.3929259479045868, -0.6466705799102783, 0.9481260776519775, 0.025714043527841568, 0.9445715546607971, 0.07969436049461365, 1.120505928993225, 1.1711959838867188, -0.3113758862018585, -1.0082634687423706, -0.3825303912162781, -1.1781890392303467, 0.5276067852973938, 0.06620890647172928, -0.8230383396148682, -0.2669907212257385, 1.17465341091156, 0.03937302529811859, -0.40637338161468506, 1.297702431678772, -0.5225276350975037, -0.7706121206283569, 0.3481781482696533, 1.5018960237503052, -0.867710292339325, -0.11385658383369446, 0.04185864329338074, -1.274019479751587, -0.7188355326652527, 0.4480709731578827, -0.6708957552909851, 0.44595029950141907, 0.04314182698726654, 0.5713292956352234, 0.03945225477218628, 0.14907954633235931, -1.069748044013977, 1.0123348236083984, 0.1820797175168991, -0.3937315344810486, -0.09552554786205292, -0.7648100256919861, 0.9691523909568787, -0.4131843149662018, -0.9550458788871765, 0.2308989018201828, 0.0866020917892456, -0.2394283562898636, -0.2597653269767761, -0.22866058349609375, -0.8250178694725037, 0.7650707364082336, 0.23944900929927826, 0.1540999412536621, -0.5382992029190063, 0.8883342146873474, -0.08088524639606476, 0.19126029312610626, 0.5082818269729614, -0.1514664590358734, -0.9422658681869507, 0.6285750865936279, -0.39105525612831116, 0.38295048475265503, 0.2834056317806244, -0.09166941046714783, 1.7690868377685547, 0.7419047951698303, 0.2988482713699341, 0.487117737531662, -11.323997497558594, 1.1084389686584473, -0.498166561126709, 0.481839656829834, -0.14212846755981445, 0.30700305104255676, 0.7629535794258118, 0.5182237029075623, 1.224054217338562, -0.1641262173652649, -0.176456481218338, 0.7471657395362854, 0.1890091896057129, 0.4548187553882599, -0.48630061745643616, -1.2096997499465942, -0.36449241638183594, -0.4984998106956482, 0.2664257884025574, 0.5156933069229126, -0.8964570760726929, -0.3337138891220093, -0.29708993434906006, 0.5432428121566772, 0.5234885811805725, -0.025902945548295975, -0.1362990140914917, -0.9659261107444763, -0.3792533874511719, -0.8460777997970581, 0.8468460440635681, -0.08120926469564438, -0.22136691212654114, -0.517156720161438, 0.3128156065940857, -0.11805111169815063, -1.430910348892212, 0.22271166741847992, -0.006143828853964806, -0.1901787668466568, -0.5730429291725159, -0.18144775927066803, 0.9358833432197571, -0.6994379162788391, -0.03808289021253586, 0.9952601790428162, 0.03177740424871445, -0.3988780975341797, 0.5065200328826904, -0.044915951788425446, -0.7255616784095764, -0.7411448955535889, -1.6096923351287842, -0.6698554754257202, 0.38611072301864624, -0.34435975551605225, 0.0657755509018898, -0.2404758483171463, -0.41502678394317627, -1.7084885835647583, 0.8203800320625305, 0.27434444427490234, 0.3374843895435333, 0.3395993411540985, 0.23347309231758118, 0.18685799837112427, -0.048785142600536346, 0.3392924666404724, -0.26186615228652954, 0.05278944969177246, -0.6327806115150452, 0.20921659469604492, -0.3222874402999878, 0.6288112998008728, -0.845075249671936, -0.3256811797618866, -1.0349535942077637, -0.424331933259964, 0.9196931719779968, 0.12521325051784515, -1.0086647272109985, 0.5594332814216614, 0.14393119513988495, -0.2648142874240875, -1.5254048109054565, 0.33006712794303894, -0.03823769837617874, 0.32431650161743164, 1.3292417526245117, -0.3873097896575928, 1.4726967811584473, -0.03041219525039196, 0.06002115085721016, 0.26327624917030334, -0.35743463039398193, 0.864879310131073, -0.37038591504096985, 1.0735666751861572, -0.6126599311828613, -0.20192942023277283, 0.10475235432386398, -0.2381880283355713, -0.9573763608932495, 0.019401762634515762, 0.14053469896316528, 0.43026596307754517, -0.04636651277542114, -0.42525944113731384, -0.11413753032684326, -0.21190610527992249, 0.38467228412628174, -0.03711032122373581, -0.9563523530960083, 1.113094687461853, -0.31808722019195557, 0.46066737174987793, 0.7419251799583435, 0.41036224365234375, 0.9466814398765564, 0.9178124666213989, 0.0751214399933815, 1.0819371938705444, -0.07049661129713058, 0.7164639830589294, -0.20496487617492676, 0.16468027234077454, -0.1630043238401413, 1.0072861909866333, -0.47175872325897217, -0.7378283739089966, -0.31806936860084534, 0.08915974199771881, 0.5433186292648315, -1.5446491241455078, 0.24439199268817902, 0.32689425349235535, -0.8727580308914185, 1.3725886344909668, -0.2600066661834717, -0.010839007794857025, -0.3529573082923889, -0.7246339321136475, -0.5958593487739563, -1.5871226787567139, -0.3396742343902588, 0.9003212451934814, -1.980098843574524, -0.029463205486536026, -0.5052202343940735, 0.202727273106575, -0.08797121047973633, -0.45171529054641724, 1.1692379713058472, -0.6325459480285645, -0.014256730675697327, 0.21806249022483826, 0.15093497931957245, 0.16840067505836487, -0.5971049666404724, -0.6421031951904297, 0.5612437129020691, 1.0288857221603394, -0.8105478882789612, 0.839440643787384, 0.012874335050582886, -0.2019253671169281, -0.7762436866760254, -0.2799423635005951, -0.5414139032363892, 0.6737545132637024, 0.5242429375648499, -0.28347229957580566, 0.03217557817697525, -0.7588822841644287, -0.3998769521713257, -0.8168460726737976, 0.4253980815410614, 0.4004705250263214, -1.5667901039123535, 0.1706625521183014, 0.24068039655685425, 0.391512393951416, 0.3230683505535126, 0.2348257303237915, -0.6074811220169067, 0.1467306911945343, -0.3144209682941437, 0.724236011505127, -0.24216650426387787, 0.8915792107582092, -1.8370213508605957, -2.0618643760681152, -0.34567132592201233, 0.02008073776960373, -0.1209561824798584, -0.3181230425834656, 0.9265955090522766, -0.05851469561457634, 1.0177621841430664, 0.6539765000343323, 0.5159115791320801, 0.6647691130638123, -0.2316952794790268, 0.6577871441841125, -0.17709621787071228, 0.41890600323677063, -0.8947515487670898, 0.5092456936836243, 0.7239163517951965, 0.5888975262641907, -0.7217404842376709, -0.7985333204269409, 0.5896909832954407, -0.15889650583267212, -0.3038613796234131, -1.2091377973556519, -0.04206167906522751, -0.29908743500709534, -0.09950390458106995, -0.9328818917274475, 0.41638416051864624, 0.9608343243598938, 0.30944085121154785, 0.9354676008224487, 0.9654884934425354, 0.5384142398834229, -0.017175357788801193, 0.46063631772994995, 1.084071397781372, 0.22803546488285065, 0.4236483573913574, -0.5243898630142212, 0.15291836857795715, 0.03069406747817993, 0.05698131024837494, -0.3849157392978668, -0.15637542307376862, 0.6036390066146851, -0.8099099397659302, 0.33558616042137146, 0.31380707025527954, 0.7004404664039612, 0.9549863934516907, 0.8834701776504517, -0.7087222337722778, -2.2416880130767822, -0.12031707167625427, -0.8480321168899536, -0.06512285768985748, 0.7303301095962524, 0.8947507739067078, 0.03856280818581581, 0.7540528178215027, -0.3385791778564453, 0.4726448953151703, -0.21679967641830444, 0.6999407410621643, 0.5380619764328003, 0.10313844680786133, 1.2584710121154785, 0.9052816033363342, -0.5086385607719421, 0.32544785737991333, -0.5978611707687378, -0.6571478843688965, 0.01863841712474823, -0.7188180088996887, 1.1449766159057617, 0.8686855435371399, 0.32190337777137756, -0.06228884309530258, -0.24399003386497498, 1.3592625856399536, -0.8123762011528015, 0.8105629682540894, -0.08728918433189392, -0.6233634352684021, -0.5720347762107849, -0.8930999636650085, -0.6261541843414307, 0.30123084783554077, 0.179012730717659, -0.18969804048538208, -0.18781699240207672, 0.4147716164588928, 0.09214912354946136, -0.2987060546875, -0.8801558017730713, 0.03957214206457138, -0.8096632361412048, -0.305198073387146, -0.028980743139982224, -0.39081764221191406, -0.3903261721134186, 0.029741158708930016, -0.5973455905914307, -0.05956964194774628, 0.1574239432811737, -0.5641416907310486, -0.9710628986358643, 0.4590793251991272, 0.19061699509620667, 0.08351582288742065, -0.040056921541690826, -0.09785055369138718, -2.43674373626709, 0.9451668858528137, 0.2875814139842987, -0.1136288270354271, 0.2048235386610031, 0.14935344457626343, 0.24994979798793793, 0.46010029315948486, 0.9174264073371887]} +{"paper_id": "totto", "embedding": [-0.7201847434043884, 0.7061280012130737, -0.34382060170173645, 0.5930720567703247, 0.5373854041099548, 0.08583301305770874, 1.1816449165344238, -0.10478959232568741, 0.22548583149909973, 0.5801514387130737, 0.2913574278354645, 0.386919230222702, 0.3665321469306946, -0.5274548530578613, 0.18567229807376862, 0.023325178772211075, -1.1657640933990479, -0.4202694594860077, -1.433205246925354, -0.5529342889785767, -0.8697583079338074, -0.5764225125312805, 0.01870569959282875, 0.2439788579940796, -0.6421621441841125, -0.33445727825164795, 1.2919132709503174, -1.0796802043914795, -0.23223116993904114, 0.44342347979545593, -0.8000500202178955, 1.2792152166366577, -0.5940654873847961, 0.8174984455108643, -0.11502484977245331, 0.38233375549316406, 0.7146515846252441, 1.1173714399337769, -1.0441488027572632, 0.5649154782295227, -0.6945508122444153, 0.2732616662979126, 1.286418080329895, -0.43126219511032104, 0.22333279252052307, -0.26057225465774536, 0.11961155384778976, 0.10649527609348297, -0.7170947790145874, 0.1617639660835266, -0.8245137333869934, 0.6689875721931458, -0.42633679509162903, -0.0414612852036953, 0.739858090877533, 1.2458544969558716, -0.18073725700378418, -1.1425697803497314, 0.27429476380348206, 0.5251221656799316, 0.8751699924468994, 1.6688112020492554, -0.30762097239494324, 0.9658191800117493, 0.60008704662323, 0.20335493981838226, 0.7246474027633667, 0.11806097626686096, 0.3661407232284546, 0.7541515231132507, -0.6383916735649109, -0.47444936633110046, 0.41712862253189087, -0.28658246994018555, -0.42770376801490784, 0.9381726980209351, 0.12651768326759338, -0.0760783851146698, 0.3653259575366974, -0.44872868061065674, 0.0754242017865181, 0.4062490463256836, 0.3729746341705322, -0.7851383686065674, 0.6400778889656067, 0.8571103811264038, 0.36991095542907715, 0.10410802811384201, -0.5487173795700073, -1.1597977876663208, -0.15360669791698456, 0.5965530276298523, 0.4371100664138794, 0.020427897572517395, 0.29138991236686707, 0.32186126708984375, -0.06836750358343124, 0.47755345702171326, -0.14510875940322876, 0.2851495146751404, 0.3167661130428314, -0.593632698059082, 0.644823431968689, 0.17804041504859924, 0.3796861171722412, 0.3367835283279419, -0.14578977227210999, -0.8715026378631592, -0.15349078178405762, -0.3934454023838043, -0.2627111077308655, 0.6790286302566528, 0.5348874926567078, 0.7099789977073669, -0.12692071497440338, -0.15293079614639282, 0.0005908012390136719, -0.3828863799571991, -0.10393441468477249, 0.02602655440568924, -0.3380957543849945, -1.200580358505249, -0.0700715184211731, -0.20739078521728516, 1.081805944442749, -1.1852476596832275, -0.6633152365684509, -0.150296151638031, 0.29422640800476074, -0.3132413625717163, -0.07891464233398438, -0.0030306559056043625, -0.5163175463676453, 0.8405568599700928, 3.0667226314544678, -0.7323418259620667, 0.8298693299293518, -0.7971583604812622, -0.8877760171890259, -0.3492867946624756, 0.5285903811454773, 1.3515520095825195, -0.11629241704940796, -0.022861462086439133, -0.9762241244316101, 0.22495798766613007, -0.46970146894454956, 0.6379691958427429, -0.8754134178161621, 0.10565058887004852, 0.35717007517814636, -0.21343505382537842, -1.5836844444274902, -0.1065753772854805, -0.6324849128723145, -0.08291063457727432, 0.21831679344177246, -0.19390971958637238, -0.429701566696167, 0.6089624166488647, 0.9108656048774719, -0.07350656390190125, -0.5837482213973999, -0.19548876583576202, -0.8568028211593628, 0.038132600486278534, 1.1472173929214478, -0.4027297794818878, -0.870525598526001, -0.4965583086013794, 0.1450522243976593, -0.27549323439598083, -0.014352038502693176, -0.35104674100875854, 0.08969469368457794, 0.4495336413383484, 0.6870019435882568, 0.7393169403076172, 0.10996025800704956, -0.39027100801467896, -0.7291338443756104, -0.5615102052688599, -0.6472697854042053, 0.29642027616500854, -0.40160486102104187, 0.2452806830406189, -2.7365541458129883, -0.15316975116729736, -0.5702043771743774, 1.0251147747039795, -0.39173582196235657, 0.2648714482784271, 0.15424048900604248, 0.14956752955913544, -0.38669705390930176, -0.754513144493103, 0.36479949951171875, -0.47101250290870667, 0.4546167850494385, 0.04957808554172516, 0.17013773322105408, 0.4137043058872223, -0.6411898732185364, 1.2366446256637573, 0.8873968720436096, -0.6342838406562805, -0.5914552211761475, -1.7141884565353394, -0.2880123257637024, 1.9802557229995728, -0.1779467761516571, -0.7743491530418396, -0.7454061508178711, -0.3996596336364746, 1.1233521699905396, -0.11971191316843033, 0.01865065097808838, -0.36193302273750305, -0.12856873869895935, -1.0049607753753662, -0.08875273168087006, -0.7942651510238647, -0.06889727711677551, 0.14565856754779816, 0.8296245336532593, -1.0099546909332275, 0.4193982779979706, -0.686569094657898, -1.0666184425354004, 0.46524864435195923, 0.6648934483528137, 0.3789401054382324, -0.4626424312591553, 0.9144373536109924, -0.25330907106399536, 0.5330178141593933, -0.04168730601668358, 1.104102611541748, -0.7677638530731201, 0.5063403844833374, 0.44947507977485657, 1.5871522426605225, -0.19019128382205963, 0.43821075558662415, -0.22452345490455627, 0.206828773021698, -0.7706236839294434, -0.2579995393753052, 0.04911351203918457, -0.07335489243268967, 1.287041187286377, 0.2660490572452545, -1.3572309017181396, 0.2901011109352112, -0.31585943698883057, -0.5233663320541382, -0.5630737543106079, -0.5528642535209656, -0.06580127775669098, -0.10854452848434448, 0.8256847262382507, 0.24536460638046265, 0.1381884664297104, -0.4663432836532593, -1.1098637580871582, -1.1821017265319824, -0.4541034996509552, -0.31404149532318115, 0.4818909168243408, -1.610623836517334, -0.19100823998451233, -0.021274112164974213, -0.6569133996963501, -0.7863954305648804, 0.17276418209075928, -0.034141723066568375, -0.29502198100090027, 0.46823355555534363, 1.5516363382339478, -0.22353123128414154, -0.08618007600307465, 0.2654117941856384, 0.8234905004501343, -0.7088529467582703, 0.51033616065979, -0.35964149236679077, -0.18935778737068176, -0.9197991490364075, 0.48453637957572937, -0.6951630711555481, 1.0607327222824097, 0.03787984699010849, -0.36986029148101807, 0.480598121881485, -0.07027914375066757, -0.1488218456506729, 1.2612851858139038, -0.9400094151496887, 0.6670142412185669, -0.8333730101585388, 0.8989849090576172, 0.7441882491111755, -0.08069001138210297, 0.8665939569473267, -0.12382179498672485, -0.46218785643577576, 0.4330592155456543, -0.6862324476242065, 0.9720109701156616, 0.42630815505981445, 0.19936221837997437, 0.4349411725997925, -0.039889778941869736, -2.0939841270446777, 0.13158375024795532, 0.9693909287452698, -0.495260089635849, 0.08691361546516418, -1.0394631624221802, -0.4216774106025696, -0.07916224747896194, -0.34935876727104187, 0.6111716628074646, -0.4295477569103241, 0.11940550804138184, -0.8530157208442688, 0.0509977787733078, 1.687699794769287, -0.5190147757530212, 0.5858212113380432, 0.43860945105552673, -0.26839274168014526, -1.3899005651474, -0.21304363012313843, 0.5631240010261536, -0.7710437774658203, -0.009593561291694641, 0.3629019856452942, 0.9412903785705566, 1.0063399076461792, -0.13183239102363586, -0.1000743880867958, 0.8189986944198608, 0.26456353068351746, 0.7805097699165344, 1.1025468111038208, 0.07639025151729584, 0.4565642178058624, -0.47957277297973633, 1.048425555229187, -1.287205457687378, -0.9686945676803589, -0.7316513061523438, -0.2081228345632553, -0.14125952124595642, -0.5188314318656921, 1.4493054151535034, 0.3580774962902069, 1.460523009300232, -0.6771014928817749, 0.3144969046115875, -1.5112372636795044, -0.6526973843574524, 0.27043047547340393, 0.814155101776123, 0.39738601446151733, -0.502880334854126, -0.17012432217597961, 0.9167312979698181, 0.18480609357357025, -0.11323218047618866, -0.24229121208190918, 0.6442288756370544, 0.4011859893798828, -1.2629021406173706, 0.22995895147323608, 0.003199119120836258, 0.06342720985412598, 1.6833031177520752, -1.050026535987854, -0.7253319621086121, 0.24377046525478363, 0.12840311229228973, 0.19343098998069763, 0.26469582319259644, -1.1560415029525757, 0.6789157390594482, 0.22109438478946686, 0.7452455163002014, -0.17155686020851135, 0.7094096541404724, 1.2719237804412842, -0.7263532876968384, -1.2583972215652466, -0.06364534795284271, -0.9619573354721069, -0.48714151978492737, 0.015145406126976013, -0.11273761093616486, -0.7468292117118835, 0.7902642488479614, 0.017570141702890396, -0.3119572699069977, 1.0556812286376953, 0.10597746074199677, -0.6207401752471924, -0.2941535711288452, 0.534165620803833, -1.4011449813842773, -0.6897043585777283, 0.28472888469696045, -0.44772249460220337, -0.9260526895523071, -0.20660947263240814, -0.04477642476558685, 0.04997461289167404, 0.2006179392337799, 0.6104727983474731, -0.12034125626087189, 0.21074165403842926, -2.022850275039673, 1.1724138259887695, 0.3683203458786011, -1.0469391345977783, 0.6120195388793945, 0.6720413565635681, 0.848730206489563, 0.23232270777225494, -0.4338523745536804, -0.5879047513008118, 0.5909525752067566, 0.5701885223388672, 0.05453759804368019, -0.7741096019744873, -0.6606401801109314, 0.7391932010650635, 0.25046205520629883, 0.11703983694314957, -1.2621034383773804, 0.270027220249176, -0.19902756810188293, 0.9495542645454407, 1.2078490257263184, -0.525493323802948, -0.9901183843612671, 1.0468096733093262, -0.90290766954422, 0.4606199860572815, -0.6338225603103638, 0.4809919595718384, 1.2417914867401123, 0.2195647954940796, -0.2936882972717285, -0.3542202115058899, -11.887528419494629, 0.6986849904060364, 0.023582186549901962, -0.1697486788034439, 0.806353747844696, -0.5856691002845764, 0.8592151999473572, 0.25291183590888977, 0.26010215282440186, -0.3259139060974121, 0.7679368853569031, 0.7454673051834106, 0.20375096797943115, 0.2175506204366684, -0.23687928915023804, -1.4593135118484497, -0.9473392963409424, -0.3883035182952881, 0.06889908015727997, 0.3881641924381256, -0.24254480004310608, -0.3180975317955017, 0.343017041683197, 0.18027636408805847, 0.2817554771900177, 0.021504022181034088, -0.3514515459537506, -0.34175482392311096, -0.24332861602306366, -0.1014297753572464, 0.8283616900444031, 0.468528687953949, -0.7618234753608704, -0.7518578767776489, 0.02530170977115631, -0.7287763357162476, -1.3608020544052124, -0.278629869222641, 0.9244256019592285, -0.34993648529052734, -0.727514922618866, 0.29093581438064575, 0.5268645286560059, 0.050032563507556915, -0.5130107998847961, 0.8135888576507568, 0.5514959096908569, -0.4515253007411957, 0.4327331781387329, 0.14194875955581665, 0.12956084311008453, -1.0357139110565186, -0.6572427749633789, -0.7456343770027161, -0.19897888600826263, -0.32915449142456055, -0.8349394202232361, 0.5195578336715698, -0.37903493642807007, -1.5143396854400635, 0.6861013174057007, 0.8339543342590332, -0.7906343340873718, 0.20821145176887512, 0.2987644672393799, -0.7585430145263672, 0.08190912753343582, 0.9990841746330261, 0.06680724024772644, 0.4328547716140747, -0.3717508316040039, 0.9819325804710388, 0.25985193252563477, 0.18144884705543518, -0.05663277953863144, 0.14681695401668549, -0.13527391850948334, -0.27115458250045776, 0.7835516333580017, -0.2379676252603531, -0.8977124691009521, 0.41837435960769653, 0.25288328528404236, -0.25790226459503174, -0.4137755334377289, 0.4965575039386749, -0.06241943687200546, -0.4965541362762451, 0.5833505392074585, -0.3963397443294525, 1.2776349782943726, -0.7377642393112183, -0.1981383115053177, -0.4312553107738495, -0.4539906084537506, 0.7703836560249329, 0.14459815621376038, 0.49251294136047363, 0.46918371319770813, -0.8400394320487976, 0.43645769357681274, 0.22262558341026306, -0.3801180124282837, -0.6113750338554382, 0.7630386352539062, -0.07613091915845871, 0.07203072309494019, 0.375537246465683, 0.12749841809272766, -0.40318864583969116, 0.04676516726613045, -0.3403198719024658, -0.392958402633667, 0.7419551610946655, -0.12802241742610931, 0.6346008777618408, 1.0659149885177612, 0.1754702627658844, 1.254979133605957, 1.0996065139770508, -0.35153698921203613, 1.2558327913284302, 0.03891339153051376, 0.6252956390380859, -0.2585251033306122, 0.013107594102621078, 0.6400222182273865, 0.672216534614563, -0.20868125557899475, -1.2630671262741089, -0.2731173634529114, 0.015105437487363815, -0.16896751523017883, -0.27412059903144836, -0.876580536365509, -0.35567694902420044, -0.3475453853607178, 0.9888052940368652, -0.4159025549888611, 0.6916130185127258, 0.5555024147033691, -0.19707755744457245, 0.7493153214454651, -1.046255350112915, -1.1139858961105347, -0.11178690940141678, -1.7039194107055664, 0.3458917438983917, -0.44511786103248596, -0.41177183389663696, 0.7891566753387451, -0.19003230333328247, 0.604900062084198, -1.1941580772399902, 0.047259435057640076, -0.11999725550413132, 0.42387518286705017, -0.45300567150115967, -0.23024336993694305, 0.07516171038150787, -0.6045019030570984, 1.274335503578186, -0.6847980618476868, 0.7010049819946289, 0.3508882522583008, -0.7992771863937378, -0.4438183605670929, -0.33967819809913635, -0.09274239838123322, -0.009851519018411636, 0.6173983216285706, -0.801336944103241, -0.34160691499710083, -0.7720711827278137, 0.13827571272850037, -0.8739272356033325, 1.4850908517837524, 1.0909152030944824, -0.9605693817138672, -0.008276745676994324, 0.10960504412651062, 0.3257453143596649, 0.10435532033443451, 0.09355100989341736, -0.6675089597702026, -0.011882686987519264, 0.13841703534126282, 0.6282809972763062, -0.3975813388824463, 1.2902284860610962, -1.9824711084365845, -1.0686614513397217, -0.27824467420578003, 0.17161035537719727, 0.6716614365577698, -0.2982373535633087, 1.151849627494812, 0.8222599625587463, -0.22252899408340454, 0.23897406458854675, 0.45677492022514343, 0.7684410810470581, -0.31502723693847656, 0.9793554544448853, -0.1774331033229828, 0.5305570363998413, -0.4786396622657776, 0.12097103893756866, 0.20765741169452667, 0.7154369950294495, -1.0788062810897827, 0.27748292684555054, 0.24140676856040955, -0.1617557853460312, -0.04241442307829857, -0.5984183549880981, -0.30729779601097107, -0.4605766832828522, 0.4272288680076599, -0.6812726855278015, 0.6207594275474548, 1.4354058504104614, 0.4871712923049927, 1.09758460521698, 1.1846296787261963, -0.24850142002105713, 1.1061152219772339, 0.6986880898475647, 1.2481796741485596, 0.5284105539321899, -0.49523070454597473, -0.06877322494983673, 0.6928842067718506, 0.34879493713378906, -0.003301948308944702, -0.7007806301116943, -0.3850128650665283, 0.1114998459815979, -0.5577366352081299, 0.38514313101768494, 0.1278281807899475, 0.38823896646499634, 0.7649940848350525, 1.4093528985977173, -0.2202252745628357, -1.651283860206604, -0.5245677828788757, -0.8741172552108765, 0.14451095461845398, 1.1578965187072754, 0.35284504294395447, 0.09624692052602768, 0.759188711643219, -0.39043647050857544, 0.9703140258789062, -0.16303735971450806, 0.21811677515506744, -0.13201788067817688, 0.1668781042098999, 1.0224237442016602, 1.1135822534561157, 0.8407759666442871, -0.282797247171402, -0.14077824354171753, -0.5790692567825317, -0.17963431775569916, -0.32458850741386414, 0.20173044502735138, 0.8461617231369019, -0.7280455827713013, -0.13800013065338135, -0.6411314010620117, 0.9831470847129822, -0.8207436203956604, 0.7572115659713745, 0.1300150752067566, -0.4924107789993286, -0.8910760283470154, -0.6080159544944763, 0.5836840271949768, 0.37303340435028076, 0.16908776760101318, -0.628668487071991, -0.5564343333244324, 1.2772010564804077, 0.0953071340918541, 0.7802711129188538, -0.8429888486862183, 0.09996084123849869, -0.7080552577972412, 0.1984100192785263, -0.4186641275882721, -0.0010982155799865723, -0.39407387375831604, -0.09673261642456055, -0.02218615636229515, 0.2719030976295471, -0.1519967019557953, -1.0273524522781372, 0.006010349839925766, -0.17476771771907806, -0.7920821905136108, 0.24290405213832855, 0.01689816638827324, -0.3872874081134796, -1.2549091577529907, 0.945629894733429, 0.4893754720687866, -0.5404909253120422, -0.4580839276313782, -0.6546244025230408, 0.30481868982315063, -0.6389572620391846, 1.2689348459243774]} +{"paper_id": "re_dial", "embedding": [-0.8785279393196106, 0.5222596526145935, 0.3195582926273346, -0.1968052238225937, 0.5779868960380554, -0.26769503951072693, 1.0874419212341309, 0.4931289851665497, 0.8883710503578186, -0.4536593556404114, 0.8548264503479004, 0.18844257295131683, -0.08296185731887817, -0.21265754103660583, -0.3726077079772949, 0.33035725355148315, -0.7446593642234802, -0.3125896155834198, -0.9337424635887146, -0.3611491620540619, -0.741312563419342, -0.513899028301239, -0.33009710907936096, 1.2863211631774902, -0.0032806433737277985, -0.7687081098556519, 0.9567167162895203, -0.7199898362159729, 0.5851200222969055, -0.49001044034957886, 0.5113078951835632, 1.4323396682739258, -0.7562019228935242, 0.14002466201782227, -0.34826624393463135, -0.6959034204483032, -0.656006932258606, 0.8665315508842468, -0.2783074975013733, -0.16479012370109558, -0.14667686820030212, 0.8174930810928345, 0.2521873712539673, 0.9492337703704834, 1.179634928703308, 0.39600998163223267, 0.06514015793800354, 0.17963333427906036, 0.14958292245864868, -0.0006769895553588867, -0.9415642023086548, -0.17862677574157715, -0.48480695486068726, 0.7257161140441895, -0.7466635704040527, 1.7423253059387207, 0.14532366394996643, 0.06720525771379471, 0.16887299716472626, -1.3102706670761108, 1.399372935295105, 1.2869230508804321, -0.25027769804000854, -0.29608622193336487, 0.923498809337616, -0.061089176684617996, 1.4722939729690552, 0.10090368986129761, 0.31465405225753784, 0.1019052043557167, -0.33508652448654175, -0.4586021304130554, 0.6048774123191833, -0.11428689956665039, -0.5738934278488159, 0.35268622636795044, 1.2128781080245972, 0.2965381145477295, -0.3459846079349518, 0.1903332769870758, 0.20819765329360962, 0.8188014030456543, 0.015912484377622604, 0.16208946704864502, 0.40655529499053955, 0.11187178641557693, 0.4545595347881317, -0.3912711441516876, -0.10383771359920502, -2.305617570877075, 0.5115679502487183, -0.25765106081962585, 0.08967438340187073, -0.20004867017269135, -0.7083449363708496, -0.3520331084728241, 0.4090625047683716, -0.46402502059936523, -0.7712830305099487, -0.0104646235704422, 0.4389987587928772, -0.6765717267990112, -0.09028428792953491, -0.7122973203659058, 0.14929670095443726, 0.5793434381484985, 0.9845778942108154, -0.07197149842977524, -0.37448835372924805, -0.42143407464027405, -0.017128026112914085, 1.0724408626556396, 0.06490141153335571, 1.1847705841064453, -0.0353497751057148, 0.5353701710700989, 0.09018630534410477, -0.31283238530158997, -0.22193066775798798, 0.4787634015083313, -0.38018113374710083, -1.2002395391464233, -0.13024303317070007, 0.5412520170211792, 1.256029725074768, -0.8669769167900085, -0.3421420753002167, -0.529629647731781, 0.1379900872707367, -0.6882633566856384, 0.620935320854187, 0.4287682771682739, -0.36670222878456116, -0.7688841223716736, 2.3467960357666016, -0.9697511196136475, 1.8651142120361328, -1.2082898616790771, -0.38668692111968994, -0.7787367105484009, -0.01581476256251335, 1.0225026607513428, -0.9790101647377014, -0.6768108606338501, -0.6136906743049622, -0.12037526816129684, -1.0661773681640625, 0.10379929095506668, -0.2768227458000183, -0.4783645570278168, -0.012363862246274948, 0.14207123219966888, -1.3912566900253296, -0.41108274459838867, -0.4910350441932678, 0.22083643078804016, 0.6334413886070251, 1.4487272500991821, 0.1806761920452118, 0.7322450876235962, 0.7065015435218811, 0.2758960723876953, 0.22453898191452026, 0.07245488464832306, -0.6607550382614136, -0.22593985497951508, 0.30103063583374023, 0.4690918028354645, -0.23485782742500305, -0.982421338558197, 0.9695756435394287, 0.07986853271722794, 0.23776337504386902, 0.3314051926136017, -0.13256306946277618, 0.3302195966243744, -0.12402352690696716, 1.0783581733703613, 0.48545947670936584, -0.7474555969238281, -0.9331040978431702, -1.047500491142273, -0.5975990295410156, 0.5331426858901978, 0.4242064356803894, 0.6179206371307373, -1.5588496923446655, 0.08799810707569122, -0.5152419805526733, 0.0004295036196708679, 0.22752174735069275, -0.22202812135219574, 0.23229923844337463, -0.8915268778800964, 0.3035304546356201, 0.03578523173928261, 1.3403512239456177, -1.415372371673584, -0.00881330668926239, 0.9829460382461548, -0.20627741515636444, -0.14192669093608856, 0.29434508085250854, 1.62510085105896, 0.563804566860199, 0.7997257709503174, -0.001309853047132492, -1.1587936878204346, 0.570793867111206, 2.251426935195923, 0.49745622277259827, -1.406220555305481, -0.7240140438079834, -0.175624817609787, 0.0018609091639518738, 0.15303562581539154, 0.8440470695495605, -0.5329655408859253, 0.2101326286792755, -1.278143286705017, 0.40196627378463745, -0.4861730635166168, 0.6613454222679138, 0.8836259245872498, 1.497588038444519, -0.7167509198188782, 0.03264427185058594, 0.5175244808197021, -1.4813506603240967, 0.020292121917009354, 0.07157081365585327, 0.7168349027633667, 0.6351172924041748, 0.4398011565208435, 0.14156930148601532, 0.1327451467514038, 0.4999801814556122, -0.05399550125002861, -0.15981121361255646, 0.4822917580604553, 0.3322209417819977, 0.7153496742248535, -0.3371086120605469, 0.44807425141334534, -0.22284746170043945, 0.7791277170181274, 0.3023710548877716, -0.9408026933670044, 0.17244930565357208, -0.6850891709327698, 1.327449917793274, 1.203569769859314, 0.2540667653083801, 0.5971212387084961, 0.3985767066478729, -0.3382568955421448, -0.35317978262901306, -0.5890518426895142, -0.402640163898468, -0.7606698870658875, 0.6180983185768127, -0.2865290939807892, 0.40181639790534973, -0.08170344680547714, 0.7063807249069214, -0.18534164130687714, -0.5782192349433899, 0.38743355870246887, -0.8893256187438965, -0.7533373832702637, 0.16720415651798248, 0.28879237174987793, -0.762265145778656, 0.15944220125675201, -0.529891312122345, 0.5331433415412903, -0.43021073937416077, 1.0135029554367065, 1.5544987916946411, -0.1900196224451065, -0.21266794204711914, -0.5320079326629639, 0.6208001375198364, -0.6073938012123108, 0.8315320611000061, -0.25293970108032227, 0.07131246477365494, -0.45759785175323486, 0.257659912109375, 0.32090944051742554, -0.24277853965759277, 0.7170388102531433, -0.691480815410614, 0.20950156450271606, -0.8241087198257446, -0.8670616149902344, 0.7339774966239929, -0.45313891768455505, 0.30384841561317444, 0.45389699935913086, 1.9536571502685547, -0.25151973962783813, -0.4648246467113495, 1.457547664642334, -0.4168177843093872, 0.031958360224962234, 1.1884801387786865, 0.18972408771514893, 0.6414262652397156, 1.4268720149993896, -0.38614213466644287, 0.10516196489334106, -0.18512645363807678, -1.7976981401443481, 0.03357531875371933, 0.7408901453018188, -0.4643489122390747, 0.014234960079193115, -0.9840512871742249, 0.1013280600309372, -0.20900043845176697, 0.2789919376373291, -0.44976091384887695, -0.20653492212295532, 1.0276273488998413, -0.39971092343330383, 0.43755507469177246, 1.3474270105361938, 0.08805719017982483, -0.27139341831207275, 1.187604308128357, -0.30147606134414673, -1.3780958652496338, -0.2577403783798218, 0.1945458948612213, -0.6945686340332031, -0.8298470973968506, 0.19225254654884338, 0.8831236362457275, 1.1298272609710693, -0.708371102809906, -0.28403183817863464, 0.1654631644487381, 0.17649346590042114, 0.2985602617263794, -0.5342335104942322, -0.16270506381988525, 0.7116882801055908, -0.5967289805412292, 1.0595000982284546, -0.28017717599868774, -0.6780201196670532, -1.2952507734298706, 0.46421170234680176, -0.6805015206336975, -0.5981219410896301, 1.6009479761123657, 0.21208810806274414, 0.9274728298187256, 0.2736450731754303, 0.31297406554222107, -0.26707613468170166, 0.04283246770501137, 0.7622740864753723, 0.41797348856925964, -0.9128702282905579, -0.49286583065986633, -0.05992981791496277, 0.5098873972892761, 0.049085963517427444, -0.857955813407898, -0.21942812204360962, 1.3015724420547485, -0.4473710358142853, -0.5115470290184021, -0.04913344234228134, 1.8058873414993286, 0.5737767219543457, 1.5989106893539429, -0.34146156907081604, -0.0267570111900568, 0.4308950901031494, 1.301790714263916, 0.8826259970664978, -0.2817322015762329, -0.35579830408096313, 0.8613752722740173, 0.09088027477264404, 0.8930931091308594, -0.18800567090511322, 0.7291210293769836, -0.2783706784248352, -1.555671215057373, -0.47856754064559937, -0.39833614230155945, -0.4543692469596863, -0.8896071910858154, -0.07954315841197968, 0.42021849751472473, -0.8867559432983398, 0.671459972858429, -0.4343419075012207, -0.4068821370601654, 0.8186241388320923, -0.10818440467119217, -0.6796810626983643, 0.5678877234458923, 2.1036298274993896, -1.1389081478118896, 0.2465103715658188, -0.4529898166656494, -1.6683422327041626, -0.7114382982254028, 0.2311745285987854, -0.4204711616039276, 0.29761767387390137, -0.13870061933994293, -0.11943371593952179, -0.20997437834739685, -0.6694867014884949, -0.35178542137145996, 0.37879741191864014, 0.23565734922885895, -0.2608117461204529, 0.5969330072402954, 0.5468913912773132, 0.2538565993309021, 0.33607611060142517, -1.0480691194534302, -0.6365722417831421, -0.00638301856815815, -0.4906527101993561, 0.08557090908288956, -0.1845168024301529, 0.1517653912305832, -0.31170961260795593, -0.6196233630180359, 0.3613019585609436, -1.0770916938781738, -0.43036168813705444, -0.23694473505020142, -0.21087677776813507, 0.6052926778793335, -0.9149540662765503, -0.6984224319458008, -0.4506848454475403, -0.7333511114120483, 0.3718474805355072, -0.7283822298049927, -0.4233609139919281, 1.3537235260009766, 0.5825461745262146, 0.4462091326713562, 0.2786288261413574, -10.850211143493652, 1.1637437343597412, -0.3329327702522278, -0.2782079875469208, 0.8881840705871582, -0.04857070744037628, 0.6203925609588623, -0.2985667586326599, 1.255511999130249, -0.9218648076057434, 0.45672371983528137, 0.5362202525138855, -0.2220047116279602, -0.2878159284591675, -0.10580526292324066, -1.2881505489349365, -0.7367532849311829, -0.6208329796791077, 0.2228492647409439, 0.01532294973731041, 0.7178681492805481, -1.0219935178756714, -0.7742927670478821, -0.09681932628154755, -0.5468122959136963, -0.3252718150615692, -0.6000077128410339, -0.6729927659034729, -0.19232085347175598, -0.02980118617415428, -0.031159469857811928, -0.7204491496086121, 0.11755286157131195, -1.3706153631210327, 0.30759114027023315, 0.23392419517040253, -1.120829463005066, -0.23311860859394073, 0.7086032629013062, 0.16805212199687958, -0.12816420197486877, -0.378425270318985, 0.7669513821601868, -0.09801948070526123, -0.1768253743648529, 0.0030256807804107666, -0.1952921748161316, 0.3584878146648407, -0.49615156650543213, -0.18780535459518433, -0.8280776143074036, -0.146128311753273, -0.7653716802597046, -0.03077683411538601, -0.03553829342126846, 0.7970545291900635, -0.8518252968788147, 1.0096354484558105, -0.21528546512126923, -0.707656979560852, 0.4338931739330292, 0.21806494891643524, -0.2673852741718292, 0.08278386294841766, 0.47277694940567017, -0.1802128255367279, -0.048814453184604645, 0.4049109220504761, -0.6369380950927734, 1.0074126720428467, -0.7066405415534973, 0.358341783285141, -0.43481773138046265, 0.8220287561416626, -0.9964815974235535, 0.4668858051300049, -0.44968852400779724, 0.19098712503910065, 0.6937199831008911, -0.19336988031864166, -1.123250126838684, 0.34661373496055603, 0.4317765533924103, -0.8652305603027344, -0.7074285745620728, 0.7272040247917175, -0.6279990077018738, -0.022256016731262207, 1.7015219926834106, -0.3141214847564697, 1.239784598350525, 0.797671377658844, -0.6276338696479797, 0.18391865491867065, -0.2804989516735077, 0.9834948182106018, 0.7612633109092712, 0.6293509006500244, 0.3246544599533081, 0.18070954084396362, 0.3001253008842468, 0.2505209743976593, -0.2990666329860687, -0.01982521079480648, 0.4284399151802063, -0.08919259905815125, -0.33057963848114014, 0.6363992691040039, 0.7894592881202698, 0.3292580842971802, 1.3907866477966309, 0.5188040733337402, -0.40630388259887695, 0.530610203742981, -0.12373824417591095, 0.9076093435287476, 0.7989344000816345, -0.47119155526161194, 0.44983962178230286, -0.07259832322597504, -0.17855726182460785, 0.9680302739143372, 0.2921452820301056, 0.5665958523750305, 0.37608802318573, -0.23378148674964905, 0.08901241421699524, 0.48362499475479126, -0.5857805013656616, -0.9977726340293884, 0.43142205476760864, -0.5364805459976196, -0.00710800476372242, -0.1778475046157837, -0.3551505208015442, 0.5839283466339111, -0.9728513956069946, 1.5818966627120972, -0.541252851486206, -0.0474226176738739, -0.4746361970901489, -0.7657079696655273, -0.219615638256073, -0.62251216173172, -0.976893424987793, -0.9090133309364319, -0.8145811557769775, 0.5453682541847229, -0.2203531265258789, 0.2775755524635315, 0.5842276215553284, 0.44692304730415344, 0.40321946144104004, -1.0017898082733154, -0.8401310443878174, 0.3416632413864136, 0.3010982871055603, -0.47279369831085205, -0.9110599756240845, -0.15381713211536407, 0.7099440693855286, 0.9467241764068604, -1.0374912023544312, 1.056684136390686, 0.42321303486824036, -0.41813692450523376, -0.1348332166671753, 0.7067722082138062, -1.4401495456695557, 0.6036655902862549, 0.7413148880004883, -1.0477631092071533, -1.077418327331543, -1.2861138582229614, -0.39333420991897583, -0.03917790576815605, 0.4780837893486023, 1.5822497606277466, -1.4087144136428833, -0.033556342124938965, -0.2292860597372055, 0.31371113657951355, 0.40038028359413147, 0.10139678418636322, 0.15158605575561523, -0.28189292550086975, 0.3968792259693146, 0.9812038540840149, 0.31480836868286133, -0.072475366294384, -1.7953969240188599, -0.9352346062660217, -0.3933066427707672, -0.24441789090633392, -0.18503302335739136, -0.15815545618534088, 0.6981252431869507, 0.7629758715629578, -0.6128016710281372, -0.050774604082107544, 0.008015342056751251, 0.5719999074935913, -0.18078072369098663, 0.09403747320175171, 0.48611748218536377, -0.4544532299041748, -0.7209757566452026, -0.3939756751060486, 0.6674964427947998, -0.014870570972561836, -1.2022719383239746, -0.8690048456192017, 0.5123825669288635, 0.014786498621106148, 0.8532910943031311, -0.5922907590866089, 0.005283517763018608, 0.08065275847911835, -1.009421706199646, -1.6706674098968506, -0.274280846118927, 0.4233017861843109, -0.5908662676811218, 1.1866320371627808, 0.491573303937912, 1.0391769409179688, 0.6375992894172668, -0.4251400828361511, 0.4013745188713074, -0.5104416012763977, -0.2109300196170807, 0.45443713665008545, 0.76716148853302, 0.18626448512077332, -0.4081062078475952, -1.2318754196166992, -1.6903852224349976, 0.8073742389678955, -0.9843608736991882, -0.06181082874536514, -0.3372797966003418, 0.7075750231742859, 0.5598284006118774, 1.3821476697921753, -1.0395597219467163, -1.2993773221969604, -1.186843991279602, -1.5834922790527344, 0.42091384530067444, 0.7237361669540405, -0.29855984449386597, 2.020977258682251, 0.4520316421985626, 0.2787371575832367, 0.1548970341682434, -1.090004324913025, -0.0628247857093811, 0.41286903619766235, 0.04988815635442734, 0.21718621253967285, 0.1509380042552948, 0.5929394960403442, 0.7520430088043213, -0.487267404794693, -0.5171064138412476, 0.7633737921714783, 0.47997403144836426, 0.3532724976539612, 0.7031693458557129, -1.0012171268463135, -1.3845010995864868, -0.34341222047805786, 0.31660887598991394, -0.07540390640497208, 1.1933786869049072, 0.7733299136161804, -0.8437290191650391, -1.019660472869873, -1.3415703773498535, -0.6864336729049683, 0.7494106292724609, 0.0001836717128753662, -0.4106355309486389, -0.2211805135011673, -0.34293344616889954, 0.8313294053077698, -0.3408992886543274, -0.8434624671936035, 0.33373287320137024, -1.4736849069595337, 0.6419163942337036, -0.7117420434951782, -1.2764581441879272, 0.27458062767982483, -0.15768323838710785, -1.5154813528060913, 1.6947365999221802, 0.2176857441663742, -1.3609213829040527, -1.513880968093872, 0.4047161936759949, 0.03375312685966492, 0.23627148568630219, 0.540302038192749, 0.49740707874298096, -2.093994617462158, 0.7545952796936035, 1.7019712924957275, 0.08116138726472855, -0.9224189519882202, 0.4348324239253998, 0.23253695666790009, 0.21422022581100464, 1.5041675567626953]} +{"paper_id": "narrativeqa_manual", "embedding": [-0.06264767795801163, 0.8845187425613403, -0.3081100583076477, 0.28180715441703796, 0.43755459785461426, -0.006629008799791336, 0.04290066659450531, 0.6616503000259399, 1.0072976350784302, 0.3871922194957733, 0.6345694661140442, 0.04052822291851044, 0.2286568284034729, 0.43919917941093445, -0.20383894443511963, -0.16942965984344482, -0.649491548538208, -0.3562682569026947, -1.2898049354553223, -0.8281353712081909, -0.5488689541816711, -0.7260725498199463, -0.16784705221652985, 1.4056177139282227, -0.9568397998809814, -0.7413683533668518, 0.8576430082321167, -0.9889336228370667, 0.13033664226531982, 0.21622717380523682, 0.01567082852125168, 0.9564488530158997, -1.0746537446975708, 0.6843089461326599, -0.39213064312934875, -0.4418504238128662, 0.5859214663505554, 1.0012240409851074, -0.026763997972011566, -0.3461906313896179, -0.4420449733734131, 0.6005631685256958, -0.0011682771146297455, 0.0832424983382225, 0.8816608190536499, -0.4391002357006073, 0.49227839708328247, -0.22642771899700165, -0.16507011651992798, -0.1677444726228714, -0.7307710647583008, 0.18572956323623657, 0.08734026551246643, 0.1518360674381256, 0.10386960208415985, 0.830751895904541, -0.010432496666908264, -0.31709083914756775, 0.17544426023960114, -0.21385478973388672, 1.4952034950256348, 1.469972848892212, -0.7427893280982971, 0.5449244379997253, 1.4979809522628784, -0.34053534269332886, 1.2922568321228027, 0.13307608664035797, -0.7511278390884399, 1.2214275598526, -0.5667058229446411, -0.2916962802410126, 0.2456042468547821, -0.3784971833229065, -0.032305821776390076, 1.081634521484375, 0.6615704298019409, 0.2373252809047699, -0.03789239376783371, -0.2088395655155182, 0.03056912124156952, 0.4015958309173584, 0.4190075397491455, -0.2893160879611969, 0.3856731653213501, 0.2611284852027893, 0.6190863847732544, -0.5821347236633301, -0.2056272029876709, -2.297823190689087, 0.9433355331420898, 0.680681049823761, 0.4654400050640106, -0.30619946122169495, -0.6710599064826965, 0.2991645932197571, -0.10031077265739441, -0.5729825496673584, -0.4467989206314087, -0.18512088060379028, 0.3317716419696808, -0.22064773738384247, 0.7324944734573364, -0.28287550806999207, 0.5478777885437012, 0.0039043277502059937, -0.02484957128763199, -0.11845894902944565, -0.24502494931221008, -0.9144859910011292, 0.09563164412975311, 0.8213410973548889, 0.00941427331417799, 0.5619145035743713, -0.3106240928173065, -0.03563337400555611, 0.5277565121650696, -0.598542332649231, -0.4559060335159302, 0.3907877206802368, -0.49060600996017456, -1.0389037132263184, -0.2823536992073059, -0.3050772547721863, 0.4139467477798462, -0.5767923593521118, -0.24538494646549225, -1.013229489326477, -0.1963050365447998, -0.30261316895484924, 0.4361630976200104, 0.19363322854042053, -1.4653252363204956, -0.47719234228134155, 2.8533034324645996, -0.9634469747543335, 1.2644944190979004, -0.5056242942810059, -0.06096261739730835, -0.6261892914772034, -0.6970247030258179, 1.2239452600479126, -0.17762404680252075, -0.8017277717590332, -0.6329352259635925, 0.03398065268993378, -0.06170717626810074, 0.23518310487270355, -0.5774263143539429, 0.11011907458305359, 0.20807476341724396, 0.12575283646583557, -1.6833962202072144, -0.4557824730873108, -0.3682776987552643, 0.09265279024839401, -0.4207233488559723, 0.24500790238380432, 0.035360194742679596, 0.9136961698532104, 0.5897067785263062, -0.022889606654644012, -0.7004625797271729, 0.15462778508663177, -0.47188153862953186, 0.25784832239151, 0.7428213953971863, -0.10862498730421066, -0.3656218647956848, 0.05914591997861862, 0.09416698664426804, -0.5973953008651733, -0.464311420917511, -1.1572332382202148, -0.11616906523704529, -0.11142025887966156, 0.9016684293746948, 0.6909976601600647, 0.546787440776825, -0.35547465085983276, -0.46157827973365784, -0.4426896572113037, 0.3022346794605255, 1.0788257122039795, 0.05541318655014038, 0.29060330986976624, -3.0664243698120117, 0.05518293380737305, -0.7025178074836731, 0.8638322353363037, 0.16671088337898254, 0.29440394043922424, 0.4080807864665985, 0.2656993567943573, -0.33033639192581177, -0.4425758719444275, 0.3604262173175812, -1.484068512916565, 0.5735839009284973, -0.1503669023513794, 0.25609859824180603, 0.0307212695479393, -0.136951744556427, 1.1535017490386963, 0.9098472595214844, -0.46976369619369507, -0.958146333694458, -1.8568315505981445, 0.38653889298439026, 1.976863980293274, 0.28895193338394165, -0.3359782099723816, -0.8545669913291931, 0.030028119683265686, 0.10688497871160507, -0.044439416378736496, 0.5047738552093506, -0.327596515417099, 0.4316604435443878, -0.5950629115104675, 0.7656710147857666, -0.2514247000217438, -0.05580407753586769, 0.3021029233932495, 1.4559634923934937, -0.31422266364097595, -0.44385626912117004, -1.2107776403427124, -0.5797903537750244, -0.02168673649430275, 0.7724180817604065, 0.13889384269714355, 0.048344649374485016, 0.7064462900161743, 0.7151554822921753, 0.6848250031471252, 1.121514081954956, 0.7574683427810669, -0.40034836530685425, 0.6483033895492554, -0.30649518966674805, 1.0970224142074585, -0.17479796707630157, 0.14853011071681976, 0.0007047578692436218, 0.33209535479545593, -0.5674580931663513, -0.40034979581832886, -0.13405101001262665, -0.3068428635597229, 1.0541998147964478, 1.0125516653060913, -0.7698898315429688, 0.33760273456573486, -0.7729663848876953, -0.25943684577941895, -0.17677582800388336, -0.2923024892807007, -0.9047001004219055, 0.37440919876098633, 0.7147904634475708, -0.09830933809280396, 0.37254032492637634, -0.07482355087995529, 0.38525694608688354, -1.1013212203979492, -0.9680365920066833, 0.30972692370414734, 0.0057653263211250305, -0.9152101278305054, -0.8256436586380005, 0.023616835474967957, -1.4676114320755005, -0.46558207273483276, -0.2862260043621063, -0.5663807988166809, -0.3870548903942108, 0.20800074934959412, 1.636770486831665, 0.2227717638015747, 0.09251686185598373, -0.05505771189928055, 1.7483274936676025, -0.5210867524147034, 0.4876800775527954, -0.7231844067573547, -0.1670149862766266, -1.5358167886734009, 0.3806418180465698, -1.065844178199768, 0.5093393325805664, 0.4867073893547058, -0.25667446851730347, 0.6972430348396301, -0.5345269441604614, -0.9173154234886169, 0.8619384765625, -0.28926485776901245, 0.27405300736427307, -0.9190052151679993, 1.5349044799804688, -0.16173620522022247, -0.8912016749382019, 0.8921003937721252, -0.5892279744148254, -1.0861632823944092, 0.8579134345054626, -0.11252927780151367, 0.39509424567222595, 0.5683629512786865, 0.4079272449016571, 0.17777277529239655, 0.20294874906539917, -2.094987392425537, 0.8628250956535339, 1.2801589965820312, -0.10468627512454987, 0.055658239871263504, -0.5643608570098877, 0.9986842274665833, 0.2036973237991333, -0.24117833375930786, 0.7970114350318909, -0.7637689709663391, 0.28405794501304626, -0.16189733147621155, 0.5533292889595032, 0.7496980428695679, 0.45865505933761597, 0.3932829201221466, 0.7892386317253113, 0.43365395069122314, -0.5926064848899841, -0.3172588050365448, 1.134124994277954, -0.16390034556388855, 0.71504807472229, -0.24385562539100647, 0.8941514492034912, 0.5009099245071411, -0.13650310039520264, -0.03737233206629753, 0.5276179313659668, 0.34255287051200867, 0.14444486796855927, -0.0307009294629097, -0.3542599081993103, 0.03513985872268677, -0.7519431114196777, 1.3437179327011108, -0.4150565266609192, -0.5531442761421204, -0.9961732029914856, -0.2331811636686325, -0.27735787630081177, 0.21720242500305176, 1.2572777271270752, 0.29712292551994324, 2.3371341228485107, 0.4367006719112396, -0.07409464567899704, -0.4312463104724884, -0.20334680378437042, 0.48586270213127136, 0.44691798090934753, 0.319158136844635, -0.7961472272872925, -0.4614226520061493, 0.8618775010108948, 0.5264992713928223, -0.2586408257484436, 0.10655698925256729, 0.27154725790023804, -0.08216065168380737, -0.7956557869911194, 1.0659297704696655, 0.6931071877479553, 0.8166144490242004, 1.490754246711731, -0.6349279880523682, 0.15719397366046906, 0.10144326090812683, -0.1532622128725052, 0.1827506572008133, 0.380817174911499, 0.29670533537864685, 0.3560664653778076, 0.00019918382167816162, 0.9070847034454346, -0.09978970885276794, 1.599360466003418, 1.9902156591415405, -0.4094089865684509, -1.1107823848724365, 0.2742033898830414, -0.5971083641052246, -0.08845589309930801, 0.4029943346977234, 0.12910477817058563, 0.1278703808784485, 0.546909749507904, 0.11038296669721603, -0.8712332844734192, 0.3789178729057312, -0.2615523040294647, -1.0816256999969482, 0.31346607208251953, 1.3236745595932007, -0.38315314054489136, -0.5974862575531006, -0.014450624585151672, -0.9388457536697388, -0.10716250538825989, -0.6887164115905762, -1.1002366542816162, 1.3372583389282227, 0.09262517094612122, 0.8280691504478455, 0.3167678117752075, -0.00046597421169281006, -0.9485445618629456, 1.660276174545288, 1.1761603355407715, -0.6041122674942017, 0.6983131170272827, 0.5100482106208801, 0.7961044311523438, 0.0830666571855545, -1.0895112752914429, -0.6793468594551086, 0.35816073417663574, -0.3187987804412842, 0.050278861075639725, -0.962321400642395, -0.4207248091697693, 0.68899005651474, 0.5558929443359375, 0.3543248176574707, -0.9245188236236572, 0.41779226064682007, -0.7948403358459473, 0.2670629322528839, 0.46684879064559937, -1.1446404457092285, -1.157820224761963, 0.23669473826885223, -0.881895124912262, 0.3393484055995941, -0.5822420120239258, 0.48507189750671387, 2.6510379314422607, -0.08616805821657181, -0.1430809497833252, -0.43917620182037354, -11.363659858703613, 0.8338186144828796, 0.06434111297130585, 0.3452908992767334, 0.7097266912460327, -0.36519908905029297, 0.19501402974128723, 0.4701083302497864, 0.9258450269699097, -0.5004278421401978, 0.03594793751835823, 0.21648603677749634, 0.2791711091995239, -0.09643921256065369, -0.7093461751937866, -0.9217394590377808, -0.7158434987068176, -1.2382913827896118, 0.21164678037166595, 5.46872615814209e-05, 0.08419303596019745, -0.5845872759819031, -0.7532966136932373, 0.20843888819217682, 0.43319377303123474, -0.383227676153183, -0.37919437885284424, -0.35654571652412415, -0.21152132749557495, -0.5279926061630249, 1.1586790084838867, -0.7575182914733887, -0.5187000036239624, -0.3171585500240326, 0.3749603033065796, -0.33721309900283813, -1.125471591949463, -0.31874755024909973, 0.5050238966941833, -0.9198244214057922, -0.6217526197433472, 0.045399412512779236, 0.39577850699424744, -0.0026793107390403748, -0.4704051911830902, 0.6053749322891235, 0.5021965503692627, -1.3124922513961792, -0.37352079153060913, -0.3918234705924988, -0.6886729001998901, -0.2685959041118622, -0.8643211722373962, -0.4157469570636749, 0.4781551957130432, -0.013615679927170277, -0.3365146517753601, -0.6542912125587463, -0.18962892889976501, -0.9505279064178467, 0.8343165516853333, 0.08370473235845566, -0.14646324515342712, 0.4368270933628082, 0.055662911385297775, -0.32784733176231384, 0.6339606642723083, 0.1852990984916687, 0.08714760094881058, 0.6864570379257202, -0.3458212614059448, 1.1301199197769165, -0.060092493891716, 0.6399181485176086, -0.2873607277870178, 0.41597992181777954, -0.5232515931129456, -0.3482644557952881, 0.5840181708335876, 0.3257855474948883, -1.045640230178833, 0.5802798271179199, 0.008640598505735397, -0.49630704522132874, -0.41829800605773926, 0.1113736629486084, 0.3625321686267853, 0.3791297376155853, 0.8926594257354736, -0.9016057252883911, 1.2645676136016846, -0.038487933576107025, -0.3893390893936157, -0.28366413712501526, -0.7120133638381958, 0.08119024336338043, -0.78086256980896, 0.4000879228115082, 0.810738205909729, -0.35504820942878723, -0.5178677439689636, 0.08898214250802994, -0.9137594699859619, -0.3391430377960205, 1.1254239082336426, 0.04218599945306778, 0.04398690164089203, -0.06757143139839172, -0.12439970672130585, -0.9404340982437134, 0.5322983264923096, 1.2013580799102783, -0.2767975926399231, 1.780308485031128, -1.1126465797424316, 0.9199833273887634, 0.8435171842575073, -0.4636625349521637, -0.32629188895225525, 1.683527946472168, -0.6654529571533203, 0.9701465964317322, 0.4368912875652313, 1.5142806768417358, -0.26728618144989014, -0.026897946372628212, 0.49903199076652527, 0.6830670237541199, -0.20870763063430786, -0.9417297840118408, -0.13320207595825195, -0.6154387593269348, 0.29851895570755005, -0.8702130317687988, -0.7967662215232849, 0.5023888349533081, -0.6958649158477783, 1.5344510078430176, -0.9597535729408264, -0.10939488559961319, -0.28031057119369507, -0.266106516122818, -0.7414222955703735, -0.7288256883621216, -0.8345431685447693, -0.3997681736946106, -1.8666160106658936, 0.4109216332435608, -0.6019133925437927, -0.2079659402370453, -0.12247155606746674, -0.8199511170387268, 1.0246310234069824, -0.052698493003845215, -0.3699676990509033, -0.16641011834144592, 0.35319697856903076, -0.6813958287239075, -1.053041934967041, 0.00513053685426712, 0.23815038800239563, 1.1617368459701538, -0.6830983757972717, 1.0080831050872803, 0.21613982319831848, -0.13001896440982819, -0.6393872499465942, 0.3431616425514221, -1.126565933227539, 0.6136389970779419, 0.7611441612243652, -0.9738591909408569, -0.3146260976791382, -1.0465229749679565, -0.21280139684677124, -0.7106636762619019, 0.2345201075077057, 0.8936593532562256, -1.2689311504364014, -0.24821890890598297, -0.09549324959516525, 0.4770601987838745, 0.5288830399513245, -0.5410971641540527, -0.10807866603136063, -0.06271891295909882, -0.17969349026679993, 0.992201030254364, 0.05019610375165939, 0.8881070017814636, -1.1278059482574463, -1.2779529094696045, -0.843364953994751, -0.8300414681434631, 0.5843241214752197, 0.08779772371053696, 0.938470184803009, 0.4409327507019043, -0.806780219078064, -0.16293169558048248, -0.4607357084751129, 0.6741193532943726, 0.16799229383468628, 0.8249393105506897, -0.031899962574243546, 0.38087061047554016, -0.6852135062217712, 0.14644135534763336, 0.45760029554367065, 1.3460863828659058, -0.2853088974952698, -0.1885298639535904, 0.5581821203231812, -0.18009205162525177, -0.19344140589237213, -1.809571623802185, -0.2427687644958496, -0.612769603729248, -0.1772392988204956, -0.9188956618309021, -0.1336686611175537, 1.2990777492523193, -0.38003450632095337, 1.10969877243042, 1.315994143486023, 0.4004594385623932, 0.10382189601659775, 0.3785502314567566, 1.0070041418075562, 0.08557556569576263, 0.1542661041021347, 0.5666205883026123, 0.3866417706012726, 0.49418267607688904, -0.10334859788417816, -0.7195802330970764, -0.5583393573760986, 0.6272448301315308, -0.1447923630475998, 0.9855788946151733, 0.2180148810148239, -0.00679238885641098, 1.2201639413833618, 1.1947009563446045, -0.22308863699436188, -2.0470855236053467, -0.9989702701568604, -1.56106436252594, -0.12292401492595673, 0.8897425532341003, 0.13204047083854675, 0.09558945894241333, 0.4206222891807556, -0.5008646249771118, 1.422738790512085, -0.5073446035385132, 0.21296575665473938, 0.6087582111358643, -0.3917732834815979, 0.7002639770507812, 0.663939356803894, 0.43436509370803833, 0.6121546030044556, -0.3051290512084961, -1.2347757816314697, 0.2361803650856018, -0.766166090965271, 0.15627123415470123, 0.4445059895515442, -0.9446935057640076, -0.07499933987855911, -0.22962641716003418, 1.0643088817596436, -0.1435532569885254, 1.0076982975006104, -0.08830678462982178, -0.5134097337722778, -0.31616947054862976, -0.9611734747886658, -0.5547459125518799, 0.105026014149189, -0.3059149980545044, 0.020154178142547607, -0.5388196706771851, 0.15456730127334595, 0.15516634285449982, 0.5257254838943481, -0.755005955696106, -0.06843098998069763, -0.5484232306480408, 0.1746816784143448, -0.0669541284441948, -0.5840050578117371, -0.7312555313110352, 0.13505133986473083, -0.4970793128013611, 0.22426347434520721, 0.5234390497207642, -0.6079365015029907, -0.7178279757499695, 0.66805100440979, -0.02975809946656227, 0.09918975830078125, 0.16926726698875427, 0.16128580272197723, -1.6881202459335327, 0.4867943227291107, 0.516255795955658, -0.25391465425491333, -0.005129365250468254, -0.04137551039457321, 0.2726205885410309, 0.5519208312034607, 0.9643183946609497]} +{"paper_id": "cornell_movie_dialog", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "linnaeus", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "coarse_discourse", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "hind_encorp", "embedding": [0.15080314874649048, 0.7985265851020813, 0.4294871389865875, 0.035020843148231506, 0.7958903908729553, -0.33392056822776794, 0.5095436573028564, 0.7082267999649048, 0.7704988121986389, 0.21148258447647095, 0.25960758328437805, -0.14477477967739105, 0.3495400846004486, -0.014516832306981087, -0.17206227779388428, -0.7513771057128906, -1.2974469661712646, -1.0375196933746338, -1.1686515808105469, -0.418379545211792, -0.6617851853370667, -0.2156321406364441, -0.4674540162086487, 0.4759657084941864, -0.3742097020149231, -0.5098229050636292, 0.39488640427589417, -0.91298907995224, 0.3609532117843628, 0.4946400821208954, -0.3824220299720764, 1.5848661661148071, -0.9663121700286865, 0.2731914222240448, -0.5655988454818726, -0.34348437190055847, 0.26392048597335815, 0.8998995423316956, -0.5033681988716125, 0.2881324291229248, -0.5320798754692078, -0.40720134973526, 0.22113963961601257, 0.15675844252109528, 1.0301389694213867, -0.1021299734711647, -0.6372279524803162, 0.2494397908449173, 0.131151482462883, 0.20992378890514374, -0.6230248212814331, 0.4739241302013397, 0.1579461395740509, 0.4365042746067047, -0.5395148396492004, 0.7068527340888977, 0.7051997780799866, -0.7850729823112488, 0.4959920644760132, -1.2075386047363281, 0.47170767188072205, 1.3933769464492798, -0.6602569818496704, 0.18849532306194305, 0.9769419431686401, 0.19715560972690582, 1.0948745012283325, 0.3025100827217102, 0.7396270036697388, 0.7833863496780396, 0.2430581897497177, -0.888893723487854, 0.7501412630081177, 0.10530436038970947, 1.2315477132797241, 0.7838454246520996, 0.3626367449760437, 0.24876850843429565, 0.01874200627207756, 0.3856504559516907, -0.1284506916999817, 0.8624191880226135, 0.3639368414878845, -0.6657120585441589, 0.19109123945236206, 0.225111186504364, 0.16048866510391235, -0.38635239005088806, 0.6508755087852478, -1.2020015716552734, -0.2747345566749573, 0.1344653218984604, 0.09772247821092606, 0.3712722063064575, -0.2950882613658905, 0.140522301197052, -0.44437503814697266, 0.3434700667858124, -0.4656558036804199, 0.18172597885131836, 0.6593541502952576, -0.36558493971824646, 0.21080441772937775, -0.06277505308389664, 0.13105851411819458, 0.9434918165206909, -0.4179251194000244, -1.0343214273452759, -1.3512470722198486, -0.5069918632507324, -0.2532663643360138, 1.11038076877594, -0.5025324821472168, 0.7664474844932556, -0.04245710372924805, -0.29663100838661194, -0.13065481185913086, -0.40362676978111267, -0.9701608419418335, -0.09978969395160675, -0.4200054109096527, -1.0519641637802124, -0.40910089015960693, -0.4879799485206604, 1.085607647895813, -0.48175159096717834, 0.48657459020614624, -0.4618799388408661, 0.47970515489578247, -0.4376215934753418, 0.6462308168411255, 0.09352804720401764, -0.02307489514350891, -0.23971812427043915, 2.57629656791687, -0.33324742317199707, 1.4127731323242188, -0.7885372638702393, 0.1673693060874939, -0.25112053751945496, 0.14467662572860718, 1.6999908685684204, 0.07047320157289505, -0.44889119267463684, -0.19887644052505493, -0.27780258655548096, -1.203514575958252, 0.19034035503864288, -0.47052302956581116, -0.5617889165878296, -0.46771693229675293, 0.5814961791038513, -1.1137508153915405, -0.9888308644294739, 0.08849893510341644, 0.3996403217315674, 0.6865094900131226, 1.0034260749816895, -0.8496717214584351, 0.6653439998626709, 0.3329584300518036, 0.514374852180481, -0.3972502648830414, 0.28517574071884155, -1.3593201637268066, 0.1576775163412094, 1.4585845470428467, -0.11372070014476776, -0.31782054901123047, -0.4405822157859802, 0.6358391046524048, -0.047603897750377655, 0.016293026506900787, 0.12216494232416153, -0.13919340074062347, 0.5079779624938965, 0.570999801158905, 0.8133589029312134, -0.1371823102235794, -0.6737223863601685, -0.4715638756752014, -0.18938285112380981, -0.4907989203929901, 0.28523901104927063, 0.28145596385002136, 0.562987744808197, -2.0673727989196777, -0.01892237365245819, -0.10452278703451157, -0.40745946764945984, -0.1965271234512329, -0.7518023252487183, -0.024268798530101776, -0.40570926666259766, 0.9110616445541382, 0.1345827877521515, 0.5444085597991943, -0.8184193968772888, -0.5712107419967651, 0.4403626322746277, 0.17514029145240784, 0.18564045429229736, -0.25524085760116577, 1.0557074546813965, 0.23109005391597748, -0.10503735393285751, -0.7372205853462219, -1.0651618242263794, -0.2459505796432495, 2.2885169982910156, 0.2221979796886444, -0.6723249554634094, -1.2210798263549805, -0.6029961705207825, 0.11578511446714401, -1.4203897714614868, 0.26085415482521057, -0.8326229453086853, -0.47436845302581787, -1.2508766651153564, 0.18479877710342407, -0.5895322561264038, -0.05014599859714508, 0.21645091474056244, 0.4049912989139557, -0.2831677198410034, -0.40162304043769836, 0.1578647494316101, -0.8582004904747009, 0.2636028826236725, 0.8212924599647522, 0.06913483887910843, -1.16331946849823, 0.24082210659980774, 0.13359707593917847, 0.6063512563705444, 0.19781255722045898, 0.38641101121902466, -0.6365706920623779, -0.3214685618877411, -0.07474926114082336, 1.0692604780197144, -0.5451695919036865, -0.06070121377706528, 0.7025588154792786, 0.7058113813400269, -0.5235013365745544, -0.46390408277511597, -0.13761067390441895, 0.33588656783103943, 1.5909889936447144, 1.2976512908935547, -0.3335849940776825, 1.3960411548614502, -1.0710879564285278, 0.6400250792503357, 0.13066501915454865, -0.9909848570823669, -0.08088747411966324, -0.2745172381401062, 0.7833425998687744, -0.21497206389904022, 0.1562259942293167, -0.25953030586242676, -0.3894607722759247, -1.13901948928833, -0.5111247301101685, -0.372952938079834, -0.6674360632896423, -1.2496989965438843, -0.32793930172920227, 0.24938803911209106, -0.8677725791931152, -0.5039917230606079, -0.36610084772109985, 0.40819984674453735, 0.21276375651359558, 1.301809549331665, 1.7962895631790161, 0.08573649823665619, 0.4426197111606598, -0.2813372313976288, 0.2938928008079529, -0.8264743089675903, 1.0685211420059204, -0.551482617855072, 0.22969648241996765, -0.865739643573761, -0.43446269631385803, -0.46886366605758667, -0.04408113658428192, 0.36784207820892334, -0.1052631288766861, 0.4732591211795807, -0.23693832755088806, -1.7395853996276855, 0.6852422952651978, -0.7636487483978271, 0.4703849256038666, -0.9193077087402344, 1.5637770891189575, 0.28791823983192444, 0.18768759071826935, -0.011214496567845345, -0.07575645297765732, -0.039912447333335876, 1.2831259965896606, -0.8395025730133057, 0.7175679206848145, 0.17428484559059143, -0.394593209028244, 0.2559414505958557, 0.15985387563705444, -2.2368412017822266, -0.19112761318683624, 0.6118959784507751, 0.02165011689066887, -0.5139961242675781, -0.671044111251831, 0.3755953311920166, -0.42328357696533203, -0.3465352952480316, 0.3484187722206116, -0.81866055727005, 0.6651231646537781, -0.19334039092063904, 0.3544480800628662, 0.6404747366905212, -0.7904570698738098, 0.36746513843536377, 1.1136292219161987, 0.30194035172462463, -0.276940256357193, -0.4911399185657501, 0.32561954855918884, -1.0650029182434082, 0.6298937797546387, 0.8868996500968933, 0.5626934170722961, 0.9439834356307983, -0.5260258316993713, -0.0809657946228981, 0.524199366569519, 1.2907724380493164, 0.15032555162906647, 0.8032075762748718, 0.25273698568344116, 0.6477562785148621, 0.16116631031036377, 1.191802740097046, 0.18162502348423004, -0.7225129008293152, -0.6037933230400085, 0.01910058781504631, -0.36694520711898804, -0.4359254539012909, 1.8788092136383057, 0.7730482220649719, 0.9813035726547241, 0.08561668545007706, 0.5290477275848389, -0.2565438747406006, 0.060840386897325516, 1.165355920791626, 0.29119038581848145, -0.21966470777988434, 0.2714542746543884, -0.47631189227104187, 0.8704038858413696, -0.3632828891277313, -0.5192973017692566, 0.009647545404732227, 0.8111716508865356, -0.11019471287727356, -0.4641212821006775, -0.4015827476978302, 0.7099676132202148, 0.38243192434310913, 1.373018503189087, -0.8067217469215393, -0.37682899832725525, -0.5299131274223328, 0.3395518362522125, -0.023349512368440628, 0.6013273000717163, -0.9382669925689697, 0.12030451744794846, 0.5936542749404907, 0.842520534992218, 0.053998276591300964, 0.3385726511478424, 0.5562613606452942, -0.6863996386528015, -0.6798272132873535, -0.1369638442993164, -1.3062307834625244, -0.28025978803634644, -0.6212959885597229, -0.34453874826431274, -0.47460538148880005, 0.749300479888916, -0.43869349360466003, -0.8428853154182434, 0.2389824390411377, 0.31063368916511536, -1.3761212825775146, 1.2706109285354614, 0.6615147590637207, -1.2247895002365112, -0.3136533498764038, -0.41976237297058105, -0.4556877315044403, -1.1877774000167847, 0.7450060844421387, -0.1047053411602974, -0.20148716866970062, 0.3363741338253021, 0.7157784104347229, -0.13445298373699188, -0.13195852935314178, -1.2757959365844727, 0.6448330283164978, 1.1303821802139282, -0.9721439480781555, -0.15225675702095032, -0.1502244770526886, 0.3815683126449585, -0.4250044524669647, -0.9308841228485107, -0.407959908246994, 0.4951343238353729, 0.39372873306274414, -0.40506669878959656, -0.474945604801178, -0.2851833701133728, -0.11873332411050797, -0.04287836700677872, 1.1211971044540405, -1.22585928440094, 0.5867149829864502, -0.5284224152565002, 0.9714536666870117, 0.5754743814468384, -0.42464298009872437, -0.7173198461532593, 0.9794940948486328, -0.691048800945282, 0.4970647990703583, 0.1457950919866562, 0.39077889919281006, -0.11343564093112946, 0.41972190141677856, 0.93018639087677, -0.2073308527469635, -12.311111450195312, -0.20913422107696533, -0.42457807064056396, -0.20623479783535004, 0.5320899486541748, 0.043651893734931946, 0.9937023520469666, 0.7213360667228699, 0.013831909745931625, -0.09309149533510208, 1.028106451034546, 0.8708767890930176, 0.1322883665561676, -0.6159645915031433, -0.3909572660923004, -0.6459221243858337, -0.4800353944301605, -0.4467170238494873, 0.376930296421051, 0.29788562655448914, -0.5201209783554077, -0.8541126847267151, -0.3929275870323181, 0.08089712262153625, -0.20428608357906342, -0.31196969747543335, -0.06274576485157013, 0.33933380246162415, -0.4649355411529541, -0.14692525565624237, 0.4362102448940277, -0.29529574513435364, -0.7234188318252563, -0.1447075754404068, 0.5248548984527588, 0.34961363673210144, -0.7289258241653442, 0.10231027007102966, 0.7876561284065247, -0.03576336428523064, -0.37893736362457275, 0.5224023461341858, -0.18410028517246246, -0.09445174783468246, -0.09990978986024857, 0.06431962549686432, 0.048217639327049255, -0.41354647278785706, 0.8207263946533203, -0.9874849319458008, -1.031769037246704, -0.7773506045341492, -1.2431925535202026, -0.8168933987617493, 0.5491091012954712, -0.2174329161643982, -0.4518376588821411, 0.06969189643859863, -0.10051926970481873, -1.0071154832839966, 0.9752652049064636, 0.2910346984863281, 0.02479187399148941, 0.26361843943595886, 0.09479154646396637, -0.7132645845413208, 0.6543563008308411, 0.640397846698761, -0.5978357791900635, 0.5359420776367188, -0.9082475304603577, 0.7696192264556885, 0.14388498663902283, 0.2507721483707428, -0.3449155390262604, -0.14171862602233887, -0.32603543996810913, 0.06480590999126434, 0.42762839794158936, 0.23869478702545166, -1.0870996713638306, 0.1340545117855072, 0.17616598308086395, -0.08242431282997131, -0.3170417547225952, 0.27550843358039856, -0.019728459417819977, 0.3377554416656494, 1.2922391891479492, 0.3717622756958008, 1.4309002161026, -0.14586368203163147, 0.05611170828342438, -0.5989262461662292, -0.36125025153160095, 1.3276668787002563, -0.3064674437046051, 0.6984570026397705, -0.040423810482025146, -0.8833056688308716, 0.44672349095344543, -0.6188139319419861, -0.4730079472064972, 0.28999564051628113, 0.797875702381134, 0.06884722411632538, 0.44624656438827515, 0.3636438846588135, 0.24575336277484894, 0.21880511939525604, 1.0342388153076172, -0.12491679191589355, -0.25659769773483276, 1.4042916297912598, 0.5231101512908936, 0.7899186611175537, 0.7791218161582947, 0.27335280179977417, 1.1261459589004517, 0.24059855937957764, -0.09489820897579193, 0.6032782196998596, 0.3109229505062103, 1.6253070831298828, 0.17949272692203522, 0.5510319471359253, 0.6513801217079163, 0.9408998489379883, -0.39867305755615234, -0.9113572835922241, -0.12220644950866699, 0.036149900406599045, 0.3429996371269226, -0.5909456610679626, -0.12223981320858002, -0.22957445681095123, -0.6932657957077026, 1.2619545459747314, -0.2950896620750427, 0.27525076270103455, 0.23219303786754608, -1.2174397706985474, -0.6014819145202637, -0.25560668110847473, -0.5788418054580688, -0.026465147733688354, -1.4331239461898804, -0.17231491208076477, 0.28524500131607056, -0.8169400691986084, 0.578728973865509, 0.006560273468494415, 0.7202443480491638, -0.5685784816741943, -0.28602394461631775, -0.10797309875488281, 0.618022084236145, -0.6204013824462891, -0.43584999442100525, -0.23017233610153198, 0.26220420002937317, 1.1392780542373657, -0.9837386012077332, 1.0115957260131836, 0.8545236587524414, 0.6323065757751465, -0.8710569143295288, -0.38123801350593567, -0.1692579835653305, 0.8298047780990601, 0.6218504905700684, -1.5112106800079346, -0.5108869671821594, -0.4419274926185608, -0.29241278767585754, -0.19550271332263947, 0.11589514464139938, 1.0048954486846924, -0.9773184061050415, 0.5786375403404236, -0.40232935547828674, 0.33038726449012756, -0.06594815850257874, -1.1375608444213867, -0.8702793121337891, 0.3684384226799011, -0.32808440923690796, 1.0061471462249756, -0.2152613252401352, 0.3277571499347687, -1.8919283151626587, -0.9882802367210388, -0.24498692154884338, -0.003207739442586899, 0.6391963362693787, -0.17645688354969025, 0.7522894144058228, -0.2944321036338806, 0.09243911504745483, 0.137140154838562, -0.045111969113349915, 0.05117898806929588, 0.232864111661911, 0.019773993641138077, -0.19203004240989685, 0.2341640293598175, -0.6505239605903625, -0.034612759947776794, 0.13896770775318146, 0.10823732614517212, -1.2651468515396118, -0.32131093740463257, 0.2706119418144226, 0.15891748666763306, -0.0461808443069458, -0.6668959856033325, 0.13976675271987915, 0.08319731056690216, -0.14262209832668304, -1.168420672416687, -0.5536931753158569, 0.8108216524124146, -0.5149896144866943, 1.2012187242507935, 0.3826373219490051, 0.23978902399539948, 0.6253674626350403, 0.3219744563102722, 0.8224987387657166, -0.28340163826942444, -0.6285027265548706, -0.5729451775550842, 0.21402163803577423, -0.42535844445228577, -0.04733588546514511, 0.777887761592865, -1.3864625692367554, -0.06606893986463547, -1.2446942329406738, 0.8926372528076172, -0.27641594409942627, -0.12635646760463715, -0.03249174356460571, 1.0920474529266357, -0.06135166063904762, -0.969997227191925, 0.10272659361362457, -0.34961915016174316, -0.21196967363357544, 0.30498579144477844, 0.4657135307788849, 1.1771266460418701, 0.7512404322624207, 0.4617040753364563, 1.1567224264144897, -0.28403645753860474, 0.10071876645088196, 0.28330206871032715, 0.3247082829475403, 0.8689656853675842, 0.5976210236549377, 0.06336596608161926, 0.2464204579591751, 0.0415961816906929, -0.7754641771316528, -0.38922399282455444, -0.2914033830165863, 0.7823151350021362, 1.1222615242004395, 0.17469355463981628, -0.10832243412733078, -1.2336890697479248, 0.170981764793396, -0.6010898947715759, 0.8854443430900574, 1.0233811140060425, -0.6034942865371704, -1.1244908571243286, -0.7821495532989502, 0.22352170944213867, 1.1738812923431396, -0.622063398361206, -0.2740039825439453, -0.9348141551017761, 0.3591160178184509, 0.5389178991317749, -0.892049252986908, -1.1944317817687988, 0.5207860469818115, -0.31320130825042725, -0.0021677911281585693, 0.5538575649261475, -0.6810197234153748, -0.5160409808158875, 0.7468143701553345, -0.7890358567237854, 0.4434641897678375, -0.5223318934440613, -0.9488847851753235, -0.12099549174308777, 0.6513363122940063, -0.07541847229003906, -0.5516548156738281, 0.5383180975914001, -0.26226529479026794, -1.4335484504699707, 0.6882289052009583, 1.0510023832321167, -0.33442223072052, -0.359516978263855, 0.6605905890464783, 0.2654813528060913, 0.732768177986145, 1.0177932977676392]} +{"paper_id": "newsph_nli", "embedding": [-0.48355674743652344, 0.9861838817596436, 0.18687014281749725, -0.231168732047081, 0.09940224140882492, -0.5433027148246765, 0.4704248607158661, 0.3338357210159302, 0.7086504697799683, 0.7055397033691406, 0.15200287103652954, 0.08301088958978653, -0.3303210437297821, -0.1360022872686386, -0.046350833028554916, -0.26996049284935, -1.5657906532287598, -0.4985770285129547, -1.5007518529891968, -0.6907699108123779, -0.21008607745170593, -0.3140324354171753, -0.19862982630729675, 0.41895952820777893, -0.6034539937973022, -0.4990674555301666, 0.8227358460426331, -1.184541940689087, 0.5539023876190186, 0.4362729489803314, -0.2898997366428375, 1.114419937133789, -1.5914705991744995, 0.23958727717399597, -0.16379135847091675, 0.2918540835380554, 0.342829167842865, 1.3865079879760742, -0.14025269448757172, 0.28485405445098877, -1.1063332557678223, -0.07241358608007431, 0.24373196065425873, 0.24088791012763977, 0.8691406846046448, -0.0945652574300766, -0.043622974306344986, 0.07507732510566711, -0.20201295614242554, -0.023232895880937576, -0.16064453125, -0.2557905316352844, 0.017747413367033005, 0.3443946838378906, -0.381991446018219, 1.7923882007598877, 0.44831058382987976, -0.903217077255249, 0.8419243693351746, -0.8014349937438965, 1.5996843576431274, 1.7376124858856201, -0.5397245287895203, 0.43299347162246704, 1.0506752729415894, -0.21783462166786194, 1.3266066312789917, 0.27727848291397095, 0.5133325457572937, 0.5942719578742981, -0.2220643162727356, -1.0241568088531494, -0.11545423418283463, -0.022719591856002808, 0.20387938618659973, 1.1115357875823975, 0.38106852769851685, 0.562410831451416, 0.34011316299438477, 0.22971349954605103, -1.4007391929626465, 0.7712956070899963, 0.8724374771118164, -1.1115307807922363, -0.14469268918037415, 0.8306540250778198, 0.6259920597076416, -0.37110117077827454, 0.29354962706565857, -1.872252106666565, 0.5404055714607239, 0.3520480692386627, -0.2548036575317383, -0.1407027244567871, -0.278242290019989, 0.42424649000167847, -0.22030775249004364, -0.19114083051681519, -0.328163743019104, 0.08499937504529953, 0.7466641068458557, -0.298338383436203, 0.19598720967769623, -0.07724333554506302, 0.3406023383140564, 1.141777515411377, -0.2714143991470337, -0.28084516525268555, -0.9278913140296936, -0.18004918098449707, -0.32848694920539856, 1.017795205116272, -0.19835522770881653, 0.3715655505657196, -0.359991192817688, -0.39378342032432556, -0.1536024510860443, -0.7602918148040771, -0.6721916794776917, 0.04030316695570946, -0.5543582439422607, -1.5756334066390991, -0.1585109829902649, 0.19108884036540985, 0.9590941071510315, -0.8000749945640564, -0.14731673896312714, -0.26197752356529236, 0.8497877717018127, -0.20648075640201569, 0.5729115605354309, -0.516460657119751, -1.2038825750350952, -0.20690108835697174, 3.515259265899658, -0.5976536870002747, 1.8521448373794556, -0.6901283264160156, 0.20170585811138153, -0.36845797300338745, 0.35039880871772766, 1.1355669498443604, -0.2597900927066803, -0.08628973364830017, -0.6831780076026917, 0.10174943506717682, -0.5883983969688416, 0.009124197997152805, -0.6973358392715454, -0.4105183780193329, -0.05478649213910103, -0.5970000624656677, -1.5667228698730469, -0.5017947554588318, -0.04465780407190323, 0.2750129699707031, -0.03267168253660202, 1.0399500131607056, -0.7328469753265381, 0.8934239745140076, 0.3434114158153534, -0.35958653688430786, 0.07224151492118835, 0.40754950046539307, -0.7341685891151428, -0.001236144918948412, 0.8774177432060242, 0.022103063762187958, -0.2819582223892212, -0.5412968993186951, 0.8489519357681274, -0.2929753065109253, -0.258213609457016, -0.4358108639717102, 0.6125900149345398, 1.0533045530319214, 0.3101177513599396, 0.8623466491699219, 0.18209899961948395, -0.2446514070034027, -0.6889264583587646, -0.49254539608955383, -0.3420816659927368, 0.39195045828819275, -0.27454379200935364, 0.5882535576820374, -2.3384876251220703, -0.28058475255966187, -0.1319347470998764, 0.06903137266635895, 0.14980116486549377, -0.4376438856124878, 0.21719172596931458, 0.359933078289032, 0.2678569555282593, -0.1345268189907074, 0.23058389127254486, -0.8853561282157898, -0.15100768208503723, 0.6187694668769836, 0.1724618375301361, -0.0842934176325798, 0.35935652256011963, 0.9081109762191772, 0.3280092179775238, -0.569924533367157, -0.5576844811439514, -1.6711981296539307, 0.04941541701555252, 2.8957223892211914, -0.517806351184845, -0.6152935028076172, -1.392660140991211, 0.003377944231033325, 0.3154881000518799, -0.22273144125938416, 0.2717854678630829, -0.7575607895851135, -0.3006890118122101, -0.3764321506023407, 0.3330235183238983, -0.6225188970565796, 0.8120786547660828, 0.6812412142753601, 0.6868669986724854, -0.4787287712097168, -0.7343627214431763, -0.6681824326515198, -1.2326998710632324, 0.5741316676139832, 0.3746919631958008, 0.22871072590351105, -0.7898709774017334, 0.8518973588943481, -0.14305736124515533, 0.7766222357749939, 0.5525786280632019, 0.546273946762085, -0.4620612859725952, -0.6282105445861816, 0.36963677406311035, 0.6714008450508118, -0.06198546290397644, 0.6648540496826172, 0.41866952180862427, 0.8252959251403809, -0.3684117794036865, -0.5533975958824158, -0.44058823585510254, 0.39434418082237244, 1.0782971382141113, 0.6077409982681274, -0.8407440781593323, 1.277426838874817, -1.4950066804885864, 0.18573713302612305, -0.8557168841362, -0.6035603880882263, -0.10203201323747635, -0.3135162591934204, 0.6010119915008545, -0.2808644473552704, 0.2276507318019867, -0.6632192134857178, -0.26694461703300476, -1.5493950843811035, -0.5182632803916931, -0.4892576038837433, -0.3616117238998413, -1.7162048816680908, -0.25010713934898376, -0.16061018407344818, -0.6293888092041016, -0.960108757019043, 0.19923387467861176, 0.7635099291801453, 0.48407790064811707, 1.1103005409240723, 1.786514401435852, -0.25079047679901123, 0.4881330728530884, 0.6982287764549255, 0.697023868560791, -0.7654657959938049, 1.438905954360962, 0.14291594922542572, 0.4906003177165985, -0.7509158849716187, 0.35659146308898926, -0.6540849208831787, 0.2090199887752533, 0.5708118677139282, -0.5400603413581848, 0.04286321997642517, -0.2991204559803009, -0.9965454339981079, 0.6485913395881653, -0.5252315998077393, 0.22063887119293213, -0.6597346663475037, 1.8180049657821655, 0.6354020237922668, 0.25710350275039673, 1.0641177892684937, -0.6971416473388672, -0.20874029397964478, 1.0120041370391846, -0.8754116296768188, 0.7471525073051453, 0.5746933221817017, 0.35510024428367615, 0.47716382145881653, 0.2866945266723633, -2.3712918758392334, 0.504342794418335, 1.147362232208252, -0.2123740017414093, -0.7544928789138794, -1.077040433883667, 0.22610770165920258, -1.0075500011444092, -0.07113712280988693, 0.023156920447945595, -0.747835099697113, 0.3715600371360779, -0.2422347366809845, 0.13306677341461182, 1.855467438697815, -1.1175916194915771, 1.2344543933868408, 1.2923517227172852, 0.5193918347358704, -0.6800850033760071, -0.6629153490066528, 1.0329079627990723, -0.6304693222045898, -0.1957823634147644, -0.4484529495239258, 0.8957235813140869, 1.1737209558486938, -0.18614718317985535, -0.6108039617538452, 0.8518649935722351, 1.194056510925293, 1.0557771921157837, 0.4114910662174225, -0.8468993902206421, 0.3528430461883545, -0.07662522792816162, 1.1179542541503906, 0.010523077100515366, -0.9913101196289062, -1.2972378730773926, -0.38370034098625183, 0.3120838403701782, -0.8841999769210815, 1.9205836057662964, 0.8650639057159424, 1.4930309057235718, -0.04769977927207947, 0.435274600982666, -0.15625622868537903, 0.09931118786334991, 1.1095514297485352, 0.8150733709335327, -0.3299594521522522, 0.12768375873565674, -0.3203684389591217, 1.1401790380477905, -0.5283883213996887, -0.4494929015636444, 0.27065733075141907, 0.7425640225410461, -0.6225820183753967, -0.8453915119171143, 0.5798653960227966, 1.1695353984832764, 0.8379465341567993, 1.5598583221435547, -0.4756423234939575, -0.8096913695335388, 0.14668288826942444, 0.50244140625, 0.18753764033317566, 0.22542238235473633, -1.0960925817489624, 0.7558653354644775, 0.6859081387519836, 0.391221821308136, -0.2712791860103607, 0.586219072341919, 1.2258855104446411, -0.6738258004188538, -1.0473636388778687, -0.27759885787963867, -0.9674259424209595, -0.0688515156507492, -0.27420568466186523, -0.2304205745458603, -0.5650529265403748, 0.7386679649353027, -0.5158613920211792, -0.9239080548286438, 0.8132079839706421, -0.08147028088569641, -1.2220741510391235, 1.11945378780365, 0.6083860397338867, -1.2408725023269653, -0.49077901244163513, 0.1868923455476761, -1.0040132999420166, -0.9454004764556885, 0.027172859758138657, -0.18830309808254242, 0.1748015284538269, -0.15206509828567505, 1.28391695022583, -0.09472241252660751, -0.479631245136261, -1.5726133584976196, 0.03276681900024414, 1.6489639282226562, -0.910447895526886, 0.48946329951286316, 0.7686611413955688, -0.12846417725086212, -0.4228978455066681, -1.0575686693191528, -0.936899721622467, 0.42787426710128784, 0.5869652032852173, 0.31093287467956543, -0.5757696032524109, -1.111700415611267, 0.08015932887792587, -0.388474702835083, 0.8754487633705139, -1.678672432899475, 0.09062003344297409, -0.16560247540473938, 0.24041393399238586, 0.12765303254127502, -0.8673267364501953, -0.5602565407752991, 1.168165922164917, -0.44389814138412476, 1.6316474676132202, 0.19610172510147095, 0.12093643844127655, 1.155717134475708, 0.19817578792572021, 0.07646201550960541, -0.5683868527412415, -10.073809623718262, 0.11812914907932281, -0.46604594588279724, -0.09262524545192719, 0.657776415348053, -1.0218136310577393, 0.6527082920074463, 0.01169691514223814, 0.5634998679161072, -0.8984670042991638, 0.6020987033843994, 1.3259564638137817, -0.03436644375324249, -0.43143367767333984, -0.278781533241272, -0.7899894118309021, -1.0416501760482788, -0.19648271799087524, 0.258467435836792, -0.05211281031370163, -0.8396530151367188, -1.149512529373169, -0.37248945236206055, 0.6817506551742554, 0.48628148436546326, 0.8486078977584839, -0.6926032900810242, 0.0887448787689209, -0.6532915234565735, 0.14330871403217316, 0.5239983201026917, -0.5537557005882263, -0.991386353969574, -1.017303466796875, 0.5266698002815247, -0.2225348949432373, -1.0308222770690918, 0.07581532746553421, 0.9944056868553162, 0.1357027292251587, -0.32505929470062256, 0.7685744762420654, 0.2326589673757553, 0.016005152836441994, -0.33221134543418884, 0.48347634077072144, 0.368754118680954, -0.4792534410953522, 0.11514042317867279, -0.2104019671678543, -0.5298594236373901, -0.585178554058075, -0.8605161905288696, -0.9626132845878601, 0.23289825022220612, 0.5229066610336304, -0.6625813841819763, 0.6017786860466003, -0.7185989022254944, -1.0615856647491455, 0.5535282492637634, 0.2027999758720398, -0.5280570983886719, 0.15518811345100403, -0.0559411346912384, -0.8221505284309387, 0.4057254493236542, 0.5180865526199341, -0.3598323464393616, -0.018151860684156418, -0.5025607943534851, 0.7636538743972778, -0.12967142462730408, 0.08553393185138702, -0.16215187311172485, -0.14387473464012146, -0.4873844385147095, -0.2254020720720291, 0.7010205388069153, -0.02769244834780693, -0.9879043698310852, 0.5079766511917114, 0.3978605270385742, -0.7437898516654968, -0.7169240117073059, 0.25629913806915283, 0.1729285717010498, -0.382745623588562, 0.658649206161499, 0.47341179847717285, 1.7876967191696167, -0.12169045209884644, 0.03045453131198883, 0.21202823519706726, -0.2186848223209381, 1.2973965406417847, -0.3253673315048218, 1.2490417957305908, -0.16853606700897217, -1.225537896156311, 0.6845908761024475, -0.406038761138916, -0.4694218933582306, 0.09263454377651215, 0.3777208626270294, 0.1228676363825798, 0.47429710626602173, 0.4330001771450043, -0.3511744439601898, -0.5337460041046143, 0.7280147075653076, 0.339100182056427, -0.16128720343112946, 0.5758126974105835, 0.023004069924354553, 1.0728058815002441, 0.7977120876312256, -0.08899718523025513, -0.04513612389564514, 1.615088701248169, -0.10337240248918533, 1.05561101436615, 0.1716558039188385, 1.5000534057617188, 0.37156015634536743, 0.34720051288604736, 0.19590841233730316, 0.8876945972442627, -0.03618267923593521, -1.4386502504348755, 0.8215110301971436, -0.10936948657035828, -0.033983632922172546, -0.641754686832428, -0.3591608703136444, -0.246980682015419, -1.10903799533844, 1.1357066631317139, -0.3493773341178894, 0.3717482388019562, -0.08751190453767776, -0.4743940830230713, 0.3001049757003784, -0.9319674968719482, -0.8567498922348022, -0.042457349598407745, -1.5159143209457397, 0.09174272418022156, -0.5137832760810852, -0.46064019203186035, -0.10043130815029144, -0.06891810894012451, 0.8999109268188477, -0.8024426698684692, -0.542555570602417, -0.14743337035179138, -0.06035159155726433, -0.27897611260414124, -0.30613619089126587, -0.013147935271263123, -0.026287280023097992, 1.3162100315093994, -0.8345551490783691, 1.142511248588562, 0.17116791009902954, -0.14936824142932892, -0.6513121724128723, 0.15695424377918243, -1.0053350925445557, 0.2531311810016632, 1.4300998449325562, -0.8815070986747742, -0.6351544857025146, -0.7537645697593689, -0.925857424736023, -0.6038771867752075, 0.7073777914047241, 1.326940655708313, -0.412974089384079, 0.4033960700035095, 0.17257075011730194, 0.6008937358856201, -0.2327224761247635, -0.21696895360946655, -0.22812701761722565, 0.4269862771034241, -0.27973151206970215, 1.1612884998321533, -0.1648876667022705, 1.3260756731033325, -2.1364803314208984, -1.3136229515075684, -0.07655781507492065, -0.1162915974855423, 0.26802706718444824, -0.39759352803230286, 1.2482177019119263, 0.30837586522102356, 0.5268867015838623, 0.43720191717147827, 0.3583156168460846, 0.8298160433769226, 0.006113715469837189, 0.4915453791618347, 0.1884220391511917, 0.1709529608488083, -0.4100329279899597, -0.08580351620912552, 0.1826508343219757, 0.35359254479408264, -0.8908584117889404, 0.3318701386451721, -0.363321453332901, 0.14116670191287994, 0.34405866265296936, -1.1240431070327759, 0.6222594380378723, -0.6111345887184143, -0.2875089645385742, -1.4875901937484741, 0.2701007127761841, 1.7556434869766235, -0.2697398364543915, 1.2525506019592285, 0.6510480642318726, -0.1618957668542862, 0.2915472388267517, 1.1114920377731323, 1.56769597530365, -0.5818032026290894, -0.9786978363990784, -0.7664083242416382, 0.6422157287597656, -0.09903538227081299, -0.14947150647640228, -0.542634904384613, -0.7100993990898132, 0.1736609935760498, -0.6539434194564819, 1.1229979991912842, -0.7216410636901855, 0.4977768659591675, 0.13457636535167694, 1.045252799987793, -0.36221402883529663, -1.6411209106445312, 0.49721214175224304, -1.265491247177124, 0.22912637889385223, 0.32535651326179504, 0.8523232340812683, 0.41068410873413086, 0.508588433265686, 0.03218492120504379, 1.5366735458374023, -0.5111426711082458, 0.00748211145401001, 0.0038795173168182373, -0.35673487186431885, 1.4581422805786133, 0.9188926815986633, 0.37817081809043884, -0.18571245670318604, -0.7319545745849609, -0.9355407357215881, -0.24997788667678833, -0.46105897426605225, 1.0198729038238525, 0.8773093819618225, -0.25024113059043884, -0.08661390841007233, -0.8818227052688599, 0.7243289351463318, -0.5529416799545288, 0.6245025396347046, 0.4774475693702698, -0.32862693071365356, -1.1204200983047485, -0.9465387463569641, -0.2641461491584778, 1.045659065246582, -0.2743087410926819, 0.07298948615789413, -0.8133100867271423, 0.45861342549324036, -0.10609783232212067, -0.3755432665348053, -1.1889393329620361, 0.08535300195217133, -0.8431121706962585, -0.6659393906593323, 0.7497621774673462, -0.812012791633606, -0.7293961048126221, -0.22119568288326263, -0.5625909566879272, 0.948855459690094, -0.1675519347190857, -0.8866425156593323, -0.7228397727012634, -0.11355280876159668, -1.1225600242614746, -0.5548083186149597, 0.2766878008842468, -0.14209672808647156, -2.265244483947754, 1.246338963508606, 1.1373945474624634, -0.24548080563545227, -0.7981051802635193, 0.08337592333555222, -0.010767601430416107, -0.07272857427597046, 1.915778636932373]} +{"paper_id": "has_part", "embedding": [-1.0929347276687622, 0.7424241304397583, -0.10362004488706589, -0.27562350034713745, -0.27404719591140747, -0.27729567885398865, 0.14099517464637756, 0.21305669844150543, 0.4580359160900116, 0.9679619669914246, -0.06749332696199417, -0.11357691884040833, -0.8694365620613098, -0.14147089421749115, -0.5877441763877869, -0.2157898247241974, -0.29596295952796936, -1.0673061609268188, -0.36757081747055054, 0.17027175426483154, -0.7773524522781372, -1.456644892692566, -0.449768990278244, 0.4583381712436676, -0.8583663105964661, -0.46551263332366943, 0.5198063254356384, -0.772532045841217, 0.9033774733543396, 0.2632564306259155, -0.44047272205352783, 1.58946692943573, -1.3987493515014648, 1.083348274230957, -0.5286334156990051, 0.7045480608940125, 0.43417808413505554, 1.2209911346435547, -0.6396405696868896, -0.49842482805252075, -0.11459601670503616, -0.01476016640663147, 0.6959460377693176, 0.5417646169662476, 0.3381861746311188, -0.4733312427997589, 0.40736621618270874, 0.8419406414031982, 0.15599654614925385, 0.06050713732838631, -0.8014239072799683, 0.9031661748886108, -0.18206574022769928, 0.5042330026626587, 0.11254458129405975, 0.9608795046806335, 0.015331782400608063, -0.40801697969436646, 0.6182630658149719, -0.3191612660884857, 0.5843585729598999, 1.1354554891586304, -0.6382080316543579, 0.2718654274940491, 0.4208172559738159, 0.5663097500801086, 0.7556190490722656, 0.1302536427974701, 0.7482426166534424, 0.3917083740234375, 0.49213385581970215, -0.3623388409614563, 0.8093934655189514, -0.03716745972633362, 0.0815519243478775, 0.3735150992870331, -0.05745955556631088, -0.25984281301498413, 0.5796127319335938, 0.7283418774604797, 0.37473347783088684, 0.3424796462059021, 0.42756566405296326, -0.3679656386375427, -0.14681051671504974, -0.6055451035499573, -0.0010826066136360168, -0.7593365907669067, 0.3692874312400818, -1.039906620979309, 0.2996973395347595, -0.15632812678813934, -0.7199104428291321, -0.5447831153869629, 0.18821081519126892, 0.5272109508514404, -1.2336736917495728, -0.4807843565940857, -0.24654626846313477, 0.8595676422119141, 0.3492572605609894, -0.9176466464996338, -0.10811227560043335, -0.251509428024292, -0.40931856632232666, 0.9818298816680908, -0.2503076493740082, 0.3101723790168762, -0.7923679947853088, 0.2795153558254242, 0.7106539011001587, 1.4358618259429932, 0.1299573928117752, 0.193058043718338, -0.8223260641098022, -0.0811925083398819, -0.1507023274898529, -0.3554357886314392, 0.1797533929347992, 0.5177883505821228, -0.7937783598899841, -0.8679502606391907, 0.07724595069885254, 1.051207184791565, 1.1680643558502197, -0.5977065563201904, -0.047342948615550995, 0.060207076370716095, -0.2193281501531601, -0.21287348866462708, 0.33362865447998047, -0.16302287578582764, -0.38404279947280884, -0.6227443814277649, 2.8979878425598145, -1.0216751098632812, 1.3935837745666504, 0.04765620082616806, 0.02353622391819954, -0.49561184644699097, -0.36216670274734497, 0.5069184899330139, 1.1723558902740479, -0.2746294140815735, -1.0795525312423706, 0.45638570189476013, 0.2785222828388214, 0.24346137046813965, -0.5220118165016174, 0.20410701632499695, 0.47239723801612854, 0.5677773356437683, -1.6671578884124756, -0.055160608142614365, -0.2526806592941284, 0.8502219319343567, 0.0263427272439003, 0.13285374641418457, -0.7294374108314514, 0.6344141960144043, 0.22387275099754333, -0.08987829089164734, -0.4915429651737213, -0.15493714809417725, -0.8031283020973206, -0.17368967831134796, 1.4737621545791626, -0.14649952948093414, -1.3101394176483154, -0.10902295261621475, 0.3037138283252716, 0.4213394224643707, 0.05341348052024841, -0.189091295003891, -0.9090548753738403, 0.223795086145401, 0.610281765460968, 0.45226752758026123, 0.16526737809181213, -0.5175468921661377, -0.43845248222351074, 0.026501860469579697, -0.4128100574016571, 0.2716447412967682, -0.028960054740309715, -0.2179250419139862, -2.3511953353881836, 0.360342800617218, -1.1553971767425537, 0.3718149662017822, 0.48970550298690796, 0.47723308205604553, 0.5735037326812744, 0.7314902544021606, -0.5973504781723022, -0.4247758388519287, 0.5118157863616943, -1.8515682220458984, -0.6608551144599915, 0.13575957715511322, -0.5019509792327881, 0.3451291024684906, -0.4765200614929199, 0.886479914188385, 0.47507724165916443, -0.5988197922706604, -0.012206347659230232, -1.7672500610351562, 0.3293870687484741, 1.3306214809417725, 0.24537958204746246, -0.6389400959014893, -1.123550534248352, 0.18983791768550873, 0.432004451751709, -0.37368014454841614, 0.3953488767147064, -0.7708250284194946, 0.5311300754547119, -1.165771245956421, 0.580173671245575, -0.022740408778190613, 0.43521782755851746, -0.3157274127006531, 1.3141809701919556, -1.1650186777114868, -0.3000730276107788, -0.4166063070297241, -0.5372636318206787, 0.7236945033073425, 0.6906878352165222, 0.5375027060508728, 0.49782824516296387, 0.8170753121376038, 0.18846726417541504, 0.45670801401138306, -0.5417924523353577, 0.35692328214645386, -1.1297142505645752, 1.1848406791687012, -0.053998373448848724, 0.8358926773071289, 0.13647009432315826, -0.0333467498421669, 0.27768635749816895, -0.5571922659873962, -0.2737847566604614, -0.3422577679157257, -0.05757351219654083, -0.5322262048721313, 1.3891277313232422, 0.21288922429084778, -0.013240676373243332, 0.17766115069389343, -0.5677198171615601, 0.22366833686828613, -0.38725408911705017, -0.7439289093017578, -0.22507965564727783, 0.1258561909198761, 1.5769855976104736, 0.44352802634239197, 0.3748498260974884, -0.1659875214099884, -0.629856526851654, -1.0371465682983398, 0.04308902472257614, 0.8672826886177063, -0.08955491334199905, -0.506759762763977, 0.7754450440406799, -0.4650898575782776, -1.0682741403579712, -0.8274027705192566, -0.15108990669250488, 0.13960494101047516, -0.3226746618747711, 0.5469106435775757, 1.0219234228134155, -0.1145467460155487, 0.2804320454597473, -0.7036967873573303, 1.252639651298523, -0.8679362535476685, 0.31886205077171326, 0.3257383704185486, -0.004703839309513569, -1.4541051387786865, -0.0037199631333351135, -0.1654263138771057, 0.42740920186042786, 0.2499101459980011, -0.4125547409057617, 0.45282965898513794, -0.23957103490829468, -0.2994363009929657, 1.888900876045227, 0.7614278197288513, -1.0608831644058228, -0.6338549256324768, 0.9987726807594299, -0.11309003829956055, -0.21706898510456085, 0.1699330061674118, 0.33709093928337097, -0.0283004492521286, 1.0485221147537231, -0.1373084932565689, 0.6579015254974365, 0.11204175651073456, 0.42399322986602783, -0.06456063687801361, -0.32531970739364624, -1.8164139986038208, 0.3144727051258087, 0.14061561226844788, -0.3598535358905792, -0.10719481110572815, -0.2126416116952896, -0.26486337184906006, -0.6986799836158752, -0.07830092310905457, 0.7542550563812256, -0.19123782217502594, 0.20189841091632843, -0.6997942328453064, -0.6814968585968018, 0.7405022382736206, -0.5649433135986328, 0.3104684054851532, 0.2992202937602997, -0.34038808941841125, -1.060230016708374, 0.17813929915428162, 1.0915347337722778, 0.5144196152687073, 1.1324087381362915, -0.20855224132537842, 1.2914700508117676, 0.660881519317627, -0.7242719531059265, 0.41615182161331177, 0.19339315593242645, 0.12262897938489914, 0.8413826823234558, 0.32180532813072205, -0.17429785430431366, 1.4842133522033691, -0.27077892422676086, 1.1489468812942505, -0.46036893129348755, -0.2990359663963318, -0.9592300653457642, -0.4117368161678314, -0.541382372379303, -0.8793352842330933, 2.249213218688965, 0.24691525101661682, 1.4400663375854492, -1.319567322731018, 0.3731970489025116, -0.8917225003242493, -0.031950000673532486, 0.8117213249206543, 0.2938801050186157, 0.163536936044693, -0.9491196870803833, -0.11772356927394867, 0.6049456596374512, 0.029206814244389534, -0.5237445831298828, -0.5779918432235718, -0.03379746153950691, 0.8007851839065552, 0.05817128345370293, 0.08267126232385635, 0.15408717095851898, 0.34640759229660034, 0.7001621127128601, -0.8642613291740417, -0.387658029794693, -0.651665210723877, -0.2843652367591858, 0.7260565161705017, 0.20080116391181946, -1.6435176134109497, 0.9085516929626465, -0.04742657020688057, -0.01068531721830368, -0.09943640232086182, 1.7182109355926514, 1.5275700092315674, 0.09910455346107483, -1.61909818649292, -0.29695796966552734, -0.5981791615486145, -0.13171640038490295, 1.051167368888855, -0.3198416829109192, 0.10278480499982834, -0.06757091730833054, 0.07866811752319336, -0.9953529238700867, 0.4783213436603546, -0.7819769382476807, -1.115100622177124, 0.7587594985961914, 0.8333768844604492, -0.9444799423217773, -0.7294259667396545, 0.2596185803413391, -0.36253175139427185, -0.689953625202179, 0.08752284198999405, -0.7268492579460144, 0.6542087197303772, 0.7611733078956604, 0.5055574178695679, 0.02856677584350109, -0.12978366017341614, -0.2740831971168518, 1.1310973167419434, 0.2186286896467209, -0.17963659763336182, 0.04831603914499283, 0.6347541213035583, 0.7476418018341064, 0.6646609306335449, -0.9113092422485352, -0.5325071811676025, 1.6427035331726074, 0.05550375580787659, -0.27442634105682373, -1.2084344625473022, -0.9099028706550598, 0.5031861066818237, 0.41050097346305847, 0.2780585289001465, -0.8270354270935059, 0.6556588411331177, -0.4873177409172058, 0.20954973995685577, 0.6098219156265259, -0.6081435680389404, -1.8986142873764038, 1.7902734279632568, -0.045124754309654236, 0.33684834837913513, -0.4512626826763153, -0.3707028329372406, 2.115176200866699, 0.15328451991081238, -0.04921721667051315, 0.25375983119010925, -12.120026588439941, 0.9437910318374634, 0.06078813225030899, 0.7936893701553345, 1.2490479946136475, -0.17550340294837952, 0.661840558052063, -0.021172285079956055, 1.033170461654663, -0.807248055934906, -0.026221899315714836, 0.6345622539520264, 0.392637699842453, -0.15473556518554688, -0.7799057364463806, -1.3606489896774292, -0.6785570383071899, -0.6784502863883972, 0.029603518545627594, 0.462998628616333, 0.5938729047775269, -0.9266918301582336, 0.023584499955177307, -0.45242011547088623, 0.30435895919799805, -0.7591498494148254, -0.3491840064525604, -0.2417929470539093, -0.24072130024433136, -0.05921540409326553, 0.568658709526062, 0.0033115644473582506, -0.2918074131011963, 0.12168052047491074, -0.1159212663769722, 0.3775871694087982, -0.5654297471046448, -0.36515364050865173, 0.8346682786941528, -0.20331452786922455, -0.42615807056427, 0.5218455791473389, 0.6377356648445129, -0.2331811934709549, -0.5017879605293274, 0.2376021295785904, -0.0355575866997242, -0.42624086141586304, -0.15004463493824005, -0.18435022234916687, -0.2699395418167114, -0.6088820695877075, -0.6115593910217285, -0.44562387466430664, 0.2087399810552597, -0.47897666692733765, -0.4811479151248932, 0.6496667861938477, -1.2925525903701782, -1.4670658111572266, 0.823725163936615, -0.03445669636130333, 0.2026056945323944, 0.7729004621505737, 0.26816684007644653, -0.9305412769317627, 0.027715153992176056, 0.4032447934150696, -0.4367522895336151, -0.4621562063694, -0.33232933282852173, 0.9196012020111084, 0.2964119017124176, 0.2246832549571991, -0.4741930067539215, 0.09901519119739532, -0.2966729402542114, 0.2758638560771942, 0.453380823135376, 0.025756865739822388, -0.8542299866676331, 0.8505969047546387, 0.27300259470939636, -0.4099837839603424, -1.0301249027252197, 0.5111857056617737, 0.01616794615983963, 0.09756077826023102, 0.06049880385398865, -0.7001175880432129, 0.7400910258293152, 0.3876095414161682, -0.22172753512859344, -0.7654772400856018, -0.41262489557266235, 0.8229495882987976, 0.535528838634491, 0.6509738564491272, 0.6084771156311035, 0.15274697542190552, 0.5954700112342834, 0.2058258354663849, -0.9332709312438965, -0.09592622518539429, 0.47101014852523804, 0.177129864692688, 0.39217954874038696, -0.2290104478597641, 0.14873892068862915, -0.24655453860759735, 0.5271230340003967, 0.1381559818983078, -0.5237058401107788, 0.8350431323051453, -0.6394692659378052, 0.43819868564605713, 0.5027337074279785, -0.4760911166667938, 0.7867055535316467, 0.5526469349861145, 0.9185129404067993, -0.0767703726887703, 0.14151699841022491, 0.921032726764679, -0.3482828438282013, -0.386902391910553, 0.9898107051849365, 0.7133879065513611, -0.3241423964500427, -1.6622016429901123, 0.5912741422653198, 0.4872080087661743, -0.06614211201667786, 0.2711170017719269, -0.7446051836013794, -0.7157352566719055, -0.21303270757198334, 1.0687381029129028, 0.4059809446334839, 0.6013572812080383, 0.38040637969970703, -0.31231167912483215, -0.76841801404953, -0.08839038759469986, -0.5270121097564697, 0.02418128401041031, -1.5857850313186646, 0.3250825107097626, -0.3844781517982483, -1.1438689231872559, 0.16341155767440796, -0.5457531213760376, 0.5699958205223083, -0.42920732498168945, 0.42981335520744324, -0.09525872766971588, -0.2586473524570465, -0.2621856927871704, -0.35484981536865234, 0.7123432755470276, 0.8390814661979675, 0.5629245042800903, -0.8675482273101807, 0.39159274101257324, 0.9941203594207764, -0.3895176947116852, -0.7441597580909729, -0.3071603775024414, -0.17955921590328217, -0.5433882474899292, 0.44030705094337463, -1.3643220663070679, -0.264220267534256, 0.23426474630832672, 0.209629625082016, -1.1043963432312012, 0.7448180913925171, 0.10154835879802704, -0.5034282803535461, -0.16189812123775482, -0.1542547643184662, 0.3995110094547272, 0.5751487016677856, -0.6851595044136047, -0.12993527948856354, -0.617645263671875, -0.06774162501096725, -0.07090231031179428, 0.04598022252321243, 0.6914339065551758, -0.664946436882019, -0.6401599049568176, -0.5876463055610657, 0.7674573659896851, 1.0661677122116089, -0.055895160883665085, 1.7832958698272705, 1.1992641687393188, 0.22129011154174805, 1.3171393871307373, 0.3496221601963043, 0.507931649684906, 0.7361773252487183, 0.3438492715358734, -0.669603168964386, 0.19623449444770813, -1.0474151372909546, -0.18978248536586761, 0.4613371789455414, 0.9458847045898438, -0.9697390794754028, -0.016518421471118927, 0.3099329471588135, -0.4875180721282959, 0.13853353261947632, -0.5352272987365723, 0.6948739886283875, -0.5790202617645264, -0.5266357660293579, -0.17631037533283234, 0.7769945859909058, 0.5790897011756897, -0.5864434242248535, 0.6342779397964478, -0.0468495711684227, 0.9877059459686279, 0.6372939348220825, 0.11668998003005981, 0.8096886277198792, 0.08368408679962158, 0.23998528718948364, 0.6310056447982788, 0.1609479933977127, -0.06991060078144073, -0.4761104881763458, -0.7143343091011047, -0.21133776009082794, 0.3667965829372406, -0.5733257532119751, 0.7703866958618164, -0.14819493889808655, -0.2770501673221588, 0.350843608379364, 1.128979206085205, -1.407598853111267, -1.1227128505706787, -0.624794602394104, -0.6876455545425415, -0.4633276164531708, 0.6613302826881409, 1.2344433069229126, 0.8311538100242615, 0.9360626339912415, 0.5912032127380371, 0.5492793321609497, -0.1616581231355667, 0.15294332802295685, 0.4211490750312805, -0.3796447515487671, 1.2130355834960938, 0.5921433568000793, 0.39927956461906433, 0.1941448450088501, 0.33078187704086304, -0.8697210550308228, -0.6783867478370667, -0.22163042426109314, 0.16135983169078827, -0.053598519414663315, -0.5277829170227051, -0.3365257680416107, -0.4567553400993347, 1.0652689933776855, -0.7962573766708374, 0.3337658941745758, -0.2270301729440689, -0.4038594961166382, -0.8298941254615784, -0.7031073570251465, -0.6116728782653809, 0.4902307689189911, -0.15243948996067047, -0.909644603729248, 0.3980247378349304, 0.9367722868919373, -0.5509088635444641, -0.07181039452552795, -0.3382800221443176, -0.13970080018043518, -0.5280957221984863, 0.24102292954921722, -0.4511435329914093, -0.9534575939178467, -1.428162932395935, -0.1033264696598053, -0.9185690879821777, -0.08657946437597275, -0.5219804048538208, -0.49832883477211, -0.2262122631072998, 0.1370534598827362, -0.37383076548576355, -0.18101978302001953, 0.10534603893756866, 0.3778538107872009, -1.7247651815414429, 0.18521344661712646, 0.9435214996337891, -0.008481759577989578, -1.1738888025283813, 0.700003981590271, -0.20276683568954468, 0.21549159288406372, -0.046084627509117126]} +{"paper_id": "vctk", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "fake_news_filipino", "embedding": [-0.552927553653717, 0.7201242446899414, -0.10186588764190674, 0.23879483342170715, 0.4121503233909607, 0.3803027868270874, 0.7439072728157043, 0.13097476959228516, 1.362610936164856, 0.738690197467804, 0.4390639364719391, 0.4748370349407196, 0.5941482186317444, -0.17666952311992645, -0.22128444910049438, 0.005401391535997391, -0.35525262355804443, -0.4380364418029785, -0.22664475440979004, -0.07581253349781036, -0.424754798412323, -0.4356039762496948, -0.1369352787733078, -0.03629386052489281, -0.7526830434799194, -0.2485550493001938, 0.6344508528709412, -1.2061452865600586, 0.12809491157531738, 1.0354470014572144, 0.3280627727508545, 1.0183788537979126, -1.9917006492614746, 0.5202103853225708, -1.1062225103378296, -0.6237753629684448, 0.11815781146287918, 0.7679560780525208, 0.031876496970653534, -0.543612003326416, -0.9255050420761108, 0.2577037215232849, 0.5569393038749695, 0.5592994093894958, 0.6865848898887634, -0.1948898732662201, 0.3959961533546448, -0.6685670614242554, -0.12311089038848877, 0.19827283918857574, -0.2724958658218384, 0.31442615389823914, -0.08956652879714966, 1.0420432090759277, -0.877852737903595, 0.932706892490387, -0.29090604186058044, -0.5504016280174255, 0.28762251138687134, -1.1537976264953613, 1.6996335983276367, 1.2721641063690186, -0.10233771055936813, 0.2942996323108673, 0.8096603155136108, -0.5763265490531921, 1.3710734844207764, 0.38201242685317993, 0.21626067161560059, 0.6862006783485413, -0.5632579326629639, -1.341769814491272, 0.32751989364624023, -0.39262813329696655, -0.5915873050689697, 0.7752903699874878, -0.0740482360124588, 0.030188076198101044, -0.08067817240953445, -0.017674222588539124, -0.39762458205223083, 0.4037167429924011, 0.23581890761852264, -0.9569902420043945, 0.1269298642873764, 0.08689312636852264, 0.08973191678524017, -1.1553544998168945, 0.6518642902374268, -1.2584816217422485, 0.7897413969039917, -0.10541635751724243, 0.14519134163856506, 0.2872498631477356, -0.6561648845672607, 0.5670563578605652, -0.6848252415657043, -0.07858197391033173, -0.9509127140045166, 0.34457796812057495, 0.9026550650596619, -0.5334501266479492, 0.6082905530929565, -0.3858358561992645, 0.5835210084915161, 0.5525333881378174, -0.5249083042144775, -0.5282320976257324, -0.5512531995773315, -0.39709872007369995, -0.22183480858802795, 1.4108234643936157, -0.5880227088928223, 0.6603949069976807, -0.03305636718869209, -0.22602170705795288, 0.29231396317481995, -0.2794100344181061, -0.8438194990158081, 0.20846733450889587, -0.3840758800506592, -1.546286940574646, -0.5878300666809082, 0.16893745958805084, 0.7463036179542542, -0.5194540023803711, -0.25308504700660706, -0.8934211730957031, -0.16530998051166534, -0.15382692217826843, 0.7434945106506348, 0.0033633550629019737, -1.357657551765442, 0.05113411322236061, 3.014313220977783, -1.0494916439056396, 1.8451281785964966, -0.7955117225646973, -0.05758921802043915, -0.7136924266815186, -0.22064632177352905, 1.4509119987487793, -0.08363491296768188, -0.8861510157585144, -1.0183042287826538, -0.36039331555366516, -0.4440080225467682, 0.08767151832580566, 0.3083037734031677, -0.4222353398799896, 0.2214980274438858, 0.7432196736335754, -0.7814289331436157, -1.0483254194259644, -0.047061361372470856, 0.3798464834690094, -0.4708597660064697, 0.6015316247940063, -0.7620751261711121, 0.5330431461334229, 0.5912487506866455, 0.130002960562706, 0.6561533212661743, 0.7243683934211731, -0.41359132528305054, 0.3197566866874695, 0.8986318707466125, 0.2809922993183136, -0.1896609365940094, 0.18584328889846802, 0.7023550868034363, -0.5102969408035278, -0.5735192894935608, -0.30952680110931396, -0.11479606479406357, 0.3702545762062073, 0.7066006064414978, 0.5569630265235901, 0.25072914361953735, -0.46835023164749146, -0.9858464598655701, 0.12178118526935577, 0.059753961861133575, 0.7139824032783508, -0.03502677381038666, -0.5400693416595459, -1.6994807720184326, -0.5577024817466736, -0.3657239079475403, 1.0567314624786377, -0.04809886962175369, -0.8283043503761292, -0.32248595356941223, 0.8093153238296509, 0.026275865733623505, -0.5792641043663025, 0.4481370747089386, -0.6202017664909363, 0.13697457313537598, 0.01410316675901413, 0.6605567336082458, -0.868048369884491, -0.3742477595806122, -0.16238807141780853, 0.6052020788192749, -0.11849522590637207, -0.22999157011508942, -1.6534138917922974, 0.7521733641624451, 1.8641616106033325, 0.3011588454246521, -1.1542420387268066, -0.6256507635116577, -0.13681189715862274, 0.6022963523864746, -0.6317688822746277, 0.6557004451751709, -0.9379370212554932, -0.1060028150677681, -1.4073116779327393, 0.0410626158118248, 0.05604083091020584, 0.5918927192687988, 0.7473507523536682, 0.5359117388725281, -0.531559407711029, -0.5256507396697998, -1.0149083137512207, -0.9179548025131226, 0.7639532089233398, 0.7293626666069031, 0.06771238893270493, -0.1043199747800827, 0.9615744352340698, -0.08637885749340057, 0.3108420968055725, 0.9410730004310608, 0.5864088535308838, -0.44063571095466614, -0.5303372740745544, -0.27291959524154663, 0.3336261212825775, 0.08679460734128952, 0.06416936218738556, 0.24899457395076752, 0.6321235299110413, -0.1813720017671585, -1.0910241603851318, -0.4867265224456787, 0.09527699649333954, 1.1338809728622437, 0.8358446359634399, -0.9235077500343323, 0.5151896476745605, -0.6840428113937378, -0.21865564584732056, -0.07912008464336395, -0.3512234389781952, 0.3134390115737915, -0.3010466992855072, 0.6239755153656006, -0.5063073635101318, -0.08439188450574875, 0.38410574197769165, -0.06336123496294022, -1.0663951635360718, -0.7230324149131775, -0.04409195855259895, -0.4917560815811157, -1.3037441968917847, -0.44966959953308105, -1.1199145317077637, -0.6565251350402832, -1.174669623374939, 0.49836280941963196, 0.2758764922618866, -0.23594363033771515, 0.21350550651550293, 1.1470882892608643, 0.3565291166305542, 0.5792906880378723, -0.36845463514328003, 1.1985979080200195, 0.004178714007139206, 0.626430869102478, 0.8751588463783264, 0.7377061247825623, -0.3899584114551544, -0.518731951713562, -0.6961658000946045, 0.19468599557876587, 1.276915192604065, -0.5298767685890198, 0.7718124389648438, 0.06417368352413177, -0.08602786809206009, 1.6260442733764648, -0.10875068604946136, 0.546087384223938, -0.31757038831710815, 1.513092279434204, 0.42937251925468445, -0.4748140871524811, 0.6809037923812866, -0.5658613443374634, -0.17479893565177917, 0.8489856719970703, -1.555113434791565, -0.008533412590622902, 0.4292445778846741, 0.005531116854399443, 0.40455880761146545, 0.23352819681167603, -1.9983185529708862, 0.08871710300445557, 0.4556395709514618, -0.767482578754425, -0.7536042928695679, -0.41644880175590515, 1.1997647285461426, -0.5951814651489258, -0.46858182549476624, 0.024345826357603073, -0.49156394600868225, -0.0019432827830314636, -0.23725801706314087, 0.595122218132019, 0.32086366415023804, -0.6535261273384094, 0.6852921843528748, 0.4031141996383667, 0.7744681239128113, -0.1548672765493393, -0.29607152938842773, 0.8049313426017761, -0.8147323131561279, 0.2241363376379013, 0.11990208178758621, 0.47161033749580383, 1.4699538946151733, -0.529423713684082, -0.34223946928977966, 1.2102235555648804, 0.6653479933738708, -0.07140734791755676, 0.0760362520813942, -0.01417829841375351, 0.5726904273033142, 0.2202039211988449, 1.3646713495254517, -0.07023478299379349, -0.29933589696884155, -1.3382984399795532, -0.07766415178775787, 0.5004180073738098, -0.6098920702934265, 1.135227918624878, 0.23214733600616455, 0.7197247743606567, 0.47790437936782837, 0.8068327903747559, -0.2876247465610504, 0.24777591228485107, 1.3853391408920288, 0.5288601517677307, 0.12511689960956573, -0.48337405920028687, 0.39116978645324707, 1.5237736701965332, -0.05247438699007034, -0.31766295433044434, 0.25155261158943176, 1.4748479127883911, -0.34076714515686035, -0.25405386090278625, 0.1277649849653244, 0.2723202407360077, 0.04751203954219818, 1.170962929725647, -0.08582037687301636, -0.5565269589424133, -0.15082049369812012, 0.5320673584938049, 0.8610119819641113, 0.3069201707839966, -0.6162374019622803, 0.21011778712272644, 0.43979334831237793, 1.4620219469070435, -0.4098392724990845, 0.2785544693470001, 0.3797721564769745, -0.006481677293777466, -0.14560115337371826, 0.15084312856197357, -0.657637894153595, -0.4431985318660736, -0.03643941879272461, -0.2131700962781906, -0.11921077221632004, 0.7351215481758118, -0.2624208629131317, -1.1703283786773682, 0.5911496877670288, -0.03193310648202896, -0.11675910651683807, -0.009397298097610474, 0.6996233463287354, -1.1215851306915283, -1.0113962888717651, -0.4699825048446655, -0.80547696352005, -0.5112788081169128, 0.15666353702545166, -0.7525188326835632, 0.7737704515457153, -0.01623009517788887, 0.6285098791122437, -0.15245726704597473, -0.4064399003982544, -0.8066710233688354, 0.6722802519798279, 1.555816888809204, -0.5435289144515991, 0.6994063854217529, 0.25293242931365967, 0.3869388699531555, 0.2718251943588257, -1.1995102167129517, -0.13866651058197021, 0.45182234048843384, 0.4391702711582184, 0.7708784341812134, -0.7798669338226318, -0.27680912613868713, 0.2481488287448883, -0.06847896426916122, 0.9451394081115723, -1.4215919971466064, 0.2574106752872467, -0.2512756586074829, 0.5447935461997986, 0.44269514083862305, -0.5071854591369629, -1.0254807472229004, 1.1121046543121338, -0.6161627173423767, 1.3982601165771484, -0.6884365081787109, -0.2076667845249176, 1.5351624488830566, 1.0134364366531372, 0.8193957209587097, -0.39111602306365967, -11.589890480041504, 0.41883450746536255, -0.6189959645271301, 0.2899954319000244, 0.6815263628959656, -0.7842203378677368, 0.5799108743667603, 0.429241418838501, 0.7088818550109863, -0.6653282642364502, 0.5518059730529785, 1.2797818183898926, 0.04819383844733238, -0.9187684655189514, -0.4898759722709656, -0.7588101625442505, -1.0603229999542236, -0.4761046767234802, 0.22470737993717194, -0.11228334158658981, -0.4237078130245209, -1.152925729751587, -0.12662017345428467, -0.14658059179782867, 0.4434669613838196, 0.3154762387275696, -0.31359630823135376, -0.02950087934732437, -0.7673234939575195, 0.4035947024822235, 0.7341015934944153, -0.4256693422794342, -0.30921483039855957, -0.9538956880569458, 0.9382750391960144, -0.019207019358873367, -0.9459666609764099, -0.29128482937812805, 0.7492325305938721, -0.18520590662956238, -0.19135044515132904, 0.5372576713562012, -0.033375270664691925, -0.008967645466327667, 0.14250923693180084, 0.0505947470664978, -0.10370664298534393, -0.3677254021167755, 0.18642470240592957, -0.17356380820274353, -0.442632257938385, -0.3662661015987396, -1.2740627527236938, -0.8030669093132019, 0.9604136347770691, 0.2909291684627533, -1.0376360416412354, 0.3510880172252655, -0.5376737713813782, -1.5851161479949951, 0.9017045497894287, -0.38234925270080566, -0.2834934592247009, 0.4739512801170349, 0.30153006315231323, -0.5284146070480347, 0.9279764294624329, 0.09952496737241745, 0.24451404809951782, 0.5467404127120972, -0.3594571650028229, 1.23997163772583, 0.2813355028629303, -0.70915687084198, -0.14428254961967468, -0.27433738112449646, -0.21562014520168304, 0.451253741979599, 0.9056121706962585, 0.08121396601200104, -1.3822429180145264, 0.4431483745574951, -0.5020588636398315, -0.2887365221977234, -0.4349293112754822, 0.3087804317474365, -0.15407156944274902, -1.0781364440917969, 0.8283325433731079, 0.06625024229288101, 0.5975141525268555, -0.30286768078804016, -0.051327288150787354, 0.4220048487186432, -0.6255406141281128, 0.9579151272773743, -1.411124348640442, 0.23089838027954102, 0.04121457785367966, -0.7866489291191101, 0.5743587017059326, 0.3974468410015106, -0.7949520349502563, 0.7592712640762329, 1.15537691116333, -0.02351233921945095, -0.04770401865243912, 0.26266807317733765, -0.36180663108825684, 0.37709683179855347, 0.22826173901557922, 0.29901939630508423, -0.016886908560991287, 0.569593608379364, -0.023030869662761688, 1.0763428211212158, 1.0057566165924072, -0.1764930635690689, 0.24521799385547638, 0.929711639881134, -0.7058483362197876, 0.6236758828163147, 0.08284060657024384, 1.0871154069900513, -0.3822275996208191, 0.7289332151412964, -0.20446039736270905, 0.46154093742370605, 0.9534129500389099, -1.904094934463501, 0.5123689770698547, -0.8185835480690002, 0.46216174960136414, -0.8588711023330688, -0.2985644042491913, -0.409227192401886, -1.0162270069122314, 1.171059250831604, -0.794951856136322, 0.019910316914319992, -0.09560315310955048, -0.4488239586353302, -0.14685139060020447, -1.0164086818695068, -0.7807492017745972, 0.06979265809059143, -0.9835439324378967, 0.5382080078125, -0.6722610592842102, 0.031562045216560364, 0.057559456676244736, -0.5763779878616333, 0.8063219785690308, -1.03704035282135, -0.7927364706993103, 0.23961862921714783, 0.3971622884273529, -0.7311756610870361, -0.4690859019756317, -0.6286531686782837, 0.3683737516403198, 1.541196584701538, -1.0213464498519897, 0.8749633431434631, 0.17194196581840515, 0.22135113179683685, -0.6695011854171753, 0.31399744749069214, 0.05108451470732689, 0.2619604170322418, 1.3017076253890991, -0.8123005628585815, 0.09612346440553665, -0.6900920867919922, -0.4405142664909363, -0.6597561240196228, 1.0543992519378662, 1.181431531906128, -0.5726537704467773, 0.013540968298912048, -0.1181156262755394, 0.5688549876213074, -0.29381123185157776, -0.2935601472854614, -0.16489392518997192, 0.3434751033782959, -0.11389634758234024, 1.2681255340576172, -0.5644758939743042, 0.49027812480926514, -1.9531491994857788, -1.1360583305358887, -0.5180081725120544, -0.9111317992210388, 0.3090287446975708, 0.3230802118778229, 0.3552197217941284, -0.06839384138584137, 0.30989906191825867, -0.5489821434020996, -0.12614813446998596, 0.8216829299926758, 0.3429683446884155, 0.3535756468772888, -0.05122321844100952, -0.444425106048584, -0.3563362956047058, -0.2572207450866699, -0.243988037109375, -0.10009117424488068, -1.3788070678710938, -0.12660938501358032, 0.2030092477798462, -0.3786775469779968, -0.04188825190067291, -0.28475290536880493, 0.22759577631950378, -0.534463107585907, 0.19206321239471436, -1.2120373249053955, 0.2397291362285614, 1.232193946838379, -0.30591481924057007, 1.558890461921692, -0.04275398701429367, 0.8310332894325256, 0.6266816258430481, 1.0061901807785034, 1.155277132987976, -0.20537541806697845, -0.8911182880401611, -0.4627060294151306, -0.3900347352027893, 0.23063921928405762, 0.6296768188476562, 0.6304789185523987, -1.2602733373641968, 0.7988547682762146, -0.8488965034484863, -0.1581958532333374, -0.27770739793777466, 0.38479143381118774, 0.577048659324646, 0.9449943900108337, -0.7618730068206787, -1.24338698387146, -0.23714427649974823, -1.423065423965454, -0.1942089945077896, 0.022487055510282516, 0.9032211899757385, 0.9595575928688049, 0.7131878137588501, -0.31002330780029297, 1.5455864667892456, -0.369148850440979, -0.5143256187438965, 0.5316979289054871, 0.11071375012397766, 1.2232333421707153, 0.4816632568836212, -0.3807525336742401, 0.2814466059207916, 0.1018260195851326, -0.43374279141426086, -0.7082573771476746, -0.011547548696398735, 0.8928869962692261, 0.7087506651878357, -0.43090665340423584, 0.19437895715236664, -0.27478140592575073, -0.7988602519035339, -0.888545572757721, 0.5018279552459717, 0.1315447837114334, -0.08282334357500076, -1.230924129486084, -0.4909869432449341, -0.2532643675804138, 0.3231230080127716, 0.3924995958805084, 0.07079818844795227, -1.4262373447418213, 0.31350669264793396, 0.16174758970737457, -0.13908188045024872, -0.9504260420799255, 0.4607450067996979, 0.43676334619522095, -0.7396005988121033, 0.8205902576446533, -1.1768097877502441, -0.7514374852180481, -0.19714775681495667, -0.46657758951187134, 0.30937445163726807, -0.2931694984436035, -1.2437183856964111, -0.3251475691795349, 0.00591189693659544, 0.7593832015991211, -0.3512232303619385, -0.20285503566265106, -0.12040155380964279, -1.1602307558059692, 1.1128861904144287, 1.2414183616638184, -0.08415668457746506, 0.18295083940029144, 1.1949002742767334, -0.5685564279556274, 0.23882928490638733, 1.960768461227417]} +{"paper_id": "xor_tydi_qa", "embedding": [-1.0574778318405151, 0.9414705038070679, 0.5207535028457642, -0.5568606853485107, 0.859575629234314, -0.6065672039985657, -0.2099849283695221, 0.4970450699329376, 0.6894357204437256, 0.4650600254535675, 0.6914551854133606, 0.016703033819794655, 0.5914285182952881, 0.19242921471595764, -0.31415796279907227, -0.5077568292617798, -1.0598740577697754, -1.0584304332733154, -1.2096315622329712, -0.1430564820766449, -0.1901303231716156, -0.47134459018707275, -0.01844841241836548, 1.0198174715042114, -0.617979884147644, -1.2496360540390015, 0.8430800437927246, -0.49347609281539917, 0.3677646219730377, 0.5511009693145752, 0.04826556146144867, 0.7804178595542908, -1.4949933290481567, 0.22434428334236145, -0.19507881999015808, -0.0601055845618248, 0.22334344685077667, 1.4040943384170532, -0.20042571425437927, -0.4500829577445984, -0.49151018261909485, -0.13169069588184357, 0.7678009867668152, 0.6958128809928894, 1.5487993955612183, -0.30049875378608704, 0.17267315089702606, -0.3384488821029663, -0.21287289261817932, -0.3383992314338684, -0.08617081493139267, 0.17260268330574036, -0.3299487233161926, 0.7591012716293335, -0.3166031539440155, 0.7516080141067505, 0.6024841070175171, -0.4584626853466034, 0.6567193865776062, -1.7013200521469116, 1.154374122619629, 1.5548969507217407, -0.33752280473709106, -0.045017730444669724, 1.1911468505859375, -0.18694713711738586, 1.5200915336608887, 0.3247091770172119, 0.07722252607345581, 0.6958091855049133, 0.2303609997034073, -1.154218077659607, 0.48325592279434204, 0.3859565258026123, 0.5212913751602173, 0.842610239982605, 0.3191722333431244, 0.45038551092147827, -0.6202078461647034, -0.3411041498184204, -0.5445598363876343, 0.1605464071035385, 0.9279486536979675, -0.6497529745101929, 0.031167661771178246, -0.06869484484195709, -0.05943012982606888, -0.9687049388885498, 1.0224887132644653, -1.8041608333587646, 0.8015323281288147, 0.05942630022764206, 0.3668619692325592, 0.0400000661611557, -0.26838037371635437, 0.6327232718467712, -0.9063403010368347, 0.3192966878414154, 0.07559558749198914, -0.17948755621910095, 0.3604723811149597, 0.07830920815467834, 0.3739517033100128, 0.19570916891098022, 0.05604585260152817, 0.5281012058258057, 0.3802335560321808, -0.3423750400543213, -0.7895302772521973, -0.7119982242584229, 0.2530369758605957, 0.6246002316474915, 0.03139270097017288, 0.32842350006103516, 0.43982410430908203, 0.4266960620880127, 0.5384524464607239, -1.2539640665054321, -0.10290887206792831, 0.12231764197349548, -0.052068497985601425, -1.1298056840896606, -0.6655609011650085, 0.18493793904781342, 0.8654845356941223, -0.39655205607414246, -0.3289965093135834, -0.693022608757019, -0.350641131401062, 0.23659160733222961, 0.8581348657608032, -0.1459551453590393, -0.5393211841583252, -0.40951305627822876, 3.2455923557281494, -0.9976957440376282, 1.9970769882202148, -0.7620295882225037, 0.008300102315843105, -0.20135398209095, -0.4662700891494751, 0.9755054116249084, 0.30307579040527344, -1.0610073804855347, -0.18580834567546844, 0.36401334404945374, -0.36143195629119873, 0.23202292621135712, -0.777094841003418, -0.8810721635818481, -0.15649758279323578, -0.16343146562576294, -0.9830111265182495, -0.2225140631198883, 0.4014136791229248, 0.31916865706443787, -0.011857043951749802, 0.37806886434555054, -0.39375534653663635, 1.0603091716766357, -0.23737043142318726, 0.2834516763687134, -0.6751594543457031, 0.6411344408988953, -0.6480439901351929, -0.4897889196872711, 0.9298128485679626, -0.4718465507030487, -0.9310247302055359, -0.052807457745075226, 0.44343554973602295, -0.569237470626831, -0.15832915902137756, 0.3110849857330322, -0.3269816040992737, -0.09380090236663818, 0.879765510559082, 0.6549115180969238, -0.19200648367404938, -0.4885269105434418, 0.18953746557235718, 0.13937419652938843, 0.09529288858175278, 0.7852592468261719, 0.592688798904419, 0.21454393863677979, -1.9310168027877808, -0.09161552786827087, -0.4238704442977905, -0.02663572132587433, -0.10853981226682663, -0.17893603444099426, 0.0235805232077837, -0.5974761843681335, 0.3610805869102478, -0.38925492763519287, 0.4626825153827667, -1.4229196310043335, -0.37592071294784546, 0.04863321781158447, -0.5684367418289185, 0.27702221274375916, 0.6207181215286255, 0.679441511631012, -0.04117574542760849, 0.024915359914302826, -1.0712757110595703, -1.4883166551589966, 0.030474230647087097, 2.7862744331359863, -0.15525609254837036, -0.273521363735199, -1.1206635236740112, -0.3017922639846802, -0.20045426487922668, -0.292314350605011, -0.11753229796886444, -0.8119827508926392, -0.1063840314745903, -0.9299740195274353, 0.23678646981716156, -0.29173383116722107, 0.08291477710008621, 0.31226247549057007, 0.8224564790725708, -0.741502583026886, -0.31265807151794434, -0.644993007183075, -0.9011716246604919, 1.157094120979309, 0.13259443640708923, 0.31037044525146484, -0.39761263132095337, 0.8783748149871826, 0.4383261799812317, 0.8796441555023193, 0.9870069622993469, 0.48044052720069885, -0.569502592086792, -0.47552624344825745, -0.5011700987815857, 1.3134279251098633, -0.07101736962795258, 0.29391366243362427, 0.36431217193603516, 0.6024418473243713, -0.19643008708953857, -0.11188330501317978, -0.07636430859565735, -0.29868316650390625, 1.0625122785568237, 1.0467439889907837, -0.7133666276931763, 1.60190749168396, -0.5836151838302612, -0.3562476933002472, 0.015605777502059937, -0.4096418619155884, 0.45155489444732666, -0.5571563243865967, 0.9796322584152222, -0.18591858446598053, 0.6088758707046509, 0.10360904037952423, -0.1186080276966095, -1.8694915771484375, 0.5177633166313171, 0.27146920561790466, -0.871574878692627, -0.7190886735916138, -0.24827593564987183, -0.32906287908554077, -1.1956573724746704, -0.7845985889434814, 0.42237988114356995, 0.481161504983902, -0.14161157608032227, 1.344470500946045, 1.4140760898590088, 0.4061286449432373, 0.8372781872749329, 0.2706994414329529, 0.9159060120582581, -0.9264415502548218, 0.8393586874008179, 0.257938414812088, 0.09899527579545975, -0.7971982359886169, 0.09409962594509125, -0.3738369345664978, -0.011936921626329422, 1.2903982400894165, -0.5305907130241394, 1.0208468437194824, -0.26295772194862366, -1.7476835250854492, 0.9205578565597534, 0.3340664505958557, -0.18366912007331848, -0.31845778226852417, 1.8299031257629395, -0.3860516846179962, -0.042516082525253296, 0.8731229901313782, -0.42868971824645996, -0.29236900806427, 1.0909146070480347, 0.13677425682544708, -0.4100125730037689, 0.5287638902664185, -0.45645973086357117, -0.6060162782669067, 0.754065215587616, -1.671189546585083, 0.644305408000946, 0.8253849744796753, -0.5104845762252808, -0.21030853688716888, -0.8293968439102173, 0.7240068316459656, -0.06531180441379547, -0.0022755134850740433, 0.7382803559303284, -0.21859559416770935, 0.5450500249862671, -0.21301060914993286, 0.0593843013048172, 1.3182177543640137, -0.5893391966819763, 0.4926987588405609, 0.9434224367141724, -0.06829477101564407, -0.3415566682815552, -0.6460084915161133, 0.47868597507476807, -0.33186832070350647, 0.15331822633743286, 0.3427439332008362, 0.3949883282184601, 1.7059729099273682, -0.5672646760940552, -0.7200763821601868, 0.1811436265707016, 0.9085092544555664, 0.4412687122821808, 0.132482647895813, -0.3393300771713257, 0.5800896286964417, -0.09084220230579376, 0.8191998600959778, -0.2030624896287918, -1.3300572633743286, -1.1277973651885986, -0.3062112033367157, -0.0570802204310894, 0.11337854713201523, 1.7675267457962036, 0.6525743007659912, 1.242899775505066, -0.0976984053850174, -0.10239801555871964, -0.22730012238025665, -0.0711132287979126, 1.7237915992736816, 0.7429044246673584, -0.1766757220029831, -0.2640899419784546, 0.011058282107114792, 0.8936623930931091, -0.418011337518692, -0.9424774646759033, 0.5325235724449158, 1.1250324249267578, -0.003877464681863785, -0.8901491165161133, 0.9131076335906982, 1.2600752115249634, -0.04957149922847748, 0.773803174495697, -0.3684007227420807, 0.07793666422367096, -0.4133448898792267, 0.5892846584320068, -0.6738206148147583, 0.30121558904647827, 0.07209333777427673, 0.8277352452278137, 0.10142938792705536, 0.5801719427108765, -0.11161606013774872, 0.9954379200935364, 1.2058467864990234, -0.5755504369735718, -0.9594293236732483, -0.7787027955055237, -0.6530944108963013, -0.12134013324975967, -0.016575057059526443, 0.12422309815883636, -0.9918197393417358, 0.4972277581691742, 0.004330683499574661, -0.43468430638313293, 0.021412096917629242, -0.5763612389564514, -1.7836759090423584, 1.651029109954834, 0.7761086225509644, -0.7642567753791809, -0.16716276109218597, -0.47992604970932007, -0.7972626686096191, -0.47370120882987976, 0.008910679258406162, -1.2381802797317505, -0.30569392442703247, 0.031378936022520065, 1.0188530683517456, 0.05025539919734001, -0.5237234830856323, -1.0840561389923096, 0.6682037711143494, 1.3262616395950317, -0.763652503490448, 0.0066330041736364365, 0.47071805596351624, 0.9448762536048889, -0.34601637721061707, -0.9044241905212402, -0.976755678653717, 0.691837728023529, -0.07793726772069931, 0.5348339080810547, -0.8059996366500854, -0.7057380676269531, 0.6247177720069885, 0.24577505886554718, 1.0613019466400146, -0.8463699817657471, 0.11374729871749878, -0.817725658416748, -0.10639925301074982, 0.36212092638015747, -0.849619448184967, -0.20591159164905548, 0.8960238695144653, -0.049914393573999405, 0.7000195980072021, -0.71465003490448, 0.47395288944244385, 1.1925989389419556, -0.06929957866668701, 0.3837248682975769, -0.49443966150283813, -11.077274322509766, 0.4969198703765869, -0.33637845516204834, 0.3343387246131897, 0.9239944815635681, -0.5492663383483887, 1.3249695301055908, -0.23651322722434998, 0.5237283110618591, -0.9719704985618591, 0.013728734105825424, 0.7597416043281555, 0.4474557936191559, -0.14946407079696655, -1.0776418447494507, -1.1974740028381348, -0.8069380521774292, -0.05210017040371895, 0.5230286717414856, -0.1942959725856781, -1.0751571655273438, -0.4791339635848999, -0.3255454897880554, -0.02991456910967827, 0.25428467988967896, -0.0029759854078292847, -0.8728142976760864, -0.3939218521118164, -0.05811357498168945, -0.7808789014816284, 0.6379402875900269, -0.12051775306463242, -0.6841216087341309, -0.4816768765449524, -0.44263172149658203, -0.3250897228717804, -0.27376437187194824, -0.08771534264087677, 1.2845287322998047, 0.07202642410993576, 0.17103955149650574, 0.12986303865909576, 0.3589856028556824, 0.5763302445411682, -0.09744260460138321, 0.10702051222324371, 0.019600043073296547, -0.4296463131904602, 0.6031569242477417, -0.10743416100740433, -0.8862858414649963, -0.59917813539505, -0.24972549080848694, 0.08696344494819641, 0.3083113431930542, 0.9684034585952759, -0.810184121131897, -0.5685005784034729, -0.6877745985984802, -1.279463529586792, 1.0086407661437988, -0.42644375562667847, -0.7368667721748352, 0.16532088816165924, -0.6599631309509277, -0.1149107813835144, 0.23730221390724182, -0.16529496014118195, -0.7001468539237976, 0.06331641227006912, -0.3626503050327301, 0.8639053106307983, 0.2526276409626007, 0.3900884985923767, -0.873911440372467, -0.06304699927568436, -0.9195325970649719, 0.045770544558763504, -0.25616654753685, 0.0026440564543008804, -1.249277114868164, 1.2379220724105835, 0.7552162408828735, -0.42158499360084534, -0.42259904742240906, 0.3898475468158722, -0.38560107350349426, 0.6862632632255554, 0.2599806785583496, -0.5147829055786133, 1.2162888050079346, 0.6551528573036194, -0.16781798005104065, -0.3638955354690552, 0.028892192989587784, 0.7906418442726135, -0.5563907623291016, 0.5057738423347473, -0.29018503427505493, -0.6820691823959351, 0.013191021978855133, -0.2003820240497589, -0.5755661725997925, 0.40080195665359497, 0.7751705646514893, 0.3300238847732544, 1.030411958694458, 0.1712968647480011, -0.026330210268497467, -0.3818061053752899, 1.1168944835662842, -0.10883122682571411, -0.1714165359735489, 0.8580329418182373, -0.41179358959198, 1.106669545173645, -0.1515820473432541, 0.15201503038406372, 0.4103759527206421, 1.1092770099639893, -0.16191190481185913, 0.4959375858306885, -0.07113078981637955, 1.4413297176361084, -0.8995709419250488, 0.5487451553344727, 0.19261088967323303, 0.22528472542762756, 0.3523561358451843, -1.0834602117538452, 0.507585883140564, -0.29824960231781006, 0.028799045830965042, -1.3851302862167358, -0.6566281318664551, -0.35731539130210876, -0.3609620928764343, 1.4165900945663452, -0.6450389623641968, -0.062230199575424194, -0.6907188892364502, -0.8199856281280518, -0.04544554650783539, -1.6661306619644165, -0.7034076452255249, -0.01591239869594574, -0.3315780758857727, 0.36586323380470276, -0.25074341893196106, -0.32953470945358276, 0.43021276593208313, -0.4643082320690155, 1.0775724649429321, -0.8147420287132263, -0.15170811116695404, -0.3706784248352051, -0.018148625269532204, -0.6924861073493958, -1.3011153936386108, -0.31364065408706665, 0.02784707024693489, 1.0998941659927368, -1.1493884325027466, 1.6573654413223267, 0.29300087690353394, -0.3382745087146759, -0.6654647588729858, 0.25439879298210144, -0.7336729764938354, 0.3763255774974823, 0.9529841542243958, -0.40108370780944824, -0.5178683400154114, -0.7901540398597717, -0.8002293109893799, -0.5244866609573364, 0.22647777199745178, 1.0815328359603882, -0.7678361535072327, 0.3107722997665405, -0.5490267276763916, 0.9986788034439087, -0.9756998419761658, -0.5055047273635864, -0.6770224571228027, 0.8576048016548157, -0.47068268060684204, 1.2849645614624023, 0.47607526183128357, 1.0040853023529053, -1.9415922164916992, -1.105210542678833, -0.3936622142791748, -0.10112389922142029, 0.514491081237793, -0.2957250475883484, 0.5669779777526855, -0.25165000557899475, 0.013483196496963501, -0.3197256326675415, 0.2472851425409317, 0.25760313868522644, 0.08104296028614044, 0.42315998673439026, -0.24685285985469818, 0.43366241455078125, -0.4038107693195343, -0.07057235389947891, 0.2031538337469101, 1.0981049537658691, -0.9757250547409058, -0.9772369861602783, 0.20214222371578217, 0.16573284566402435, 0.06401833891868591, -1.1271157264709473, 0.2217063009738922, -0.13370034098625183, -0.277701199054718, -1.5227524042129517, -0.24654459953308105, 2.070370674133301, -0.3644770383834839, 0.9278483986854553, 0.20310039818286896, 1.6598751544952393, 0.5720195770263672, 0.6141519546508789, 0.3141406178474426, -0.433493971824646, -0.27937862277030945, 0.23382429778575897, 0.24406981468200684, -0.3180977702140808, -0.17091119289398193, -0.6190722584724426, -0.5773901343345642, 0.6727214455604553, -0.5658520460128784, 0.9736784100532532, -0.2247309535741806, 0.6083517074584961, 0.6739786863327026, 0.765601396560669, -0.554229736328125, -1.7778961658477783, 0.30213165283203125, -1.1369177103042603, 0.27325230836868286, 0.2107592523097992, 0.5722629427909851, 0.0684027448296547, 0.8647099733352661, -0.33814334869384766, 1.2968868017196655, -0.9153396487236023, 0.13583487272262573, 0.5325453877449036, -0.5509593486785889, 0.741102933883667, 0.5215662121772766, 0.22762082517147064, 0.21054279804229736, 0.002634093165397644, -0.9601165652275085, -0.35162630677223206, -0.16890613734722137, 1.2927178144454956, 1.3188961744308472, -0.3166368305683136, 0.07817620038986206, -1.0922387838363647, 1.3633781671524048, -0.5649245381355286, 0.9404523372650146, 0.4242958426475525, -0.5611021518707275, -0.4169751703739166, -1.0317481756210327, 0.5864399075508118, 0.6458658576011658, 0.04195437207818031, 0.1642107516527176, -0.5798514485359192, 0.44360989332199097, 0.5252072811126709, -0.4383751451969147, -1.3141956329345703, 0.29838764667510986, -0.7684510350227356, 0.16734470427036285, 1.0133765935897827, -0.5681555271148682, -0.49434787034988403, -0.07725006341934204, -0.8830952048301697, 0.06836938112974167, 0.15062226355075836, -0.5813867449760437, -0.7817720770835876, 0.4179321825504303, -0.9766290187835693, 0.5346968770027161, -0.034163638949394226, -0.5884943008422852, -1.7282350063323975, 0.7120335102081299, 1.619968056678772, -0.5242347121238708, -0.6525326371192932, -0.266458123922348, 0.08621177077293396, 0.1352933943271637, 0.9346522092819214]} +{"paper_id": "metrec", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "mutual_friends", "embedding": [-0.4615480899810791, 0.8694697618484497, 0.6373522281646729, 0.12381947040557861, 0.5135669112205505, -0.22494849562644958, 0.5563809275627136, 0.4419275224208832, 0.8107925057411194, 0.560065507888794, -0.08196571469306946, 0.048969827592372894, -0.10615366697311401, -0.7317166328430176, 0.26934510469436646, 0.9030853509902954, -0.460355281829834, -0.8358030319213867, -1.2844128608703613, -0.316348671913147, -0.26612234115600586, -0.646334707736969, -0.4367315471172333, 1.553433895111084, -0.4637438654899597, -0.6855612993240356, 0.9024559855461121, -1.6237616539001465, 0.5984047651290894, 0.22379779815673828, -0.24842339754104614, 1.6583672761917114, -0.9184712767601013, -0.06305304169654846, -0.14763665199279785, -0.42824655771255493, -0.027142386883497238, 1.0453904867172241, -0.2293778657913208, 0.25316449999809265, -0.008604946546256542, 0.3064931333065033, -0.409130334854126, 0.8279586434364319, 0.6553889513015747, 0.6146775484085083, 0.25545191764831543, 0.13651442527770996, 0.039788320660591125, -0.2660069167613983, -0.9163914918899536, -0.13392144441604614, -0.27306339144706726, 1.246444821357727, -0.5056807398796082, 1.34146249294281, -0.33879590034484863, -0.709039032459259, 0.1830333024263382, -0.04106837883591652, 1.8353301286697388, 1.0207210779190063, -0.42291009426116943, 0.4918357729911804, 1.1550406217575073, 0.34581196308135986, 1.665352702140808, -0.020641781389713287, 0.15603096783161163, 1.0640755891799927, -0.3534178137779236, -1.2882108688354492, 0.10648396611213684, -0.9485732913017273, -0.3408917188644409, 1.4138529300689697, 1.5117169618606567, 0.11173078417778015, -0.37832212448120117, 0.3818470537662506, 0.4529971480369568, 0.9561676979064941, 0.73793625831604, 0.13278913497924805, 0.10348039865493774, 0.27258583903312683, 0.7258121967315674, -0.500287652015686, 0.713737428188324, -2.9257078170776367, 0.6189236640930176, 0.5377609133720398, 0.1399448961019516, -0.5605669617652893, -0.7212624549865723, 0.23695039749145508, -0.14308923482894897, -0.55458003282547, -0.8629062175750732, -0.18935728073120117, 0.5412939786911011, -0.06297934055328369, -0.4356697201728821, -1.0579193830490112, -0.15800151228904724, 0.8220620155334473, 0.38652515411376953, -0.16271814703941345, -0.647304356098175, -0.24818848073482513, 0.4598875939846039, 1.07688307762146, -0.6593732237815857, 1.1225190162658691, -0.29301896691322327, 0.15777894854545593, 0.4933430850505829, 0.05076522380113602, -0.02294624224305153, 0.5315238237380981, -0.055278532207012177, -1.0420207977294922, -0.029323197901248932, 0.7812435626983643, 0.6989904046058655, -1.0100034475326538, -0.44849735498428345, -0.8380169868469238, 0.441240131855011, -0.5704611539840698, 0.6951305866241455, 0.07301695644855499, -0.9021325707435608, -1.1587846279144287, 2.2358076572418213, -1.5070832967758179, 2.1654651165008545, -1.2889673709869385, -0.5350971817970276, -0.8276456594467163, 0.19295859336853027, 1.4267867803573608, -0.11898304522037506, -0.13098974525928497, -0.5386149883270264, 0.04707639291882515, -0.22580477595329285, -0.008820829913020134, 0.03665231913328171, -0.5979923605918884, 0.5187509655952454, 0.32766732573509216, -1.6375051736831665, 0.3611544072628021, -1.0212335586547852, 0.35260525345802307, 0.024583958089351654, 1.1010627746582031, -0.7650063633918762, 0.6331201195716858, 1.2265980243682861, -0.3552974462509155, -0.2535770535469055, -0.35577741265296936, -0.9950858354568481, 0.04260009527206421, 0.7054014801979065, 0.24345430731773376, -1.0272326469421387, -0.8332383632659912, 0.22037798166275024, 0.5948026776313782, 0.07196187973022461, 0.046958379447460175, -0.5464572906494141, 0.23404636979103088, 0.5535563826560974, 1.1577072143554688, 0.6353570222854614, -0.12889593839645386, -0.8448039293289185, -1.1214486360549927, 0.0028324872255325317, 0.3224148452281952, -0.736935555934906, 0.8466304540634155, -2.599083423614502, -0.3017842173576355, -0.34027427434921265, 0.6647372841835022, 0.6691272258758545, -0.7803119421005249, 0.4099879860877991, -0.6228758096694946, 0.5232564806938171, -0.2550080418586731, 0.8250059485435486, -1.4722765684127808, -0.45819544792175293, 0.08838950097560883, -0.02632296457886696, -0.37932851910591125, 0.3545812964439392, 1.1182169914245605, 0.37840592861175537, -0.767673134803772, 0.0367300882935524, -1.217867374420166, 0.15011245012283325, 1.8780934810638428, 0.631339430809021, -0.7634246945381165, -0.6144198775291443, 0.16295067965984344, -0.24003568291664124, -0.1778397113084793, 0.5682874917984009, -0.6171045303344727, 0.9231227040290833, -0.8003755807876587, 0.46908944845199585, -0.1713656485080719, 0.6135686635971069, 0.889824628829956, 1.109610915184021, -0.2671034634113312, 0.1371888965368271, -0.9227132201194763, -1.710775375366211, -0.18025749921798706, 0.481204628944397, 0.5381526947021484, 0.052358925342559814, 0.910487949848175, -0.26111382246017456, 0.3583730459213257, 0.17454102635383606, 0.22348016500473022, -0.4712918996810913, 0.9393980503082275, 0.021304817870259285, 1.3285506963729858, 0.14514413475990295, 0.846955418586731, -0.4358137249946594, 0.5385698676109314, 0.09943494200706482, -1.223978042602539, 0.6233574151992798, -0.2593039870262146, 1.9116880893707275, 0.8244389891624451, -0.015206877142190933, 0.4529549777507782, -0.19386081397533417, -0.29692837595939636, -1.076068639755249, -0.9192600250244141, -0.02979988604784012, -0.08932586759328842, 1.5088160037994385, -0.12396407872438431, 1.157304286956787, -0.4821931719779968, -0.10480549931526184, -0.5046156048774719, -0.7580361366271973, 0.15176385641098022, -0.1019473522901535, -1.275447964668274, 0.18191072344779968, 0.27790647745132446, -1.0955873727798462, -0.5254966020584106, -0.745501697063446, -0.028471019119024277, -0.25348687171936035, 0.8400588035583496, 1.401712417602539, -0.3465309143066406, -0.11541025340557098, -0.7059059143066406, 1.269174575805664, -0.4935968220233917, 1.2260961532592773, -0.1890649050474167, 0.4515461027622223, -1.1729137897491455, 0.5993615388870239, 0.13416023552417755, -0.2536086142063141, 0.7246404886245728, 0.2231231927871704, 0.6257080435752869, -0.20185507833957672, 0.21179014444351196, 1.7155718803405762, -0.1102427989244461, -0.3911812901496887, 0.34241998195648193, 1.9835147857666016, 0.10956183820962906, -0.33373314142227173, 1.1306065320968628, -0.12377870827913284, -0.30907967686653137, 0.83399897813797, -0.5833753347396851, 1.0709868669509888, 0.7457573413848877, 0.11628527194261551, -0.11721497774124146, -0.24850395321846008, -2.4615442752838135, -0.07050708681344986, 0.2783307433128357, -0.5919955968856812, -0.03201064094901085, -0.8718448877334595, 0.5407934188842773, -0.2663232386112213, -0.11348269879817963, -0.13930761814117432, -0.2939884662628174, 0.46742817759513855, -0.04932402819395065, 0.04659052938222885, 1.540399193763733, -0.15804338455200195, 0.2014552354812622, 0.9316824078559875, 0.17062672972679138, -0.5457829236984253, -0.32746148109436035, 0.32846689224243164, -0.41057243943214417, 0.09803952276706696, 0.18959003686904907, 0.6993851065635681, 0.9097200632095337, -0.5305560827255249, 0.7215185761451721, 0.5540060997009277, 0.9851311445236206, 0.17475822567939758, -0.32777389883995056, -0.258539617061615, 0.8822692036628723, -1.2302237749099731, 1.3520548343658447, 0.056696850806474686, -0.8643353581428528, -1.429741621017456, 0.11177732050418854, -0.7677615284919739, -1.4038408994674683, 2.0941474437713623, -0.3509948253631592, 1.787426471710205, -0.20340581238269806, -0.27741628885269165, -1.1353398561477661, -0.0385061614215374, 0.6895549893379211, 0.46636784076690674, -0.826082706451416, -0.48579269647598267, -0.515116810798645, 0.8584526777267456, -0.36163225769996643, -0.8041222095489502, -0.4971872568130493, 1.370017647743225, -0.5124645233154297, -1.215457797050476, -0.1624792069196701, 1.097851037979126, 0.34222412109375, 1.0805597305297852, -1.0157835483551025, -0.3079923689365387, 0.17463642358779907, 0.9398072361946106, 0.5452470779418945, 0.6435912847518921, -1.04104483127594, 1.0548269748687744, 0.9835690259933472, 0.3883081078529358, -0.11407241225242615, 1.4360885620117188, -0.17370332777500153, -0.6199139356613159, -1.6209028959274292, -0.040185920894145966, -0.17980410158634186, -0.6679359674453735, 0.006137792021036148, 0.6020031571388245, -0.5270302295684814, 0.713611900806427, -0.33668360114097595, 0.05295087397098541, 1.035899043083191, -1.1279706954956055, -1.1676065921783447, 0.538936972618103, 0.6267979145050049, -0.9330356121063232, -0.18238744139671326, -0.028347358107566833, -0.9648382663726807, -0.547407865524292, -0.26271852850914, -1.0115344524383545, 0.8974661827087402, -0.0024439897388219833, 0.3622734248638153, 0.16820751130580902, -0.4251611828804016, -0.545135498046875, 0.5692567229270935, 0.989727258682251, -0.46052226424217224, 0.7887008190155029, 0.4445248246192932, 0.0251484215259552, -0.11016005277633667, -0.5927513241767883, -0.8763887286186218, 0.889831006526947, -0.4651007652282715, -0.03537658229470253, -0.7320898771286011, -0.3455973267555237, 0.6686106324195862, -0.9151188731193542, 0.3582434058189392, -0.9944878220558167, -0.5412110686302185, -0.39424288272857666, 0.3564949631690979, 0.3745230436325073, -0.8351045846939087, -1.0752054452896118, 0.43178266286849976, -0.7323740124702454, 0.3457041084766388, -0.013751879334449768, 0.038558874279260635, 2.1556951999664307, 1.0940135717391968, -0.014526575803756714, -0.43222805857658386, -9.54221248626709, 1.065105676651001, 0.3687649667263031, -0.5013440251350403, 0.9807398915290833, -0.6497833728790283, 0.7225735783576965, -0.10394716262817383, 0.9479368329048157, -0.4072738289833069, 0.18731404840946198, 0.3342353403568268, -0.43550968170166016, -0.7825028896331787, -0.1922098994255066, -1.442201018333435, -0.205937922000885, -0.4645129442214966, -0.5054823160171509, 0.5575301051139832, 0.10028524696826935, -1.6831930875778198, -0.15910793840885162, 0.6078410744667053, -0.25715285539627075, -0.26902544498443604, -0.8337649703025818, -0.6836573481559753, -0.055009178817272186, -0.3362596929073334, 0.021937550976872444, -0.3723117709159851, -0.2660853862762451, -1.313294768333435, 0.5853702425956726, 0.762116014957428, -0.3765823245048523, 0.3482153117656708, 0.35814836621284485, -0.8927642703056335, -0.8870208859443665, 0.8969684839248657, 0.8135582208633423, 0.5220158100128174, 0.35020604729652405, -0.31750383973121643, 0.29990336298942566, -0.8014573454856873, 0.2848762273788452, -0.42740577459335327, -0.4556977152824402, -0.7000619769096375, -1.5622706413269043, 0.2719743251800537, -0.20379802584648132, 0.30131542682647705, -0.7310669422149658, 1.130173921585083, -0.9289748072624207, -0.6973123550415039, 0.22528177499771118, 0.5032656192779541, 0.16680487990379333, 0.23366451263427734, 0.7768587470054626, -0.46247977018356323, 0.5421618223190308, 0.23298676311969757, -0.7018132209777832, 0.8172580003738403, -0.7466225028038025, -0.34920328855514526, -1.192692756652832, 0.5986663103103638, -0.37956783175468445, 0.18138036131858826, 0.2803451120853424, 0.04828902333974838, 0.8487677574157715, 0.2682255506515503, -0.9090347290039062, 0.18276940286159515, 0.49123501777648926, -0.8666931986808777, -0.9434170126914978, 0.4656282365322113, -0.6264658570289612, 0.01355024054646492, 1.10483717918396, -0.8084063529968262, 0.9960786700248718, 0.27320143580436707, 0.005292080342769623, 0.04044298082590103, 0.18210196495056152, 0.1605640947818756, 0.2974717319011688, 0.6642995476722717, 0.6312332153320312, -0.260503888130188, 0.3647938072681427, -0.5985063314437866, -0.6728225946426392, -0.36783963441848755, 0.5919904708862305, 0.6140722036361694, -0.4432383179664612, 0.481244295835495, 0.10990580916404724, -0.05310962349176407, 1.1158565282821655, 0.8414008021354675, -0.950678288936615, 0.46550390124320984, -0.2497168630361557, 0.8037558794021606, 1.3385652303695679, 0.30468013882637024, 0.26645219326019287, 1.313418984413147, -0.12230592221021652, 1.0839428901672363, -0.18356071412563324, 1.2195113897323608, -0.16302162408828735, -0.3135140538215637, 0.5784174799919128, 0.7294797301292419, -0.09013690054416656, -1.859259009361267, -0.3350275754928589, -0.025494132190942764, 0.44780829548835754, 0.04050549119710922, -0.9513193368911743, -0.021167751401662827, -0.6168379783630371, 1.4753665924072266, 0.1808832436800003, 0.6249239444732666, 0.29725128412246704, -1.2233761548995972, 0.5079998970031738, -1.064968466758728, -0.9175853729248047, -0.33270251750946045, -1.189742088317871, -0.25876179337501526, -0.8591189384460449, -0.5238385796546936, 0.9397732019424438, 0.2530602514743805, 0.20532530546188354, -0.8896424770355225, -0.5151978731155396, 0.8201857805252075, -0.0460103303194046, 0.06532364338636398, -1.082136631011963, 0.7702348232269287, 0.6040512323379517, 1.3563060760498047, -0.9747700691223145, 1.0395761728286743, -0.6213979721069336, -0.682781457901001, -0.5014823079109192, 0.31999993324279785, -1.3444381952285767, 0.17256394028663635, 1.6048433780670166, -1.0249675512313843, -0.4026595950126648, -0.5275890231132507, -0.9580869674682617, -1.699967861175537, 0.933196485042572, 0.5928182601928711, -0.5665972232818604, -0.7765893340110779, -0.27760475873947144, 0.08338682353496552, 0.7310236096382141, -0.3954812288284302, -0.5125566124916077, -0.9507876634597778, 0.1374586671590805, 0.6006619930267334, -0.17113950848579407, 0.05847619101405144, -1.4172775745391846, -0.8660227060317993, -0.38831791281700134, -0.879102885723114, -0.0899759829044342, 0.04489721730351448, 1.1766494512557983, 1.0133166313171387, -0.014289870858192444, 0.9797377586364746, 0.0280683021992445, 0.20766347646713257, 0.13283959031105042, 0.7993390560150146, -0.04929865896701813, 0.08872440457344055, -0.6423810124397278, 0.5935487747192383, 0.6484432220458984, -0.21210362017154694, -1.0692391395568848, 0.03513012081384659, 0.8802239894866943, 0.3667779266834259, 0.5761663913726807, -0.5801504850387573, 0.2286244034767151, -0.40735647082328796, -0.3335866332054138, -0.6985493302345276, -0.07255683094263077, 0.017319785431027412, -0.4752798080444336, 0.8163235783576965, 0.9277535080909729, 0.8866983652114868, 0.5173197388648987, -0.03869839012622833, 1.284650206565857, -0.48560667037963867, -0.7411391139030457, 0.2096288800239563, 0.03667493164539337, 0.1571234166622162, -0.13061381876468658, -1.5129493474960327, -0.829691469669342, 1.1865471601486206, -1.5180975198745728, 0.4054197669029236, 0.06438665091991425, 0.0419207364320755, 0.7699103355407715, 1.062745213508606, -0.6677879691123962, -1.3214949369430542, -0.5663223266601562, -1.221118450164795, 0.4897614121437073, 0.58809494972229, 0.7876748442649841, 0.9364156126976013, 0.6948043704032898, 0.62181556224823, 0.883251965045929, -0.709380567073822, -0.15455509722232819, -0.27585136890411377, 0.14720562100410461, 0.5356161594390869, 0.07509750872850418, 1.4084585905075073, -0.23213084042072296, 0.20917898416519165, -1.0551486015319824, -0.3400174379348755, 0.09185178577899933, 0.31000614166259766, 0.6934179663658142, -0.7868553996086121, -0.8458977341651917, -0.5677968859672546, 0.25410163402557373, -0.627464234828949, 1.2112597227096558, -0.32131683826446533, -0.8879968523979187, -0.9272845983505249, -1.4682087898254395, -1.4950051307678223, 1.3941705226898193, -0.5418046712875366, 0.015461299568414688, 0.4165171980857849, 0.23541675508022308, 0.5012981295585632, -0.20403626561164856, -1.077733039855957, -0.2108830064535141, -1.1933557987213135, 1.0728498697280884, -0.5053324699401855, -1.062909722328186, -0.20902158319950104, 0.04937240853905678, -1.1017429828643799, 1.4992867708206177, -0.09029436856508255, -1.3013155460357666, -0.9956297278404236, -0.23014035820960999, 0.19371727108955383, -0.438281774520874, 0.356393039226532, 0.3620655834674835, -2.484027862548828, 0.7568699717521667, 1.5026320219039917, 0.07357203215360641, -0.6196361780166626, 0.7154127359390259, -0.24353039264678955, 0.1012522503733635, 1.2539350986480713]} +{"paper_id": "told-br", "embedding": [-0.37043359875679016, 1.5426743030548096, -0.06572015583515167, -0.07679307460784912, 0.9490143656730652, 0.0539584755897522, -0.14177706837654114, 0.21335306763648987, 0.19134381413459778, 1.580674648284912, 0.3600698709487915, -0.06567592918872833, -0.5595336556434631, -0.11877773702144623, 0.3166247606277466, -0.5677381157875061, -1.2262746095657349, -0.18978913128376007, -0.11081922054290771, -0.15245357155799866, -0.6883487701416016, -0.3460690975189209, -0.13901488482952118, 1.2067750692367554, -0.41510120034217834, -0.03187648206949234, 0.22391685843467712, 0.01993776485323906, -0.8709383606910706, -0.530221164226532, -0.6586713790893555, 0.8407508730888367, -1.3893412351608276, -0.4151696562767029, -0.60794997215271, 0.1676730513572693, 0.3682922422885895, 0.31169477105140686, -0.13411587476730347, -0.8628717064857483, -1.4707520008087158, 0.6629987955093384, 0.6376156806945801, 0.45248594880104065, 0.7326318621635437, -0.06452362984418869, -0.17217640578746796, -0.09065347909927368, 0.13774272799491882, -0.05437237396836281, 0.2553738057613373, 0.5848486423492432, -0.6340087056159973, 0.22647812962532043, -0.7755204439163208, 1.1262362003326416, -0.38307881355285645, -0.5720911026000977, 0.49901115894317627, -1.4463242292404175, 1.4156560897827148, 1.2351239919662476, -0.42696255445480347, -0.509693443775177, 0.09704124182462692, -0.6202639937400818, 1.4286117553710938, -1.064286470413208, 0.7547860741615295, 0.5917225480079651, -0.26880258321762085, -0.5620272159576416, 0.07230184972286224, -0.6349332332611084, -0.14014747738838196, -0.10989716649055481, 0.6130487322807312, 0.5731109380722046, -0.843223512172699, 0.2160847783088684, -0.7561799883842468, 1.4721304178237915, -0.02610206976532936, -1.1299753189086914, 0.06280805170536041, 0.08966659754514694, 0.051727764308452606, 0.06554696708917618, 0.652039647102356, -1.2421560287475586, 1.0492278337478638, -0.36432379484176636, -0.3154096305370331, 1.024092435836792, -0.8764501810073853, 1.0432809591293335, -0.001170225441455841, 0.13675636053085327, 0.03294922411441803, 0.47842127084732056, 1.1676644086837769, -1.1975394487380981, 1.5078989267349243, 0.8833791017532349, -0.5702326893806458, 1.8981231451034546, 0.008644498884677887, 0.2304617464542389, -0.41863250732421875, 0.33658260107040405, 0.020230568945407867, 1.3155113458633423, -0.8345197439193726, 0.6787469387054443, -0.08282752335071564, -0.10098370909690857, -0.4979172646999359, -1.2495644092559814, -0.6302641034126282, -0.007103227078914642, -1.4578365087509155, -0.7588528990745544, -0.4575639069080353, 1.055397868156433, 1.4168246984481812, -0.2455851137638092, 1.2927403450012207, -0.26521366834640503, 0.1745861917734146, -0.04176256060600281, 0.8360937833786011, -0.5422678589820862, -0.9343335032463074, 0.5789276957511902, 2.3180673122406006, -0.5388611555099487, 1.9167691469192505, -0.5418065190315247, 0.5635215640068054, -0.525054931640625, -0.18820425868034363, 0.8681424260139465, -0.09746338427066803, -1.0857034921646118, -1.368752360343933, 0.3165005147457123, -1.5273663997650146, 0.6843712329864502, -0.04888496547937393, -0.35133621096611023, -0.0013706125319004059, 0.5498284101486206, -0.2389829009771347, -0.11926747858524323, 0.31937599182128906, 0.3531235158443451, -0.21722304821014404, 0.6208178400993347, -0.1921079009771347, 0.8932507038116455, 1.1867318153381348, 0.24656587839126587, 0.029839158058166504, 0.7756710052490234, -0.9548307657241821, -0.24249008297920227, 0.5813619494438171, -0.06734685599803925, -0.9975085258483887, -0.46322429180145264, 2.082641124725342, 0.2046351134777069, -0.14600709080696106, 0.4747266471385956, -0.3188193142414093, -0.5907418727874756, 0.7597284317016602, 0.9309242367744446, 0.13910818099975586, 0.35580727458000183, -0.4363824725151062, -0.46751803159713745, -0.24482253193855286, 0.49751704931259155, -0.08225884288549423, -0.2760058045387268, -0.9208887219429016, -0.38347339630126953, -0.44471871852874756, 1.685991883277893, 0.18214291334152222, -0.5934739112854004, -0.29373595118522644, 0.9234530329704285, 0.701644241809845, -0.41299736499786377, 0.3289639353752136, -1.2568506002426147, -0.5154684782028198, -0.5046411752700806, 1.5028908252716064, -1.1547677516937256, 0.5388086438179016, 0.13797350227832794, 0.7614188194274902, -0.523690402507782, 0.1440766304731369, -1.5731489658355713, 0.535574734210968, 2.5695393085479736, 0.80320143699646, -0.6291409134864807, -0.5972761511802673, 0.4389275312423706, -0.03881756216287613, 0.08221285790205002, 0.7566982507705688, -1.0876173973083496, -0.3355020582675934, -0.9063332676887512, 0.13403649628162384, -0.28527161478996277, 0.12934845685958862, 0.40457579493522644, 0.24566352367401123, -0.32081204652786255, -0.37836819887161255, -0.1972339153289795, -0.1434369832277298, 0.3942607343196869, 0.7795060276985168, -0.10098925977945328, -0.3362109065055847, 0.028430383652448654, 0.12469132244586945, 0.9296362996101379, -0.11095288395881653, -0.3726409375667572, -0.14444421231746674, -0.09440165758132935, -0.036646224558353424, 0.026720911264419556, -0.07125242054462433, -1.0928400754928589, 0.9521026015281677, 1.1533598899841309, 0.06547310948371887, 0.1173551082611084, -0.5839024782180786, -0.005822025239467621, 0.5005026459693909, 1.6818499565124512, -0.3227989077568054, 1.3738592863082886, -1.4549473524093628, 0.7301726937294006, 0.5884895920753479, -0.7790758013725281, 0.4136526584625244, 0.43041878938674927, 0.017339374870061874, -0.11029217392206192, -0.27766209840774536, -0.09426067024469376, -0.4520290493965149, -0.734921395778656, 0.027945831418037415, 0.4682159125804901, -1.1194703578948975, -1.2906222343444824, 0.5186972618103027, -1.1058686971664429, -1.5667760372161865, -0.03403599187731743, 0.6382957696914673, 0.70352703332901, -0.324596107006073, 0.28062891960144043, 0.6740456819534302, 0.002873796969652176, 0.1735401153564453, -0.028429806232452393, 0.8971579670906067, -0.44431421160697937, 0.7454569339752197, -0.37158751487731934, 1.073767900466919, 0.08518657833337784, -1.0828535556793213, 0.2628664970397949, 0.1291378140449524, 1.7567112445831299, -0.9146859645843506, 0.912430465221405, -0.27435675263404846, -0.9329773187637329, 1.2975386381149292, 0.1685749590396881, 0.4877987205982208, -0.9547165632247925, 0.7453922033309937, 0.7425885200500488, -0.3196115493774414, 0.495386004447937, -0.7453351020812988, 0.41363129019737244, 0.3803144693374634, -0.8750476837158203, 0.1592799872159958, 0.34989243745803833, -0.2922116219997406, -0.47510114312171936, 0.7774950861930847, -1.5734355449676514, 0.11860989779233932, 1.6084494590759277, -0.8603420853614807, 0.16457673907279968, -0.09128208458423615, 1.3865673542022705, -0.7736145257949829, -0.6178134083747864, -0.8699374198913574, -0.5063777565956116, 0.6852699518203735, 0.012478582561016083, 0.029755569994449615, 0.48846450448036194, -1.0198513269424438, -0.12602730095386505, 0.8014419078826904, 1.3526132106781006, -0.6123761534690857, -0.18168804049491882, -0.10049984604120255, -0.5981231927871704, 1.2675960063934326, -0.5774946808815002, 0.414291650056839, 1.811121940612793, -0.5084882974624634, -0.6688882112503052, 0.2781902551651001, 0.7415355443954468, 0.5353571772575378, 0.43544989824295044, -0.3196202516555786, 0.9262703061103821, -0.2961253821849823, 0.45080557465553284, 0.2646614611148834, -0.3100472688674927, -1.9447561502456665, -0.5841046571731567, 0.5345161557197571, -0.7746161222457886, 1.082184910774231, 0.8454579710960388, 1.0958037376403809, -0.12604761123657227, 0.06996779143810272, -0.09049554169178009, 1.0221939086914062, 1.6222220659255981, 0.6703140139579773, 0.4507187604904175, -0.4187451899051666, 0.5469120144844055, 0.39813414216041565, -0.01886407658457756, -0.9495440721511841, 0.8638725876808167, 1.36736261844635, -0.9088858962059021, 0.0936804711818695, -0.6540705561637878, 0.04604853689670563, 0.4924899935722351, 0.7387271523475647, -0.18388009071350098, -0.9354871511459351, -0.5937459468841553, 0.041739754378795624, 0.37681907415390015, 0.3822498917579651, -1.4143450260162354, -0.11077730357646942, -0.2558142840862274, 0.34611064195632935, -0.42170554399490356, -0.2692805230617523, 0.36675652861595154, -0.5763451457023621, -0.2936457097530365, -0.6134883761405945, -0.935112714767456, -0.07579801976680756, -0.018901776522397995, -0.4911126494407654, -1.2208640575408936, 1.5820341110229492, -0.8441413640975952, -1.5050984621047974, 0.4367986023426056, 0.1300017237663269, -1.3378167152404785, 1.1248661279678345, 0.6570146083831787, -1.4645814895629883, -1.127956748008728, -0.4251735806465149, -0.9939015507698059, -1.041037678718567, 0.8232717514038086, -0.6258427500724792, 1.3725104331970215, 0.28216221928596497, 0.03201885521411896, 0.12460633367300034, -0.05580455809831619, -0.655693769454956, -0.01244935393333435, 1.7808889150619507, -0.5151132345199585, 0.008035717532038689, 0.8909048438072205, -0.4981291890144348, 0.4347228407859802, -1.3491522073745728, -0.7118547558784485, 0.24153779447078705, 1.0724501609802246, 0.9391223192214966, -0.7574265599250793, -0.9873581528663635, 0.15779560804367065, -0.770259439945221, 0.6148104667663574, -0.6971405148506165, 0.35230714082717896, -0.9595138430595398, -0.07158456742763519, 0.5652282238006592, -0.39225322008132935, -0.6982273459434509, 0.7605133056640625, -1.3089474439620972, 0.27305832505226135, 0.7930845022201538, 0.34885695576667786, 0.18941332399845123, 0.48755043745040894, 1.4477462768554688, -0.8848118782043457, -9.309110641479492, -0.03207998722791672, -0.5074413418769836, 0.6123955845832825, -0.3434259593486786, -0.5387197136878967, 0.09770576655864716, -0.2317643165588379, 1.844618320465088, -0.4579176902770996, -0.07919734716415405, 2.6319501399993896, 0.29751822352409363, -1.0111709833145142, -0.7315531373023987, -0.4678316116333008, 0.1397220939397812, -0.3198030889034271, 0.1936824470758438, 0.015974007546901703, -0.8451818227767944, -1.7679890394210815, 0.6330648064613342, -1.1585180759429932, 0.9860792756080627, 0.11234516650438309, -0.10482624173164368, -0.532984733581543, -1.0581432580947876, 0.4135148525238037, 0.9128152132034302, 0.11848188191652298, -0.4281032681465149, -0.12529756128787994, 0.29253089427948, 0.2261241376399994, -0.7671359777450562, -0.4462733566761017, 1.428781270980835, -0.6246353983879089, 0.5104183554649353, 0.2097625434398651, -0.17396894097328186, -0.46958255767822266, -0.37649625539779663, -0.13614614307880402, -0.23850131034851074, 0.21267564594745636, 0.021650034934282303, -0.35660436749458313, -0.07346063107252121, -0.578470766544342, -1.5575369596481323, -0.35663318634033203, 1.7280868291854858, 0.4774833023548126, -1.2968980073928833, 0.3489414155483246, -1.4173872470855713, -1.3145960569381714, 1.28681218624115, 0.1677602231502533, -0.3483952283859253, 0.5146291255950928, 0.3117600083351135, -0.8773238658905029, 0.445907860994339, -0.31083276867866516, -0.37118417024612427, -0.37492677569389343, -0.2141721248626709, 1.8002235889434814, 0.4669828414916992, 0.32623493671417236, 0.28736746311187744, -0.7003580331802368, -0.5355623364448547, -0.34248027205467224, 0.3824569284915924, -1.2079441547393799, -0.9696800112724304, 0.4983762800693512, -0.7539283633232117, -0.5887287855148315, -0.6629493832588196, 0.24288418889045715, -0.871559202671051, -0.8326143622398376, 0.8431521654129028, 0.8587903380393982, 0.05633712559938431, 0.5435088276863098, 0.49915218353271484, 0.9197977185249329, -0.8024038076400757, 0.4947710335254669, -1.49722421169281, 1.8184211254119873, -0.14953291416168213, -0.03807339817285538, 1.0826127529144287, 0.34062397480010986, -0.5382903814315796, 0.11771327257156372, 0.6865613460540771, 0.22233518958091736, 0.06978562474250793, 0.40511587262153625, -0.7227196097373962, -0.05484279617667198, 0.36227768659591675, 0.19952577352523804, -0.15079820156097412, -0.033082470297813416, 0.945857048034668, 0.5104435086250305, 0.24239587783813477, 0.05822257697582245, 0.042266570031642914, 0.6245744824409485, -0.2877924144268036, 0.3479915261268616, -0.7820428609848022, 0.22447560727596283, 0.07837939262390137, 0.342227041721344, -0.07173925638198853, -0.35135918855667114, -0.19988922774791718, -1.5949678421020508, 1.069826602935791, -0.6064530611038208, 0.46860048174858093, -1.4002764225006104, -0.08825284987688065, -0.6454606056213379, -1.5296066999435425, 0.4664890766143799, -1.100090503692627, 0.7790651917457581, -0.5170110464096069, -0.44751349091529846, 0.6920492649078369, -0.11789774894714355, -0.1836215704679489, -0.21340501308441162, -1.3150125741958618, 0.09624892473220825, -0.8585416078567505, -0.24288085103034973, 0.7026938199996948, -0.3684769868850708, 0.45955008268356323, -1.2237604856491089, -0.4740753173828125, -0.03484458103775978, 0.8766965270042419, -0.19973605871200562, -1.196146011352539, 0.3230252265930176, 0.36871472001075745, 1.1299736499786377, -0.4922337234020233, 1.0708500146865845, -0.0781310498714447, -0.5978150963783264, 0.12684857845306396, 0.3564215898513794, -0.7892819046974182, 0.8339511752128601, 1.3578276634216309, -0.4990254044532776, -0.38937821984291077, -0.09605329483747482, -0.10298585891723633, -0.7435134053230286, 1.1093554496765137, 1.1857409477233887, -1.174334168434143, 0.7487470507621765, -0.3055037558078766, 0.4019436836242676, -0.045324843376874924, -0.945567786693573, -0.4857361912727356, 1.068925380706787, -0.5443492531776428, 1.592921495437622, 0.006306230090558529, -8.945539593696594e-05, -1.6251479387283325, -0.9005419611930847, -0.3566379249095917, -0.22092625498771667, 0.5760161876678467, -0.6949358582496643, 0.8506907820701599, 0.21299481391906738, 0.10979408025741577, -1.5189732313156128, 0.018180575221776962, 0.7599493265151978, -0.010558519512414932, -0.2488003373146057, -1.2586050033569336, -0.6900088787078857, -0.7113596200942993, 0.3094457983970642, -0.08634138107299805, -0.30721336603164673, -1.9297138452529907, -0.07301121950149536, 0.3346189558506012, -0.2314160317182541, 0.7372259497642517, -0.492266446352005, 0.19004613161087036, 0.422976553440094, -1.1381961107254028, -0.45763134956359863, 0.13270440697669983, 1.744446873664856, 0.4859433174133301, 0.8557475209236145, 0.14346152544021606, 0.29855427145957947, 0.6451520919799805, 0.7917824387550354, 2.013946533203125, -0.8128118515014648, 0.2624025046825409, -0.21610844135284424, -0.5023040771484375, -0.03513817861676216, 0.12501218914985657, 0.26982828974723816, -0.9233254790306091, 0.3011154532432556, -1.6614396572113037, 0.07273294031620026, -0.08135750889778137, -0.2121467888355255, 0.7747789025306702, 0.4043767750263214, -1.2398135662078857, -0.3720463216304779, -0.3349369764328003, 0.12865573167800903, -0.09225939959287643, 0.10348927229642868, 0.8457016348838806, 1.2984580993652344, 0.39068377017974854, 0.24892452359199524, 1.5761288404464722, 0.7571908831596375, -0.07977378368377686, 0.5620291829109192, 0.9720888733863831, 1.4093977212905884, 0.7278159856796265, -0.17677640914916992, -0.512911319732666, -0.15746837854385376, -1.0473616123199463, -0.383170485496521, -0.48729217052459717, 0.5843033194541931, 0.49825412034988403, -0.38902220129966736, 0.40079808235168457, 0.09189838171005249, -0.7097387909889221, 0.3708435297012329, 0.49940225481987, 0.6794782280921936, -0.014992602169513702, -0.1002902090549469, -0.8534219861030579, -0.12223312258720398, 1.2070362567901611, -1.4290841817855835, -0.1053883507847786, -1.0215100049972534, 0.5498539209365845, -0.23291423916816711, -1.095716953277588, -1.680222749710083, 0.33733826875686646, 0.13667047023773193, -0.2563912272453308, 1.1584349870681763, -1.5796093940734863, -0.9339943528175354, -0.3163314461708069, -0.956852376461029, 0.36512425541877747, 0.4154898524284363, -1.4141886234283447, 0.15447929501533508, -0.0419333316385746, -0.04564109072089195, 0.10493911802768707, 0.21549957990646362, -0.2043536901473999, -1.5180654525756836, 1.4153497219085693, 1.6607831716537476, 0.29782813787460327, -1.1400752067565918, 0.6175865530967712, 0.17073772847652435, -0.28618359565734863, 1.5066745281219482]} +{"paper_id": "hover", "embedding": [-0.2889755070209503, 0.8840954303741455, -0.2943127453327179, -0.2539256811141968, -0.15623188018798828, -0.06631694734096527, 0.8318224549293518, 0.44392749667167664, 0.9363923072814941, 1.2377417087554932, 1.1167577505111694, 0.30516842007637024, -0.22353017330169678, 0.03392045944929123, 0.09153445065021515, -0.0672864243388176, -0.18979784846305847, -0.44304490089416504, -0.46510741114616394, -0.30806782841682434, -0.30095452070236206, -0.8007025122642517, 0.22596344351768494, 0.29627564549446106, -1.6949495077133179, -0.4558456242084503, 1.0766412019729614, -0.9021753072738647, -0.07130082696676254, 0.12889216840267181, -0.2527063190937042, 1.142451524734497, -1.9283580780029297, 0.974794328212738, -0.2526038885116577, 0.028456540778279305, 0.17937424778938293, 1.1535855531692505, 0.20875152945518494, 0.23206831514835358, -0.6123017072677612, -0.3315001130104065, 0.7692295908927917, -0.15912213921546936, 0.9683628678321838, -0.6220970153808594, 0.29100531339645386, 0.1426795870065689, -0.6742289066314697, 0.11992734670639038, -0.4190029799938202, 0.2653829753398895, 0.03684992343187332, 1.0690784454345703, 0.11935023218393326, 1.128265380859375, -0.05922122672200203, -0.3895220458507538, 0.5709163546562195, -0.23193924129009247, 1.6381887197494507, 1.3157633543014526, -0.9196917414665222, -0.18829107284545898, 0.6872853636741638, -0.34503108263015747, 1.1925965547561646, 0.2035771757364273, 0.386491060256958, 0.6639746427536011, -0.03125862032175064, -1.4232232570648193, -0.011032015085220337, -0.5315488576889038, -0.2056722342967987, 1.033923625946045, 0.8332927823066711, 0.07140585780143738, 0.1273110806941986, -0.05692587047815323, 0.2004450112581253, 0.6698927283287048, 0.5436259508132935, -0.6077614426612854, 0.10476715117692947, 0.36368703842163086, -0.03139260411262512, -0.3087354004383087, 1.1892484426498413, -1.554069995880127, 1.225900650024414, 0.1803705245256424, -0.5608885288238525, -0.1562567800283432, -0.007750935852527618, 0.6607750058174133, -1.0170822143554688, -0.32777249813079834, -0.33671054244041443, -0.16027948260307312, 0.42964693903923035, -0.5501629114151001, 0.0673476830124855, -0.3477417528629303, 0.3113504648208618, 1.0047074556350708, -0.3906669318675995, 0.12896978855133057, -0.9536538124084473, -0.26276734471321106, -0.2538585066795349, 1.480939507484436, -0.5610570311546326, 0.23801735043525696, -0.2134678214788437, -0.6355942487716675, 0.4434083104133606, -0.7214878797531128, -0.4270680546760559, 0.1413104385137558, -0.09897123277187347, -0.8155366778373718, -0.3679305911064148, 0.5377163887023926, 1.0173614025115967, -0.650035560131073, -0.17753729224205017, -0.3534637689590454, -0.603380024433136, 0.013977689668536186, 0.30560797452926636, -0.14682510495185852, -1.0169659852981567, 0.12583133578300476, 2.768293857574463, -1.1823821067810059, 1.72501802444458, 0.11133165657520294, -0.21564635634422302, -0.1454087197780609, 0.29688867926597595, 1.0007582902908325, 0.8316202163696289, -0.28995469212532043, -0.5587868690490723, 0.6588535904884338, -0.6428770422935486, 0.6980480551719666, -1.1980149745941162, -0.588015079498291, -0.5270546078681946, 0.46240243315696716, -2.308234214782715, -0.27137911319732666, -0.18505625426769257, 0.03526011109352112, -0.36711186170578003, 0.22185653448104858, -0.8389222621917725, 0.6664140224456787, 0.6035040020942688, 0.6035577654838562, -0.4299871325492859, 0.5991123914718628, 0.09047379344701767, 0.07085814327001572, 1.2330933809280396, -0.5017585754394531, -1.2728052139282227, 0.3055025339126587, 0.9374476671218872, -0.881094217300415, -0.28076988458633423, -1.0957590341567993, -0.17811927199363708, 0.3010293245315552, 0.5245396494865417, 0.5919414758682251, 0.4207783043384552, -0.14821627736091614, -0.794929027557373, 0.17944730818271637, -0.02211051434278488, 0.1546785831451416, -0.5706316232681274, -0.009993895888328552, -2.4396650791168213, -0.29519712924957275, -0.00017865002155303955, 1.3061755895614624, 0.1119966208934784, 0.813771665096283, 0.49386417865753174, 0.4459100663661957, -0.04860881716012955, -0.8887476325035095, 0.40615054965019226, -1.2893363237380981, -0.014170318841934204, -0.4360482692718506, -0.3468109667301178, -0.14025133848190308, -0.407986581325531, -0.14316247403621674, 0.8011687397956848, -0.9877365231513977, -0.5638954639434814, -2.462454319000244, 0.43529990315437317, 2.478549003601074, -0.6473748683929443, -0.5494805574417114, -1.6230589151382446, -0.3322393596172333, 0.27172011137008667, -0.291989266872406, 0.3070105016231537, -0.8778037428855896, -0.03974563628435135, -0.9041568040847778, 0.6554419994354248, -0.6187044382095337, 0.4202214181423187, 0.4740809202194214, 0.5973740816116333, -1.0985548496246338, 0.2783292233943939, -0.7511242628097534, -1.3045904636383057, 0.9315528869628906, 0.9240931272506714, -0.04399949684739113, -0.15962956845760345, 0.937558650970459, 0.7887391448020935, 1.1357284784317017, 0.03691844642162323, 0.42609187960624695, -1.4877569675445557, 0.028352541849017143, 0.17559005320072174, 1.454180359840393, 0.3793260455131531, 0.20227201282978058, 1.0170806646347046, 0.4558541178703308, -0.08825652301311493, -0.3449741005897522, -0.5180419087409973, -0.45560646057128906, 0.927889347076416, 0.24845734238624573, -0.8883950710296631, 0.7125692963600159, -0.7267361283302307, -0.33489999175071716, -0.4038142263889313, -1.0849835872650146, -0.12826919555664062, 0.1679375022649765, 0.637229859828949, 0.5076580047607422, -0.253939688205719, -0.29792946577072144, -0.23511381447315216, -1.5344047546386719, 0.07668696343898773, -0.4713219106197357, -0.4808276295661926, -1.4427677392959595, 0.16923461854457855, -0.5123482942581177, -1.0727949142456055, -0.96921306848526, 0.7712744474411011, 0.4174334406852722, 0.019231408834457397, 0.2288324534893036, 0.8035221099853516, 0.13620781898498535, -0.29613351821899414, -0.37411245703697205, 1.0346786975860596, 0.05665015056729317, 0.8384711742401123, 0.029081497341394424, -0.3581158220767975, -0.7843254208564758, 0.28271785378456116, -0.20579124987125397, 0.5924867987632751, 0.2519140839576721, -0.2127838432788849, 0.745649516582489, 0.0052967071533203125, -0.7415488958358765, 1.5296738147735596, 0.34344297647476196, -0.33895936608314514, -1.055195689201355, 1.3738412857055664, 0.061788156628608704, -0.27167728543281555, 0.7853171825408936, 0.2540235221385956, -0.9708775877952576, 1.451034665107727, -0.27658534049987793, 0.7431297898292542, 0.56740802526474, 0.18001969158649445, 0.13479168713092804, 0.15203121304512024, -1.156078815460205, 0.46791258454322815, 0.8607486486434937, -0.554409921169281, -0.44204047322273254, -0.6902062296867371, 0.40181273221969604, -0.534795343875885, -0.01678532361984253, 0.25350716710090637, -0.04360330477356911, -0.09409138560295105, -0.35572579503059387, 0.4317866563796997, 1.4402180910110474, -1.483197569847107, 1.150882363319397, 0.3927813768386841, 0.2600793242454529, -0.7206549048423767, -0.6844756603240967, 1.3294212818145752, -0.3223021328449249, 0.8517571687698364, -0.2312285304069519, 0.7648677229881287, 0.6273919343948364, -0.5761491060256958, -0.22302782535552979, 1.1950645446777344, 0.26730379462242126, 0.7972186803817749, 0.48722192645072937, -0.8332679867744446, 0.8599188327789307, -0.40352872014045715, 1.1129318475723267, 0.11127214133739471, -0.8847491145133972, -1.6519633531570435, -0.28716030716896057, -0.11240973323583603, -0.8242277503013611, 1.7266130447387695, 0.7984098196029663, 2.042299509048462, -0.6604253649711609, 0.47024643421173096, -0.44387099146842957, 0.16822008788585663, 0.47394344210624695, 0.2511143088340759, 0.6962239146232605, -1.1573911905288696, 0.008656978607177734, 1.7817670106887817, -0.07947934418916702, 0.29099756479263306, -0.1690983772277832, 0.43790969252586365, 0.027911890298128128, -0.12013992667198181, 0.8282660245895386, -0.2705170512199402, 0.01486186869442463, 0.44321367144584656, -0.44225844740867615, -1.1233857870101929, -0.24436615407466888, 0.2644491493701935, 0.07886118441820145, 0.8319426774978638, -0.9446432590484619, 0.7113022208213806, -0.040776144713163376, 0.7128540277481079, -0.022678643465042114, 0.6602814793586731, 1.6475917100906372, 0.42279988527297974, -1.5569839477539062, -0.5421930551528931, -0.40098923444747925, 0.4038126766681671, -0.028462639078497887, 0.17779020965099335, -0.2630365192890167, 0.3360830545425415, -0.14645269513130188, -1.1134034395217896, 0.9805773496627808, -0.46440088748931885, -1.3743822574615479, 0.693450927734375, 0.7840354442596436, -1.5444608926773071, -0.356731116771698, 0.5270998477935791, -0.09807468950748444, -0.8175385594367981, -0.24733303487300873, -0.5175551176071167, 0.9855589270591736, 0.5466212034225464, 0.5917665958404541, -0.31205248832702637, -0.2224152386188507, -0.9642618894577026, 1.0439187288284302, 0.676296055316925, -0.5582345128059387, 0.9352818727493286, 0.3534989356994629, 0.10488785803318024, 0.19543874263763428, -1.452942132949829, -0.8504359126091003, 1.3864634037017822, -0.37645453214645386, 0.08472782373428345, -1.0339354276657104, -1.3026130199432373, 0.9573870897293091, 0.21107695996761322, 0.557357907295227, -0.7852133512496948, 0.35280632972717285, -1.2244186401367188, 0.06350070983171463, 0.24877822399139404, -0.5880799889564514, -0.475458025932312, 1.160827398300171, -0.29811325669288635, 1.0220015048980713, 0.0854814201593399, -0.3535909950733185, 2.001272201538086, 0.32919636368751526, 0.11722221970558167, -0.8536692261695862, -10.61316204071045, 1.0602251291275024, 0.029214367270469666, 0.63154536485672, 0.7094594240188599, -0.4993104040622711, 0.21446391940116882, -0.18442395329475403, 1.023460030555725, -0.621512234210968, 0.5107532143592834, 2.3825230598449707, -0.13166725635528564, -0.6770326495170593, -0.8257959485054016, -1.832074522972107, -0.49843618273735046, -0.07256172597408295, -0.460415780544281, -0.16223958134651184, 0.22079984843730927, -1.2921476364135742, 0.06174612045288086, 0.2947640120983124, 0.3612748682498932, 0.2346181571483612, 0.17823296785354614, -0.22024701535701752, -0.20728030800819397, -0.07549871504306793, 0.538862407207489, -0.041572242975234985, -0.07986431568861008, -0.6211687922477722, 0.15097157657146454, -0.5003039240837097, -0.9891096949577332, -0.14130893349647522, 0.6327944993972778, -0.3380464017391205, 0.04076850414276123, 0.5125879049301147, 0.027819614857435226, -0.8174774050712585, -0.5757354497909546, 0.32144618034362793, 0.20693425834178925, -0.7115015387535095, 0.10772544145584106, 0.44011354446411133, -0.047229111194610596, -0.5624142289161682, -0.6595423221588135, -0.1001552864909172, 0.41920775175094604, -0.48858848214149475, -0.734832763671875, -0.360774964094162, -0.9406983256340027, -1.7814871072769165, 0.7092429399490356, 0.2582932710647583, 0.692858099937439, 0.061646200716495514, 0.4528786540031433, -0.29188740253448486, 0.809114933013916, 0.0987115204334259, -0.4842934012413025, -0.45361098647117615, -0.5824800729751587, 0.7165704965591431, 0.3741227984428406, 0.0011461526155471802, -0.6995375752449036, -0.051717035472393036, -0.6046797633171082, 0.4639919400215149, 0.6404677629470825, 0.31532400846481323, -1.2147883176803589, 0.8272124528884888, 0.5928773283958435, -0.3830467462539673, -1.0112100839614868, -0.4178691506385803, -0.3477431535720825, -0.6365090012550354, -0.16873259842395782, 0.07321567088365555, 1.051010012626648, 0.35175567865371704, -0.42726320028305054, -0.8946745991706848, -0.5332279205322266, 0.606742799282074, -0.685444176197052, 0.9247690439224243, -0.4814831614494324, -0.8621673583984375, 0.6307454109191895, 0.10595335811376572, -0.8663837909698486, -0.3478125035762787, 0.5520166754722595, 0.28571391105651855, 0.09298008680343628, -0.27570533752441406, -0.49991047382354736, -0.11400742083787918, 0.8294284343719482, 0.23545143008232117, -0.17519418895244598, 1.2959184646606445, -0.5465270280838013, 0.1442718356847763, 0.8087314367294312, -0.4789702892303467, -0.39651069045066833, 2.1783061027526855, -0.19434002041816711, 0.7340323328971863, -0.1170329824090004, 0.9035899639129639, -0.7257668375968933, 0.23928821086883545, 0.05828600004315376, 0.4258674681186676, 0.027630599215626717, -1.9239593744277954, 0.8853285908699036, -0.010976346209645271, 0.377470463514328, -0.6048442125320435, -0.524004340171814, -0.3201563060283661, 0.01932123489677906, 1.409477949142456, -0.7361218929290771, 0.18844172358512878, -0.6344988942146301, -0.21743501722812653, 0.80243319272995, -1.1311982870101929, -0.5954192876815796, 0.44510579109191895, -1.212884545326233, 0.23745538294315338, -0.9994638562202454, 0.007478788495063782, -0.08395726978778839, -0.5231891870498657, 0.7484279274940491, 0.14692364633083344, -0.33494967222213745, -0.1373443901538849, -0.0033398978412151337, -0.43833819031715393, -0.7339173555374146, 0.36332058906555176, -0.6616324186325073, 2.1947779655456543, -0.7101824879646301, 0.16344013810157776, 0.5062083005905151, -0.5005854964256287, -0.8731725811958313, -0.4955218434333801, -0.19016814231872559, -0.1304173767566681, 1.3041284084320068, -0.5754409432411194, 0.3374977111816406, 0.09245368838310242, 0.455262690782547, -0.6464179754257202, 1.4397238492965698, 0.9494255781173706, -1.118639349937439, -0.45479583740234375, 0.4731931686401367, 0.43974247574806213, 0.17532461881637573, -0.11232150346040726, 0.40542057156562805, 0.3314071595668793, -0.5540686845779419, 0.5986253023147583, -0.3320198953151703, 0.9705166220664978, -1.5109405517578125, -1.1065261363983154, -0.14106181263923645, -0.09118551015853882, 0.991824209690094, -0.3554178774356842, 1.055241584777832, 0.4946996867656708, 0.8182376623153687, -0.1505279242992401, -0.002407355234026909, 0.8317797183990479, -0.2217630296945572, 0.6234972476959229, -1.0979814529418945, 0.280380517244339, -0.38793179392814636, 0.3376021683216095, -0.11678580939769745, 0.8146235942840576, -0.5114691853523254, 0.428840696811676, 0.17781734466552734, -0.36864742636680603, 0.053120050579309464, -1.1917234659194946, 0.5175206065177917, -1.2888485193252563, -0.25751641392707825, -1.036422610282898, 0.9481499195098877, 0.9180436134338379, -0.20645292103290558, 1.2943222522735596, 0.21808598935604095, 0.7640399932861328, 1.356886863708496, 0.5577483177185059, 1.2038356065750122, 0.22753788530826569, 0.09581910073757172, 0.403574675321579, 0.36309579014778137, -0.15092796087265015, 0.10774269700050354, -1.1512329578399658, 0.2678994834423065, 0.5214220285415649, -0.3981435298919678, 0.5697911977767944, -0.46999233961105347, 0.021951746195554733, 0.8770986199378967, 0.7369406819343567, -0.7015275955200195, -0.8499931693077087, -0.22438299655914307, -1.4572142362594604, -0.2961009740829468, 1.2811343669891357, 0.9969353079795837, 0.12982773780822754, 0.9323145151138306, 0.14566096663475037, 1.138677954673767, -0.7441825270652771, 0.21971234679222107, -0.031998276710510254, -0.4150073528289795, 0.9484913349151611, 1.043407917022705, 0.21937625110149384, 0.036728471517562866, 0.03212115913629532, -1.1413400173187256, -0.1974480003118515, -0.5067221522331238, 0.5401721596717834, 0.6006963849067688, -0.2682740390300751, -0.09447994828224182, -1.1139557361602783, 0.4292084276676178, -1.041243076324463, 0.30927497148513794, -0.14221082627773285, -0.6409727334976196, -0.32830584049224854, -1.432674527168274, -0.3015746772289276, 0.6711485385894775, -0.3247377574443817, -0.271791934967041, 0.09684931486845016, 1.6614333391189575, -0.09830076992511749, 0.11521914601325989, -0.6848082542419434, -0.3377748727798462, -0.17228147387504578, -0.6609448194503784, -0.37321197986602783, -0.5975996851921082, -1.0505716800689697, -0.5865492224693298, -0.29339855909347534, -0.09637763351202011, -0.25148504972457886, -0.819362461566925, -0.16225050389766693, 0.04761200770735741, 0.8931273221969604, 0.12411849200725555, -0.24951006472110748, -0.3648538887500763, -1.2493948936462402, 0.17203477025032043, 0.26925787329673767, 0.5081559419631958, -0.6650493144989014, 0.20655691623687744, 0.2524254620075226, -0.10905992239713669, 1.3177520036697388]} +{"paper_id": "hybrid_qa", "embedding": [-0.8698843717575073, 0.9831259846687317, -0.13962365686893463, -0.433586448431015, 0.5339751839637756, 0.15523788332939148, -0.4408486783504486, 0.5277751088142395, 0.6250032186508179, 0.4329039752483368, 0.41269731521606445, 0.11406412720680237, 0.3817926049232483, -0.4624509811401367, -0.38792672753334045, 0.3241536021232605, -1.2454564571380615, -0.8715070486068726, -1.676651120185852, 0.1897641122341156, -0.21478502452373505, -0.8874886631965637, 0.005977097898721695, 0.8756633400917053, -0.824837327003479, -1.2558609247207642, 0.9436373710632324, -0.9681718945503235, 0.16613943874835968, 0.11489350348711014, -0.38805878162384033, 1.2978625297546387, -1.6186370849609375, 0.683422863483429, -0.2710154354572296, -0.16052192449569702, 0.9606368541717529, 1.3958334922790527, -0.03529757261276245, -0.3486834466457367, -0.6344848275184631, 0.09058374911546707, 0.742534875869751, 0.5547899603843689, 1.3891205787658691, -0.8714810013771057, 0.6010681390762329, -0.17124977707862854, -0.4288298487663269, -0.18846750259399414, -0.23544450104236603, 0.39203646779060364, -0.5218434929847717, 1.283707857131958, -0.041410744190216064, 1.0828145742416382, -0.3265250325202942, -1.0759917497634888, 0.39605581760406494, -0.7448906898498535, 1.506266474723816, 1.6810579299926758, -0.1801828145980835, 0.5497816801071167, 1.5665074586868286, 0.30916130542755127, 1.3844701051712036, 0.20928622782230377, -0.033271051943302155, 0.6998113393783569, -0.12192114442586899, -1.3229882717132568, 0.7642524838447571, -0.4167183041572571, 0.013836488127708435, 1.0195730924606323, 0.39907002449035645, -0.036987628787755966, -0.09174513071775436, -0.7347500324249268, -0.13091950118541718, 0.16802366077899933, 1.3352652788162231, -0.47143232822418213, 0.0622231662273407, 0.4323391318321228, 0.20924928784370422, -1.1457743644714355, 0.4503638446331024, -1.7917176485061646, 1.085351824760437, 0.03164168447256088, -0.05733156576752663, 0.1363941729068756, 0.09509918093681335, 0.7136882543563843, -1.6540361642837524, 0.026135046035051346, -0.41730934381484985, 0.32898637652397156, 0.6645602583885193, -0.05687978118658066, 0.22387243807315826, 0.0546083003282547, 0.4233250319957733, 0.10038398951292038, 0.24061858654022217, -0.0839814618229866, -0.694902241230011, -0.7497936487197876, 0.014270316809415817, 0.033321551978588104, -0.5156174898147583, 0.08880333602428436, -0.05587580427527428, 0.4737856686115265, 0.3824899196624756, -1.0160409212112427, 0.008516437374055386, 0.3038023114204407, 0.16159367561340332, -1.3325440883636475, -0.29984837770462036, -0.3386126756668091, 0.7411424517631531, -0.9701153635978699, -0.5908496975898743, -0.4320109486579895, -0.4489031136035919, 0.34454768896102905, 0.8564996719360352, -0.7324131727218628, -0.9303057789802551, 0.001847676932811737, 3.2987449169158936, -1.1987053155899048, 2.046053171157837, -0.30183836817741394, -0.6454015970230103, -0.1795697808265686, -0.30817490816116333, 1.5026969909667969, 0.4701634347438812, -0.5936326384544373, -0.8700339198112488, -0.08728081732988358, -0.07043895125389099, 0.602409303188324, -1.1566977500915527, -0.3480456471443176, -0.5720405578613281, -0.14510071277618408, -1.6878846883773804, -0.19174697995185852, -0.1391337364912033, 0.414377361536026, -0.2121296226978302, -0.18268004059791565, -0.6536950469017029, 0.6215367317199707, 0.048973433673381805, 0.08365292847156525, -0.5551780462265015, 0.5900394320487976, -0.6480081677436829, -0.26652151346206665, 0.7482109665870667, -0.389563649892807, -1.190927505493164, -0.10073680430650711, 0.34146764874458313, -0.5223788619041443, -0.5328647494316101, -0.31040680408477783, -0.2267744541168213, -0.03540967404842377, 0.7757744193077087, 0.35491353273391724, 0.4625808298587799, -0.39887022972106934, -0.24131688475608826, -0.008290443569421768, 0.189007967710495, 1.1410013437271118, -0.25103434920310974, 0.2542826533317566, -2.775468349456787, -0.268527626991272, -0.10383188724517822, 0.9404152631759644, 0.3762531578540802, -0.13468614220619202, 0.03439221531152725, -0.3426756262779236, -0.5674962997436523, -1.1659526824951172, 0.5740294456481934, -0.9813604354858398, 0.392086923122406, -0.19708342850208282, -0.04807964712381363, 0.6592369079589844, 0.27919864654541016, 1.321865200996399, 0.34177377820014954, -0.853653609752655, -0.8888317346572876, -1.6538186073303223, -0.22394385933876038, 2.1792497634887695, -0.34218165278434753, -0.548073947429657, -1.2961393594741821, -0.3362860679626465, -0.17142871022224426, -0.1626313477754593, 0.24950402975082397, -1.0556666851043701, 0.364082932472229, -0.874981701374054, 0.42548033595085144, -0.6833842992782593, 0.02842538058757782, 0.5197213292121887, 0.8571551442146301, -0.8937051892280579, 0.46687695384025574, -0.9043710827827454, -0.9147613644599915, 1.0129318237304688, 0.8255975842475891, 0.11092128604650497, -0.16293364763259888, 1.5905425548553467, 0.4714498519897461, 0.6816760897636414, 0.7250878810882568, 0.5059785842895508, -1.0073062181472778, -0.07990293949842453, -0.42106032371520996, 1.6828943490982056, 0.46413129568099976, 0.4820602834224701, 0.3501884341239929, 0.3738117516040802, -0.16136661171913147, -0.37535059452056885, 0.5170717239379883, -0.20723944902420044, 1.6516926288604736, 0.6493128538131714, -0.5137878060340881, 0.9600438475608826, -0.46233874559402466, -0.5855109691619873, -0.16640040278434753, -0.8220111131668091, -0.14408624172210693, -0.5624140501022339, 1.6198432445526123, -0.02551373466849327, 0.3491882085800171, -0.28751906752586365, -0.4213249683380127, -1.3399600982666016, -0.06759952753782272, 0.2064642608165741, -0.7486385107040405, -1.0112323760986328, -0.11511550098657608, -0.559628963470459, -0.8401113152503967, -1.2356692552566528, 0.028666740283370018, 0.2716769278049469, 0.015266954898834229, 1.232669472694397, 1.4195247888565063, -0.2435947209596634, 0.5140712857246399, 0.07367134094238281, 1.8813461065292358, -0.3878115713596344, 0.9362656474113464, -0.6176385283470154, -0.11154104769229889, -0.9267545938491821, 0.4815969169139862, -0.5153173208236694, 0.5314392447471619, 0.8880681395530701, -0.10505196452140808, 1.1252930164337158, -0.11635882407426834, -1.1729962825775146, 1.051570177078247, -0.193940669298172, -0.617364227771759, -0.12557141482830048, 1.6291612386703491, -0.18891242146492004, -0.8136098384857178, 0.7629967927932739, -0.44004732370376587, -0.6420979499816895, 0.3535616397857666, 0.34890034794807434, 0.052073828876018524, 1.1119574308395386, -0.08450736850500107, -0.33826252818107605, 0.9119283556938171, -1.5427573919296265, 0.9573491215705872, 0.9382092952728271, -0.5132161378860474, -0.13573592901229858, -0.6450489163398743, 0.06069484353065491, -0.4810796082019806, -0.15914922952651978, 0.6247523427009583, 0.22345805168151855, 0.4882727563381195, 0.27630990743637085, 0.2769908308982849, 1.3022918701171875, -0.7148664593696594, 0.6578068137168884, 0.8928400874137878, -0.32218268513679504, -0.4315902590751648, -0.6779029965400696, 0.30928584933280945, 0.004113503731787205, 0.061320964246988297, -0.06268416345119476, 0.24357956647872925, 1.0508155822753906, -0.1489170789718628, -0.39470118284225464, 0.24729086458683014, 0.6248719096183777, 0.5148900747299194, -0.23224791884422302, -0.5042465925216675, 0.7562578916549683, -0.39232733845710754, 0.9117628335952759, -0.49949875473976135, -0.7711178660392761, -1.3969051837921143, -0.20761100947856903, -0.010070398449897766, -0.10693221539258957, 1.8867437839508057, 0.6388864517211914, 1.636975884437561, -0.14929696917533875, -0.2492760568857193, -1.2892752885818481, -0.24269118905067444, 0.9453813433647156, 0.8260036110877991, 0.5595076680183411, -0.826736569404602, 0.3917786478996277, 0.8249632120132446, 0.22585640847682953, -0.2365531623363495, 0.39765504002571106, 1.0752009153366089, 0.6140618920326233, -0.855724573135376, 0.32970815896987915, 0.9882593154907227, 0.34922680258750916, 0.8509592413902283, -0.2846125364303589, -0.1592891961336136, -0.2978782653808594, 0.8178315162658691, -0.6416735649108887, 0.4143814146518707, -0.5746212601661682, 0.7963680624961853, 0.2686214745044708, 0.48603859543800354, 0.07425954937934875, 1.188236117362976, 1.631348967552185, -0.4613913297653198, -1.6181914806365967, -0.6609004139900208, -0.7974572777748108, -0.09067939221858978, 0.38508233428001404, 0.08087506145238876, -1.336549997329712, 0.6124169826507568, 0.20889118313789368, -0.17735272645950317, 0.558709979057312, -1.0269079208374023, -1.4164530038833618, 1.2996007204055786, 0.2592582106590271, -0.952040433883667, -0.4913349449634552, -0.08501937985420227, -1.1753365993499756, -0.6963508129119873, -0.7634776830673218, -1.1134860515594482, 0.24284996092319489, 0.059486065059900284, 1.0798386335372925, -0.2522202730178833, 0.025299958884716034, -1.6299630403518677, 1.0115795135498047, 0.5752477049827576, -0.778296709060669, 0.13523516058921814, 0.40026748180389404, 0.6502708196640015, -0.2949482798576355, -1.226205587387085, -1.1128097772598267, 0.5518966317176819, -0.10163953900337219, 0.8564302921295166, -1.2970879077911377, -0.7170932292938232, 0.7380032539367676, 0.10904425382614136, 1.1995830535888672, -0.8873772025108337, 0.20720349252223969, -0.9341831803321838, -0.10527606308460236, 0.6120032072067261, -0.683741569519043, -0.650965690612793, 1.0045413970947266, -0.25209370255470276, 1.432081699371338, -0.723169207572937, 0.3483002483844757, 1.808419942855835, 0.060714684426784515, 0.22025658190250397, -0.7774149179458618, -10.10019302368164, 0.8968485593795776, 0.07293763756752014, -0.10313659906387329, 0.4265991151332855, -0.6095364093780518, 1.3370822668075562, -0.5251079201698303, 0.29170411825180054, -1.050014853477478, 0.4050420820713043, 1.3609895706176758, 0.7009205222129822, 0.2796623408794403, -0.8337913751602173, -1.8052759170532227, -0.4196106791496277, 0.047326356172561646, 0.0962354838848114, -0.2289753556251526, -0.9643869400024414, -0.41811543703079224, -0.402366578578949, 0.28128331899642944, 0.09705578535795212, 0.22523993253707886, -0.7217161655426025, -0.4020572602748871, -0.5110471248626709, -0.5782264471054077, 1.1482102870941162, 0.5341433882713318, -0.19874559342861176, -0.5645992159843445, -0.5954774618148804, -0.6946333050727844, -0.451444149017334, -0.3005276322364807, 1.3105199337005615, -0.020280027762055397, -0.4498376250267029, 0.11632488667964935, 0.30389267206192017, 0.5203781723976135, -0.4217471480369568, 0.5598416328430176, -0.04508713632822037, -0.5054619908332825, 0.7299221754074097, 0.18647336959838867, -0.5661965608596802, -0.2523363530635834, -0.8480411767959595, 0.26793172955513, 0.2095222771167755, 0.6335093975067139, -1.28741455078125, -0.38263311982154846, -0.3816604018211365, -1.129321575164795, 0.9554813504219055, -0.24441643059253693, -0.3473595082759857, 0.7024010419845581, -0.08893156796693802, -0.08601126074790955, -0.21611836552619934, 0.22945407032966614, -0.6069127917289734, 0.3163313567638397, -0.03212105482816696, 0.7038814425468445, 0.3230644166469574, -0.01811165362596512, -1.1128745079040527, -0.2663751542568207, -1.1404085159301758, 0.3632533848285675, 0.2695426940917969, 0.03968727961182594, -1.0752273797988892, 1.3598358631134033, 0.25814566016197205, -1.0426619052886963, -0.39219143986701965, 0.0962943285703659, -0.3261792063713074, 0.2613372504711151, 0.29225993156433105, -0.8469191789627075, 1.4123985767364502, 0.3399164080619812, -0.12421929836273193, -0.5747476816177368, 0.20646479725837708, 0.9285151362419128, -0.8113095760345459, 0.4959784746170044, -0.09141489863395691, -0.4500279724597931, -0.17651855945587158, -0.07802851498126984, -1.1439188718795776, 0.3066353499889374, 0.1933526247739792, 0.728782594203949, 0.8367688655853271, 0.14067813754081726, -0.12222282588481903, -1.0092910528182983, 0.9150305390357971, -0.15477058291435242, -0.733375608921051, 0.8161900639533997, -0.3581526279449463, 0.9509880542755127, 0.14096006751060486, 0.18217378854751587, 0.42217639088630676, 0.7491502165794373, -0.27752599120140076, 1.1161998510360718, -0.3072235882282257, 1.7555456161499023, -0.3686312437057495, -0.02524309977889061, 0.36533045768737793, 0.26198285818099976, 0.40833422541618347, -1.5922220945358276, 0.5521634221076965, -0.3228442072868347, -0.2975393235683441, -1.1119030714035034, -0.7111631035804749, 0.048370856791734695, -0.252114474773407, 1.557715654373169, -0.6314340233802795, 0.1356983333826065, -0.683795690536499, -0.8920390009880066, 0.1353735774755478, -1.535456657409668, -0.5063849091529846, 0.046882905066013336, -0.7766112685203552, 0.19213154911994934, -0.4898882508277893, 0.10099399089813232, 0.4930146634578705, -0.17655262351036072, 1.0609357357025146, -0.7863845229148865, -0.011517463251948357, -0.09947297722101212, 0.20771190524101257, -0.31181228160858154, -1.643218755722046, 0.22647735476493835, -0.5114660263061523, 1.438459873199463, -0.9544056057929993, 1.2540502548217773, -0.03132607042789459, -0.5651693940162659, -0.6700345873832703, -0.1823912262916565, -0.2345276027917862, -0.0822332352399826, 0.8194816708564758, 0.36719584465026855, -0.3253706395626068, -0.775062620639801, -0.8210257887840271, -0.6940630078315735, 0.9996514320373535, 1.1010515689849854, -1.0547131299972534, -0.11227469146251678, 0.09662191569805145, 1.3122276067733765, 0.1427437663078308, 0.11024397611618042, -0.16282455623149872, 0.4434104263782501, -0.1814631223678589, 1.0283958911895752, 0.24164026975631714, 0.8562064170837402, -1.649694800376892, -1.3602004051208496, -0.5729612708091736, 0.23915937542915344, 0.48077821731567383, -0.09978953003883362, 0.7619068026542664, -0.21738022565841675, -0.6254757642745972, 0.0508892685174942, 0.06174617260694504, 0.7191476821899414, 0.36831334233283997, 1.225232720375061, -0.526376485824585, 0.8093562126159668, -0.2606078088283539, -0.00896766409277916, 0.27059224247932434, 1.282240867614746, -0.9597816467285156, 0.21037815511226654, 0.260488897562027, -0.1996268481016159, -0.04430233687162399, -1.129920244216919, 0.4040594696998596, -0.7410402894020081, 0.014253020286560059, -1.2124743461608887, 0.11193108558654785, 1.8295860290527344, -0.7842486500740051, 1.237874150276184, 0.31039097905158997, 1.1282999515533447, 0.5733926296234131, 0.7545092701911926, 0.6137711405754089, 0.07664136588573456, -0.20375245809555054, 0.5848449468612671, -0.29629427194595337, -0.4012230932712555, -0.12799648940563202, -1.3949780464172363, -0.1272578090429306, 0.7416860461235046, -0.7274436950683594, 0.07115525007247925, 0.17525739967823029, 1.2924988269805908, 0.8153507709503174, 0.9227057695388794, -0.4584007263183594, -1.787390947341919, 0.3165331780910492, -0.8928743004798889, 0.33887243270874023, 0.6744903922080994, 0.5777390599250793, -0.11317386478185654, 0.7769240140914917, 0.1453131139278412, 1.2638447284698486, -0.6523059606552124, 0.24599851667881012, -0.6357186436653137, -0.1715030074119568, 0.6696451902389526, 0.5200446248054504, 0.0732724592089653, -0.2544117867946625, 0.37365108728408813, -0.877162754535675, -0.5832385420799255, -0.49619728326797485, 0.7750295996665955, 1.2204698324203491, -0.3026750087738037, -0.21003441512584686, -0.8736404180526733, 1.6516579389572144, -0.7740048766136169, 0.884893000125885, -0.08546633273363113, -0.855167806148529, -0.37106218934059143, -0.38186752796173096, -0.04675047844648361, 0.47446122765541077, 0.02573922835290432, -0.1601124405860901, -0.0633627325296402, 1.2231974601745605, 0.005481337197124958, -0.31535112857818604, -0.6514485478401184, 0.033173516392707825, -0.458441823720932, 0.27678531408309937, 0.8880859613418579, -0.8086981177330017, -0.31046855449676514, -0.55202317237854, -0.2053171843290329, 0.17235253751277924, 0.16033139824867249, -0.8189545273780823, -0.8349969983100891, 0.06184445694088936, -0.37526094913482666, 1.025395154953003, -0.39465320110321045, -0.06273434311151505, -1.391648530960083, 0.44911158084869385, 1.7081596851348877, -0.07743051648139954, -0.4349398612976074, -0.759316623210907, 0.188182532787323, 0.059415459632873535, 1.1063282489776611]} +{"paper_id": "gooaq", "embedding": [-1.2520644664764404, 1.1717259883880615, -0.3014756739139557, -0.27290159463882446, 0.619248628616333, 0.16132956743240356, 0.3777201175689697, 0.8505305647850037, 0.9303081035614014, 0.10468106716871262, 0.007993392646312714, 0.1505800485610962, 0.43813517689704895, -0.0067515745759010315, -0.1364082247018814, -0.4641440212726593, -0.7089075446128845, -0.48194828629493713, -1.6643635034561157, -0.20016857981681824, -0.5736257433891296, -0.8742138743400574, 0.0022573135793209076, 1.0405563116073608, -0.7389919757843018, -0.9863703846931458, 1.1860004663467407, -0.9158937931060791, 0.5192347168922424, -0.09792295843362808, -0.06049824506044388, 0.9483158588409424, -1.5292450189590454, 0.5165495872497559, -0.5578608512878418, -0.6227194666862488, 0.5636427998542786, 1.0416173934936523, 0.030688099563121796, -0.22788399457931519, -0.18675504624843597, 0.3715217709541321, 0.8075320720672607, 0.3590725064277649, 1.2756922245025635, -0.8434929847717285, 0.5586862564086914, 0.19589100778102875, -0.4644799828529358, -0.2594921588897705, -0.9742079973220825, 0.2036406695842743, -0.3731127977371216, 0.617222785949707, -0.25601229071617126, 0.9883466362953186, 0.5946709513664246, -0.8270450830459595, 0.9370887875556946, -1.0641729831695557, 0.9161714315414429, 1.6702452898025513, 0.20826409757137299, 0.08715790510177612, 1.107590675354004, -0.17066341638565063, 0.76636803150177, 0.29925066232681274, -0.07877924293279648, 0.04008025676012039, -0.38480937480926514, -0.436339408159256, 0.5102655291557312, 0.15066197514533997, 0.5183455944061279, 0.7509951591491699, 0.07845105230808258, -0.2233663946390152, 0.263166218996048, -0.15497177839279175, 0.1139778196811676, -0.15992680191993713, 0.791024923324585, -0.3030768036842346, 0.5447563529014587, 0.10271432250738144, 0.05069923400878906, -1.0082356929779053, -0.11886880546808243, -1.1628214120864868, 0.7126609086990356, 0.2103089541196823, 0.4114961624145508, -0.3737548589706421, -0.6766448616981506, 0.47870543599128723, -1.292305588722229, -0.18646439909934998, -0.09074913710355759, 0.645317018032074, 0.8308910131454468, -0.16703183948993683, 0.30966731905937195, 0.3277711272239685, 0.20896907150745392, 0.37677663564682007, 0.5658288598060608, -0.010558173060417175, -0.48437923192977905, -0.9290071725845337, 0.21465694904327393, 0.8807673454284668, 0.3593721091747284, 0.6567131876945496, -0.2106247842311859, 0.47012344002723694, 0.2999994158744812, -0.4706205427646637, -0.031120777130126953, -0.018047772347927094, 0.10695895552635193, -1.3462187051773071, -0.0632496252655983, -0.45007050037384033, 1.0711055994033813, -0.7152966856956482, -0.4160206615924835, -0.25434210896492004, -0.3200247883796692, 0.7742253541946411, 0.733736515045166, -0.18454602360725403, -0.38934504985809326, 0.03202320262789726, 3.2607522010803223, -1.2677884101867676, 1.168458104133606, -0.5678677558898926, -0.7564735412597656, -0.9072343111038208, -0.07857020199298859, 0.52880859375, 0.13071680068969727, -0.9328216910362244, -0.21564243733882904, 0.34911951422691345, 0.028910158202052116, 0.3622618019580841, -1.372915506362915, -0.13064606487751007, -0.5572896003723145, 0.1709931641817093, -1.2931208610534668, -0.850860595703125, 0.30002129077911377, 0.8095808029174805, -0.06372635066509247, -0.05717673897743225, -0.29287606477737427, 0.2198103964328766, -0.37935909628868103, -0.2584637403488159, -0.5521348118782043, -0.033314622938632965, -0.3376622796058655, -0.5867205262184143, 0.8860657811164856, -0.1388637125492096, -1.4324204921722412, -0.1601676642894745, 0.2831389009952545, -0.458212286233902, -0.13639478385448456, -0.05024028569459915, 0.018563540652394295, 0.5529330372810364, 0.7470781803131104, 0.41162803769111633, 0.11739111691713333, -0.7627660036087036, -0.11423519998788834, 0.015862375497817993, -0.10842802375555038, 0.6868370771408081, 0.301493376493454, 0.38083404302597046, -2.6732890605926514, 0.3035358488559723, -0.0672803446650505, 0.5706882476806641, -0.03148972988128662, 0.4045643210411072, 0.1851634979248047, 0.010005727410316467, -0.3867807388305664, -0.8820031881332397, 1.0437114238739014, -0.9139421582221985, 0.0365435928106308, 0.06952033936977386, -0.734205424785614, 0.6931591033935547, 0.08608899265527725, 1.2766848802566528, 0.07814455032348633, -0.14656785130500793, -0.7957386374473572, -1.993819236755371, 0.2838766574859619, 1.881403923034668, 0.27384504675865173, -0.6564362049102783, -0.7907267212867737, -0.6772091388702393, -0.017908021807670593, -0.10824014246463776, 0.15216317772865295, -0.20386987924575806, -0.4174503684043884, -1.0293874740600586, 0.5179869532585144, -0.4578014314174652, 0.3402424454689026, 0.6146181225776672, 1.1983704566955566, -1.0364664793014526, 0.1992737054824829, -0.43765556812286377, -0.951870858669281, 0.694949209690094, 0.3211084008216858, 0.6548323035240173, 0.0470636785030365, 1.0085846185684204, 0.6468986868858337, 0.9481908082962036, 0.6306110620498657, 0.36432868242263794, -0.9880411624908447, -0.17562681436538696, 0.536868155002594, 1.0654854774475098, -0.24252931773662567, 0.2298990786075592, -0.059351637959480286, 0.1223856508731842, -0.6035180687904358, -0.46192342042922974, 0.5938524603843689, -0.03463687747716904, 1.606476068496704, 0.23114576935768127, -0.35876405239105225, 0.9481332302093506, -0.10674004256725311, -0.4973624646663666, 0.1593056619167328, -0.4396807551383972, -0.016969121992588043, -0.6292850971221924, 1.1806397438049316, 0.05028609186410904, 0.26197752356529236, -0.20131008327007294, -0.3203672170639038, -1.2440696954727173, 0.04529895633459091, 0.6129584312438965, -0.7905207872390747, -0.7357461452484131, -0.031617552042007446, -0.017300181090831757, -0.7264333367347717, -0.6897760033607483, 0.1826494187116623, 0.32338541746139526, 0.3923637270927429, 1.1869760751724243, 1.3332464694976807, -0.1844596415758133, 0.3514881730079651, 0.23462487757205963, 1.4989497661590576, -0.5829355120658875, 0.33511197566986084, -0.301921546459198, -0.013436628505587578, -1.0575861930847168, 0.14448511600494385, -0.45877814292907715, 0.7214556932449341, 0.7666357755661011, -0.4818404018878937, 0.7323949337005615, -0.26426127552986145, -1.1758235692977905, 0.8101205229759216, -0.15103204548358917, -0.5026734471321106, -0.05061081051826477, 1.0057817697525024, 0.11667963117361069, -0.3131568729877472, 0.6783816814422607, -0.26796749234199524, -0.6010812520980835, 0.9114109873771667, -0.020822227001190186, 0.20892071723937988, 0.5566743016242981, -0.2268289178609848, -0.06799106299877167, 0.7190922498703003, -1.7802585363388062, 1.2105815410614014, 0.7204574346542358, -0.07291093468666077, -0.3626469075679779, -1.1526373624801636, 0.17909269034862518, -0.5035672187805176, 0.32280221581459045, 0.5331732630729675, -0.3731682300567627, 0.6539766788482666, -0.5467998385429382, 0.17487549781799316, 1.187803030014038, -0.7176083922386169, 0.33030784130096436, 0.7326157093048096, -0.04350178688764572, -0.9832144975662231, -0.6027275919914246, 0.44375351071357727, -0.36159801483154297, 0.026480328291654587, 0.3272230625152588, 0.6876204013824463, 0.8543163537979126, -0.1475445032119751, -0.32185834646224976, 0.45942258834838867, 0.44105082750320435, 0.33634838461875916, 0.021795503795146942, -0.3205909729003906, 0.11885857582092285, -0.2656303644180298, 0.9837002158164978, -0.6414439082145691, -0.3670707643032074, -0.6405336856842041, 0.38727790117263794, -0.612183690071106, -0.08253412693738937, 2.0960450172424316, 0.36321011185646057, 1.3185229301452637, -0.025547657161951065, -0.20283961296081543, -0.6166713833808899, -0.3934362530708313, 0.9913176894187927, 0.48215121030807495, 0.29273584485054016, -0.8676851987838745, -0.1453535258769989, 0.07469683885574341, 0.5115954279899597, -0.20894864201545715, 0.5903872847557068, 0.7133655548095703, 0.5945772528648376, -1.0482836961746216, 0.652628481388092, 1.0292234420776367, 0.5307671427726746, 1.8747529983520508, -0.3257514238357544, -0.12587599456310272, -0.5083754062652588, 0.22726455330848694, -0.09589380770921707, 0.07345769554376602, -0.08816758543252945, 0.8706018328666687, 0.060923125594854355, 0.13660486042499542, 0.40598994493484497, 1.525253176689148, 1.018315315246582, -0.8728424906730652, -1.5375252962112427, -0.8289695382118225, -0.5638188123703003, 0.12041209638118744, 0.21943211555480957, 0.08864052593708038, -0.7105233073234558, 0.5330114960670471, 0.2159731388092041, -1.2515548467636108, 0.37097087502479553, -0.8075023889541626, -1.3379299640655518, 1.227791666984558, 1.2509262561798096, -1.1053415536880493, -0.42535480856895447, 0.021140538156032562, -1.4507609605789185, -0.10082326084375381, -0.4679359793663025, -1.1771771907806396, 0.17556406557559967, 0.2979710102081299, 0.6823861598968506, -0.6748538613319397, 0.35444581508636475, -0.776981770992279, 0.9669844508171082, 0.7611762881278992, -0.7272598147392273, 0.44358596205711365, -0.021116597577929497, 0.2513771653175354, -0.26697424054145813, -1.2369714975357056, -1.0110137462615967, 0.5788130164146423, -0.32478904724121094, 0.29352596402168274, -1.3111404180526733, -0.2556512653827667, 0.5728440880775452, 0.13614894449710846, 0.7513692378997803, -0.6217930912971497, 0.2752777338027954, -0.4579298496246338, -0.6128417253494263, 0.784337043762207, -0.8667007088661194, -0.37064051628112793, 0.9370826482772827, -0.45569130778312683, 0.3840883672237396, -0.8766882419586182, 0.057960692793130875, 1.2922455072402954, -0.44828227162361145, 0.19385464489459991, -0.37256890535354614, -11.805867195129395, 1.0482909679412842, -0.20309816300868988, 0.034865498542785645, 0.8888777494430542, -0.1274212896823883, 0.6569400429725647, -0.4672525227069855, 0.8547343015670776, -0.6604328751564026, 0.27084940671920776, 1.1760709285736084, 0.5722194910049438, 0.24595001339912415, -0.7770316004753113, -1.637475609779358, -0.09833824634552002, -0.46006685495376587, 0.675591230392456, 0.10278502106666565, -0.09994418919086456, -0.35000598430633545, -0.25654253363609314, 0.2561664879322052, 0.25693678855895996, -0.2658781111240387, -0.7175979018211365, -0.731067955493927, -0.25550001859664917, -0.38242408633232117, 0.6411176323890686, 0.36221688985824585, -0.46198928356170654, -0.727647066116333, -0.6914047598838806, -0.5731201767921448, -0.40902411937713623, -0.2715080678462982, 1.2187813520431519, -0.16647116839885712, -0.10351890325546265, -0.03922007605433464, 0.10222422331571579, 0.18497435748577118, -0.8546340465545654, 0.7257493734359741, 0.021942874416708946, -0.9083526730537415, 0.37387022376060486, -0.2912503182888031, -0.722009003162384, -0.20648743212223053, -0.1359146684408188, -0.3505750000476837, 0.28996652364730835, 0.5285249948501587, -1.0228698253631592, -0.8326846957206726, -0.7296707034111023, -0.8305565118789673, 1.0196691751480103, -0.18987393379211426, -0.7699935436248779, 0.405249685049057, -0.012640178203582764, -0.42909932136535645, -0.056908003985881805, 0.48860275745391846, -1.0148921012878418, 0.2597094476222992, -0.6206902265548706, 0.8038389682769775, 0.5610647797584534, 0.44700318574905396, -0.9643139243125916, -0.07054514437913895, -0.7740263342857361, 0.2841266989707947, -0.35124221444129944, 0.220293328166008, -1.2770928144454956, 1.024714708328247, 0.5104403495788574, -0.8498892784118652, -1.094836711883545, 0.5593360066413879, -0.3001152575016022, 1.0044670104980469, 0.8434802293777466, -0.7327929735183716, 1.36013925075531, 0.3999858796596527, -0.7932027578353882, -0.34027761220932007, -0.42824918031692505, 0.9803693890571594, -0.14899718761444092, 0.6054855585098267, -0.030186761170625687, -0.4748537242412567, 0.41853466629981995, -0.43206751346588135, -0.5972703695297241, 0.29298150539398193, 0.37007150053977966, 0.45398402214050293, 0.3299556076526642, 0.14907336235046387, -0.19316522777080536, -0.211509570479393, 0.9882659912109375, 0.08171360194683075, -0.739323616027832, 1.0992556810379028, -0.6732195615768433, 0.7463822364807129, 0.14731478691101074, 0.40293174982070923, 0.40150243043899536, 0.332710325717926, -0.2140742540359497, 0.9707451462745667, -0.03240423649549484, 1.0545539855957031, -0.273361474275589, 0.06242934614419937, 0.20657852292060852, 0.3523734509944916, -0.4524212181568146, -0.8423312902450562, 0.489662230014801, -0.3017232120037079, -0.17870506644248962, -0.8527500629425049, -0.3750692307949066, -0.20861949026584625, -0.48377567529678345, 1.7325438261032104, -0.7983332872390747, -0.2689324617385864, -0.0233742818236351, -0.2789521813392639, -0.34077030420303345, -1.308860182762146, -1.3644423484802246, 0.26196035742759705, -1.2506102323532104, 0.720328688621521, -0.5224781036376953, -0.33044564723968506, -0.11248873174190521, -0.725305438041687, 1.1676702499389648, -0.5337939858436584, -0.45463991165161133, -0.23467585444450378, 0.5208649635314941, -0.6260237693786621, -0.9240720868110657, -0.08711892366409302, 0.13625401258468628, 0.5976209044456482, -0.8084929585456848, 1.515708327293396, 0.3126477003097534, -0.6291738152503967, -0.3971887230873108, 0.11042201519012451, -0.10765095800161362, -0.023062193766236305, 0.8413611054420471, -0.24437858164310455, -0.04079446196556091, -0.4269203543663025, 0.03253461420536041, -0.3250838816165924, 0.9113389253616333, 1.109265685081482, -0.8901086449623108, -0.37058353424072266, 0.023653633892536163, 1.3324110507965088, 0.12893664836883545, -0.36116501688957214, -0.3648480772972107, 0.2743310332298279, 0.44320058822631836, 0.3578530251979828, 0.32418525218963623, 0.8436150550842285, -1.782975196838379, -1.015984296798706, -0.3499641418457031, 0.07083262503147125, 0.6517102718353271, 0.04706861823797226, 0.6792646050453186, 0.29716092348098755, -0.4069984257221222, 0.30253610014915466, 0.3641712963581085, 0.8854526281356812, 0.191818505525589, 0.6650727987289429, -0.18722568452358246, 0.38567084074020386, -0.34528347849845886, -0.0605289451777935, 0.7146137356758118, 1.378063440322876, -1.033934235572815, -0.303588330745697, -0.07045131921768188, 0.055983223021030426, 0.2643572986125946, -1.381568431854248, -0.07539202272891998, -0.5456689596176147, -0.4742320477962494, -1.4761697053909302, 0.3980475664138794, 1.4283682107925415, -0.2927320897579193, 1.174153447151184, 0.45765236020088196, 1.152657389640808, 0.668228030204773, 0.3586377501487732, 0.4321959614753723, -0.047257836908102036, -0.19849048554897308, 0.8928391933441162, 0.1215725839138031, -0.09904569387435913, -0.386760950088501, -1.2235735654830933, -0.6198593974113464, 0.3294891119003296, -0.10502452403306961, 0.7389956712722778, -0.21755094826221466, 1.3613452911376953, 0.6083369255065918, 1.1206332445144653, -0.20941030979156494, -1.779968500137329, -0.0831623300909996, -1.226378321647644, 0.565123975276947, 0.9122595191001892, 0.13724400103092194, 0.26014259457588196, 0.6453945636749268, -0.041656896471977234, 0.8867284655570984, -0.8753994107246399, 0.14399200677871704, 0.10449592769145966, 0.014562055468559265, 0.8903465867042542, 0.6509569883346558, 0.2091977596282959, 0.09857465326786041, -0.27221056818962097, -0.22241100668907166, -0.37453535199165344, -0.5937299728393555, 0.8639204502105713, 0.8365522027015686, -0.5703204274177551, -0.4457048773765564, -0.34778517484664917, 1.543595314025879, -1.0288097858428955, 0.8828853368759155, -0.09091126918792725, -0.8156017065048218, -0.34942030906677246, -0.29021182656288147, 0.12076287716627121, 0.5929209589958191, 0.10792116820812225, -0.11761932075023651, 0.19819507002830505, 0.736235499382019, 0.1696760058403015, -0.3430621922016144, -0.8115453720092773, -0.08100297302007675, -0.9868151545524597, 0.3100165128707886, -0.07118166238069534, -0.6556802988052368, -0.38739314675331116, -0.0781756192445755, -0.939981997013092, 0.33710381388664246, -0.14193210005760193, -0.6851325035095215, -0.566239058971405, 0.03903893008828163, -0.17116661369800568, 1.0242958068847656, -0.13663507997989655, -0.11255592852830887, -1.2224408388137817, 0.7428516149520874, 1.3175076246261597, -0.31258437037467957, -1.0230112075805664, -0.22152739763259888, 0.27252399921417236, -0.04968637600541115, 0.805598258972168]} +{"paper_id": "prachathai67k", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "moroco", "embedding": [-1.208795428276062, 1.0716758966445923, 0.469796746969223, 0.38429704308509827, 0.1807709038257599, -0.21278974413871765, -0.6158269047737122, 0.5048207640647888, 1.01543128490448, 0.26286983489990234, 0.5234314203262329, -0.536137580871582, 0.0016692839562892914, -0.26973527669906616, 0.09854628890752792, 0.44730812311172485, -0.7105931043624878, -0.7783163785934448, -0.33860960602760315, -0.2271099090576172, -1.0238378047943115, -0.8911952376365662, -0.18485523760318756, 0.5634951591491699, -0.37274491786956787, -0.6405877470970154, 0.1231965571641922, -0.7300428152084351, 0.428611695766449, 0.5298956632614136, -0.395810604095459, 0.6447204351425171, -1.5353820323944092, -0.04595501720905304, -0.6414768099784851, -0.38232681155204773, 0.15117131173610687, 0.32200685143470764, -0.3636035621166229, -0.8871160745620728, -1.1036981344223022, -0.22681519389152527, 0.6241391897201538, 0.4002373516559601, 0.9944943785667419, -0.15460288524627686, 0.8342523574829102, 0.2741854190826416, 0.4139425754547119, -0.0855785682797432, -0.4444451332092285, 0.9151052832603455, -0.40121978521347046, 0.5726686716079712, -0.5619022250175476, 0.8897701501846313, 0.18601220846176147, -0.9663918614387512, 0.14860349893569946, -0.6114761829376221, 0.43562087416648865, 1.4502729177474976, -0.4071986675262451, 0.45522773265838623, 0.5284143686294556, 0.3951548933982849, 1.2757426500320435, -0.3564237356185913, 0.5203642249107361, 0.7118206024169922, 0.17405636608600616, -1.0294419527053833, 1.2788375616073608, -0.8356783390045166, -0.04332903027534485, 0.7123754024505615, 0.13676883280277252, 0.35099485516548157, 0.28701716661453247, 0.09671839326620102, -0.24600304663181305, 0.6713529825210571, 0.27172571420669556, -0.351359486579895, -0.36531656980514526, -0.1399008333683014, 0.2282850742340088, -0.9266586303710938, 0.3071947693824768, -1.692043423652649, 0.16539257764816284, 0.1983170062303543, -0.5328837633132935, 0.0804000198841095, -0.1906360387802124, 0.15167394280433655, -0.1012728363275528, -0.20954325795173645, -1.0078436136245728, 0.3893457055091858, 0.42196324467658997, -0.8710379600524902, 0.48560458421707153, -0.09939583390951157, 0.20667532086372375, 1.097851037979126, -0.3691695034503937, -0.5159575343132019, -1.2006430625915527, 0.08974671363830566, 0.6699956655502319, 0.7659859657287598, -0.16021175682544708, 0.3311769962310791, 0.31928709149360657, 0.0677240788936615, 0.6294718980789185, -0.8028436899185181, -0.5518515110015869, 0.11408643424510956, -1.106976866722107, -1.409126877784729, -0.02574852854013443, 0.6964627504348755, 0.8394216299057007, -0.6897715926170349, 0.5654731392860413, -0.20182037353515625, 0.11250133067369461, -0.7572298645973206, 0.4823610186576843, -0.19541196525096893, -0.23834705352783203, 0.24976378679275513, 3.0969796180725098, -1.284031629562378, 1.115808129310608, -0.3282686471939087, 0.24032121896743774, -0.018303781747817993, -0.5975913405418396, 0.8638052344322205, 0.0897359773516655, -1.0807515382766724, -1.1749762296676636, 0.8372240662574768, -0.7102765440940857, 0.540082573890686, 0.0987393707036972, -0.40372341871261597, 0.44459593296051025, 0.33757495880126953, -0.7664397954940796, -0.2068297564983368, -0.12597888708114624, 0.5302581191062927, 0.44682151079177856, 0.5187621116638184, 0.013853713870048523, 1.044390082359314, 1.4641797542572021, 0.759815514087677, -0.8954944014549255, 0.7023446559906006, -1.011991024017334, -0.07702665776014328, 0.9031017422676086, -0.13265365362167358, -0.6832109093666077, -0.7695282101631165, 0.9343690276145935, -0.2972271144390106, 0.014976292848587036, 0.06694904714822769, -0.3179132044315338, -0.1860242784023285, 0.33889585733413696, 0.06682486832141876, 0.375110924243927, -0.19729359447956085, 0.21012470126152039, -0.12186112999916077, 0.39745956659317017, 0.7815486788749695, -0.04874146729707718, -0.2473294734954834, -1.6036924123764038, -0.4730347990989685, -0.5297621488571167, 0.46520134806632996, -0.1118025854229927, -0.968007504940033, -0.19352152943611145, 0.2957558333873749, 0.42592865228652954, 0.266855388879776, -0.21085968613624573, -1.1966160535812378, -0.30539244413375854, 1.0636634826660156, 0.8282839059829712, -0.3577617406845093, 0.16605626046657562, 1.0984033346176147, 0.3852231204509735, -0.7536001801490784, -0.3544605076313019, -1.1770232915878296, 0.2622639834880829, 1.6432100534439087, -0.22944724559783936, -0.8066683411598206, -0.9414859414100647, -0.060363344848155975, 0.27816781401634216, -0.5714685320854187, -0.0462588295340538, -0.6743017435073853, 0.2793772220611572, -1.2394154071807861, 0.3403533399105072, -0.09921641647815704, 0.002021700143814087, -0.22314585745334625, 0.6214442253112793, -0.5486115217208862, -0.43969693779945374, 0.048328254371881485, -0.525676429271698, 0.7033873796463013, 1.0149519443511963, 0.21690994501113892, -0.4986865520477295, 0.43919283151626587, 0.5305472016334534, 0.6566305160522461, 0.264175146818161, 0.6525623798370361, 0.43359020352363586, 0.5000969171524048, 0.3543626368045807, 0.552449643611908, -0.6534837484359741, -0.5623184442520142, -0.0165318101644516, 0.5784297585487366, 0.010520081967115402, -0.3894329071044922, 0.1101268082857132, -0.166843444108963, 1.4087778329849243, 1.377642035484314, -0.8677351474761963, 0.8742020130157471, -1.0259819030761719, 0.07672734558582306, 0.09265566617250443, -0.5213032960891724, -0.0867205560207367, -0.5247638821601868, 1.096337914466858, -0.05574207007884979, -0.13177749514579773, 0.2350059598684311, -0.36360862851142883, -0.9788298606872559, -1.4238688945770264, -0.3693736493587494, -0.6980403661727905, -1.0794644355773926, -0.17571179568767548, -0.5229457020759583, -0.48912617564201355, -0.3410302400588989, 0.42422863841056824, 0.9505665898323059, -0.6618442535400391, 0.7173011302947998, 1.6776996850967407, -0.317354291677475, 0.5515516400337219, -0.4151034951210022, 0.7747233510017395, -0.46789124608039856, 1.2040832042694092, -0.038372188806533813, 0.1583337038755417, -0.9708169102668762, -0.217351496219635, 0.01251734234392643, -0.2006843388080597, 0.3058375120162964, -0.301880806684494, 0.8073641657829285, -0.3700063228607178, -0.644116997718811, 1.1532442569732666, -0.47845718264579773, 0.02310515195131302, -1.261075496673584, 1.6921930313110352, 0.8357134461402893, 0.2849361002445221, 0.602825403213501, 0.09159430116415024, 0.4051504135131836, 0.8492206335067749, -0.3694465160369873, 0.23129552602767944, 0.7897679805755615, 0.30930036306381226, -0.1968880146741867, 0.1826147437095642, -2.201638698577881, -0.193296417593956, 0.660324215888977, -0.30917707085609436, 0.49641674757003784, -0.7952944040298462, 0.09908537566661835, -0.5429088473320007, -0.7715780735015869, 0.31930011510849, -0.32298076152801514, 0.9385257363319397, -0.2942822575569153, -0.5680672526359558, 0.44024354219436646, -0.19864358007907867, 0.4373214840888977, 0.21978196501731873, 0.23517829179763794, -1.1338293552398682, 0.08081785589456558, 1.0222123861312866, -0.12004949897527695, 0.729161262512207, 0.6729428172111511, 0.6209200620651245, 1.64805269241333, -0.8751378655433655, 0.1436678171157837, -0.11694499850273132, 0.32643428444862366, 0.05483772233128548, -0.181938037276268, 0.2107287347316742, 0.8064229488372803, -0.16184546053409576, 1.4358770847320557, 0.7043140530586243, -1.0726426839828491, -1.015055775642395, 0.17879179120063782, -0.28787004947662354, -0.45993661880493164, 1.7389609813690186, 0.3804575800895691, 1.4224286079406738, -0.5513662695884705, 0.2759363651275635, -0.20423734188079834, 0.45501476526260376, 1.4261889457702637, 1.1223350763320923, 0.012075357139110565, -0.09393444657325745, 0.014989886432886124, 0.10384714603424072, -0.33022570610046387, -1.145377516746521, -0.1284818798303604, 0.9740527868270874, -0.5363149046897888, -1.062983751296997, -0.11572139710187912, 0.46349725127220154, 0.2864825129508972, 1.0854278802871704, -0.6290682554244995, -0.6653551459312439, -0.7213824391365051, 1.1836984157562256, 0.6424739956855774, 0.007063165307044983, -0.9859951734542847, -0.17870831489562988, -0.06287650763988495, 0.8928330540657043, -0.5484240055084229, 1.1834431886672974, 1.140228271484375, -0.3787785768508911, -0.5025110840797424, 0.28014233708381653, -0.9650577902793884, -0.4060508906841278, 0.4154619872570038, -0.2674879729747772, -1.3072892427444458, 0.2570198178291321, 0.025713548064231873, -0.6739135980606079, 0.6075150966644287, -0.4777035415172577, -1.1776072978973389, 0.7395069003105164, 1.3725297451019287, -0.7207035422325134, -0.8138038516044617, -0.5065869688987732, -1.0511648654937744, -1.2716636657714844, 0.3611287474632263, -0.7283186316490173, 0.35107478499412537, 0.17505082488059998, 0.017581315711140633, -0.037899501621723175, -0.5107980966567993, -0.9828960299491882, 0.7486857771873474, 0.9325866103172302, -0.38169702887535095, -0.16973383724689484, -0.25772824883461, -0.21811114251613617, -0.04087984561920166, -1.9764118194580078, -0.6004379391670227, 0.011158572509884834, 0.24840885400772095, 0.020918186753988266, -0.632317066192627, -0.38866138458251953, 0.1078551635146141, 0.29331958293914795, 0.08285713195800781, -0.8663274049758911, 0.49814826250076294, -0.6901342868804932, 0.4236246347427368, 0.5845086574554443, -0.7965089082717896, -0.3846222758293152, 1.0501149892807007, -0.1656269133090973, 0.3793872892856598, 0.3859294354915619, 0.6205996870994568, 0.20409919321537018, 0.6380391120910645, 0.27866190671920776, -0.05682335048913956, -12.18783187866211, 0.8840362429618835, -0.09218014031648636, 0.4223238229751587, 0.7057392001152039, 0.44862112402915955, 0.6213536262512207, 0.13231666386127472, 1.0620436668395996, -0.7069743275642395, 0.2927408218383789, 0.9172283411026001, 0.36730173230171204, -0.8471410870552063, -0.20931784808635712, -0.3198480010032654, -0.41661036014556885, -0.5276958346366882, 0.6702674031257629, 0.7611022591590881, 0.019271839410066605, -1.0747976303100586, 0.13811589777469635, -0.06343746185302734, -0.026841551065444946, -0.8516275882720947, 0.3316821753978729, 0.015458273701369762, -0.772225558757782, -0.12089590728282928, 0.3194386065006256, -0.11068390309810638, -0.6221374273300171, -0.2661862373352051, 0.5524613857269287, -0.037149105221033096, -1.0973926782608032, -0.056797876954078674, 0.9587756395339966, -0.10593490302562714, 0.21224181354045868, -0.15461774170398712, 0.3795926570892334, -0.007890300825238228, 0.12855668365955353, 0.28011763095855713, 0.29953017830848694, -0.1932837963104248, 0.5006044507026672, -0.7484062314033508, -0.16822929680347443, -0.6307463049888611, -1.2671796083450317, -0.7518337368965149, 0.45100677013397217, 0.39207178354263306, -0.6491174697875977, 1.1961876153945923, -1.0126631259918213, -1.0233840942382812, 1.118208408355713, 0.3984542489051819, -0.4956677556037903, 0.5710872411727905, -0.06424058973789215, -1.043224573135376, 0.43035465478897095, -0.029913276433944702, 0.3516659736633301, 0.7141991257667542, -0.5460318326950073, 0.659311056137085, 0.18130749464035034, 0.28466886281967163, -0.1802229881286621, -0.5126403570175171, -0.023429179564118385, -0.0643596351146698, 0.8332517743110657, 0.3951833248138428, -0.8190538287162781, 0.5925310254096985, -0.41834402084350586, -0.19859305024147034, -0.6883159279823303, -0.16045917570590973, -0.2610241770744324, -0.5281612277030945, 0.6519953012466431, 0.016020677983760834, 0.8203378319740295, 0.22168561816215515, -0.08346030116081238, 0.14310765266418457, -0.012715805321931839, 0.5603843927383423, -1.2932441234588623, 1.4338881969451904, 0.2655566930770874, 0.3004223704338074, 0.07787737995386124, -0.2780773937702179, -0.3837328851222992, -0.23369304835796356, 0.9025967717170715, -0.42987075448036194, 0.3621537685394287, 0.6311912536621094, 0.07790042459964752, 0.35710570216178894, 0.39340925216674805, -0.21010816097259521, 0.23306800425052643, 0.010698901489377022, 0.25899749994277954, 1.5657646656036377, 0.63487708568573, -0.013739481568336487, 0.5842358469963074, 0.5656236410140991, 0.24729500710964203, 0.47624826431274414, -0.14646419882774353, 0.9857729077339172, 0.11865530908107758, -0.1818624585866928, 0.20884430408477783, 0.6117627024650574, -0.1728706657886505, -1.8276489973068237, 0.2926662862300873, 0.24061116576194763, 0.02644973248243332, -0.5923192501068115, -0.1596362441778183, -0.447872132062912, -1.0459599494934082, 1.551377773284912, -0.23446567356586456, 0.6185932159423828, -0.5868543386459351, -0.6686686873435974, 0.3208673298358917, -0.24385696649551392, -0.10468515753746033, -0.42176926136016846, -1.2668490409851074, -0.643146276473999, -0.15172256529331207, -0.3563111424446106, 0.6917595267295837, -0.3027423024177551, 0.36880648136138916, -1.0004671812057495, -0.15874254703521729, -0.1562330424785614, 0.16285941004753113, -0.44872143864631653, -0.617095410823822, 0.14859023690223694, 1.0543898344039917, 1.0777504444122314, -0.8815708756446838, 1.1136939525604248, 0.2691512405872345, -0.10919323563575745, -1.1919715404510498, 0.2015032172203064, -0.7265376448631287, 0.29330065846443176, 1.338215708732605, -0.7157418727874756, -0.07352776825428009, -0.09699966758489609, -0.5688234567642212, -0.910763680934906, -0.12492846697568893, 1.0878877639770508, -1.055217981338501, 0.6804754137992859, -0.4792115092277527, 0.5963873863220215, 0.7106273174285889, -0.07411707192659378, -0.6659563779830933, -0.19918814301490784, -0.22225654125213623, 1.4911561012268066, -0.24221260845661163, 0.18708603084087372, -1.6417542695999146, -1.5818896293640137, -0.6172786355018616, -0.2368345558643341, 0.6583801507949829, 0.16118526458740234, 0.4643121361732483, 0.6889470815658569, -0.2945549190044403, -0.2316117286682129, 0.06207813695073128, 0.31085240840911865, 0.5888504385948181, -0.24521538615226746, -0.39409011602401733, -0.20383605360984802, -0.11323502659797668, 0.4882519245147705, 0.9237959384918213, 0.6230332851409912, -1.621437668800354, -0.5337135791778564, 0.3567284047603607, -0.20320647954940796, 0.5218791365623474, -0.8266680240631104, 0.2669926583766937, 0.6465514898300171, -0.5111311674118042, -0.7880390286445618, -0.49471724033355713, 0.8533534407615662, -0.48435986042022705, 0.7506397366523743, 0.3362264633178711, 0.5260278582572937, 0.27755945920944214, 0.0850614458322525, 1.8270184993743896, -0.07363216578960419, 0.04874895513057709, 0.29755449295043945, 0.18449294567108154, -0.004784777760505676, -0.19072815775871277, 0.7222746014595032, -1.0995742082595825, -0.2627277672290802, -1.069360613822937, 0.16232791543006897, -0.5492203831672668, -0.23609228432178497, -0.08163343369960785, 0.7205634713172913, 0.23923350870609283, -0.696285605430603, -0.506525456905365, -0.5705469846725464, -0.5480148792266846, -0.11713658273220062, -0.4580661356449127, 0.7894726395606995, 0.6291072964668274, -0.6369602680206299, 0.918048620223999, 0.029318004846572876, -0.06270088255405426, 0.18930350244045258, -0.09005045890808105, 0.7337509393692017, 0.10814599692821503, 0.40068376064300537, -0.4582132399082184, -0.6528943181037903, -1.3763197660446167, -0.36925050616264343, -0.6284267902374268, 0.5323413610458374, 1.013966679573059, -0.7486132979393005, -0.07277963310480118, 0.021869517862796783, 0.08171465992927551, 0.2632172107696533, 0.7933229207992554, 0.3473539352416992, -0.20884543657302856, -0.8173612356185913, -0.7933857440948486, 0.11079967767000198, 0.40786227583885193, -0.7247954607009888, -0.5114259719848633, -0.3833552598953247, 0.27031460404396057, -0.07090792059898376, -0.7347815632820129, -0.5188238620758057, 0.05839701369404793, -0.18167878687381744, 0.605201780796051, 0.4855307638645172, -0.7155910730361938, -0.5739057660102844, 0.018974650651216507, -1.3023196458816528, 0.679460883140564, 0.6406531929969788, -0.8096652626991272, -0.07194451987743378, 0.7184659838676453, -0.1469038724899292, -0.3732292056083679, 1.2273766994476318, 0.10944745689630508, -0.8228256106376648, 1.3864789009094238, 0.967471718788147, -0.3985355794429779, -0.5435494780540466, 0.8713444471359253, 0.3632155656814575, 0.26010146737098694, 1.2652909755706787]} +{"paper_id": "x_stance", "embedding": [-1.006079077720642, 0.7213258147239685, 0.0076697878539562225, -0.15763521194458008, 0.35664045810699463, 0.011948859319090843, 0.19900885224342346, 0.24057653546333313, 0.6398797035217285, 0.9015944600105286, 0.020815931260585785, -0.909717321395874, 0.6260945200920105, 0.16038072109222412, 0.6803866028785706, -0.905376672744751, -1.104923129081726, 0.040545716881752014, 0.15854839980602264, -0.2652924954891205, -0.7605927586555481, -0.38568639755249023, -0.14706450700759888, 0.694549024105072, -0.0415196493268013, -0.3225480914115906, 0.6243325471878052, -0.38907456398010254, 0.35250282287597656, -0.13273075222969055, -0.10466215759515762, 1.3777316808700562, -0.9554436206817627, -0.11681105196475983, -0.7682297229766846, -0.7818365693092346, 0.2077225297689438, 0.8161022067070007, -0.6345488429069519, -0.30225732922554016, -0.6868705153465271, 0.24562019109725952, 0.8239449262619019, 1.1276276111602783, 0.18209801614284515, 0.1205759271979332, -0.22080852091312408, 0.11012668907642365, -0.1152111291885376, -0.36438947916030884, -0.38058793544769287, 0.9442464709281921, -0.9658202528953552, 0.31871476769447327, -0.49954327940940857, 0.5124067068099976, 0.37300872802734375, -1.4298604726791382, 0.2875160276889801, -0.63274085521698, 1.8386404514312744, 1.8564634323120117, -0.5062296986579895, -0.1205141544342041, 1.1165926456451416, -0.16639791429042816, 1.5815626382827759, -0.39267104864120483, 0.20839546620845795, 0.62462317943573, -0.12025946378707886, 0.01239117980003357, 0.004630163311958313, -0.07202638685703278, -0.3570898771286011, 0.37795135378837585, 0.5682402849197388, -0.023637991398572922, -0.43708139657974243, 0.4420982003211975, 0.22140124440193176, 0.4704422354698181, -0.30971407890319824, -0.2510165572166443, 0.6610987782478333, 0.32704687118530273, 0.4225804805755615, -0.906194269657135, 1.1824874877929688, -1.7372304201126099, 0.7025187611579895, 0.22711876034736633, -0.23128454387187958, 0.2224695086479187, -0.8918310403823853, 1.0961027145385742, -0.6475004553794861, 0.19229839742183685, -0.26313409209251404, -0.3015460669994354, 0.8692246079444885, -0.9326276779174805, 0.3212989568710327, 0.5064352750778198, 0.03876550495624542, 1.8559887409210205, 0.5565610527992249, -0.40047845244407654, -0.5179119110107422, -0.5709516406059265, -0.27635514736175537, 1.8481523990631104, -0.6025794148445129, 0.9247283339500427, -0.07508360594511032, 0.49387016892433167, 0.16121995449066162, -0.44115889072418213, -0.5428870320320129, 0.08033642172813416, -0.42842963337898254, -1.1469981670379639, -0.5168541073799133, 0.38182681798934937, 1.1316461563110352, -0.3375270366668701, 0.8236886858940125, -0.4975779950618744, -0.27460041642189026, -0.29570263624191284, 0.3580004870891571, -0.24389395117759705, -0.7525702714920044, 0.4458286166191101, 2.5748884677886963, -0.4180161952972412, 1.6234339475631714, -1.2163422107696533, -0.4199684262275696, -0.48980432748794556, 0.0905315950512886, 0.6335410475730896, 0.5214203596115112, -0.9259442687034607, -0.6558656692504883, 0.9119216799736023, -0.7103747129440308, -0.019359460100531578, 0.05604277551174164, -1.2638871669769287, -0.24271801114082336, 0.8794339299201965, -0.7785066962242126, -0.3688866198062897, 0.5282765626907349, 0.3752930760383606, -0.15877287089824677, 1.1426355838775635, 0.2907053828239441, 0.5082961916923523, 0.5214143991470337, 0.06220654398202896, -0.4122720956802368, 1.2228056192398071, -0.3992019295692444, -0.8722051382064819, 1.168812870979309, 0.05713317543268204, -1.191465973854065, 0.03913293033838272, 0.9414357542991638, -0.5930922627449036, -0.36527037620544434, -0.0999961644411087, -0.5848745703697205, -0.7187092900276184, 0.4815637469291687, 0.7350640296936035, -0.08617137372493744, -0.40395399928092957, -0.5930734276771545, 0.18999788165092468, -0.031593725085258484, 0.5834482908248901, -0.5628035068511963, 0.09762084484100342, -1.9264848232269287, -0.2061290293931961, -0.5929458737373352, 0.840973436832428, 0.3205457031726837, -0.8119804859161377, -0.23790833353996277, 0.6206811666488647, 0.028916150331497192, -0.003591865301132202, 1.1755626201629639, -0.8763047456741333, 0.11343780159950256, -0.382076621055603, 1.082485556602478, -0.6145095825195312, 0.08522743731737137, 0.15177945792675018, 0.2719123661518097, -0.28728896379470825, -0.48336824774742126, -2.0775399208068848, 0.5778542757034302, 2.517179489135742, -0.3410966098308563, -0.5692784190177917, -1.182388186454773, 0.16096414625644684, 0.5100967884063721, -0.3283233940601349, 0.41387349367141724, -1.1712485551834106, -0.27386027574539185, -1.4181232452392578, 0.24049592018127441, -0.21211925148963928, 0.14185446500778198, 0.09764042496681213, -0.0005243346095085144, -0.624460756778717, -0.18429425358772278, -0.9659292697906494, -0.5462597608566284, 0.8668325543403625, 0.615635097026825, -0.2964264750480652, -0.07544586062431335, 0.44631505012512207, 0.5668054819107056, 0.8261499404907227, -0.5592997074127197, 0.5410228371620178, -0.7623965740203857, 0.20466925203800201, 0.861859142780304, 0.2680240571498871, -0.3505464196205139, -0.6107596755027771, 0.8241292834281921, 1.0133206844329834, -0.02998816967010498, -0.4230493903160095, -0.418700635433197, 0.10604497045278549, 0.617336094379425, 1.0596061944961548, -0.8957492709159851, 1.7227948904037476, -0.7424067854881287, 0.19350609183311462, 0.0046651847660541534, -0.8959391117095947, 0.274638831615448, -0.23848459124565125, 0.3994426727294922, 0.22616353631019592, -0.2165439873933792, -0.33477383852005005, -0.5412068367004395, -0.9925280809402466, -0.9939913749694824, 0.3856737017631531, -0.7718333005905151, -1.0657867193222046, 0.1256345510482788, -1.0477486848831177, -0.537362277507782, -0.540725827217102, -0.11997699737548828, 0.35347700119018555, -0.4017253816127777, 0.47044286131858826, 1.2711776494979858, 0.725466251373291, -0.007519064471125603, -0.44922661781311035, 1.4092416763305664, -0.1282544881105423, 0.3958013653755188, -0.13182437419891357, 0.7201687097549438, -0.9356813430786133, -0.673438310623169, 0.08059462904930115, 0.510097861289978, 0.4283354878425598, 0.17625415325164795, 0.7884784936904907, 0.28275227546691895, -1.8344007730484009, 1.2441920042037964, -0.32250547409057617, 0.915194034576416, -0.9985052943229675, 1.5136133432388306, 0.09664908051490784, 0.026650797575712204, 1.0303186178207397, -0.3624841570854187, 0.3394143581390381, 1.4956194162368774, -0.8367774486541748, 0.5260478258132935, 0.06543503701686859, -0.3327772915363312, 0.040739383548498154, -0.16871750354766846, -1.164832592010498, 0.14796721935272217, 0.6369163393974304, -0.43215247988700867, 0.13713249564170837, -0.8949393630027771, 1.7173118591308594, -0.5479848384857178, 0.15598802268505096, 0.028415700420737267, -0.585012674331665, 0.055547986179590225, -0.6436397433280945, -0.34351539611816406, 0.45028290152549744, -0.7716752886772156, -0.06968763470649719, 0.5902552008628845, 0.7526277899742126, -1.3021520376205444, -0.36011818051338196, 0.8675309419631958, 0.3636254370212555, 1.0392987728118896, 0.5202730298042297, 0.41319602727890015, 1.2361494302749634, -0.9625965356826782, -0.8704131841659546, 0.715187132358551, 0.36365967988967896, -0.17479000985622406, -0.16839975118637085, -0.12686467170715332, 1.05231773853302, -0.7199103236198425, 1.5742789506912231, 0.4859224855899811, -0.44221389293670654, -1.2071340084075928, -0.343843549489975, 0.08477641642093658, -0.679772138595581, 0.9694265127182007, 0.7595008015632629, 1.1359785795211792, -0.2634531855583191, -0.1592625230550766, -0.22348304092884064, 0.8799532055854797, 1.1735771894454956, -0.5142520666122437, 0.3201666474342346, 0.3420793414115906, 0.38943976163864136, 0.9350308179855347, 0.5544378757476807, -0.6525025963783264, -0.506446361541748, 1.27422297000885, -0.2951405346393585, -0.4232234060764313, -0.9234527349472046, 0.32654985785484314, 0.3663419187068939, 1.1190015077590942, -0.5507268309593201, -1.1547707319259644, -1.0247865915298462, 0.34718579053878784, 1.0121095180511475, 0.467268705368042, -1.2610135078430176, -0.029065031558275223, -0.5881557464599609, 0.7020642161369324, -0.504758894443512, 0.40129974484443665, 0.11062091588973999, -0.3588975965976715, -1.5547329187393188, -0.439879447221756, -0.8120714426040649, -0.38201555609703064, 0.5274484157562256, -0.9540841579437256, -0.7216575145721436, 1.4222514629364014, -0.27938976883888245, -1.4458200931549072, 0.5928621292114258, -0.9491024017333984, -1.2898980379104614, 0.25497007369995117, 1.0960946083068848, -0.988418459892273, -0.87159663438797, -0.00806419551372528, -0.6058619022369385, -0.7073190212249756, 0.40109190344810486, -1.0816218852996826, 1.3763234615325928, 0.16413281857967377, 0.17535798251628876, -0.4468032717704773, 0.019171349704265594, -0.6114392280578613, 1.3775389194488525, 0.8660380840301514, -0.9548360705375671, 0.1687026470899582, 0.45576971769332886, -0.45218926668167114, 0.5628268718719482, -1.0951675176620483, -0.5336310267448425, 0.6585830450057983, -0.5611734390258789, 0.056378599256277084, -0.541044294834137, -0.4434104859828949, 0.42060673236846924, 0.09973263740539551, 0.605212390422821, -1.6884486675262451, 0.4100112318992615, -0.9611895680427551, 0.4273276925086975, 0.6608461141586304, -0.5108122825622559, -0.6621519923210144, 1.1013739109039307, -0.798245906829834, 0.1694931983947754, 0.020471476018428802, 0.11226466298103333, 0.39320454001426697, 0.9831170439720154, 0.254682719707489, 0.13082939386367798, -10.435691833496094, 0.5402140617370605, 0.05244962126016617, 0.3980998992919922, 0.9666157364845276, -0.03638765960931778, -0.3510753810405731, 0.22349296510219574, 0.7162478566169739, -0.8499878644943237, 0.8027635812759399, 1.8288788795471191, 0.14973710477352142, -1.2400505542755127, -0.8927833437919617, 0.029067374765872955, -0.5229785442352295, -1.0364104509353638, -0.03832405433058739, 0.4035949409008026, -0.9649112820625305, -0.4383052587509155, 0.5308648347854614, -0.7515056729316711, 0.6020722985267639, -0.2172364890575409, 0.11209090799093246, -0.5463040471076965, -0.4762302041053772, 0.18252551555633545, 0.7870426177978516, 0.06219353526830673, -0.7865164279937744, -0.7971334457397461, 0.37651336193084717, 0.8088706731796265, -0.784267783164978, 0.1645674854516983, 0.1676485687494278, -0.6996108293533325, 0.31082141399383545, 0.3557002544403076, -0.1352270543575287, -0.38173457980155945, -0.1782306730747223, 0.10579332709312439, -0.35462650656700134, -0.40470555424690247, 0.46243178844451904, 0.0029130280017852783, -0.045603103935718536, -0.7437415719032288, -1.6494605541229248, -0.6372946500778198, 0.41646111011505127, -0.2325284481048584, -0.9314730167388916, 0.8405848145484924, -1.0545077323913574, -1.356030821800232, 0.8750798106193542, -0.12318377196788788, -0.4131930470466614, 0.3764461874961853, 0.3343237340450287, -0.7900938987731934, 0.6746598482131958, 0.6688453555107117, -0.92069011926651, 0.14690570533275604, -0.2851202189922333, 1.4960823059082031, -0.12891748547554016, 0.8278627395629883, 0.2645951211452484, -0.23229315876960754, -0.7141746878623962, -0.21054251492023468, 1.0399669408798218, -0.44662269949913025, -1.4462922811508179, 0.6543793082237244, 0.5595560669898987, 0.11382333189249039, -1.1556317806243896, 0.2725033164024353, -0.31407830119132996, -0.9433812499046326, -0.16584479808807373, 0.33226361870765686, 0.05158144608139992, 0.3324267268180847, -0.3893831968307495, 0.10231862217187881, -0.1886027455329895, 1.0177626609802246, -1.709604024887085, 1.2998757362365723, 0.543279767036438, 0.23166239261627197, 0.41387706995010376, 0.2357565462589264, 0.04638976603746414, 0.2951778769493103, 0.8027568459510803, -0.2562439441680908, 0.03828689455986023, 0.024855300784111023, -0.9609779715538025, -0.47525861859321594, 0.6358185410499573, 0.030918046832084656, 0.2996158003807068, 0.7378679513931274, -0.19584505259990692, 0.9668811559677124, 0.4747730493545532, -0.09082737565040588, 0.46430841088294983, 0.9539956450462341, -0.4503485858440399, 0.8104984164237976, -0.31448623538017273, 0.8005993366241455, -0.3752637803554535, 0.5904808640480042, 0.7124293446540833, -0.41943296790122986, 0.4963933825492859, -1.8673226833343506, 0.6043856143951416, -0.3260928690433502, 0.3211977481842041, -0.17984743416309357, -0.4931023120880127, -0.2437438666820526, -0.9778190851211548, 1.6658434867858887, -0.22657591104507446, 0.15511026978492737, -0.771492600440979, -0.3939815163612366, -0.022030413150787354, -0.4654155373573303, -1.2925770282745361, 0.221428781747818, -2.1865670680999756, 0.7075693011283875, -0.7406908869743347, -0.47749263048171997, 0.8383688926696777, -0.8665031790733337, 0.8363688588142395, -0.8650127053260803, 0.005374429747462273, -0.18970021605491638, 0.2662486135959625, 0.027390748262405396, -0.961877167224884, 0.3442037105560303, 0.3217332065105438, 1.1091431379318237, -0.867315411567688, 1.3607937097549438, 0.6728094816207886, -0.17770680785179138, -0.5327585339546204, -0.20360387861728668, -0.6780990362167358, -0.16250091791152954, 1.3647557497024536, 0.0309804305434227, -0.011272252537310123, 0.4940558075904846, -0.32021602988243103, -1.4469702243804932, 0.7636003494262695, 1.1129635572433472, -0.8956193327903748, 0.5707465410232544, -0.7093987464904785, 0.6396388411521912, -0.514032781124115, 0.0815892368555069, -0.777085542678833, 0.15277090668678284, -0.7778478264808655, 1.5408234596252441, -0.19637781381607056, 0.2227957546710968, -1.3639477491378784, -1.5065381526947021, -0.7723262310028076, -0.2522342801094055, 0.7418617606163025, -0.1475294828414917, 0.555090069770813, 0.7007834315299988, -0.13962393999099731, -0.9544567465782166, 0.2852550446987152, 0.43502482771873474, -0.18258105218410492, -0.013849468901753426, -1.3987044095993042, -0.13097608089447021, -0.8113853335380554, 0.5593749284744263, 0.5691647529602051, 0.6741712093353271, -1.7514084577560425, -0.5189255475997925, 0.26763370633125305, 0.0973946675658226, 0.7091472148895264, -0.9893591403961182, -0.11222951859235764, 0.12899993360042572, -0.21253766119480133, -0.8604287505149841, 0.08763206750154495, 1.6408642530441284, 0.6140376925468445, 1.2701985836029053, 0.5517960786819458, 0.7901140451431274, 1.1593718528747559, 0.661642849445343, 1.0844180583953857, 0.5618583559989929, 0.6001477241516113, -0.074394091963768, -0.41997241973876953, 0.5097988247871399, -0.12095466256141663, 0.5019068121910095, -1.3123492002487183, 0.3276190757751465, -1.4508939981460571, 0.14625310897827148, -0.00982670858502388, 0.34268918633461, 0.7407116293907166, 0.8323131799697876, -0.4854363203048706, -0.03242536634206772, -0.3228307068347931, -0.5870904326438904, 0.2721318006515503, 0.2541148066520691, 0.38150134682655334, 1.544932246208191, 0.6860331296920776, -0.752469003200531, 1.133713722229004, -0.27339500188827515, 0.030383937060832977, 0.19078770279884338, 0.6730647087097168, 0.9058411717414856, 0.49196505546569824, 0.46419739723205566, -0.6742339134216309, -0.04460065811872482, -1.2887940406799316, -0.5840870141983032, -0.5068288445472717, 0.44481879472732544, 0.11418117582798004, 0.12972860038280487, 0.7242066860198975, -0.030268430709838867, 0.3227209150791168, 0.09567917883396149, 0.5990883111953735, 0.6872034072875977, -0.6421323418617249, -0.25857648253440857, -0.6771644353866577, -0.0451873317360878, 1.0961331129074097, -0.21885526180267334, -0.6919299960136414, -0.7438430786132812, 0.18637524545192719, 0.20944499969482422, -1.349698543548584, -0.5905612111091614, 0.6564149856567383, -0.20632483065128326, 0.1583682745695114, 0.29432082176208496, -1.2031679153442383, -1.4836153984069824, 0.1707690805196762, -1.0446535348892212, 0.6568169593811035, 0.07216714322566986, -1.0909770727157593, -0.23157364130020142, 0.5020228624343872, 0.42965590953826904, -0.22213974595069885, 0.6406934857368469, -0.524312436580658, -1.1237252950668335, 1.3345040082931519, 1.6204822063446045, -0.5024155974388123, -0.7878999710083008, 1.2092100381851196, 0.0010667257010936737, 0.7791848182678223, 1.2898069620132446]} +{"paper_id": "cawac", "embedding": [-0.175969660282135, 0.8536615967750549, 0.39323025941848755, 0.04217822849750519, 0.40296781063079834, -0.49417680501937866, 0.2698196768760681, 0.7083740830421448, 0.4532979428768158, 0.4024967551231384, 0.4599062502384186, -0.03806427866220474, 0.12834885716438293, -0.07419925928115845, -0.19718462228775024, -0.5055149793624878, -1.1978919506072998, -1.226769208908081, -0.6420465707778931, -0.7623413801193237, -1.1048083305358887, -0.5768886804580688, -0.4747925102710724, -0.1364724040031433, -0.604976236820221, -0.6329419612884521, 0.08724062889814377, -0.7196404933929443, 0.7195492386817932, 0.3942897319793701, -0.36990004777908325, 0.8123830556869507, -1.0256789922714233, 0.2668590545654297, -0.9517661929130554, -0.20523391664028168, 0.6170797944068909, 1.104227066040039, -0.4036828577518463, 0.06861402839422226, -0.6731616854667664, -0.24633130431175232, 0.646087110042572, -0.3658289313316345, 0.9104734063148499, -0.48183760046958923, -0.09770624339580536, 0.2345653921365738, 0.7236552834510803, 0.12517553567886353, -0.8299970030784607, 0.6946863532066345, 0.2000916600227356, -0.2236890196800232, -0.14344078302383423, 0.8841318488121033, 0.3038618266582489, -0.6632441878318787, 0.8199118971824646, -1.0121054649353027, 0.3025590777397156, 1.1662248373031616, -0.39850476384162903, 0.5339511036872864, 0.5556570887565613, -0.4885968565940857, 0.7537137269973755, 0.4457778334617615, 0.8280589580535889, 0.5590804815292358, 0.23884405195713043, -0.1917763352394104, 1.3541065454483032, 0.17709466814994812, 0.9459531307220459, 1.2026088237762451, 0.7298664450645447, -0.17110762000083923, -0.07404520362615585, 0.011994389817118645, -0.08590535819530487, 1.1110061407089233, 0.2573835253715515, -1.0722620487213135, -0.46565595269203186, 0.14815637469291687, 0.1762215942144394, -0.5286980867385864, 0.4767058789730072, -1.3252792358398438, 0.058454692363739014, 0.24211011826992035, 0.0416034534573555, 0.3327043652534485, -0.6031436324119568, -0.24051016569137573, -1.0458106994628906, 0.20761020481586456, -0.7862263917922974, 0.5490878224372864, 0.536670982837677, -0.7630859613418579, 0.7581735849380493, -0.0648932233452797, 0.019535411149263382, -0.1429319828748703, -0.7424851059913635, -0.8624072670936584, -0.8727636337280273, -0.34102874994277954, -0.06796525418758392, 1.113844394683838, -0.3453393578529358, -0.16003671288490295, -0.6741092801094055, -0.5250048637390137, -0.12436168640851974, -0.7153679132461548, -0.8815586566925049, -0.3420192003250122, -0.19617196917533875, -1.1270166635513306, -0.2822507917881012, -0.13803985714912415, 1.0956701040267944, -0.22413301467895508, 0.5552112460136414, -0.3158872723579407, 0.15827800333499908, -0.20869243144989014, 0.42694517970085144, 0.5076917409896851, 0.11204518377780914, -0.1845129430294037, 3.3142900466918945, -0.6415730118751526, 1.7495694160461426, 0.19717639684677124, 0.35737061500549316, -0.32964029908180237, -0.02990969642996788, 1.139188289642334, 0.4208587408065796, -0.8533214926719666, -0.03246618062257767, -0.5860797762870789, -0.633719801902771, 0.5138387084007263, -0.547491192817688, -0.15821383893489838, 0.02189219743013382, 0.6219362616539001, -0.8899562954902649, -0.5439908504486084, 0.23019589483737946, 0.9398295879364014, 0.40552377700805664, 0.8190978169441223, -0.9874019026756287, 0.7650454044342041, 0.8914843797683716, 0.5562213659286499, -0.5910869240760803, 0.2713029086589813, -1.2113181352615356, 0.2902073562145233, 1.5567998886108398, 0.3572641611099243, -0.7669696807861328, 0.00664915144443512, 0.19749367237091064, 0.0677761510014534, 0.2541605234146118, 0.07001089304685593, 0.34288498759269714, 0.12844398617744446, 0.6763452887535095, 0.3015982508659363, -0.11903368681669235, -0.8210052847862244, -0.5024315714836121, -0.6403732299804688, -0.11806497722864151, 0.6097636222839355, 0.05664248764514923, 0.39142730832099915, -2.104465961456299, 0.43275517225265503, -0.0935170128941536, -0.08836962282657623, -0.6168501973152161, -0.8297716975212097, 0.3730298578739166, -0.42852815985679626, 0.7793545126914978, -0.4971083700656891, 0.11182139813899994, -1.098690152168274, -0.4664086401462555, 0.37068819999694824, 0.36743566393852234, 0.742264449596405, -0.27618706226348877, 0.6670184135437012, 0.6370344758033752, -0.13941094279289246, -0.8216320872306824, -1.5473370552062988, 0.4610694646835327, 2.2378990650177, -0.26819121837615967, -0.7222485542297363, -0.9547693729400635, -0.3968454599380493, -0.14970636367797852, -1.2741246223449707, 0.07446573674678802, -0.7955296635627747, 0.1438293159008026, -0.5636413097381592, 0.13192541897296906, -0.6830211877822876, 0.14271795749664307, 0.1256350725889206, 0.9229066371917725, -0.7667990922927856, -0.14501966536045074, -0.11147835850715637, -0.932949423789978, 0.5694173574447632, 1.1831499338150024, -0.2779795527458191, -0.7321388721466064, 0.08671019971370697, -0.2665814757347107, 0.3068838119506836, 0.171070396900177, 0.6473031640052795, -0.4364336133003235, -0.16511975228786469, -0.04602733254432678, 1.5401073694229126, -0.6739069819450378, -0.14805684983730316, 0.2590540051460266, 0.8624792695045471, -0.3755771517753601, -0.09421160072088242, 0.13792508840560913, 0.0030262619256973267, 0.9750593900680542, 1.1403114795684814, -0.7972004413604736, 1.1985604763031006, -0.4285593330860138, 0.020068109035491943, 0.1418951004743576, -1.1316975355148315, -0.45685118436813354, -0.40916740894317627, 1.0601791143417358, -0.09472239762544632, 0.4129273593425751, -0.32201623916625977, -0.40619227290153503, -0.9984657764434814, -0.6061964631080627, -0.3856794834136963, -0.5047290921211243, -1.5029892921447754, 0.06734900176525116, -0.7398708462715149, -0.622757613658905, -0.5459731817245483, 0.3325421214103699, 0.4999801218509674, 0.26211997866630554, 0.6863229274749756, 1.6025863885879517, 0.19179046154022217, 0.6232844591140747, -0.24167609214782715, 0.6195016503334045, -0.5430447459220886, 0.18974103033542633, -0.08464865386486053, -0.2350553572177887, -1.0153043270111084, -0.34015733003616333, -0.271151065826416, 0.40307796001434326, 0.2808786928653717, -0.5370505452156067, 0.09808868169784546, -0.32225120067596436, -1.2781857252120972, 0.23978707194328308, -0.5163702368736267, 0.40299710631370544, -1.5646120309829712, 1.6313621997833252, 0.2765316665172577, 0.47862932085990906, 0.7760385870933533, 0.054347358644008636, 0.07333256304264069, 1.0539385080337524, -0.4428950250148773, 0.5160563588142395, 0.45096033811569214, -0.20021119713783264, 0.45408889651298523, 0.4317031502723694, -2.354262113571167, 0.5908982753753662, 0.5912114977836609, 0.6205324530601501, -0.21011985838413239, -0.13781438767910004, -0.13206253945827484, -0.6343820691108704, -0.07795145362615585, 0.22641316056251526, -0.6111037731170654, 1.0531448125839233, 0.051662370562553406, -0.005404893308877945, 1.1420352458953857, -1.0393723249435425, 0.26707032322883606, 0.8018631935119629, 0.580805778503418, -0.44888514280319214, 0.14796128869056702, -0.1333053708076477, -0.5158483982086182, 1.1810551881790161, 0.3011211156845093, 0.6033146977424622, 0.5790420770645142, -0.9105100631713867, -0.05535213649272919, 0.5465608239173889, 0.8288992643356323, 0.14532576501369476, 0.8351644277572632, 0.32179391384124756, 1.0169556140899658, 0.5042762756347656, 1.3748400211334229, 0.2741345167160034, -0.9569548964500427, -0.6262345910072327, -0.32315734028816223, -0.45346009731292725, -0.6721824407577515, 1.9233429431915283, 0.324093759059906, 1.2291852235794067, 0.3899548053741455, -0.2068270742893219, -0.6735530495643616, -0.20018310844898224, 1.3800052404403687, 0.7885522246360779, 0.4377043843269348, 0.2970910966396332, -0.46711108088493347, 0.5626532435417175, -0.21506370604038239, -0.475314736366272, 0.00556563213467598, 0.07344193011522293, 0.5668641924858093, -0.711359977722168, 0.10606421530246735, 0.87331223487854, 0.27742472290992737, 0.9840972423553467, -0.5041570067405701, -0.4374214708805084, -0.43483856320381165, 0.25542905926704407, 0.01810978725552559, 0.8387824892997742, -0.9082431793212891, 0.33937132358551025, 0.11429919302463531, 1.094204068183899, -0.47465455532073975, 0.5570860505104065, 1.2878881692886353, -0.5708577632904053, -0.6411744356155396, -0.19298438727855682, -1.5458122491836548, -0.30181819200515747, -0.5593717098236084, 0.07103607803583145, -0.7327131628990173, 0.8781260848045349, -0.6098290681838989, -0.891291081905365, 0.8338779211044312, 0.29473334550857544, -1.1752831935882568, 0.6317678689956665, 1.0770386457443237, -0.9819114208221436, -0.03738689795136452, -0.35035568475723267, -0.7188435196876526, -1.5392080545425415, 0.19560293853282928, -0.2587760388851166, 0.01834394410252571, 0.24789409339427948, 0.8739058375358582, -0.4149813652038574, -0.04469824582338333, -1.4472366571426392, 1.0069297552108765, 1.0788618326187134, -0.262031614780426, -0.6341383457183838, -0.5336078405380249, 0.23122359812259674, -1.053632378578186, -1.0653448104858398, -0.8312018513679504, 0.05747316777706146, 0.34865620732307434, -0.23867321014404297, -0.7827320098876953, -0.44731593132019043, -0.19926705956459045, 0.32182225584983826, 0.6589801907539368, -1.1196893453598022, 0.3828347325325012, -0.37270984053611755, 0.6515193581581116, 1.0079823732376099, -0.4614417552947998, -0.34525105357170105, 0.7771480083465576, -0.5630651116371155, 0.7156637907028198, -0.2599009871482849, 0.33981069922447205, 0.23623652756214142, 0.6772927641868591, 0.40190035104751587, -0.24042046070098877, -12.111178398132324, 0.06781371682882309, -0.2965175211429596, 0.07545559108257294, 0.803460419178009, 0.26697593927383423, 1.144981861114502, 0.6271374821662903, 0.27067795395851135, -0.32830554246902466, 0.6057193279266357, 1.340369701385498, 0.0703585147857666, -0.3731103539466858, -0.3827340304851532, -1.1019585132598877, -0.7580306529998779, -0.3232809007167816, 0.6029027104377747, 0.23751327395439148, -0.5030004382133484, -0.7698855400085449, -0.22316370904445648, -0.1255737990140915, 0.1968696117401123, -0.8848997950553894, 0.5308830142021179, 0.17666083574295044, -0.3246030807495117, -0.7296994924545288, 0.37703973054885864, 0.31116339564323425, -0.8317490816116333, -0.013225790113210678, -0.020985782146453857, 0.3078991770744324, -1.2764339447021484, -0.42195093631744385, 1.081655740737915, 0.02661544270813465, -0.8251758813858032, 0.2722805142402649, 0.30097755789756775, 0.15035748481750488, -0.17494936287403107, 0.776445746421814, 0.20780755579471588, -0.3874340355396271, 0.8850501179695129, -0.5531238317489624, -0.40891027450561523, -1.1033856868743896, -1.378493309020996, -1.0679682493209839, 1.215213656425476, 0.058909788727760315, -0.4220796227455139, -0.3130640387535095, -0.2331215739250183, -0.8785537481307983, 1.1861474514007568, 0.49763673543930054, -0.27597135305404663, 0.5360136032104492, 0.12972289323806763, -0.8663344383239746, 0.53492271900177, 0.6107022762298584, -0.030018338933587074, -0.0009430274367332458, -0.012832745909690857, 0.9267641305923462, 0.27215856313705444, -0.09655936062335968, 0.01732679270207882, -0.27514028549194336, 0.20547613501548767, 0.1281612664461136, 0.5626344680786133, 0.3718933165073395, -1.408708930015564, 0.25856563448905945, 0.12466395646333694, -0.8076508045196533, -0.2344275712966919, -0.4351605474948883, -0.2600603997707367, 0.5920974016189575, 1.3227065801620483, 0.8281858563423157, 1.353868842124939, 0.4706578552722931, 0.16283616423606873, -0.6032752394676208, -0.6703664660453796, 0.7051647305488586, -0.3850535452365875, 0.7227048277854919, -0.18750396370887756, -0.8083338141441345, 0.5230053663253784, -0.5550146102905273, -0.9311673641204834, -0.6545487642288208, 0.8428252339363098, 0.09169801324605942, 0.13248538970947266, 0.6054867506027222, 0.201478973031044, 0.42457816004753113, 0.6233936548233032, -0.04215867072343826, -0.10913237929344177, 1.3011436462402344, 0.34220263361930847, 1.020082712173462, 0.6766788363456726, -0.23251482844352722, 0.9399712681770325, 0.83372563123703, -0.08191920816898346, 0.548434853553772, 0.3090049624443054, 1.021162986755371, -0.017849015071988106, 0.35172221064567566, 0.04209183529019356, 0.9792643189430237, -0.6904935240745544, -0.7824655771255493, 0.0744374468922615, -0.03624802827835083, 0.16549411416053772, -0.5465937852859497, -0.03899841010570526, -0.26471754908561707, -0.4876038432121277, 1.1305453777313232, 0.12994393706321716, 0.3175134062767029, -0.0500265397131443, -0.768263578414917, -0.15339119732379913, -0.42519721388816833, -0.4502596855163574, 0.12141261249780655, -1.6706974506378174, -0.18674185872077942, -0.16169214248657227, -0.9178760051727295, 0.6376984119415283, -0.013999763876199722, 0.6862193942070007, -0.9879316687583923, -0.3566395938396454, -0.3857991695404053, 0.5425297021865845, 0.10866350680589676, -0.881406307220459, -0.39396536350250244, 0.2933865487575531, 1.2588152885437012, -0.8584576845169067, 0.739211916923523, 1.3009828329086304, 0.8416257500648499, -1.0220634937286377, 0.3380228579044342, -0.06083094701170921, 0.6305006742477417, 0.7528972029685974, -0.9481253027915955, -0.3338955044746399, -0.7145925760269165, -0.2836402356624603, -0.19772636890411377, 0.502174973487854, 1.096593976020813, -0.6486279368400574, 0.6363947987556458, 0.6065078377723694, 0.35338595509529114, -0.3910332918167114, -0.6993404030799866, -0.9275585412979126, -0.10896050930023193, -0.06852355599403381, 1.0864253044128418, -0.08843859285116196, 0.5810584425926208, -1.882401943206787, -1.2453324794769287, -0.5691182613372803, 0.2100120633840561, 0.2142629474401474, 0.01846163719892502, 0.8994254469871521, -0.15483404695987701, 0.05508120357990265, 0.12505877017974854, -0.3126142919063568, 0.36177709698677063, 0.4743712544441223, 0.321475088596344, -0.6779971122741699, -0.1888490468263626, -0.6144196391105652, 0.20077496767044067, 0.5705677270889282, -0.10327739268541336, -1.3329954147338867, -0.022588171064853668, 0.44479840993881226, -0.37390682101249695, -0.13513129949569702, -0.9760359525680542, 0.23431605100631714, -0.31088724732398987, -0.4198860824108124, -0.7776278257369995, -0.052970729768276215, 1.134272813796997, -0.36359554529190063, 1.1839337348937988, 0.4700903296470642, 0.4861609935760498, 0.5321330428123474, 0.7278591990470886, 1.111681342124939, -0.45901745557785034, -0.7124251127243042, -0.4217293858528137, -0.01949261501431465, -0.07299548387527466, -0.21700558066368103, 0.3690055012702942, -1.45271897315979, -0.2980436384677887, -1.122437834739685, 0.3609071671962738, -0.3750098943710327, 0.27064552903175354, -0.032083600759506226, 1.091497540473938, -0.7664134502410889, -1.0361583232879639, -0.361647367477417, -0.5748491883277893, -0.6984701156616211, 0.09957025945186615, 0.18053221702575684, 0.6050885915756226, 0.8857345581054688, 0.4047110676765442, 0.821116030216217, -0.13229528069496155, 0.1950508952140808, 0.06010850518941879, 0.23981711268424988, 0.7289523482322693, 0.5747029781341553, 0.16708657145500183, 0.5347976684570312, -0.399586021900177, -0.8039483428001404, -0.15364859998226166, -0.22020715475082397, 0.2991081476211548, 1.0034865140914917, -0.10905672609806061, -0.41598671674728394, -0.8094075322151184, -0.15136027336120605, -0.7546207308769226, 0.8904582858085632, 1.1347368955612183, -0.404965877532959, 0.01090659387409687, -0.8554718494415283, -0.029065744951367378, 0.4986018240451813, -0.5101257562637329, 0.30724310874938965, -0.706994891166687, 0.5214160680770874, -0.4708573818206787, -0.5252988338470459, -0.6988054513931274, 0.8337597846984863, -0.29967185854911804, 0.28069525957107544, 0.32447129487991333, -0.4857643246650696, -0.6047694683074951, 0.9044996500015259, -0.46808382868766785, 0.2528521716594696, -0.002317778766155243, -1.114670991897583, -0.061577703803777695, 0.7488816380500793, -0.34864166378974915, -0.4677858054637909, 0.2850605845451355, -0.27907735109329224, -1.4652073383331299, 0.975350558757782, 0.9451425671577454, 0.17681734263896942, -0.16252851486206055, 0.025668486952781677, -0.08801628649234772, 0.6541276574134827, 1.0090928077697754]} +{"paper_id": "newsph", "embedding": [-0.48355674743652344, 0.9861838817596436, 0.18687014281749725, -0.231168732047081, 0.09940224140882492, -0.5433027148246765, 0.4704248607158661, 0.3338357210159302, 0.7086504697799683, 0.7055397033691406, 0.15200287103652954, 0.08301088958978653, -0.3303210437297821, -0.1360022872686386, -0.046350833028554916, -0.26996049284935, -1.5657906532287598, -0.4985770285129547, -1.5007518529891968, -0.6907699108123779, -0.21008607745170593, -0.3140324354171753, -0.19862982630729675, 0.41895952820777893, -0.6034539937973022, -0.4990674555301666, 0.8227358460426331, -1.184541940689087, 0.5539023876190186, 0.4362729489803314, -0.2898997366428375, 1.114419937133789, -1.5914705991744995, 0.23958727717399597, -0.16379135847091675, 0.2918540835380554, 0.342829167842865, 1.3865079879760742, -0.14025269448757172, 0.28485405445098877, -1.1063332557678223, -0.07241358608007431, 0.24373196065425873, 0.24088791012763977, 0.8691406846046448, -0.0945652574300766, -0.043622974306344986, 0.07507732510566711, -0.20201295614242554, -0.023232895880937576, -0.16064453125, -0.2557905316352844, 0.017747413367033005, 0.3443946838378906, -0.381991446018219, 1.7923882007598877, 0.44831058382987976, -0.903217077255249, 0.8419243693351746, -0.8014349937438965, 1.5996843576431274, 1.7376124858856201, -0.5397245287895203, 0.43299347162246704, 1.0506752729415894, -0.21783462166786194, 1.3266066312789917, 0.27727848291397095, 0.5133325457572937, 0.5942719578742981, -0.2220643162727356, -1.0241568088531494, -0.11545423418283463, -0.022719591856002808, 0.20387938618659973, 1.1115357875823975, 0.38106852769851685, 0.562410831451416, 0.34011316299438477, 0.22971349954605103, -1.4007391929626465, 0.7712956070899963, 0.8724374771118164, -1.1115307807922363, -0.14469268918037415, 0.8306540250778198, 0.6259920597076416, -0.37110117077827454, 0.29354962706565857, -1.872252106666565, 0.5404055714607239, 0.3520480692386627, -0.2548036575317383, -0.1407027244567871, -0.278242290019989, 0.42424649000167847, -0.22030775249004364, -0.19114083051681519, -0.328163743019104, 0.08499937504529953, 0.7466641068458557, -0.298338383436203, 0.19598720967769623, -0.07724333554506302, 0.3406023383140564, 1.141777515411377, -0.2714143991470337, -0.28084516525268555, -0.9278913140296936, -0.18004918098449707, -0.32848694920539856, 1.017795205116272, -0.19835522770881653, 0.3715655505657196, -0.359991192817688, -0.39378342032432556, -0.1536024510860443, -0.7602918148040771, -0.6721916794776917, 0.04030316695570946, -0.5543582439422607, -1.5756334066390991, -0.1585109829902649, 0.19108884036540985, 0.9590941071510315, -0.8000749945640564, -0.14731673896312714, -0.26197752356529236, 0.8497877717018127, -0.20648075640201569, 0.5729115605354309, -0.516460657119751, -1.2038825750350952, -0.20690108835697174, 3.515259265899658, -0.5976536870002747, 1.8521448373794556, -0.6901283264160156, 0.20170585811138153, -0.36845797300338745, 0.35039880871772766, 1.1355669498443604, -0.2597900927066803, -0.08628973364830017, -0.6831780076026917, 0.10174943506717682, -0.5883983969688416, 0.009124197997152805, -0.6973358392715454, -0.4105183780193329, -0.05478649213910103, -0.5970000624656677, -1.5667228698730469, -0.5017947554588318, -0.04465780407190323, 0.2750129699707031, -0.03267168253660202, 1.0399500131607056, -0.7328469753265381, 0.8934239745140076, 0.3434114158153534, -0.35958653688430786, 0.07224151492118835, 0.40754950046539307, -0.7341685891151428, -0.001236144918948412, 0.8774177432060242, 0.022103063762187958, -0.2819582223892212, -0.5412968993186951, 0.8489519357681274, -0.2929753065109253, -0.258213609457016, -0.4358108639717102, 0.6125900149345398, 1.0533045530319214, 0.3101177513599396, 0.8623466491699219, 0.18209899961948395, -0.2446514070034027, -0.6889264583587646, -0.49254539608955383, -0.3420816659927368, 0.39195045828819275, -0.27454379200935364, 0.5882535576820374, -2.3384876251220703, -0.28058475255966187, -0.1319347470998764, 0.06903137266635895, 0.14980116486549377, -0.4376438856124878, 0.21719172596931458, 0.359933078289032, 0.2678569555282593, -0.1345268189907074, 0.23058389127254486, -0.8853561282157898, -0.15100768208503723, 0.6187694668769836, 0.1724618375301361, -0.0842934176325798, 0.35935652256011963, 0.9081109762191772, 0.3280092179775238, -0.569924533367157, -0.5576844811439514, -1.6711981296539307, 0.04941541701555252, 2.8957223892211914, -0.517806351184845, -0.6152935028076172, -1.392660140991211, 0.003377944231033325, 0.3154881000518799, -0.22273144125938416, 0.2717854678630829, -0.7575607895851135, -0.3006890118122101, -0.3764321506023407, 0.3330235183238983, -0.6225188970565796, 0.8120786547660828, 0.6812412142753601, 0.6868669986724854, -0.4787287712097168, -0.7343627214431763, -0.6681824326515198, -1.2326998710632324, 0.5741316676139832, 0.3746919631958008, 0.22871072590351105, -0.7898709774017334, 0.8518973588943481, -0.14305736124515533, 0.7766222357749939, 0.5525786280632019, 0.546273946762085, -0.4620612859725952, -0.6282105445861816, 0.36963677406311035, 0.6714008450508118, -0.06198546290397644, 0.6648540496826172, 0.41866952180862427, 0.8252959251403809, -0.3684117794036865, -0.5533975958824158, -0.44058823585510254, 0.39434418082237244, 1.0782971382141113, 0.6077409982681274, -0.8407440781593323, 1.277426838874817, -1.4950066804885864, 0.18573713302612305, -0.8557168841362, -0.6035603880882263, -0.10203201323747635, -0.3135162591934204, 0.6010119915008545, -0.2808644473552704, 0.2276507318019867, -0.6632192134857178, -0.26694461703300476, -1.5493950843811035, -0.5182632803916931, -0.4892576038837433, -0.3616117238998413, -1.7162048816680908, -0.25010713934898376, -0.16061018407344818, -0.6293888092041016, -0.960108757019043, 0.19923387467861176, 0.7635099291801453, 0.48407790064811707, 1.1103005409240723, 1.786514401435852, -0.25079047679901123, 0.4881330728530884, 0.6982287764549255, 0.697023868560791, -0.7654657959938049, 1.438905954360962, 0.14291594922542572, 0.4906003177165985, -0.7509158849716187, 0.35659146308898926, -0.6540849208831787, 0.2090199887752533, 0.5708118677139282, -0.5400603413581848, 0.04286321997642517, -0.2991204559803009, -0.9965454339981079, 0.6485913395881653, -0.5252315998077393, 0.22063887119293213, -0.6597346663475037, 1.8180049657821655, 0.6354020237922668, 0.25710350275039673, 1.0641177892684937, -0.6971416473388672, -0.20874029397964478, 1.0120041370391846, -0.8754116296768188, 0.7471525073051453, 0.5746933221817017, 0.35510024428367615, 0.47716382145881653, 0.2866945266723633, -2.3712918758392334, 0.504342794418335, 1.147362232208252, -0.2123740017414093, -0.7544928789138794, -1.077040433883667, 0.22610770165920258, -1.0075500011444092, -0.07113712280988693, 0.023156920447945595, -0.747835099697113, 0.3715600371360779, -0.2422347366809845, 0.13306677341461182, 1.855467438697815, -1.1175916194915771, 1.2344543933868408, 1.2923517227172852, 0.5193918347358704, -0.6800850033760071, -0.6629153490066528, 1.0329079627990723, -0.6304693222045898, -0.1957823634147644, -0.4484529495239258, 0.8957235813140869, 1.1737209558486938, -0.18614718317985535, -0.6108039617538452, 0.8518649935722351, 1.194056510925293, 1.0557771921157837, 0.4114910662174225, -0.8468993902206421, 0.3528430461883545, -0.07662522792816162, 1.1179542541503906, 0.010523077100515366, -0.9913101196289062, -1.2972378730773926, -0.38370034098625183, 0.3120838403701782, -0.8841999769210815, 1.9205836057662964, 0.8650639057159424, 1.4930309057235718, -0.04769977927207947, 0.435274600982666, -0.15625622868537903, 0.09931118786334991, 1.1095514297485352, 0.8150733709335327, -0.3299594521522522, 0.12768375873565674, -0.3203684389591217, 1.1401790380477905, -0.5283883213996887, -0.4494929015636444, 0.27065733075141907, 0.7425640225410461, -0.6225820183753967, -0.8453915119171143, 0.5798653960227966, 1.1695353984832764, 0.8379465341567993, 1.5598583221435547, -0.4756423234939575, -0.8096913695335388, 0.14668288826942444, 0.50244140625, 0.18753764033317566, 0.22542238235473633, -1.0960925817489624, 0.7558653354644775, 0.6859081387519836, 0.391221821308136, -0.2712791860103607, 0.586219072341919, 1.2258855104446411, -0.6738258004188538, -1.0473636388778687, -0.27759885787963867, -0.9674259424209595, -0.0688515156507492, -0.27420568466186523, -0.2304205745458603, -0.5650529265403748, 0.7386679649353027, -0.5158613920211792, -0.9239080548286438, 0.8132079839706421, -0.08147028088569641, -1.2220741510391235, 1.11945378780365, 0.6083860397338867, -1.2408725023269653, -0.49077901244163513, 0.1868923455476761, -1.0040132999420166, -0.9454004764556885, 0.027172859758138657, -0.18830309808254242, 0.1748015284538269, -0.15206509828567505, 1.28391695022583, -0.09472241252660751, -0.479631245136261, -1.5726133584976196, 0.03276681900024414, 1.6489639282226562, -0.910447895526886, 0.48946329951286316, 0.7686611413955688, -0.12846417725086212, -0.4228978455066681, -1.0575686693191528, -0.936899721622467, 0.42787426710128784, 0.5869652032852173, 0.31093287467956543, -0.5757696032524109, -1.111700415611267, 0.08015932887792587, -0.388474702835083, 0.8754487633705139, -1.678672432899475, 0.09062003344297409, -0.16560247540473938, 0.24041393399238586, 0.12765303254127502, -0.8673267364501953, -0.5602565407752991, 1.168165922164917, -0.44389814138412476, 1.6316474676132202, 0.19610172510147095, 0.12093643844127655, 1.155717134475708, 0.19817578792572021, 0.07646201550960541, -0.5683868527412415, -10.073809623718262, 0.11812914907932281, -0.46604594588279724, -0.09262524545192719, 0.657776415348053, -1.0218136310577393, 0.6527082920074463, 0.01169691514223814, 0.5634998679161072, -0.8984670042991638, 0.6020987033843994, 1.3259564638137817, -0.03436644375324249, -0.43143367767333984, -0.278781533241272, -0.7899894118309021, -1.0416501760482788, -0.19648271799087524, 0.258467435836792, -0.05211281031370163, -0.8396530151367188, -1.149512529373169, -0.37248945236206055, 0.6817506551742554, 0.48628148436546326, 0.8486078977584839, -0.6926032900810242, 0.0887448787689209, -0.6532915234565735, 0.14330871403217316, 0.5239983201026917, -0.5537557005882263, -0.991386353969574, -1.017303466796875, 0.5266698002815247, -0.2225348949432373, -1.0308222770690918, 0.07581532746553421, 0.9944056868553162, 0.1357027292251587, -0.32505929470062256, 0.7685744762420654, 0.2326589673757553, 0.016005152836441994, -0.33221134543418884, 0.48347634077072144, 0.368754118680954, -0.4792534410953522, 0.11514042317867279, -0.2104019671678543, -0.5298594236373901, -0.585178554058075, -0.8605161905288696, -0.9626132845878601, 0.23289825022220612, 0.5229066610336304, -0.6625813841819763, 0.6017786860466003, -0.7185989022254944, -1.0615856647491455, 0.5535282492637634, 0.2027999758720398, -0.5280570983886719, 0.15518811345100403, -0.0559411346912384, -0.8221505284309387, 0.4057254493236542, 0.5180865526199341, -0.3598323464393616, -0.018151860684156418, -0.5025607943534851, 0.7636538743972778, -0.12967142462730408, 0.08553393185138702, -0.16215187311172485, -0.14387473464012146, -0.4873844385147095, -0.2254020720720291, 0.7010205388069153, -0.02769244834780693, -0.9879043698310852, 0.5079766511917114, 0.3978605270385742, -0.7437898516654968, -0.7169240117073059, 0.25629913806915283, 0.1729285717010498, -0.382745623588562, 0.658649206161499, 0.47341179847717285, 1.7876967191696167, -0.12169045209884644, 0.03045453131198883, 0.21202823519706726, -0.2186848223209381, 1.2973965406417847, -0.3253673315048218, 1.2490417957305908, -0.16853606700897217, -1.225537896156311, 0.6845908761024475, -0.406038761138916, -0.4694218933582306, 0.09263454377651215, 0.3777208626270294, 0.1228676363825798, 0.47429710626602173, 0.4330001771450043, -0.3511744439601898, -0.5337460041046143, 0.7280147075653076, 0.339100182056427, -0.16128720343112946, 0.5758126974105835, 0.023004069924354553, 1.0728058815002441, 0.7977120876312256, -0.08899718523025513, -0.04513612389564514, 1.615088701248169, -0.10337240248918533, 1.05561101436615, 0.1716558039188385, 1.5000534057617188, 0.37156015634536743, 0.34720051288604736, 0.19590841233730316, 0.8876945972442627, -0.03618267923593521, -1.4386502504348755, 0.8215110301971436, -0.10936948657035828, -0.033983632922172546, -0.641754686832428, -0.3591608703136444, -0.246980682015419, -1.10903799533844, 1.1357066631317139, -0.3493773341178894, 0.3717482388019562, -0.08751190453767776, -0.4743940830230713, 0.3001049757003784, -0.9319674968719482, -0.8567498922348022, -0.042457349598407745, -1.5159143209457397, 0.09174272418022156, -0.5137832760810852, -0.46064019203186035, -0.10043130815029144, -0.06891810894012451, 0.8999109268188477, -0.8024426698684692, -0.542555570602417, -0.14743337035179138, -0.06035159155726433, -0.27897611260414124, -0.30613619089126587, -0.013147935271263123, -0.026287280023097992, 1.3162100315093994, -0.8345551490783691, 1.142511248588562, 0.17116791009902954, -0.14936824142932892, -0.6513121724128723, 0.15695424377918243, -1.0053350925445557, 0.2531311810016632, 1.4300998449325562, -0.8815070986747742, -0.6351544857025146, -0.7537645697593689, -0.925857424736023, -0.6038771867752075, 0.7073777914047241, 1.326940655708313, -0.412974089384079, 0.4033960700035095, 0.17257075011730194, 0.6008937358856201, -0.2327224761247635, -0.21696895360946655, -0.22812701761722565, 0.4269862771034241, -0.27973151206970215, 1.1612884998321533, -0.1648876667022705, 1.3260756731033325, -2.1364803314208984, -1.3136229515075684, -0.07655781507492065, -0.1162915974855423, 0.26802706718444824, -0.39759352803230286, 1.2482177019119263, 0.30837586522102356, 0.5268867015838623, 0.43720191717147827, 0.3583156168460846, 0.8298160433769226, 0.006113715469837189, 0.4915453791618347, 0.1884220391511917, 0.1709529608488083, -0.4100329279899597, -0.08580351620912552, 0.1826508343219757, 0.35359254479408264, -0.8908584117889404, 0.3318701386451721, -0.363321453332901, 0.14116670191287994, 0.34405866265296936, -1.1240431070327759, 0.6222594380378723, -0.6111345887184143, -0.2875089645385742, -1.4875901937484741, 0.2701007127761841, 1.7556434869766235, -0.2697398364543915, 1.2525506019592285, 0.6510480642318726, -0.1618957668542862, 0.2915472388267517, 1.1114920377731323, 1.56769597530365, -0.5818032026290894, -0.9786978363990784, -0.7664083242416382, 0.6422157287597656, -0.09903538227081299, -0.14947150647640228, -0.542634904384613, -0.7100993990898132, 0.1736609935760498, -0.6539434194564819, 1.1229979991912842, -0.7216410636901855, 0.4977768659591675, 0.13457636535167694, 1.045252799987793, -0.36221402883529663, -1.6411209106445312, 0.49721214175224304, -1.265491247177124, 0.22912637889385223, 0.32535651326179504, 0.8523232340812683, 0.41068410873413086, 0.508588433265686, 0.03218492120504379, 1.5366735458374023, -0.5111426711082458, 0.00748211145401001, 0.0038795173168182373, -0.35673487186431885, 1.4581422805786133, 0.9188926815986633, 0.37817081809043884, -0.18571245670318604, -0.7319545745849609, -0.9355407357215881, -0.24997788667678833, -0.46105897426605225, 1.0198729038238525, 0.8773093819618225, -0.25024113059043884, -0.08661390841007233, -0.8818227052688599, 0.7243289351463318, -0.5529416799545288, 0.6245025396347046, 0.4774475693702698, -0.32862693071365356, -1.1204200983047485, -0.9465387463569641, -0.2641461491584778, 1.045659065246582, -0.2743087410926819, 0.07298948615789413, -0.8133100867271423, 0.45861342549324036, -0.10609783232212067, -0.3755432665348053, -1.1889393329620361, 0.08535300195217133, -0.8431121706962585, -0.6659393906593323, 0.7497621774673462, -0.812012791633606, -0.7293961048126221, -0.22119568288326263, -0.5625909566879272, 0.948855459690094, -0.1675519347190857, -0.8866425156593323, -0.7228397727012634, -0.11355280876159668, -1.1225600242614746, -0.5548083186149597, 0.2766878008842468, -0.14209672808647156, -2.265244483947754, 1.246338963508606, 1.1373945474624634, -0.24548080563545227, -0.7981051802635193, 0.08337592333555222, -0.010767601430416107, -0.07272857427597046, 1.915778636932373]} +{"paper_id": "labr", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "metooma", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "hard", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "liveqa", "embedding": [-0.8819130063056946, 0.4804166555404663, 0.32349008321762085, -0.03042859025299549, 0.6076705455780029, 0.3810139298439026, 1.1449897289276123, 0.4663178622722626, 0.9761953949928284, 0.5837156772613525, 0.016803622245788574, 0.06262139230966568, -0.18648235499858856, -0.43110325932502747, -0.031473126262426376, -0.7940889596939087, -0.8389450311660767, 0.912059485912323, -0.7495996952056885, -0.11972184479236603, -0.5764065384864807, -0.27537915110588074, 0.650968074798584, 1.0779128074645996, -0.25794440507888794, -0.3443402349948883, 1.044451355934143, -1.2027753591537476, -0.14267656207084656, 0.41540831327438354, 0.04636010527610779, 1.0069262981414795, -1.44380521774292, -0.5391420125961304, -1.0534722805023193, -0.7357048988342285, 0.42859452962875366, 1.2825664281845093, 0.7766469120979309, 0.034727469086647034, -0.8962303996086121, 0.4119914472103119, 0.5440739989280701, 0.4880383014678955, 1.3861514329910278, -0.2600221335887909, -0.29573890566825867, -0.7693923711776733, -0.6025044322013855, -0.05552522465586662, -0.3656456172466278, 0.32602301239967346, -0.028836948797106743, 0.15722033381462097, 0.47254347801208496, 0.06237049400806427, -0.20905110239982605, -0.5941607356071472, -0.025103794410824776, -0.4732246696949005, 2.352607488632202, 0.9650408029556274, 0.004945646971464157, 0.6255937814712524, 1.5071113109588623, -0.0765354335308075, 2.5638370513916016, 0.7851526737213135, -0.07182171195745468, 0.7354288697242737, -0.404792845249176, -0.9242522120475769, -0.05533088743686676, -0.15811102092266083, -0.588737964630127, 0.3915726840496063, -0.20498894155025482, 0.42057323455810547, 0.22583287954330444, 0.20054015517234802, -0.14940400421619415, 0.2683171033859253, 0.1778147965669632, -0.6253621578216553, 0.4239535927772522, 0.0268503800034523, 0.829824686050415, -1.1593278646469116, 0.46330490708351135, -1.8893933296203613, 0.6422497630119324, 0.24743787944316864, 0.3617578446865082, -0.4157145321369171, -1.4078989028930664, 1.2784355878829956, -0.5662297010421753, -0.6348153352737427, -0.49331480264663696, 0.33749333024024963, 0.8291471004486084, -0.29299721121788025, -0.06921088695526123, -0.32833200693130493, 0.5150256752967834, 0.850989818572998, 0.743220865726471, -0.1692735254764557, -0.24988791346549988, -0.897106409072876, -0.5534931421279907, 0.8332391977310181, -0.17513509094715118, 1.0331110954284668, -0.14047649502754211, -0.3478340208530426, 0.0394127294421196, -0.8776196241378784, -0.4781934320926666, -0.21379779279232025, -1.0187275409698486, -1.2516707181930542, -0.07526540756225586, -0.09228594601154327, 0.9302805662155151, -0.24569499492645264, -0.5898413062095642, -0.6871762871742249, -0.48548758029937744, 0.6947857737541199, 1.2665700912475586, -0.02183825895190239, -0.5936399102210999, -0.2740640640258789, 2.63740611076355, -0.8655294179916382, 1.7436920404434204, -0.6141247153282166, -0.09290304780006409, -0.9679372310638428, -0.5349425077438354, 1.6814744472503662, -0.3572911322116852, 0.09670883417129517, -1.22569739818573, -0.11827712506055832, -0.5928772687911987, 0.2470569759607315, -0.7329099774360657, -1.1357582807540894, -0.4133179485797882, 1.2681535482406616, -1.017574667930603, -1.2040237188339233, 0.5715088844299316, 0.9206249713897705, -0.7586228847503662, 0.25028130412101746, -0.3286273181438446, 0.5373859405517578, 0.23206982016563416, 0.01322389580309391, -0.08571375161409378, 0.5953789949417114, -0.0444318987429142, 0.019708316773176193, 0.6868953108787537, 0.18490570783615112, -0.6730934381484985, -0.6162426471710205, 0.9697951674461365, -1.1515049934387207, -0.22839269042015076, -0.22407160699367523, -0.5815988183021545, 0.24176916480064392, 0.714008092880249, 0.2545735239982605, 0.21449342370033264, -0.29487311840057373, -0.5782911777496338, 0.017209164798259735, 0.15873795747756958, 0.7670069932937622, 0.7413827776908875, -0.3124561011791229, -2.843850612640381, -0.10861434042453766, -0.15504063665866852, 1.5513105392456055, 0.3322048783302307, 0.42853274941444397, -0.37689343094825745, 0.4325365424156189, -1.0563139915466309, -0.6955286264419556, 0.8398261666297913, -1.0475006103515625, -0.08996666967868805, -0.07555949687957764, -0.4879131615161896, 0.07088085263967514, 0.17499738931655884, 0.6627742052078247, 1.5147576332092285, 0.5550783276557922, -0.329939067363739, -1.580221176147461, 0.11536657810211182, 1.5087469816207886, 0.45723068714141846, -0.7941451072692871, -0.5421559810638428, 0.22147665917873383, 0.5551326274871826, -0.13001497089862823, 0.5758932828903198, -0.07615986466407776, -0.0746489092707634, -1.2574900388717651, 0.6809163093566895, -0.36710014939308167, 0.63001549243927, 0.4951236844062805, 1.4920759201049805, -0.5278770327568054, 0.11767818033695221, -0.8133198618888855, -0.5811171531677246, 0.4960503578186035, 0.5945500731468201, -0.02156771346926689, 0.6028632521629333, 1.5205539464950562, 0.3718937337398529, 0.5457596182823181, 1.0502066612243652, 0.9922127723693848, -0.2082625776529312, -0.6136910319328308, 0.0032654786482453346, 0.4007679224014282, 0.5885741114616394, -0.6611294150352478, 0.17848850786685944, -0.08918057382106781, 0.14998000860214233, -0.444486141204834, -0.6628924608230591, -0.16061639785766602, 1.1198960542678833, 0.5169597268104553, -0.4639699161052704, 0.4261857867240906, -0.07351915538311005, -0.07600002735853195, -0.17062504589557648, 0.2540106177330017, 0.3067595958709717, -0.60459965467453, 0.5117390751838684, 0.04181007295846939, 0.28486576676368713, -0.07087419927120209, -0.13179005682468414, -0.6876675486564636, -0.22257862985134125, 0.4662291705608368, -0.8267216682434082, -0.3895660936832428, -0.1433146744966507, -0.7138388752937317, -0.910099983215332, -0.9958696961402893, -0.11629459261894226, 0.47549131512641907, -0.21245931088924408, 0.9533098936080933, 1.2309329509735107, 0.7593980431556702, -0.09052783995866776, -0.4367148280143738, 1.3847538232803345, -0.14419309794902802, 0.3843005299568176, -0.636173665523529, 0.6828728318214417, -0.7876183986663818, 0.4984326660633087, -1.066051959991455, 0.30352962017059326, 0.3320077955722809, 0.04352973401546478, 1.4368534088134766, -0.40562087297439575, -1.0292820930480957, 0.9926264882087708, 0.22631549835205078, 0.251566618680954, 0.014285121113061905, 1.0757230520248413, 0.5289307832717896, -0.6301136612892151, 0.7116432785987854, -1.3100602626800537, -0.31108126044273376, 0.820071280002594, -1.028351068496704, 0.8069702386856079, 0.7358077168464661, -0.006752447225153446, -0.1855035275220871, 0.2535335123538971, -1.9884591102600098, 0.19556497037410736, 1.2929569482803345, 0.03951888903975487, -0.7793521285057068, -0.49574223160743713, 0.9088107943534851, -0.4311782717704773, 0.05575218051671982, -0.0558796301484108, -0.33157020807266235, 0.2026713639497757, -0.6877773404121399, 0.7773898243904114, 0.772684633731842, -0.13088729977607727, 0.5842857360839844, 0.911109983921051, 0.014144055545330048, -0.7182682752609253, -1.4343769550323486, 1.1916913986206055, 0.3465059995651245, -0.2853454053401947, -0.05685557425022125, 0.7654988765716553, 1.186599612236023, -0.2795279622077942, -0.6761989593505859, 1.0594197511672974, 0.6440579891204834, 0.29552096128463745, -0.3022461533546448, -0.5909982323646545, 0.3731355369091034, -0.4007861912250519, 0.5520187616348267, -0.6329742074012756, 0.6834896802902222, -1.0705727338790894, 0.46898239850997925, -0.09521913528442383, -0.1345636546611786, 1.2779947519302368, 0.4113544821739197, 1.5229179859161377, 0.21178197860717773, 0.1737322211265564, -0.39298880100250244, 0.27048787474632263, 0.7346189618110657, 0.4198366403579712, 0.6160238981246948, -0.30801185965538025, 1.1496113538742065, 0.20486797392368317, 0.7743582129478455, -0.13356135785579681, 0.11691625416278839, 0.4734683930873871, -0.6744691729545593, -1.0313185453414917, 0.7276718020439148, 0.8342645168304443, 0.21826446056365967, 1.99808931350708, -0.011934110894799232, -0.15175765752792358, 0.11889860033988953, 0.23678776621818542, 0.7471078038215637, 0.5303791165351868, -0.3396450877189636, 0.7022798657417297, -0.03832397609949112, 0.12640054523944855, -0.16437703371047974, 1.4734028577804565, 0.6170637607574463, -0.6831087470054626, -1.003739833831787, -0.10250294208526611, 0.062497030943632126, 0.45535531640052795, 0.6383756399154663, -0.020502690225839615, -0.2909243702888489, 0.5963853001594543, -0.299662709236145, -1.8096004724502563, 0.36740821599960327, 0.050119396299123764, -1.3552088737487793, 0.7596703171730042, 1.2720224857330322, -0.1596374213695526, -0.5181108713150024, -0.12756438553333282, -1.392764687538147, -0.16993145644664764, -0.5527318120002747, -0.4879039525985718, 0.572504460811615, -0.09014961123466492, 1.2637280225753784, 0.3467710018157959, 0.18906427919864655, -0.5613787174224854, 0.7477607131004333, 0.5737940073013306, -1.1832166910171509, 1.0621790885925293, 0.7662051916122437, 0.17884011566638947, 0.26949113607406616, -1.274118423461914, -0.8412006497383118, 0.7288380265235901, 0.009083792567253113, 0.5535027980804443, -0.6001644730567932, -0.4048817455768585, -0.26245227456092834, -0.2631612718105316, 0.8203756213188171, -1.3017140626907349, 0.09183074533939362, -0.2986547350883484, -0.704674482345581, 0.43428072333335876, -0.7693428993225098, -0.0832371786236763, 0.09048829227685928, -0.848997950553894, 0.9211077690124512, -0.5891726016998291, -0.5564076900482178, 1.7630788087844849, 0.7716026306152344, 0.6017757058143616, -0.2048455774784088, -10.774497985839844, 1.5563440322875977, -0.471131294965744, 0.44498366117477417, 0.23232920467853546, -0.8493782877922058, 0.26324230432510376, 0.013576659373939037, 0.9350699782371521, -1.2730834484100342, 0.4338134825229645, 0.3797771632671356, -0.39920997619628906, -0.2181408405303955, -0.9222583770751953, -0.9322773814201355, -0.44660788774490356, -0.7300758957862854, 0.4854465126991272, -0.3195444345474243, 0.023741066455841064, -1.004823088645935, -0.07677004486322403, -0.020622994750738144, 0.15273968875408173, -0.17161524295806885, -0.4248110055923462, -0.06344012916088104, -0.4768933057785034, 0.5590063333511353, 1.2769854068756104, -0.30922871828079224, -0.2262624353170395, -1.0741809606552124, 0.8277842998504639, -0.21304024755954742, -1.263494849205017, -0.19481366872787476, 0.45712071657180786, -0.1824999302625656, 0.5931921005249023, 0.33790332078933716, -0.037802256643772125, 0.2825378179550171, 0.33613982796669006, 0.4087682366371155, -0.02814781665802002, -0.7069913148880005, -0.5648126006126404, 0.6478984355926514, -1.064710259437561, 0.3380800485610962, -0.9088343381881714, -0.6075136661529541, 0.8410664200782776, 0.24494385719299316, -1.290198802947998, -0.051137059926986694, -0.06343114376068115, -0.6577807664871216, 0.6786553263664246, 0.6695420742034912, -0.7684122920036316, 0.5196242928504944, 0.45436084270477295, 0.11385998874902725, 0.7154719233512878, 0.3860419690608978, -0.7171587944030762, 0.543468177318573, -1.0047327280044556, 1.2486854791641235, 0.3839711546897888, 0.4862467348575592, -0.3861294686794281, 0.022990692406892776, -0.7183225154876709, 0.509562611579895, 0.03354443609714508, 0.4055422246456146, -1.3284893035888672, 0.39359623193740845, 0.4233345687389374, -1.273032784461975, -1.2635639905929565, 0.4487862288951874, 0.36748501658439636, -0.4827730655670166, 0.6435643434524536, -0.6810054183006287, 0.4759522080421448, 0.3681483864784241, -1.0468990802764893, 0.39886876940727234, -0.40606528520584106, 0.6307047009468079, -0.20966072380542755, 0.48749107122421265, -0.6177737712860107, -0.5425736904144287, 0.0026696249842643738, -0.49361473321914673, -0.6238114833831787, 0.7308017611503601, 0.6450374126434326, -0.3629983067512512, 0.3806687593460083, -0.10957266390323639, -0.3057432174682617, -0.16400301456451416, 0.44849756360054016, -0.1538465917110443, 0.13143497705459595, 0.5108512043952942, 0.23689943552017212, 0.8887551426887512, 0.350899338722229, -0.7225194573402405, 0.1586448848247528, 0.5867410898208618, -0.6865835785865784, 0.911557674407959, 0.3051002323627472, 1.3770427703857422, -1.0129029750823975, 0.18954037129878998, -0.08031190931797028, 0.1307675689458847, 0.6330574750900269, -1.019309401512146, 0.7322120666503906, -0.5075253248214722, -0.3386364281177521, -1.1187244653701782, -0.5428156852722168, 0.21463137865066528, -0.6120133399963379, 1.5962393283843994, -1.1648530960083008, 0.15656518936157227, 0.04115671664476395, -0.495763897895813, -0.896507978439331, -0.9485625624656677, -0.7606616020202637, 0.008387081325054169, -1.4226727485656738, 0.4752255380153656, -0.8543667197227478, -0.20169973373413086, 0.8705012798309326, -0.5616557598114014, 1.0030359029769897, -0.4842005968093872, -0.6036374568939209, -0.4718591868877411, -0.12711763381958008, -0.5203151702880859, -0.9316647052764893, -0.43085166811943054, 0.4281741976737976, 0.5136331915855408, -1.0296120643615723, 0.42805927991867065, -0.4698069393634796, 0.01770973578095436, -0.6581079363822937, 0.7002801895141602, -0.3155113160610199, 0.17984387278556824, 1.4941900968551636, -0.42790061235427856, -0.5591526031494141, -0.8083249926567078, -0.6440946459770203, -0.5667185187339783, 1.0679410696029663, 1.4914913177490234, -0.8862454891204834, -0.577264666557312, -0.49894383549690247, 0.8400757908821106, -0.2865108847618103, -1.0147507190704346, 0.012268245220184326, 0.7503810524940491, 0.5263507962226868, 0.5870051980018616, 0.060826241970062256, -0.13934867084026337, -2.000953197479248, -1.3710830211639404, -0.9734858274459839, -1.1015335321426392, 0.7138553261756897, 0.5107346773147583, 0.5779339671134949, 0.1777275949716568, -0.5459498167037964, -0.2381916642189026, -0.23084469139575958, 1.039275884628296, 0.6137135624885559, -0.06195821613073349, -0.3064952492713928, -0.4347671866416931, 0.3754426836967468, -0.24631935358047485, 0.9877887964248657, 0.3119998574256897, -0.5200990438461304, 0.14409242570400238, -0.2614270746707916, 0.05071278661489487, 0.3228922486305237, -1.328165054321289, 0.20822343230247498, 0.15473194420337677, -0.0012811236083507538, -1.4471219778060913, 0.49380120635032654, 1.363451361656189, -0.8970869183540344, 1.7510013580322266, 0.37705591320991516, 0.6694074869155884, 0.7196245193481445, 0.1960824728012085, 0.35694199800491333, 0.7722890377044678, -0.33677223324775696, 0.16321693360805511, -0.6799577474594116, -0.06847506761550903, -0.5075274705886841, -1.2845276594161987, -0.7619776129722595, 1.3854594230651855, -0.06864848732948303, 0.3263523280620575, -0.2663794755935669, 0.00034474581480026245, 0.8716626167297363, 0.7914924025535583, -0.6674420237541199, -1.445977807044983, -0.8932852745056152, -0.9371511340141296, 0.09383095800876617, 1.0385711193084717, -0.008161578327417374, 0.8809764385223389, 0.35932284593582153, 0.19679246842861176, 0.5139650106430054, -1.0881736278533936, -0.04530888795852661, 0.27007633447647095, -0.05155171453952789, 1.32175612449646, 0.5420125722885132, -0.9901124238967896, 0.5687507390975952, -0.31688448786735535, -1.2396793365478516, 0.562028169631958, -0.2654690444469452, 0.05395311117172241, 0.1767064779996872, -1.3099538087844849, -0.5241473913192749, -0.4893048405647278, 0.2946445047855377, -0.42491304874420166, 0.7424014210700989, 0.04149683564901352, -0.7783421874046326, 0.1435035616159439, -0.8656235933303833, -0.9100118279457092, 0.7340161800384521, 0.33260998129844666, 0.10926856100559235, -0.05928701162338257, 0.020038362592458725, -0.1695583164691925, -0.2927713692188263, -0.36518800258636475, 0.2517826557159424, -1.0234253406524658, 0.038838453590869904, 0.08354087918996811, -1.0416829586029053, -0.5073593258857727, -0.1872296929359436, -0.87530118227005, -0.06780566275119781, 0.2711060047149658, -1.2694209814071655, -0.7897573709487915, -0.0613284669816494, 0.3723968267440796, -0.47244223952293396, -0.27083903551101685, 0.3332056403160095, -1.15359365940094, 0.11715830862522125, 0.9143953919410706, -0.07874700427055359, -0.4911825954914093, -0.16678133606910706, 1.5151934623718262, -0.4240361452102661, 1.7860538959503174]} +{"paper_id": "mkqa", "embedding": [-0.7623233795166016, 1.056471347808838, 0.13475315272808075, -0.5170321464538574, 0.880154013633728, -0.25068774819374084, -0.0646807923913002, 0.7329638600349426, 0.8876713514328003, 0.7972686290740967, 0.02768799662590027, -0.14807267487049103, 0.3384546637535095, 0.19637657701969147, 0.1294461339712143, -0.7698404788970947, -1.3164849281311035, -0.673125684261322, -1.5633383989334106, -0.11758735775947571, -0.3448808193206787, -0.36588162183761597, 0.4186249375343323, 1.0267088413238525, -0.19282123446464539, -1.2660883665084839, 0.940873384475708, -0.7242266535758972, 0.42988771200180054, 0.40662458539009094, -0.5844346284866333, 1.0561286211013794, -1.3330918550491333, 0.19901111721992493, -0.6707723140716553, -0.3136022388935089, 0.3571754992008209, 1.3846287727355957, 0.0022191256284713745, -0.011638965457677841, -0.8580247163772583, -0.3117755949497223, 0.5504083037376404, 0.6199854016304016, 1.0796570777893066, -0.5143359899520874, 0.0133817158639431, -0.27871018648147583, -0.5975788831710815, -0.5648512244224548, -0.3540288209915161, 0.8138672113418579, -0.05090879648923874, 0.5217379331588745, -0.3023046851158142, 0.584018349647522, 0.7940188646316528, -1.048041582107544, 0.8147551417350769, -1.278247356414795, 1.4123542308807373, 1.683782935142517, -0.43214133381843567, 0.18970923125743866, 1.4148943424224854, -0.010869637131690979, 1.668078899383545, 0.21621109545230865, -0.02481451816856861, 0.45074528455734253, 0.011470228433609009, -1.0808063745498657, 0.7569043040275574, 0.32668331265449524, 0.567970871925354, 0.9408897161483765, -0.054476045072078705, 0.33287814259529114, -0.2352374792098999, -0.5953684449195862, -0.4497028887271881, 0.5904166102409363, 0.6926752328872681, -0.2784499526023865, 0.1683594435453415, -0.07339900732040405, 0.36835113167762756, -1.2519536018371582, 0.600642204284668, -1.6563735008239746, 0.5760189294815063, 0.36358168721199036, -0.07639284431934357, -0.3856133818626404, -0.41009432077407837, 0.6324506402015686, -0.9330053329467773, -0.08669118583202362, -0.028380513191223145, 0.23791849613189697, 0.925378143787384, 0.0012773964554071426, 0.4148416519165039, 0.3119466304779053, -0.1946304440498352, 0.858464241027832, 0.3735164701938629, -0.31369271874427795, -0.6930277943611145, -0.828693151473999, -0.05594611167907715, 1.0520645380020142, -0.18877001106739044, 0.5809623599052429, 0.12060955166816711, 0.7040789127349854, 0.5744219422340393, -1.3435124158859253, -0.3165936768054962, 0.030646048486232758, -0.0003771744668483734, -1.1766170263290405, -0.2919038236141205, -0.09435957670211792, 0.3490028381347656, -0.8472687602043152, -0.324855774641037, -0.12509948015213013, -0.34715715050697327, 0.303625226020813, 1.353317379951477, -0.2641501724720001, -0.3278796374797821, -0.3354341685771942, 2.902340888977051, -0.9853257536888123, 1.8336232900619507, -0.6513777375221252, -0.15060703456401825, -0.6465765237808228, -0.37269335985183716, 1.0380810499191284, 0.1719060242176056, -0.7958667874336243, -0.3097548484802246, 0.4416525959968567, -0.6748963594436646, 0.11145993322134018, -1.0204033851623535, -0.44674813747406006, -0.15090782940387726, 0.31280186772346497, -1.0802398920059204, -0.41868090629577637, 0.37591737508773804, 0.48857924342155457, 0.1630816012620926, 0.49202293157577515, -0.4684734344482422, 1.0538052320480347, -0.041928261518478394, -0.1193879097700119, -0.49457216262817383, 0.37758928537368774, -0.9354053139686584, -0.26178231835365295, 0.5049336552619934, -0.23001909255981445, -0.902472972869873, -0.29780852794647217, 0.6901145577430725, -0.5012531280517578, -0.3338800370693207, 0.3916732370853424, -0.049210354685783386, -0.007641702890396118, 0.8801224827766418, 0.2581378221511841, -0.2511904239654541, -0.7444564700126648, -0.01564949005842209, -0.021322108805179596, 0.3194350004196167, 1.1223808526992798, -0.06873273104429245, 0.3517458140850067, -2.2162930965423584, 0.3310171365737915, 0.13156266510486603, 0.4159688949584961, -0.17712879180908203, -0.6208323240280151, -0.22033360600471497, -0.371561735868454, 0.36011677980422974, -0.800922691822052, 0.5166025161743164, -0.9229351282119751, 0.018092691898345947, 0.13346397876739502, -0.5951637029647827, 0.3732191026210785, 0.42757800221443176, 0.7165863513946533, 0.17904438078403473, -0.3708939254283905, -0.9532290101051331, -1.7713065147399902, -0.05422525852918625, 2.0367982387542725, -0.019795402884483337, -0.5015380382537842, -0.7739631533622742, -0.3815893530845642, 0.028441667556762695, -0.5079418420791626, -0.22960710525512695, -0.6141566634178162, 0.012403912842273712, -1.307733178138733, 0.2594752013683319, -0.5931288599967957, 0.15491357445716858, 0.5644837021827698, 1.2931127548217773, -0.48945263028144836, -0.28417620062828064, -0.5760067701339722, -0.8326050639152527, 0.6831304430961609, 0.819136917591095, 0.27949246764183044, -0.2702692747116089, 1.1099435091018677, -0.02445150911808014, 1.095655083656311, 0.5436140894889832, 0.8531477451324463, -0.6101809144020081, -0.2584301233291626, 0.045925773680210114, 1.5516496896743774, -0.11717091500759125, 0.11974392086267471, 0.24980689585208893, 0.793925404548645, -0.7517515420913696, -0.1326516717672348, 0.23938418924808502, -0.26160722970962524, 1.3171464204788208, 0.9654133319854736, -0.6754111647605896, 1.454359769821167, -0.9111923575401306, 0.008350923657417297, -0.05160152539610863, -0.47997331619262695, -0.1944730430841446, -0.4460600018501282, 1.3477572202682495, 0.2158842831850052, 0.5251933336257935, -0.4377782344818115, -0.14322152733802795, -1.5520573854446411, 0.11761361360549927, 0.25944364070892334, -0.8182309865951538, -1.162172555923462, 0.023028351366519928, -0.7693049907684326, -0.7393211722373962, -1.0750575065612793, 0.3505174517631531, 0.6117849946022034, 0.019553501158952713, 1.596521019935608, 1.4254398345947266, 0.5490276217460632, 0.673245370388031, 0.07992801070213318, 1.2379754781723022, -1.0349112749099731, 0.9049227237701416, 0.0714869499206543, 0.38620051741600037, -1.1294407844543457, 0.2412489652633667, -0.3999066948890686, 0.009001769125461578, 1.0575684309005737, -0.2251053750514984, 0.9672605395317078, -0.2243901789188385, -1.3515870571136475, 1.3231000900268555, -0.04909258708357811, -0.09754431992769241, -0.2527860999107361, 1.8133381605148315, -0.07033922523260117, -0.23164226114749908, 0.7723575830459595, -0.5390982031822205, 0.015433859080076218, 0.9167818427085876, -0.392117440700531, -0.024339737370610237, 0.2187630981206894, -0.2395998239517212, -0.17088519036769867, 0.6018372774124146, -1.879563331604004, 0.892689049243927, 1.0269728899002075, -0.25803354382514954, -0.3984280526638031, -0.8857656717300415, 0.6296184062957764, -0.4255199432373047, -0.1103239506483078, 0.5205370783805847, -0.12193220853805542, 0.7730435729026794, -0.4824290871620178, 0.12386834621429443, 1.4910656213760376, -0.3742722272872925, 0.6743998527526855, 1.2384470701217651, 0.2041638195514679, -0.630332350730896, -0.8020434975624084, 0.9488911032676697, -0.42111045122146606, -0.07714086025953293, 0.2033804953098297, 0.7339848875999451, 1.6609563827514648, -0.30801960825920105, -0.5810064077377319, 0.8729787468910217, 0.882408082485199, 0.4085202217102051, -0.11978132277727127, -0.5735911726951599, 0.47413405776023865, -0.11631765961647034, 1.0216470956802368, -0.24855810403823853, -1.3193341493606567, -1.1975957155227661, -0.32591626048088074, -0.3200133442878723, 0.0687347948551178, 1.8657187223434448, 0.451884925365448, 0.9891270399093628, -0.032330237329006195, 0.3728586733341217, -0.5429665446281433, -0.0786154568195343, 1.3059475421905518, 0.45186394453048706, -0.23942981660366058, -0.32682257890701294, -0.035732947289943695, 0.3670766055583954, -0.25287339091300964, -0.6925088167190552, 0.3060400187969208, 1.0513110160827637, -0.020816776901483536, -1.0442047119140625, 0.6651177406311035, 1.0560427904129028, -0.2556954026222229, 1.422633409500122, -0.43254682421684265, 0.04368709400296211, -0.03733447939157486, 0.4605240225791931, -0.15410774946212769, 0.25929877161979675, -0.3100649118423462, 0.5943666100502014, 0.4218311905860901, 0.3656541705131531, -0.0485733225941658, 1.129391074180603, 0.8010265827178955, -0.9039888978004456, -1.1251317262649536, -0.2793881297111511, -0.9619277119636536, -0.3281358480453491, 0.5289433598518372, 0.09531986713409424, -0.864714503288269, 0.6384804248809814, -0.3448706567287445, -0.9347703456878662, 0.43723180890083313, -0.7385470271110535, -1.5874671936035156, 1.0398327112197876, 0.7113510370254517, -0.9001250267028809, -0.4478137195110321, -0.5797490477561951, -1.063609004020691, -0.5951645970344543, -0.27970558404922485, -0.8219908475875854, -0.10439589619636536, -0.27757591009140015, 0.8529576659202576, -0.4032260775566101, -0.10296812653541565, -1.3977165222167969, 0.7694514989852905, 1.1675662994384766, -0.916327178478241, 0.3143610656261444, 0.3784920871257782, 0.7835760116577148, -0.4729960858821869, -0.8188843131065369, -1.1459338665008545, 0.844590961933136, 0.05693940818309784, 0.9554892778396606, -0.8715105652809143, -0.6114221811294556, 0.6876111030578613, 0.4450262784957886, 1.1823387145996094, -0.7873513102531433, -0.06269875913858414, -0.4479941129684448, 0.1216200441122055, 0.8240034580230713, -1.1126726865768433, -0.3564353287220001, 0.6248528361320496, -0.2451552152633667, 0.2835298478603363, -0.8271822929382324, 0.035026561468839645, 0.8229284882545471, -0.04307853430509567, -0.031380269676446915, -0.5604143738746643, -11.332101821899414, 0.6342440843582153, -0.03422024846076965, 0.08714616298675537, 0.8746525049209595, -0.7946459650993347, 0.9587523937225342, -0.2179545909166336, 0.26378193497657776, -0.9938653111457825, 0.10814276337623596, 1.0694220066070557, 0.2612001895904541, -0.13372835516929626, -0.9925540685653687, -1.1608163118362427, -0.3676115870475769, -0.43304574489593506, 0.2862916588783264, -0.18725550174713135, -0.7516627907752991, -0.42844730615615845, -0.08433878421783447, 0.2859751582145691, 0.1041550412774086, -0.2104320228099823, -0.6176316738128662, -0.39377832412719727, 0.06242814660072327, -0.14792339503765106, 0.9935641884803772, 0.15857471525669098, -0.5769436955451965, -0.8052381873130798, -0.34021061658859253, -0.09980443120002747, -0.7183223962783813, 0.21353554725646973, 0.903558611869812, -0.36916136741638184, -0.15048301219940186, 0.5435603260993958, 0.32785549759864807, 0.4684814214706421, -0.3236770033836365, 0.3221896290779114, 0.47188809514045715, -0.9112794995307922, 0.3048277497291565, -0.2258332073688507, -0.6967824697494507, -0.3143725097179413, -0.6862849593162537, -0.2297826111316681, 0.15370894968509674, 0.08237019926309586, -0.7641850709915161, -0.0015529822558164597, -0.5367676615715027, -1.410809874534607, 0.33206987380981445, 0.09971879422664642, -0.8393558263778687, -0.30377185344696045, -0.19589629769325256, -0.5319592356681824, 0.25284343957901, 0.2143455147743225, -0.6041167378425598, 0.34456315636634827, -0.7398819327354431, 0.9747020602226257, 0.3159252405166626, 0.5733908414840698, -0.8227904438972473, -0.24730640649795532, -0.592266857624054, 0.08670467883348465, -0.05259716138243675, -0.01633540913462639, -1.391035795211792, 1.0914838314056396, 1.038701057434082, -0.48740628361701965, -0.6279030442237854, 0.4084109961986542, -0.3777424991130829, 0.363495796918869, 0.9004493951797485, -0.695361316204071, 1.166956901550293, 0.21482130885124207, -0.6126022338867188, 0.04640231281518936, -0.07542775571346283, 0.691408634185791, -0.3913552463054657, 0.560681164264679, 0.1388743817806244, -0.7723909616470337, 0.09385371208190918, -0.4862298369407654, -0.46457090973854065, 0.3674493730068207, 0.707085132598877, 0.24511843919754028, 0.741412878036499, 0.0053809285163879395, 0.1941331923007965, -0.5326639413833618, 1.121860146522522, -0.026841379702091217, -0.39596545696258545, 1.0370430946350098, -0.356766015291214, 0.9194060564041138, 0.298700749874115, 0.37460559606552124, 0.47844570875167847, 0.8394004106521606, -0.5126269459724426, 1.1329576969146729, -0.07477494329214096, 1.6356483697891235, -0.6658825278282166, 0.2697123885154724, 0.3833821415901184, 0.34157416224479675, 0.13520842790603638, -1.1344482898712158, 0.05236096680164337, -0.2643992006778717, 0.061695098876953125, -0.9201890826225281, -0.30147916078567505, -0.18469120562076569, -0.7101748585700989, 1.6524426937103271, -0.5569089651107788, 0.06714609265327454, 0.08653043210506439, -0.7717157006263733, -0.13863670825958252, -1.5382375717163086, -0.6748705506324768, 0.24090686440467834, -1.0111500024795532, 0.3904404044151306, -0.3340030312538147, -0.48953777551651, 0.5091493129730225, -0.47783684730529785, 1.271752953529358, -0.9897996187210083, -0.1391104757785797, -0.3121729791164398, 0.46410098671913147, -0.4200752079486847, -1.088765025138855, -0.20185726881027222, -0.09794407337903976, 1.1703482866287231, -0.8279324173927307, 1.6307228803634644, 0.28205353021621704, -0.2904745042324066, -0.17970824241638184, 0.008276760578155518, -0.6203528046607971, 0.2886006534099579, 0.9721475839614868, -0.7419987320899963, -0.4861967861652374, -0.5351845026016235, -0.42930150032043457, -0.8214579820632935, 0.3476243019104004, 1.237259030342102, -0.6663558483123779, -0.18526645004749298, -0.015630139037966728, 1.1565985679626465, -0.5397555232048035, -0.5880328416824341, -0.7233676910400391, 0.45269298553466797, 0.09955713897943497, 0.8536045551300049, 0.33346304297447205, 0.9708035588264465, -1.7710803747177124, -1.2818527221679688, -0.3349539339542389, -0.20358480513095856, 0.44230204820632935, -0.11135353147983551, 0.6821485161781311, 0.1548972874879837, -0.22741937637329102, 0.0032377466559410095, 0.33018672466278076, 0.7800226211547852, 0.32021471858024597, 0.21422888338565826, -0.14217983186244965, 0.35063013434410095, -0.29552316665649414, 0.2259669005870819, 0.24478955566883087, 1.0434982776641846, -1.1225179433822632, -0.23060037195682526, 0.16179224848747253, -0.10023073852062225, -0.19972074031829834, -0.9374618530273438, 0.07906850427389145, -0.13763415813446045, -0.14233368635177612, -1.3825924396514893, 0.06320266425609589, 1.481147289276123, -0.1355942338705063, 0.9086180329322815, 0.3209827244281769, 1.0322730541229248, 0.8144451379776001, 0.23181088268756866, 0.20915639400482178, -0.3203026354312897, -0.20613506436347961, 0.2857857346534729, 0.3264681398868561, -0.14086738228797913, -0.28447091579437256, -0.48304542899131775, -0.8940683007240295, 0.2085733413696289, -0.4414387345314026, 0.6882105469703674, 0.1029970720410347, 0.5884829163551331, 0.5237950682640076, 0.565788745880127, 0.052600741386413574, -1.5795600414276123, 0.4180452227592468, -1.3112908601760864, 0.15380272269248962, 0.3570506274700165, 0.49778231978416443, 0.23408649861812592, 0.7413793206214905, 0.04364486038684845, 0.9949504733085632, -0.9692277908325195, 0.0016070455312728882, 0.194173201918602, -0.07851971685886383, 0.8189092874526978, 0.474784791469574, 0.5983071327209473, 0.05788380652666092, -0.046271078288555145, -0.8465801477432251, -0.2900536358356476, -0.17153151333332062, 0.9729131460189819, 1.019334316253662, -0.4037005603313446, 0.09782485663890839, -0.8703446984291077, 1.5293492078781128, -0.5585319399833679, 0.7494925260543823, 0.27411961555480957, -0.6788333654403687, -0.8030126690864563, -0.9362934827804565, 0.260270893573761, 0.7973453402519226, -0.18603134155273438, -0.23454058170318604, -0.39230412244796753, 0.4705534875392914, 0.5339929461479187, -0.6018483638763428, -1.2061693668365479, 0.2507416307926178, -0.5531952381134033, -0.1474943459033966, 0.8111544847488403, -0.6010281443595886, -0.3832770884037018, 0.2658793330192566, -0.8776372671127319, 0.31429174542427063, 0.1808328777551651, -1.143721342086792, -1.0679724216461182, 0.15405316650867462, -0.6037243604660034, 0.49917155504226685, 0.3965645432472229, -0.33140143752098083, -1.562070608139038, 0.9543977379798889, 1.6163251399993896, -0.7123766541481018, -0.8888753056526184, -0.25849243998527527, 0.2755753695964813, 0.14576038718223572, 1.2085685729980469]} +{"paper_id": "onestop_qa", "embedding": [-0.19964247941970825, 1.0166447162628174, -0.03136327117681503, -0.11728304624557495, 0.20676776766777039, 0.15142233669757843, 0.3923581838607788, 0.7008129358291626, 0.4673793911933899, 0.3881989121437073, 0.2751370966434479, 0.07039476186037064, 0.48347675800323486, 0.49196046590805054, -0.6017817258834839, -0.5906534790992737, -0.7676708102226257, -0.17791174352169037, -0.9017717838287354, -0.5340590476989746, -1.0091338157653809, -0.7478611469268799, -0.4643137454986572, 0.8986032605171204, -0.6686803698539734, -0.9132483005523682, 0.4689345061779022, -0.8306783437728882, -0.1595870554447174, 0.05808056890964508, 0.14057320356369019, 1.0686495304107666, -1.4947586059570312, 0.8673003911972046, -0.035994913429021835, -0.36588719487190247, 0.29029545187950134, 0.4880584180355072, 0.16864436864852905, -0.6738874316215515, -0.6522170305252075, 0.3705849349498749, 0.5547246336936951, -0.3281073570251465, 0.11823633313179016, -0.7764229774475098, 0.1393917202949524, 0.016779441386461258, -0.055488843470811844, -0.07657094299793243, -0.9005427956581116, 0.1372545063495636, -0.06492204964160919, 0.14775682985782623, 0.12796153128147125, 0.7392151951789856, 0.027807049453258514, -0.6702883243560791, 0.36469337344169617, -0.1555793583393097, 0.7366471886634827, 1.2682170867919922, -0.09134358912706375, 0.5307804346084595, 1.3644506931304932, 0.23011936247348785, 0.8461562991142273, 0.2033483237028122, -1.0728720426559448, 1.1603031158447266, -0.5396885871887207, -0.44160911440849304, 0.14972341060638428, -0.36359214782714844, 0.490501344203949, 0.6410548686981201, 0.004979884251952171, -0.32473838329315186, 0.23639360070228577, -0.06183357909321785, 0.5033035278320312, -0.07793524861335754, 0.8952810168266296, -0.29915961623191833, 0.27369824051856995, -0.27910465002059937, 0.4697170555591583, -0.9418323636054993, 0.3759053349494934, -1.3635292053222656, 1.0812797546386719, 0.3928242623806, 0.4602985084056854, -0.00742107629776001, -0.4299192428588867, 0.36683088541030884, -0.3705534338951111, -0.028281034901738167, -0.026056718081235886, -0.09984186291694641, 0.5735263824462891, 0.2675386369228363, 0.9814419150352478, -0.25491806864738464, 0.6769970655441284, -0.8764129281044006, 0.25756198167800903, -0.002230517566204071, 0.021384861320257187, -0.852318286895752, 0.16889841854572296, 0.6988628506660461, 0.10288489609956741, 0.6099430322647095, -0.4413740038871765, 0.25833794474601746, 0.625161349773407, -0.7341324090957642, -0.3076479434967041, 0.08163763582706451, 0.10979953408241272, 0.03929375857114792, -0.05415350943803787, -0.9312705397605896, 0.5898871421813965, -0.43319272994995117, -0.08257413655519485, -1.140551209449768, -0.4610750675201416, -0.16377373039722443, 0.11610056459903717, 0.35456690192222595, -0.28864380717277527, 0.305816113948822, 3.007289409637451, -1.168645977973938, 0.3857205808162689, -0.11783237010240555, -0.32165035605430603, -0.5388128161430359, -0.5824894905090332, 1.5139044523239136, 0.4548436105251312, -0.924611508846283, -0.18244273960590363, -0.03766505420207977, 0.292271226644516, 0.6321330666542053, -0.8272660374641418, -0.08437289297580719, 0.06797461211681366, -0.123890720307827, -1.6234722137451172, -0.6148726940155029, -0.12482406198978424, -0.25406649708747864, -0.6644198894500732, 0.12452815473079681, -0.0059423670172691345, 0.7512410879135132, 0.010502971708774567, 0.21176180243492126, -0.8543102741241455, 0.5567202568054199, -0.5145002603530884, 0.04814835265278816, 0.9109258055686951, -0.6171588897705078, -0.8127251863479614, 0.2725057899951935, -0.0368737056851387, -0.4881448447704315, -0.7509139180183411, -0.688269853591919, -0.27922844886779785, -0.07831579446792603, 0.3015589118003845, 0.5393924117088318, 0.18433049321174622, -0.44542357325553894, 0.03644789010286331, 0.18213436007499695, 0.26878276467323303, 0.8523802757263184, -0.44204115867614746, 0.3057055175304413, -3.2805235385894775, 0.07895544916391373, -0.729081928730011, 1.0990818738937378, -0.006451912224292755, 0.5314062833786011, 0.30942055583000183, 0.4641049802303314, -0.559840977191925, -0.641040563583374, 0.38002809882164, -0.9100430011749268, 0.5134671330451965, 0.13492411375045776, 0.17225314676761627, 0.24223530292510986, 0.054511819034814835, 0.8073810935020447, 0.23046265542507172, -0.46159857511520386, -0.935046911239624, -2.1569161415100098, -0.2743663787841797, 1.8523900508880615, 0.051954202353954315, -0.08407428860664368, -0.8755279779434204, -0.5082172751426697, -0.49439314007759094, -0.029368693009018898, 0.6128275394439697, -0.22939197719097137, -0.337203711271286, -0.5934169292449951, 0.7331498265266418, -0.5237142443656921, -0.42537128925323486, 0.5306838750839233, 1.2071785926818848, -0.6589766144752502, 0.015245623886585236, -1.0727328062057495, 0.10102316737174988, 0.22196857631206512, 0.393944650888443, 0.026597976684570312, 0.33175086975097656, 0.3821483850479126, 0.4140132665634155, 0.8369744420051575, 1.3959344625473022, 0.8748933672904968, -0.4708738625049591, 0.710818350315094, -0.2380508929491043, 1.3275765180587769, -0.1645330935716629, 0.18821795284748077, 0.20798416435718536, -0.11526773869991302, -0.5477012395858765, 0.13479837775230408, -0.7162401676177979, -0.1863449513912201, 0.8156189918518066, 0.7311919927597046, -0.4823961555957794, 0.40093016624450684, -0.6116048097610474, -0.16995787620544434, -0.16375115513801575, -0.2012956738471985, -0.9220643639564514, -0.16469429433345795, 0.3166153132915497, -0.33479413390159607, -0.33248475193977356, -0.26024019718170166, -0.1848604530096054, -1.4112696647644043, -0.8216079473495483, -0.2742796242237091, 0.08058582246303558, -0.8142927885055542, -0.6807811856269836, 0.16433924436569214, -1.4113703966140747, -0.2045508176088333, -0.27659595012664795, -0.33291390538215637, -0.37388405203819275, 0.6701765060424805, 1.79904305934906, 0.37094876170158386, 0.01100526750087738, -0.06761542707681656, 1.042439579963684, -0.5991674065589905, -0.09304465353488922, -0.2247028648853302, -0.429799348115921, -1.0710704326629639, 0.1464557647705078, -0.8880993127822876, 0.6435983180999756, 0.6004704236984253, -0.286425918340683, 0.9451524019241333, -0.21153467893600464, -1.2820340394973755, 0.3214491605758667, -0.22338363528251648, -0.06715160608291626, -1.4983161687850952, 1.1837375164031982, -0.08918659389019012, -0.6228522658348083, 0.5908257961273193, -0.9100502729415894, -0.8508847951889038, 0.8150624632835388, -0.22550496459007263, -0.24327747523784637, 0.30352312326431274, -0.4535900354385376, -0.2241986244916916, 0.3827627897262573, -1.6179779767990112, 1.279099702835083, 0.9673877954483032, 0.5365148782730103, -0.03761306777596474, -0.7430724501609802, 0.42008858919143677, -0.22302274405956268, 0.2479073405265808, 1.4846621751785278, -0.1760028898715973, 0.40641170740127563, -0.2765732407569885, 0.37091749906539917, -0.11864037811756134, -0.6080653071403503, 0.5831077694892883, 0.16543592512607574, 0.31020593643188477, -1.0888798236846924, -0.08806629478931427, 0.880111813545227, -0.6379920840263367, 1.06746244430542, 0.5952677726745605, 0.42503079771995544, 0.2762641906738281, -0.5277499556541443, -0.1730574518442154, -0.021780431270599365, 0.3019842207431793, 0.17492325603961945, 0.5927641987800598, 0.051731228828430176, 0.6025059223175049, -0.0714578628540039, 1.5271214246749878, -0.11646300554275513, -0.5279645919799805, -0.36018502712249756, -0.43823790550231934, -0.8638454079627991, -0.04651004076004028, 1.07796049118042, 1.0740952491760254, 2.217592239379883, 0.5628231763839722, -0.4296042323112488, -0.31863921880722046, -0.19110164046287537, 0.3888413608074188, -0.0027074262034147978, 0.6184858083724976, -0.8964719772338867, 0.09333640336990356, 0.587049126625061, 1.3490873575210571, -0.5742567777633667, 0.27822399139404297, 0.13987430930137634, 0.28646665811538696, -1.3808151483535767, 1.449495792388916, 0.3566833734512329, 0.9121826887130737, 2.11198353767395, -0.06305844336748123, 0.5858602523803711, -0.1800888180732727, -0.14216065406799316, -0.14758159220218658, 0.1755143105983734, -0.21063560247421265, 0.6543651819229126, 0.48823976516723633, 0.9125747680664062, -0.10036338120698929, 0.8297727704048157, 1.6601234674453735, -0.04414913058280945, -1.967287540435791, -0.39314207434654236, -0.7031955122947693, 0.21640431880950928, -0.2626184821128845, -0.2940804064273834, 0.0427141971886158, 0.32261526584625244, 0.35454484820365906, -0.6583136320114136, 0.25705450773239136, -0.13241861760616302, -0.844588041305542, 0.7136447429656982, 1.0611604452133179, -0.9919787645339966, -0.6753506064414978, 0.18041406571865082, -0.9467996954917908, 0.1180746853351593, -0.4431643486022949, -1.2323219776153564, 0.9863080382347107, 0.5630923509597778, 0.8535641431808472, 0.2743169069290161, 0.6092588305473328, -0.8319868445396423, 1.8909651041030884, 1.0258251428604126, -0.9715865254402161, 0.6525437831878662, 0.382080078125, 1.3675415515899658, 0.7803688049316406, -0.6026191115379333, -0.5679137706756592, 1.1757819652557373, -0.17304714024066925, -0.23901960253715515, -0.7411243319511414, -0.34246230125427246, 1.2924346923828125, 1.273537516593933, 0.29345935583114624, -0.4895557165145874, 0.5200784206390381, -1.013730764389038, -0.09226492047309875, 0.8896360397338867, -1.8016026020050049, -1.2189058065414429, 0.4554694592952728, -0.9557603001594543, 0.13267111778259277, 0.1089533120393753, 0.11085490882396698, 1.7667032480239868, -0.15195730328559875, 0.2527812719345093, -0.6254585385322571, -11.771526336669922, 1.1574628353118896, -0.4035014808177948, 0.418251633644104, 0.6243166327476501, -0.18231436610221863, 0.21045786142349243, 0.6873401403427124, 0.22714616358280182, -0.48568210005760193, 0.14962294697761536, 0.9509052634239197, 0.44920966029167175, -0.01380435936152935, -0.5324408411979675, -1.220633864402771, -0.3915610909461975, -1.1810904741287231, 0.47549885511398315, 0.5543258786201477, -0.01943402737379074, -0.8006942868232727, -0.32305070757865906, -0.22986944019794464, 0.48477670550346375, -0.7977729439735413, -0.4675162732601166, -0.7721957564353943, 0.21655596792697906, -0.10227897018194199, 0.5922103524208069, -0.17081870138645172, -0.7807133793830872, 0.47416210174560547, 0.24131129682064056, -0.053347405046224594, -0.9111888408660889, -0.4241834282875061, 0.32187145948410034, -0.6192980408668518, -0.011246159672737122, -0.4251744747161865, 0.13353480398654938, -0.8375138640403748, -1.0924237966537476, 0.3451424241065979, 0.07090265303850174, -0.873453676700592, -0.25581955909729004, -0.867104709148407, -0.703928530216217, -0.4102644920349121, -1.038787603378296, -0.655521035194397, 0.7992722392082214, 0.19523577392101288, -0.20547209680080414, -0.727733314037323, -0.6685546636581421, -0.794877290725708, 0.8262965083122253, -0.562849760055542, -0.49957552552223206, 1.0854090452194214, 0.30321916937828064, 0.21854083240032196, 0.387470543384552, -0.1400672346353531, 0.5811252593994141, 1.0664278268814087, -0.7284007668495178, 1.6076081991195679, 0.30430206656455994, 0.73048996925354, -0.4482063949108124, -0.17615574598312378, -0.6600094437599182, -0.4435883164405823, 0.5215080380439758, 0.2685602903366089, -1.167518973350525, 0.7207694053649902, 0.47593891620635986, -0.269302636384964, -0.38165464997291565, 0.09713859856128693, 0.16280043125152588, 0.7435552477836609, 0.6969234943389893, -0.6411256194114685, 1.1957848072052002, -0.2905067801475525, -0.5952921509742737, -0.3979720175266266, -1.0097285509109497, 0.3523775637149811, -0.8569885492324829, 0.24261844158172607, 0.5587266683578491, 0.09337100386619568, -0.3205787241458893, 0.06254567205905914, -1.1857539415359497, -0.3183610737323761, 0.7815609574317932, -0.021641548722982407, -0.0042748600244522095, -0.19415247440338135, -0.20473796129226685, -1.3658764362335205, 0.19831663370132446, 0.9611978530883789, 0.15776020288467407, 1.1325132846832275, -0.8634262084960938, 0.6714833974838257, 0.6829301714897156, 0.014106228947639465, 0.0885133147239685, 1.2037546634674072, -0.32992881536483765, 0.8547511100769043, 0.44326555728912354, 1.8061455488204956, 0.1376408040523529, 0.3468706011772156, 0.9189386963844299, 0.06306994706392288, -0.46571794152259827, -1.115968942642212, -0.13844189047813416, -0.6495694518089294, 0.2558290362358093, -1.037135124206543, -0.4326856732368469, -0.04859473556280136, -0.5582736730575562, 1.4075995683670044, -0.812216579914093, 0.1433713138103485, -0.26122498512268066, 0.06870061159133911, -1.4584417343139648, -0.6119536757469177, -0.7123109698295593, 0.8209648132324219, -2.084421396255493, 0.193425714969635, -0.3275304436683655, -0.6178299188613892, -0.4710935652256012, -1.197052001953125, 0.9042250514030457, 0.1673133820295334, -0.11639034003019333, -0.14522746205329895, 0.21258117258548737, -0.8137602210044861, -0.583565354347229, -0.33345580101013184, 0.3270905613899231, 1.2517229318618774, -1.0627529621124268, 1.0852632522583008, 0.3555169403553009, -0.39314693212509155, -0.8976877331733704, 0.030935727059841156, -0.2971458435058594, 0.6031184792518616, 0.269988477230072, -0.573570728302002, -0.10095974057912827, -0.4484250545501709, 0.48236533999443054, 0.052183493971824646, 0.27843111753463745, 0.7292623519897461, -1.6992772817611694, -0.16840623319149017, -0.06621744483709335, 0.6359519958496094, 0.3661220371723175, -0.39346402883529663, -0.12709471583366394, 0.1574857234954834, -0.24054574966430664, 0.3157113492488861, 0.20046135783195496, 0.970092236995697, -0.6298925876617432, -0.7403314113616943, -0.6494801044464111, 0.4638228714466095, 0.4045273959636688, -0.06050603464245796, 0.916481614112854, 0.21988385915756226, -0.37775918841362, -0.016573913395404816, 0.2230309098958969, 0.3403169512748718, 0.12188553810119629, 1.0689144134521484, -0.5615729689598083, 0.49828365445137024, -0.5339477062225342, -0.18607579171657562, 0.27210456132888794, 1.2783950567245483, -0.2894411087036133, -0.10076190531253815, 0.15750393271446228, -0.32399043440818787, -0.29990601539611816, -1.3601717948913574, -0.14013248682022095, -0.6884392499923706, -0.4710867702960968, -0.6285005211830139, 0.34372422099113464, 1.2027826309204102, -0.28444957733154297, 0.7043704390525818, 0.744272768497467, 0.44433844089508057, 0.35909751057624817, 0.0896000862121582, 1.0096979141235352, 0.31289783120155334, -0.33131757378578186, 0.8838412761688232, 0.6156408786773682, 0.5243028402328491, 0.25143757462501526, -0.4911799430847168, -0.2069322019815445, -0.35847535729408264, -0.7093919515609741, 0.63429194688797, -0.02346334606409073, 0.30677253007888794, 1.3486809730529785, 1.2220162153244019, 0.20287705957889557, -1.5003273487091064, -0.48854830861091614, -1.104560136795044, 0.05580053851008415, 0.6376451849937439, 0.08146753907203674, 0.10667995363473892, 0.42202872037887573, -0.3689579963684082, 1.1348118782043457, -0.10629637539386749, 0.5285463929176331, 0.8626373410224915, -0.05783401429653168, 1.0088353157043457, 0.7808824181556702, 0.07765688747167587, 0.07817576825618744, -0.012267038226127625, -1.5176670551300049, -0.1501448154449463, -1.5617730617523193, 0.7469063997268677, 0.26318681240081787, -0.39721235632896423, 0.2833537459373474, -0.1685844212770462, 0.6375063061714172, -0.6510740518569946, 1.1640974283218384, -0.2449888437986374, 0.02449893206357956, 0.003270918969064951, -1.1641212701797485, 0.27849268913269043, -0.021712608635425568, 0.2122838944196701, -0.039704274386167526, -0.05745910108089447, 0.8007094860076904, 0.2142307311296463, 0.21560192108154297, -0.38039255142211914, 0.04904055595397949, -0.4623752236366272, 0.41845327615737915, -0.0006927493959665298, -0.30891233682632446, -1.1476510763168335, 0.2728589177131653, -0.415223091840744, -0.18177273869514465, 0.29672354459762573, -0.8235706686973572, 0.0390426404774189, 0.6141927242279053, 0.40299519896507263, 0.06068575009703636, 0.13978014886379242, 0.2624127268791199, -0.9369829297065735, 0.6094090342521667, 0.5874181985855103, -0.37814241647720337, -0.22855675220489502, -0.22316724061965942, 0.9123054146766663, 0.10502750426530838, 0.6777145862579346]} +{"paper_id": "opinosis", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "wili_2018", "embedding": [-0.13890594244003296, 1.909377098083496, -0.16295169293880463, -0.2859681248664856, 0.9615908265113831, -0.16201765835285187, -0.011577233672142029, 0.2713838815689087, 0.8136751651763916, 0.6362239122390747, 0.5126962661743164, -0.49301162362098694, 0.2194852977991104, 0.20489607751369476, -0.19023224711418152, -0.675670325756073, -0.9551252722740173, -0.7041805982589722, -0.8114994168281555, -0.042622536420822144, -1.3075095415115356, -0.42209112644195557, -0.08927895873785019, 0.5256307125091553, -0.4178413152694702, -0.8521806001663208, 0.328084260225296, -0.5057014226913452, -0.09144293516874313, 0.3182191252708435, -0.2573251724243164, 0.10808686912059784, -1.8038350343704224, 0.026057779788970947, -0.7170049548149109, -0.7403672933578491, 0.1027676984667778, 0.9639797806739807, -0.1416153907775879, -0.343567430973053, -1.0764812231063843, -0.05608878657221794, 0.6625652313232422, -0.06221709027886391, 1.0511499643325806, -0.15936161577701569, 0.6110860705375671, -0.2608884572982788, -0.030144929885864258, 0.14637622237205505, -0.3464147448539734, 0.004800345748662949, -0.005768647417426109, -0.19413399696350098, -0.7665514349937439, 0.4304509460926056, 0.04244285821914673, 0.3696346580982208, 0.30915647745132446, -1.4440289735794067, 1.217926025390625, 1.2628395557403564, -0.6004144549369812, -0.15669602155685425, 0.6796359419822693, -0.32750511169433594, 1.8185088634490967, 0.04939790070056915, 0.8584246635437012, 0.9123608469963074, -0.0390685498714447, -0.983257532119751, 0.2807668447494507, 0.2735295593738556, 0.006474070250988007, 0.8389452695846558, 0.15425780415534973, 0.173021599650383, 0.6578795313835144, -0.37710878252983093, -0.885956883430481, 1.1866590976715088, 0.603685200214386, -0.5024089217185974, -0.23152703046798706, 0.3502355217933655, 0.10451538860797882, 0.10569969564676285, 0.8722038865089417, -1.5704028606414795, 0.14827489852905273, 0.5588763356208801, -0.0018908726051449776, 0.5068135857582092, -0.6285432577133179, 0.6617571115493774, 0.6133694052696228, 0.02273355983197689, -0.7444874048233032, 0.754584014415741, 1.070550799369812, -0.5108659267425537, 0.9452698826789856, -0.13452589511871338, 0.256101131439209, 1.3994442224502563, -0.6950697898864746, -0.35831964015960693, -1.1852144002914429, -0.435179203748703, 0.27803468704223633, 1.2816603183746338, -0.34235742688179016, 0.554545521736145, 0.3726840317249298, -0.5568478107452393, 0.21267586946487427, -0.43190711736679077, -1.0800034999847412, -0.5179546475410461, -1.036210060119629, -0.6850742101669312, -0.18444541096687317, -0.04691502824425697, 0.7210790514945984, -1.0000613927841187, 0.917999804019928, 0.04400734603404999, 0.11792368441820145, 0.40094804763793945, 0.6952129602432251, 0.2447693645954132, -0.8621677756309509, 0.0724128931760788, 2.034540891647339, -0.975502610206604, 0.789239764213562, -0.49734029173851013, 0.5940199494361877, -0.8006805777549744, 0.4510801434516907, 1.7079699039459229, -0.12336111813783646, -0.839078962802887, -0.34706223011016846, 0.5229692459106445, -0.9916201233863831, 0.07619285583496094, -0.6648882627487183, -0.45421266555786133, -0.18316185474395752, 0.36438772082328796, -0.8813269734382629, -0.9692041277885437, 0.6498337984085083, -0.0013921596109867096, 0.28226712346076965, 0.8211936354637146, -0.294541597366333, 0.47406482696533203, 0.8819546103477478, 0.5433508157730103, -0.7661591172218323, 0.23242555558681488, -1.521793007850647, -0.24318404495716095, 0.9516627788543701, -0.15812785923480988, -0.6856430768966675, -0.4983808398246765, 1.4440017938613892, -0.8758766055107117, 0.29688048362731934, -0.01454884558916092, -0.01814669370651245, 0.08129081130027771, 0.6868162155151367, 0.22230252623558044, -0.4991897940635681, -0.7960705757141113, 0.5937402248382568, -0.2608017921447754, -0.2262299656867981, 0.26548948884010315, 0.1422329545021057, 0.41204652190208435, -1.7694507837295532, -0.36616456508636475, -0.03392405807971954, 1.0376169681549072, 0.22656458616256714, -0.29029226303100586, 0.0017890110611915588, 0.4391408860683441, 0.6915915012359619, -0.6323959827423096, 0.19895316660404205, -1.611956238746643, 0.3874208927154541, 0.4997285008430481, 0.4029766321182251, -0.7064592838287354, -0.25185078382492065, 1.242669701576233, 0.4336215853691101, -0.5016845464706421, -0.5109249353408813, -1.2971794605255127, -0.16922199726104736, 2.351530075073242, -0.08107030391693115, -0.8603864312171936, -0.7437556385993958, 0.030831649899482727, 0.2348552942276001, -0.7004513144493103, 0.6112959384918213, -0.6226683855056763, -0.6274803280830383, -0.9861361980438232, 0.5928352475166321, -1.1179783344268799, 0.0038604214787483215, 0.4580594599246979, 1.1450352668762207, 0.03980585187673569, -0.5385080575942993, -0.12912610173225403, -0.7027513384819031, 0.24229831993579865, 1.0322773456573486, -0.28315266966819763, -0.4658929407596588, 0.33347177505493164, 0.1643362045288086, 0.6446848511695862, 0.45928022265434265, 0.12291468679904938, -0.40763673186302185, -0.3105611801147461, -0.40493056178092957, 1.2671040296554565, -0.3102222681045532, -0.6338470578193665, 0.7271882891654968, 0.27061745524406433, -0.18831685185432434, -0.6586825251579285, -0.17222636938095093, 0.709302544593811, 1.3114434480667114, 1.0590533018112183, -0.8591766953468323, 0.9815705418586731, -1.4352669715881348, 0.28376445174217224, -0.1527358442544937, -0.28213632106781006, 0.0057489871978759766, 0.36939752101898193, 0.04527809098362923, -0.6972978711128235, 0.3916858434677124, -0.3802063465118408, -0.3749038279056549, -1.3530149459838867, -0.7650851607322693, -0.2805832028388977, -1.2921422719955444, -1.0208637714385986, -0.7428159713745117, -0.3187723159790039, -1.527537226676941, -0.49896031618118286, 0.6159071922302246, 0.49432918429374695, -0.1435616910457611, 0.6833927631378174, 1.5728498697280884, -0.21916678547859192, 0.5224721431732178, 0.133978471159935, 0.6566006541252136, -0.17655302584171295, 0.30441421270370483, -0.3810078799724579, 0.6113623380661011, -0.3227366507053375, -0.4170260429382324, -0.25078707933425903, 0.5449660420417786, 0.3807417154312134, -0.5169669389724731, 0.8362227082252502, -0.3901185393333435, -2.1709091663360596, 0.8040430545806885, 0.046206794679164886, 0.9872374534606934, -0.9919186234474182, 1.751120686531067, 0.6596912145614624, -0.6616357564926147, 0.1599344164133072, -0.3371943533420563, 0.03264493867754936, 1.0678659677505493, -1.0029897689819336, 0.7064181566238403, -0.20306602120399475, -0.7539997696876526, -0.0568373017013073, 0.09813343733549118, -2.0912892818450928, 0.09874122589826584, 1.5780466794967651, -0.13626845180988312, -0.014784615486860275, 0.014821710996329784, 0.4153348207473755, -0.15044955909252167, -0.4347291588783264, 0.8945814967155457, -1.4519238471984863, 1.054925560951233, -0.0030376091599464417, 0.3322259187698364, 0.7062155604362488, -0.25387391448020935, 0.5897070169448853, 0.6935474872589111, 1.1772125959396362, -0.5620254278182983, -0.4319022595882416, 0.802074670791626, -1.1315642595291138, 0.7098860740661621, 0.20456001162528992, 0.5093820095062256, 2.04221773147583, -0.714042603969574, -0.12059098482131958, 0.2982563376426697, 0.7274773716926575, -0.370816707611084, 0.27735939621925354, 0.025504162535071373, 0.9975070953369141, 0.25680622458457947, 0.6574219465255737, 0.6568755507469177, -1.0726361274719238, -0.9700656533241272, -0.3429395258426666, 0.42997997999191284, -0.07271362096071243, 1.4224464893341064, 0.7306099534034729, 1.2819186449050903, 0.8369069695472717, -0.1998158097267151, -0.23953275382518768, 0.13229118287563324, 1.2458531856536865, 0.7953554391860962, -0.0025517791509628296, 0.30433571338653564, 0.5607006549835205, 0.5197848081588745, 0.4101469814777374, -0.8056069612503052, 0.60172438621521, 1.071858525276184, -0.6010290384292603, -1.3225902318954468, 0.0946444720029831, 0.6187524199485779, 0.42018264532089233, 1.2927294969558716, -1.1038718223571777, -0.09068864583969116, -0.34053605794906616, 0.47519543766975403, 0.30277636647224426, 0.14923730492591858, -0.18583932518959045, 0.4350508451461792, 0.8237899541854858, 0.9456692934036255, -0.2640937268733978, 0.9969035983085632, 0.9131056070327759, -0.7158099412918091, 0.10318209230899811, -0.1984161138534546, -0.6028860211372375, -0.6330260634422302, -0.41628924012184143, 0.07724373787641525, -1.0212470293045044, 0.6073889136314392, -0.2852223813533783, -1.7071902751922607, 0.22086605429649353, -0.34203192591667175, -1.095841407775879, 1.4156203269958496, 1.1705161333084106, -1.1350480318069458, -0.45491668581962585, -0.5185375213623047, -0.8129544258117676, -0.9323474168777466, 0.6830582022666931, -1.1834622621536255, 0.18580886721611023, 0.4937530755996704, 1.2339065074920654, 0.2726152539253235, -0.17817038297653198, -0.890573263168335, 0.01612408459186554, 1.5584626197814941, -1.048133134841919, -0.26695457100868225, -0.7395519018173218, -0.23923173546791077, -0.32607531547546387, -1.5687294006347656, -0.4122978150844574, 0.6258002519607544, 0.06025899946689606, -0.23586022853851318, -0.740789532661438, -0.18867214024066925, 0.18654033541679382, 0.18208259344100952, 0.1440133899450302, -0.8103653788566589, 0.4696885347366333, -0.6898782253265381, 0.6673814058303833, 0.965330958366394, -0.7960858345031738, -0.16964755952358246, 0.673150897026062, -0.9875742197036743, 0.7376515865325928, 0.8546364307403564, 1.2706308364868164, 0.3571612536907196, 0.3968982696533203, 0.5461612939834595, -0.6550883650779724, -10.54221248626709, 0.4277312457561493, -0.1848858892917633, 0.3766581416130066, 0.28195899724960327, 0.21588575839996338, 0.7839697599411011, -0.4656185209751129, 1.2042077779769897, -0.7164281010627747, 0.12378950417041779, 1.5767308473587036, 0.3260033130645752, -0.6029517650604248, -0.41083964705467224, -0.6305824518203735, -1.0314581394195557, -0.381833553314209, 0.3247408866882324, 0.47535812854766846, -0.6845320463180542, -0.9613466858863831, -0.48995763063430786, -0.20163390040397644, 0.5627349019050598, -0.0840858742594719, 0.11652878671884537, -0.24226611852645874, -0.9733665585517883, 0.4394482672214508, 0.22668932378292084, -0.1721092313528061, -0.7545742988586426, -0.27527523040771484, 0.5048194527626038, 0.006061134394258261, -0.9554766416549683, -0.1821446269750595, 1.237536072731018, -0.3378448486328125, -0.2924761176109314, 0.13898171484470367, 0.022397462278604507, -0.5281317830085754, -0.3222779929637909, -0.027790583670139313, 0.09775009006261826, -1.3721448183059692, 0.18507128953933716, -1.0062191486358643, -0.6124251484870911, -0.7272652387619019, -1.379141092300415, -0.8044840097427368, 1.2876092195510864, -0.05663488060235977, -0.4711974859237671, 0.04863788187503815, -0.1614488810300827, -0.7052783966064453, 0.5791502594947815, 0.3591771721839905, -0.5759230852127075, 0.817560613155365, 0.1824186146259308, -0.505615770816803, 0.6917951703071594, 0.43113309144973755, 1.106001377105713, 0.18955400586128235, -1.0294586420059204, 1.2612425088882446, 0.4974671006202698, 0.2011113464832306, 0.2085362672805786, -0.5065911412239075, -0.18012428283691406, -0.4298447072505951, 0.5003038048744202, 0.7512600421905518, -0.9879166483879089, 0.14649656414985657, -0.25609302520751953, -0.9227783679962158, -0.6841289401054382, 0.3825182318687439, -0.5019670128822327, 0.16617411375045776, 0.9384046792984009, 0.3370603024959564, 0.9251589179039001, -0.0908363088965416, -0.6623698472976685, -0.3054811656475067, -0.7748306393623352, 0.31528791785240173, -1.5059839487075806, 1.1410365104675293, 0.2157725989818573, -0.6098493933677673, 0.7134578227996826, -0.6471031904220581, 0.02652980387210846, 0.5513601899147034, 1.1414884328842163, -0.08366632461547852, 0.20799237489700317, 0.31283333897590637, 0.20988520979881287, -0.08995132893323898, 1.0210076570510864, -0.5503771305084229, -0.31228744983673096, 0.8206421732902527, 0.33619681000709534, 1.1541025638580322, 0.9810851216316223, -0.29731249809265137, 0.051615677773952484, 0.12090449035167694, -0.7109431624412537, 0.6958078145980835, -0.2889232933521271, 1.717527151107788, 0.325323224067688, -0.11525657027959824, 0.5459590554237366, 0.3806290626525879, -0.35367903113365173, -1.4273974895477295, 0.6134312748908997, -0.43498894572257996, 0.08732102066278458, -1.5749759674072266, -0.1794886440038681, -0.5396919250488281, -1.2074040174484253, 1.2931766510009766, -0.9667406678199768, 0.18950968980789185, 0.06902997940778732, -0.32139337062835693, 0.13020294904708862, -0.11190412938594818, -0.8467826247215271, 0.3369691073894501, -1.2957866191864014, -0.0480438657104969, -0.553092896938324, -0.584072470664978, 0.44690123200416565, -0.7851917147636414, 0.2866714298725128, -0.7368738055229187, -0.27014532685279846, -0.32466092705726624, 0.5294632911682129, -0.12376920878887177, -0.9027885794639587, -0.13699370622634888, 0.95189368724823, 0.8927499055862427, -0.5947232246398926, 0.825421154499054, 0.8345587253570557, -0.2836528420448303, -0.8026893734931946, -0.022623158991336823, -0.275408536195755, 0.7246572971343994, 1.461303472518921, -0.8344565629959106, -0.2763936519622803, -0.28877538442611694, 0.16206111013889313, -0.5379626750946045, -0.20361492037773132, 1.8515499830245972, -0.4838810861110687, 1.046854853630066, -0.21837371587753296, 0.9614478945732117, 1.1229397058486938, -1.2617812156677246, -0.40754234790802, 0.5750420093536377, -0.11780919879674911, 0.7571089863777161, 0.24368715286254883, -0.19201365113258362, -1.289980173110962, -1.1893467903137207, -0.30162331461906433, -1.3088700771331787, 0.8355040550231934, 0.32313287258148193, 0.8890109658241272, 0.02039209008216858, -0.026067644357681274, -0.2792036831378937, 0.06752975285053253, 0.863002359867096, 0.4077058732509613, -0.31500244140625, -0.5602691769599915, -0.2515535056591034, -0.14591050148010254, 0.7296613454818726, 0.723475992679596, 0.23949918150901794, -1.3725582361221313, -0.2611181437969208, 0.011528342962265015, 0.04331536591053009, 0.2889460325241089, -1.1412431001663208, -0.24686866998672485, 0.5101816058158875, -0.7946136593818665, -1.684066891670227, -0.14749017357826233, 1.1917208433151245, -0.24392589926719666, 1.1601577997207642, 0.8996208906173706, 0.213809534907341, 0.16962070763111115, 0.04684532433748245, 1.734770655632019, -1.0229765176773071, -0.049721699208021164, 0.2961970269680023, 0.25610387325286865, -0.17750190198421478, -0.47761109471321106, 0.6439116597175598, -1.2726421356201172, -0.3435051441192627, -1.177724838256836, 0.7151127457618713, -0.28479892015457153, -0.33096158504486084, 0.16172514855861664, 0.9217851161956787, 0.15661755204200745, -0.9740360379219055, -0.49831369519233704, -0.7291014790534973, -0.3121303617954254, -0.193359836935997, -0.07881089299917221, 1.0625696182250977, 0.7834049463272095, -0.055031269788742065, 1.614782691001892, 0.21033325791358948, 0.35899460315704346, 0.0498785674571991, -0.2981024980545044, 1.3432505130767822, 0.4369904100894928, -0.0020601097494363785, 0.4794524610042572, -0.3790515065193176, -0.7664413452148438, -0.9538778066635132, -0.8750640153884888, 1.1972671747207642, 1.5594490766525269, 0.12973803281784058, 0.3398261070251465, -0.539703905582428, 0.036271654069423676, 0.4788969159126282, 0.4845660626888275, 0.16693803668022156, -0.06573300063610077, -0.9192391037940979, -1.04597806930542, 0.002175463829189539, 1.1088640689849854, -0.3638429045677185, 0.6634087562561035, -1.1018558740615845, 0.06317614763975143, -0.29671165347099304, -0.8010244369506836, -1.5605382919311523, -0.20536108314990997, -0.68218594789505, 0.18858443200588226, 1.0587337017059326, -0.5166540741920471, -1.0827664136886597, -0.08621232211589813, -1.1088435649871826, 0.33235982060432434, -0.38006168603897095, -1.6943306922912598, 0.43692874908447266, 1.1306757926940918, 0.5272934436798096, -0.7648980021476746, 0.7300485372543335, -0.44934892654418945, -1.3508338928222656, 0.5833163261413574, 0.9273303747177124, -0.7869245409965515, -0.21894629299640656, 0.6603872776031494, 0.6599392294883728, 0.4128373861312866, 1.5069586038589478]} +{"paper_id": "wider_face", "embedding": [0.13077230751514435, 0.8998045921325684, 0.21023300290107727, -0.0036634914577007294, -0.20564040541648865, 1.1901108026504517, 0.021236319094896317, 0.2724536061286926, 0.6454837918281555, 0.726561427116394, 0.4933941662311554, 0.06247348338365555, 0.685914158821106, -0.4743407666683197, -0.9111096262931824, -0.46105289459228516, -0.6598414778709412, -0.44324803352355957, -0.4891635477542877, 0.444789320230484, -1.2495758533477783, -0.6991486549377441, -0.03688529506325722, -0.3390156328678131, -1.058821201324463, -0.05299971252679825, 0.9001092910766602, -0.3450741767883301, 0.1695500761270523, 0.9582386016845703, 0.2643129825592041, 1.1755290031433105, -0.7068389654159546, 1.248233675956726, -0.880207896232605, -0.040311455726623535, 1.167907476425171, 0.33552324771881104, -0.12582911550998688, -0.46927255392074585, -0.6563566327095032, 0.11622203141450882, 0.8252190947532654, 0.07129819691181183, 0.8821793794631958, -0.6341969966888428, -0.12195751816034317, 0.10210901498794556, -1.3477011919021606, 0.35378360748291016, -0.3876573443412781, 0.7458990216255188, 0.8587465882301331, 0.32184040546417236, -1.0357664823532104, -0.12083019316196442, 0.5379459857940674, 0.5002675652503967, 0.28985482454299927, -0.9099963903427124, 0.23795095086097717, 0.7559181451797485, 0.46977752447128296, 0.6109436750411987, 0.7473891973495483, -0.04117946699261665, 0.6505170464515686, -0.5339979529380798, 0.7995850443840027, -0.05310899019241333, -0.3870176672935486, -1.204511284828186, -0.07116089016199112, 0.3230266869068146, 0.5485731959342957, 0.5476266145706177, -1.3340563774108887, -0.6199617385864258, 0.5750817060470581, 0.4363189935684204, -0.0777895599603653, -0.11460945755243301, -0.3437965214252472, -0.6650174260139465, 0.02132212370634079, -0.6796354651451111, 0.344194233417511, -0.5738629698753357, 0.3377039134502411, -1.0275131464004517, 0.7970094084739685, -0.21454612910747528, 0.017232514917850494, 0.564670205116272, 0.43722689151763916, 0.0314655601978302, -0.1181943267583847, -0.10624103993177414, -1.3915364742279053, 1.0889954566955566, 0.7325488924980164, -0.31960248947143555, 0.8130829930305481, -0.3486560583114624, -0.11388376355171204, 0.4755966067314148, -0.6679337024688721, 0.1702931523323059, -0.07696595042943954, -0.130744069814682, -0.5457839369773865, 1.5049617290496826, 0.036008045077323914, 0.09588736295700073, 0.2552633285522461, 0.03365785628557205, 0.5950027704238892, -0.004645276814699173, -0.9477658271789551, -0.29382723569869995, 0.16733418405056, -1.449611783027649, -0.027372509241104126, -0.44048434495925903, 0.7951688170433044, 0.033493928611278534, 1.6384000778198242, 0.5525182485580444, -0.13500742614269257, -0.6621211767196655, 0.49496087431907654, -0.4865834414958954, -0.281231552362442, 0.7342250347137451, 3.2654025554656982, -0.4811747670173645, 1.1190303564071655, -0.6920157670974731, -0.45643043518066406, -0.4940822124481201, 0.2899492084980011, 0.941026508808136, 0.714126706123352, -0.08429542183876038, -1.2687257528305054, -0.6894484162330627, -0.11570696532726288, 0.7137876749038696, -0.9419726133346558, -0.5386008024215698, 0.2366601824760437, 1.1629440784454346, -0.8855594992637634, -1.4150760173797607, 0.667588472366333, 0.7654967904090881, -0.5003483891487122, -0.3205280005931854, -0.5767905712127686, -0.3621753454208374, -0.4961510896682739, 0.36025696992874146, 0.10914331674575806, 0.8990646004676819, -0.0545533150434494, 0.18368306756019592, 0.6835623979568481, 0.5214608311653137, -0.6433720588684082, 0.23261761665344238, 0.37473487854003906, -0.8516165614128113, 0.11448546499013901, 0.115677610039711, -0.5875003337860107, 0.17545917630195618, 0.5589538812637329, 0.6893306970596313, -0.26324692368507385, -0.8340359330177307, -0.7590411901473999, 0.28565236926078796, -0.694751501083374, -0.18179842829704285, 0.3883524239063263, -0.5524110198020935, -1.2753915786743164, 0.03230265900492668, 0.0696362853050232, 0.45743778347969055, -0.07301552593708038, -0.4058957099914551, -0.21053770184516907, 0.6133216619491577, -0.13615213334560394, 0.48446229100227356, 0.9265409708023071, -0.6261244416236877, -1.1555078029632568, 0.3475567698478699, -0.4364241659641266, 0.5364872813224792, -0.743445098400116, 0.3950105905532837, 0.7034470438957214, -0.27241015434265137, -0.3303884267807007, -1.5778049230575562, 0.1094127669930458, 1.0294580459594727, 0.48961377143859863, -0.4282653331756592, -0.1388317048549652, -0.26821383833885193, 0.0019649267196655273, -1.304297924041748, 1.1485836505889893, -0.8324538469314575, -0.47076982259750366, -1.1066967248916626, 0.012885071337223053, -0.5596372485160828, 0.3081001043319702, 0.05082090571522713, 1.3006632328033447, -0.8645784258842468, -0.5754048824310303, -0.22782324254512787, -0.5044164061546326, 0.9664003849029541, 0.7766105532646179, 0.11869337409734726, 0.08175782859325409, 0.760029137134552, 0.8665773272514343, -0.1551162451505661, -0.011202715337276459, 0.5038911700248718, -1.2600642442703247, 0.522805392742157, -0.794305145740509, -0.16546015441417694, -0.2552917003631592, -1.036407709121704, 0.795063316822052, 0.00023966282606124878, -0.4215017855167389, -1.1491713523864746, -0.3801196813583374, 0.4612661898136139, 0.9386841654777527, 0.5050798654556274, 0.30739298462867737, 0.43064582347869873, -0.3078364431858063, -0.03857896476984024, 0.1943420171737671, 0.6609922051429749, 0.7006972432136536, -0.7390769720077515, 0.14099964499473572, -0.6296632885932922, -1.0111926794052124, -0.36568546295166016, -0.523253321647644, -0.20823097229003906, -0.1455804407596588, 0.8934147953987122, -0.7502182722091675, -0.09323883056640625, 0.0113707035779953, 0.15630944073200226, 0.005116678774356842, -1.7314084768295288, 0.11682562530040741, 0.6091248989105225, -0.09329808503389359, 0.5930359363555908, 1.2731621265411377, 0.1534702628850937, 0.14038288593292236, -0.3758575916290283, 0.42414867877960205, -0.10757873207330704, -0.03526747226715088, 0.2709398865699768, 0.3615964949131012, -0.7199320793151855, -1.0179945230484009, -1.085494875907898, 0.5093981623649597, -0.2538767158985138, 0.6452649235725403, 0.3343977928161621, 0.2386331558227539, -0.14614194631576538, 1.6861720085144043, 0.18010924756526947, 0.09877677261829376, -0.49805504083633423, 1.3707059621810913, 0.6143898963928223, -1.0259157419204712, -0.5605367422103882, -0.16957809031009674, 0.30103760957717896, 0.8103777766227722, -0.5353314876556396, 0.22123774886131287, 0.28282850980758667, -0.13500674068927765, 0.3599310517311096, 0.4638881981372833, -1.6897252798080444, -0.02604750543832779, -0.08749434351921082, 0.35766273736953735, -0.006409451365470886, -0.587213933467865, -0.08274064213037491, -0.8015540838241577, 0.4783205986022949, -0.22425830364227295, -0.8862687349319458, -0.21503104269504547, 0.4746496379375458, 0.6926649212837219, 0.14167265594005585, -1.5935120582580566, 0.21451131999492645, 0.584411084651947, -0.17259293794631958, -0.5095940828323364, 0.23600924015045166, 0.11539126187562943, -0.8076804280281067, 0.06349906325340271, 0.7677724957466125, 0.11704160273075104, 0.23505274951457977, 0.05363326519727707, -0.707114577293396, 1.1607598066329956, 0.11919104307889938, 0.3195761442184448, 0.927927553653717, 0.5805597901344299, 1.1116546392440796, 0.755600094795227, 0.2221696972846985, 0.16640590131282806, -0.22078946232795715, -0.6127448678016663, 0.3980609178543091, -0.5854119062423706, -0.14738282561302185, 0.7788490653038025, 0.9047006964683533, 0.8648204207420349, -0.010966245085000992, 0.7976716160774231, -0.3324200212955475, -0.09405556321144104, 0.7370604872703552, 1.1885417699813843, 0.7023240327835083, 0.17985591292381287, 0.31289052963256836, -0.5231330990791321, 0.7042258381843567, 0.12154724448919296, 0.11543463915586472, 0.3410970866680145, 0.20586121082305908, -0.5063286423683167, 0.19026881456375122, -0.1870923936367035, 0.8637622594833374, 1.2632372379302979, 0.2906733453273773, -0.5932424068450928, -1.2513781785964966, -0.22956080734729767, 0.2793607711791992, 0.08621440082788467, -0.2106793224811554, 0.04028178006410599, -0.5728347301483154, 1.4755231142044067, -0.17331697046756744, 1.0550225973129272, 0.09779544174671173, -0.16239766776561737, -1.6832239627838135, 0.5071870684623718, -1.0764706134796143, -0.7323025465011597, -0.140914648771286, -0.20186536014080048, -0.14914801716804504, 0.4376283884048462, -0.01979745365679264, -1.9004268646240234, -0.2869992256164551, -0.189578115940094, -0.5899382829666138, 0.5359809398651123, 0.26873505115509033, -0.2772279381752014, -0.7109168767929077, -0.37249672412872314, -0.0159002598375082, 0.09027606248855591, 0.3159816265106201, -1.0601942539215088, 0.06367537379264832, -0.662874698638916, 0.9498938322067261, -0.8299126029014587, -0.022074829787015915, -0.47786298394203186, 0.7306957244873047, 0.6400263905525208, -0.40653881430625916, 0.5382899045944214, -0.39934679865837097, -0.12908247113227844, 0.030504625290632248, -0.6912668943405151, -0.011799454689025879, 1.143120288848877, 0.5626150369644165, -0.4475090503692627, -0.7104076743125916, -0.11788330972194672, -0.26787757873535156, 0.12592749297618866, 1.2363554239273071, -0.7145026922225952, 0.33813148736953735, -0.47219783067703247, 1.0371888875961304, 0.5777232050895691, -0.3115047812461853, -0.8639330267906189, 2.0743894577026367, -0.08286513388156891, 0.6818702220916748, -1.2173949480056763, -0.08303479850292206, 1.5309592485427856, 0.35370582342147827, -0.19550806283950806, 0.6153993606567383, -12.276199340820312, -0.030800823122262955, -0.3648480474948883, 0.4568401575088501, 0.29055365920066833, -0.6542452573776245, 1.121823787689209, 0.35761621594429016, -0.13787297904491425, -1.0069595575332642, 0.09497569501399994, 1.4000784158706665, -0.03648325055837631, 0.34525057673454285, -0.4444439113140106, -1.0520880222320557, -0.9614966511726379, -1.13447105884552, -0.1001090407371521, 0.6225892901420593, -0.3208100199699402, -0.1375139355659485, -0.65477454662323, -0.6134462952613831, 0.46305927634239197, -0.7209619283676147, 0.39890432357788086, -0.545015811920166, -0.9929863810539246, 0.5024325847625732, 1.0353072881698608, 0.14125752449035645, -0.5740106701850891, -0.1009974330663681, -0.16304275393486023, -0.31530192494392395, -0.41859954595565796, -0.30705776810646057, 1.158130407333374, 0.21359415352344513, -0.5416703820228577, 1.3430650234222412, -0.6856994032859802, -0.3465630114078522, -0.8214348554611206, 0.078712597489357, 0.013432366773486137, -0.06761699914932251, -0.21678397059440613, 0.059179969131946564, 0.2924593687057495, 0.04003595933318138, -0.22160843014717102, -0.5434064865112305, 1.2961734533309937, -0.13378065824508667, -0.6411072611808777, -0.68869948387146, 0.014863930642604828, -1.6320252418518066, 1.2008600234985352, 0.5103156566619873, -0.9578218460083008, 1.4104021787643433, 1.0223231315612793, -1.0669970512390137, 1.14404296875, 0.679196834564209, 0.2408791184425354, 0.08355364203453064, -0.8477963805198669, 1.207181692123413, 1.44922935962677, 0.2909563183784485, -0.1844640076160431, -0.19775381684303284, -0.1981370449066162, 0.7939862012863159, 0.24287477135658264, -0.11769859492778778, -0.7570847868919373, 0.7615896463394165, -1.3012127876281738, -0.4574890434741974, -0.16018158197402954, -0.023271940648555756, 0.07726383954286575, -0.4106304943561554, -0.06937620043754578, 0.25033804774284363, 0.6837658882141113, -0.13485018908977509, -0.6089907288551331, -0.29672858119010925, -0.34631919860839844, 0.41591906547546387, -0.475973904132843, -0.34882891178131104, -0.7835257053375244, -0.556181013584137, 0.43486106395721436, 0.09949667006731033, -0.01680964231491089, 0.708433985710144, 0.6506283283233643, 0.0070492178201675415, 0.02472028136253357, 0.23187866806983948, 0.6384285688400269, 0.8480582237243652, -0.44084471464157104, -1.2505335807800293, -0.17430971562862396, 1.201440453529358, 0.638230562210083, -0.10663207620382309, 1.1419621706008911, 0.006130918860435486, 0.6432477235794067, -0.039822448045015335, -0.5517969131469727, -0.22302378714084625, 0.9668346643447876, 1.0893474817276, 0.10003075003623962, 0.39059799909591675, 0.5716981291770935, 0.3625524640083313, 0.6688193678855896, -1.4653065204620361, 1.0572692155838013, -0.05174126476049423, -0.3227546811103821, -0.013093739748001099, 0.23460052907466888, -1.1584901809692383, -0.7247666716575623, 1.096533179283142, -0.6524884700775146, -0.04551014304161072, 0.2660338282585144, -0.357349693775177, -0.8658443093299866, -0.4875591993331909, -0.8265493512153625, 0.2742210924625397, -1.1614775657653809, 0.19027316570281982, -0.6360582709312439, -0.8331131935119629, 0.18596701323986053, -0.025309324264526367, 1.4307634830474854, -0.24583616852760315, 0.3414469063282013, 0.16450652480125427, 1.0844165086746216, -0.8623462319374084, 0.5439106225967407, -0.15477794408798218, 0.4178045988082886, -0.24464839696884155, -0.44738054275512695, 1.018481731414795, 0.6558099985122681, -0.29302361607551575, -0.3606835901737213, -0.9397121667861938, 1.2270768880844116, -0.3973168134689331, 0.8943977355957031, -1.3364546298980713, 0.5594925880432129, -0.1290764957666397, 0.6037638187408447, -1.5264980792999268, -0.6831485033035278, 0.9819155931472778, -1.1435412168502808, 0.6186428666114807, -0.28041449189186096, 0.9230779409408569, 0.2997584044933319, -1.3802895545959473, -0.19590520858764648, 0.1264510452747345, 0.02252049371600151, 0.6551008820533752, -0.3581755757331848, 0.549489438533783, -1.3966448307037354, -0.5678482055664062, -0.22095978260040283, 0.15056701004505157, 0.5684381127357483, 0.24600903689861298, 0.2913253903388977, -0.15219475328922272, 0.0015192478895187378, 0.2537510395050049, -0.34433621168136597, 0.1287664920091629, -0.13390280306339264, -0.11204901337623596, -0.6441755890846252, -0.7657359838485718, -0.2040882706642151, -0.9825780987739563, -0.6838157176971436, 0.6434771418571472, -0.7394103407859802, 0.6604500412940979, -0.16684889793395996, -0.9433994889259338, -0.24733726680278778, -0.11509691178798676, -0.04685073345899582, -0.3673694431781769, -0.2500157952308655, -0.3573535978794098, 0.3953624665737152, 0.27684980630874634, -0.14533261954784393, 1.2358282804489136, -0.28083887696266174, 0.9203155040740967, 0.7258753776550293, 0.2607569098472595, 1.0333009958267212, -0.12177762389183044, -0.1487054079771042, -0.11714889109134674, -0.5575940608978271, -0.22911643981933594, -0.6215195059776306, 0.5730292201042175, -0.19283629953861237, 0.8583467602729797, -0.9994484782218933, -0.3663010001182556, 0.10671023279428482, 0.2759552001953125, 0.3195343613624573, 0.4598819613456726, 0.30796682834625244, -0.7668929100036621, -0.4814627766609192, -0.4679960608482361, 0.2170814871788025, 0.1359136700630188, -0.06879988312721252, 1.0314427614212036, 0.9048269391059875, 0.6541296243667603, 1.4470195770263672, 0.6899521350860596, -0.4249532222747803, -0.012200817465782166, 0.8634626269340515, 1.741165041923523, 1.314214825630188, -0.6595397591590881, 1.2062219381332397, 1.0000724792480469, -0.26392731070518494, -0.3139680027961731, -0.45660459995269775, 0.09026724100112915, 0.12188000977039337, -0.4689422845840454, -0.3091698884963989, -0.5791248083114624, -0.4344364404678345, -0.7047517895698547, -0.43621110916137695, 0.05659317597746849, -0.10229048877954483, -0.6490514278411865, 0.3867751359939575, 0.012718187645077705, 0.019329704344272614, 0.6728230714797974, -0.6068264245986938, -1.3833732604980469, 0.23758497834205627, 0.2728293538093567, 0.25994837284088135, -0.11163818836212158, 0.08286413550376892, -0.20077252388000488, 0.7111811637878418, -0.23237505555152893, -1.0349265336990356, -0.49588683247566223, 0.5099210143089294, -0.29009175300598145, -0.7294260859489441, -0.23584796488285065, -1.0915597677230835, -0.19939568638801575, -0.17029276490211487, -0.3660047948360443, -0.2933003902435303, -0.1161259263753891, 0.29475098848342896, 0.25202813744544983, -0.20209857821464539, 0.23161816596984863, 0.019780652597546577, -0.21584577858448029, 0.29133641719818115, -0.0021894313395023346, -0.43642884492874146, 0.24934758245944977]} +{"paper_id": "wiki_qa_ar", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "wikitext_tl39", "embedding": [-0.3798021376132965, 1.3305047750473022, 0.4989561140537262, -0.34898486733436584, 0.5538569688796997, -0.24570316076278687, 0.45627081394195557, 0.5250976085662842, 0.7786504626274109, 0.8974137306213379, 0.4081856310367584, -0.056291304528713226, 0.017862025648355484, -0.7743175029754639, -0.00020405277609825134, -0.9910513162612915, -1.493622899055481, -1.1640777587890625, -0.9823083281517029, -0.3164135813713074, -1.1335980892181396, 0.0263751819729805, 0.583637535572052, 0.7546865344047546, 0.11814979463815689, -0.9310333132743835, 0.5162850618362427, -0.5095689296722412, -0.02563408762216568, 0.48409175872802734, -0.7589269280433655, 0.7795206308364868, -1.7844992876052856, -0.21926471590995789, -0.9308962821960449, -0.763595700263977, 0.17104120552539825, 1.0036312341690063, -0.3658670485019684, 0.07630537450313568, -0.44836676120758057, -0.47618237137794495, 0.7879741787910461, 0.4017230272293091, 0.8279497623443604, -0.39651328325271606, -0.6885502934455872, 0.3171622157096863, 0.300475537776947, -0.15334245562553406, 0.003186301328241825, 0.18486014008522034, -0.026257453486323357, 0.3039815127849579, -1.044879674911499, 1.2413831949234009, 0.4031330645084381, -0.8400648832321167, 0.3462711572647095, -1.5223802328109741, 0.6886966824531555, 2.044189453125, -0.5112364888191223, -0.0655265748500824, 0.9490030407905579, 0.3282303214073181, 1.3846508264541626, 0.07713699340820312, 0.5966173410415649, 0.5265091061592102, -0.04663693904876709, -0.24735751748085022, 0.14047841727733612, 0.5832490921020508, 0.557246208190918, 1.0144761800765991, 0.4345446527004242, -0.29392609000205994, -0.15500673651695251, -0.32962849736213684, -1.1899707317352295, 0.8888030052185059, 0.15961089730262756, -1.1108187437057495, 0.16170789301395416, 0.7736128568649292, 0.24236544966697693, -0.6546432375907898, 1.0616828203201294, -1.165102481842041, 0.7757245302200317, 0.25601455569267273, 0.18184810876846313, 0.352650910615921, -0.3089516758918762, -0.6587383151054382, -0.0204789936542511, 0.31059131026268005, -0.44437912106513977, 0.33946511149406433, 0.5690301656723022, -0.5870791673660278, 1.2714308500289917, 0.3372776508331299, 0.06815071403980255, 1.2960107326507568, -0.3126375079154968, -0.47486525774002075, -1.2697283029556274, -0.06016262620687485, 0.5145610570907593, 1.1599384546279907, -0.12292806059122086, 0.40468254685401917, -0.0789327546954155, -0.15936048328876495, 0.48939162492752075, -0.5948052406311035, -1.1489094495773315, -0.4182918071746826, 0.07294657081365585, -0.576082170009613, -0.27497389912605286, -0.18701176345348358, 0.5758193731307983, -0.9250726699829102, 0.6401058435440063, -0.3588947355747223, 0.47351667284965515, -0.31720972061157227, 0.6094330549240112, 0.5522357225418091, -0.5054966807365417, 0.2279919683933258, 2.6447501182556152, -0.9111483693122864, 1.4949865341186523, -0.669109582901001, 0.3036474585533142, -0.377986878156662, -0.15118810534477234, 0.9208243489265442, -0.0381532646715641, -0.6752969026565552, -0.005348467268049717, -0.18025311827659607, -1.302927017211914, 0.5199688673019409, -1.0776395797729492, -0.49554911255836487, -0.2531712055206299, 0.28176236152648926, -0.7610669136047363, -0.8965789675712585, 0.8649531602859497, -0.0025894194841384888, -0.07849161326885223, 0.5311130881309509, -0.1685434728860855, 1.0244146585464478, 0.49654150009155273, 0.3064448833465576, -0.00803789496421814, 0.7632013559341431, -0.8559396862983704, -0.2214605063199997, 0.8691496849060059, -0.19508183002471924, -0.12119197100400925, -0.984736979007721, 1.7456828355789185, -0.20362403988838196, -0.452454149723053, 0.26923689246177673, 0.4909536838531494, 0.20189756155014038, 0.7165848016738892, 0.3184773325920105, 0.1658477634191513, -0.27279239892959595, 0.07164961099624634, -0.11694099009037018, 0.10626571625471115, 0.6732169985771179, -0.06528139114379883, 0.7493552565574646, -1.6530269384384155, -0.08821868896484375, -0.3681710660457611, 0.11900199204683304, -0.2925560474395752, -0.6242505311965942, -0.07661689072847366, 0.09237830340862274, 0.419899582862854, -0.8475711345672607, 1.238726019859314, -0.9338074326515198, -0.994357705116272, 0.6994011998176575, -0.03603753075003624, -0.1645992398262024, 0.301122784614563, 0.8132113218307495, 0.7171326279640198, 0.301791787147522, -0.17885854840278625, -1.9917281866073608, -0.02911841869354248, 2.3803391456604004, 0.3287951648235321, -1.2969094514846802, -0.5364553928375244, -0.3653135895729065, -0.10697145015001297, -1.1805651187896729, 0.4566226303577423, -0.35942018032073975, -0.13128969073295593, -1.4884464740753174, 0.20582371950149536, -0.8832211494445801, 0.0780763253569603, 0.44599011540412903, 1.119502067565918, -0.134011372923851, -0.3141671419143677, 0.17430809140205383, -0.8838979601860046, 0.4027491807937622, 1.0265156030654907, -0.10372593253850937, -0.6183439493179321, -0.13508856296539307, -0.4364018440246582, 0.09706670045852661, 0.6435307860374451, -0.05032398924231529, -0.25565189123153687, -0.20665350556373596, 0.4446597993373871, 0.5821361541748047, -0.46733951568603516, -0.16907157003879547, 0.36633896827697754, 0.4165365397930145, -0.2505066990852356, -0.9492601156234741, -0.4696493148803711, 0.062224581837654114, 0.8654781579971313, 1.655206561088562, -0.5196438431739807, 1.4187979698181152, -1.0045768022537231, 0.07163979113101959, 0.1185978353023529, -0.33574607968330383, 0.27043598890304565, -0.22242604196071625, 0.3786216378211975, -0.6669968366622925, -0.34837788343429565, -0.7820448279380798, -0.4915415644645691, -1.5840539932250977, 0.05424506217241287, -0.3987334072589874, -1.6527303457260132, -1.6804815530776978, 0.009567596018314362, -0.5519647598266602, -0.8833301067352295, -0.5575681924819946, 0.7200628519058228, 1.3915510177612305, 0.19139276444911957, 1.3484338521957397, 1.6076699495315552, 0.3156750202178955, 0.7224127054214478, 0.53741455078125, 0.8294464945793152, -0.5995634198188782, -0.17295809090137482, 0.13001325726509094, 0.6061540246009827, -0.000437270849943161, -0.2022852897644043, -0.14614465832710266, 0.27377012372016907, 0.8563844561576843, -0.5315635204315186, 0.4990737736225128, -0.5520126819610596, -2.3204357624053955, 0.845963180065155, -0.8369059562683105, 0.8633584976196289, -0.705437183380127, 1.9633452892303467, 0.8493242859840393, -0.010660257190465927, 0.5088561773300171, -0.7991107702255249, 0.14364692568778992, 0.876242458820343, -0.8974905014038086, 0.9965280294418335, 0.20815761387348175, -0.6177182793617249, 0.46210435032844543, 0.6432650089263916, -2.3633718490600586, 0.43498098850250244, 0.9514581561088562, 0.3565703332424164, -0.32014408707618713, -0.5487383008003235, 0.38994312286376953, -0.5039681196212769, 0.08613725751638412, 0.14023259282112122, -0.8140376210212708, 0.9985418915748596, 0.3987613022327423, -0.20717914402484894, 1.5706404447555542, -1.0757800340652466, 0.035454925149679184, 1.1001642942428589, 0.569162130355835, -1.1313514709472656, -0.20151132345199585, 0.47316789627075195, -0.6138584613800049, 0.45486143231391907, 0.5764774680137634, 0.4107055366039276, 2.1111156940460205, -0.6770113706588745, -0.28640085458755493, 0.5967196226119995, 0.2739681303501129, 0.09356417506933212, 0.960968017578125, -0.6747076511383057, 0.26257166266441345, 0.3712601959705353, 0.9608398675918579, 0.7451879978179932, -1.1587355136871338, -0.7066501379013062, -0.6565597057342529, -0.3535374402999878, -1.198168396949768, 1.3965061902999878, 0.5669719576835632, 1.1608850955963135, 0.4456081986427307, 0.2512139081954956, -0.2881576418876648, 0.3771401643753052, 1.038440227508545, 0.23903147876262665, -0.1977698653936386, -0.04460379481315613, 1.11012601852417, 0.3508639931678772, 0.0889785960316658, -0.5667232275009155, 0.09483037143945694, 0.9896290302276611, -0.1972092241048813, -1.1595582962036133, -0.21021898090839386, 0.8326777815818787, 0.4374105930328369, 1.3543084859848022, -0.434646338224411, -0.19641514122486115, 0.6214456558227539, 0.7420070767402649, 0.300370454788208, -0.04791218414902687, -0.4895174503326416, 0.9316928386688232, 0.7869523167610168, 1.0104314088821411, -0.4059944748878479, 0.5127827525138855, 0.3630520701408386, -0.8399130702018738, -0.34319883584976196, -0.5831751227378845, -1.213282585144043, -0.619570791721344, -0.47574886679649353, -0.4099291265010834, -1.2848854064941406, 0.9868492484092712, -1.0064952373504639, -0.4804077446460724, 0.4119519889354706, -0.40579164028167725, -0.7172335386276245, 0.9104233980178833, 1.0499879121780396, -0.9894289970397949, -0.6601011157035828, -0.3974073529243469, -0.8206163644790649, -1.106308102607727, 0.6230441927909851, -0.7063221335411072, -0.6361806988716125, -0.0022320952266454697, 1.2226698398590088, -0.36719250679016113, -0.3531031012535095, -0.5945154428482056, 0.23624609410762787, 1.6881383657455444, -0.7500268220901489, 0.3739984333515167, 0.17923033237457275, 0.09091739356517792, -0.8156489133834839, -1.0072067975997925, -0.5160505175590515, 0.8913897275924683, -0.008892126381397247, -0.056414805352687836, -0.6515051126480103, -0.23709732294082642, -0.10602633655071259, -0.4148097634315491, 0.5359123945236206, -0.9761359691619873, -0.20829467475414276, -0.10641999542713165, 0.07022883743047714, 1.462418556213379, -1.2105897665023804, -0.2891521751880646, 0.3137146830558777, -0.6488806009292603, 0.6861156225204468, 0.008231043815612793, 1.141319751739502, 0.5766264796257019, 0.19615554809570312, 0.878999650478363, -0.5563398003578186, -10.385087966918945, -0.028551513329148293, -0.620546817779541, -0.3979843258857727, -0.17309598624706268, -0.804649293422699, 0.8580926656723022, 0.12408134341239929, 0.1530522108078003, -0.9979763627052307, 0.4187588393688202, 1.6399204730987549, 0.45863714814186096, -0.9964309930801392, -0.39979034662246704, -1.0109491348266602, -0.41484856605529785, -0.12512734532356262, 0.18619652092456818, 0.2906999886035919, -0.7678366303443909, -0.6816425919532776, -0.3314846158027649, -0.0041216835379600525, -0.013066680170595646, -0.20974433422088623, -0.12456825375556946, -0.3382640480995178, 0.05080325901508331, 0.2500346601009369, 0.1395825296640396, 0.3491128385066986, -1.3932193517684937, -0.5806600451469421, 1.3241959810256958, -0.3485676050186157, -0.8010462522506714, 0.06215810030698776, 0.7520983815193176, -0.016980186104774475, -0.7022879719734192, 0.5488759875297546, 0.06703215092420578, 0.01197878085076809, -0.3916865587234497, 0.07556790113449097, 0.7136625647544861, -0.6876206994056702, 0.08898908644914627, -0.8985205292701721, -0.17273671925067902, -0.9136610627174377, -1.1992099285125732, -0.606387734413147, 0.9118676781654358, -0.05808643996715546, -0.391683429479599, 0.30583736300468445, -0.8004442453384399, -1.09561288356781, 0.43226566910743713, 0.06928787380456924, -1.0159311294555664, 0.7645350694656372, 0.5355286598205566, -0.7506718039512634, 0.7849096655845642, 0.5273513197898865, -0.13683609664440155, 0.6652178168296814, -1.1312953233718872, 1.2545429468154907, 0.27614083886146545, -0.25107502937316895, -0.03678745776414871, -0.44227248430252075, 0.38286662101745605, -0.17645689845085144, 0.10380822420120239, -0.08008655905723572, -1.105777621269226, 0.6384616494178772, 0.36968961358070374, -0.8905615210533142, -0.8556880354881287, 0.1816667765378952, -0.6250556707382202, 0.21151942014694214, 1.052544116973877, 0.7923141121864319, 0.7612138986587524, 0.13554099202156067, 0.1556471884250641, 0.25882822275161743, -0.6934680938720703, 1.1094697713851929, -0.574802577495575, 1.445253849029541, 0.5511479377746582, -0.49008163809776306, 0.6315661072731018, -0.6768249273300171, 0.15477287769317627, 0.15815003216266632, 0.5406234264373779, -0.3365205228328705, 0.4189329147338867, 0.41152068972587585, 0.6205035448074341, 0.1474180966615677, 0.9180524945259094, 0.037497326731681824, -0.4077771306037903, 0.6284335255622864, 0.38505294919013977, 1.1311204433441162, 0.11240474879741669, -0.07410469651222229, 0.8584291934967041, 0.8936269879341125, -0.3482702374458313, 1.203319787979126, -0.12134746462106705, 1.0972727537155151, 0.42148903012275696, 0.24972736835479736, 0.3366355001926422, 0.4820158779621124, 0.852538526058197, -1.2193684577941895, 0.36029788851737976, -0.6731640100479126, 0.014229643158614635, -1.000669002532959, 0.14108233153820038, -0.8363315463066101, -1.9802021980285645, 0.9999843835830688, -0.43900132179260254, 0.5002844929695129, -0.1480616331100464, -1.1596183776855469, 0.5816657543182373, -0.895958662033081, -0.6437727808952332, 0.20424941182136536, -1.8381575345993042, -0.1908697634935379, -0.6295918226242065, -0.7583191990852356, 0.8903042078018188, 0.3869122862815857, 0.4911089539527893, -0.8400769233703613, -0.7693779468536377, -0.2667241096496582, 0.5021820068359375, -0.03629877790808678, -0.7781702876091003, -0.7605897784233093, 0.1598050594329834, 1.4667751789093018, -0.8626203536987305, 0.7093840837478638, 0.7767119407653809, 0.11470985412597656, -0.5014237761497498, 0.4863145649433136, -0.183037668466568, 0.35878852009773254, 1.189328670501709, -0.8885303735733032, -0.1482543796300888, -1.0183185338974, -0.04697619378566742, -0.7583791017532349, 0.13166481256484985, 1.7052981853485107, -0.009332962334156036, 0.8660309314727783, 0.1878538727760315, 1.1113895177841187, 0.17524050176143646, -0.7175014615058899, -0.7062839269638062, -0.01865527592599392, 0.1524360179901123, 0.2031143307685852, -0.13274703919887543, 0.6422786712646484, -1.6015194654464722, -0.9272421002388, -0.08811450749635696, -0.4964391589164734, -0.279064804315567, -0.31887325644493103, 1.4171940088272095, 0.13017717003822327, -0.18717697262763977, -0.11164781451225281, 0.18819689750671387, 0.5468689203262329, 0.3209064304828644, -0.5062018632888794, 0.3366262912750244, -0.29827165603637695, -0.771233856678009, 0.2618776559829712, 0.689421534538269, -0.0861242264509201, -1.5912928581237793, -0.33167093992233276, 0.13606563210487366, -0.3932619094848633, 0.18978172540664673, -0.24628548324108124, 0.14236772060394287, 0.5264292359352112, 0.07437717914581299, -1.2314174175262451, -0.14800065755844116, 1.3780564069747925, 0.1888403445482254, 0.8219887614250183, 0.5378224849700928, -0.14496339857578278, 0.4669649302959442, 0.7800209522247314, 1.3763047456741333, -1.1449350118637085, -0.52337247133255, -0.1377759426832199, 0.8034354448318481, -0.43059712648391724, -0.7464147806167603, 0.3106509745121002, -1.8299522399902344, 0.15964579582214355, -1.218937635421753, 0.3365609347820282, -0.821080207824707, -0.05581813305616379, 0.40118420124053955, 0.6456539034843445, -0.5940514802932739, -0.7485162019729614, -0.12041774392127991, -0.6567585468292236, -0.17911359667778015, 0.1691492199897766, -0.32589229941368103, 1.0130798816680908, 0.75264573097229, 0.11758946627378464, 1.2923970222473145, 0.48915839195251465, -0.3037319779396057, -0.46000444889068604, 0.556088387966156, 1.2917397022247314, 0.8263106942176819, 0.30076274275779724, -0.31212225556373596, -0.7368824481964111, -0.7683060765266418, -0.8093008399009705, -0.4628990888595581, 0.46901506185531616, 1.3892484903335571, -0.41450613737106323, 0.21540550887584686, -0.5161363482475281, -0.6180238127708435, -0.4850795269012451, -0.10004428029060364, 0.9246068000793457, -0.019559413194656372, -0.7443884015083313, -0.9287441372871399, 0.4119146168231964, 1.2921630144119263, -0.33552342653274536, -0.13382694125175476, -1.071520209312439, 0.5308039784431458, -0.4105231463909149, -0.9009512066841125, -0.9901154637336731, 0.40263116359710693, -0.2544190287590027, -0.26165151596069336, 0.9888005256652832, -0.3346381187438965, -0.7599244117736816, 0.4231269955635071, -1.233283519744873, 0.7896835207939148, -0.30324792861938477, -0.599054753780365, -0.29376620054244995, 0.8433675765991211, -0.4378265142440796, -0.6637203693389893, 1.1977548599243164, 0.18486876785755157, -1.2461559772491455, 1.4048714637756348, 1.574094295501709, -1.0194863080978394, -0.45452243089675903, -0.21238023042678833, 0.3086688220500946, 0.07944632321596146, 1.7900197505950928]} +{"paper_id": "lm1b", "embedding": [-0.2793707251548767, 0.725060224533081, 0.2399272620677948, -0.19362853467464447, -0.21255505084991455, -0.240861713886261, 1.222121000289917, 1.0934323072433472, 0.7928560972213745, 0.7025721073150635, 0.8805551528930664, -0.08915446698665619, 0.8218374848365784, 0.030075429007411003, -0.053217340260744095, -0.5616875290870667, -0.758012056350708, -0.2723439633846283, -0.9700899124145508, -0.6565125584602356, -0.9149441123008728, -0.2851639986038208, 0.25556680560112, 0.7174801230430603, 0.21134349703788757, -0.4468157887458801, 0.45643413066864014, -0.6978568434715271, 0.44192877411842346, 0.00028758496046066284, -0.4433334469795227, 0.36739251017570496, -1.119162917137146, -0.4128766655921936, -0.5224449634552002, -0.3476495146751404, -0.30744466185569763, 0.39415857195854187, 0.005114473402500153, 0.34743985533714294, -0.5219056010246277, -0.3735526502132416, 0.6468804478645325, 0.07567375898361206, 0.8349910378456116, 0.05675517022609711, -0.4351164698600769, 0.3845210373401642, 0.2532320022583008, 0.10307236015796661, -0.3416817784309387, 0.5029181838035583, 0.2848531901836395, -0.028116852045059204, -0.3536425232887268, -0.027181148529052734, 0.620625376701355, -0.9432141780853271, 0.42147403955459595, -0.8162523508071899, 0.5947416424751282, 1.34658682346344, -0.25790610909461975, 0.5033561587333679, 0.7879872918128967, 0.10739117860794067, 0.5015807151794434, 0.43928778171539307, 0.30903804302215576, 0.8342532515525818, -0.19957566261291504, -0.14558349549770355, 0.647932231426239, 0.2992222011089325, 0.17794561386108398, 0.8928121328353882, -0.3222509026527405, -0.33962100744247437, 0.28300780057907104, -0.37856996059417725, -0.38721993565559387, 1.0068594217300415, -0.32522785663604736, -0.5794705748558044, -0.6759698987007141, 0.06044800579547882, 0.2694413363933563, -0.7854491472244263, 0.5200839638710022, -0.8767587542533875, -0.05644012242555618, 0.2825194001197815, 0.2504112124443054, -0.2552776038646698, -0.3325784504413605, -0.6311930418014526, 0.1600169837474823, 0.08092015981674194, -0.5505384802818298, 0.7722628712654114, 0.9126712679862976, -0.3819686472415924, 1.0289255380630493, -0.07709380239248276, 0.2759823799133301, 0.6333290338516235, -0.9404382109642029, -1.1114526987075806, -0.1587747037410736, -0.17750059068202972, -0.12042422592639923, 0.9747606515884399, -0.12626880407333374, 0.8393152356147766, 0.11161191016435623, -0.3018414080142975, 0.368113249540329, -0.35168495774269104, -0.7606980204582214, 0.005753666162490845, 0.03291851282119751, -1.4100242853164673, 0.39786791801452637, -0.30429279804229736, 0.564717710018158, -0.26241791248321533, 0.3407568037509918, 0.001046299934387207, 0.09181205183267593, -0.3039161264896393, 0.8027243614196777, 0.7150040864944458, 0.256625235080719, -0.2429981827735901, 2.6063265800476074, -0.9217079281806946, 0.9837015867233276, -0.5165224671363831, 0.17375913262367249, -0.012011826038360596, -0.3031631112098694, 0.8818484544754028, 0.2755393087863922, -0.16695725917816162, -0.43345019221305847, 0.4728928804397583, -0.5509253144264221, 0.1738048940896988, -0.8775579929351807, -0.0023598670959472656, -0.41866886615753174, 0.6561789512634277, -0.5765337347984314, -1.0637657642364502, 0.8239544034004211, 0.7648251056671143, 0.09771381318569183, 0.807523250579834, -0.7539931535720825, 1.0604186058044434, 0.7356901168823242, 0.527378261089325, -0.9218977093696594, 0.5646393299102783, -0.46657794713974, 0.041647616773843765, 1.1324714422225952, -0.20162329077720642, -0.20244473218917847, -0.6461491584777832, 0.6110572218894958, -0.0573425367474556, -0.07348155975341797, -0.010190794244408607, -0.38837823271751404, 0.025002017617225647, 0.7951394319534302, -0.3365350365638733, 0.9757101535797119, -0.45117613673210144, -0.19036445021629333, -0.052207861095666885, -0.557403028011322, 0.33204159140586853, -0.35230374336242676, 0.7427666783332825, -1.703836441040039, 0.13072483241558075, 0.25281697511672974, -0.1836051642894745, 0.1214568018913269, -0.5571452379226685, 0.08529116213321686, 0.11693644523620605, 0.39548057317733765, -0.005948193371295929, 0.40119877457618713, -0.6722538471221924, -0.4589986801147461, 0.2615445852279663, 0.004795607179403305, -0.11358986794948578, 0.11962009966373444, 0.9233593940734863, 0.5767852663993835, -0.10837861895561218, -0.31638091802597046, -1.9136030673980713, 0.09733565896749496, 2.2234647274017334, 0.003229372203350067, -0.9572446346282959, -0.7593644857406616, -0.6428574323654175, 0.13120126724243164, -1.0351977348327637, 0.23220711946487427, -0.34595927596092224, -0.06715130060911179, -1.071588397026062, 0.5142674446105957, -0.9015106558799744, 0.023557908833026886, -0.15985964238643646, 1.2693983316421509, -0.23928961157798767, 0.03621266782283783, -0.018890369683504105, -0.866734504699707, 0.3311859369277954, 1.344398021697998, -0.12841691076755524, -0.4161593019962311, 0.29715532064437866, 0.018048860132694244, 0.6085786819458008, -0.2933407723903656, 0.6491863131523132, -0.2265336811542511, 0.0728297308087349, 0.02462589181959629, 0.4961445927619934, -0.08485673367977142, -0.526630699634552, -0.16755813360214233, 0.13640926778316498, -0.6333112120628357, -0.4009266495704651, -0.009828148409724236, 0.5332857966423035, 0.7183659076690674, 1.109581470489502, -0.5014222860336304, 1.1514055728912354, -1.1673009395599365, 0.2602054178714752, -0.01625443622469902, -0.417246013879776, -0.9977962374687195, 0.1849348396062851, 0.39967986941337585, -0.5000613331794739, 0.16410741209983826, -0.8442316651344299, 0.1403709203004837, -0.9377347230911255, -0.6942588090896606, -0.510680615901947, -0.5642308592796326, -0.7473036050796509, -0.22880321741104126, -0.1451813131570816, -0.8778453469276428, -0.025554142892360687, 0.11211945116519928, 0.5792152881622314, 0.16265057027339935, 0.5784507989883423, 1.60261070728302, 0.17470228672027588, 0.5015043020248413, -0.13126060366630554, 0.6831013560295105, -0.48985111713409424, -0.5376380681991577, -0.1610337197780609, -0.14093592762947083, -1.2942079305648804, -0.35680875182151794, -0.29205137491226196, 0.5070887207984924, -0.022527962923049927, -0.2058064043521881, 0.38524022698402405, -0.269178181886673, -1.3784258365631104, 0.9278901219367981, -0.8824374079704285, 0.7982451915740967, -1.2030190229415894, 1.8741105794906616, 0.5189018249511719, -0.0645396038889885, 0.5998877286911011, -0.25549063086509705, 0.2171177715063095, 0.9481709599494934, -0.8838067054748535, 1.173001766204834, 0.13559448719024658, -0.1288176327943802, 0.6864078044891357, 0.13520702719688416, -2.7604057788848877, 0.2613791525363922, 0.6545913815498352, 0.35037878155708313, -0.43134766817092896, -0.0703611969947815, 0.1387535184621811, -0.4220722019672394, 0.03387264907360077, 0.2306792140007019, -0.9122693538665771, 0.7816304564476013, -0.12560008466243744, 0.4902888536453247, 0.29118379950523376, -0.3671649694442749, -0.23466448485851288, 1.2051277160644531, 0.7441806793212891, -0.8832123875617981, 0.1480276882648468, 0.7710431218147278, -0.7767113447189331, 0.1323615312576294, 0.6115678548812866, 0.7862907648086548, 0.8331514596939087, -1.0224157571792603, -0.10041703283786774, 0.870856761932373, 0.6251609921455383, -0.23781630396842957, 0.23480439186096191, 0.18587960302829742, 0.4590102434158325, 0.3021315634250641, 0.76142817735672, 0.15412642061710358, -0.9813070893287659, -0.5860087871551514, -0.5833882689476013, -1.0512064695358276, -0.5714768171310425, 0.8479306101799011, 1.0471935272216797, 1.3929665088653564, 0.16504913568496704, 0.08726304024457932, -0.6673242449760437, 0.19473612308502197, 0.29772213101387024, -0.32058170437812805, 0.45517146587371826, 0.3365347683429718, 0.2533124089241028, 0.4217999577522278, 0.8515230417251587, -0.39170166850090027, 0.23007693886756897, -0.04841381311416626, -0.17663879692554474, -0.7471221089363098, -0.23625120520591736, 0.6925276517868042, 1.1271170377731323, 1.7394986152648926, -0.7580856680870056, -0.21991799771785736, 0.4323332607746124, 0.017691856250166893, 0.6087345480918884, 0.2735901176929474, -0.875403642654419, 0.04397214949131012, 0.06942027807235718, 0.9072249531745911, 0.11891549825668335, 0.8956767916679382, 0.6291993856430054, -0.8756572604179382, -0.13556739687919617, -0.16704076528549194, -1.4277263879776, 0.05007271468639374, -0.2522181272506714, 0.10838651657104492, -0.5523854494094849, 0.6126453876495361, -0.11334098875522614, -0.9112317562103271, 0.5744762420654297, 0.15778547525405884, -1.1639554500579834, 0.12325693666934967, 1.4163962602615356, -0.7967116236686707, -0.6830689311027527, -0.06476998329162598, -0.8398535251617432, -1.3760859966278076, 0.6907748579978943, -0.3554534316062927, -0.2989005446434021, -0.6487541794776917, 0.8523761630058289, -0.5024500489234924, 0.04460325092077255, -0.9229835867881775, 0.702354371547699, 1.0961265563964844, -0.35521408915519714, 0.154382586479187, -0.7474313378334045, 0.3093327283859253, -0.4601656496524811, -1.0161670446395874, -0.1642483025789261, 0.5628420114517212, -0.3804391622543335, 0.007686172612011433, -0.0874243974685669, -0.34521403908729553, -0.460589200258255, 0.44953539967536926, 0.387469619512558, -0.9757344126701355, -0.09617835283279419, -0.40216225385665894, 0.5460253953933716, 1.3089311122894287, -0.5350193381309509, -0.737080454826355, 0.0011411607265472412, -0.8304362893104553, -0.001295715570449829, 0.31079086661338806, 0.7134525179862976, 0.08638733625411987, 0.7194957733154297, 0.41010022163391113, -0.20873317122459412, -13.108866691589355, 0.7487854957580566, -0.0792798325419426, 0.265718936920166, 0.2881925106048584, 0.09241117537021637, 0.12395195662975311, 0.4691033959388733, -0.008579446002840996, -0.603449821472168, 0.384084016084671, 1.1665444374084473, -0.014412805438041687, -0.3056696653366089, -0.07302990555763245, -1.044703483581543, 0.1622156798839569, -0.3770769238471985, 0.5492132306098938, 0.3100685179233551, -0.0852237194776535, -0.8949294090270996, -0.33118438720703125, 0.1427658498287201, 0.05435941368341446, -0.3028903007507324, 0.36328673362731934, -0.019507890567183495, 0.2567495107650757, 0.03125996142625809, 0.27576693892478943, 0.08677297830581665, -0.9375787973403931, -0.1049668937921524, 0.7840439081192017, 0.41230151057243347, -1.3445427417755127, 0.020517623052001, 0.6027695536613464, -0.12608030438423157, -0.9324618577957153, 0.11465583741664886, 0.2347259670495987, -0.5598951578140259, -0.5207750201225281, 0.41057753562927246, 0.2878977656364441, -0.8974441289901733, 0.33783504366874695, -0.7849046587944031, -0.010196760296821594, -0.7394077181816101, -1.0535145998001099, -0.7408735752105713, 0.6000603437423706, -0.2625211179256439, -0.707986056804657, -0.1440376341342926, -0.0417848601937294, -0.8336951732635498, 0.5645169019699097, 0.921661913394928, -0.7758826017379761, 0.22766120731830597, 0.7609408497810364, -0.2494485229253769, 0.10621941089630127, 0.7624314427375793, 0.16652661561965942, 0.40817809104919434, -0.6092602014541626, 1.0025111436843872, 0.7235158085823059, 0.5471564531326294, 0.16200897097587585, 0.037705786526203156, 0.02823314629495144, -0.7475185394287109, 0.4096743166446686, 0.40920189023017883, -0.9455879926681519, 0.058141592890024185, -0.06878513842821121, -0.5756191611289978, -0.39565780758857727, -0.3108058571815491, -0.5664441585540771, -0.11978989839553833, 1.3953019380569458, 0.7827549576759338, 1.2180575132369995, -0.1875256597995758, -0.6852928400039673, 0.23938202857971191, -0.836512565612793, 0.4875528812408447, -0.6447113752365112, 0.44491320848464966, 0.2231418788433075, -0.38830769062042236, 0.26164883375167847, -0.8570557236671448, -0.36957448720932007, -0.797629714012146, 0.620976448059082, -0.26952996850013733, -0.24432373046875, 0.09342893958091736, 0.5674425959587097, -0.10124521702528, 0.7777647972106934, 0.1418757140636444, 0.20312662422657013, 1.2779232263565063, 0.06647537648677826, 0.6244924068450928, 0.7423039674758911, 0.21811595559120178, 1.0372761487960815, 0.4708443880081177, -0.4532715082168579, 0.63944011926651, 0.2891232371330261, 0.7633721828460693, 0.3277794420719147, 0.4275427758693695, 0.178187295794487, 1.023280143737793, -0.6105389595031738, -0.2884942293167114, -0.3975955545902252, -0.38891828060150146, -0.1246713250875473, -1.0670803785324097, -0.3051344156265259, -0.31514808535575867, -0.3849657475948334, 1.1428359746932983, -0.7074481844902039, -0.008618377149105072, -0.08397921919822693, -0.6357371807098389, -0.6940767765045166, -0.42389702796936035, -0.5988198518753052, 0.4707045555114746, -1.4912723302841187, -0.1567791998386383, -0.6863543391227722, -0.45980364084243774, 0.4911692440509796, -0.04563838616013527, 0.6177730560302734, -1.026392936706543, -0.3370896279811859, -0.3093918561935425, 0.6081141233444214, 0.0005171895027160645, -0.35955342650413513, -0.903820812702179, 0.22535067796707153, 0.857582151889801, -0.9007885456085205, 1.2711658477783203, 0.5718053579330444, 0.8382367491722107, -0.6968662738800049, -0.03246337175369263, -0.2432800680398941, 0.2857323884963989, 0.23634082078933716, -0.5132002830505371, -0.24941784143447876, -0.5041809678077698, -0.17014268040657043, -0.9359311461448669, -0.1402987539768219, 0.9561772346496582, -0.8480561375617981, 1.0213589668273926, 0.3157573640346527, 0.7494117617607117, 0.33175384998321533, -0.515405535697937, -0.36036550998687744, -0.26088207960128784, 0.29227060079574585, 0.8392393589019775, -0.506051242351532, 0.2926443815231323, -1.2090294361114502, -1.508638620376587, -0.6525394320487976, -0.06233649700880051, 0.5973528027534485, 0.02089330367743969, 0.7750691175460815, 0.29322394728660583, -0.01311291754245758, -0.18059521913528442, -0.010724073275923729, 0.6827951073646545, 0.6728813648223877, -0.1793542504310608, 0.008448798209428787, -0.3594554662704468, -0.8232042789459229, 0.0829107016324997, 0.7762507796287537, -0.03316082805395126, -0.9957597851753235, -0.6989185214042664, 0.4305327534675598, -0.21911735832691193, -0.38708966970443726, -0.6455796957015991, 0.031732670962810516, 0.3587495684623718, -0.1951242834329605, -0.5501062870025635, 0.1407480388879776, 0.14899806678295135, -0.404765248298645, 0.7371966242790222, 0.5715901255607605, 0.08561938256025314, 0.5152915120124817, 0.33715271949768066, 1.2913395166397095, -0.22824962437152863, -0.5294165015220642, 0.23227711021900177, 0.20560331642627716, -0.2957838177680969, -0.743212103843689, 0.4911887049674988, -0.8376529216766357, -0.49705517292022705, -1.3000627756118774, 0.33185869455337524, -0.06331965327262878, 0.40999969840049744, 0.10387130081653595, 1.1262688636779785, -0.2587811350822449, -1.134920358657837, -0.6100543737411499, -0.30352064967155457, 0.20040345191955566, 0.403881698846817, 0.19362860918045044, 0.709912121295929, 0.6904281377792358, 0.2438749074935913, 0.23546630144119263, 0.23972880840301514, 0.062492311000823975, -0.5833508372306824, 0.721484363079071, 1.1454226970672607, 0.7498185634613037, 0.0230689886957407, -0.08077163249254227, -0.5636613965034485, -1.1882833242416382, -0.2693314552307129, -0.5372948050498962, 0.13465209305286407, 0.7011783123016357, 0.43736404180526733, -0.25570958852767944, -0.7711853384971619, 0.007166817784309387, -0.28602853417396545, 0.5098732113838196, 1.0192458629608154, -0.23749685287475586, -0.42782825231552124, -0.842705249786377, 0.8152318596839905, 0.8557750582695007, -0.48089122772216797, 0.02727992832660675, -0.776605486869812, -0.012027692049741745, -0.17353622615337372, -0.3643916845321655, -0.2495463341474533, 0.6491844058036804, -0.4190828502178192, -0.00938410684466362, 0.18540005385875702, -0.34008175134658813, 0.4423604905605316, 0.677777111530304, -0.7615032196044922, 1.0056838989257812, 0.2699878215789795, -1.2265151739120483, -0.4493817389011383, 0.6905840039253235, -0.1725105494260788, -0.6921058297157288, 1.3304940462112427, -0.4610363841056824, -0.7413498163223267, 1.1337333917617798, 0.45684143900871277, -0.8789070248603821, 0.39901766180992126, -0.055021464824676514, 0.9669122695922852, 0.7587804198265076, 0.9650232791900635]} +{"paper_id": "s2orc", "embedding": [-1.0238677263259888, 1.0042965412139893, -0.16087672114372253, -0.30728965997695923, 0.31879812479019165, -0.34228354692459106, 0.7216435670852661, 0.33435899019241333, 0.23827016353607178, 0.9014372229576111, 0.9248726963996887, -0.0294063501060009, 0.29944199323654175, 0.37516793608665466, -0.5978609919548035, -0.29442232847213745, -0.3824695348739624, -0.5224629044532776, -0.31960463523864746, -0.8312235474586487, -0.9729072451591492, -0.4244222044944763, 0.16854789853096008, -0.014142341911792755, -0.3590434491634369, -0.5464422702789307, 0.12143367528915405, -0.6704363822937012, 0.39255189895629883, 0.08108940720558167, 0.21790426969528198, 0.6528303027153015, -1.1576699018478394, 0.18704652786254883, -0.6650276184082031, 0.21439215540885925, -0.08359245955944061, 0.7717916369438171, -0.8181005120277405, -0.6164000630378723, -0.7619428634643555, 0.23807543516159058, 0.8362709283828735, -0.49867430329322815, 0.9030942916870117, -0.443436861038208, 0.390566885471344, 0.5732200145721436, 0.38681769371032715, 0.24603594839572906, -0.3053317368030548, 0.4030563235282898, -0.2827582359313965, -0.5049309730529785, 0.16938507556915283, 1.0105266571044922, -0.08086922764778137, -0.4497961699962616, 0.5322307348251343, -0.7024471759796143, 0.7080177068710327, 1.1139262914657593, 0.1339532434940338, -0.17654509842395782, 0.8865728378295898, 0.008608952164649963, 0.32719579339027405, 0.46860820055007935, 0.7222497463226318, 0.7456074953079224, -0.7370943427085876, -0.7077969908714294, -0.405893474817276, 0.10528990626335144, 0.08926159888505936, 0.8460482358932495, 0.3111974000930786, -0.6361938714981079, 0.6341339349746704, 0.21123945713043213, -0.7581630945205688, 0.5885490775108337, 0.6663146018981934, -0.16760694980621338, -0.23197492957115173, -0.2733612060546875, 0.13511894643306732, -0.22081439197063446, 0.5647887587547302, -1.3555552959442139, 0.5184425115585327, 0.3421204388141632, -0.008774149231612682, 0.041701629757881165, -0.5295051336288452, 0.097631074488163, -0.20091061294078827, -0.015498879365622997, -0.6582744121551514, 0.342372328042984, 0.5780145525932312, -0.48799923062324524, 0.20030534267425537, -0.2846021354198456, 0.7559226751327515, 0.06601087749004364, -0.6782903075218201, -0.42475461959838867, -0.5545969009399414, -0.419233500957489, 0.19063597917556763, 0.8024632334709167, 0.6924459934234619, 0.17760267853736877, -0.28192830085754395, -0.8803927898406982, 0.0627283826470375, -0.004425518214702606, -0.6755779385566711, 0.12771821022033691, -0.4877519905567169, -1.4889867305755615, -0.05834285914897919, 0.2698676586151123, 0.9703646898269653, -0.7576233744621277, 0.44600242376327515, -0.4446277618408203, 0.061452336609363556, -0.007407494820654392, 0.5037914514541626, 0.27091532945632935, -0.639995813369751, -0.06361249834299088, 2.426464796066284, -0.3906128406524658, 0.927607536315918, 0.7497096657752991, 0.01731894165277481, -0.007534191012382507, 0.06597207486629486, 0.8354225158691406, 0.7952326536178589, -0.7125386595726013, -0.2578395903110504, -0.3054165840148926, -0.019451476633548737, 0.39661383628845215, -0.8093264102935791, 0.025460120290517807, -0.0020020194351673126, 0.0717766284942627, -1.241576075553894, -0.4613915681838989, 0.10020647943019867, 0.3874625861644745, 0.14971333742141724, -0.2477482706308365, -0.6635326743125916, 0.8313837051391602, 1.137921690940857, 0.5595760345458984, -0.8403785228729248, 0.23757897317409515, -0.29468995332717896, -0.002693768125027418, 1.208560824394226, -0.3398091197013855, -1.2883069515228271, -0.10794905573129654, 0.006885654293000698, -0.4136987030506134, 0.341381698846817, -0.31317898631095886, -0.35844993591308594, -0.07973405718803406, 0.3947543799877167, 0.39341458678245544, 0.10487498342990875, -0.23387376964092255, 0.2985517978668213, -0.2199808955192566, -0.15658891201019287, 0.08107081055641174, 0.23987902700901031, 0.42935243248939514, -1.8490087985992432, 0.05452212691307068, -0.6697404384613037, 0.3550691306591034, 0.0493558794260025, 0.031127845868468285, 0.4595412313938141, 0.5461117625236511, -0.4009833335876465, -0.4355749785900116, 0.41090962290763855, -1.424034833908081, -0.1912228763103485, 0.9136508703231812, 0.19454975426197052, 0.881618320941925, 0.30964624881744385, 0.6882880926132202, 0.8429225087165833, -0.48544472455978394, -0.57338947057724, -1.4708384275436401, 0.7899370789527893, 1.6811726093292236, -1.105105996131897, -0.0005527958273887634, -0.9931453466415405, -0.01927866041660309, 0.3197554647922516, -0.7779220938682556, -0.170336052775383, 0.13243606686592102, 0.34462422132492065, -0.11370931565761566, 0.4497174322605133, -0.38816115260124207, -0.33901628851890564, -0.4049745202064514, 1.3538784980773926, -0.32873451709747314, -0.9899823665618896, -0.1941419094800949, -0.9933213591575623, 0.6500055193901062, 0.6614856123924255, 0.15023759007453918, -0.15174449980258942, 0.7325348854064941, 0.4126889705657959, 0.5008577704429626, 0.3623611032962799, 0.5167209506034851, -0.36269813776016235, 0.02751907892525196, -0.11616723984479904, 1.2689203023910522, -0.48172473907470703, -0.5691850185394287, 0.004811547696590424, -0.06073521822690964, 0.20574668049812317, -0.664190948009491, -0.35623449087142944, 0.23955151438713074, 0.5441812872886658, 1.3434736728668213, -0.5156522989273071, 0.9738892316818237, -0.6573747992515564, 0.020854610949754715, 0.14027217030525208, -0.5538589358329773, -0.2200711965560913, -0.34262770414352417, 0.24083435535430908, -0.2576492726802826, 0.337769478559494, -0.055791862308979034, -0.2968209981918335, -0.9317341446876526, -0.30375251173973083, -0.38451653718948364, -0.2942151129245758, -0.20279648900032043, -0.5618424415588379, 0.2954620122909546, -1.7887427806854248, -0.05010082945227623, -0.003246475011110306, -0.18053682148456573, -0.47503766417503357, 0.45003876090049744, 0.8654424548149109, -0.08027501404285431, 0.3287935256958008, 0.05672094225883484, 1.0943037271499634, -0.0002468228340148926, -0.09881602227687836, -0.08785159885883331, -0.36923420429229736, -1.2235641479492188, -0.28892889618873596, -0.5567308068275452, 0.6463997960090637, -0.3012942969799042, 0.529119074344635, 0.44571179151535034, -0.4814387261867523, -1.2335771322250366, 0.7381489872932434, -0.2326517105102539, -0.23310250043869019, -0.9447439908981323, 1.2134071588516235, 0.3693579137325287, -0.1523883044719696, 0.61014324426651, 0.47120365500450134, -0.3725222945213318, 1.113967776298523, -0.23170173168182373, 0.6804116368293762, -0.27908074855804443, -0.02212374284863472, 0.42761996388435364, 0.4821736514568329, -1.9236953258514404, 0.24119822680950165, 0.960619330406189, 0.2717246115207672, 0.26305168867111206, 0.09787198901176453, -0.21975961327552795, -0.2722250521183014, 0.10886712372303009, 0.44075557589530945, -1.289137363433838, 0.7107490301132202, -0.39637428522109985, 0.4202517867088318, 0.9873208403587341, -0.3284587264060974, 0.5240962505340576, -0.010982129722833633, 0.4758395254611969, -1.0747929811477661, -0.5117984414100647, 0.39731207489967346, 0.06384016573429108, 1.057130217552185, 0.25647205114364624, 0.4104098081588745, 0.1731320023536682, -0.8464930653572083, -0.24882429838180542, 0.24490045011043549, 0.3233579099178314, -0.02936178259551525, 0.09290067106485367, 0.5816119313240051, 0.5930039286613464, -0.17538489401340485, 1.201339602470398, 0.005164254456758499, -0.44898977875709534, -0.7802428007125854, -0.3521938920021057, -0.9077179431915283, -0.23550266027450562, 1.175336480140686, 0.5344146490097046, 1.4901878833770752, 0.23483803868293762, -0.1895831972360611, -0.011251859366893768, -0.33976492285728455, 0.6209295392036438, 0.846989631652832, 0.12707386910915375, -0.16265816986560822, 0.405337929725647, 0.44573840498924255, 0.402985543012619, -0.11971171200275421, 0.1751231551170349, 0.1946355104446411, -0.12698644399642944, -0.8700052499771118, 0.6694967746734619, 0.7185966968536377, 1.3043972253799438, 1.247741460800171, -0.4540022015571594, -0.1372726410627365, -0.7374861240386963, -0.45187246799468994, 0.17007721960544586, 0.3721950650215149, -0.4672505855560303, 0.3567882180213928, 0.19645556807518005, 0.3005291819572449, -0.44747692346572876, 1.111295223236084, 1.2973116636276245, 0.3671092391014099, -1.3640060424804688, -0.23911455273628235, -0.6693738698959351, -0.08066879212856293, -0.14703990519046783, 0.2078096866607666, -0.7434602975845337, -0.09338497370481491, -0.01712382212281227, -1.0280312299728394, -0.0883781909942627, -0.5085008144378662, -1.5465844869613647, 0.8206691145896912, 1.0327061414718628, -0.9879237413406372, -0.31461209058761597, 0.15682564675807953, -0.4814583659172058, -0.3085768520832062, -0.1364278346300125, -0.6063058972358704, 0.4423835873603821, 0.41419196128845215, 0.9299356937408447, 0.23170238733291626, 0.03396539390087128, -0.44286760687828064, 1.0250346660614014, 0.8653347492218018, -0.46917086839675903, 0.23225942254066467, -0.525485098361969, 0.43117988109588623, -0.36235424876213074, -1.3357887268066406, -0.36592790484428406, 0.4102659821510315, -0.6812604665756226, -0.7815929055213928, -1.1591602563858032, -0.4995812475681305, -0.1962362825870514, 0.5396014451980591, 0.374115526676178, -0.4830833077430725, 0.1860480010509491, -0.7624779939651489, 0.12843434512615204, 0.5614713430404663, -0.8209960460662842, -0.38705122470855713, 0.8172709345817566, -0.16952484846115112, 0.526045560836792, 0.4491839110851288, 0.39302900433540344, 0.4676162898540497, -0.2634804844856262, -0.22561976313591003, -0.11920297890901566, -13.68272876739502, 0.5429386496543884, -0.13060583174228668, 0.4264834523200989, 1.1525415182113647, 0.44964057207107544, 0.5462436079978943, 0.2542859613895416, 0.7182686924934387, -0.673994779586792, 0.28779515624046326, 1.2447314262390137, 0.13461843132972717, -0.13791805505752563, -0.4400731027126312, -1.0254645347595215, -0.5530697107315063, -0.6148825287818909, 0.7738007307052612, 0.026169773191213608, -0.09425187110900879, -0.19558359682559967, -0.5879582762718201, -0.7230806350708008, 0.22295837104320526, -0.6066420674324036, 0.04877806454896927, -0.03816097974777222, -0.34180882573127747, 0.12594617903232574, 0.5652266144752502, 0.1930544376373291, -0.6899428963661194, -0.4665215313434601, 0.05259521305561066, 0.44743239879608154, -0.7326599359512329, -0.08539710193872452, 0.5210326910018921, -0.4531620144844055, -0.15475034713745117, 0.4265762269496918, 0.525213897228241, -0.3240353763103485, -0.7759758234024048, 0.29591184854507446, -0.22640445828437805, -0.942024290561676, 0.682839572429657, -0.37010788917541504, -0.08152910321950912, -0.9828051924705505, -0.8949782848358154, -0.08036257326602936, 0.8405333161354065, 0.45044204592704773, -0.8404610753059387, -0.09137110412120819, -0.8398478031158447, 0.06255009025335312, 0.6521214246749878, -0.1488720327615738, 0.14740696549415588, 0.6429699063301086, -0.002589382231235504, -0.3139787018299103, 1.04861319065094, 0.7036465406417847, 0.15336567163467407, -0.019302956759929657, -0.1355912983417511, 1.3307420015335083, 0.6669705510139465, -0.0474725067615509, 0.17101351916790009, 0.42002764344215393, 0.15281113982200623, -0.18049651384353638, 0.15099535882472992, 0.5480790138244629, -1.1906908750534058, 0.6890695095062256, -0.19879063963890076, -0.4039957821369171, -0.6072952151298523, 0.21156415343284607, -0.3987767994403839, -0.18826870620250702, 0.47696831822395325, -0.15537168085575104, 0.9146678447723389, 0.15569674968719482, -0.22332237660884857, -1.2191942930221558, -0.36571285128593445, 0.14896096289157867, -1.0390186309814453, 0.5131556987762451, -0.17555773258209229, -0.36521393060684204, 0.4996029734611511, -0.03517193719744682, -0.5097837448120117, -0.5039118528366089, 0.6102951169013977, -0.5470382571220398, 0.06383779644966125, 0.3309742510318756, -0.5806054472923279, -0.35299941897392273, 0.12846079468727112, -0.5394005179405212, 0.022589411586523056, 1.1639187335968018, -0.6793615818023682, 1.193415641784668, 0.5301325917243958, -0.7480394840240479, 0.39264437556266785, 0.9302071928977966, -0.010285838507115841, 0.4507364332675934, 0.528174877166748, 0.8153271079063416, 0.16406846046447754, -0.014834047295153141, -0.030160071328282356, 0.18517236411571503, -0.36081814765930176, -0.44755545258522034, 0.2771000564098358, -0.12665607035160065, 0.13433724641799927, -0.5769878029823303, -0.9248347282409668, -0.551779568195343, -0.5152525901794434, 1.39252507686615, -0.5386638641357422, -0.2029079794883728, -0.8567509651184082, -0.25618478655815125, -0.1773192137479782, -0.6331214308738708, -1.1796138286590576, 0.26542800664901733, -1.2613312005996704, -0.23225796222686768, -0.6713135838508606, -0.8721126914024353, 0.3781549334526062, -0.3472232222557068, 0.38999611139297485, -0.820020854473114, -0.36185991764068604, -0.2753989100456238, 0.2575138807296753, 0.1086706593632698, -0.5230029225349426, -0.18218950927257538, 0.7118594646453857, 0.12931939959526062, -0.4638591408729553, 0.635143518447876, 0.960747480392456, 0.14233657717704773, -0.628174364566803, 0.1254706233739853, -0.671446681022644, 0.5555385947227478, 0.9310478568077087, -0.7231773138046265, 0.04333360493183136, -0.5380151271820068, 0.13979887962341309, -0.4359309673309326, 0.5320640802383423, 0.8914841413497925, -0.3787206709384918, 0.5043426156044006, 0.4215521812438965, 0.37300118803977966, 0.6817840933799744, -0.7709056735038757, -0.2944258451461792, 0.21660566329956055, 0.0813947468996048, 0.2137712836265564, 0.04435393214225769, -0.03571468964219093, -0.7009425163269043, -1.281893253326416, -0.3960169851779938, 0.017823919653892517, 0.6456663012504578, 0.11213511228561401, 1.2751163244247437, -0.04544569551944733, -0.16552771627902985, 0.30537542700767517, -0.023516738787293434, 0.8217277526855469, 0.30657607316970825, 0.8806138038635254, -0.26896464824676514, 0.2255481481552124, -0.782501220703125, 0.29400140047073364, 0.8103840351104736, 0.9419022798538208, -0.4015899896621704, -0.07806629687547684, 0.7688663005828857, 0.25399282574653625, 0.03599679097533226, -1.3934295177459717, -0.10136888176202774, -0.2746730148792267, -0.5426697134971619, -0.4990094006061554, -0.24437227845191956, 0.9490160346031189, -0.08373233675956726, 0.6678902506828308, 0.1798686534166336, 0.30611395835876465, 0.48772791028022766, 0.7103930711746216, 1.1596620082855225, -0.19353708624839783, -0.3303271234035492, 0.6272874474525452, -0.41415223479270935, -0.37200286984443665, 0.14122015237808228, -0.07022527605295181, -0.5968790650367737, 0.34665897488594055, -0.6389178037643433, 0.5421343445777893, -0.4932304620742798, 0.4073435962200165, -0.042979225516319275, 1.1190499067306519, -0.04425700753927231, -1.582039475440979, -0.2325633019208908, -0.5808253884315491, -0.06319044530391693, 0.40264010429382324, 0.011036371812224388, 0.017395589500665665, 0.7572998404502869, -0.214217409491539, 0.599529504776001, 0.6148013472557068, 0.5472955107688904, -0.14159387350082397, -0.8799696564674377, 0.9034079909324646, 0.8448434472084045, 0.11577899008989334, -0.26074641942977905, -0.2221933901309967, -0.8871756196022034, -0.743995189666748, -0.3373071253299713, 0.34423309564590454, 1.1376842260360718, -0.3919755220413208, -0.07060070335865021, -0.33211201429367065, 0.11106616258621216, -0.15363070368766785, 0.17576128244400024, -0.11494649946689606, -0.3854225277900696, -0.13178452849388123, -0.352779746055603, 0.1756182163953781, 0.948003351688385, -0.1513250321149826, 0.24833615124225616, 0.10308395326137543, 0.7151420712471008, -0.7201538681983948, -0.11866195499897003, -0.3103364109992981, 0.6035401821136475, 0.13887202739715576, 0.6175501942634583, 0.6101815700531006, -0.24046280980110168, -1.2565549612045288, 0.32063356041908264, -0.3608483672142029, 0.271438330411911, -0.23599913716316223, -0.7887729406356812, 0.8592849969863892, 1.203687071800232, -0.29229986667633057, 0.3410196304321289, 0.16456513106822968, 0.2615150213241577, -1.065451741218567, 1.022915005683899, -0.061188556253910065, 0.2757705748081207, -0.1603330671787262, 0.12907540798187256, 0.7247546911239624, 0.20111030340194702, 0.5097653865814209]} +{"paper_id": "spanish_billion_words", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "time_dial", "embedding": [-0.4956955313682556, 1.2934901714324951, 0.45462480187416077, 0.27222001552581787, 0.8425371050834656, 0.4686109721660614, 0.7373114824295044, -0.04732460528612137, 0.7075295448303223, 0.7441436648368835, 1.015183687210083, -0.4439285397529602, 0.20761607587337494, 0.034354276955127716, -0.2874912619590759, -0.5655072927474976, -1.8276407718658447, 0.010467695072293282, -1.1172969341278076, -0.5178400278091431, -0.42431193590164185, -0.6350386142730713, 0.13115888833999634, 1.4828497171401978, -0.44785818457603455, -0.9789537191390991, 1.0871024131774902, -0.8322507739067078, -0.020910538733005524, -0.20877724885940552, -0.3186822831630707, 1.3919975757598877, -0.06659354269504547, 0.1110214963555336, -0.3317631483078003, -0.2109767645597458, 0.15672332048416138, 0.9202749729156494, -0.0319770947098732, 1.2092950344085693, -0.7468664646148682, 0.27421584725379944, -0.038241539150476456, 0.2777130901813507, 0.6794506907463074, -0.07518652826547623, -0.45300182700157166, 0.3169705867767334, 0.02071160078048706, 0.16043902933597565, -0.22618812322616577, -0.2584015727043152, -0.3532228469848633, 0.13623787462711334, 0.5673050880432129, 1.256535291671753, -0.17101511359214783, -0.403851717710495, -0.09783635288476944, -0.35736626386642456, 1.1091562509536743, 1.6789847612380981, -0.22807838022708893, 0.562967836856842, 0.8544207811355591, -0.2056645154953003, 2.536794662475586, 0.24503816664218903, 0.7458475828170776, 0.5942734479904175, -0.37821418046951294, -1.2503148317337036, 0.7228002548217773, 0.23068007826805115, 0.04123297333717346, 1.3056700229644775, 1.4063067436218262, 0.7006113529205322, -0.7851476073265076, 0.15412211418151855, 0.26011306047439575, 0.7777863144874573, 0.3545593321323395, -0.9075897932052612, -0.14437507092952728, 0.9149590134620667, 0.8070211410522461, -0.3777480125427246, 0.18290172517299652, -2.239921808242798, 0.9680114388465881, -0.10039123892784119, -0.09244377911090851, -0.36503875255584717, -0.38082408905029297, 0.3266524374485016, 0.654487133026123, 0.041874147951602936, -0.684948205947876, 0.18664443492889404, 0.3020997941493988, -0.09475713223218918, -0.016277186572551727, 0.003025539219379425, 0.5912528038024902, 0.6738337874412537, 0.5382667183876038, -0.09940332919359207, -0.14367926120758057, -0.42760831117630005, 0.45895519852638245, 1.1448500156402588, -0.08152836561203003, 1.2015678882598877, -0.05859375, -0.6804863214492798, 0.3706938922405243, -0.9305511713027954, -0.21227383613586426, -0.12844747304916382, -0.9019035696983337, -0.2612852454185486, -0.35251638293266296, 0.12897337973117828, 0.6672751903533936, -0.985064685344696, -0.31275734305381775, -0.06842971593141556, 0.4728609025478363, -0.6730173230171204, 0.4371884763240814, -0.042466677725315094, -0.5369946956634521, -0.015618886798620224, 2.7526910305023193, -0.8087071776390076, 1.406315803527832, -1.2645320892333984, 0.002180903684347868, -0.46970194578170776, 0.4065568447113037, 1.6944243907928467, -0.48979732394218445, -0.05202807858586311, -0.7141387462615967, -0.44206148386001587, -0.5976244807243347, 0.5372876524925232, -0.01908678561449051, -0.8068799376487732, 0.07625037431716919, 0.1542682945728302, -1.8330861330032349, -0.3069150745868683, -0.2297694981098175, -0.12323933839797974, -0.10599642992019653, 0.7031696438789368, 0.32169416546821594, 1.040060043334961, 1.0853928327560425, 0.1340312361717224, -0.9131983518600464, 0.37577399611473083, -1.0239266157150269, -0.015297646634280682, 0.5615206360816956, -0.4122998118400574, -1.2720205783843994, -1.0429069995880127, 1.297338604927063, -0.3914608359336853, 0.11378440260887146, -0.4283072352409363, -0.5667749643325806, 0.046600185334682465, 0.8070547580718994, 0.9059915542602539, 0.11246215552091599, 0.24368315935134888, -0.5965688824653625, -0.8632503151893616, -0.11871267855167389, 0.48595529794692993, -0.3000984489917755, 0.5427632331848145, -1.7313973903656006, -0.9124098420143127, -0.7490869164466858, 1.734750747680664, -0.39236921072006226, 0.5348846316337585, 0.28893211483955383, -0.37003690004348755, 0.814906120300293, -0.39953726530075073, 0.9034525156021118, -0.9627304673194885, -0.18747255206108093, -0.5646511912345886, 0.018484745174646378, -0.2356140911579132, 0.053767599165439606, 1.3085572719573975, 0.8549132347106934, -0.80271977186203, 0.11160606145858765, -1.1131222248077393, -0.42602649331092834, 2.3922274112701416, 0.19759458303451538, -0.8212950229644775, -1.0352463722229004, 0.07696540653705597, 0.0027907192707061768, 0.20161692798137665, 0.35667502880096436, -0.3050311803817749, 0.17631115019321442, -1.8830556869506836, 0.5076374411582947, -0.5550126433372498, 0.2256239950656891, 0.3709828853607178, 1.0837877988815308, -0.34699732065200806, 0.09338526427745819, -0.6355026364326477, -0.6347964406013489, 0.4686729907989502, 0.8487045168876648, 0.04869561642408371, 0.05412502959370613, 0.5923441052436829, 0.6814814209938049, 0.26092225313186646, 0.4401390850543976, 0.9409905672073364, -0.7484945058822632, -0.09422526508569717, 0.15346859395503998, 0.9670502543449402, -0.14949674904346466, 0.33256110548973083, 0.8401470184326172, 0.6707213521003723, 0.6254281997680664, -0.7548840641975403, 0.3556784391403198, -0.33720865845680237, 0.9373817443847656, 0.9784396290779114, -0.5478044152259827, 1.5973029136657715, -1.0978370904922485, 0.26979008316993713, -0.40286344289779663, -1.0111254453659058, -0.28932446241378784, -0.4151489734649658, 0.8410942554473877, -0.5192069411277771, 0.30820873379707336, -0.6183167695999146, -0.31532031297683716, -1.977802038192749, 0.12210986018180847, -0.2904674708843231, -0.579050600528717, -1.876105546951294, 0.2549555003643036, -0.7159188985824585, -1.0709346532821655, -0.6213594079017639, 0.059375714510679245, 0.8072677254676819, -0.08495445549488068, 0.5997086763381958, 1.7376216650009155, -0.05151568725705147, 0.06482648104429245, -0.26189154386520386, 0.5988757014274597, -0.7839264273643494, 0.7867634296417236, -0.7368406057357788, -0.4750085771083832, -0.9187392592430115, 0.9552901983261108, -0.2918921709060669, 0.29475709795951843, 0.6876327395439148, -0.38272735476493835, 0.11538218706846237, -0.3174927234649658, -0.5714979767799377, 0.191681906580925, -0.733395516872406, 0.626017153263092, -1.0885640382766724, 1.8871158361434937, 0.2635660171508789, -0.5699395537376404, 0.5254943370819092, -0.7446569800376892, 0.497938334941864, 0.8950380086898804, -0.2875010073184967, 1.0914579629898071, 0.7818323969841003, 0.20682142674922943, 0.15605109930038452, 0.14264148473739624, -2.491640090942383, 0.5380834341049194, 1.072942852973938, -0.0590549036860466, 0.6176407933235168, -1.0615966320037842, 0.9633269906044006, 0.16573934257030487, -0.5768042802810669, 0.095343217253685, -0.15059112012386322, 0.16114141047000885, -0.19904854893684387, 0.203238844871521, 1.157599687576294, -0.3450498580932617, 0.18105922639369965, 1.065528392791748, 0.027079988270998, -0.8235895037651062, -0.9132703542709351, 0.02021072432398796, -0.5707702040672302, 0.8677611351013184, 0.002206765115261078, 0.18196259438991547, 1.4644187688827515, -0.12216045707464218, -0.36321523785591125, 1.194968819618225, 0.8460450172424316, 0.7975044250488281, 0.7657183408737183, -0.9052793979644775, 0.024514982476830482, -0.6580277681350708, 0.6237009167671204, 0.317195862531662, -0.6445474028587341, -1.7313458919525146, 0.11787135899066925, -0.1726609617471695, -1.0837130546569824, 1.2782535552978516, 0.41209152340888977, 2.045022964477539, -0.3167889714241028, -0.35499587655067444, -0.7017396092414856, -0.09278350323438644, 0.8986737132072449, 0.07606193423271179, 0.41621845960617065, -0.7956122159957886, 0.4136374592781067, 0.5892439484596252, 0.18538428843021393, -0.5414075255393982, -0.12751126289367676, 1.2154674530029297, -0.12228751182556152, -1.167634129524231, -0.19566018879413605, 0.8696913719177246, 0.26314473152160645, 0.8073213696479797, -0.9615728855133057, -0.32367417216300964, -0.039285652339458466, 0.8448286652565002, 0.13990500569343567, 0.6692612767219543, -1.482991099357605, 0.5050588250160217, -0.01740383356809616, -0.09219056367874146, -0.3230583667755127, 1.407518982887268, 0.7976675033569336, -1.30935800075531, -0.9768547415733337, -0.36739498376846313, -0.7898046374320984, -0.27963370084762573, 0.08246206492185593, -0.4274372160434723, -0.5433505773544312, 1.4537502527236938, -0.34066298604011536, -0.8397225141525269, 0.9645854234695435, -0.4628908634185791, -1.1257113218307495, 0.3004584312438965, 0.6728905439376831, -1.1262009143829346, 0.0038152839988470078, 0.06111316382884979, -1.1473087072372437, -0.8260149359703064, -0.046593841165304184, -0.5554981231689453, 0.18767432868480682, 0.32242029905319214, 0.4161170423030853, -0.3708236813545227, -0.1830565631389618, -0.46745815873146057, 0.44989562034606934, 0.8020122647285461, -0.010064885020256042, 0.9839081764221191, 0.4923883080482483, 0.1657073050737381, -0.5026893615722656, -0.6695472002029419, -1.0260984897613525, 0.44254180788993835, -0.6070473194122314, -0.25700855255126953, -0.18994209170341492, -0.7734912633895874, 1.0757617950439453, -0.444552481174469, 0.10781164467334747, -1.2800300121307373, 0.0678335577249527, -0.5220845341682434, 0.0338994637131691, 0.15294232964515686, -1.2945388555526733, -1.0512584447860718, -0.1381385326385498, -0.9998925924301147, 0.14306609332561493, -0.022360358387231827, 0.5520349740982056, 1.5359805822372437, 0.8590466380119324, 0.9755393862724304, 0.08841110020875931, -10.443572998046875, 1.1845496892929077, 0.047260187566280365, -0.19397741556167603, -0.19704142212867737, -0.796929121017456, 0.7352299690246582, 0.02035767026245594, 0.8778020739555359, -0.7408500909805298, 0.6294237971305847, 0.9966257810592651, 0.35364994406700134, -0.33572402596473694, -0.061014194041490555, -1.1970010995864868, -0.6203610897064209, -0.38875728845596313, 0.08332544565200806, 0.1321951001882553, -0.6705081462860107, -0.5271562337875366, -0.2847713232040405, 0.31070178747177124, 0.2770465910434723, 0.18104201555252075, -0.003763483837246895, -0.6464892625808716, -0.23640309274196625, -0.5366383194923401, 0.9681563377380371, -0.634489893913269, -0.006483793258666992, -0.11916801333427429, 0.7462624311447144, 0.016382107511162758, -1.2147374153137207, 0.09165865182876587, 0.44492754340171814, -0.11470204591751099, 0.11127462983131409, -0.12890008091926575, 0.8689737319946289, -0.059117063879966736, -0.8581741452217102, 0.4735792279243469, 0.14671672880649567, -0.46358805894851685, -0.0014628395438194275, 0.0353178009390831, -0.5439391732215881, -0.4065113365650177, -1.6028298139572144, -0.6147688627243042, 0.4597460627555847, -0.306177020072937, -0.07763885706663132, 0.475148469209671, -0.11434048414230347, -0.9967861175537109, 0.8725063800811768, 0.5744894742965698, 0.026826322078704834, -0.021117184311151505, 0.5663613080978394, -0.4653240144252777, 0.5039684772491455, 0.4788607656955719, 0.2463165819644928, -0.1818898320198059, -1.0940203666687012, -0.22466310858726501, -0.5415909290313721, 0.7899810075759888, -0.11439528316259384, -0.17477834224700928, -0.16936276853084564, 0.0321534164249897, 0.10350832343101501, 0.12041816115379333, -0.4000359773635864, 0.616077184677124, 0.0024274480529129505, -0.7581167221069336, -0.823436975479126, -0.0070319510996341705, -0.3176911771297455, 0.3986212909221649, 0.7462480068206787, 0.08133160322904587, 1.0486412048339844, 0.2402215301990509, -0.6627002358436584, 0.9404485821723938, -0.6440055966377258, 0.6017448902130127, 0.21807055175304413, 1.1415445804595947, 0.6260651350021362, 0.07970337569713593, -0.12336235493421555, -0.5171013474464417, -0.6255226135253906, 0.30507582426071167, 0.4734676480293274, 0.4748113751411438, -0.348219633102417, 0.2943201959133148, -0.49077439308166504, -0.5323219299316406, 0.9102127552032471, 0.02446681261062622, -0.6448227763175964, 0.009548017755150795, 0.21990182995796204, 0.6977049112319946, 0.9568408131599426, 0.294474720954895, 0.6720684766769409, 1.0455819368362427, -0.039394792169332504, 1.0904971361160278, -0.23758621513843536, 0.9123639464378357, -0.3076787292957306, -0.4349783658981323, 0.4171886444091797, 0.6319321393966675, -0.16736581921577454, -1.1949265003204346, -0.0911770910024643, -0.36730697751045227, 0.3146148920059204, -0.9522013068199158, -0.77378910779953, 0.06066514924168587, -0.7098864316940308, 1.1274558305740356, -0.8559831976890564, 0.6707935333251953, -0.09624522179365158, -0.639822244644165, 1.0407087802886963, -0.7715718746185303, -0.6852356791496277, -0.10808820277452469, -2.260735511779785, 0.0887967050075531, -1.0685360431671143, -0.2702803611755371, 0.7291731834411621, -0.017881080508232117, 0.6993158459663391, -0.6253194808959961, -0.06792964786291122, 0.005953572690486908, 0.6248728632926941, -0.6428453922271729, -1.1060354709625244, 0.11685816943645477, -0.35217905044555664, 1.5940768718719482, -0.9754651188850403, 0.5401424765586853, -0.23577801883220673, -0.3609621822834015, -0.37398985028266907, -0.06413959711790085, -1.5077098608016968, 0.3170223534107208, 1.5714967250823975, -0.5643459558486938, -0.22070856392383575, -0.9321972727775574, -0.44078779220581055, -0.6909921169281006, 0.838349461555481, 1.3081603050231934, -0.6574900150299072, -0.09153389930725098, -0.3701220452785492, -0.11230549961328506, 0.03757082670927048, -0.17490015923976898, -0.23578211665153503, 0.10366400331258774, -0.2635501027107239, 1.1353888511657715, -0.18534782528877258, -0.05080363526940346, -1.9969907999038696, -1.1736483573913574, -0.7199572324752808, -0.43312129378318787, 0.013234836980700493, -0.5752785801887512, 1.1149789094924927, 0.3888899087905884, 0.16472026705741882, -0.022689100354909897, 0.6124604344367981, 0.930132269859314, -0.5039780139923096, 0.1844179928302765, -0.4772742688655853, -0.6107903718948364, -0.7102684378623962, 1.0353914499282837, 0.12849004566669464, -0.2837620675563812, -1.2622963190078735, -0.4159722328186035, -0.07406821846961975, -0.24236778914928436, 1.084092378616333, -0.5048712491989136, 0.31992438435554504, -0.08852630108594894, -0.3766229450702667, -0.7984563112258911, 0.1548474133014679, 1.5420808792114258, 0.05749499797821045, 1.3605237007141113, 0.7446795105934143, 0.11301799863576889, 0.36951497197151184, 0.3115314841270447, 1.1442534923553467, -0.6230987906455994, -0.23164282739162445, 0.1453220397233963, 0.3433017432689667, 0.3429707884788513, -0.8683395385742188, -0.9766350984573364, -0.7623317241668701, 1.0706050395965576, -1.1948448419570923, 0.7302787899971008, -0.3990482687950134, 0.30271852016448975, 1.49775230884552, 0.923708438873291, -0.4483500123023987, -1.6310278177261353, -0.8974326252937317, -0.8974829912185669, 0.32602861523628235, 0.4541964828968048, 0.10034622997045517, 0.3969760239124298, 0.5657123327255249, 0.402036190032959, 1.1795172691345215, -0.5113576650619507, 0.12575557827949524, 0.3126138746738434, 0.6400376558303833, 0.6047807335853577, 1.3982700109481812, 0.17340929806232452, 0.8644009232521057, 0.4901522099971771, -1.2557003498077393, -0.07325886189937592, -0.5710722208023071, -0.28378230333328247, 1.1651562452316284, -0.43847277760505676, 0.08363431692123413, -1.111366629600525, 0.6269421577453613, 0.13432444632053375, 0.9880361557006836, 0.38854271173477173, -0.7909729480743408, -0.4693622589111328, -1.4101009368896484, -0.9656201601028442, 1.1077228784561157, -0.34961646795272827, -0.2590230107307434, -0.8862742781639099, 0.27443045377731323, -0.10987110435962677, -0.17532096803188324, -1.3787498474121094, 0.317267507314682, -1.0723713636398315, 0.5455738306045532, -0.47592177987098694, -0.3022037446498871, -0.16183926165103912, 0.11401653289794922, -1.0127341747283936, 0.6494911313056946, 0.25108861923217773, -1.6094584465026855, -0.7474358081817627, 0.1592647284269333, -0.27868884801864624, -0.8540319204330444, 1.4724056720733643, 0.11531621962785721, -1.7680715322494507, 0.6057297587394714, 0.687999963760376, 0.08626062422990799, -0.18136189877986908, -0.2924019992351532, 0.8151520490646362, -0.7625714540481567, 1.1980139017105103]} +{"paper_id": "urdu_sentiment_corpus", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "sharc", "embedding": [-0.7881260514259338, 0.21459849178791046, -0.26829394698143005, -0.29133978486061096, 0.717754065990448, 0.020539183169603348, 0.9027692079544067, 0.48511266708374023, 0.29006054997444153, 0.8030325770378113, 0.013175137341022491, 0.24077124893665314, -0.037268657237291336, 0.40155139565467834, -0.70120769739151, -0.7250597476959229, -0.7028169631958008, -0.6381540298461914, -1.274269700050354, 0.011717274785041809, -1.1848325729370117, -0.7560918927192688, 0.03198038414120674, 0.8077061772346497, -0.6559766530990601, -0.8797723650932312, 0.8402799367904663, -0.9483590722084045, 0.04163353890180588, 0.15289552509784698, 0.05131973326206207, 1.8286283016204834, -0.5611016154289246, 0.6226150989532471, -0.23248019814491272, -0.3992564380168915, -0.6909468770027161, 1.4836269617080688, -0.5657288432121277, 0.1280355006456375, -0.6243862509727478, 0.29582780599594116, 0.22405380010604858, -0.17393429577350616, 0.17997288703918457, -0.0670182928442955, -0.4947638213634491, 0.3426148295402527, -0.10186849534511566, 0.2280271202325821, -1.0488046407699585, 0.5708597302436829, 0.0553533174097538, 0.049307674169540405, -0.13456851243972778, 1.131381630897522, 0.565946102142334, -0.9122285842895508, 0.4516221880912781, -0.6059147119522095, 1.1558220386505127, 1.380772352218628, 0.3039416968822479, 0.16137592494487762, 0.4593897759914398, -0.48357850313186646, 1.442445993423462, -0.21084949374198914, 0.41914820671081543, 0.8712323307991028, -0.15859629213809967, -0.20306992530822754, 0.05673782154917717, 0.28809845447540283, 0.4587322473526001, 0.7266278266906738, 0.2835303544998169, 0.4905579388141632, -0.7571997046470642, 0.3758922815322876, 0.0030678268522024155, -0.12086711078882217, 0.8029893636703491, -0.8713096976280212, 0.003943897783756256, 0.3845502436161041, 0.593262791633606, -0.25425875186920166, 0.7264224886894226, -1.4808664321899414, 0.336093544960022, -0.047715820372104645, 0.03339000418782234, 0.48430556058883667, -0.8396252393722534, 0.8882832527160645, -0.6454402804374695, -0.2602826952934265, 0.13263799250125885, 0.7150234580039978, 0.7015970945358276, 0.17627617716789246, 0.5734561681747437, -0.11287877708673477, 0.3865007758140564, 0.9428789615631104, 0.13269494473934174, -0.3095190227031708, -0.22435420751571655, -0.3061441481113434, -0.17076115310192108, 1.2436614036560059, 0.20398220419883728, 0.40562203526496887, -0.3022328019142151, 1.0283530950546265, 0.2094469964504242, -1.5305945873260498, 0.16883885860443115, 0.7555434703826904, 0.08153782039880753, -0.6052439212799072, -0.5202312469482422, -0.0003934204578399658, 1.0422414541244507, -0.17931994795799255, -0.22772672772407532, -0.1585688591003418, 0.09683483839035034, 0.04185114800930023, 0.07295616716146469, 0.0840691477060318, -0.5055652260780334, 0.008443877100944519, 3.211388349533081, -0.9055744409561157, 1.7371385097503662, -0.8066387176513672, 0.24215424060821533, -0.2234894335269928, -0.07152915000915527, 0.7402361631393433, -0.045677658170461655, -0.5068046450614929, -0.749873161315918, 0.16248974204063416, -0.24096739292144775, -0.48252102732658386, -0.7167907357215881, -0.21570371091365814, -0.05210888013243675, -0.48334041237831116, -1.5946635007858276, -0.19008329510688782, 0.2652430832386017, 0.5935398936271667, -0.14534254372119904, 0.48333030939102173, -0.5778066515922546, 0.2610735297203064, 0.5330367684364319, -0.15419946610927582, -0.5176800489425659, 0.40471500158309937, -0.9175441265106201, -0.20133467018604279, 1.2475064992904663, -0.4807875454425812, -1.678688645362854, 0.5222450494766235, 0.3331877887248993, 0.11536578834056854, -0.19820985198020935, -0.24580824375152588, -0.3593333959579468, -0.07972868531942368, 0.5825464129447937, 0.8429372310638428, -0.1611970067024231, -0.7894459366798401, -0.07590160518884659, -0.3371221721172333, -0.2563670873641968, 0.8349032402038574, -0.13200300931930542, 0.2618374824523926, -2.4571619033813477, -0.09086489677429199, -0.35292768478393555, 0.7066530585289001, -0.12480682134628296, 0.5797209739685059, 0.17395064234733582, 0.5987911224365234, 0.402180552482605, -0.45683813095092773, 0.7753539085388184, -1.944668173789978, -0.14221815764904022, 0.1095259040594101, -0.27046358585357666, -0.28369542956352234, 0.18187178671360016, 1.3551661968231201, 0.46157658100128174, -0.5814059972763062, -0.7554672956466675, -2.520960569381714, 0.05591317638754845, 2.627511739730835, 0.04183455556631088, -0.5016263127326965, -0.6701187491416931, -0.24846255779266357, 0.05056682229042053, 0.008352000266313553, 0.7839145660400391, -0.906058132648468, 0.8402355313301086, -0.822266161441803, 0.6064286828041077, -0.09573253989219666, 0.4254343807697296, 0.9810423254966736, 1.6915003061294556, -0.7698025107383728, -0.3527127206325531, -0.6402202844619751, -0.14525559544563293, 0.20438621938228607, 0.09532064944505692, 0.49746474623680115, 0.22776992619037628, 0.31815025210380554, 0.5142503976821899, 1.0959317684173584, 0.3834731876850128, 0.38332122564315796, -1.0011188983917236, 0.13444262742996216, -0.48604223132133484, 1.3643512725830078, 0.21358495950698853, -0.06022562086582184, 0.5321059823036194, -0.31905224919319153, -0.46386289596557617, -0.13170306384563446, 0.0349837951362133, -0.10852063447237015, 0.8076664209365845, 0.6322593688964844, -0.6006780862808228, -0.0076864659786224365, -1.0313260555267334, -0.5638680458068848, -0.3135676383972168, -0.9851276874542236, -0.8743990659713745, -0.14429420232772827, 0.6986311674118042, 0.08946064859628677, -0.523516058921814, -0.051113225519657135, -0.31576746702194214, -0.9844179153442383, 0.10999421775341034, -0.29325756430625916, 0.10004690289497375, -0.6503410339355469, -0.16244155168533325, -0.9581872224807739, -0.8058629035949707, -0.4838941693305969, 0.3338403105735779, -0.2042446881532669, -0.4659733474254608, 0.848233699798584, 1.0674335956573486, -0.6272556781768799, -0.06623746454715729, -0.3350103795528412, 1.0575461387634277, -0.3697293698787689, 0.4629642367362976, -0.09034904092550278, 0.4165417551994324, -0.22257518768310547, 0.3869524300098419, -0.29556727409362793, 0.5488101840019226, 0.8997563123703003, -0.28068476915359497, 0.1741185188293457, -0.5906329154968262, -0.9875202775001526, 0.9641808271408081, 0.21294356882572174, -0.2179119884967804, -0.41026395559310913, 1.5404620170593262, 0.06449476629495621, -0.43520474433898926, 1.1126607656478882, 0.10171650350093842, 0.13330379128456116, 1.2402538061141968, 0.05928914248943329, -0.32812365889549255, 0.09716594219207764, -0.3794678747653961, 0.22446581721305847, 0.7809491157531738, -1.8720593452453613, 1.0526924133300781, 0.9694051146507263, -0.4940590560436249, 0.20162588357925415, -0.8869915008544922, 0.2975735068321228, -0.6899060010910034, 0.12573979794979095, 0.18746861815452576, 0.012198061682283878, 0.6154951453208923, -0.7221277952194214, 0.39960718154907227, 0.3618883490562439, -0.6200061440467834, 0.022845301777124405, 0.031312137842178345, 0.23467698693275452, -1.2862948179244995, -0.591245174407959, 0.7273077964782715, -0.07051202654838562, 0.24143925309181213, -0.03912127763032913, 1.2841898202896118, 1.0795056819915771, -0.23132407665252686, -0.2737888991832733, 0.9074714779853821, 0.5114397406578064, 0.30489102005958557, 0.2902148962020874, 0.022441858425736427, 0.26332440972328186, -0.4530796408653259, 1.2944999933242798, 0.2120032012462616, -0.3641712963581085, -1.1862342357635498, -0.4282192289829254, -0.07994429767131805, -0.9556562900543213, 1.656104564666748, 0.6809696555137634, 1.079604148864746, 0.4940539002418518, 0.4338988661766052, -0.35879847407341003, -0.5361416935920715, 0.8345244526863098, -0.15311066806316376, 0.35859614610671997, -0.7507731914520264, -0.37257570028305054, 0.8276480436325073, 0.17466358840465546, -0.6186527013778687, 0.05636941269040108, 1.256378173828125, 0.38223427534103394, -0.4807896912097931, 0.12877944111824036, 0.5679559707641602, -0.041139308363199234, 1.3152846097946167, -0.6201140880584717, -0.026644760742783546, -0.23348857462406158, 0.30983319878578186, 0.13779287040233612, 0.03600476682186127, -0.0390036441385746, 0.7979970574378967, 0.2624197006225586, 0.489778071641922, 0.34237897396087646, 0.7380936741828918, 1.1815383434295654, -0.7632193565368652, -1.085770845413208, -0.20103412866592407, -0.9116801023483276, -0.35937049984931946, 0.5908393859863281, -0.6433619856834412, -0.2555820941925049, 1.0783169269561768, -0.22081491351127625, -0.8259387016296387, 0.5608237981796265, -0.5470386743545532, -1.2355303764343262, 1.0887207984924316, 0.6727982759475708, -1.2688593864440918, 0.23062537610530853, 0.11335866153240204, -0.6005920171737671, -0.7441385984420776, 0.47630828619003296, -0.8138377666473389, 1.1641756296157837, 0.20839084684848785, 0.6992729306221008, -0.04086851328611374, 0.3047524094581604, -1.2388372421264648, 1.0253764390945435, 0.36412113904953003, -0.6486750841140747, 0.18757718801498413, 0.4873347580432892, 0.48011070489883423, 0.4711443781852722, -1.020733118057251, -0.4713146388530731, 1.2049847841262817, 0.21757438778877258, 0.32927823066711426, -0.9094618558883667, -0.5481213927268982, 0.7142610549926758, -0.014013387262821198, -0.44962799549102783, -0.8992565274238586, 0.10639028251171112, -0.4622786045074463, 0.02901029773056507, 0.9626667499542236, -1.2949237823486328, -1.5321450233459473, -0.021843954920768738, -0.5190630555152893, 0.9676378965377808, -0.37023112177848816, 0.36884552240371704, 1.309019923210144, -0.29171693325042725, 0.45046722888946533, -0.18729449808597565, -11.452642440795898, 1.2346715927124023, -0.5115517973899841, 0.4645532965660095, 0.24409060180187225, -0.21601861715316772, 0.2747983932495117, -0.6161655783653259, 0.4300473928451538, -1.0242000818252563, 0.31673574447631836, 1.4375581741333008, 0.26515889167785645, 0.46843433380126953, -1.1461682319641113, -1.4400877952575684, -0.5086119174957275, -0.3671530485153198, -0.04049133509397507, 0.20296704769134521, -0.8091404438018799, -1.4723560810089111, 0.0647788941860199, -0.7553948760032654, 0.7413522005081177, 0.11301826685667038, -0.7707031965255737, -0.345318078994751, -0.7869934439659119, -0.5952467918395996, 0.5132457613945007, 0.25471583008766174, -0.18587663769721985, -0.09690198302268982, 0.020643211901187897, -0.26955223083496094, -0.5706357359886169, -0.22791941463947296, 0.9325173497200012, 0.7505679726600647, -0.2788201570510864, -0.19786211848258972, 0.7584277391433716, -0.6801116466522217, -0.052319541573524475, 0.5554784536361694, 0.50243079662323, -0.6890602111816406, 0.03497478365898132, 0.34840402007102966, -0.4705738425254822, -0.1942044198513031, -0.7277951240539551, -0.7397871017456055, -0.14929960668087006, 0.31816866993904114, -0.46115413308143616, -0.366240531206131, -1.060867190361023, -0.7747834920883179, -0.29409053921699524, 0.2729794979095459, -0.014182880520820618, 0.4805884063243866, 0.19398337602615356, 0.12526623904705048, -0.24569514393806458, 0.4472615122795105, -0.7137187719345093, 0.5653114318847656, -0.8445852398872375, 1.210978388786316, -0.6311747431755066, 0.7286942005157471, -1.0360909700393677, -0.24858984351158142, -1.137586236000061, -0.28078848123550415, 0.8057631254196167, -0.8160529732704163, -1.4271080493927002, 0.7850143909454346, 0.4063916504383087, -0.33663055300712585, -0.7275644540786743, 0.8589785695075989, 0.025066271424293518, -0.10827779769897461, 1.721724033355713, -0.5740046501159668, 0.8019023537635803, 0.2509361803531647, -0.346174955368042, -0.07779146730899811, -0.6995478868484497, 0.6158813238143921, 0.6929464340209961, 0.9254826903343201, 0.18836075067520142, -1.0072591304779053, -0.019430771470069885, 0.009660501033067703, -1.0591636896133423, 0.08598309755325317, 0.6898052096366882, 0.20021358132362366, 0.1942233145236969, -0.32177072763442993, 0.009344309568405151, -0.5038835406303406, 1.302263855934143, -0.09190113842487335, -0.40169572830200195, 1.0524020195007324, -0.5145130753517151, -0.021634796634316444, 0.9279727339744568, -0.169231578707695, 0.4675050377845764, 0.37835493683815, -0.25855159759521484, 0.8603116869926453, -0.6033375263214111, 1.1047643423080444, 0.19806398451328278, -0.6323353052139282, 0.5984193086624146, 0.6876935362815857, -0.0723637118935585, -1.4833874702453613, 0.6343868374824524, -0.04590815305709839, 0.04904036223888397, -0.8637429475784302, -0.31244388222694397, 0.09712639451026917, -0.373516708612442, 1.1966981887817383, -1.1241729259490967, 0.27035993337631226, 0.17949475347995758, 0.08109191060066223, -0.7259127497673035, -0.897999107837677, -1.3946428298950195, 0.5395129919052124, -1.5418665409088135, 0.8960118293762207, -0.30957502126693726, -0.7334886789321899, -0.36492717266082764, -0.60612952709198, 0.4317878484725952, -1.0237842798233032, -0.24668477475643158, -0.13567136228084564, 0.22872819006443024, 0.10175810009241104, -0.6297884583473206, 0.1646551787853241, 0.13219991326332092, 1.0296053886413574, -0.6881166696548462, 1.1797893047332764, 0.83831787109375, -0.23779447376728058, 0.021590419113636017, 0.02754465490579605, -0.6299185752868652, 0.21959227323532104, 0.8284748196601868, -1.069580316543579, -0.7706065773963928, -0.290993869304657, 0.6346327662467957, -0.5106369256973267, 0.5082821846008301, 0.736458420753479, -1.2590631246566772, -0.4088607430458069, -0.5922990441322327, 1.0434478521347046, -0.7489048838615417, -0.5839470624923706, -0.4273417294025421, -0.271287202835083, 0.23464113473892212, 1.1936912536621094, 0.22289013862609863, 1.2230454683303833, -1.588873028755188, -0.9943400025367737, -0.46297740936279297, 0.17266462743282318, -0.004086554050445557, 0.5114067792892456, 1.1080069541931152, 0.6896044611930847, -0.4879589378833771, -0.06325257569551468, 0.531288206577301, 0.8710549473762512, 0.4109554588794708, 0.45901668071746826, -0.22509214282035828, 0.5127339363098145, -0.9027070999145508, -0.19553060829639435, 0.2662200927734375, 0.9653316736221313, -1.5615659952163696, -0.9014801979064941, -0.19761276245117188, -0.6572101712226868, 0.5248200297355652, -0.8409677743911743, -0.15633618831634521, -0.43889448046684265, -1.2559136152267456, -1.1027803421020508, 0.5027252435684204, 1.4488643407821655, 0.5400124192237854, 0.6620333194732666, 0.3750319182872772, 1.4676374197006226, 1.1414463520050049, 0.08131690323352814, 1.317449927330017, -0.1333724558353424, 0.2934456765651703, 0.6447134017944336, 0.7491656541824341, 0.2230454385280609, -0.2544861435890198, -0.6121492385864258, -0.393909215927124, -0.04045036435127258, -0.7060601115226746, 1.1613976955413818, -0.11665090918540955, 0.722743809223175, 1.1456351280212402, 0.8012863993644714, -0.8088324666023254, -1.3128527402877808, -0.48988911509513855, -1.5278087854385376, 0.2218010276556015, 0.794815719127655, 0.89894700050354, 1.0099469423294067, 0.7615228295326233, -0.275246798992157, 0.4700891077518463, -0.2709146738052368, 0.6879569292068481, -0.006949275732040405, -0.0018306225538253784, 0.7652673125267029, 0.8784144520759583, 0.10325893759727478, 0.7339619398117065, 0.2782224118709564, -0.8129612803459167, 0.19971150159835815, -0.7949110865592957, 0.9743317365646362, 0.47992533445358276, -0.5384113192558289, 0.46437662839889526, -0.005783014930784702, 0.638504147529602, -0.32733622193336487, 0.7003831267356873, 0.3237670063972473, -0.20462536811828613, -0.5732232928276062, -0.7078241109848022, -0.016614824533462524, 0.6712367534637451, -0.24150702357292175, -0.49270474910736084, -0.31759554147720337, 0.43300861120224, 0.1117357388138771, 0.11165794730186462, -0.8725229501724243, 0.1093328669667244, -0.7591806054115295, 0.05063066631555557, -0.2859930396080017, -0.44017866253852844, -0.6643750667572021, -0.2211267352104187, -0.9292216300964355, 0.39210057258605957, -0.048705846071243286, -0.8433389663696289, -1.2655991315841675, 0.7699247598648071, -0.11795367300510406, 0.5305495858192444, -0.3563399910926819, -0.42529329657554626, -1.837853193283081, 0.6023766398429871, 0.8893168568611145, -0.6765239834785461, -0.703874409198761, 0.053631216287612915, 0.46407970786094666, -0.3713309168815613, 0.5905212163925171]} +{"paper_id": "GEM/xlsum", "embedding": [-0.12814952433109283, 0.9791937470436096, -0.2668486535549164, 0.21678772568702698, 0.5214887857437134, -0.5032366514205933, 0.3516520857810974, 0.7743163108825684, 0.7967953681945801, 0.5785514116287231, 0.9696381688117981, 0.05284764617681503, 0.035371992737054825, 0.6609598994255066, 0.0038581974804401398, -0.6575531363487244, -0.9324507713317871, -1.0064594745635986, -0.8507634401321411, -0.659866988658905, -0.76418137550354, -0.006675321608781815, 0.13281825184822083, 0.20661881566047668, -0.7338167428970337, -0.4214918613433838, 1.1480635404586792, -1.3832248449325562, -0.19427090883255005, 0.4586944580078125, 0.14536039531230927, 0.9830697774887085, -1.6677148342132568, 0.18128767609596252, -0.9075333476066589, -0.575751781463623, 0.42732664942741394, 0.9181167483329773, 0.16247010231018066, 0.13785625994205475, -0.5520217418670654, 0.15980640053749084, 0.7104333639144897, -0.2030377984046936, -0.05705974996089935, -0.41332894563674927, -0.14897039532661438, 0.2887154519557953, -0.2026328444480896, 0.029736626893281937, 0.5815274119377136, 0.4485568404197693, -0.4493412673473358, 0.6318153142929077, -0.25050270557403564, 1.7939860820770264, 0.25282883644104004, -1.1707502603530884, 0.3808269202709198, -1.2309013605117798, 1.3751271963119507, 1.3814901113510132, -0.9984158873558044, -0.19381842017173767, 1.537377119064331, -0.14468279480934143, 1.7273932695388794, 0.3326435089111328, 1.0263886451721191, 1.0427353382110596, -0.2817767858505249, -1.2331068515777588, 0.27708885073661804, -0.158388152718544, 0.1597137302160263, 0.902350664138794, 0.5000411868095398, -0.44306841492652893, -0.3112030029296875, -0.11869212985038757, -0.936177670955658, 0.3167087435722351, 0.6788439154624939, -0.8875085115432739, -0.2594328224658966, 0.12104538828134537, -0.05223074555397034, 0.09781510382890701, 0.8136590719223022, -1.2834956645965576, 0.009780541062355042, -0.15052807331085205, -0.6897135376930237, -0.23079770803451538, -0.43510836362838745, 0.31644684076309204, 0.26284757256507874, -0.24183881282806396, -0.442434161901474, 0.23394307494163513, 0.561674177646637, -0.5562963485717773, 0.6955258846282959, 0.5217486619949341, 0.35444948077201843, 1.3274651765823364, -0.2326023131608963, -0.5929297208786011, -1.0954188108444214, -0.5543681979179382, 0.232812762260437, 0.5848997831344604, 0.13576416671276093, 0.03186997398734093, -0.0026372168213129044, -0.48533758521080017, 0.2060828059911728, -0.08706018328666687, -0.9372478723526001, -0.2988930940628052, -0.554609477519989, -1.7539180517196655, -0.5237259864807129, 0.23861496150493622, 0.6273565888404846, -0.8436664938926697, 0.242570161819458, -0.630767285823822, -0.08812475949525833, 0.11816819757223129, 0.5062816143035889, 0.1756199151277542, -0.8915379643440247, 0.2960844933986664, 2.6454076766967773, -0.32755735516548157, 1.5191991329193115, 0.514726459980011, 0.1024470403790474, -0.6609315276145935, 0.12261778861284256, 1.1870185136795044, 0.06927347183227539, -1.2603518962860107, 0.2090340107679367, 0.41874459385871887, -1.1377573013305664, 0.7006961107254028, -1.0076842308044434, -0.5665529370307922, -0.2356814444065094, 0.1715410202741623, -0.91081702709198, -0.9151890277862549, 0.1274583786725998, 0.2829606533050537, 0.36882859468460083, 0.567197859287262, -0.7634490132331848, 1.103885293006897, 1.0792500972747803, 0.656101644039154, -0.2580047845840454, 0.46553856134414673, -0.8900807499885559, -0.07574546337127686, 0.5668665766716003, -0.22871321439743042, -0.5168431401252747, -0.8652225136756897, 1.2282525300979614, -0.3068240284919739, 0.08572134375572205, -0.15659970045089722, -0.29979464411735535, 0.18871673941612244, 0.5699336528778076, 0.42466437816619873, -0.24423782527446747, -0.4601992666721344, -0.12509527802467346, -0.010481014847755432, 0.4170941710472107, 0.3920957148075104, 0.1455453634262085, 0.7489069104194641, -1.7279428243637085, -0.676956832408905, -0.8001623749732971, 0.7634406089782715, -0.08988766372203827, 0.0022872816771268845, 0.08227109909057617, -0.11715386807918549, 0.15153492987155914, -0.5922086834907532, -0.11991062760353088, -0.7121301889419556, 0.23001137375831604, 0.21929095685482025, 0.14456315338611603, 0.42187753319740295, 0.4526463449001312, 0.4565964341163635, 1.0796157121658325, -0.5409823656082153, -0.7630499005317688, -1.5520519018173218, 0.3567580282688141, 1.4924932718276978, -0.6103062033653259, -0.5270442366600037, -1.5948147773742676, -0.5099081993103027, 0.8985859751701355, -0.4072393774986267, -0.37678059935569763, -0.42848435044288635, -0.3764956593513489, -1.3590874671936035, 0.3419284224510193, -0.901646077632904, -0.22839826345443726, 0.3760622441768646, 0.8337328433990479, -0.6657403707504272, -0.18452972173690796, -0.044741857796907425, -1.046701192855835, 0.4776373505592346, 1.1295135021209717, -0.03568018972873688, -0.6367654204368591, 0.788314938545227, -0.13434825837612152, 0.6368803381919861, 0.45547083020210266, 0.3596309423446655, -0.183055579662323, -0.6026934385299683, -0.35426726937294006, 1.044167399406433, -0.2594560980796814, -0.1627400666475296, -0.060457728803157806, 0.4384393095970154, -0.03357042372226715, -0.7156930565834045, 0.19301548600196838, -0.23157450556755066, 1.2364314794540405, 1.1406766176223755, -0.30570340156555176, 2.1753525733947754, -1.319758653640747, -0.010288015007972717, 0.05235758796334267, -1.2179616689682007, -0.06579700112342834, -0.28009867668151855, 0.5500011444091797, -0.11223707348108292, 0.44553372263908386, -0.1882752776145935, -0.45678749680519104, -1.959179401397705, -0.22035494446754456, -0.635187566280365, -0.8553125858306885, -1.5624110698699951, -0.12489093095064163, -0.43637406826019287, -1.1741900444030762, -0.6983795762062073, 0.273800790309906, 0.2833070158958435, -0.005359292961657047, 1.0218948125839233, 1.5149495601654053, -0.01623697206377983, 0.7825983166694641, -0.4268020987510681, 1.3281553983688354, -0.44191548228263855, 1.0796279907226562, -0.1412682682275772, -0.13472019135951996, -1.2364355325698853, 0.09108977019786835, -0.7069231867790222, -0.10915901511907578, 0.28404390811920166, -0.5787870287895203, 0.6683722734451294, 0.1330902874469757, -1.8771796226501465, 0.6191177368164062, -0.3925631046295166, -0.0247664675116539, -1.1135648488998413, 1.313692569732666, 0.24507050216197968, -0.6245549321174622, 0.5547603964805603, 0.14428655803203583, -0.03706631436944008, 1.3651965856552124, -0.6508827209472656, 1.7964768409729004, 0.15975376963615417, -0.09405624866485596, 0.2732660472393036, -0.08540078997612, -1.465155005455017, 0.03436708077788353, 1.7294691801071167, -0.4735632836818695, -0.5068579316139221, -0.8461165428161621, 0.19794727861881256, -0.215309277176857, -0.2680746912956238, 0.31368792057037354, -0.9559952020645142, 0.5353575348854065, -0.20260396599769592, -0.08699998259544373, 1.5244251489639282, -0.9786136150360107, 1.1383984088897705, 0.9090365767478943, 0.5159887075424194, -0.34203094244003296, -0.8331548571586609, 0.9604638814926147, -0.3400127589702606, 1.1288974285125732, 0.03570834547281265, 1.418319582939148, 1.4452155828475952, -0.6660997271537781, -0.29687127470970154, 0.9090748429298401, 0.992180347442627, 0.5867853164672852, 0.7730823159217834, -0.7171732783317566, 0.38751712441444397, -0.06506823003292084, 1.3265769481658936, 0.3768923878669739, -1.2132130861282349, -0.8477576971054077, -0.35514190793037415, -0.49782794713974, -1.2061246633529663, 1.6907532215118408, 0.47908368706703186, 1.3494071960449219, 0.39177000522613525, 0.6727439761161804, -0.13210387527942657, -0.04878958314657211, 0.5959663391113281, 0.1274467557668686, 0.2264994978904724, -0.5999149680137634, 0.17713604867458344, 1.2002184391021729, -0.679153323173523, -0.10719485580921173, -0.025409016758203506, 0.18336299061775208, -0.6482855081558228, -0.6147695183753967, 0.7154108881950378, 0.6708953380584717, 0.82618248462677, 1.4324469566345215, -0.8929203152656555, -0.5695486664772034, -0.15556253492832184, -0.07478992640972137, -0.20711904764175415, 0.6236430406570435, -1.2685115337371826, 0.104099340736866, 0.35320574045181274, 1.1317267417907715, -0.3965858221054077, 0.8468980193138123, 0.8502808809280396, -0.32533639669418335, -0.58504319190979, -0.6495063304901123, -0.8429961204528809, -0.7714353799819946, -0.2510389983654022, 0.06964273750782013, -1.0176383256912231, 0.7655037045478821, -0.7354151606559753, -1.0971620082855225, 0.1737198531627655, -0.2513320744037628, -1.101082444190979, 0.6942874789237976, 0.8664877414703369, -1.5032495260238647, -0.3395225703716278, -0.0787142962217331, -1.009313702583313, -0.5804059505462646, -0.07705269753932953, -0.5637447834014893, -0.21771562099456787, 0.1305384337902069, 0.5317455530166626, 0.27151936292648315, 0.029230162501335144, -0.9830916523933411, 0.5311850905418396, 1.3413821458816528, -0.9648492932319641, 0.9743191003799438, 0.24055200815200806, 0.09932124614715576, 0.3034335970878601, -1.1107772588729858, -0.6384944915771484, 0.6634136438369751, 0.664458155632019, -0.12565146386623383, -1.154136300086975, -0.9011256098747253, 0.3386111855506897, -0.21246281266212463, 1.067939043045044, -0.7780821919441223, 0.15451601147651672, -0.4956241846084595, 0.5625497102737427, 0.32234227657318115, -0.5638917684555054, 0.09096459299325943, 1.3154864311218262, -0.16984237730503082, 0.43989941477775574, -0.08208059519529343, 0.19710053503513336, 0.7247467637062073, 0.058706603944301605, -0.03747078403830528, -0.7152073979377747, -10.986563682556152, -0.19415566325187683, -0.18083234131336212, -0.11288721114397049, 0.47346311807632446, 0.057494327425956726, 0.868097722530365, -0.08112828433513641, 0.400100976228714, -0.6614286303520203, 0.2595292031764984, 1.498764991760254, 0.40254658460617065, -0.735683262348175, -0.7270208597183228, -0.9862532019615173, -0.26320311427116394, -0.295429527759552, 0.7752146124839783, -1.2295536994934082, 0.3774208128452301, -0.7627618908882141, 0.5166804194450378, -0.18311035633087158, 0.07710658758878708, -0.4639968276023865, 0.11301516741514206, 0.162337064743042, -0.6356232762336731, 0.45494988560676575, 0.7161135673522949, -0.4035015106201172, -0.8708938956260681, -0.5853207111358643, 0.9559667706489563, -0.36225369572639465, -1.090928077697754, 0.19685520231723785, 0.9191522002220154, -0.3684113025665283, -0.1434459239244461, 0.631883442401886, -0.3808152675628662, -0.27969086170196533, -0.3924676775932312, 0.3053165078163147, 0.6348485946655273, -0.6571485996246338, 1.253217339515686, -0.6625893712043762, -1.012894630432129, -0.7235941886901855, -0.9469332098960876, -0.5722616314888, 0.858676016330719, 0.27688124775886536, -0.4380197823047638, 0.13809658586978912, -0.4812452495098114, -1.118992805480957, 0.7668894529342651, -0.017539087682962418, -0.43447446823120117, -0.26012498140335083, 0.3096804916858673, -0.5740955471992493, 0.9071099758148193, 0.014874331653118134, -0.09845089912414551, 0.1854013055562973, -1.020666480064392, 0.851264476776123, 0.08292272686958313, -0.6302188038825989, 0.11159949004650116, -0.2162836790084839, -0.18937477469444275, -0.6352744698524475, 0.6340404152870178, 0.4260485768318176, -1.2551406621932983, 0.5239046812057495, 0.5437024831771851, -0.7151904106140137, -1.0074679851531982, -0.28500473499298096, 0.2795259952545166, -0.1894747018814087, 0.4062940180301666, -0.4723442494869232, 0.9560725092887878, -0.22782233357429504, 0.45394718647003174, -0.27055004239082336, 0.16454294323921204, 1.2085187435150146, -1.085818886756897, 0.8496915102005005, -0.03400319442152977, -0.9067524671554565, 0.3153465986251831, -0.11215779930353165, -0.6154607534408569, -0.3912646472454071, 0.648284912109375, -0.27375528216362, -0.07863903790712357, 0.4802345931529999, -0.2643568515777588, -0.4393269121646881, 0.5485634207725525, 0.22938752174377441, -0.13643862307071686, 0.9640432596206665, -0.48850077390670776, 1.5723702907562256, 0.9648950695991516, 0.1036701500415802, 0.3263859748840332, 1.3911423683166504, -0.7060613036155701, 0.7633137106895447, 0.268204927444458, 1.319881558418274, -0.0269553754478693, 0.5189311504364014, -0.3545072376728058, 0.6212893128395081, -0.1567079871892929, -0.9955146908760071, -0.018447522073984146, -0.3614422082901001, 0.03924224525690079, -0.6303089261054993, -0.12679225206375122, -0.181436687707901, -0.7194893956184387, 1.820508599281311, -0.34656721353530884, 0.34603628516197205, -0.28220993280410767, -0.6892910599708557, 0.4799732565879822, -0.4441736936569214, -0.42237389087677, 0.05981222167611122, -2.0138332843780518, 0.3047875165939331, -0.4107131063938141, -0.41451895236968994, 0.4247688353061676, -0.2819747030735016, 0.4738723635673523, -0.4419613480567932, -0.6563402414321899, -0.3851618468761444, 0.5007964968681335, -0.2918979227542877, -1.111016035079956, -0.27533257007598877, 0.13484500348567963, 1.261295199394226, -0.6325951814651489, 0.8185899257659912, -0.05816091597080231, 0.352236807346344, -0.5329068899154663, -0.18341289460659027, -0.6803878545761108, 0.8781588673591614, 1.437786340713501, -1.2151145935058594, 0.02809864841401577, -0.452244371175766, 0.11308743059635162, -0.7021040916442871, 0.3393484055995941, 1.6303808689117432, -0.8432873487472534, 0.4383309483528137, -0.16043832898139954, 0.5410068035125732, 0.4461936354637146, -0.4591774344444275, -0.8776136636734009, 0.5294103026390076, -0.2022382616996765, 0.43109744787216187, -0.05347416549921036, 0.7040826082229614, -1.5808227062225342, -1.2062909603118896, -0.8120152950286865, -0.5775110125541687, 0.9167709350585938, -0.7337893843650818, 1.2600725889205933, 0.6285781860351562, 0.2910686433315277, 0.18106546998023987, 0.052115004509687424, 1.1004494428634644, 0.32588258385658264, 0.40462905168533325, 0.14205405116081238, -0.32905131578445435, -0.4367310702800751, 0.2951630651950836, 0.3219121992588043, 0.448508620262146, -0.8093392252922058, 0.6355414986610413, 0.6148548722267151, 0.1752808541059494, -0.6383205056190491, -0.9496653079986572, 0.21546012163162231, -0.05786198005080223, -0.08987686038017273, -1.3126025199890137, 0.5082839727401733, 1.0225778818130493, -0.464794397354126, 0.95846027135849, 0.39225199818611145, -0.022921595722436905, 0.6033813953399658, 0.8643242716789246, 1.2300379276275635, -0.5611542463302612, -0.6339983344078064, -0.031121674925088882, 0.34183284640312195, 0.024705052375793457, 0.7828183770179749, 0.19305282831192017, -1.0489249229431152, 0.09027653932571411, -1.1218791007995605, 0.704095184803009, 0.31430208683013916, -0.09987431764602661, 0.5108084082603455, 1.0732578039169312, 0.5534326434135437, -1.4458693265914917, 0.13489143550395966, -1.1677031517028809, -0.42765873670578003, 0.6547709703445435, 0.2185572236776352, 0.17815257608890533, 0.8001641035079956, -0.7149712443351746, 1.3422164916992188, -0.3287924528121948, -0.2896978259086609, 0.13418680429458618, 0.039583105593919754, 1.037463903427124, 0.4871003031730652, 0.5994740724563599, -0.14752411842346191, -0.296184241771698, -0.07123593240976334, -0.7133837342262268, -0.6198412179946899, 0.700135350227356, 1.323899507522583, 0.036538586020469666, 0.01463579386472702, -1.220611572265625, -0.13814781606197357, -0.6220483779907227, 0.39947935938835144, 0.4623411297798157, -0.9379640817642212, -1.0121902227401733, -1.3669759035110474, 0.09163323044776917, 1.0522667169570923, -0.1944219470024109, -0.1160585954785347, 0.3681865930557251, 0.5288669466972351, 0.16799047589302063, -0.23994901776313782, -0.5671788454055786, 0.3120276927947998, 0.08592105656862259, -0.05366777628660202, 0.9895806312561035, -0.49504631757736206, -0.8573172092437744, 0.15371955931186676, -0.705963671207428, 0.47796863317489624, 0.07737785577774048, -0.6632859706878662, 0.3404237627983093, 0.6854797601699829, 0.8219035863876343, -0.5133547782897949, 0.7531416416168213, 0.20152127742767334, -1.563671588897705, 1.373826265335083, 0.8596706986427307, -0.344105064868927, -0.30671870708465576, 0.2326514720916748, 0.744644284248352, 0.3625015318393707, 1.4348493814468384]} +{"paper_id": "refresd", "embedding": [-0.5458168983459473, 0.6665157079696655, -0.12483446300029755, -0.26445502042770386, 0.4987345039844513, -0.42499247193336487, 0.6735808253288269, 0.33150383830070496, 1.0697101354599, 0.6171625852584839, 0.5948917865753174, -0.2668435275554657, -0.2798041105270386, 0.20825451612472534, -0.45760348439216614, -0.5294852256774902, -1.23358154296875, -0.9634522199630737, -1.4363222122192383, -0.6095961332321167, -0.8200680613517761, -0.6858631372451782, -0.06386873871088028, 0.26993873715400696, -0.6292356252670288, -0.9983095526695251, 0.6251089572906494, -1.3780665397644043, 0.3265012502670288, 0.4057905972003937, -0.37904489040374756, 1.2518935203552246, -1.3151423931121826, -0.16401568055152893, -0.1704561412334442, -0.10163190960884094, 0.5214728116989136, 1.8333301544189453, -0.33188971877098083, 0.13583481311798096, -0.6996915340423584, -0.3220316767692566, 0.7349251508712769, 0.40397101640701294, 0.501674473285675, -0.28431716561317444, 0.21657072007656097, -0.0917108952999115, 0.192713662981987, -0.3899802267551422, -0.5679358243942261, 0.11410774290561676, 5.593337118625641e-05, -0.050822772085666656, -0.7924903035163879, 1.9447822570800781, 0.6280220746994019, -0.8156396150588989, 1.1810150146484375, -0.5935699939727783, 1.2317452430725098, 1.6282238960266113, -0.31218695640563965, 0.31315529346466064, 1.2330045700073242, 0.036887072026729584, 1.7251918315887451, 0.005236133933067322, -0.026724787428975105, 0.23560816049575806, 0.1028507798910141, -0.7066963315010071, 0.11087679862976074, 0.3748438358306885, 0.8803585767745972, 1.104217767715454, 0.8311075568199158, 0.48459169268608093, -0.21197134256362915, -0.3907128870487213, -0.6990672945976257, 0.60512375831604, 0.5306370258331299, -0.526547908782959, -0.15787194669246674, 0.18394121527671814, 0.2748584747314453, -0.7483510375022888, 1.133428692817688, -1.7418357133865356, 1.0303868055343628, -0.4802384674549103, 0.30041244626045227, -0.16098624467849731, -0.36963099241256714, 0.19595187902450562, -0.15771101415157318, -0.5090926885604858, -0.5670561194419861, -0.08621017634868622, 0.609046220779419, -0.1340409219264984, 0.580070436000824, -0.007574871182441711, 0.2670239806175232, 0.9446499943733215, -0.1621536910533905, -0.11088720709085464, -0.7990235090255737, -0.208543062210083, 0.17225858569145203, 1.2449208498001099, 0.11797436326742172, 0.27576005458831787, -0.20813509821891785, 0.6817378401756287, 0.2656283974647522, -0.5395541787147522, -0.2182670682668686, 0.020743772387504578, 0.05066882073879242, -0.988942563533783, -0.36190009117126465, 0.07346883416175842, 1.0673550367355347, -0.5221495032310486, 0.5177180767059326, -0.21656164526939392, -0.021014055237174034, -0.244258314371109, 0.2870030403137207, 0.046176470816135406, -1.210384726524353, -0.27331098914146423, 2.9360134601593018, -0.20199427008628845, 1.6480931043624878, -0.4970207214355469, -0.42247629165649414, -0.5218608379364014, 0.1608225405216217, 0.8641188144683838, 0.25031986832618713, -0.9372788667678833, -0.1273697167634964, -0.11698635667562485, -0.4518425166606903, 0.27463746070861816, -0.7759968638420105, -0.010333377867937088, 0.015558870509266853, 0.0578467957675457, -1.6083136796951294, -0.5670209527015686, 0.27153846621513367, -0.09321656078100204, 0.5743070840835571, 0.8348076939582825, 0.07032924145460129, 1.4845460653305054, 0.38834455609321594, 0.039645131677389145, -0.9766925573348999, 0.6635913848876953, -0.41815871000289917, 0.01761104166507721, 1.214860200881958, -0.5863156318664551, -0.4782888889312744, -0.2167452573776245, 1.3421393632888794, -0.8715164065361023, -0.5752131938934326, -0.43857496976852417, -0.27736514806747437, 0.026857271790504456, 0.23269225656986237, 0.5678347945213318, 0.34924840927124023, -0.5375064015388489, 0.10920960456132889, -0.0028530508279800415, 0.2570488154888153, 0.4126316010951996, -0.6029455661773682, 0.7271900773048401, -2.212477445602417, -0.19705237448215485, 0.20629049837589264, 0.9841442704200745, -0.27423515915870667, -0.3946472108364105, 0.3188856840133667, 0.36813437938690186, 0.17974014580249786, -0.3770207464694977, 0.7146226763725281, -1.494099736213684, -0.08377963304519653, 0.4735144376754761, -0.3690902292728424, -0.038488343358039856, 0.1870754063129425, 0.7564799189567566, 0.30995890498161316, -0.7715021967887878, -0.45033857226371765, -2.256073474884033, 0.20891398191452026, 2.639204740524292, -0.7158931493759155, -0.3035900294780731, -1.1931856870651245, -0.3261348009109497, -0.25391727685928345, -0.09523304551839828, 0.4262050986289978, -1.0772178173065186, -0.1980263888835907, -1.8051376342773438, 0.46935904026031494, -0.0039087943732738495, -0.056928254663944244, 0.5101011991500854, 1.2845869064331055, -0.7626689076423645, -0.37235140800476074, 0.17656578123569489, -1.3094525337219238, 0.40872955322265625, 0.5706225633621216, -0.04876856878399849, -0.4290041923522949, 0.8815341591835022, -0.002823658287525177, 0.9588438868522644, 0.443085640668869, 1.0495187044143677, -0.402198851108551, 0.16833409667015076, -0.015834175050258636, 0.5432496666908264, -0.16349346935749054, 0.4602675139904022, 0.6191220879554749, 0.5283957719802856, -0.3547244966030121, -0.8696874976158142, -0.36424005031585693, 0.029390938580036163, 1.05231511592865, 0.8827574849128723, -0.7069143652915955, 1.6718684434890747, -0.8927058577537537, -0.20365068316459656, -0.6968868970870972, -0.6954540014266968, -0.41013103723526, 0.10690130293369293, 0.8847795128822327, 0.3085244297981262, -0.22276145219802856, -0.4731571674346924, 0.2433418333530426, -1.682386040687561, -0.04927239194512367, -0.7229922413825989, -0.667937695980072, -1.4664463996887207, -0.4954187273979187, -0.08441083133220673, -1.4549996852874756, -0.6888656616210938, 0.5321934223175049, 0.4646412432193756, -0.3387834429740906, 1.5753315687179565, 1.4446423053741455, 0.24693948030471802, 0.2631455361843109, 0.29999929666519165, 1.141129732131958, -0.6827848553657532, 0.853208065032959, -0.3013613820075989, 0.052072878926992416, -1.013853907585144, 0.21065211296081543, -0.42576152086257935, -0.4957258403301239, 0.044333361089229584, -0.43225008249282837, 0.3362099528312683, -0.1523870974779129, -1.2609905004501343, 0.7783138155937195, -0.3328741788864136, 0.15644629299640656, -1.2331998348236084, 1.730261206626892, 0.45923346281051636, -0.20064495503902435, 0.4997595548629761, -0.11188734322786331, -0.4492681920528412, 1.5877689123153687, -0.5141839981079102, 0.11024238914251328, 0.2949426770210266, -0.48165464401245117, 0.012946117669343948, 0.43335631489753723, -2.149773359298706, 0.6931374073028564, 1.2306569814682007, -0.2864703834056854, -0.33302444219589233, -0.694553554058075, 0.8898037075996399, -0.5558996796607971, 0.06804190576076508, 0.6505666375160217, -0.722302258014679, 0.3051753342151642, -0.9921005964279175, 0.2671992778778076, 1.016386866569519, -0.8843918442726135, 0.4230160713195801, 0.7696207761764526, 0.4886203408241272, -0.3785664439201355, -0.5380250811576843, 1.1899983882904053, -0.6616395711898804, 0.5665469169616699, -0.1909448802471161, 0.8379693031311035, 1.0135804414749146, -0.44932442903518677, -0.19762112200260162, 0.6895695924758911, 0.8321301937103271, 0.576705276966095, 0.03369348868727684, -0.5865134000778198, 0.15739358961582184, -0.1965407431125641, 1.5286122560501099, 0.5498320460319519, -1.5798996686935425, -1.4543697834014893, -0.9118656516075134, -0.34812402725219727, -0.48272666335105896, 1.1320772171020508, 0.7340548038482666, 1.6867421865463257, 0.09386519342660904, 0.642115592956543, 0.13571594655513763, 0.3929310142993927, 0.26485806703567505, 0.5961639285087585, -0.1384069323539734, -0.60039222240448, 0.3001381754875183, 0.9198580980300903, -0.5699537992477417, -0.7171167731285095, 0.23974350094795227, 1.3145743608474731, -0.5346538424491882, -0.6914021372795105, 0.7885955572128296, 0.7861929535865784, 0.6582208871841431, 1.4448261260986328, -0.3823324739933014, -0.1108129471540451, 0.023840434849262238, 0.5667892098426819, -0.2154761105775833, -0.09620968997478485, -0.7691328525543213, 0.5587400794029236, 0.5865629315376282, 0.7771427035331726, -0.1473732888698578, 0.6448056101799011, 0.5555662512779236, -0.45353737473487854, -1.3032063245773315, -0.6995161771774292, -1.1406704187393188, -0.43859344720840454, -0.5324882864952087, -0.07238736748695374, -0.1754445731639862, 0.355932354927063, -0.354892760515213, -0.33272939920425415, 0.9294091463088989, -0.9681380987167358, -1.0141710042953491, 0.680095374584198, 1.0200433731079102, -1.1263988018035889, -0.636834979057312, -0.559411346912384, -1.0322411060333252, -0.5293105244636536, -0.10102488100528717, -0.6432161331176758, 0.6353013515472412, 0.1526746302843094, 0.13157576322555542, 0.04458986967802048, -0.22147326171398163, -0.6578980088233948, 0.7462475299835205, 1.5675618648529053, -0.6759394407272339, 1.0070722103118896, 0.14800238609313965, 0.06369203329086304, -0.20338813960552216, -0.806237518787384, -0.5953232645988464, 0.631596565246582, -0.5417977571487427, 0.5668467879295349, -0.7391433715820312, -0.8471676111221313, 1.110899806022644, -0.07961921393871307, 1.2886439561843872, -0.8156288266181946, 0.5854786038398743, -0.8230199813842773, 0.21844489872455597, 0.09444454312324524, -0.7996978759765625, -0.8731381893157959, 0.8067255020141602, -0.2985279858112335, 0.4094127118587494, 0.2600196599960327, 0.06391425430774689, 1.652469277381897, 0.2144709825515747, 0.029467403888702393, -0.7702984809875488, -11.080998420715332, 0.3942221999168396, -0.01913498528301716, 0.045235149562358856, 0.7584389448165894, -0.6326542496681213, 0.7772015929222107, 0.6732954382896423, 0.6738942861557007, -0.5536516904830933, -0.20877774059772491, 1.4564188718795776, 0.4938868582248688, -0.3536253869533539, -0.872289776802063, -1.2893164157867432, -0.48552417755126953, -0.8666638135910034, 0.6727203726768494, -0.12804338335990906, -0.4726228415966034, -0.8755310773849487, -0.0764138326048851, -0.11794902384281158, -0.05739929527044296, -0.358320415019989, -0.22665205597877502, -0.731029212474823, -0.1287793070077896, 0.13757596909999847, 0.5041020512580872, -0.5788536667823792, -0.9999970197677612, -0.285786896944046, 0.12021631002426147, -0.0698559582233429, -0.5373887419700623, -0.004657727666199207, 0.39610961079597473, -0.1256316602230072, 0.09364524483680725, 0.08984038978815079, 0.17982305586338043, -0.1797858029603958, -0.6269975900650024, -0.15074896812438965, 0.019296662881970406, -0.5588383078575134, -0.2575762867927551, -0.4035986661911011, -0.4298545718193054, -0.7612606287002563, -0.8175574541091919, -0.666144609451294, 0.3497767746448517, 0.09360938519239426, -0.19776049256324768, 0.018724646419286728, -1.42037034034729, -1.6517030000686646, 0.3858492374420166, 0.010613924823701382, -0.2893032133579254, 0.21557091176509857, 0.27518898248672485, -0.391864538192749, 0.5362120866775513, 0.4651634693145752, 0.010421428829431534, 0.3364775478839874, -0.6759254336357117, 0.7115716338157654, -0.050695884972810745, 0.6907976865768433, -0.37692996859550476, -0.2699667811393738, 0.14563092589378357, -0.15783555805683136, 0.2061735987663269, 0.27573153376579285, -1.5022485256195068, 0.9152746200561523, 0.07214964181184769, -0.4606342613697052, -0.7691766619682312, 0.13958954811096191, -0.5000219941139221, 0.4430975317955017, 0.6861046552658081, -0.24997425079345703, 1.213484525680542, -0.19221237301826477, -0.22719211876392365, -0.19686442613601685, -0.3273084759712219, 1.3581796884536743, -1.1120400428771973, 0.6075283885002136, -0.12262327969074249, -0.7452138066291809, 0.5223436951637268, -0.14210152626037598, -0.4786420166492462, 0.061576444655656815, 0.1376541405916214, -0.07316369563341141, 0.18034082651138306, -0.12176196277141571, 0.24812637269496918, -0.4715772271156311, 0.9314194321632385, 0.531274139881134, -0.10667821764945984, 1.433578610420227, -0.8522366285324097, 0.8978261947631836, 0.8896006345748901, -0.2287902534008026, 0.4748864471912384, 1.8432177305221558, -0.6259382367134094, 0.8236833810806274, 0.5711195468902588, 1.486339807510376, 0.003672584891319275, 0.2593061625957489, 0.2775064706802368, 0.32914817333221436, -0.04623325914144516, -1.0638445615768433, 0.529254674911499, -0.43505018949508667, 0.47693192958831787, -0.3966265618801117, -0.1637914776802063, 0.14584417641162872, -1.3184115886688232, 1.2053123712539673, -0.4795846939086914, 0.5804629921913147, -0.4107350707054138, -0.49007341265678406, -0.1376313865184784, -0.4898166358470917, -0.8865182995796204, 0.6728869676589966, -1.4922900199890137, 0.25973162055015564, -0.3982914686203003, -0.16944240033626556, -0.17232783138751984, -0.4385189116001129, 0.831454336643219, -0.6415066123008728, -0.2529219388961792, -0.11602764576673508, 0.3881741762161255, -0.370695561170578, -0.8670990467071533, 0.025526314973831177, 0.10143008828163147, 0.9300459027290344, -0.46262532472610474, 1.2846447229385376, 0.9684748649597168, -0.884596049785614, -0.7594164609909058, 0.07495041191577911, -1.1216338872909546, 0.7760922312736511, 0.5889783501625061, -0.41875773668289185, 0.0744745209813118, -0.5128968358039856, -0.09976375102996826, -0.7129326462745667, 0.1704520285129547, 1.3406414985656738, -0.45517078042030334, 0.21831907331943512, 0.21097144484519958, 0.630990743637085, -0.35721555352211, 0.05014164745807648, -0.5840595960617065, 0.002699457108974457, -0.2413002848625183, 1.0369808673858643, -0.05169794708490372, 1.3530601263046265, -1.5663487911224365, -1.0772700309753418, -0.12627144157886505, -0.20070472359657288, 0.010792067274451256, -0.5042214393615723, 1.1567399501800537, 1.0907458066940308, 0.4377954304218292, 0.2869032621383667, 0.3021126687526703, 0.8097068667411804, -0.5354889631271362, 0.18095238506793976, -0.1709589809179306, 0.00854416936635971, -0.9489549398422241, 0.6786163449287415, 0.5619293451309204, 1.1070034503936768, -0.5469040274620056, -0.09404447674751282, 0.23826055228710175, 0.10749834775924683, -0.13381047546863556, -0.688921332359314, 0.11841237545013428, -0.9161813855171204, -0.419064998626709, -1.5101900100708008, 0.2052718997001648, 1.6586905717849731, -0.20638330280780792, 0.7683765292167664, 0.8398171663284302, 0.5019865036010742, 0.4286239743232727, 0.7228536605834961, 1.363039493560791, -0.206595316529274, -0.6577106714248657, 0.11287547647953033, 0.6344664096832275, -0.1402282863855362, 0.17258736491203308, -0.7754183411598206, -0.6974368095397949, 0.011895153671503067, -0.5144756436347961, 0.5092577338218689, -0.5834700465202332, 0.5884959101676941, 0.74614018201828, 0.8148854374885559, -0.2381296455860138, -1.2331256866455078, -0.020945655182003975, -1.561894178390503, 0.22422762215137482, -0.4981956481933594, 0.376817911863327, 0.6871464848518372, 0.7600181102752686, -0.02936527132987976, 0.6347368359565735, -0.48872116208076477, 0.4370996952056885, -0.0717746838927269, -0.27382999658584595, 1.2358739376068115, 0.6868743300437927, 0.9154394268989563, 0.4858732223510742, -0.5027695298194885, -1.0958772897720337, -0.5811659097671509, -0.5421443581581116, 1.0014326572418213, 0.9428530931472778, -0.2542670965194702, 0.1425630748271942, -0.29362553358078003, 0.3592362701892853, -0.68067467212677, 0.006680041551589966, 0.15049001574516296, -0.0996892973780632, -0.6756914854049683, -0.9826934337615967, 0.26176875829696655, 0.9051270484924316, -0.33410120010375977, 0.2840540409088135, -0.6632052063941956, 0.45327529311180115, 0.3284704089164734, -0.39269083738327026, -0.6593038439750671, 0.14051605761051178, -0.3398227393627167, 0.2413410097360611, 0.33461853861808777, -0.7625297904014587, -0.8728182911872864, -0.10927213728427887, -0.79356449842453, 0.4221377968788147, 0.372272789478302, -1.0629726648330688, -0.49509093165397644, 0.21128518879413605, 0.464442640542984, 0.056513164192438126, 0.11280664801597595, 0.029096368700265884, -1.8650866746902466, 0.9022191166877747, 0.6532042026519775, -0.10906115174293518, -0.15461452305316925, 0.0958399623632431, -0.10344032943248749, 0.624184787273407, 1.8430920839309692]} +{"paper_id": "roman_urdu", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "tsac", "embedding": [-1.0450613498687744, 1.5766743421554565, 0.24285024404525757, -0.013576371595263481, 0.6096535921096802, -0.29546743631362915, 0.06293442100286484, 0.49637770652770996, -0.00361541286110878, 0.489433616399765, 0.050141386687755585, -0.5857992172241211, 0.38946208357810974, 0.1691005527973175, -0.4931928813457489, -0.6672993898391724, -1.4990640878677368, 0.38423818349838257, -0.6031251549720764, -0.30271658301353455, -0.39529532194137573, -0.267617404460907, 0.5007639527320862, 1.1798131465911865, -0.8079318404197693, -0.7169149518013, 0.23140445351600647, -0.21075783669948578, 0.4162994623184204, -0.31045517325401306, -0.04750203341245651, 0.6822250485420227, -1.4878482818603516, -0.5095044374465942, -0.469916969537735, -1.1908190250396729, 0.18183934688568115, 0.6643908619880676, -0.972861111164093, -0.7714629173278809, -0.9368062019348145, 0.6907530426979065, 0.4705316126346588, 0.6487132906913757, 0.8411521911621094, 0.10764820128679276, -0.08277367800474167, 0.12284103035926819, 0.9539862275123596, 0.03976038470864296, 0.20050112903118134, -0.39943766593933105, -0.7523381114006042, 0.024968281388282776, -0.7082793116569519, 1.5482128858566284, -0.033649738878011703, -0.8867642879486084, -0.48896798491477966, -1.1364750862121582, 0.510521411895752, 1.9171639680862427, 0.05171767249703407, -0.33972638845443726, 1.247077226638794, 0.359680712223053, 0.9261149168014526, -0.6267722249031067, 0.747591495513916, 0.521328866481781, -0.3982059359550476, -0.1452835202217102, 0.6812973618507385, -0.6419030427932739, 0.2582496404647827, -0.08884297311306, 0.8601059913635254, 0.5088152885437012, -0.19750484824180603, 0.14513453841209412, 0.303477942943573, 0.9694173336029053, 0.1467713564634323, -1.0151082277297974, -0.09562689065933228, 0.35620424151420593, 0.2699040472507477, 0.28693780303001404, 0.9003097414970398, -1.5446056127548218, 0.8853577971458435, -0.27358415722846985, -0.34195464849472046, 0.6636691093444824, -0.4242280125617981, -0.14907792210578918, -0.2890430688858032, 0.8756527304649353, -0.38962629437446594, 0.06048423796892166, 1.0117077827453613, -0.6604776382446289, 0.49237513542175293, -0.23413586616516113, 0.03911694884300232, 1.947585105895996, 0.5783360600471497, -0.10593622177839279, 0.036263611167669296, -0.5324954390525818, -0.344315767288208, 1.366289496421814, 0.01360271591693163, 0.6661260724067688, 0.13882258534431458, 0.3593198359012604, -0.47211286425590515, -0.8222647905349731, -1.0090539455413818, 0.11418037861585617, -0.5347487926483154, -1.6316848993301392, -0.20849213004112244, 0.9478998780250549, 1.5136301517486572, -0.30703696608543396, 1.0210663080215454, -0.43910154700279236, 0.07483476400375366, -0.4705817699432373, 0.8402305841445923, -0.8773331046104431, -0.5247370600700378, -0.4366466701030731, 2.221747875213623, -0.8661834001541138, 1.5886309146881104, -0.8092897534370422, 0.22143077850341797, 0.2309788316488266, -1.0211613178253174, 0.4219472110271454, -0.6288475394248962, -0.7075286507606506, -0.9478955864906311, 0.7874851226806641, -0.6933515071868896, 0.6363627314567566, -0.4763101637363434, -0.7209064364433289, -0.21386051177978516, -0.29405054450035095, -0.6331729888916016, -0.8329088091850281, 0.7429112792015076, 0.5881192088127136, -0.19860360026359558, 0.8300572633743286, 0.5033751726150513, 0.7689681649208069, 0.41250842809677124, 0.35049736499786377, -0.6138529777526855, 0.7014285922050476, -0.8549679517745972, -0.8406952023506165, 0.2805062532424927, 0.5971129536628723, -1.0359147787094116, -0.564064621925354, 0.8865734338760376, 0.18316435813903809, -0.4790763854980469, -0.11237221211194992, -0.32979831099510193, -1.3641663789749146, 0.6306318044662476, 0.93984055519104, 0.8035553097724915, -0.7907978296279907, 0.008055001497268677, -0.5335085988044739, -0.15458792448043823, 0.6546746492385864, -0.02084263227880001, 0.42062515020370483, -1.396833062171936, -0.023501046001911163, -0.24994656443595886, 0.240157350897789, 0.9133281111717224, -1.1290236711502075, -0.15085658431053162, 0.13574686646461487, 0.7132814526557922, -0.23330643773078918, 0.8976666331291199, -1.0027180910110474, -0.6645684242248535, 0.7759197950363159, 0.8681566119194031, -0.22747111320495605, 0.15504047274589539, 0.9832422733306885, 0.1558913290500641, -0.46120908856391907, -0.3471185266971588, -1.9354404211044312, 0.21153712272644043, 2.7626097202301025, 0.04690131917595863, -0.7545703053474426, -0.9787324666976929, 0.4152262806892395, 0.0018554702401161194, -0.2868247926235199, 0.4807087481021881, -0.9102519154548645, 0.14389969408512115, -1.3110969066619873, 0.06764432787895203, -0.21200346946716309, -0.3509177267551422, -0.11169951409101486, 0.5359324216842651, -0.12714892625808716, -1.30795419216156, -0.16221176087856293, -0.7111891508102417, -0.18545275926589966, 0.3622528314590454, 0.38742128014564514, -0.14234218001365662, -0.3779655694961548, 0.8926209807395935, 0.6173489093780518, -0.2074030339717865, -0.650407075881958, 0.41668030619621277, -0.32549700140953064, 0.2672930061817169, -0.03287845849990845, 0.3245103359222412, -0.5151727795600891, 0.798503041267395, 0.5402852892875671, 0.35010212659835815, -0.10651510953903198, 0.24757488071918488, -0.06820327788591385, 0.6140599846839905, 1.4989943504333496, 0.013818740844726562, 1.9749038219451904, -1.0215134620666504, 0.6226115822792053, 0.9627513289451599, -0.4097591042518616, -0.03217904269695282, -0.18807215988636017, 0.44635331630706787, -0.3694800138473511, -0.048675861209630966, -0.39851969480514526, -0.2649378776550293, -0.3855639100074768, -0.18605563044548035, 0.36645859479904175, -0.9481971263885498, -0.04652620106935501, 0.1334817111492157, -0.07765302062034607, -1.256801962852478, -0.30029863119125366, -0.19819693267345428, 0.6438201665878296, -0.8448327779769897, 0.20017904043197632, 1.4668478965759277, -0.08814737200737, 0.4446943700313568, 0.033467188477516174, 1.7989894151687622, -0.5440035462379456, 1.0655404329299927, -1.5644809007644653, 0.6136698126792908, -0.19921410083770752, -0.35552600026130676, 0.018292894586920738, 0.5236923694610596, 0.1762552261352539, -0.14732390642166138, 0.934197187423706, -0.11279865354299545, -1.8026506900787354, 0.47316914796829224, -0.7135559320449829, -0.36590880155563354, -0.9426009654998779, 1.00190007686615, 0.10163675993680954, -0.23174820840358734, 1.6631046533584595, -1.0647996664047241, 0.511334240436554, 1.037701964378357, -0.18999773263931274, 0.6932441592216492, -0.09087157249450684, -0.44694235920906067, -0.2397245615720749, 0.6705973744392395, -1.7971522808074951, 0.4784432053565979, 1.9476734399795532, -0.5419593453407288, -0.242702916264534, -0.36948350071907043, 1.1494636535644531, -0.40968814492225647, 0.7504347562789917, 0.15313532948493958, -0.833115816116333, 0.6429980397224426, -0.6167038679122925, -0.5090944170951843, 0.3897557556629181, -0.42898231744766235, -0.2048608958721161, 0.9915730953216553, 0.19382670521736145, -1.4923352003097534, 0.3222375214099884, 0.1978679597377777, -0.6169880032539368, 0.815714955329895, 0.43057987093925476, 0.2127048224210739, 0.9748913049697876, -0.8023536801338196, -0.1814928948879242, -0.38910746574401855, 1.3690441846847534, 0.16977094113826752, -0.4859611392021179, 0.009182251989841461, 1.0200040340423584, -1.6714451313018799, 1.6329139471054077, 0.2297891080379486, -0.15276798605918884, -1.1471136808395386, -0.33706849813461304, -1.62883722782135, -0.4261111319065094, 1.4456807374954224, 1.0755938291549683, 0.9986817240715027, 0.771198034286499, -0.10285209864377975, -0.15229350328445435, 0.6196030378341675, 1.2460334300994873, 0.8326459527015686, 0.28661835193634033, 0.05936715006828308, 0.5757250785827637, 0.33245524764060974, 0.9418017268180847, -0.5288372039794922, 0.3971041142940521, 0.24208569526672363, -1.0283704996109009, -0.33732083439826965, -0.5302740931510925, 1.1927788257598877, 1.4711061716079712, 2.030613899230957, 0.1480323076248169, -0.17637476325035095, -0.7748441100120544, -0.01656379923224449, 0.9707933664321899, 0.30985161662101746, -1.1729381084442139, 0.09060819447040558, 0.3814127743244171, 0.9028964638710022, -0.932362973690033, 0.566035807132721, 0.1372954398393631, -0.3225400149822235, -0.8920352458953857, -0.8931187987327576, -0.833172619342804, 0.01223372295498848, -0.16498184204101562, -0.15350937843322754, -0.7298822999000549, 0.7748331427574158, -0.1956946849822998, -0.6546148657798767, 0.0849478542804718, -0.5691895484924316, -0.5617212057113647, 1.7121328115463257, 0.3185151517391205, -0.8040223121643066, -0.48404619097709656, -0.14384905993938446, -0.7584301233291626, -0.3267487585544586, 0.9884920716285706, -1.3691093921661377, 1.1815303564071655, 0.4346705973148346, 0.3961174488067627, -0.04252035170793533, -0.9585862755775452, -0.03038204088807106, 0.31240755319595337, 1.1008851528167725, -0.7914837002754211, 0.6081428527832031, 0.9477390646934509, -0.5702086091041565, 0.17848742008209229, -1.1680437326431274, -0.7508770823478699, 0.02086004987359047, 0.195083349943161, -0.4438951313495636, -0.6711111068725586, -0.4056491255760193, -0.3393231928348541, -0.11434650421142578, 0.1504289209842682, -0.6376907229423523, 0.786152184009552, -0.6870648264884949, -0.6888002753257751, 0.6744105815887451, -0.39858055114746094, -0.8116356730461121, 0.32730618119239807, -0.48137298226356506, 0.37086373567581177, 0.48757097125053406, 0.8646644949913025, -0.11998753249645233, -0.2770668864250183, 0.876645565032959, 0.024526149034500122, -10.081620216369629, 0.3901827931404114, -0.666346549987793, 0.27195513248443604, 0.17479591071605682, 0.2841818034648895, 0.2757125198841095, -0.6223500967025757, 1.381503939628601, -0.4169313311576843, -0.03782486543059349, 2.0244786739349365, -0.011573828756809235, -0.1472271978855133, -0.23979991674423218, -0.5208662152290344, -0.7980881929397583, -0.7281578183174133, 0.667984664440155, -0.07100380212068558, -0.4385470747947693, -0.8340176939964294, -0.04405824467539787, -1.0059117078781128, 0.9169543385505676, -0.7015858292579651, -0.7834939956665039, -0.6380895972251892, -1.1085549592971802, 0.8804187774658203, 0.5447075963020325, -0.13516829907894135, -0.46457552909851074, -0.07277034968137741, 0.692345142364502, 0.07922212779521942, -0.5881105065345764, -0.5196444988250732, 0.8157809972763062, -0.7197486758232117, 0.7767320871353149, 0.20402619242668152, 0.4433225691318512, -1.5017496347427368, -0.9796842932701111, -0.040870778262615204, -0.321762353181839, -0.445992112159729, 0.15755200386047363, 0.10981497913599014, -0.6448501944541931, -0.28921088576316833, -1.1461536884307861, 0.1570976972579956, 0.9318753480911255, 0.8926092386245728, -1.0067272186279297, 0.19246737658977509, -0.8807653784751892, -0.40628159046173096, 1.337287425994873, -0.8888739347457886, -0.9606748819351196, 0.6835559010505676, 0.14125019311904907, -0.9000304341316223, 0.5738615393638611, 0.8073262572288513, -0.9883230924606323, 0.31824514269828796, -1.4784215688705444, 1.822339415550232, 0.3800766170024872, 0.6432766914367676, -0.5399050712585449, -0.17388883233070374, -0.9190478920936584, -0.40284809470176697, 0.37143394351005554, -0.3518972396850586, -1.1810394525527954, 0.8104254603385925, -0.1402931660413742, -0.32571887969970703, -0.8105155825614929, 0.9089339375495911, 0.21192127466201782, -0.8193514943122864, 0.7111552953720093, -0.5909278392791748, 0.3909844756126404, -0.15031524002552032, -0.4816593527793884, 0.6019118428230286, -0.003947213292121887, 0.06439477950334549, -0.26575809717178345, 1.3932697772979736, 0.22336584329605103, 0.5520320534706116, -0.09262149780988693, 0.7413100004196167, 0.27213254570961, 0.2553226351737976, 0.3533383905887604, -0.4376533031463623, 0.19205227494239807, 0.2100902497768402, 0.32483649253845215, -0.7013985514640808, 0.4160577654838562, 0.3239981234073639, 0.15579570829868317, 1.054807424545288, -0.16908404231071472, 0.9990773797035217, -0.531245768070221, -0.05492078512907028, -0.02012540027499199, 0.46127447485923767, 0.048516880720853806, 0.4117889702320099, 0.022662973031401634, 1.124969244003296, 0.5355105996131897, 0.4130931794643402, 0.5143318176269531, -0.31250736117362976, -0.057893574237823486, -1.6191612482070923, 0.93074631690979, -0.7217620015144348, 0.3926485478878021, -0.9779099225997925, 0.21983833611011505, -0.6135469079017639, -1.0761312246322632, 1.2100850343704224, -1.3614470958709717, -0.29125404357910156, -0.5050099492073059, 0.10717085003852844, -0.30143725872039795, 0.4265299141407013, -0.3787436783313751, 0.10470694303512573, -1.9226861000061035, 0.3636312782764435, -0.035478219389915466, -1.4803277254104614, 0.7108315825462341, -0.2951752245426178, 0.2884316146373749, -0.5124183297157288, -0.2721729278564453, 0.3308555483818054, 0.3231176435947418, -0.6175931096076965, -1.2611868381500244, 0.4897022843360901, 0.8950832486152649, 0.05487525463104248, -0.6284825205802917, 0.5187038779258728, 0.39988499879837036, -0.2711019814014435, 0.042393527925014496, 0.5125954151153564, -0.8016234040260315, 1.1227713823318481, 0.8053799867630005, -0.8632528781890869, -0.20958344638347626, -0.29041895270347595, 0.5364199280738831, -0.7955692410469055, 0.3347863554954529, 1.7358771562576294, -1.2512415647506714, -0.10705390572547913, -0.8019561767578125, 0.6123338937759399, -0.26268470287323, -0.6495092511177063, -0.95729660987854, 0.3936519920825958, -0.9654646515846252, 0.9394448399543762, 0.5501511096954346, 0.42759889364242554, -1.2717652320861816, -0.8269075751304626, -0.2563614249229431, -0.18537528812885284, 0.5246050357818604, -0.10214835405349731, 0.22993366420269012, 0.4171594977378845, -0.7069875001907349, -0.2733430862426758, 0.14827357232570648, 0.149630606174469, 0.7103841304779053, 0.31199023127555847, 0.25356531143188477, -0.5357394218444824, -1.0116045475006104, -0.5442978143692017, 1.4618630409240723, 0.391913503408432, -1.4452285766601562, -0.27311375737190247, 0.684130072593689, 0.8099040389060974, 0.7734824419021606, -0.6059998273849487, 0.06305237114429474, 0.16796785593032837, -0.7861719727516174, -0.8425648808479309, -0.7322965264320374, 1.3525291681289673, -0.19918400049209595, 0.8670520782470703, 0.6530207395553589, 1.2736376523971558, 0.18749210238456726, 0.4092487692832947, 1.8844590187072754, -0.74148029088974, -0.6690239310264587, 0.19361895322799683, -0.10059580951929092, -0.29821494221687317, -0.1084926500916481, 0.30888277292251587, -1.6070109605789185, 0.3998631536960602, -1.0388861894607544, 0.2668411135673523, -0.015001431107521057, 0.6716040372848511, -0.06796245276927948, 1.4388779401779175, -0.07526642829179764, -0.9918155670166016, -0.8429670929908752, -1.084451675415039, 0.5327621102333069, -0.2170032560825348, -0.4739249050617218, 1.788842797279358, 0.690548837184906, -0.2506835460662842, 1.6996163129806519, -0.05708683282136917, -0.20774321258068085, 0.34353891015052795, 0.39061397314071655, 0.9610697031021118, 0.20648275315761566, 0.2437591701745987, -0.4377845525741577, 0.03895598277449608, -1.6722711324691772, -0.4575590193271637, -0.8845052123069763, 0.8108185529708862, 0.08483320474624634, -1.0837039947509766, -0.13899880647659302, 0.04307197779417038, 0.08265088498592377, 0.9018765091896057, 0.15705233812332153, 0.9025508761405945, -0.7455803155899048, -0.009704964235424995, -0.5100194811820984, -0.13521598279476166, 0.9356110692024231, -0.5271235704421997, -0.816784143447876, -0.4061908721923828, -1.1424901485443115, 0.3541211485862732, -0.7850918769836426, -0.12177955359220505, 0.703631579875946, -0.7567141056060791, 0.27544450759887695, 0.690332293510437, -1.281846523284912, -1.2274267673492432, -0.5156072378158569, -1.1240252256393433, 0.9630192518234253, 0.6456088423728943, -0.38405734300613403, 0.05374014750123024, 0.6834622025489807, -0.1706366091966629, -0.2289525866508484, -0.04903273284435272, -0.10699746757745743, -1.1782255172729492, 1.2951068878173828, 1.8997646570205688, 0.16397126019001007, -0.7890145182609558, 0.04154135659337044, 0.5414884090423584, 0.1085190400481224, 1.5784276723861694]} +{"paper_id": "pass", "embedding": [-0.4065221846103668, 0.95879727602005, -0.6661954522132874, -0.3643215596675873, -0.5398516654968262, -0.15550273656845093, 0.8822489976882935, -0.08504166454076767, 1.022454857826233, 0.3999890983104706, 0.44833603501319885, 0.24941806495189667, -0.2248939871788025, -0.7008309364318848, -0.5018608570098877, 0.04177923500537872, -0.05146649479866028, -0.7429927587509155, -0.9293514490127563, 0.30602043867111206, -1.7143806219100952, -0.5630735754966736, -0.04722411930561066, 0.39154523611068726, -0.836520254611969, -0.6273722052574158, 0.953454852104187, -0.17424912750720978, 0.5289092063903809, 0.9631276726722717, -0.5055527091026306, 1.3278567790985107, -2.0086171627044678, 1.2415461540222168, -0.2556981146335602, -0.6799257397651672, 0.6659054160118103, 0.414571613073349, 0.12056045979261398, -0.5698177814483643, -0.29091325402259827, -0.12449205666780472, 1.1531596183776855, 0.0996561199426651, 0.41500481963157654, -0.7858217358589172, 0.46169406175613403, -0.1362580806016922, -0.7045751214027405, -0.38991180062294006, -0.552879273891449, 0.7226478457450867, 0.1315024346113205, 0.15321758389472961, -0.9055801630020142, 0.8216695785522461, 0.21123486757278442, 0.39144182205200195, 0.7634126543998718, -0.009984500706195831, 0.9407744407653809, 1.1374871730804443, 0.10776040703058243, -0.11792407929897308, 0.4689517915248871, 0.5575818419456482, 1.3101884126663208, -0.14203841984272003, 0.4584166705608368, 0.4419553577899933, 0.006080031394958496, -2.1460633277893066, -0.5346218943595886, -0.01734185218811035, 0.37422803044319153, 0.645777702331543, -0.8998223543167114, 0.3049764633178711, 0.3450838625431061, 0.3372739851474762, -0.5049566626548767, -0.23414500057697296, -0.19346466660499573, -0.08473794162273407, 0.0009052343666553497, 0.4454250931739807, 0.3242560625076294, -0.701863706111908, 0.1710355430841446, -1.1806429624557495, 1.323848843574524, 0.08206476271152496, 0.1001991480588913, -0.10142402350902557, 0.5752699375152588, 0.15779143571853638, -0.12138785421848297, -0.5339009761810303, -0.3251378536224365, 1.0090221166610718, 0.5001727342605591, 0.09343603998422623, 0.8646492958068848, -0.20565715432167053, -0.24362552165985107, 0.766523003578186, -0.5554676651954651, 0.013192389160394669, -1.163313388824463, 0.0862637609243393, -0.09024396538734436, 1.4330646991729736, 0.4975157082080841, 0.5708480477333069, 0.06558071821928024, 0.9083046317100525, 0.2161121964454651, -0.09494021534919739, -0.47638729214668274, -0.2326459437608719, 0.4807906746864319, -1.5812734365463257, -0.8801953792572021, -1.0395959615707397, 0.5797562003135681, -0.31259679794311523, 0.17436480522155762, -0.25041818618774414, -0.19517557322978973, -0.667538046836853, 0.7284294366836548, 0.03368522971868515, -1.0300549268722534, 0.43485715985298157, 3.2138442993164062, -0.501876950263977, 0.9273383617401123, -0.8794846534729004, -0.36603841185569763, -0.3467849791049957, 0.061440594494342804, 1.2032707929611206, 0.5694293975830078, -0.5637295246124268, -1.1133798360824585, 0.17529988288879395, -0.5948085784912109, -0.3684781491756439, -1.249429702758789, -0.40006986260414124, 0.5600916743278503, 0.890859067440033, -0.5348228216171265, -1.5358141660690308, 0.04578534886240959, 0.4257053732872009, -0.15290454030036926, -0.23222383856773376, -0.5078742504119873, 0.3583683967590332, -0.6209826469421387, 0.4367467164993286, 0.058690205216407776, 1.266493558883667, -0.34294259548187256, 0.4781688153743744, 1.050649881362915, -0.13228259980678558, -0.6796234250068665, 0.03045133501291275, 0.7237595915794373, -0.7918703556060791, 0.34806737303733826, 0.19504079222679138, -0.6500528454780579, 0.24573606252670288, -0.13315175473690033, 0.7875687479972839, 0.2393462359905243, -0.2519689202308655, -0.6840113401412964, 0.2293110340833664, 0.007867313921451569, 0.02011067606508732, 0.1498432159423828, -0.8607993721961975, -2.232261896133423, 0.45142215490341187, -0.4868810176849365, 0.5179409980773926, 0.23775601387023926, -0.15586625039577484, 0.28847330808639526, 0.6676828861236572, -0.06753471493721008, -0.3872785270214081, 0.8849456310272217, -0.8926907181739807, -1.205904245376587, 0.9149673581123352, 0.01171928271651268, -0.772337019443512, -0.768898606300354, -0.27311426401138306, 0.7384099960327148, 0.2903183698654175, -0.8980628252029419, -1.6651922464370728, 0.35468414425849915, 0.5251862406730652, 0.2878924608230591, -0.7192185521125793, 0.038764871656894684, -0.696546196937561, 0.046848364174366, -0.9335430264472961, 1.0310391187667847, -0.9466663599014282, -0.304837167263031, -1.522735595703125, -0.24658122658729553, -0.10335439443588257, 0.4844759404659271, 0.48044726252555847, 1.4779120683670044, -0.7407239079475403, -1.0094208717346191, -0.4653925895690918, -1.4402730464935303, 0.5455749034881592, -0.09043080359697342, 0.3425562083721161, -0.09868437051773071, 0.5460720062255859, -0.35733914375305176, 0.2581479549407959, 0.5598621964454651, 0.6968522667884827, -0.8141043186187744, 0.6863383650779724, -0.4804041087627411, -0.06294381618499756, -0.1638168841600418, -0.38341549038887024, 0.3630499839782715, -0.10073670744895935, -0.11113899946212769, -1.7701319456100464, -0.9988805651664734, -0.12350473552942276, 1.353354573249817, -0.06917503476142883, -0.2122405469417572, -0.683974027633667, 0.4776875674724579, -0.07201651483774185, 0.10123775899410248, -0.2360503375530243, 0.8142399191856384, -0.5560490489006042, 0.05369087681174278, 0.14586977660655975, -0.05639050900936127, -0.614024817943573, 0.08727048337459564, 0.18293547630310059, 0.17468127608299255, -0.36665284633636475, -0.7305076718330383, -0.33883920311927795, -0.15338143706321716, 0.3001544177532196, -0.27840712666511536, -0.4529974162578583, 0.5744802951812744, 0.16521254181861877, -0.19011080265045166, 0.8306107521057129, 0.2386155128479004, 0.40958431363105774, 0.5781393647193909, -0.155663400888443, 0.2090228945016861, 0.31624600291252136, 0.24645431339740753, 0.2634001672267914, 0.614193856716156, -0.41830772161483765, -0.18121914565563202, -1.0234990119934082, 0.22219902276992798, -0.46235352754592896, -0.03836086392402649, 0.7384694814682007, -0.33073484897613525, -0.45076262950897217, 2.173236846923828, 0.7010971903800964, 0.5045238137245178, -0.17067848145961761, 0.7909289002418518, 0.4735710322856903, -0.11913223564624786, 0.09862848371267319, -0.013016742654144764, -0.09476407617330551, 1.418911099433899, -0.34809646010398865, 0.017623770982027054, 0.44287192821502686, -0.012959052808582783, 0.3834247887134552, 0.051844507455825806, -1.8041359186172485, 0.07846341282129288, -0.5642680525779724, 0.2646915316581726, -0.14768235385417938, -1.240667462348938, -0.38139110803604126, -1.0766935348510742, 0.38140931725502014, -0.061107032001018524, -1.3293559551239014, -0.3741985857486725, -0.02397610992193222, 1.242733120918274, 1.0551093816757202, -1.4133044481277466, 0.2549225986003876, 0.6760328412055969, -0.6167404651641846, -0.5545098185539246, 0.2747381925582886, 1.0458770990371704, -0.40615853667259216, -0.9195059537887573, 0.8890881538391113, 1.1948033571243286, 0.08671213686466217, 0.1947636902332306, 0.17275337874889374, 0.3783254623413086, 0.13529589772224426, -0.41386914253234863, 0.4856298267841339, 0.12797248363494873, 0.46944284439086914, 0.6350746154785156, 1.2227187156677246, -0.6186985373497009, -0.2553226947784424, -1.108860969543457, 1.1585735082626343, 0.1110914945602417, 0.3197275996208191, 1.5276408195495605, 0.19658386707305908, 0.20223677158355713, 0.11527492105960846, 1.0789566040039062, -0.4745800495147705, -0.035104550421237946, -0.022501608356833458, 0.7092804908752441, -0.2199425846338272, -0.5322496891021729, 0.5442847013473511, -0.17636646330356598, 0.5094844102859497, -0.39637696743011475, -0.06308872252702713, 1.120344638824463, -0.030662905424833298, -0.4012410342693329, 0.13212598860263824, -0.038256075233221054, 0.6065334677696228, 1.5944247245788574, 0.05777277052402496, -1.0765246152877808, -0.44815394282341003, 0.3050328493118286, 1.0412755012512207, -0.3905583322048187, 0.060620635747909546, 0.4221838712692261, -0.015271805226802826, 1.284149169921875, 0.9185410141944885, 0.30629056692123413, 1.2061734199523926, -0.17133507132530212, -1.2413222789764404, 0.8316711783409119, -1.1650512218475342, -0.7910658717155457, -0.20709681510925293, -0.13135561347007751, -0.3001939058303833, 0.5150743722915649, -0.7292172908782959, -0.5866155624389648, 0.4338267743587494, -0.14004459977149963, -0.31685972213745117, -0.005957677960395813, 0.8825374841690063, -1.3026710748672485, -0.038018230348825455, 0.10871836543083191, -0.291267454624176, -0.3734340965747833, 0.09649123251438141, 0.10467276722192764, 0.7057151794433594, -0.39476466178894043, 0.49007612466812134, -0.4931597113609314, -0.18922066688537598, -0.47758373618125916, 0.6438502669334412, 0.6867505311965942, -1.4058579206466675, 0.9601495265960693, -0.3548966944217682, 0.4140470027923584, 0.6133358478546143, -0.5000278949737549, 0.2864362299442291, 1.7899858951568604, 0.8735276460647583, 0.19020691514015198, -0.30246615409851074, -0.32007917761802673, 0.7778991460800171, 0.32212141156196594, 0.7445535063743591, -0.5179324150085449, -0.5169527530670166, 0.014305979013442993, 1.3289835453033447, 0.8500815629959106, -0.5334234237670898, -0.6168023943901062, 1.8301327228546143, 0.2778964042663574, 0.7444827556610107, -0.7715938091278076, -0.2713392376899719, 1.248599648475647, -0.46888113021850586, -0.39422547817230225, 0.5701946020126343, -11.404241561889648, -0.2770472466945648, -0.5527655482292175, 0.17187784612178802, 0.33421382308006287, -0.5645566582679749, 0.8875750303268433, 0.13967348635196686, -0.2250993549823761, -0.8388335108757019, 0.7052631378173828, 1.122393250465393, -0.05876889079809189, -0.13258783519268036, -0.4996904730796814, -0.6220975518226624, -1.1684767007827759, -0.4502881169319153, 0.039614930748939514, 0.8291732668876648, 0.0406087301671505, -0.5357443690299988, -0.7853702902793884, 0.21461491286754608, -0.17887909710407257, -0.6996371746063232, -0.14932489395141602, -0.330915242433548, -0.2782302498817444, 0.2766875624656677, 0.23490014672279358, 0.30287879705429077, -0.4321516156196594, -0.6086200475692749, -0.10318873077630997, -0.1935846507549286, -0.8411659598350525, -0.026659660041332245, 1.9439665079116821, -0.10256267338991165, -0.3985323905944824, 1.0362986326217651, -0.07532413303852081, -0.0760793462395668, -0.9424341917037964, 0.9043332934379578, 0.4069041609764099, -0.7693545818328857, -0.3291860818862915, -0.6934759020805359, -0.04473608732223511, -0.9288826584815979, -0.18672722578048706, -0.4411551356315613, 1.2143057584762573, 0.26425638794898987, -0.5110588669776917, -0.33352622389793396, -0.4249366521835327, -0.9979618787765503, -0.18302008509635925, -0.4251534342765808, -0.630303680896759, 0.3208571970462799, 0.20021328330039978, -0.8231786489486694, 1.0660251379013062, 0.9973800778388977, -0.7985496520996094, 0.40635913610458374, -0.85575270652771, 0.7256515622138977, 1.0049176216125488, 0.36697015166282654, -0.9880381226539612, -0.2649284601211548, -0.42066580057144165, 0.2664546072483063, -0.025672290474176407, -0.669156551361084, -1.1885660886764526, 1.2335584163665771, -0.3769510090351105, -0.13056564331054688, -0.43972116708755493, 0.15217606723308563, 0.7818871140480042, -0.16675831377506256, 0.07585100829601288, 0.5919249653816223, 0.6394054293632507, -0.8825081586837769, -0.36561882495880127, -0.24195733666419983, -1.0008251667022705, 0.9567907452583313, 0.0012209229171276093, -0.6853426098823547, -0.7547625303268433, -1.5854777097702026, 0.7846502661705017, 0.7458058595657349, 0.14294564723968506, 0.7852911949157715, 0.5674332976341248, 0.42046672105789185, 0.2193664312362671, 0.5822221040725708, 0.6561423540115356, 1.4894620180130005, 0.2504664361476898, -1.4359960556030273, -0.5079729557037354, 1.216052532196045, -0.0958612859249115, 0.06242397427558899, 1.3337256908416748, -0.3151380121707916, 0.9042853116989136, -0.09773045778274536, -0.1085892915725708, 0.5348390936851501, 0.6046695113182068, 0.9145066142082214, 0.915791392326355, -0.11596734076738358, 0.6553363800048828, 0.2588559687137604, 0.44698402285575867, -1.6091498136520386, 0.9614506959915161, -0.11446362733840942, -0.8160293102264404, 0.3444238007068634, 0.10476815700531006, -0.9191777110099792, -0.8221566081047058, 1.3724946975708008, -0.5015190839767456, 0.4270144999027252, 0.5848782062530518, 0.08796735107898712, -0.21719364821910858, -0.763634979724884, -1.690951943397522, -0.023571446537971497, -0.5821588039398193, -0.03261248394846916, -0.826834499835968, -0.981756865978241, 0.11155872046947479, -0.23047146201133728, 1.1421787738800049, -1.0016250610351562, -0.12431996315717697, -0.22432252764701843, 0.31248897314071655, -1.4173097610473633, 0.5678874850273132, -0.35742151737213135, 1.0026743412017822, 0.24833354353904724, -0.5617231726646423, 0.845977246761322, 0.719815731048584, 0.0637030303478241, 0.03835190832614899, -0.5478774309158325, 0.6923049688339233, -0.01814109832048416, 0.9688154458999634, -1.2655882835388184, 0.2428961843252182, -0.4217248260974884, 0.4351607859134674, -1.0389313697814941, 0.08208948373794556, 1.2916829586029053, -0.7941882014274597, 0.688410758972168, 0.9479492902755737, 1.0853291749954224, 0.23330360651016235, -1.0027787685394287, -0.4890710115432739, -0.5047361850738525, 0.19471722841262817, 0.5816904306411743, 0.16524213552474976, 1.0690414905548096, -2.1279969215393066, -0.1631070226430893, 0.10494381934404373, -0.10100710391998291, 0.553921639919281, 0.33839672803878784, 0.5831609964370728, 0.14521849155426025, 0.1555597484111786, 0.844959020614624, 0.24137018620967865, 0.32996946573257446, -0.0058857835829257965, -0.20217789709568024, 0.044625964015722275, -0.14230427145957947, 0.1260242760181427, -0.6301853060722351, -0.8608440160751343, 0.3307163119316101, -0.9609136581420898, 0.23804424703121185, -0.39425307512283325, -1.0809605121612549, 0.4348791837692261, -0.35195666551589966, 0.3111051619052887, -0.8376002311706543, 0.12737374007701874, -1.4730675220489502, 0.3911852240562439, 0.9400352239608765, 0.4512571096420288, 0.12970443069934845, 0.10745266824960709, 0.6053048372268677, 1.32845938205719, 0.39878106117248535, 1.4714102745056152, 0.5052657723426819, -0.1957060992717743, -0.39820414781570435, -0.07775777578353882, -0.43477022647857666, 0.13794606924057007, 0.5220146775245667, -1.02119779586792, 0.3168618679046631, -0.699752151966095, 0.7099628448486328, -1.0256291627883911, 0.31906142830848694, -0.34508198499679565, 0.17001529037952423, -0.7643727660179138, -0.9687978625297546, -0.2873533368110657, -1.450777292251587, -0.3675592839717865, 0.2694648504257202, 0.8250685334205627, 1.1833747625350952, 0.9991341233253479, -0.12655748426914215, 1.0244022607803345, 0.6094471216201782, -0.9529028534889221, 0.061159949749708176, -0.25011610984802246, 1.5459201335906982, 0.5501633286476135, -0.18616880476474762, 1.1782772541046143, 0.7177696228027344, -0.45365291833877563, -0.37474843859672546, -0.03561023622751236, 1.1402875185012817, 0.06728215515613556, -0.8335217237472534, -0.3877755403518677, -0.6063522100448608, -0.7585580348968506, -0.7320805788040161, -0.04432697966694832, 0.6878043413162231, -0.08366890251636505, -1.4332563877105713, 0.41617757081985474, 0.09168644994497299, 0.18897265195846558, 0.4222174882888794, -0.6337805390357971, -1.1571768522262573, 1.3727717399597168, 0.7557736039161682, 0.05499383807182312, -0.4566363990306854, -0.1336139291524887, 0.04007331654429436, 0.24787403643131256, -0.21552269160747528, -0.6516644358634949, -0.8003587126731873, 0.5013813376426697, -0.8896462917327881, -0.35431692004203796, -1.1266558170318604, -0.5223711133003235, -0.4075852632522583, 0.4793908894062042, -0.22431007027626038, 0.2041328251361847, -0.4406299591064453, 0.10088875144720078, -0.18451988697052002, 0.12290933728218079, 0.41043034195899963, -0.5358834266662598, -0.3848194181919098, 0.7128701210021973, -0.6883789300918579, -0.5227146744728088, 0.962673544883728]} +{"paper_id": "tunizi", "embedding": [-1.0771923065185547, 0.9793009757995605, 0.022812481969594955, 0.055282868444919586, 0.8171659708023071, -0.24558529257774353, 0.5880544781684875, -0.2840736508369446, 0.2949955463409424, 0.33263933658599854, 0.8903814554214478, -0.30721327662467957, 0.00211983360350132, -0.39017125964164734, -0.5958300232887268, -0.006541170179843903, -1.1259664297103882, 0.18805167078971863, -0.7385863065719604, 0.06860402971506119, -0.543463945388794, -0.8590492606163025, 0.5617138743400574, 1.7192590236663818, -0.83957439661026, -0.9039477109909058, 0.8582890033721924, -0.1222989410161972, 0.9094005823135376, -0.322091281414032, 0.301688551902771, 0.4178382158279419, -1.6690415143966675, -0.6247244477272034, -0.3725573420524597, -1.350431203842163, 0.3409103453159332, 0.8150931000709534, -0.13358786702156067, -0.5874923467636108, -0.2997402250766754, 1.2881860733032227, 0.14070191979408264, 1.3468552827835083, 1.2038778066635132, -0.2447414994239807, 0.21460603177547455, -0.05036670342087746, 0.5907761454582214, -0.07406532019376755, 0.057698629796504974, -0.429157555103302, -0.9711278676986694, -0.02297762967646122, -1.0389055013656616, 2.1029725074768066, -0.2335321307182312, -0.5674605369567871, -0.7151731848716736, -1.2147274017333984, 1.1869324445724487, 1.9480040073394775, 0.2264571338891983, -0.7824668288230896, 1.5019710063934326, 0.4602974057197571, 0.9530782699584961, -0.3421509861946106, 0.871562123298645, 0.36082056164741516, -0.41344910860061646, -0.08081624656915665, 0.9921030402183533, -0.608771026134491, -0.2957702577114105, 0.21434776484966278, 0.8703471422195435, 0.11169776320457458, -0.5776522755622864, 0.15204879641532898, 0.6388909220695496, 1.045470952987671, -0.5461001992225647, -0.8221078515052795, -0.11874930560588837, 0.5459648370742798, 0.45732495188713074, 0.22582250833511353, 0.7787767648696899, -2.4226839542388916, 1.2096160650253296, -0.4389643669128418, -0.5233072638511658, -0.5598950386047363, -0.13606934249401093, -0.6203719973564148, 0.14645293354988098, 0.7298228144645691, -0.8139481544494629, 0.02436833456158638, 0.546101450920105, -1.1497602462768555, 0.2639484405517578, -0.5328214764595032, 0.031619686633348465, 1.8183001279830933, 0.4344925284385681, 7.908418774604797e-05, -0.471017986536026, -0.2464713454246521, -0.02313183806836605, 1.2436730861663818, 0.03601781278848648, 0.7996532320976257, 0.14159508049488068, 0.07574604451656342, -0.5356293320655823, -0.3190355896949768, -1.0843241214752197, 0.7584947943687439, -0.7168248891830444, -2.1002297401428223, -0.35904136300086975, 1.049943208694458, 0.8964968919754028, -0.6054177284240723, 0.42832064628601074, -0.3646829128265381, 0.16170808672904968, -0.5213916301727295, 1.461574673652649, -0.7491108775138855, -1.1606531143188477, -0.8382695317268372, 2.2225894927978516, -0.6302279233932495, 2.0947718620300293, -0.829508900642395, -0.3579825758934021, -0.6961838603019714, -1.0299471616744995, 0.39891648292541504, -0.1919947862625122, -0.4859481155872345, -0.39557456970214844, 0.45105987787246704, -0.9852163195610046, 0.015344028361141682, 0.05885770916938782, -1.0483087301254272, -0.06443652510643005, -0.29151028394699097, -0.5397416353225708, -1.2745380401611328, 0.15706074237823486, 0.7580731511116028, 0.001600293442606926, 0.7786375880241394, 0.919658899307251, 1.2677571773529053, 0.537693440914154, 0.33160674571990967, 0.3099536895751953, 0.403216689825058, -0.5461874008178711, 0.14377592504024506, -0.030061669647693634, 1.1321382522583008, -0.340660035610199, -0.4528714418411255, 0.9959368109703064, 0.1461537629365921, -0.10871896147727966, -0.2800476849079132, -0.5369371771812439, -0.4579068124294281, 0.6324620246887207, 1.0689061880111694, 0.6201926469802856, -0.1924639195203781, -0.7826057076454163, -0.8722758889198303, -0.12707030773162842, 0.1469075232744217, 0.606208860874176, 0.3665943443775177, -1.121576189994812, -0.32402634620666504, -1.3898475170135498, 0.7382832765579224, 0.7303616404533386, -0.3801540434360504, 0.22962644696235657, -0.1091432273387909, 0.8170024156570435, -0.2835441529750824, 1.0061357021331787, -1.1307789087295532, -0.779620349407196, 0.6044424772262573, 0.575245201587677, -0.5928754806518555, -0.3538397252559662, 0.6691849827766418, 0.17329074442386627, -0.41758987307548523, -0.23904159665107727, -1.8833149671554565, 0.7591143846511841, 2.6248297691345215, 0.7946902513504028, -1.168470025062561, -1.2383002042770386, 0.7600340843200684, 0.22282716631889343, -0.20333980023860931, 0.5930123329162598, -0.25071337819099426, 0.8043813109397888, -0.7728186845779419, -0.04467838257551193, -0.18316292762756348, 0.8764398097991943, -0.22023779153823853, 0.5829808115959167, -0.5660172700881958, -1.094658374786377, -0.18698355555534363, -1.568131923675537, 0.30122485756874084, 0.1643451452255249, 0.682414174079895, 0.10512787848711014, -0.09489797055721283, 0.33277031779289246, 0.0590645894408226, -0.2024516463279724, -0.2707914113998413, 0.14927691221237183, 0.16555936634540558, -0.5063881874084473, 0.04766172170639038, -0.296464741230011, -0.3414252996444702, 0.33214348554611206, 0.5107437372207642, 0.9874683022499084, -0.728672981262207, 0.4372880458831787, -0.46695476770401, 0.7929313778877258, 1.311713695526123, 0.2964257299900055, 1.586835265159607, -0.3722517788410187, 0.3436802327632904, 0.7507505416870117, -0.6168741583824158, 0.05724447965621948, -0.5279491543769836, 0.4539201557636261, -0.6618524193763733, 0.5632405877113342, -0.5798876285552979, 0.4289775490760803, -0.2137768566608429, 0.06384223699569702, 0.6511868238449097, -0.9850928783416748, -0.7781963348388672, 0.5697893500328064, -0.36323636770248413, -1.5859848260879517, -0.15119507908821106, 0.2908880412578583, 0.5530152916908264, -0.434551864862442, 0.029788419604301453, 1.029846429824829, -0.16678279638290405, 0.18737202882766724, -0.6573246121406555, 1.4255071878433228, -0.6162683963775635, 0.9822695255279541, -0.9464356303215027, 1.0488300323486328, -0.2561083436012268, 0.48153308033943176, 0.39748209714889526, 0.6357018947601318, 0.4063301682472229, -0.2878497242927551, 0.7832960486412048, -0.22838094830513, -1.4641683101654053, 0.9727908968925476, -0.43282485008239746, -0.18881842494010925, -0.3963472247123718, 1.3537195920944214, 0.2478039711713791, -0.1876697540283203, 1.6905946731567383, -0.8855150938034058, 1.010210394859314, 1.1642849445343018, -0.30697330832481384, 0.7934615015983582, 0.760120689868927, 0.2658224105834961, 0.37602993845939636, 0.18412262201309204, -1.7005988359451294, 0.15011681616306305, 1.049738883972168, -0.4018920958042145, -0.33658650517463684, -0.7433308362960815, 0.4501184821128845, -0.8840597867965698, 0.39444562792778015, -0.22548285126686096, -0.5013126134872437, 0.39431527256965637, -0.29247957468032837, -0.04387848824262619, 1.881461501121521, -0.31541353464126587, -0.4108278751373291, 1.2784432172775269, -0.5774768590927124, -1.107915997505188, 0.6130133867263794, 0.5107788443565369, -0.4644191563129425, 0.0781107246875763, -0.05933185666799545, 0.38008785247802734, 1.102762222290039, -0.673058807849884, 0.0756225511431694, -0.14913047850131989, 0.41680824756622314, 0.3479294776916504, -0.864494264125824, -0.304679274559021, 0.4755116105079651, -1.8064196109771729, 1.2167383432388306, -0.5916005373001099, -0.17114216089248657, -1.8730801343917847, 0.04686838015913963, -1.3624720573425293, -0.29615792632102966, 2.2521793842315674, 0.2788429856300354, 1.1189934015274048, 0.3088076710700989, -0.15122564136981964, 0.385763943195343, 0.8037405610084534, 1.1126471757888794, 1.1105787754058838, -0.14747515320777893, 0.2327612340450287, 0.23241429030895233, 0.17856484651565552, 0.43412888050079346, -0.7172706723213196, 0.3189025819301605, 0.5475428104400635, -1.5161378383636475, -0.21412324905395508, -0.443126380443573, 1.7249399423599243, 0.8402326703071594, 1.9162949323654175, 0.07644656300544739, -0.12326149642467499, -0.3383036255836487, -0.2583617866039276, 1.147280216217041, 0.30234867334365845, -1.4173628091812134, 0.6512521505355835, -0.10356108844280243, 0.9947377443313599, -0.8758608102798462, 0.3569392263889313, 0.13129034638404846, -0.5177586078643799, -0.6719210743904114, -0.440178781747818, -0.46833258867263794, -0.07589130848646164, 0.030383102595806122, 0.6465883851051331, -0.814170777797699, 0.7242878675460815, -0.14995580911636353, -0.3857590854167938, 0.12361679971218109, -0.5845920443534851, -0.5888404846191406, 1.3483788967132568, 0.8511790037155151, -0.7075137495994568, -0.5782410502433777, -0.30228525400161743, -1.294141411781311, -0.5591253042221069, 0.31191691756248474, -1.2656254768371582, 0.9948199391365051, -0.02534431964159012, 0.3236798346042633, -0.679942786693573, -1.511082649230957, 0.6970145106315613, 0.3748995065689087, 0.7542917728424072, -0.5836701393127441, 0.9361729621887207, 0.6664506793022156, -1.1058231592178345, 0.292388379573822, -1.181215524673462, -1.2382837533950806, -0.007868761196732521, 0.3138708174228668, 0.21008577942848206, -1.1157912015914917, -0.6385447978973389, -0.36982467770576477, -0.11499576270580292, 1.0539911985397339, -1.092499017715454, -0.1228344589471817, -1.1229143142700195, -0.6902541518211365, -0.20629173517227173, -0.6314486861228943, -0.6797755360603333, 0.46011996269226074, -0.8934915661811829, 0.44073015451431274, -0.036038585007190704, 0.7376732230186462, 1.0815454721450806, -0.5855377316474915, 0.551401674747467, 0.071498341858387, -9.425163269042969, 0.09419463574886322, -0.36491522192955017, -0.4609578847885132, 0.4008481204509735, -0.1679338812828064, 0.6886351704597473, -1.3174006938934326, 1.6654072999954224, -0.3777981102466583, -0.10933271050453186, 1.505576491355896, -0.2333747148513794, -1.0595349073410034, 0.4165486693382263, -1.2779425382614136, -0.3819899260997772, -0.5052242279052734, -0.13056273758411407, -0.5077089667320251, 0.04838108643889427, -1.242478847503662, -0.17427225410938263, -0.6050037741661072, 0.40110307931900024, 0.14307060837745667, -0.5960803031921387, -0.7122373580932617, -0.9155381321907043, 0.7316685914993286, 0.1429884433746338, -0.42703863978385925, 0.020412221550941467, -1.1233893632888794, 0.9399486184120178, 0.5826708078384399, -0.9386537671089172, -0.0965408906340599, 1.0080317258834839, -0.7050431966781616, 0.28298917412757874, 0.5241774916648865, 0.6462544202804565, -0.5684919953346252, -1.233752727508545, -0.18510960042476654, 0.3202325701713562, -0.3412463366985321, -0.20555099844932556, 0.4805082082748413, -0.5203688740730286, -0.19107738137245178, -1.413711428642273, 0.25072771310806274, 0.47937867045402527, 0.8278001546859741, -1.3424508571624756, 0.5393887758255005, -0.6334109902381897, -0.4694401025772095, 0.95655357837677, -0.2853274941444397, -0.852368175983429, -0.13360056281089783, 0.3581058382987976, -0.24118031561374664, 0.6776569485664368, 0.9762569665908813, -1.6186891794204712, 0.5769372582435608, -0.691789448261261, 1.3243249654769897, -0.24555379152297974, 0.9344499111175537, -0.962939441204071, 0.21289673447608948, -0.025936046615242958, -0.3783305883407593, 0.15100009739398956, 0.11731593310832977, -1.283103108406067, 1.1021355390548706, -0.10657869279384613, -0.8769437670707703, -0.5312386155128479, 0.7998146414756775, -0.23647958040237427, -0.7560254335403442, 0.48794063925743103, -0.673597514629364, 0.31781527400016785, 0.06736380606889725, -0.3994874358177185, 0.7317193150520325, 0.24880680441856384, -0.31741589307785034, 0.6689381003379822, 1.4246630668640137, 0.19341236352920532, 0.5218358635902405, 0.027278538793325424, 0.7218207716941833, 0.9314684867858887, -0.16221745312213898, 0.2970556616783142, -0.13634374737739563, -0.1459854543209076, 0.1975611448287964, -0.07508914172649384, -0.08170467615127563, 0.7742962837219238, 0.7754150629043579, -0.07403206825256348, 0.7302566170692444, -0.07108970731496811, 0.4941844046115875, -0.5789158940315247, -0.6785053610801697, -0.037619590759277344, 0.4336013197898865, 0.09604956209659576, 0.419811874628067, 0.45788174867630005, 0.0003619343042373657, 0.5048335790634155, 0.44484201073646545, 0.5147854089736938, -0.23513241112232208, -0.2669242024421692, -1.3593132495880127, 1.0681906938552856, -0.4661219120025635, 0.050119198858737946, -0.3146266043186188, -0.35346007347106934, 0.1633676290512085, -0.2870631814002991, 1.1315251588821411, -1.0078233480453491, -0.5037670731544495, -0.7251667976379395, -0.24603937566280365, 0.7043449282646179, 0.1558992564678192, -0.6454052329063416, -0.36526942253112793, -0.8285319805145264, -0.3522793650627136, -0.7317930459976196, -1.2542390823364258, 0.7736371755599976, 0.1459622085094452, 0.07623225450515747, -0.407739520072937, -1.2470557689666748, 0.48776715993881226, -0.05660134553909302, -0.6552162766456604, -1.1267449855804443, 0.8596112132072449, 0.9178861379623413, 0.333590030670166, -0.6366815567016602, 0.3837285041809082, -0.24133341014385223, -0.2897895574569702, 0.2870188057422638, 0.7101657390594482, -1.0605075359344482, 0.7912681698799133, 0.9237538576126099, -0.7776489853858948, -0.275252103805542, -1.0550042390823364, -0.19120171666145325, -1.1343321800231934, 0.683402419090271, 1.8662220239639282, -0.5869458913803101, -0.17273090779781342, -0.3546125888824463, 0.41075775027275085, 0.0419352687895298, -0.2730659246444702, -0.2044457495212555, -0.01463988795876503, -0.6453542113304138, 1.006762981414795, 0.11319512873888016, 0.15958172082901, -1.6156939268112183, -0.6090947389602661, -0.2924238443374634, -0.9963961839675903, 0.682140052318573, 0.05944223329424858, -0.07070647180080414, 0.16975265741348267, -1.0437432527542114, -0.1696023941040039, -0.14587362110614777, 0.6485381126403809, 0.4153865575790405, 0.21221299469470978, 0.9895036220550537, -0.9822871685028076, -0.5183809995651245, -0.365403413772583, 0.9291027784347534, -0.3649044930934906, -1.1453571319580078, 0.05000199377536774, 0.7958930730819702, 0.15266107022762299, 1.460248589515686, -0.3609939217567444, 0.8790085315704346, 0.09386958181858063, -0.7162378430366516, -1.0573081970214844, -0.5920819640159607, 1.1097408533096313, 0.11898311972618103, 0.8472300171852112, 0.5098735690116882, 1.0418221950531006, 0.6342926621437073, 0.32647234201431274, 2.405728816986084, -0.5923532247543335, -1.105836033821106, 0.46804970502853394, -0.2668282687664032, -0.5430189967155457, -0.6121630668640137, -0.8358566164970398, -1.353191614151001, 1.2504181861877441, -0.5093783140182495, 0.1600889265537262, -0.025432273745536804, 0.27194663882255554, 0.006333686411380768, 1.3396027088165283, -0.24084168672561646, -1.048117756843567, -1.1324951648712158, -1.3397870063781738, 0.5862213373184204, 0.7675634026527405, -1.0140868425369263, 1.7384237051010132, 0.6963967680931091, 0.016437336802482605, 1.1573370695114136, 0.03254128247499466, -0.5098868608474731, 0.5472631454467773, 0.3042595386505127, 0.8487393856048584, 0.5680940747261047, 0.6164101362228394, -0.40296852588653564, -0.053383223712444305, -0.926591694355011, -0.2624136507511139, -0.5025510191917419, 0.583513081073761, -0.21956603229045868, -1.0525411367416382, -0.7908210158348083, -0.42470771074295044, 0.12313875555992126, 0.4164595305919647, 0.2235746681690216, 0.9865016937255859, -1.039534568786621, -0.21922597289085388, -0.4942416548728943, -0.4950076937675476, 0.6249487400054932, -0.32641926407814026, -0.5963870286941528, 0.18235766887664795, -0.5444215536117554, 0.6695011258125305, -0.166189044713974, -0.37614840269088745, 0.12773007154464722, -0.18203900754451752, 1.0144565105438232, -0.2626742720603943, -1.8857165575027466, -0.10811637341976166, -0.2527715265750885, -1.1914361715316772, 1.1294236183166504, 0.33225685358047485, -0.681052565574646, -0.34206804633140564, 0.6600412130355835, -0.961489200592041, 0.12717680633068085, 0.7311159372329712, 0.4306115210056305, -1.7463257312774658, 1.5467808246612549, 2.0190329551696777, 1.0264755487442017, -0.7370131015777588, -0.2541305720806122, 0.4902932941913605, -0.12053266912698746, 1.3085193634033203]} +{"paper_id": "norec", "embedding": [-0.8269557952880859, 1.4394258260726929, 0.2772219777107239, -0.1552686095237732, 0.4199982285499573, -0.33834508061408997, 1.0727332830429077, 0.6515380144119263, 0.02076047658920288, 0.5050928592681885, 0.33226606249809265, -0.31523463129997253, 0.025815065950155258, 0.47885969281196594, -0.3143504559993744, -0.3873952031135559, -0.43806442618370056, -0.48636335134506226, -0.5613003969192505, -0.23408079147338867, -0.48016053438186646, -0.5024195313453674, -0.1591939777135849, 0.874136209487915, -0.565140426158905, -0.5739539265632629, 0.6588565111160278, -0.5282079577445984, 0.03227492421865463, 0.4116128385066986, 0.16337940096855164, 0.865430474281311, -0.8027868866920471, -0.14894157648086548, -0.27121618390083313, -0.3995436131954193, -0.050964273512363434, 0.31767311692237854, -0.8572369813919067, -0.04035143926739693, -0.6323239207267761, 0.5241702198982239, 0.7504001259803772, 0.4617514908313751, 0.7532033920288086, 0.10148520022630692, -0.25034382939338684, 0.0640144869685173, 0.17098648846149445, -0.03045216016471386, -0.5920358300209045, 0.01377079263329506, -0.44074782729148865, 0.15642663836479187, -0.8505054712295532, 1.1110633611679077, 0.019977085292339325, -0.4696994125843048, 0.0698380172252655, -1.2627733945846558, 0.745877206325531, 1.4035652875900269, 0.0034576505422592163, -0.04688258841633797, 0.6305806636810303, 0.2162289172410965, 0.9603478908538818, -0.6978855729103088, 0.25286921858787537, 0.45732608437538147, -0.42152589559555054, -0.44886767864227295, 0.20846068859100342, -0.43242576718330383, 0.2762939929962158, 0.2537613809108734, 0.6143296360969543, 0.39639630913734436, 0.32478824257850647, 0.6133443713188171, -0.4795171916484833, 0.9207959175109863, -0.07188104838132858, -0.6034846901893616, -0.27496474981307983, 0.4918384850025177, -0.28137218952178955, -0.23514150083065033, 0.3428107500076294, -0.9022701978683472, 0.11672148108482361, -0.17722772061824799, -0.34333398938179016, 0.4315706491470337, -0.48354703187942505, -0.16329142451286316, -0.10568857192993164, 0.21219386160373688, -0.27896323800086975, 0.644997775554657, 0.6862391829490662, -0.4836231768131256, 0.6149938106536865, -0.22417309880256653, -0.08399637043476105, 1.1650075912475586, 0.23234117031097412, -0.4800223112106323, 0.09484414756298065, 0.12726600468158722, -0.15908096730709076, 1.3178694248199463, -0.05859429016709328, 0.9299904108047485, 0.1577804535627365, -0.027148976922035217, 0.11541628837585449, -0.3719121217727661, -0.7165477871894836, 0.5794174671173096, -0.25771769881248474, -1.7782087326049805, -0.1938748061656952, 0.5464254021644592, 1.3612115383148193, -0.5918720364570618, 0.7334868907928467, -0.4383961260318756, 0.20840054750442505, -0.43115556240081787, 0.6017358303070068, 0.18978653848171234, -0.3467911183834076, -0.8942219018936157, 2.1846413612365723, -0.5889170169830322, 1.3452093601226807, -0.5998741388320923, -0.39152100682258606, 0.2000521570444107, -0.2786828279495239, 0.6729711890220642, 0.15258002281188965, -0.37858957052230835, -0.5535200834274292, 0.37438318133354187, -0.3884618878364563, 0.23190858960151672, -0.6433026194572449, -0.4424254596233368, -0.25515449047088623, 0.09941641986370087, -1.2159342765808105, -0.7491914629936218, 0.04757772758603096, 0.3698907494544983, 0.41833117604255676, 0.5121932029724121, -0.3621545732021332, 0.9167374968528748, 1.22849702835083, 0.24936723709106445, -0.40445607900619507, 0.37981978058815, -0.4083036780357361, -0.3053882420063019, 0.7192855477333069, 0.6144148111343384, -0.6222640872001648, -0.5493301153182983, 0.8793901205062866, -0.40182289481163025, -0.031674765050411224, -0.06664680689573288, -0.27909713983535767, -0.5613309741020203, 0.6400050520896912, 0.38386276364326477, 0.414546400308609, -0.45677292346954346, -0.2809472680091858, -0.5217154622077942, -0.5198042392730713, 0.3144949972629547, 0.1535799652338028, 0.6452063322067261, -1.757774829864502, 0.1375925987958908, -0.2298574000597, -0.001216389238834381, 0.6004122495651245, -1.179092526435852, -0.06497910618782043, 0.14010637998580933, 0.09298712015151978, 0.29295235872268677, 0.5856423377990723, -1.0664345026016235, -0.5303395986557007, 0.6513449549674988, 0.738008975982666, 0.06951168179512024, -0.11949434131383896, 1.1758943796157837, 0.5834841132164001, 0.22954365611076355, -0.5709408521652222, -1.5617786645889282, 0.4974217414855957, 2.352349042892456, -0.4572223424911499, -0.7038032412528992, -1.4254636764526367, 0.0955866128206253, 0.3713986873626709, -0.1893860399723053, 0.8197122812271118, -0.3093815743923187, 0.31315091252326965, -1.0265576839447021, 0.11291445791721344, -0.387954980134964, 0.27039849758148193, -0.23518908023834229, 1.1663919687271118, -0.6013959646224976, -0.8169766664505005, -0.020350389182567596, -0.8497148156166077, -0.11044123023748398, 0.796787679195404, 0.5445378422737122, -0.12961485981941223, 0.09689635038375854, 0.44418996572494507, 0.7248315215110779, -0.15832838416099548, 0.16237032413482666, 0.45186784863471985, 0.02820027805864811, 0.0032763341441750526, 0.32592570781707764, 0.270587295293808, -0.35740819573402405, 0.4082047939300537, 0.3977451026439667, -0.2828083634376526, 0.07424105703830719, -0.21730686724185944, 0.1435120850801468, 0.96223384141922, 1.3838719129562378, -0.1830943077802658, 0.9018949866294861, -0.8919981122016907, 0.45848575234413147, -0.16360874474048615, -0.6870256662368774, -0.4421868324279785, -0.0034592486917972565, 0.6553220748901367, -0.03831151872873306, 0.03714132308959961, 0.009247861802577972, 0.12409666180610657, -0.1258203089237213, -0.3304450809955597, -0.015839099884033203, -0.6860777735710144, 0.006749361753463745, 0.14584946632385254, 0.5433146357536316, -0.7299533486366272, -0.5503443479537964, -0.05394430086016655, 0.48190900683403015, -0.5279426574707031, 0.39257410168647766, 1.0408120155334473, 0.10946772992610931, 0.5239995121955872, -0.11246665567159653, 0.8896482586860657, -0.4999517798423767, 0.7499157190322876, -0.5546423196792603, 0.31730926036834717, -0.5234161019325256, -0.3703900873661041, -0.16960562765598297, 0.2731197476387024, 0.43382614850997925, -0.4081394374370575, 0.5685485601425171, -0.390506774187088, -1.8277645111083984, 1.023754358291626, -0.07353375852108002, -0.27351272106170654, -0.7899841666221619, 1.1828218698501587, -0.2497694045305252, 0.12487414479255676, 0.8098297715187073, -0.4118950366973877, 0.08913542330265045, 1.1150436401367188, -0.2410772293806076, 0.9498807191848755, -0.2627054452896118, -0.4259446859359741, 0.07839649170637131, 0.29075032472610474, -2.004117727279663, 0.2504061162471771, 0.8450520038604736, -0.41384145617485046, -0.14313919842243195, -0.5210843682289124, 0.6944793462753296, -0.3707832098007202, 0.5832774043083191, 0.5010605454444885, -1.0837830305099487, 0.8317957520484924, -0.5080090761184692, 0.15131445229053497, 0.9546595811843872, -0.8239947557449341, -0.16207854449748993, 0.8112478852272034, 0.42045214772224426, -1.1383661031723022, -0.29059627652168274, 0.49359673261642456, -0.9742605090141296, 0.3839757740497589, 0.4068959653377533, 0.7453081607818604, 0.39351794123649597, -1.3732417821884155, -0.16574786603450775, 0.046616777777671814, 0.3974495828151703, 0.12952210009098053, 0.2454414665699005, 0.38959187269210815, 1.1644446849822998, -0.6922510266304016, 1.4948413372039795, 0.17115209996700287, -0.448782354593277, -0.7955437898635864, -0.7071054577827454, -1.010791540145874, -0.39005914330482483, 1.6536812782287598, 0.9498295783996582, 1.1115407943725586, 0.1388254463672638, -0.16594111919403076, -0.36736196279525757, 0.23100945353507996, 1.046793818473816, 0.6293863654136658, -0.06904253363609314, -0.31033289432525635, 0.5896774530410767, 0.935563325881958, 0.5198043584823608, -0.08904370665550232, -0.015318506397306919, 0.6172511577606201, -0.3348892033100128, -0.38197338581085205, -0.40374642610549927, 0.974748432636261, 1.1900205612182617, 2.1896519660949707, 0.1218283399939537, -0.6456056237220764, -0.4859744608402252, 0.20905965566635132, 0.9184789061546326, -0.2424066960811615, -0.6926676034927368, 0.0185505710542202, -0.08517368137836456, 0.3571275472640991, -0.1352885216474533, 0.6473529934883118, 0.4807235896587372, -0.3750806152820587, -0.6206746697425842, -0.7325156331062317, -1.1045269966125488, -0.2732416093349457, -0.5488322973251343, 0.0746227577328682, -0.5131993889808655, 0.22532588243484497, -0.28650912642478943, -0.5977603197097778, 0.38592737913131714, -0.06692544370889664, -0.6996506452560425, 0.866280734539032, 1.024967074394226, -0.8638287782669067, -0.7064345479011536, -0.26286399364471436, -0.5936440825462341, -0.8237563371658325, -0.020473334938287735, -0.6401841044425964, 0.7440218925476074, 0.5988325476646423, 0.21738234162330627, 0.32609063386917114, -0.1419449746608734, -0.6656308770179749, 0.5737592577934265, 0.6249961256980896, -0.8950627446174622, 0.2885242700576782, 0.1872466802597046, -0.2605513334274292, -0.009773064404726028, -0.9134069085121155, -0.5553174614906311, 0.3591095209121704, -0.40580564737319946, -0.30988410115242004, -0.4323127865791321, -0.15795166790485382, -0.13756978511810303, -0.015582658350467682, 0.18508684635162354, -0.7737004160881042, 0.5357306003570557, -0.36159950494766235, -0.0837182104587555, 0.5832666158676147, -0.5803428292274475, -0.8586586117744446, 0.6627132892608643, -0.6488646268844604, 0.448918879032135, 0.039312705397605896, 0.6130651235580444, 0.23976704478263855, 0.2823674976825714, 0.510780930519104, 0.2840156555175781, -13.2193021774292, 0.3212797939777374, -0.14273229241371155, 0.3185293674468994, 0.815995454788208, 0.22765964269638062, 0.375600129365921, -0.18918684124946594, 0.3464159369468689, -0.5812292098999023, 0.22787898778915405, 1.5087124109268188, -0.38720834255218506, -0.2980371117591858, -0.3892624080181122, -0.726420521736145, -0.2527567148208618, -0.46312183141708374, 0.4714764952659607, 0.09102766215801239, -0.265804648399353, -0.6633939146995544, -0.729027271270752, -0.49419206380844116, 0.27879205346107483, -0.5906968116760254, -0.3609764277935028, -0.24427764117717743, -0.7221689820289612, 0.10550935566425323, 0.3083697557449341, -0.4657473862171173, -0.6417554020881653, 0.12388939410448074, 0.009478822350502014, 0.4458772540092468, -1.194367527961731, -0.1218871921300888, 0.7275990843772888, -0.09237229079008102, -0.13832280039787292, 0.15327630937099457, 0.4520195722579956, -0.5726720094680786, -0.46374574303627014, 0.34899812936782837, -0.22235651314258575, -0.3884982764720917, 0.3853566348552704, -0.1684490442276001, -0.3678925037384033, -0.49837684631347656, -1.1402440071105957, -0.2781237065792084, 0.6054866909980774, 0.30305805802345276, -0.9876002073287964, 0.13642366230487823, -0.43860551714897156, -0.5106810927391052, 0.9332107901573181, -0.4168052673339844, -0.047775544226169586, 0.6780863404273987, 0.5163556337356567, -0.5967664122581482, 0.34377244114875793, 0.9707323908805847, -0.3174871802330017, 0.7111443877220154, -0.7547425031661987, 1.4760249853134155, 0.4491003751754761, 0.24088658392429352, -0.41106873750686646, 0.4079722464084625, -0.7097040414810181, 0.18803353607654572, 0.9248614311218262, -0.6068493723869324, -1.1872302293777466, 1.0211865901947021, 0.19777937233448029, -0.9030652046203613, -0.35826125741004944, 0.5668945908546448, -0.18033772706985474, -0.8870704770088196, 0.686927318572998, 0.34143581986427307, 0.6320503950119019, 0.0020686648786067963, -0.8404373526573181, -0.21505877375602722, -0.5586249828338623, 0.7678214907646179, -0.743926465511322, 1.259453296661377, 0.4006330668926239, -0.012833751738071442, 0.036934901028871536, -0.28249162435531616, -0.3886290192604065, -0.31631556153297424, 0.3850800693035126, -0.2268165946006775, 0.03349718451499939, 0.2304331660270691, -0.0005714073777198792, -0.19475361704826355, 0.6007624268531799, -0.00527559220790863, 0.12230963259935379, 1.1428606510162354, -0.2927152216434479, 0.7895004749298096, 0.0478653609752655, -0.17336861789226532, 0.7144743204116821, 0.36988937854766846, 0.0369601771235466, 0.860720694065094, 0.023100202903151512, 0.8423857092857361, 0.6334855556488037, 0.06115610897541046, 0.7798848152160645, 0.3684679865837097, 0.06906413286924362, -0.8985900282859802, 0.6620888113975525, -0.17497658729553223, -0.19046270847320557, -0.6976920962333679, -0.5441274642944336, -0.23738710582256317, -0.22739554941654205, 1.0011461973190308, -0.8088436722755432, 0.08699439465999603, -0.6284352540969849, -0.42011529207229614, -0.43462011218070984, 0.1390315741300583, -0.9955115914344788, -0.13840091228485107, -1.4617383480072021, 0.40996053814888, -0.29863113164901733, -0.9750770926475525, 0.3150584399700165, -0.2347801923751831, 0.22509099543094635, -1.153937816619873, -0.5251460671424866, -0.18728655576705933, 0.6012883186340332, -0.006311006844043732, -0.7391534447669983, -0.2753116488456726, 0.9168757796287537, 0.5079898834228516, -0.7127581834793091, 0.8737936615943909, 0.761093020439148, -0.03848503902554512, -0.3680296540260315, 0.3622521460056305, -0.41820552945137024, 0.6049381494522095, 0.6564953327178955, -1.2453399896621704, -0.807353675365448, -0.2876252233982086, 0.10355965793132782, -0.44983258843421936, 0.6120303869247437, 0.9152090549468994, -1.4227571487426758, 0.051008082926273346, -0.4105089604854584, 0.4232397973537445, 0.14885719120502472, -0.3942825198173523, -0.39834001660346985, -0.14416155219078064, -0.4803391993045807, 0.9301397204399109, -0.04346213489770889, 0.2601569592952728, -1.2511671781539917, -1.161552906036377, -0.7262390851974487, 0.6304054260253906, 0.6217991709709167, -0.06571716070175171, 0.5783445239067078, 0.40699201822280884, -0.6554858684539795, 0.0176197811961174, 0.45569223165512085, 0.7510960102081299, 0.4341178834438324, 0.37941816449165344, 0.14760926365852356, -0.04331950098276138, -1.0019783973693848, -0.3189105689525604, 0.7969327569007874, 0.3806188702583313, -1.415653944015503, -0.3444169759750366, 0.3958604335784912, 0.7007639408111572, 0.6776270270347595, -0.8726674318313599, -0.005849745124578476, 0.3465520143508911, -0.9265080094337463, -0.9918202757835388, -0.5263729691505432, 0.23174209892749786, -0.6749353408813477, 1.1716432571411133, 0.4893667995929718, 0.6443105340003967, 0.29127129912376404, 0.3973550796508789, 1.217568278312683, -0.3939968943595886, -0.5810909271240234, 0.356615275144577, 0.05453018099069595, 0.14412271976470947, -0.5546411275863647, -0.06746771931648254, -1.5264208316802979, -0.028233997523784637, -0.9165680408477783, 0.3660370409488678, -0.28442180156707764, 0.3054986298084259, 0.06602126359939575, 1.2758615016937256, -0.27588215470314026, -0.9021006226539612, -1.1754701137542725, -1.2791377305984497, 0.05985110625624657, 0.20576104521751404, 0.2755991220474243, 1.55577552318573, 0.6900361180305481, -0.1502431482076645, 0.8986626863479614, 0.24757009744644165, 0.0008608922362327576, -0.02795744687318802, -0.0160067155957222, 1.279407262802124, 0.47188982367515564, -0.027211884036660194, 0.5368337631225586, 0.3841729164123535, -1.1686631441116333, 0.07770641148090363, -0.4342295527458191, 0.6677019596099854, 0.2916867733001709, -0.49698853492736816, -0.24078916013240814, -0.278037965297699, 0.28237491846084595, 0.5273528695106506, 0.33747753500938416, 0.8356857299804688, -0.4377615451812744, -0.9697678089141846, -0.5841432213783264, 0.15569163858890533, 0.6428657174110413, -0.30160680413246155, -0.709565281867981, -0.6622759103775024, -0.22683879733085632, 0.14650262892246246, -0.5383237600326538, -0.4727219343185425, 0.6932353377342224, -0.7225857377052307, 0.35245251655578613, 0.4636993110179901, -0.7989436388015747, -0.5040963292121887, 0.004650762304663658, -0.9217572808265686, 0.7956601977348328, 0.004011809825897217, -0.6848915815353394, 0.11478076875209808, 0.4791887104511261, -0.31616097688674927, 0.018387749791145325, 0.3246263265609741, -0.4279739260673523, -1.3021773099899292, 0.8528212308883667, 0.5206804871559143, 0.2553498446941376, -0.2152700275182724, -0.027072183787822723, 0.5294557213783264, 0.768471896648407, 0.9432817697525024]} +{"paper_id": "medmcqa", "embedding": [-0.8620814681053162, 0.7224805355072021, -0.23615464568138123, -0.3496949374675751, 0.6302884817123413, -0.13541515171527863, -0.4038991928100586, 1.1662167310714722, 0.6247000098228455, 0.5029906034469604, -0.09419155865907669, 0.1968759000301361, -0.18861155211925507, 0.24419865012168884, -0.05760955438017845, -0.4709934592247009, -0.9430217146873474, -0.28262844681739807, -1.2689378261566162, -0.4071321487426758, -0.8859325051307678, -0.5014147758483887, 0.31567370891571045, 1.271553635597229, 0.05542636662721634, -1.4849294424057007, 1.0026483535766602, -0.8498837947845459, 0.22448354959487915, -0.057366304099559784, 0.10524799674749374, 0.5956153273582458, -1.7618273496627808, -0.04296577721834183, -0.8935420513153076, -0.11775447428226471, 0.08039303123950958, 0.8322480320930481, -0.1506241410970688, -0.2955745756626129, -1.3541511297225952, 0.6023945808410645, 0.3956005275249481, 0.16735228896141052, 1.1054742336273193, -0.5607065558433533, 1.0751677751541138, -0.17932046949863434, -0.05988223850727081, -0.05438975617289543, -0.32899484038352966, 0.7061498165130615, -0.10637108981609344, 0.278518944978714, 0.11822549998760223, 0.2038085162639618, 0.15937647223472595, -0.12147865444421768, 0.35370495915412903, -1.5975521802902222, 1.6321526765823364, 1.0379537343978882, 0.3315964639186859, 0.3374006748199463, 0.8400001525878906, 0.31625813245773315, 1.377022385597229, -0.4204469919204712, -0.28991809487342834, 0.6791799068450928, -0.6567838788032532, -0.6538323760032654, -0.37969520688056946, -0.29422637820243835, -0.36845502257347107, 0.5633072257041931, 0.18432305753231049, 0.4913831651210785, 0.6379902958869934, -0.8605325222015381, -0.7828434705734253, 0.18319471180438995, 1.137009859085083, -0.3243987262248993, -0.12084744870662689, -0.7487404942512512, 0.0770111083984375, -0.6449170708656311, 0.2923697829246521, -0.97749263048172, 1.0894070863723755, 0.27031561732292175, 0.4688139855861664, 0.28925177454948425, -0.5144479274749756, 1.0480400323867798, -0.9212232828140259, -0.3071604371070862, -0.1969565600156784, 0.4427877962589264, 0.2251083254814148, -0.3428301215171814, 0.8781734108924866, -0.1694180965423584, -0.05140036344528198, 0.4728619158267975, 0.40235984325408936, -0.11116468161344528, -0.2885322868824005, -1.142638921737671, 0.09427852928638458, -0.12567995488643646, -0.3128442168235779, 0.31975534558296204, 0.1922951638698578, 0.8265307545661926, 0.5490204691886902, -0.9885634183883667, -0.22004806995391846, -0.2442910522222519, 0.4609324038028717, -0.7668223977088928, -0.48583412170410156, -0.24419184029102325, 0.6598002910614014, -0.6591501832008362, 0.23234039545059204, -0.24833863973617554, -0.18809978663921356, 0.8042490482330322, 0.9559390544891357, -0.17185726761817932, -0.5387632846832275, -0.0630531907081604, 2.9799513816833496, -1.0677176713943481, 1.5120859146118164, -0.5191463232040405, 0.3209262788295746, -0.7623913288116455, -0.23702174425125122, 0.6226804852485657, 0.06716708093881607, -1.0181818008422852, -1.0112015008926392, 0.8006235957145691, 0.4237011969089508, 0.6576912999153137, -1.3913118839263916, 0.009254079312086105, -0.23407939076423645, 0.8014576435089111, -0.7767929434776306, 0.21329951286315918, 0.3585946559906006, 0.1446077525615692, -0.12588272988796234, -0.18926070630550385, -0.92397540807724, -0.029691800475120544, 0.11886747181415558, -0.1704525649547577, -1.0728697776794434, 0.6303259134292603, -0.30666694045066833, -0.9564796686172485, 0.9131215810775757, 0.15482398867607117, -1.563623070716858, -0.32612282037734985, 0.1655472069978714, -0.10144994407892227, -0.05167502164840698, 0.75855553150177, -0.01248450018465519, -0.4755796492099762, 0.25653621554374695, 0.3111424148082733, 0.10352038592100143, -1.0241804122924805, 1.0575412511825562, 0.12687236070632935, -0.21502450108528137, 0.6357384920120239, 0.3351879119873047, 0.33657675981521606, -2.2201120853424072, -0.33932608366012573, -0.13480974733829498, 0.40858742594718933, -0.012733280658721924, -0.324907124042511, -0.05481206625699997, 0.010056555271148682, -0.10961419343948364, -1.0681167840957642, -0.36097317934036255, -1.711660623550415, 0.5787804126739502, 0.4169852137565613, -0.5289946794509888, 0.41903209686279297, 0.5457697510719299, 1.1124998331069946, 0.9320891499519348, -0.3576611876487732, -0.7810680270195007, -1.320407748222351, -0.4166843593120575, 1.6814814805984497, -0.2418971061706543, -0.07709474116563797, -0.6837915778160095, -0.13620910048484802, -0.4304061532020569, -0.0612923689186573, -0.40480414032936096, -0.707374632358551, 0.17623108625411987, -0.5301295518875122, 0.5948429107666016, -0.699455201625824, -0.46130916476249695, 0.44348153471946716, 1.7709378004074097, -0.5003588795661926, -0.4039362967014313, 0.09470343589782715, -0.1748092919588089, 0.24304266273975372, 0.5835228562355042, -0.28149551153182983, 0.34748733043670654, 0.5834780335426331, 0.8757539987564087, 1.2302898168563843, 0.5045127272605896, 0.6785841584205627, -0.11320994794368744, 0.3379223346710205, -0.46463698148727417, 1.5475620031356812, 0.08743388950824738, -0.052407801151275635, 0.3266456127166748, -0.30264776945114136, -1.2612946033477783, -0.27084827423095703, 0.07754795998334885, -0.003791011869907379, 0.9681070446968079, 0.6401709318161011, -0.37952321767807007, 1.0152623653411865, -0.6161141395568848, -0.6494776606559753, -0.11505058407783508, 0.27842316031455994, -0.5341378450393677, -0.7047966718673706, 0.8015707731246948, 0.21996577084064484, 0.0016263127326965332, 0.09239749610424042, -0.2212718427181244, -1.0769627094268799, 0.2534199655056, 0.20209059119224548, -0.9091730117797852, -0.015146739780902863, -0.6202496886253357, 0.3217832148075104, -0.7370911836624146, -0.6523272395133972, 0.2550102770328522, 0.04648274928331375, -0.4855101406574249, 1.6225696802139282, 1.1236249208450317, 0.07407698780298233, 0.6211346983909607, 0.5233453512191772, 0.6368747353553772, -0.11079666018486023, 0.4721603989601135, -0.45203372836112976, 0.533493161201477, -0.5674156546592712, -0.17803646624088287, -0.5312346816062927, -0.3901657164096832, 0.5312681198120117, -0.210256427526474, 1.1166828870773315, -0.6341209411621094, -1.4803876876831055, 0.7613903880119324, 1.0148905515670776, -0.23339751362800598, -0.22575239837169647, 1.4102905988693237, 0.34714794158935547, -0.5121294260025024, 0.813972532749176, -0.33786892890930176, 0.2757611572742462, 0.5287754535675049, 0.3182108402252197, -0.16342082619667053, -0.10768692195415497, -0.8537575006484985, -0.06649565696716309, 0.7859708070755005, -1.8073697090148926, 0.8805813789367676, 1.235914707183838, -0.2840166389942169, -0.3253200948238373, -0.5923084020614624, -0.455518901348114, -0.3233526051044464, 0.28199273347854614, 0.5221054553985596, -0.5392934083938599, 0.6753385663032532, 0.36020204424858093, -0.0027726739645004272, 1.2355337142944336, -0.6238515973091125, 0.4630291759967804, 0.15954317152500153, -0.23991644382476807, -0.9633943438529968, -1.0268183946609497, 0.5749958753585815, 0.6654328107833862, -0.23583677411079407, 0.03416063264012337, 0.6844189763069153, 1.4811633825302124, -0.5313577651977539, -0.6890736222267151, 0.25949573516845703, 0.6534370183944702, 0.22514782845973969, -0.5167766213417053, -0.5835057497024536, 0.6405295133590698, 0.552805483341217, 1.1869608163833618, 0.13907770812511444, -0.7356424331665039, -0.6339359879493713, -0.3303069472312927, -0.31695663928985596, 0.04885263741016388, 1.4889698028564453, 0.3436129689216614, 1.2095867395401, -0.29850849509239197, 0.915298581123352, -0.06691714376211166, -0.0946614146232605, 1.6059141159057617, 0.5721715092658997, 0.13463501632213593, -0.6746550798416138, 0.014672189950942993, -0.42772388458251953, -0.17758668959140778, -0.439569890499115, 0.7597125172615051, 0.8422532677650452, 0.48676279187202454, -0.9254155158996582, 0.9590060710906982, 0.8264496326446533, 0.6200557351112366, 1.3189691305160522, 0.2603106200695038, 0.14170563220977783, -0.3036576807498932, 0.052266865968704224, 0.12165068835020065, -0.26623964309692383, 0.2600269615650177, 0.2768622934818268, 0.19940240681171417, 0.35666146874427795, 0.21483094990253448, 1.0695945024490356, 0.964903712272644, -1.0881773233413696, -1.3198368549346924, 0.02261439710855484, -0.511299729347229, -0.21370159089565277, 0.03262035548686981, 0.08797645568847656, -1.0658754110336304, 0.5376409888267517, 0.2951054573059082, -1.119500756263733, -0.41023018956184387, -0.039701901376247406, -1.7559655904769897, 2.139599323272705, 0.37506482005119324, -1.2760637998580933, -0.0057756733149290085, -0.3572505712509155, -0.6265448927879333, 0.051584452390670776, -0.11575579643249512, -0.5764845609664917, -0.20503917336463928, 0.5193155407905579, 1.1571437120437622, 0.3590763807296753, 0.5505298376083374, -1.2036464214324951, 1.0053789615631104, 0.8305514454841614, -1.4203457832336426, 0.1151144951581955, -0.0005577215924859047, 1.495195746421814, -0.1699182689189911, -1.5346654653549194, -1.2808644771575928, 0.875667929649353, -0.43068286776542664, -0.14432010054588318, -1.106221318244934, 0.04524790123105049, 0.0782441720366478, 0.026569921523332596, 0.0870116651058197, 0.05192070081830025, -0.38698166608810425, -0.5831066966056824, -0.38051778078079224, 1.4358961582183838, -0.8213769793510437, -0.23778018355369568, 0.799624502658844, -0.40184831619262695, 0.7753605842590332, -0.6320228576660156, 0.5755525827407837, 1.122907280921936, -0.1534191071987152, -0.18204239010810852, -0.7224751710891724, -11.543867111206055, 1.4741833209991455, -0.2402852177619934, 0.5665860176086426, 0.6798574924468994, -0.1798284649848938, 0.8600925803184509, -0.7302241921424866, 0.19776922464370728, -1.1481696367263794, 0.2696494460105896, 1.0498394966125488, 0.8411129117012024, -0.08553283661603928, -0.8673012256622314, -0.7535606026649475, -0.024658437818288803, -0.28452354669570923, 0.7917262315750122, 0.025448668748140335, 0.18085655570030212, -0.3787679076194763, -0.4721065163612366, -0.15311813354492188, -0.08526913076639175, -0.6967030763626099, -0.600260853767395, -0.06239022687077522, -0.3065859079360962, 0.06696335971355438, 1.127240777015686, 0.33543097972869873, -0.07856198400259018, -0.24471308290958405, -0.8494625091552734, -0.6426361799240112, -0.6401469111442566, -0.03113291785120964, 1.1366912126541138, -0.228201761841774, -0.12747281789779663, 0.1305970698595047, 0.30410513281822205, -0.1668453812599182, 0.12304849922657013, 0.7228403091430664, 0.2911451756954193, -0.9018146395683289, 0.6244557499885559, -0.1505449116230011, -0.24287845194339752, -0.3864176571369171, -0.035528894513845444, 0.4029015302658081, -0.11523988842964172, 0.6792880296707153, -1.4331401586532593, -0.39241307973861694, -0.7845818400382996, -0.9025779962539673, 0.2812443673610687, 0.12928898632526398, -0.9780336618423462, 0.716284453868866, -0.09414953738451004, -0.2789735198020935, -0.430904746055603, 0.477126806974411, -0.3868865668773651, 0.4600549638271332, -0.45782560110092163, 1.6901156902313232, 1.0755051374435425, -0.098356693983078, -0.4884503185749054, -0.035718053579330444, -0.5869636535644531, 0.14576895534992218, 0.12010592222213745, -0.6087527871131897, -1.312485933303833, 0.6471253037452698, 0.5141026377677917, -0.9882532358169556, -0.802738606929779, 0.6768338680267334, -0.46805354952812195, 0.07808731496334076, 1.2020481824874878, -0.8767022490501404, 0.7924440503120422, 0.6103958487510681, -0.5372766852378845, -0.7867363095283508, 0.027820099145174026, 0.5173351764678955, -0.23604607582092285, 0.7905330657958984, -0.3787160813808441, -0.9334334135055542, -0.01262585073709488, -0.8206455707550049, -0.8786805868148804, 0.5738095045089722, 0.9808493852615356, -0.0929877907037735, 0.8065330386161804, 0.5747796297073364, -0.15133291482925415, -0.0840911939740181, 0.8560882806777954, -1.0441579818725586, 0.22059960663318634, 0.9098702669143677, -0.6525028944015503, 1.2692997455596924, 0.6966121792793274, 0.4660152792930603, -0.13628913462162018, 0.4213009774684906, -0.11810048669576645, 0.6935546398162842, 0.3330279588699341, 1.8602912425994873, -0.404458224773407, -0.08934831619262695, 0.17811088263988495, 0.3956809341907501, -0.3843276798725128, -0.8747824430465698, 0.9058008193969727, 0.04173098877072334, -0.27972611784935, -1.0685714483261108, -0.29408079385757446, -0.08954007923603058, -0.4681113362312317, 1.2967065572738647, -0.5524842143058777, 0.579034686088562, -0.38278162479400635, -0.010107718408107758, -0.6924440860748291, -1.0035483837127686, -1.0890002250671387, 0.666279137134552, -0.6151398420333862, 0.2703719735145569, -0.1570885181427002, -0.3191607594490051, 0.6405282020568848, -0.4850669205188751, 1.5467829704284668, -1.3735824823379517, -0.5458164811134338, -1.1541144847869873, 0.8626472353935242, 0.31105658411979675, -1.1313236951828003, -0.27004188299179077, 0.40791600942611694, 0.5382285118103027, -1.310934066772461, 1.4826241731643677, 0.349679559469223, -0.5190901160240173, -0.39132943749427795, 0.43292805552482605, -0.3819246292114258, -0.26849648356437683, 0.6948553919792175, -1.0128000974655151, -0.5879152417182922, -0.41096630692481995, 0.6144706010818481, 0.2807199954986572, -0.35480427742004395, 0.9616756439208984, -1.187280535697937, -0.03298783302307129, -0.48638761043548584, 1.412843108177185, 0.16690286993980408, -1.1945116519927979, -1.0998668670654297, 0.5138905048370361, 0.2205280363559723, 0.699675440788269, 0.7328590154647827, 0.8808240294456482, -1.6486001014709473, -1.1457765102386475, -0.3834201991558075, -0.0046857669949531555, 0.6073746681213379, 0.5506015419960022, 0.8531624674797058, 0.39494267106056213, -0.5723854899406433, -0.4810051918029785, 0.4022035300731659, 0.8610594868659973, 0.5774953365325928, 0.036152277141809464, -0.3521431088447571, 0.6722662448883057, -0.41743236780166626, -0.05823652446269989, 0.43691834807395935, 1.1760637760162354, -0.7277234792709351, 0.11917427182197571, 0.24363325536251068, 0.4181235134601593, 0.2963345944881439, -1.2879977226257324, -0.6382073163986206, -0.10946661233901978, -0.7132354974746704, -1.719089388847351, -0.11021881550550461, 0.8499317169189453, -0.2155599147081375, 0.9173266887664795, -0.34526029229164124, 0.9379848837852478, 1.0794838666915894, -0.2421976774930954, 0.3365411162376404, -0.26139986515045166, 0.4952963888645172, 0.3493470847606659, 0.22711020708084106, 0.12227017432451248, -0.2191658765077591, -0.28560420870780945, -0.07087838649749756, 0.16083601117134094, -0.32634955644607544, 1.1315124034881592, -0.5871586203575134, 0.45072460174560547, 0.33012986183166504, 1.1485471725463867, -0.3545835018157959, -1.0386825799942017, -0.0034316442906856537, -0.7304064035415649, -0.7357403635978699, -0.052824944257736206, -0.19669125974178314, -0.00765395350754261, 0.625322163105011, -0.41970622539520264, 1.2318100929260254, -0.47213214635849, 0.44769996404647827, -0.2802121043205261, -0.6702156662940979, 0.8974431753158569, 0.5374478101730347, 0.10867296904325485, 0.5771855115890503, -0.39128637313842773, -0.934613049030304, 0.4277544319629669, -0.6587700843811035, 0.5032057166099548, 0.6130997538566589, -0.5963587760925293, -0.3407014012336731, -0.04160783439874649, 0.5695953965187073, 0.09632676094770432, 0.8642316460609436, -0.07882602512836456, -0.3871859908103943, -0.9713820219039917, -0.460888147354126, 0.7048398852348328, 0.1436232328414917, 0.22869132459163666, -0.2073594480752945, 0.20712953805923462, 0.26971596479415894, -0.0566420741379261, -0.012346622534096241, -1.3161025047302246, 0.42870864272117615, -0.6828966736793518, 0.39857757091522217, 0.5684082508087158, 0.21938377618789673, -0.984261155128479, -0.264363557100296, -1.0854860544204712, 0.4199596047401428, -0.03264450654387474, -0.6981417536735535, -0.39219924807548523, 0.2343316227197647, -0.9005789756774902, 0.7499547004699707, 0.12323835492134094, -0.15091045200824738, -1.0886316299438477, 0.2375415861606598, 0.8335221409797668, -0.894361674785614, -0.04641581326723099, -0.18549463152885437, 0.73468017578125, -0.2515925168991089, 0.4418901205062866]} +{"paper_id": "metashift", "embedding": [-0.04217870905995369, 0.3906888961791992, -0.4477140009403229, -0.002548638731241226, -0.25819727778434753, -0.3606473505496979, 0.43503832817077637, 0.05258355289697647, 1.0132365226745605, 0.7464284896850586, -0.16558286547660828, 0.39881858229637146, -0.040567658841609955, -0.4312049448490143, -0.9046884775161743, -0.06928086280822754, -0.6680273413658142, -0.7215127348899841, -0.9049618244171143, -0.12942516803741455, -1.0926669836044312, -0.2054537683725357, -0.039414115250110626, 0.3801110088825226, 0.047697484493255615, -0.0397036150097847, 0.822973906993866, -0.5870985984802246, 0.9715259075164795, 0.9436736106872559, -0.32230809330940247, 1.5352518558502197, -1.665236473083496, 0.5793852806091309, -0.9453909397125244, -0.3363328278064728, 0.5388998985290527, 0.9450141787528992, -0.2411697804927826, -0.9796890020370483, -0.6616607904434204, -0.3493984639644623, 0.7066943049430847, 0.11412627249956131, 0.008240568451583385, -0.5106464624404907, 0.31745877861976624, 0.5801535844802856, -0.6443928480148315, -0.267164945602417, 0.20632052421569824, 0.610872209072113, 0.6014087796211243, -0.07074092328548431, -0.4909333884716034, 0.8048187494277954, 0.44007596373558044, -0.5498698949813843, 0.21512527763843536, -0.5777955055236816, 0.06009814888238907, 0.43333420157432556, -0.33906030654907227, -0.229314386844635, 0.6439175605773926, 0.14101117849349976, 0.6063453555107117, 0.24820511043071747, 0.4871230721473694, 0.3653219938278198, -0.38681548833847046, -2.2873952388763428, -0.3966923654079437, 0.36110275983810425, 0.7304590940475464, 0.7612042427062988, -0.27863994240760803, -0.5634963512420654, 0.7817021012306213, 0.07590793818235397, -0.44129523634910583, 0.04877208173274994, 0.09948738664388657, -0.4010232388973236, -0.1209612637758255, -0.47271668910980225, 0.8264925479888916, -0.6697813868522644, 0.23728688061237335, -0.8791269063949585, 1.1641948223114014, 0.273103803396225, 0.7588545083999634, -0.3563384413719177, 0.5543527603149414, 0.14549008011817932, 0.0052918121218681335, -0.498264878988266, -0.37559497356414795, 1.0753320455551147, 0.463609904050827, -0.2940993309020996, 1.138119101524353, 0.29730576276779175, 0.2199709266424179, 0.2810221314430237, -0.6009753942489624, -0.12366827577352524, -0.5967051386833191, -0.1172926053404808, 0.058565158396959305, 0.7776536345481873, 0.8582215309143066, 0.24036064743995667, -0.3164786696434021, 0.32150062918663025, 0.45118477940559387, 0.37619882822036743, -0.784214973449707, -0.14270514249801636, 0.9170045852661133, -1.2289061546325684, -0.3319876790046692, -1.0957310199737549, 0.6438043117523193, -0.5279127359390259, 0.9520256519317627, 0.6501209139823914, -0.3941395878791809, -0.908113956451416, -0.02975587546825409, 0.3171524703502655, -0.18542377650737762, 0.744027316570282, 3.079085350036621, -0.17845650017261505, 0.6286434531211853, -0.16833285987377167, -0.5928018689155579, -0.03045845776796341, 0.24327141046524048, 0.3143932521343231, 0.9177234172821045, -0.6679494976997375, -0.41245922446250916, -0.36707744002342224, -0.1178596019744873, 0.20342183113098145, -1.273240327835083, 0.5656155347824097, 0.0978928655385971, 0.3630640506744385, -0.7885276675224304, -1.0036290884017944, 0.28187042474746704, 0.6436108946800232, 0.15878582000732422, -0.6219068765640259, -0.4292197823524475, 0.4643402099609375, -0.5651255249977112, 0.8064858913421631, -0.48825690150260925, 0.9195244312286377, -0.3517271876335144, 0.6051220297813416, 1.1695387363433838, -0.2841494083404541, -0.8049294948577881, -0.20550596714019775, 0.40657663345336914, -0.6522525548934937, 0.006961427628993988, 0.22179172933101654, 0.0589510053396225, 0.13304829597473145, -0.12134595215320587, 0.45578086376190186, -0.058909811079502106, -0.7409012317657471, -0.18784883618354797, 0.6135963201522827, 0.10151194781064987, -0.08353311568498611, 0.2541173994541168, -0.17477186024188995, -1.8900775909423828, -0.008089058101177216, -0.5861107707023621, 0.006835624575614929, -0.056783128529787064, -0.6657723784446716, -0.04873071610927582, 0.222138449549675, -0.49447619915008545, -0.07417412847280502, 0.07425276190042496, -0.9072377681732178, -0.7331178188323975, 1.2632938623428345, -0.4645419418811798, 0.31510862708091736, -0.257845401763916, 0.0003137737512588501, 0.5451197028160095, -0.48694971203804016, -0.6274494528770447, -1.4053642749786377, 0.3829018473625183, 0.43821293115615845, -0.16154423356056213, -0.2384715974330902, -0.9735862016677856, -0.548372745513916, 0.20235145092010498, -0.7254241108894348, 0.8480525016784668, -0.6368642449378967, -0.42973941564559937, -1.4649112224578857, -0.00634089857339859, -0.6575665473937988, 0.39054548740386963, -0.271597295999527, 1.5538989305496216, -0.47365716099739075, -0.8181862831115723, 0.06649567186832428, -1.5302150249481201, 0.34096717834472656, 0.5669313073158264, 0.15651316940784454, -0.08050751686096191, 0.9767007827758789, -0.6108266711235046, 0.4772874712944031, 0.2845448851585388, 0.6712175011634827, -0.39193907380104065, 0.08170776069164276, -0.2917323708534241, 0.19947710633277893, -0.26270222663879395, 0.13329148292541504, 0.5518398284912109, -0.07049595564603806, -0.28639328479766846, -1.4124757051467896, -0.24787133932113647, -0.047310419380664825, 1.3703722953796387, 0.5430877804756165, -0.07707495987415314, 0.3163408935070038, -0.30276232957839966, -0.33862802386283875, 0.2770891487598419, -0.570823609828949, 0.08476808667182922, -0.6529320478439331, 0.46197184920310974, 0.31482887268066406, -0.07690947502851486, -0.1046784520149231, -0.03422055020928383, -0.4096364676952362, 0.08470609784126282, -0.4660700261592865, -0.519364595413208, -0.09114451706409454, -0.7956725358963013, 0.08906912058591843, -0.05878463760018349, -0.4148577153682709, -0.28533366322517395, 0.7265525460243225, -0.05280259624123573, 1.3905868530273438, 0.3384353220462799, 0.31127381324768066, 0.3255497217178345, 0.439441978931427, 0.1365412026643753, 0.1892203390598297, 0.21418243646621704, -0.40265634655952454, 0.11074960976839066, -0.668811023235321, -0.28623703122138977, -0.837174654006958, 0.45692676305770874, -0.5597745776176453, -0.36101454496383667, 0.37696823477745056, -0.679918110370636, -0.5819331407546997, 1.6875653266906738, 0.4051380157470703, -0.06383240967988968, -0.1880243420600891, 0.8388109803199768, 0.972422182559967, -0.4660800099372864, -0.05738643556833267, -0.058738820254802704, -0.09425957500934601, 1.6967177391052246, 0.0339786559343338, -0.3626033663749695, 0.690723180770874, -0.11646825820207596, 0.4767264127731323, 0.6246912479400635, -1.9163717031478882, 0.29124146699905396, 0.18550750613212585, 0.013048574328422546, 0.33997440338134766, -0.8972521424293518, -0.8647136092185974, -0.9426040053367615, 0.002800770103931427, 0.19264158606529236, -1.2396631240844727, 0.23677721619606018, 0.00012697279453277588, 0.6366025805473328, 1.0602624416351318, -1.2384065389633179, 0.3884027600288391, 0.3488999009132385, -0.3197399377822876, -0.37247082591056824, 0.1878441870212555, 0.8676592111587524, -0.3037995398044586, -0.1130029559135437, 0.8343994617462158, 0.7541220784187317, 0.7688182592391968, 0.10253565013408661, 0.29910922050476074, 0.8179199695587158, -0.41593343019485474, 0.17837537825107574, 0.3188718259334564, 0.10828815400600433, 0.43763110041618347, 1.0565367937088013, 0.5457599759101868, 0.6155522465705872, -0.7603676319122314, -0.6754674911499023, 0.1401452124118805, -0.8074396252632141, 0.30311301350593567, 1.0583415031433105, 0.5799093842506409, 1.131224274635315, -0.12635093927383423, 1.1738109588623047, -0.17287540435791016, 0.4072752296924591, -0.21586504578590393, 0.6267850995063782, -0.13833558559417725, -0.003921061754226685, 0.33342090249061584, -0.6844121813774109, 0.33606624603271484, -0.39082491397857666, 0.10598888993263245, 0.8229641318321228, 0.07672441005706787, -0.2211134433746338, 0.48257583379745483, 0.04269038513302803, 1.0681012868881226, 1.3318754434585571, -0.07082311809062958, -0.5183327794075012, -0.19423913955688477, 0.17545850574970245, 0.29521283507347107, -0.6277745962142944, -0.1586020588874817, 0.11382196098566055, 0.5102231502532959, 0.9744982719421387, 0.8348788022994995, 0.5447917580604553, 0.6917114853858948, -0.03886912018060684, -1.421796441078186, -0.014408029615879059, -1.3424004316329956, -0.9927017092704773, -0.4669303894042969, -0.225858673453331, -0.36102283000946045, 0.6250641345977783, -0.5485950112342834, -0.5909268260002136, 0.917919397354126, -0.2115214467048645, -0.7391918897628784, 0.1494038701057434, 1.2476603984832764, -1.4668054580688477, -0.4565387964248657, -0.289023220539093, -0.5411325097084045, -0.4704919457435608, 0.41307857632637024, 0.44046494364738464, 0.45767316222190857, -0.6184117794036865, 0.754605770111084, -0.4826735258102417, 0.2943728566169739, -0.15143361687660217, 1.137118935585022, 0.4634522497653961, -0.9874623417854309, 0.6101787090301514, -0.6491724848747253, 0.5129998326301575, 0.44624021649360657, -0.6962274312973022, -0.15601171553134918, 1.30162513256073, 0.5972487926483154, 0.404762327671051, -0.15532086789608002, -0.2041885107755661, 0.0565921887755394, 0.2069312483072281, 0.9128812551498413, -0.6886240839958191, 0.3107231855392456, -0.22825518250465393, 1.1828347444534302, 0.9560199975967407, -0.521295428276062, -0.5811981558799744, 1.264125108718872, -0.02711717039346695, 0.776872992515564, -0.9090732336044312, -0.23550406098365784, 0.7960759401321411, -0.13386493921279907, -0.3985125422477722, -0.2566930949687958, -13.338189125061035, 0.39896097779273987, -0.2359747290611267, -0.1595137119293213, 0.622901439666748, -0.29477348923683167, 0.8490820527076721, 0.742240846157074, -0.0324227437376976, -0.8479132056236267, 0.46870237588882446, 0.7841379642486572, 0.3088020980358124, -0.05403423309326172, -0.5127440690994263, -1.4770433902740479, -0.7426254153251648, 0.1230766624212265, 0.602672278881073, 0.14907357096672058, 0.32429027557373047, -0.34487831592559814, -0.3651573657989502, -0.5227916836738586, -0.40958401560783386, -0.33771753311157227, 0.43403324484825134, -0.3360510468482971, 0.10643692314624786, -0.3870699107646942, 0.5826817750930786, 0.4831489026546478, -0.572662353515625, -0.7520896196365356, -0.2587776780128479, 0.11702929437160492, -0.3382883071899414, -0.05417294800281525, 1.7242357730865479, 0.3788905441761017, -0.267505943775177, 0.7015333771705627, -0.27371683716773987, 0.5548768043518066, -0.6505898833274841, -0.2105589509010315, -0.017074011266231537, -0.7350409030914307, -0.1414046436548233, -0.5700268745422363, 0.20020516216754913, -0.40760645270347595, 0.6525302529335022, -0.35382920503616333, 0.3163556456565857, -0.01580454595386982, -0.7955865859985352, -0.4430958330631256, -0.46219563484191895, -1.20328688621521, -0.25962457060813904, -0.038788288831710815, -0.650291383266449, 0.4060367941856384, 0.23807024955749512, -0.7445482611656189, 0.6669410467147827, 0.9900081753730774, -0.40172454714775085, 0.24728862941265106, -0.22878766059875488, 0.22939357161521912, 0.7609379291534424, 0.13444513082504272, -0.2208375334739685, -0.2456190288066864, 0.11623013764619827, -0.412158727645874, -0.312419056892395, -0.07590284943580627, -0.8435728549957275, 0.7152405977249146, -0.6179662942886353, -0.037379637360572815, 0.08843941986560822, -0.009861718863248825, 0.15362243354320526, 0.18615035712718964, 0.34524935483932495, 0.4564800262451172, 0.3373970687389374, -0.4755057394504547, -0.24495051801204681, -0.6142957806587219, -0.8961312770843506, 0.9405968189239502, -0.6688882112503052, -0.30361407995224, -0.7282695770263672, -1.4728416204452515, 0.41438159346580505, 0.18620073795318604, -0.27899783849716187, 0.1280144602060318, 0.30549901723861694, -0.11771667748689651, 0.1944071650505066, 0.1629164218902588, 0.46021363139152527, 0.480545312166214, 0.29700249433517456, -1.5470430850982666, -0.4048492908477783, 0.983850359916687, -0.2999652624130249, 0.0635296180844307, 1.3659117221832275, -0.476692259311676, 0.4427163898944855, 0.7869091033935547, 0.45364564657211304, 0.4808175563812256, 0.3839343786239624, 0.9690025448799133, 0.4505222737789154, -0.3936021029949188, -0.3017241656780243, 0.33589881658554077, -0.6973281502723694, -0.7945165038108826, -0.045722972601652145, -0.13143853843212128, -0.38085249066352844, -0.35848531126976013, -0.041586365550756454, -1.281248927116394, -0.3327672481536865, 0.8357129096984863, 0.17946834862232208, 0.29807916283607483, -0.19822409749031067, -0.12048594653606415, -0.4813935458660126, -0.8923059701919556, -0.9146617650985718, 0.0704091340303421, -0.8097809553146362, -0.18951565027236938, -1.1546285152435303, -0.8319665193557739, 0.35944658517837524, -0.09519428759813309, 1.109718918800354, -0.4290279150009155, -0.12833184003829956, -0.20081499218940735, 0.17217719554901123, -0.42254403233528137, -0.06361609697341919, -0.4124050736427307, 0.440244197845459, 0.5580843687057495, -0.8791712522506714, 1.509932279586792, 0.7438077926635742, 0.16364262998104095, -0.39735355973243713, -0.685938835144043, 0.6689167022705078, -0.08296118676662445, 0.698955774307251, -0.5704012513160706, -0.03067135065793991, -0.3116837739944458, 0.5482085347175598, -0.758899986743927, 0.02715330384671688, 1.078324317932129, -0.2880973219871521, 0.2505754232406616, 0.8208160996437073, 1.0809588432312012, 0.1413334161043167, -1.080923318862915, -0.30400171875953674, -0.5117242336273193, 0.961491048336029, 0.22352877259254456, 0.22991622984409332, 1.1806401014328003, -1.2079956531524658, -0.7973150610923767, -0.35497546195983887, -0.1499553769826889, 0.5882975459098816, 0.22626982629299164, 0.896527886390686, 0.7808815240859985, -0.06513888388872147, 0.30491551756858826, 0.021068044006824493, 0.6468616724014282, -0.008008763194084167, -0.3362671434879303, 0.06945259869098663, -0.0042930543422698975, -0.6178534626960754, -0.15359556674957275, -0.568669319152832, 1.0052616596221924, -0.5630673766136169, 0.2771454453468323, 0.33967772126197815, -0.8765210509300232, 0.09548886120319366, -0.6875770092010498, 0.4413417875766754, -0.4758404493331909, -0.2203916758298874, -0.6033734679222107, 0.06265512853860855, 1.0145410299301147, 0.3648858070373535, 0.5967658758163452, -0.5556527972221375, 0.3359498977661133, 1.09447181224823, 0.4218904972076416, 1.0257099866867065, 0.2559815049171448, -0.23019978404045105, 0.0864666998386383, 0.2056693285703659, -0.2477201223373413, -0.24839763343334198, 0.16444538533687592, -0.5613502860069275, 0.12736371159553528, -0.4290529489517212, -0.023820698261260986, -0.932693600654602, 0.35184094309806824, 0.33178284764289856, 0.04537665843963623, 0.015410594642162323, -1.269287109375, 0.353181391954422, -0.5191271305084229, 0.16229365766048431, -0.01832936704158783, 0.45084282755851746, 0.2997404932975769, 0.7539898753166199, -0.25911545753479004, 0.527587354183197, 0.2237975001335144, -0.0762007087469101, 0.08855392783880234, -0.07653503119945526, 1.4103586673736572, 0.3447709083557129, 0.12386170774698257, 0.7238578200340271, 0.7126966714859009, -0.5120947360992432, -0.4058452546596527, -0.10202450305223465, 0.723199188709259, 0.9534963369369507, -0.7167425155639648, 0.13327409327030182, -0.10312593728303909, -0.10889148712158203, -0.6057236790657043, -0.5191690921783447, 0.5567550659179688, -0.2038397192955017, -0.7620558738708496, 0.32938724756240845, 0.6120931506156921, 0.38242650032043457, 0.48106223344802856, -1.0393385887145996, -0.4919893741607666, 1.4040731191635132, 0.6377630829811096, 0.11414830386638641, -0.4248403012752533, 0.34352943301200867, 0.13383319973945618, 0.395092248916626, 0.051035985350608826, 0.15049180388450623, 0.01896677538752556, 0.6036649346351624, -0.44618380069732666, 0.09564963728189468, -1.1557122468948364, -0.1320352852344513, -0.3362274169921875, -0.006180718541145325, -0.24316254258155823, -0.0971250832080841, -0.1423502415418625, -0.07872064411640167, -0.37422385811805725, 0.9168376326560974, 0.27968886494636536, -0.324496328830719, -0.21379344165325165, -0.17185723781585693, -0.9309287667274475, -0.517798662185669, 0.6442335844039917]} +{"paper_id": "csebuetnlp/xlsum", "embedding": [-0.12814952433109283, 0.9791937470436096, -0.2668486535549164, 0.21678772568702698, 0.5214887857437134, -0.5032366514205933, 0.3516520857810974, 0.7743163108825684, 0.7967953681945801, 0.5785514116287231, 0.9696381688117981, 0.05284764617681503, 0.035371992737054825, 0.6609598994255066, 0.0038581974804401398, -0.6575531363487244, -0.9324507713317871, -1.0064594745635986, -0.8507634401321411, -0.659866988658905, -0.76418137550354, -0.006675321608781815, 0.13281825184822083, 0.20661881566047668, -0.7338167428970337, -0.4214918613433838, 1.1480635404586792, -1.3832248449325562, -0.19427090883255005, 0.4586944580078125, 0.14536039531230927, 0.9830697774887085, -1.6677148342132568, 0.18128767609596252, -0.9075333476066589, -0.575751781463623, 0.42732664942741394, 0.9181167483329773, 0.16247010231018066, 0.13785625994205475, -0.5520217418670654, 0.15980640053749084, 0.7104333639144897, -0.2030377984046936, -0.05705974996089935, -0.41332894563674927, -0.14897039532661438, 0.2887154519557953, -0.2026328444480896, 0.029736626893281937, 0.5815274119377136, 0.4485568404197693, -0.4493412673473358, 0.6318153142929077, -0.25050270557403564, 1.7939860820770264, 0.25282883644104004, -1.1707502603530884, 0.3808269202709198, -1.2309013605117798, 1.3751271963119507, 1.3814901113510132, -0.9984158873558044, -0.19381842017173767, 1.537377119064331, -0.14468279480934143, 1.7273932695388794, 0.3326435089111328, 1.0263886451721191, 1.0427353382110596, -0.2817767858505249, -1.2331068515777588, 0.27708885073661804, -0.158388152718544, 0.1597137302160263, 0.902350664138794, 0.5000411868095398, -0.44306841492652893, -0.3112030029296875, -0.11869212985038757, -0.936177670955658, 0.3167087435722351, 0.6788439154624939, -0.8875085115432739, -0.2594328224658966, 0.12104538828134537, -0.05223074555397034, 0.09781510382890701, 0.8136590719223022, -1.2834956645965576, 0.009780541062355042, -0.15052807331085205, -0.6897135376930237, -0.23079770803451538, -0.43510836362838745, 0.31644684076309204, 0.26284757256507874, -0.24183881282806396, -0.442434161901474, 0.23394307494163513, 0.561674177646637, -0.5562963485717773, 0.6955258846282959, 0.5217486619949341, 0.35444948077201843, 1.3274651765823364, -0.2326023131608963, -0.5929297208786011, -1.0954188108444214, -0.5543681979179382, 0.232812762260437, 0.5848997831344604, 0.13576416671276093, 0.03186997398734093, -0.0026372168213129044, -0.48533758521080017, 0.2060828059911728, -0.08706018328666687, -0.9372478723526001, -0.2988930940628052, -0.554609477519989, -1.7539180517196655, -0.5237259864807129, 0.23861496150493622, 0.6273565888404846, -0.8436664938926697, 0.242570161819458, -0.630767285823822, -0.08812475949525833, 0.11816819757223129, 0.5062816143035889, 0.1756199151277542, -0.8915379643440247, 0.2960844933986664, 2.6454076766967773, -0.32755735516548157, 1.5191991329193115, 0.514726459980011, 0.1024470403790474, -0.6609315276145935, 0.12261778861284256, 1.1870185136795044, 0.06927347183227539, -1.2603518962860107, 0.2090340107679367, 0.41874459385871887, -1.1377573013305664, 0.7006961107254028, -1.0076842308044434, -0.5665529370307922, -0.2356814444065094, 0.1715410202741623, -0.91081702709198, -0.9151890277862549, 0.1274583786725998, 0.2829606533050537, 0.36882859468460083, 0.567197859287262, -0.7634490132331848, 1.103885293006897, 1.0792500972747803, 0.656101644039154, -0.2580047845840454, 0.46553856134414673, -0.8900807499885559, -0.07574546337127686, 0.5668665766716003, -0.22871321439743042, -0.5168431401252747, -0.8652225136756897, 1.2282525300979614, -0.3068240284919739, 0.08572134375572205, -0.15659970045089722, -0.29979464411735535, 0.18871673941612244, 0.5699336528778076, 0.42466437816619873, -0.24423782527446747, -0.4601992666721344, -0.12509527802467346, -0.010481014847755432, 0.4170941710472107, 0.3920957148075104, 0.1455453634262085, 0.7489069104194641, -1.7279428243637085, -0.676956832408905, -0.8001623749732971, 0.7634406089782715, -0.08988766372203827, 0.0022872816771268845, 0.08227109909057617, -0.11715386807918549, 0.15153492987155914, -0.5922086834907532, -0.11991062760353088, -0.7121301889419556, 0.23001137375831604, 0.21929095685482025, 0.14456315338611603, 0.42187753319740295, 0.4526463449001312, 0.4565964341163635, 1.0796157121658325, -0.5409823656082153, -0.7630499005317688, -1.5520519018173218, 0.3567580282688141, 1.4924932718276978, -0.6103062033653259, -0.5270442366600037, -1.5948147773742676, -0.5099081993103027, 0.8985859751701355, -0.4072393774986267, -0.37678059935569763, -0.42848435044288635, -0.3764956593513489, -1.3590874671936035, 0.3419284224510193, -0.901646077632904, -0.22839826345443726, 0.3760622441768646, 0.8337328433990479, -0.6657403707504272, -0.18452972173690796, -0.044741857796907425, -1.046701192855835, 0.4776373505592346, 1.1295135021209717, -0.03568018972873688, -0.6367654204368591, 0.788314938545227, -0.13434825837612152, 0.6368803381919861, 0.45547083020210266, 0.3596309423446655, -0.183055579662323, -0.6026934385299683, -0.35426726937294006, 1.044167399406433, -0.2594560980796814, -0.1627400666475296, -0.060457728803157806, 0.4384393095970154, -0.03357042372226715, -0.7156930565834045, 0.19301548600196838, -0.23157450556755066, 1.2364314794540405, 1.1406766176223755, -0.30570340156555176, 2.1753525733947754, -1.319758653640747, -0.010288015007972717, 0.05235758796334267, -1.2179616689682007, -0.06579700112342834, -0.28009867668151855, 0.5500011444091797, -0.11223707348108292, 0.44553372263908386, -0.1882752776145935, -0.45678749680519104, -1.959179401397705, -0.22035494446754456, -0.635187566280365, -0.8553125858306885, -1.5624110698699951, -0.12489093095064163, -0.43637406826019287, -1.1741900444030762, -0.6983795762062073, 0.273800790309906, 0.2833070158958435, -0.005359292961657047, 1.0218948125839233, 1.5149495601654053, -0.01623697206377983, 0.7825983166694641, -0.4268020987510681, 1.3281553983688354, -0.44191548228263855, 1.0796279907226562, -0.1412682682275772, -0.13472019135951996, -1.2364355325698853, 0.09108977019786835, -0.7069231867790222, -0.10915901511907578, 0.28404390811920166, -0.5787870287895203, 0.6683722734451294, 0.1330902874469757, -1.8771796226501465, 0.6191177368164062, -0.3925631046295166, -0.0247664675116539, -1.1135648488998413, 1.313692569732666, 0.24507050216197968, -0.6245549321174622, 0.5547603964805603, 0.14428655803203583, -0.03706631436944008, 1.3651965856552124, -0.6508827209472656, 1.7964768409729004, 0.15975376963615417, -0.09405624866485596, 0.2732660472393036, -0.08540078997612, -1.465155005455017, 0.03436708077788353, 1.7294691801071167, -0.4735632836818695, -0.5068579316139221, -0.8461165428161621, 0.19794727861881256, -0.215309277176857, -0.2680746912956238, 0.31368792057037354, -0.9559952020645142, 0.5353575348854065, -0.20260396599769592, -0.08699998259544373, 1.5244251489639282, -0.9786136150360107, 1.1383984088897705, 0.9090365767478943, 0.5159887075424194, -0.34203094244003296, -0.8331548571586609, 0.9604638814926147, -0.3400127589702606, 1.1288974285125732, 0.03570834547281265, 1.418319582939148, 1.4452155828475952, -0.6660997271537781, -0.29687127470970154, 0.9090748429298401, 0.992180347442627, 0.5867853164672852, 0.7730823159217834, -0.7171732783317566, 0.38751712441444397, -0.06506823003292084, 1.3265769481658936, 0.3768923878669739, -1.2132130861282349, -0.8477576971054077, -0.35514190793037415, -0.49782794713974, -1.2061246633529663, 1.6907532215118408, 0.47908368706703186, 1.3494071960449219, 0.39177000522613525, 0.6727439761161804, -0.13210387527942657, -0.04878958314657211, 0.5959663391113281, 0.1274467557668686, 0.2264994978904724, -0.5999149680137634, 0.17713604867458344, 1.2002184391021729, -0.679153323173523, -0.10719485580921173, -0.025409016758203506, 0.18336299061775208, -0.6482855081558228, -0.6147695183753967, 0.7154108881950378, 0.6708953380584717, 0.82618248462677, 1.4324469566345215, -0.8929203152656555, -0.5695486664772034, -0.15556253492832184, -0.07478992640972137, -0.20711904764175415, 0.6236430406570435, -1.2685115337371826, 0.104099340736866, 0.35320574045181274, 1.1317267417907715, -0.3965858221054077, 0.8468980193138123, 0.8502808809280396, -0.32533639669418335, -0.58504319190979, -0.6495063304901123, -0.8429961204528809, -0.7714353799819946, -0.2510389983654022, 0.06964273750782013, -1.0176383256912231, 0.7655037045478821, -0.7354151606559753, -1.0971620082855225, 0.1737198531627655, -0.2513320744037628, -1.101082444190979, 0.6942874789237976, 0.8664877414703369, -1.5032495260238647, -0.3395225703716278, -0.0787142962217331, -1.009313702583313, -0.5804059505462646, -0.07705269753932953, -0.5637447834014893, -0.21771562099456787, 0.1305384337902069, 0.5317455530166626, 0.27151936292648315, 0.029230162501335144, -0.9830916523933411, 0.5311850905418396, 1.3413821458816528, -0.9648492932319641, 0.9743191003799438, 0.24055200815200806, 0.09932124614715576, 0.3034335970878601, -1.1107772588729858, -0.6384944915771484, 0.6634136438369751, 0.664458155632019, -0.12565146386623383, -1.154136300086975, -0.9011256098747253, 0.3386111855506897, -0.21246281266212463, 1.067939043045044, -0.7780821919441223, 0.15451601147651672, -0.4956241846084595, 0.5625497102737427, 0.32234227657318115, -0.5638917684555054, 0.09096459299325943, 1.3154864311218262, -0.16984237730503082, 0.43989941477775574, -0.08208059519529343, 0.19710053503513336, 0.7247467637062073, 0.058706603944301605, -0.03747078403830528, -0.7152073979377747, -10.986563682556152, -0.19415566325187683, -0.18083234131336212, -0.11288721114397049, 0.47346311807632446, 0.057494327425956726, 0.868097722530365, -0.08112828433513641, 0.400100976228714, -0.6614286303520203, 0.2595292031764984, 1.498764991760254, 0.40254658460617065, -0.735683262348175, -0.7270208597183228, -0.9862532019615173, -0.26320311427116394, -0.295429527759552, 0.7752146124839783, -1.2295536994934082, 0.3774208128452301, -0.7627618908882141, 0.5166804194450378, -0.18311035633087158, 0.07710658758878708, -0.4639968276023865, 0.11301516741514206, 0.162337064743042, -0.6356232762336731, 0.45494988560676575, 0.7161135673522949, -0.4035015106201172, -0.8708938956260681, -0.5853207111358643, 0.9559667706489563, -0.36225369572639465, -1.090928077697754, 0.19685520231723785, 0.9191522002220154, -0.3684113025665283, -0.1434459239244461, 0.631883442401886, -0.3808152675628662, -0.27969086170196533, -0.3924676775932312, 0.3053165078163147, 0.6348485946655273, -0.6571485996246338, 1.253217339515686, -0.6625893712043762, -1.012894630432129, -0.7235941886901855, -0.9469332098960876, -0.5722616314888, 0.858676016330719, 0.27688124775886536, -0.4380197823047638, 0.13809658586978912, -0.4812452495098114, -1.118992805480957, 0.7668894529342651, -0.017539087682962418, -0.43447446823120117, -0.26012498140335083, 0.3096804916858673, -0.5740955471992493, 0.9071099758148193, 0.014874331653118134, -0.09845089912414551, 0.1854013055562973, -1.020666480064392, 0.851264476776123, 0.08292272686958313, -0.6302188038825989, 0.11159949004650116, -0.2162836790084839, -0.18937477469444275, -0.6352744698524475, 0.6340404152870178, 0.4260485768318176, -1.2551406621932983, 0.5239046812057495, 0.5437024831771851, -0.7151904106140137, -1.0074679851531982, -0.28500473499298096, 0.2795259952545166, -0.1894747018814087, 0.4062940180301666, -0.4723442494869232, 0.9560725092887878, -0.22782233357429504, 0.45394718647003174, -0.27055004239082336, 0.16454294323921204, 1.2085187435150146, -1.085818886756897, 0.8496915102005005, -0.03400319442152977, -0.9067524671554565, 0.3153465986251831, -0.11215779930353165, -0.6154607534408569, -0.3912646472454071, 0.648284912109375, -0.27375528216362, -0.07863903790712357, 0.4802345931529999, -0.2643568515777588, -0.4393269121646881, 0.5485634207725525, 0.22938752174377441, -0.13643862307071686, 0.9640432596206665, -0.48850077390670776, 1.5723702907562256, 0.9648950695991516, 0.1036701500415802, 0.3263859748840332, 1.3911423683166504, -0.7060613036155701, 0.7633137106895447, 0.268204927444458, 1.319881558418274, -0.0269553754478693, 0.5189311504364014, -0.3545072376728058, 0.6212893128395081, -0.1567079871892929, -0.9955146908760071, -0.018447522073984146, -0.3614422082901001, 0.03924224525690079, -0.6303089261054993, -0.12679225206375122, -0.181436687707901, -0.7194893956184387, 1.820508599281311, -0.34656721353530884, 0.34603628516197205, -0.28220993280410767, -0.6892910599708557, 0.4799732565879822, -0.4441736936569214, -0.42237389087677, 0.05981222167611122, -2.0138332843780518, 0.3047875165939331, -0.4107131063938141, -0.41451895236968994, 0.4247688353061676, -0.2819747030735016, 0.4738723635673523, -0.4419613480567932, -0.6563402414321899, -0.3851618468761444, 0.5007964968681335, -0.2918979227542877, -1.111016035079956, -0.27533257007598877, 0.13484500348567963, 1.261295199394226, -0.6325951814651489, 0.8185899257659912, -0.05816091597080231, 0.352236807346344, -0.5329068899154663, -0.18341289460659027, -0.6803878545761108, 0.8781588673591614, 1.437786340713501, -1.2151145935058594, 0.02809864841401577, -0.452244371175766, 0.11308743059635162, -0.7021040916442871, 0.3393484055995941, 1.6303808689117432, -0.8432873487472534, 0.4383309483528137, -0.16043832898139954, 0.5410068035125732, 0.4461936354637146, -0.4591774344444275, -0.8776136636734009, 0.5294103026390076, -0.2022382616996765, 0.43109744787216187, -0.05347416549921036, 0.7040826082229614, -1.5808227062225342, -1.2062909603118896, -0.8120152950286865, -0.5775110125541687, 0.9167709350585938, -0.7337893843650818, 1.2600725889205933, 0.6285781860351562, 0.2910686433315277, 0.18106546998023987, 0.052115004509687424, 1.1004494428634644, 0.32588258385658264, 0.40462905168533325, 0.14205405116081238, -0.32905131578445435, -0.4367310702800751, 0.2951630651950836, 0.3219121992588043, 0.448508620262146, -0.8093392252922058, 0.6355414986610413, 0.6148548722267151, 0.1752808541059494, -0.6383205056190491, -0.9496653079986572, 0.21546012163162231, -0.05786198005080223, -0.08987686038017273, -1.3126025199890137, 0.5082839727401733, 1.0225778818130493, -0.464794397354126, 0.95846027135849, 0.39225199818611145, -0.022921595722436905, 0.6033813953399658, 0.8643242716789246, 1.2300379276275635, -0.5611542463302612, -0.6339983344078064, -0.031121674925088882, 0.34183284640312195, 0.024705052375793457, 0.7828183770179749, 0.19305282831192017, -1.0489249229431152, 0.09027653932571411, -1.1218791007995605, 0.704095184803009, 0.31430208683013916, -0.09987431764602661, 0.5108084082603455, 1.0732578039169312, 0.5534326434135437, -1.4458693265914917, 0.13489143550395966, -1.1677031517028809, -0.42765873670578003, 0.6547709703445435, 0.2185572236776352, 0.17815257608890533, 0.8001641035079956, -0.7149712443351746, 1.3422164916992188, -0.3287924528121948, -0.2896978259086609, 0.13418680429458618, 0.039583105593919754, 1.037463903427124, 0.4871003031730652, 0.5994740724563599, -0.14752411842346191, -0.296184241771698, -0.07123593240976334, -0.7133837342262268, -0.6198412179946899, 0.700135350227356, 1.323899507522583, 0.036538586020469666, 0.01463579386472702, -1.220611572265625, -0.13814781606197357, -0.6220483779907227, 0.39947935938835144, 0.4623411297798157, -0.9379640817642212, -1.0121902227401733, -1.3669759035110474, 0.09163323044776917, 1.0522667169570923, -0.1944219470024109, -0.1160585954785347, 0.3681865930557251, 0.5288669466972351, 0.16799047589302063, -0.23994901776313782, -0.5671788454055786, 0.3120276927947998, 0.08592105656862259, -0.05366777628660202, 0.9895806312561035, -0.49504631757736206, -0.8573172092437744, 0.15371955931186676, -0.705963671207428, 0.47796863317489624, 0.07737785577774048, -0.6632859706878662, 0.3404237627983093, 0.6854797601699829, 0.8219035863876343, -0.5133547782897949, 0.7531416416168213, 0.20152127742767334, -1.563671588897705, 1.373826265335083, 0.8596706986427307, -0.344105064868927, -0.30671870708465576, 0.2326514720916748, 0.744644284248352, 0.3625015318393707, 1.4348493814468384]} +{"paper_id": "BeIR/beir", "embedding": [-0.11896621435880661, 1.4353114366531372, 0.4210323691368103, -0.21868951618671417, 0.45410120487213135, -1.0270620584487915, 0.27634507417678833, 1.1324002742767334, 1.026153802871704, 0.6129899024963379, 0.9579370617866516, 0.8226215839385986, -0.5781821608543396, -0.4348085820674896, -0.6004931926727295, 0.2538593113422394, -0.5202811360359192, -0.5179384350776672, -0.8698121309280396, -0.6910492181777954, -0.6931759119033813, 0.10038909316062927, 0.0053684525191783905, 0.5568211674690247, -1.0041671991348267, -1.362989068031311, 1.1973243951797485, -0.7196621298789978, 0.7888146638870239, 0.571088433265686, -0.04138887673616409, 0.5156428217887878, -1.3723241090774536, 0.32954174280166626, -1.023538589477539, 0.07872771471738815, 1.4448271989822388, 0.954558789730072, 0.3257041573524475, -0.43288296461105347, -0.6894897818565369, -0.7372088432312012, 0.22426234185695648, 0.5798946619033813, 1.7566876411437988, -0.674854040145874, -0.10557085275650024, -0.025417964905500412, -0.21533611416816711, -0.24947553873062134, -0.3638765811920166, 0.2882974147796631, -0.21616914868354797, 0.28585851192474365, -1.1838871240615845, 1.5973998308181763, 0.42441999912261963, -0.1819412112236023, 0.20496529340744019, -1.2912291288375854, 1.700488567352295, 1.076086401939392, -0.5740427374839783, -0.3808839023113251, 1.1147327423095703, -0.11196928471326828, 1.6743329763412476, 0.270399808883667, -0.13768087327480316, 0.09060604125261307, -0.13468198478221893, -1.7060332298278809, -0.27137646079063416, -0.00864797830581665, 0.2239416539669037, 0.8167738914489746, 0.9967431426048279, -0.9072274565696716, 0.5647457242012024, -0.5364729166030884, -0.8985556364059448, 0.9078494310379028, 0.4030860960483551, -0.7570451498031616, -0.18879753351211548, -0.48282167315483093, 0.35671329498291016, -0.32890063524246216, 0.9594270586967468, -1.1942039728164673, 1.4817612171173096, -0.2362653762102127, 0.0990573987364769, 0.3391229808330536, -0.3125903010368347, -0.5133116841316223, -0.21403230726718903, -0.22450020909309387, -0.6932395696640015, 0.3782326579093933, 0.1704373061656952, 0.01922760345041752, 0.16640910506248474, 0.3713960647583008, 0.28321510553359985, 0.7117063403129578, -0.11993027478456497, 0.21110761165618896, -1.1958589553833008, -0.32840287685394287, 0.23801496624946594, 0.8756273984909058, 0.3244326412677765, 0.17159047722816467, 0.23532620072364807, -0.3692430555820465, 0.2857172191143036, -0.03747482970356941, -0.8638970851898193, 0.0036027729511260986, 0.31389790773391724, -1.6658656597137451, -0.39638739824295044, -0.11982358992099762, 0.5460309982299805, -1.0068387985229492, 0.18498729169368744, -0.2520272731781006, -0.7807821035385132, -0.02590249665081501, 1.0856627225875854, 0.5245654582977295, -1.5428507328033447, -0.6338618993759155, 2.6689443588256836, -0.7153054475784302, 1.4055978059768677, -0.3815707862377167, -0.6384034752845764, -0.7211994528770447, 0.10497904568910599, 0.697583019733429, 0.5071566700935364, -0.7915212512016296, 0.11274741590023041, -0.1337711364030838, -0.5923470258712769, 0.3899248242378235, -0.5633668899536133, -0.5969197154045105, -0.5567173957824707, 0.058955565094947815, -1.364977478981018, -1.6668888330459595, -0.2959989309310913, -0.08595599234104156, -0.021962851285934448, 0.49005794525146484, -0.0980132520198822, 1.3881522417068481, 0.06519357860088348, 0.1197553500533104, -0.29060155153274536, 0.09129751473665237, -0.22249984741210938, -0.029926426708698273, 0.11435407400131226, 0.23787552118301392, 0.48334988951683044, -0.4615861773490906, 0.795569658279419, -1.200930118560791, -0.45977920293807983, -1.13114333152771, 0.4157184660434723, 0.6652913093566895, 0.88422691822052, 0.28083425760269165, 0.3052273690700531, -0.13140180706977844, -0.14109216630458832, -0.2320668250322342, 0.4324718117713928, -0.03253626823425293, 0.5772356986999512, 0.6637539863586426, -2.010134220123291, -0.15834175050258636, -0.2978745698928833, -0.22418659925460815, 0.011398881673812866, 0.054003842175006866, -0.1659320592880249, -0.31118300557136536, -0.5141585469245911, -0.22881397604942322, 0.21975547075271606, -0.7371267080307007, -0.13857297599315643, 0.463714599609375, -0.12920263409614563, 0.20097151398658752, 0.2020956128835678, 0.4274631142616272, 0.39344751834869385, 0.4060467779636383, 0.07806432992219925, -2.1239449977874756, 0.3885485529899597, 2.1376729011535645, -0.24679061770439148, -1.300683617591858, -1.1587883234024048, -0.4782373309135437, 0.6138335466384888, -0.49882715940475464, 0.6180503368377686, -0.4567652940750122, -0.1730891764163971, -1.0036916732788086, 0.5659733414649963, -0.8943060636520386, 0.360627681016922, 0.021293174475431442, 1.0223424434661865, -0.2788170576095581, 0.05824464559555054, 0.42631474137306213, -2.0422229766845703, 0.6156305074691772, 0.7296862006187439, -0.02504488080739975, 0.015800252556800842, 1.352709174156189, 0.29708772897720337, -0.11099348962306976, 0.8715502619743347, 0.4685755670070648, -0.40366122126579285, -0.6765894293785095, -0.16689196228981018, 0.4278520941734314, -0.27295929193496704, 0.995358943939209, 0.6130763292312622, 0.7669694423675537, -0.12912289798259735, -0.6823107600212097, 0.09949474036693573, -0.42996877431869507, 1.1961723566055298, 0.7879011034965515, -0.08706621825695038, 1.224874496459961, -0.2865101993083954, -0.6205722689628601, 0.21320733428001404, -0.692700982093811, 0.5047560930252075, -0.5640736818313599, 0.800786554813385, -0.6050840616226196, 0.5479493141174316, -0.058598592877388, 0.24161726236343384, -0.7359028458595276, -0.040887050330638885, -0.35830315947532654, -0.9214340448379517, -1.4036524295806885, -1.0033291578292847, 0.7734799385070801, -0.870716392993927, -0.5571432709693909, 0.5037527680397034, 1.0451983213424683, 0.28962579369544983, 1.3023031949996948, 0.9090890884399414, -0.17281794548034668, 0.46688926219940186, -0.5093292593955994, 1.0809001922607422, -0.0886760950088501, 1.3349387645721436, -1.0040065050125122, 0.10625515878200531, -0.9817609786987305, 0.30780237913131714, -0.5039708018302917, -0.0895734652876854, 0.7309355139732361, 0.2721526622772217, 0.3780915439128876, -0.284793496131897, -1.432714581489563, 1.2960559129714966, -0.11534693837165833, 0.15000396966934204, -0.46165138483047485, 1.5028434991836548, 0.36486586928367615, -0.8607580065727234, 0.2301388680934906, 0.2169693112373352, -0.7785801887512207, 1.1911002397537231, -0.016166597604751587, 0.6944329738616943, 1.090467929840088, 0.4843725264072418, 0.0490000881254673, -0.04252443462610245, -1.3890495300292969, -0.33934274315834045, 1.0156433582305908, -0.9005751013755798, -0.5798178315162659, -0.3212243616580963, 0.22019951045513153, -0.28446608781814575, 0.23412743210792542, 0.12457486242055893, -0.9517236948013306, 0.4408186376094818, 0.22776395082473755, 1.0333808660507202, 2.0433437824249268, -0.5743595957756042, 0.5156403183937073, 1.1223161220550537, 0.1648992896080017, 0.05997198075056076, -0.6588917374610901, 0.8976370692253113, -0.35661643743515015, 0.27298951148986816, 0.17741137742996216, 0.25356969237327576, 0.9670145511627197, -0.2396138310432434, 0.040627215057611465, 0.047874704003334045, 0.16703784465789795, 0.45316770672798157, 0.36179134249687195, -0.150188148021698, 0.1904267519712448, 0.25487926602363586, 1.616782307624817, 0.37869811058044434, -1.58792245388031, -0.7627183794975281, 0.1852821409702301, -0.942761242389679, 0.5636997222900391, 2.0381879806518555, 0.023068981245160103, 2.327345371246338, -0.27564525604248047, -0.024180620908737183, 0.5249266624450684, 0.7019509077072144, 0.10282066464424133, 1.0024421215057373, -0.4222622513771057, -0.055109903216362, -0.20997506380081177, 0.6080345511436462, 0.02427392266690731, 0.4683660864830017, 0.649950385093689, 0.7686442136764526, -0.5942516922950745, -0.38929638266563416, 1.2065112590789795, 0.807561993598938, 0.4760619103908539, 0.9472615718841553, 0.01748601347208023, -0.31961721181869507, -0.06722571700811386, 0.6355034112930298, -0.04210693761706352, -0.7349417209625244, -0.29874810576438904, 1.1179271936416626, 0.28246787190437317, 0.9637875556945801, -0.07377553731203079, 0.5484066605567932, 0.7044066786766052, -0.1858237385749817, -0.9317641854286194, -0.5631818175315857, -0.8272585272789001, -0.26493528485298157, -0.37372344732284546, 0.8147906064987183, -1.1253068447113037, 0.5564459562301636, -0.46867915987968445, -1.0081678628921509, 0.926735520362854, -0.3747456669807434, -1.3907430171966553, 0.7138729691505432, 1.4409219026565552, -0.6636234521865845, 0.048705704510211945, -0.5648467540740967, -1.1552443504333496, -0.1986132562160492, -1.1376514434814453, -0.515503466129303, -0.06046116352081299, -0.06812861561775208, 0.6466267108917236, -0.9507322311401367, -0.48737847805023193, -0.3672412931919098, 0.27618926763534546, 1.295594573020935, -0.4606240689754486, 1.477125644683838, 0.13426372408866882, -0.3256445825099945, -0.8401529788970947, -1.2517708539962769, -1.2755253314971924, -0.06473413109779358, -0.03669968247413635, 0.7906489968299866, -0.7574195265769958, -0.7577998638153076, -0.20913344621658325, 0.0953308492898941, 1.778634786605835, -1.1798646450042725, -0.04896773770451546, -0.34757041931152344, 0.005410706624388695, -0.26538437604904175, -1.207779884338379, 0.03762589767575264, 0.9201821684837341, -0.31086528301239014, 0.26886340975761414, -0.31293606758117676, 0.30402448773384094, 0.9334868788719177, -0.056564949452877045, -0.1057407334446907, -0.12793922424316406, -10.722879409790039, 0.33987662196159363, -0.21190056204795837, 0.25732243061065674, 1.2016875743865967, -0.6658095121383667, 1.2077305316925049, 0.35901734232902527, 1.1996833086013794, -0.3711583614349365, 0.3242642879486084, 1.0378421545028687, -0.31270575523376465, -1.1903409957885742, -0.5930455327033997, -1.6448218822479248, -0.6244245767593384, 0.5306048393249512, 0.6595170497894287, -0.26928266882896423, 0.3456881642341614, -0.16097110509872437, -1.078795075416565, 0.2927747368812561, -0.3388426899909973, 0.17704054713249207, -0.5108476877212524, -0.63994961977005, 0.08300264179706573, 0.6467099189758301, 0.44468000531196594, -0.6924688816070557, -0.480804979801178, -1.6575154066085815, -0.06704559177160263, -0.3435441255569458, -0.5301953554153442, 0.25264498591423035, 0.8411027789115906, 0.343174010515213, -0.13494174182415009, 0.8179751038551331, -0.18225091695785522, 0.07615891098976135, 0.026980726048350334, -0.09700600802898407, 0.45269232988357544, -1.131787896156311, 0.550848662853241, -0.09261979907751083, -0.5479966998100281, -0.2706041932106018, -0.29892927408218384, 0.6137996315956116, 0.4021630883216858, 0.9103596210479736, -0.9107634425163269, -0.05866500362753868, -0.5642914175987244, -1.4666091203689575, 1.0702464580535889, -0.1902644783258438, -0.1658376157283783, 0.09415096044540405, 0.4380355477333069, 0.023849263787269592, 0.5672922730445862, 0.10109073668718338, -0.3250609040260315, 0.16748741269111633, -0.2941266894340515, 0.5240932106971741, 0.6171828508377075, -0.4379883408546448, -0.22872933745384216, 0.7669529914855957, -0.2980026602745056, 0.1585700362920761, -0.004448436200618744, 0.6920220851898193, -1.0666574239730835, 0.8362672924995422, -0.09420096129179001, -1.4543918371200562, -0.20463788509368896, -0.0815349668264389, -0.3930699825286865, -0.04075472801923752, 0.27394425868988037, 0.33052879571914673, 0.6605716943740845, 0.47599533200263977, 0.1939271092414856, -0.4490094482898712, -0.29919692873954773, 0.9177203178405762, -1.5369611978530884, 0.36320388317108154, -0.03287860378623009, -0.6981766223907471, 0.6924214363098145, -0.24552425742149353, 0.09871131181716919, -0.3063393831253052, 0.24452656507492065, 0.04119059443473816, -0.1350220888853073, -0.09761814028024673, -0.025271691381931305, -0.21824748814105988, 0.5601829886436462, 0.18549445271492004, -0.3779948353767395, 0.702808678150177, -0.23471125960350037, 0.6670002937316895, 0.3631681501865387, -0.8527701497077942, -0.7814862728118896, 2.415841817855835, -0.182794988155365, 0.4904881715774536, 1.2784587144851685, 0.6154617667198181, -0.27768728137016296, -0.04572294279932976, -0.15867826342582703, 0.7293792366981506, -0.2660468518733978, -1.1294586658477783, 0.478085458278656, -0.811098039150238, -0.3197993338108063, -0.729564368724823, -0.7021780610084534, -0.19508858025074005, -0.3033328652381897, 1.5224730968475342, -0.050986211746931076, 0.272156298160553, -0.4757164716720581, -1.006090521812439, 0.017572574317455292, -0.1394483894109726, -0.5048903822898865, -0.5751749277114868, -0.4945833086967468, -0.49721667170524597, -0.8004518747329712, 0.03139796853065491, -0.2672122120857239, -0.24202296137809753, 0.6479521989822388, -0.4864341616630554, -0.7810810804367065, 0.08750812709331512, -0.2442363053560257, -0.19120720028877258, -0.7959412336349487, -0.93300861120224, -0.25641217827796936, 1.5881154537200928, -0.5073761343955994, 1.0460777282714844, 0.21804097294807434, 0.21502672135829926, -0.4257259666919708, 0.12396746873855591, -0.8516162037849426, 0.0779164507985115, 1.3614822626113892, -0.3174597918987274, 0.31223994493484497, -1.0664852857589722, -0.722862720489502, -0.19187209010124207, 0.425881564617157, 1.6784189939498901, -0.7029037475585938, 0.32340097427368164, 0.704064667224884, 0.8423609733581543, 0.3513656556606293, -0.250127911567688, 0.2834169864654541, 0.28138959407806396, 0.5865216255187988, 0.9652524590492249, -0.35319894552230835, 0.7283036708831787, -1.9162908792495728, -1.053501844406128, 0.049698956310749054, -0.8317300081253052, -0.0667259618639946, -0.10558779537677765, 0.4462040662765503, -0.02826031669974327, 0.010560348629951477, 0.35380151867866516, -0.1751267910003662, 0.4172632396221161, 0.13632699847221375, 0.8875709772109985, 0.8566578030586243, -0.5407612323760986, -0.6496757864952087, -0.039535947144031525, -0.41422581672668457, 0.8552825450897217, -0.6900221109390259, 0.8455624580383301, 0.31622546911239624, 0.05398992821574211, 0.0241708904504776, -0.8755649328231812, 1.023605465888977, 0.04327945038676262, -0.07186347246170044, -1.1631128787994385, -0.06605779379606247, 0.5209056735038757, -0.8322046399116516, 1.5839461088180542, 0.03590709716081619, 1.0364357233047485, 0.40131187438964844, 0.7465447783470154, 0.8915284276008606, -0.37842172384262085, -1.0511225461959839, 0.5505821704864502, 0.4947371184825897, -0.5997217297554016, -0.3803054988384247, -1.2656294107437134, -1.2032371759414673, 0.6963346004486084, -0.7928364276885986, -0.2452344000339508, -1.0204417705535889, 0.5443311929702759, 0.8028232455253601, 0.9238484501838684, -0.38167643547058105, -1.8884694576263428, -0.045067571103572845, -1.436984658241272, 0.1026991605758667, -0.01874726265668869, -0.3385491371154785, 0.46972861886024475, 0.5572248697280884, -0.08316507935523987, 1.3694205284118652, -1.2200571298599243, -1.062557578086853, 0.12173596024513245, -0.24503855407238007, 1.0898622274398804, 0.41567882895469666, 0.12035920470952988, 0.2409675419330597, -0.14160916209220886, -0.7171831130981445, -0.2327844649553299, -0.33244937658309937, 0.08501482009887695, 1.3010222911834717, -0.6447888612747192, -0.9771656394004822, -0.9936343431472778, 0.8010702133178711, -1.2301501035690308, 0.08126690983772278, -0.10390511155128479, -0.4796440005302429, -1.0287175178527832, -0.7117344737052917, -0.0168116744607687, 0.18851333856582642, -0.14302413165569305, 0.2450481802225113, -0.09677426517009735, 1.1365268230438232, 0.28521257638931274, -0.37917008996009827, -0.7323450446128845, -0.02699233591556549, -0.701279878616333, 0.36662405729293823, 0.6185909509658813, -1.0054850578308105, -0.056620221585035324, -0.7847741842269897, -0.590363085269928, 1.0992354154586792, 0.4167448878288269, -0.3767044246196747, -0.5338263511657715, 0.13706471025943756, -0.26614469289779663, 0.3396635353565216, -0.021967872977256775, 0.6441020965576172, -1.1344183683395386, 0.7899075150489807, 0.8304039835929871, 0.4441998302936554, -0.03165014460682869, -0.3103041350841522, 0.16484487056732178, -0.10026449710130692, 1.8558874130249023]} +{"paper_id": "bertin-project/mc4-sampling", "embedding": [-0.4651072025299072, 0.8668358325958252, 0.04534319415688515, -0.0723881945014, 0.9159802794456482, -0.41899460554122925, 0.2437654435634613, 0.13561517000198364, 0.8823241591453552, 0.8334450125694275, 0.8608771562576294, -0.027867790311574936, 0.642943799495697, -0.03913704305887222, -0.07097667455673218, -0.06021410971879959, -0.5227103233337402, -0.7873900532722473, -1.1429380178451538, -0.24679043889045715, -1.1644234657287598, -0.17872191965579987, -0.011902563273906708, 0.964665949344635, -0.3393532633781433, -0.9624194502830505, 0.2488097995519638, -0.5060117244720459, -0.0697823092341423, 0.7855353355407715, -0.06626012176275253, 1.2236143350601196, -1.5198752880096436, 0.6121783256530762, -0.377030611038208, -0.2394847422838211, 0.5822360515594482, 0.666144073009491, -0.006016463041305542, -0.29734325408935547, -0.7296019792556763, -0.3092612326145172, 0.6372290253639221, 0.1525951772928238, 0.684977650642395, 0.1156228557229042, -0.10187938064336777, -0.20669950544834137, 0.07969088852405548, -0.11433367431163788, -0.0903354063630104, 0.38598522543907166, -0.43013694882392883, 0.3778369426727295, -0.2058314085006714, 1.4478819370269775, 0.02373659610748291, -0.7933048009872437, 0.3998299241065979, -0.9305287599563599, 0.9306751489639282, 1.5843204259872437, -0.4969131648540497, 0.21879833936691284, 1.4189443588256836, -0.059359110891819, 1.174160122871399, 0.4421265125274658, 0.5510519742965698, 0.8476689457893372, -0.26143693923950195, -1.2936508655548096, 0.6509334444999695, -0.17745870351791382, 0.30754315853118896, 1.0620661973953247, 0.29475530982017517, -0.22692187130451202, -0.5511470437049866, -0.5967291593551636, -0.7530738711357117, 0.4709470868110657, 0.08279027789831161, -0.6781217455863953, 0.003980226814746857, 0.6257582902908325, -0.02792448177933693, -0.30390846729278564, 0.5977510213851929, -1.8037317991256714, 0.5238078236579895, 0.18867266178131104, 0.42116326093673706, -0.3518415689468384, -0.4780712127685547, 0.18072474002838135, -0.4791240096092224, 0.35379987955093384, -0.15999795496463776, 0.39249712228775024, 0.5611974596977234, -0.22169436514377594, 0.9620903730392456, -0.004017770290374756, 0.2548697590827942, 0.8792642951011658, -0.38787201046943665, -1.277238368988037, -0.8107692003250122, -0.42856186628341675, -0.26944032311439514, 0.8857977390289307, 0.03840901330113411, -0.0038835937157273293, 0.05922962352633476, -0.3236587941646576, 0.6031990647315979, -0.387719064950943, -0.4027424454689026, 0.06993335485458374, -0.2829228639602661, -1.7047760486602783, -0.8364378809928894, -0.28395891189575195, 1.070477843284607, -0.7052853107452393, -0.23478209972381592, -0.5426760315895081, -0.08910314738750458, -0.30502715706825256, 0.5565185546875, 0.34670546650886536, -0.8446093797683716, 0.2286643087863922, 2.9169108867645264, -0.5123687982559204, 1.3225301504135132, -0.08054465055465698, -0.21691113710403442, -0.03415609151124954, 0.2875930666923523, 0.8506677746772766, 0.454473078250885, -0.7218105792999268, -0.30267104506492615, 0.45083174109458923, -0.8243605494499207, -0.008886627852916718, -0.6163966059684753, -0.5645702481269836, 0.331835001707077, -0.01955709606409073, -0.22783112525939941, -0.8456283211708069, -0.3850747346878052, 0.03394599258899689, 0.3437645137310028, 0.5555424690246582, -0.7011194229125977, 1.0920147895812988, 0.8640058636665344, 0.5909957885742188, -0.6904372572898865, 0.6668635606765747, -1.1178754568099976, 0.33087074756622314, 1.4018794298171997, 0.06772760301828384, -0.156072199344635, -0.26553863286972046, 0.5985339879989624, -0.6127198338508606, 0.3058773875236511, 0.08623407036066055, -0.4915814697742462, 0.34441620111465454, 0.6236796379089355, 0.6498948931694031, 0.04559837281703949, 0.516975462436676, -0.6183803081512451, -0.3022528290748596, 0.4298790693283081, 0.46078813076019287, -0.16118858754634857, 0.39989200234413147, -2.3763153553009033, -0.3526815176010132, -0.282123327255249, 0.2129841297864914, -0.245473712682724, -0.9146996736526489, 0.3192841410636902, -0.3042214512825012, 0.6139367818832397, -0.5828408002853394, 0.07828192412853241, -0.3806403875350952, -0.08958195894956589, 0.4560210108757019, 0.5442529916763306, -0.028234561905264854, 0.5272983908653259, 0.4549807906150818, 0.2583004832267761, -0.12444337457418442, -0.5700436234474182, -1.3046869039535522, 0.2824634611606598, 1.9637030363082886, -0.6500204205513, -0.779956579208374, -1.012555480003357, -0.5242103338241577, 0.35294827818870544, -0.7350024580955505, 0.13959644734859467, -1.0018974542617798, -0.28916043043136597, -1.4675687551498413, -0.3162064552307129, -0.19509592652320862, 0.10456878691911697, -0.2848915457725525, 0.9476189613342285, -0.4410683214664459, -0.13580192625522614, -0.7384609580039978, -1.1871953010559082, 0.6510165333747864, 0.554859459400177, 0.14781475067138672, -1.130510687828064, 1.0964161157608032, -0.5786049365997314, 0.696321427822113, 0.8404471278190613, 0.5130733847618103, -0.1826242357492447, -0.03880927339196205, 0.001185629516839981, 1.3511725664138794, -0.1247403472661972, -0.278930127620697, -0.020675629377365112, 0.967430830001831, -0.2367563247680664, -0.7392368912696838, 0.41234296560287476, 0.22943423688411713, 0.9524970650672913, 0.7843577861785889, -1.1547046899795532, 0.8573846817016602, -0.5641188025474548, 0.27846044301986694, -0.00925801694393158, -0.9657433032989502, 0.3574564456939697, -0.4179048538208008, 0.4330648183822632, -0.7212983965873718, 0.373033344745636, -0.24544920027256012, -0.252854585647583, -1.170495629310608, -0.7832377552986145, -0.5919337868690491, -0.5434567332267761, -1.4189002513885498, -0.664826512336731, -0.579147458076477, -0.44630274176597595, -0.6571945548057556, 0.7256273031234741, 0.4409647285938263, -0.18310600519180298, 0.6952226161956787, 1.2673449516296387, -0.030431006103754044, 0.8770644068717957, -0.5973363518714905, 0.6402221322059631, -0.4705635905265808, 0.9142220616340637, 0.7142122983932495, 0.24193131923675537, -1.3414627313613892, -0.45187655091285706, -0.2745492458343506, 0.32744652032852173, 0.4709573984146118, -0.28853657841682434, 0.458152174949646, -0.08652426302433014, -1.268437385559082, 0.9520615339279175, -0.8142935037612915, 0.5703980326652527, -1.3794749975204468, 1.6734919548034668, 0.2980074882507324, 0.2348758727312088, 0.8587560057640076, 0.2008877545595169, -0.2919165790081024, 0.8412616848945618, -0.6636999845504761, 0.5468957424163818, 0.9204093217849731, -0.15428908169269562, 0.1600269377231598, 0.07813359051942825, -2.0497357845306396, 0.03809020295739174, 0.6227799654006958, -0.08849070966243744, -0.2021939903497696, -0.6615778803825378, 0.3248695731163025, -0.028700876981019974, -0.2892684042453766, 0.1331881433725357, -0.08747221529483795, 0.22957366704940796, -0.20213192701339722, 0.4692692160606384, 1.6051106452941895, -0.693895697593689, 0.40068671107292175, 1.0814889669418335, 0.15616637468338013, -0.5284298658370972, -0.43476468324661255, 0.5413329601287842, -0.36880257725715637, 0.03659619390964508, 0.6820797324180603, 0.37117481231689453, 1.4189215898513794, -0.5520902276039124, -0.007432442158460617, 0.436092734336853, 0.7403743863105774, -0.2366957813501358, 0.9289687871932983, -0.06610583513975143, 0.1295412927865982, 0.6548460721969604, 1.1343024969100952, -0.050659678876399994, -0.8291290402412415, -1.1195122003555298, 0.030130881816148758, 0.06018787622451782, -0.6495699882507324, 1.528076171875, 0.3600195646286011, 0.7719423770904541, 0.24512924253940582, -0.22567176818847656, -0.809611976146698, -0.1978161334991455, 0.6422507762908936, 0.6107732057571411, -0.05442878603935242, 0.10123521089553833, 0.327193945646286, 0.9232779145240784, -0.19966460764408112, -0.41945067048072815, -0.12858574092388153, 0.929519772529602, 0.01780877262353897, -0.9548646211624146, 0.4707365036010742, 1.1169805526733398, 0.20496788620948792, 1.1389373540878296, -0.5382258892059326, -0.8527916073799133, -0.3199079930782318, 0.6669432520866394, 0.14369766414165497, 0.5818722248077393, -0.19975197315216064, 0.2695538103580475, -0.06352194398641586, 0.8546234965324402, 0.3922346234321594, 0.28605979681015015, 1.3856463432312012, -0.5020859241485596, -0.49224209785461426, 0.2186017632484436, -1.2687572240829468, -0.5141446590423584, -0.2034364640712738, -0.28427454829216003, -0.9543909430503845, 0.7634350657463074, -0.9675365686416626, -0.47434911131858826, 1.0007084608078003, -0.14514094591140747, -1.4142237901687622, -0.2046779841184616, 0.9570059776306152, -1.3061758279800415, -0.19633358716964722, -0.025670550763607025, -1.047612190246582, -1.1727901697158813, 0.013401995413005352, 0.03281541168689728, -0.15209847688674927, -0.4221035838127136, 0.5023294687271118, -0.23270678520202637, -0.04904782027006149, -1.4229282140731812, 0.8540714383125305, 1.4058772325515747, -0.5996320843696594, 0.18712975084781647, 0.06902071088552475, 0.5411865711212158, -0.24096718430519104, -0.6317444443702698, -0.4069831371307373, 0.495331734418869, 0.3420546352863312, 0.5229054093360901, -0.11695007979869843, -0.4680772125720978, 0.6727686524391174, 0.14543290436267853, 1.5124835968017578, -0.8760992288589478, -0.04720659181475639, -0.350003182888031, 0.8602263927459717, 0.6446808576583862, 0.05291402339935303, -0.3181653320789337, 1.0676807165145874, -0.33986201882362366, 0.8774784803390503, -0.6254305839538574, 0.5294290781021118, 0.1428133249282837, 0.4748746156692505, 0.1767396777868271, -0.2601276636123657, -11.772285461425781, -0.08166493475437164, -0.1830858439207077, 0.08523911237716675, 1.0548328161239624, 0.059786342084407806, 1.2565641403198242, 0.03150421380996704, -0.14501342177391052, -0.44439268112182617, 0.5644779801368713, 1.0821475982666016, 0.12335892021656036, -0.4240330159664154, -0.5770158171653748, -0.554213285446167, -0.9810053706169128, 0.3342598080635071, 0.340642511844635, -0.5088765621185303, -1.012802004814148, -0.1467369794845581, -0.22920368611812592, 0.24316281080245972, -0.09927044808864594, -0.011324703693389893, 0.03645377233624458, -0.2856093943119049, 0.017631590366363525, -0.4536987841129303, 0.29193517565727234, -0.014386573806405067, -1.2984676361083984, -0.7057929039001465, 0.4244863986968994, 0.39439713954925537, -1.4440449476242065, -0.1256599724292755, 1.559280514717102, -0.007556301541626453, -0.13788849115371704, 0.7054434418678284, 0.06420718878507614, 0.697848379611969, -0.5994071960449219, 0.6538606286048889, 0.6743952035903931, -0.6174664497375488, 0.8915499448776245, -0.7601925730705261, -0.19227978587150574, -1.4467966556549072, -1.1041486263275146, -0.7722864747047424, 0.7185379266738892, 0.5064993500709534, -0.6270353198051453, 0.22461524605751038, -0.03548350930213928, -0.9878443479537964, 0.9623333811759949, 0.5655530691146851, -0.2770377993583679, -0.16379405558109283, -0.04438760131597519, -0.7574003338813782, 0.3034761846065521, 0.7968338131904602, -0.04520087316632271, 0.11042925715446472, -0.3528403341770172, 0.4356943666934967, 0.4756046533584595, 0.15231919288635254, -0.030999645590782166, -0.15279394388198853, -0.12506727874279022, -0.1018359437584877, 0.2867587208747864, 0.34849926829338074, -0.8730080127716064, 0.4555343687534332, -0.3987250030040741, -0.40222620964050293, 0.31602993607521057, -0.19760052859783173, -0.539578914642334, -0.04133050888776779, -0.05923224985599518, 0.4320096969604492, 1.0190508365631104, -0.5349612236022949, 0.24838019907474518, 0.3472730815410614, -0.7893872261047363, 1.0468149185180664, -1.606345772743225, 0.625190794467926, 0.09612531960010529, -1.185721755027771, -0.03663395345211029, 0.29801270365715027, -0.23078493773937225, -0.4360194504261017, 1.0905873775482178, 0.22822389006614685, 0.04194733500480652, 0.3665020763874054, 0.23125521838665009, -0.3280128538608551, 0.4501306414604187, 0.07511362433433533, -0.04395341873168945, 1.045963168144226, -0.1699601113796234, 0.885244607925415, 0.623206377029419, 0.28051069378852844, 0.9666997194290161, 0.9146746397018433, -0.8357419371604919, 1.1362169981002808, 0.2519802451133728, 0.7048904299736023, -0.28503891825675964, 0.5773528218269348, -0.08440445363521576, 0.5553300380706787, 0.06794089078903198, -1.211352825164795, -0.21792197227478027, -0.15996313095092773, -0.3655966520309448, -0.7902372479438782, -0.3836703598499298, -0.4966939389705658, -1.1064871549606323, 1.8750407695770264, -0.1569802165031433, 0.6516437530517578, -0.0871710479259491, -0.8364256620407104, 0.23171678185462952, -0.8806207180023193, -1.0715467929840088, 0.0786813497543335, -0.7691980004310608, -0.1591380387544632, -0.6489739418029785, -0.2487695813179016, 0.5265176892280579, -0.30135974287986755, 0.7836267948150635, -1.3045263290405273, -0.05135985463857651, -0.4851432144641876, 0.1804802566766739, -0.7943822145462036, -0.9302363991737366, -0.4702092707157135, -0.027798503637313843, 1.761521816253662, -0.8597112894058228, 1.2084181308746338, 0.4256977438926697, 0.009054755792021751, -0.5407972931861877, -0.3039841651916504, -0.5446362495422363, 0.5287489295005798, 1.3189668655395508, -0.11315194517374039, -0.3339618146419525, -0.6685086488723755, -0.7886626720428467, -1.1845180988311768, 0.6505786776542664, 1.6074135303497314, -0.21145880222320557, 0.4193681478500366, 0.016799893230199814, 1.0081430673599243, -0.5532407164573669, -0.29778239130973816, -1.0699259042739868, 0.1576327383518219, -0.3307385742664337, 1.4105210304260254, -0.46258753538131714, 0.44716107845306396, -1.6609209775924683, -1.1457350254058838, -0.41977769136428833, -0.4047695994377136, 0.03509216010570526, -0.41442587971687317, 0.9266347885131836, 0.40305444598197937, 0.11837923526763916, -0.01834731549024582, -0.40671414136886597, 0.8416480422019958, -0.3948957920074463, 0.5264047980308533, 0.16604368388652802, 0.16508866846561432, -0.7415246367454529, 0.3513215482234955, -0.09070281684398651, 0.3665573000907898, -1.5449033975601196, -0.22841492295265198, -0.11873576045036316, -0.33705469965934753, -0.3833622336387634, -1.0740776062011719, 0.2592774033546448, -0.18414320051670074, 0.2853465676307678, -0.9188735485076904, -0.10236645489931107, 1.966069221496582, 0.33827096223831177, 0.9406102299690247, 0.7032270431518555, 0.4307025969028473, 0.7004092931747437, 0.8189136385917664, 1.4563930034637451, 0.018086500465869904, -1.279474139213562, -0.22590920329093933, -0.11988528072834015, -0.2995438575744629, -0.06194687262177467, 0.11684742569923401, -1.3160632848739624, 0.4174603521823883, -1.3834441900253296, 0.49112462997436523, -0.20808646082878113, 0.3856510519981384, 0.5969633460044861, 0.5095745325088501, -0.2084817886352539, -1.5208218097686768, -0.3317466080188751, -0.6139459609985352, 0.031161557883024216, 0.5762212872505188, 0.33282211422920227, 0.06348630040884018, 0.6743738651275635, -0.3176383376121521, 0.925568163394928, -0.15701285004615784, -0.4539651870727539, -0.135623961687088, 0.1097334623336792, 1.2455124855041504, 0.3856974244117737, 0.40091732144355774, -0.5659677386283875, -0.027212858200073242, -0.18797412514686584, -0.7679466009140015, 0.34043338894844055, 0.27662092447280884, 1.4421374797821045, 0.19361039996147156, 0.18081392347812653, -1.3659037351608276, -0.039596837013959885, -0.9295620918273926, 0.9679774045944214, 0.7669000029563904, -0.569856584072113, -1.0072393417358398, -0.6945161819458008, 0.7715755701065063, 0.7233490943908691, -0.07481031119823456, 0.14496181905269623, -0.804137647151947, 0.9498116970062256, 0.6473804712295532, -0.373668909072876, -1.0041146278381348, 0.37547630071640015, -0.05935452878475189, 0.3715090751647949, 0.6294777393341064, -0.4641036093235016, -0.2856399416923523, 0.23894570767879486, -0.8650177717208862, 0.44243401288986206, -0.1671520471572876, -0.7495297789573669, -0.43447670340538025, 0.38273701071739197, -0.32650232315063477, -0.13082171976566315, 0.4890126585960388, -0.8353655338287354, -1.4019598960876465, 0.971840500831604, 0.7559065818786621, -0.6662395000457764, -0.4243677258491516, 0.0005925260484218597, -0.04512127861380577, 0.5081328749656677, 1.5998691320419312]} +{"paper_id": "BeIR/beir-corpus", "embedding": [-0.11896621435880661, 1.4353114366531372, 0.4210323691368103, -0.21868951618671417, 0.45410120487213135, -1.0270620584487915, 0.27634507417678833, 1.1324002742767334, 1.026153802871704, 0.6129899024963379, 0.9579370617866516, 0.8226215839385986, -0.5781821608543396, -0.4348085820674896, -0.6004931926727295, 0.2538593113422394, -0.5202811360359192, -0.5179384350776672, -0.8698121309280396, -0.6910492181777954, -0.6931759119033813, 0.10038909316062927, 0.0053684525191783905, 0.5568211674690247, -1.0041671991348267, -1.362989068031311, 1.1973243951797485, -0.7196621298789978, 0.7888146638870239, 0.571088433265686, -0.04138887673616409, 0.5156428217887878, -1.3723241090774536, 0.32954174280166626, -1.023538589477539, 0.07872771471738815, 1.4448271989822388, 0.954558789730072, 0.3257041573524475, -0.43288296461105347, -0.6894897818565369, -0.7372088432312012, 0.22426234185695648, 0.5798946619033813, 1.7566876411437988, -0.674854040145874, -0.10557085275650024, -0.025417964905500412, -0.21533611416816711, -0.24947553873062134, -0.3638765811920166, 0.2882974147796631, -0.21616914868354797, 0.28585851192474365, -1.1838871240615845, 1.5973998308181763, 0.42441999912261963, -0.1819412112236023, 0.20496529340744019, -1.2912291288375854, 1.700488567352295, 1.076086401939392, -0.5740427374839783, -0.3808839023113251, 1.1147327423095703, -0.11196928471326828, 1.6743329763412476, 0.270399808883667, -0.13768087327480316, 0.09060604125261307, -0.13468198478221893, -1.7060332298278809, -0.27137646079063416, -0.00864797830581665, 0.2239416539669037, 0.8167738914489746, 0.9967431426048279, -0.9072274565696716, 0.5647457242012024, -0.5364729166030884, -0.8985556364059448, 0.9078494310379028, 0.4030860960483551, -0.7570451498031616, -0.18879753351211548, -0.48282167315483093, 0.35671329498291016, -0.32890063524246216, 0.9594270586967468, -1.1942039728164673, 1.4817612171173096, -0.2362653762102127, 0.0990573987364769, 0.3391229808330536, -0.3125903010368347, -0.5133116841316223, -0.21403230726718903, -0.22450020909309387, -0.6932395696640015, 0.3782326579093933, 0.1704373061656952, 0.01922760345041752, 0.16640910506248474, 0.3713960647583008, 0.28321510553359985, 0.7117063403129578, -0.11993027478456497, 0.21110761165618896, -1.1958589553833008, -0.32840287685394287, 0.23801496624946594, 0.8756273984909058, 0.3244326412677765, 0.17159047722816467, 0.23532620072364807, -0.3692430555820465, 0.2857172191143036, -0.03747482970356941, -0.8638970851898193, 0.0036027729511260986, 0.31389790773391724, -1.6658656597137451, -0.39638739824295044, -0.11982358992099762, 0.5460309982299805, -1.0068387985229492, 0.18498729169368744, -0.2520272731781006, -0.7807821035385132, -0.02590249665081501, 1.0856627225875854, 0.5245654582977295, -1.5428507328033447, -0.6338618993759155, 2.6689443588256836, -0.7153054475784302, 1.4055978059768677, -0.3815707862377167, -0.6384034752845764, -0.7211994528770447, 0.10497904568910599, 0.697583019733429, 0.5071566700935364, -0.7915212512016296, 0.11274741590023041, -0.1337711364030838, -0.5923470258712769, 0.3899248242378235, -0.5633668899536133, -0.5969197154045105, -0.5567173957824707, 0.058955565094947815, -1.364977478981018, -1.6668888330459595, -0.2959989309310913, -0.08595599234104156, -0.021962851285934448, 0.49005794525146484, -0.0980132520198822, 1.3881522417068481, 0.06519357860088348, 0.1197553500533104, -0.29060155153274536, 0.09129751473665237, -0.22249984741210938, -0.029926426708698273, 0.11435407400131226, 0.23787552118301392, 0.48334988951683044, -0.4615861773490906, 0.795569658279419, -1.200930118560791, -0.45977920293807983, -1.13114333152771, 0.4157184660434723, 0.6652913093566895, 0.88422691822052, 0.28083425760269165, 0.3052273690700531, -0.13140180706977844, -0.14109216630458832, -0.2320668250322342, 0.4324718117713928, -0.03253626823425293, 0.5772356986999512, 0.6637539863586426, -2.010134220123291, -0.15834175050258636, -0.2978745698928833, -0.22418659925460815, 0.011398881673812866, 0.054003842175006866, -0.1659320592880249, -0.31118300557136536, -0.5141585469245911, -0.22881397604942322, 0.21975547075271606, -0.7371267080307007, -0.13857297599315643, 0.463714599609375, -0.12920263409614563, 0.20097151398658752, 0.2020956128835678, 0.4274631142616272, 0.39344751834869385, 0.4060467779636383, 0.07806432992219925, -2.1239449977874756, 0.3885485529899597, 2.1376729011535645, -0.24679061770439148, -1.300683617591858, -1.1587883234024048, -0.4782373309135437, 0.6138335466384888, -0.49882715940475464, 0.6180503368377686, -0.4567652940750122, -0.1730891764163971, -1.0036916732788086, 0.5659733414649963, -0.8943060636520386, 0.360627681016922, 0.021293174475431442, 1.0223424434661865, -0.2788170576095581, 0.05824464559555054, 0.42631474137306213, -2.0422229766845703, 0.6156305074691772, 0.7296862006187439, -0.02504488080739975, 0.015800252556800842, 1.352709174156189, 0.29708772897720337, -0.11099348962306976, 0.8715502619743347, 0.4685755670070648, -0.40366122126579285, -0.6765894293785095, -0.16689196228981018, 0.4278520941734314, -0.27295929193496704, 0.995358943939209, 0.6130763292312622, 0.7669694423675537, -0.12912289798259735, -0.6823107600212097, 0.09949474036693573, -0.42996877431869507, 1.1961723566055298, 0.7879011034965515, -0.08706621825695038, 1.224874496459961, -0.2865101993083954, -0.6205722689628601, 0.21320733428001404, -0.692700982093811, 0.5047560930252075, -0.5640736818313599, 0.800786554813385, -0.6050840616226196, 0.5479493141174316, -0.058598592877388, 0.24161726236343384, -0.7359028458595276, -0.040887050330638885, -0.35830315947532654, -0.9214340448379517, -1.4036524295806885, -1.0033291578292847, 0.7734799385070801, -0.870716392993927, -0.5571432709693909, 0.5037527680397034, 1.0451983213424683, 0.28962579369544983, 1.3023031949996948, 0.9090890884399414, -0.17281794548034668, 0.46688926219940186, -0.5093292593955994, 1.0809001922607422, -0.0886760950088501, 1.3349387645721436, -1.0040065050125122, 0.10625515878200531, -0.9817609786987305, 0.30780237913131714, -0.5039708018302917, -0.0895734652876854, 0.7309355139732361, 0.2721526622772217, 0.3780915439128876, -0.284793496131897, -1.432714581489563, 1.2960559129714966, -0.11534693837165833, 0.15000396966934204, -0.46165138483047485, 1.5028434991836548, 0.36486586928367615, -0.8607580065727234, 0.2301388680934906, 0.2169693112373352, -0.7785801887512207, 1.1911002397537231, -0.016166597604751587, 0.6944329738616943, 1.090467929840088, 0.4843725264072418, 0.0490000881254673, -0.04252443462610245, -1.3890495300292969, -0.33934274315834045, 1.0156433582305908, -0.9005751013755798, -0.5798178315162659, -0.3212243616580963, 0.22019951045513153, -0.28446608781814575, 0.23412743210792542, 0.12457486242055893, -0.9517236948013306, 0.4408186376094818, 0.22776395082473755, 1.0333808660507202, 2.0433437824249268, -0.5743595957756042, 0.5156403183937073, 1.1223161220550537, 0.1648992896080017, 0.05997198075056076, -0.6588917374610901, 0.8976370692253113, -0.35661643743515015, 0.27298951148986816, 0.17741137742996216, 0.25356969237327576, 0.9670145511627197, -0.2396138310432434, 0.040627215057611465, 0.047874704003334045, 0.16703784465789795, 0.45316770672798157, 0.36179134249687195, -0.150188148021698, 0.1904267519712448, 0.25487926602363586, 1.616782307624817, 0.37869811058044434, -1.58792245388031, -0.7627183794975281, 0.1852821409702301, -0.942761242389679, 0.5636997222900391, 2.0381879806518555, 0.023068981245160103, 2.327345371246338, -0.27564525604248047, -0.024180620908737183, 0.5249266624450684, 0.7019509077072144, 0.10282066464424133, 1.0024421215057373, -0.4222622513771057, -0.055109903216362, -0.20997506380081177, 0.6080345511436462, 0.02427392266690731, 0.4683660864830017, 0.649950385093689, 0.7686442136764526, -0.5942516922950745, -0.38929638266563416, 1.2065112590789795, 0.807561993598938, 0.4760619103908539, 0.9472615718841553, 0.01748601347208023, -0.31961721181869507, -0.06722571700811386, 0.6355034112930298, -0.04210693761706352, -0.7349417209625244, -0.29874810576438904, 1.1179271936416626, 0.28246787190437317, 0.9637875556945801, -0.07377553731203079, 0.5484066605567932, 0.7044066786766052, -0.1858237385749817, -0.9317641854286194, -0.5631818175315857, -0.8272585272789001, -0.26493528485298157, -0.37372344732284546, 0.8147906064987183, -1.1253068447113037, 0.5564459562301636, -0.46867915987968445, -1.0081678628921509, 0.926735520362854, -0.3747456669807434, -1.3907430171966553, 0.7138729691505432, 1.4409219026565552, -0.6636234521865845, 0.048705704510211945, -0.5648467540740967, -1.1552443504333496, -0.1986132562160492, -1.1376514434814453, -0.515503466129303, -0.06046116352081299, -0.06812861561775208, 0.6466267108917236, -0.9507322311401367, -0.48737847805023193, -0.3672412931919098, 0.27618926763534546, 1.295594573020935, -0.4606240689754486, 1.477125644683838, 0.13426372408866882, -0.3256445825099945, -0.8401529788970947, -1.2517708539962769, -1.2755253314971924, -0.06473413109779358, -0.03669968247413635, 0.7906489968299866, -0.7574195265769958, -0.7577998638153076, -0.20913344621658325, 0.0953308492898941, 1.778634786605835, -1.1798646450042725, -0.04896773770451546, -0.34757041931152344, 0.005410706624388695, -0.26538437604904175, -1.207779884338379, 0.03762589767575264, 0.9201821684837341, -0.31086528301239014, 0.26886340975761414, -0.31293606758117676, 0.30402448773384094, 0.9334868788719177, -0.056564949452877045, -0.1057407334446907, -0.12793922424316406, -10.722879409790039, 0.33987662196159363, -0.21190056204795837, 0.25732243061065674, 1.2016875743865967, -0.6658095121383667, 1.2077305316925049, 0.35901734232902527, 1.1996833086013794, -0.3711583614349365, 0.3242642879486084, 1.0378421545028687, -0.31270575523376465, -1.1903409957885742, -0.5930455327033997, -1.6448218822479248, -0.6244245767593384, 0.5306048393249512, 0.6595170497894287, -0.26928266882896423, 0.3456881642341614, -0.16097110509872437, -1.078795075416565, 0.2927747368812561, -0.3388426899909973, 0.17704054713249207, -0.5108476877212524, -0.63994961977005, 0.08300264179706573, 0.6467099189758301, 0.44468000531196594, -0.6924688816070557, -0.480804979801178, -1.6575154066085815, -0.06704559177160263, -0.3435441255569458, -0.5301953554153442, 0.25264498591423035, 0.8411027789115906, 0.343174010515213, -0.13494174182415009, 0.8179751038551331, -0.18225091695785522, 0.07615891098976135, 0.026980726048350334, -0.09700600802898407, 0.45269232988357544, -1.131787896156311, 0.550848662853241, -0.09261979907751083, -0.5479966998100281, -0.2706041932106018, -0.29892927408218384, 0.6137996315956116, 0.4021630883216858, 0.9103596210479736, -0.9107634425163269, -0.05866500362753868, -0.5642914175987244, -1.4666091203689575, 1.0702464580535889, -0.1902644783258438, -0.1658376157283783, 0.09415096044540405, 0.4380355477333069, 0.023849263787269592, 0.5672922730445862, 0.10109073668718338, -0.3250609040260315, 0.16748741269111633, -0.2941266894340515, 0.5240932106971741, 0.6171828508377075, -0.4379883408546448, -0.22872933745384216, 0.7669529914855957, -0.2980026602745056, 0.1585700362920761, -0.004448436200618744, 0.6920220851898193, -1.0666574239730835, 0.8362672924995422, -0.09420096129179001, -1.4543918371200562, -0.20463788509368896, -0.0815349668264389, -0.3930699825286865, -0.04075472801923752, 0.27394425868988037, 0.33052879571914673, 0.6605716943740845, 0.47599533200263977, 0.1939271092414856, -0.4490094482898712, -0.29919692873954773, 0.9177203178405762, -1.5369611978530884, 0.36320388317108154, -0.03287860378623009, -0.6981766223907471, 0.6924214363098145, -0.24552425742149353, 0.09871131181716919, -0.3063393831253052, 0.24452656507492065, 0.04119059443473816, -0.1350220888853073, -0.09761814028024673, -0.025271691381931305, -0.21824748814105988, 0.5601829886436462, 0.18549445271492004, -0.3779948353767395, 0.702808678150177, -0.23471125960350037, 0.6670002937316895, 0.3631681501865387, -0.8527701497077942, -0.7814862728118896, 2.415841817855835, -0.182794988155365, 0.4904881715774536, 1.2784587144851685, 0.6154617667198181, -0.27768728137016296, -0.04572294279932976, -0.15867826342582703, 0.7293792366981506, -0.2660468518733978, -1.1294586658477783, 0.478085458278656, -0.811098039150238, -0.3197993338108063, -0.729564368724823, -0.7021780610084534, -0.19508858025074005, -0.3033328652381897, 1.5224730968475342, -0.050986211746931076, 0.272156298160553, -0.4757164716720581, -1.006090521812439, 0.017572574317455292, -0.1394483894109726, -0.5048903822898865, -0.5751749277114868, -0.4945833086967468, -0.49721667170524597, -0.8004518747329712, 0.03139796853065491, -0.2672122120857239, -0.24202296137809753, 0.6479521989822388, -0.4864341616630554, -0.7810810804367065, 0.08750812709331512, -0.2442363053560257, -0.19120720028877258, -0.7959412336349487, -0.93300861120224, -0.25641217827796936, 1.5881154537200928, -0.5073761343955994, 1.0460777282714844, 0.21804097294807434, 0.21502672135829926, -0.4257259666919708, 0.12396746873855591, -0.8516162037849426, 0.0779164507985115, 1.3614822626113892, -0.3174597918987274, 0.31223994493484497, -1.0664852857589722, -0.722862720489502, -0.19187209010124207, 0.425881564617157, 1.6784189939498901, -0.7029037475585938, 0.32340097427368164, 0.704064667224884, 0.8423609733581543, 0.3513656556606293, -0.250127911567688, 0.2834169864654541, 0.28138959407806396, 0.5865216255187988, 0.9652524590492249, -0.35319894552230835, 0.7283036708831787, -1.9162908792495728, -1.053501844406128, 0.049698956310749054, -0.8317300081253052, -0.0667259618639946, -0.10558779537677765, 0.4462040662765503, -0.02826031669974327, 0.010560348629951477, 0.35380151867866516, -0.1751267910003662, 0.4172632396221161, 0.13632699847221375, 0.8875709772109985, 0.8566578030586243, -0.5407612323760986, -0.6496757864952087, -0.039535947144031525, -0.41422581672668457, 0.8552825450897217, -0.6900221109390259, 0.8455624580383301, 0.31622546911239624, 0.05398992821574211, 0.0241708904504776, -0.8755649328231812, 1.023605465888977, 0.04327945038676262, -0.07186347246170044, -1.1631128787994385, -0.06605779379606247, 0.5209056735038757, -0.8322046399116516, 1.5839461088180542, 0.03590709716081619, 1.0364357233047485, 0.40131187438964844, 0.7465447783470154, 0.8915284276008606, -0.37842172384262085, -1.0511225461959839, 0.5505821704864502, 0.4947371184825897, -0.5997217297554016, -0.3803054988384247, -1.2656294107437134, -1.2032371759414673, 0.6963346004486084, -0.7928364276885986, -0.2452344000339508, -1.0204417705535889, 0.5443311929702759, 0.8028232455253601, 0.9238484501838684, -0.38167643547058105, -1.8884694576263428, -0.045067571103572845, -1.436984658241272, 0.1026991605758667, -0.01874726265668869, -0.3385491371154785, 0.46972861886024475, 0.5572248697280884, -0.08316507935523987, 1.3694205284118652, -1.2200571298599243, -1.062557578086853, 0.12173596024513245, -0.24503855407238007, 1.0898622274398804, 0.41567882895469666, 0.12035920470952988, 0.2409675419330597, -0.14160916209220886, -0.7171831130981445, -0.2327844649553299, -0.33244937658309937, 0.08501482009887695, 1.3010222911834717, -0.6447888612747192, -0.9771656394004822, -0.9936343431472778, 0.8010702133178711, -1.2301501035690308, 0.08126690983772278, -0.10390511155128479, -0.4796440005302429, -1.0287175178527832, -0.7117344737052917, -0.0168116744607687, 0.18851333856582642, -0.14302413165569305, 0.2450481802225113, -0.09677426517009735, 1.1365268230438232, 0.28521257638931274, -0.37917008996009827, -0.7323450446128845, -0.02699233591556549, -0.701279878616333, 0.36662405729293823, 0.6185909509658813, -1.0054850578308105, -0.056620221585035324, -0.7847741842269897, -0.590363085269928, 1.0992354154586792, 0.4167448878288269, -0.3767044246196747, -0.5338263511657715, 0.13706471025943756, -0.26614469289779663, 0.3396635353565216, -0.021967872977256775, 0.6441020965576172, -1.1344183683395386, 0.7899075150489807, 0.8304039835929871, 0.4441998302936554, -0.03165014460682869, -0.3103041350841522, 0.16484487056732178, -0.10026449710130692, 1.8558874130249023]} +{"paper_id": "GEM/OrangeSum", "embedding": [-0.10717138648033142, 0.9438115358352661, -0.1989460289478302, 0.7632873058319092, 1.062424898147583, -0.3712272047996521, 0.6240823268890381, 0.6951385736465454, 0.7510115504264832, 1.1390836238861084, 0.5215268135070801, 0.23375728726387024, -0.031247073784470558, -0.2643803358078003, -0.5895066261291504, -0.13013899326324463, -1.2338173389434814, -0.7351593375205994, -1.6072415113449097, -0.8280129432678223, -1.316391944885254, -0.5167738199234009, -0.41028016805648804, 0.6557443737983704, -0.23999816179275513, -0.4242163300514221, 0.9952042102813721, -1.2301124334335327, 0.2303638756275177, 0.26482778787612915, -0.3753249943256378, 1.2828466892242432, -1.223466396331787, -0.021264545619487762, -0.7853233814239502, -0.2752149999141693, -0.0775889903306961, 1.0256372690200806, -0.0729978159070015, 0.21469774842262268, -0.8570448160171509, -0.12166710197925568, 0.9044222235679626, 0.07829759269952774, 0.7170357704162598, -0.8294616937637329, -0.36094048619270325, 0.4603690505027771, 0.18228958547115326, 0.13690893352031708, -0.5819187760353088, 0.38800376653671265, 0.28277939558029175, 0.5222333669662476, -0.35842156410217285, 1.5667657852172852, 0.020024806261062622, -1.486865520477295, 0.835677981376648, -0.4197992980480194, 0.4078100025653839, 1.7916138172149658, -0.6275031566619873, 0.22885781526565552, 0.8926706314086914, -0.3561338186264038, 1.2553733587265015, 0.14180846512317657, 0.3345091640949249, 1.019901156425476, -0.8292165994644165, -0.4841601252555847, 0.7226486802101135, 0.09914889931678772, 0.2461024522781372, 1.1488791704177856, 0.5806664228439331, 0.322536438703537, -0.8101844787597656, -0.9715901017189026, -0.5136657357215881, 0.9429937601089478, 0.11189110577106476, -0.6675443649291992, 0.3589748740196228, -0.07378178089857101, 0.04376979172229767, -0.9015318155288696, 0.26966652274131775, -1.4908828735351562, 1.156849980354309, -0.227799192070961, -0.4643406569957733, -0.3558995723724365, -0.6870064735412598, 0.10497566312551498, -0.3063569664955139, -0.42883262038230896, -0.6462905406951904, 0.5194011330604553, 0.4245862662792206, -0.5101498365402222, 1.124718189239502, 0.18589308857917786, 0.5778916478157043, 1.5827826261520386, -0.6336847543716431, -0.6079873442649841, -0.774758517742157, -0.06457667797803879, 0.3979645073413849, 1.267615556716919, 0.16720283031463623, 0.6996210813522339, 0.2169291377067566, -0.14272251725196838, 0.526786744594574, -0.13803677260875702, -0.18015822768211365, 0.27673590183258057, -0.3279356062412262, -1.3609684705734253, -0.3432214558124542, -0.02485603094100952, 0.13237608969211578, -1.2422481775283813, 0.08517710119485855, -0.36865970492362976, 0.419554203748703, -0.5450536012649536, 0.5333220958709717, 0.510827898979187, -0.9869034290313721, 0.3525383472442627, 2.977238655090332, -1.5759260654449463, 1.6005611419677734, -0.3415266275405884, -0.3668617010116577, -0.7351468801498413, 0.5305256247520447, 1.642935037612915, -0.49437904357910156, -1.5572702884674072, -0.3739357590675354, 0.11400501430034637, -1.0368552207946777, 0.34615465998649597, -0.3349105715751648, -0.24088715016841888, 0.09214642643928528, 0.02664525806903839, -1.0657826662063599, -0.7590751647949219, 0.07622121274471283, 0.27544233202934265, 0.6773343086242676, 0.3982127904891968, -0.03283226862549782, 1.6745061874389648, 0.8136168718338013, -0.052773214876651764, 0.2430335283279419, 0.5826486349105835, -1.2463427782058716, 0.41438621282577515, 0.7939373850822449, 0.31171756982803345, -0.4128817021846771, -0.3677580654621124, 1.2662999629974365, -0.3379495441913605, -0.5540600419044495, -0.4127156138420105, -0.11322569102048874, 0.7353222966194153, 0.6667851805686951, 0.8272179961204529, 0.1387748122215271, -0.597463071346283, -0.7966171503067017, -0.7443660497665405, 0.19022002816200256, 0.4246373474597931, -0.22173993289470673, 1.191554307937622, -1.9688620567321777, -0.4262557029724121, -0.4102128744125366, 1.0728461742401123, -0.47904685139656067, -0.4820643663406372, -0.3893401622772217, 0.5016971826553345, 0.40530943870544434, -1.0290493965148926, 0.43102240562438965, -0.7413432598114014, -0.4640527665615082, -0.07068418711423874, 0.18111388385295868, -0.44590991735458374, 0.10148274153470993, 0.5832831859588623, 0.9244987964630127, -0.21297508478164673, 0.03479203209280968, -1.8658462762832642, 0.49792301654815674, 1.9808437824249268, 0.21718868613243103, -1.520023226737976, -0.40922996401786804, -1.3357741832733154, 0.5459581017494202, -1.1155517101287842, -0.19054998457431793, 0.030543766915798187, 0.3775511384010315, -1.0780001878738403, 0.5835987329483032, -0.5855498909950256, 0.16275137662887573, 0.6176273822784424, 1.2294343709945679, 0.00965951755642891, -0.22145740687847137, 0.2366466075181961, -1.0909526348114014, 0.37155523896217346, 0.8287380337715149, 0.07352769374847412, -0.8420184254646301, 1.0321171283721924, -0.8110406398773193, 0.1194884330034256, 0.6379843354225159, 0.905817985534668, -0.3432416319847107, 0.1391167938709259, 0.062101177871227264, 0.9803237915039062, -0.36943668127059937, 0.15902630984783173, 0.5262959599494934, 0.19808274507522583, -0.3545679450035095, -0.7069249153137207, 0.3424364924430847, -0.7770529985427856, 1.3618232011795044, 1.0896409749984741, -0.5050836801528931, 1.3495252132415771, -0.9680932760238647, -0.12170661240816116, -0.2534012794494629, -0.37167537212371826, -0.4277554750442505, -0.39949530363082886, 1.1598695516586304, -0.34173211455345154, -0.02468145824968815, -0.45025646686553955, 0.215153306722641, -1.3924497365951538, -0.7114067077636719, -0.24112698435783386, -0.34034156799316406, -1.707584023475647, -0.1754218339920044, -0.5214220285415649, -0.5306914448738098, -0.23124396800994873, 0.7856553196907043, 0.478381484746933, 0.4452258050441742, 1.0573029518127441, 1.727258563041687, -0.262300580739975, 0.39474835991859436, 0.3227078914642334, 0.9957638382911682, -0.5026873350143433, 0.3326248526573181, 0.36922892928123474, 0.14217893779277802, -0.9270009994506836, 0.2321503758430481, -0.24636594951152802, 0.26885363459587097, 0.5927692651748657, -0.4498436450958252, -0.012931063771247864, -0.4083395004272461, -0.6973756551742554, 0.8494271636009216, -0.9903263449668884, 1.0746337175369263, -0.7764161825180054, 1.7670955657958984, 0.38507765531539917, -0.23432067036628723, 0.8235129714012146, 0.015918636694550514, -0.051834672689437866, 0.8441979289054871, -0.6775839328765869, 1.1577943563461304, 0.40473753213882446, 0.0505693182349205, 0.501552939414978, 0.41229209303855896, -2.132550001144409, 0.5248570442199707, 0.6741912961006165, -0.3418586552143097, -0.46926501393318176, -0.950244665145874, 0.2313763052225113, -0.44674554467201233, -0.5367200374603271, -0.10365083068609238, -0.3139727711677551, 0.08586570620536804, -0.48237159848213196, 0.06037826091051102, 1.7402617931365967, -0.45106643438339233, 0.770618200302124, 0.9480372667312622, 0.21855315566062927, -1.7649095058441162, -0.10231194645166397, 0.9083201885223389, -0.3892936408519745, 0.550591230392456, 0.7000436186790466, 1.0899792909622192, 1.5102025270462036, -0.5106053948402405, 0.1517673283815384, 1.707961916923523, 0.4794774353504181, 0.30006593465805054, 0.7571713924407959, -0.8231449723243713, -0.4320763051509857, 0.16537028551101685, 0.7663586139678955, -0.19399245083332062, -0.8672346472740173, -1.1658231019973755, 0.16448891162872314, -0.42250990867614746, -0.5614131093025208, 1.277581810951233, 0.2108321189880371, 1.6770837306976318, 0.14298027753829956, 0.6314113736152649, -0.40506818890571594, 0.6911745071411133, 0.6596903800964355, 0.14864139258861542, -0.46849310398101807, -0.9666327238082886, 0.24072939157485962, 0.7184826135635376, -0.12539342045783997, -0.06869018077850342, 0.027213703840970993, 0.8627785444259644, -0.183768630027771, -0.8022822141647339, -0.14883282780647278, 0.9309646487236023, 0.0011013979092240334, 1.8212897777557373, -1.2254326343536377, -0.31855231523513794, 1.0577046871185303, 0.4330120086669922, 0.43144676089286804, 0.404012531042099, -0.9991260766983032, 0.6644591093063354, 0.35291820764541626, 0.9945175647735596, -0.4626779556274414, 0.8789913058280945, 0.3855134844779968, -1.125726342201233, -0.08178940415382385, -0.4714193642139435, -1.3338475227355957, -0.615949273109436, 0.03810740262269974, 0.012115761637687683, -0.7445176839828491, 1.1061410903930664, -0.7992825508117676, -0.5832628607749939, 1.1445015668869019, -0.38002216815948486, -1.3393820524215698, 0.06684240698814392, 1.3364516496658325, -1.1526880264282227, -0.7619736194610596, -0.6095826029777527, -1.2247833013534546, -1.2830525636672974, 0.43001529574394226, -0.47496098279953003, -0.18561507761478424, -0.2317139208316803, 0.3258381485939026, -0.4988592863082886, -0.41977953910827637, -0.8914316892623901, 0.22417296469211578, 1.2187340259552002, -0.2974286377429962, 0.7180330753326416, 0.41984206438064575, 0.874716579914093, -0.3180871307849884, -0.969130277633667, -0.9998188614845276, -0.0027954168617725372, 0.27445873618125916, 0.5795511603355408, -0.5152119398117065, 0.004175130277872086, 0.34537380933761597, -0.07663590461015701, 1.3713147640228271, -0.8520457148551941, 0.03995762765407562, 0.36134153604507446, 0.4629381597042084, 0.5298344492912292, 0.1376536637544632, -1.141249656677246, 0.6108044981956482, -0.6932368278503418, 0.23013725876808167, -0.38236382603645325, 0.522178053855896, 0.8332815170288086, 0.21531662344932556, -0.24813053011894226, -0.2542709410190582, -10.534260749816895, 0.01644228771328926, -0.19697052240371704, -0.07082835584878922, 0.8728456497192383, -0.7744556069374084, 1.2415590286254883, -0.026831790804862976, 0.021394845098257065, -0.1229691132903099, 0.7652097344398499, 0.807548999786377, 0.37530961632728577, 0.044946905225515366, -0.34673577547073364, -0.9058223962783813, -0.4753181040287018, -0.14809758961200714, 0.8446953892707825, 0.40835484862327576, -0.27101370692253113, -0.6448297500610352, 0.6296756267547607, 0.564433217048645, 0.24083711206912994, 0.40977269411087036, 0.23245751857757568, 0.011775759048759937, -0.12006433308124542, -0.3435280919075012, 0.23434136807918549, -0.5452832579612732, -0.9133591651916504, -0.7581599354743958, 1.144092082977295, -0.0376589335501194, -1.2287858724594116, -0.38830071687698364, 0.898475706577301, -0.3643186092376709, -0.6487208008766174, 0.14907094836235046, 0.6654053330421448, -0.5482826232910156, -0.47869667410850525, 0.2538576126098633, 0.8658624887466431, -0.8754979372024536, 0.21737359464168549, -0.5339781045913696, -0.6634756326675415, -0.849507212638855, -1.3372873067855835, -0.7067437767982483, 0.7829853892326355, -0.5222702622413635, -0.31558486819267273, 0.4092387855052948, -0.43958356976509094, -1.3616411685943604, 0.37954217195510864, 0.4366811513900757, -0.012214116752147675, -0.1697583943605423, -0.28878191113471985, -0.1791166514158249, 0.8112359046936035, 0.19648991525173187, 0.25078195333480835, 0.40845805406570435, -0.9324913620948792, 0.08896458894014359, 0.12252304702997208, -0.30809682607650757, -0.4346984624862671, -0.2629494071006775, 0.49552345275878906, -0.9904420971870422, 0.41674482822418213, 0.11489354074001312, -1.0122238397598267, 0.18017880618572235, 0.47925370931625366, -0.2171880304813385, -0.8465232253074646, -0.549632728099823, -0.394258975982666, -0.42798495292663574, 0.910831093788147, -0.24107453227043152, 0.9508463740348816, -0.5423007011413574, 0.5970132946968079, 1.0765239000320435, -1.0733935832977295, 1.4297772645950317, -0.7904797196388245, 0.8676820993423462, -0.14111146330833435, -0.3492310643196106, 0.09564685076475143, 0.2607024013996124, -0.21454323828220367, 0.0013749636709690094, 0.7154572010040283, 0.26416823267936707, -0.3662363886833191, -0.10541024059057236, 0.1875554323196411, 0.28505024313926697, 1.2090519666671753, 0.6399473547935486, 0.02950608730316162, 0.613075315952301, -0.09888240694999695, 0.8544740080833435, -0.09551852941513062, 0.42269593477249146, -0.11872285604476929, 1.104335904121399, -0.6762899160385132, 1.5225907564163208, 0.9248695969581604, 0.7672722935676575, -0.02405225858092308, -0.3266734480857849, 0.5122366547584534, 1.241076111793518, 0.2379000037908554, -1.3573130369186401, -0.8891481757164001, -0.009316971525549889, 0.1569545716047287, -0.942984402179718, -0.2763795852661133, -0.15611276030540466, -1.4548801183700562, 1.4764130115509033, -0.3259719908237457, -0.3738902509212494, 0.36151671409606934, -1.172590970993042, 0.30606338381767273, -0.7945120334625244, -0.6102655529975891, 0.12440317869186401, -2.0192549228668213, 0.3503507077693939, -0.665662944316864, -0.2546881437301636, 0.08797226846218109, 0.34128668904304504, 1.3733594417572021, -1.3530935049057007, -0.39255931973457336, 0.14291906356811523, 0.640410840511322, -0.3183417022228241, -0.49323326349258423, -0.42263180017471313, -0.6479052305221558, 1.2527130842208862, -0.36885520815849304, 0.9066509008407593, 0.40037602186203003, -0.3916718065738678, -0.8060016632080078, 0.0673353374004364, -0.26795291900634766, 1.0635128021240234, 0.8156273365020752, -1.2003600597381592, 0.1934080868959427, -1.2434037923812866, -0.7569797039031982, -0.988825261592865, 0.1902720332145691, 1.751594066619873, -0.6296784281730652, -0.27190160751342773, 1.0557935237884521, 0.19325289130210876, 0.24675041437149048, -0.29112863540649414, -0.40039706230163574, -0.1619817316532135, 0.10683537274599075, 0.5152032375335693, -0.40693870186805725, 0.2614154517650604, -2.2590489387512207, -1.1414766311645508, -0.7812204360961914, -0.63747239112854, 0.009390313178300858, -0.5340104699134827, 1.1518845558166504, 0.43434226512908936, 0.1705736219882965, 0.413154274225235, -0.4229687452316284, 0.9623771905899048, 0.7586370706558228, 0.7393460869789124, 0.5844261050224304, -0.6980328559875488, -0.5651087164878845, 0.046671804040670395, 0.04144784063100815, -0.07685106992721558, -1.2040225267410278, -0.46877771615982056, 0.07111197710037231, -0.12171658873558044, -0.01799440011382103, -0.9861910343170166, 0.5453743934631348, -0.13524283468723297, -0.1401522010564804, -1.238565444946289, -0.3508368134498596, 1.2477887868881226, -0.1316748708486557, 0.6730455756187439, 0.198727548122406, -0.11669889092445374, 1.1913238763809204, 0.4208628535270691, 1.4995719194412231, -0.056982871145009995, -0.6664583683013916, -0.09900015592575073, 0.7929238080978394, -0.040760595351457596, 0.003765411674976349, 0.17492921650409698, -1.2379209995269775, -0.09486473351716995, -0.39680516719818115, -0.04541417211294174, 0.19465957581996918, 0.7767760753631592, 0.7810503840446472, 0.9208141565322876, -0.3557661771774292, -0.9773240089416504, -0.2763911187648773, -0.9501850008964539, -0.06946399062871933, 1.099395513534546, 0.10676899552345276, 0.5892512202262878, 0.6312272548675537, 0.0349222794175148, 1.1953316926956177, -0.48229801654815674, -0.5595788955688477, 0.000987611711025238, 0.3240177631378174, 1.1917916536331177, 0.7501463890075684, -0.0927785262465477, -0.0047221072018146515, -0.6975744962692261, -0.12803234159946442, -0.21089541912078857, -0.10449112951755524, 0.3960103988647461, 1.1785833835601807, -0.21695257723331451, -0.08738154172897339, -0.5679649114608765, 0.30203548073768616, -0.9256868362426758, 0.12214750051498413, 0.3728488087654114, -0.7889832854270935, -0.8007869720458984, -0.7856283783912659, -0.024078350514173508, 0.6420449018478394, -0.3891572952270508, -0.23885589838027954, -0.11601094901561737, 0.48540863394737244, 0.16712114214897156, -0.4525946378707886, -0.6929649710655212, 0.34604084491729736, -0.08564659208059311, 0.2757452726364136, 0.13052797317504883, -0.44568389654159546, -0.13143768906593323, -0.30727070569992065, -0.9633486866950989, 0.46562179923057556, 0.27083081007003784, -1.1281148195266724, -1.2647961378097534, -0.14243203401565552, 0.028865478932857513, 0.11461809277534485, 0.7152959108352661, -0.1367800533771515, -1.9738956689834595, 1.488986849784851, 0.9771398305892944, -0.7519682049751282, -0.1886606216430664, 0.2551334500312805, 0.2710728347301483, -0.015823347494006157, 1.3482248783111572]} +{"paper_id": "IlyaGusev/gazeta", "embedding": [0.01853184774518013, 1.4454450607299805, -0.9615331292152405, 0.6800965070724487, 0.7228879332542419, -0.29416966438293457, 0.3840930461883545, 0.5327944755554199, 0.8709913492202759, 0.8254032135009766, 0.8465084433555603, -0.09879175573587418, 0.36421895027160645, 0.5562812685966492, -0.07129287719726562, -0.09102479368448257, -0.6419610381126404, -0.2505553364753723, -0.19271038472652435, -0.6047675013542175, -0.948100209236145, -0.15420851111412048, -0.8035519123077393, 0.1751166582107544, -0.967615008354187, -0.11745283752679825, 1.4059520959854126, -1.295525312423706, 0.0009627565741539001, 0.8298909068107605, -0.3250468969345093, 0.9699022769927979, -1.148673176765442, -0.424788236618042, -1.2737964391708374, -1.1545168161392212, 0.3367825150489807, 0.6314646005630493, -0.2730855941772461, 0.04872744530439377, -1.4791991710662842, 0.40230971574783325, 0.952407956123352, -0.11793530732393265, -0.313136488199234, -0.1761416643857956, 0.6462109684944153, -0.08269354701042175, -0.3557470440864563, 0.010776158422231674, 0.28313568234443665, 0.7204010486602783, -0.7415974736213684, 0.6447389125823975, -0.2414582371711731, 2.213121175765991, 0.19605538249015808, -1.0462781190872192, 0.024812323972582817, -0.9878562688827515, 1.6269489526748657, 1.7754698991775513, -0.6239202618598938, -0.10024525225162506, 1.4305955171585083, -1.0718109607696533, 1.9101744890213013, -0.04563726484775543, 0.6312481760978699, 1.403266429901123, -0.8475833535194397, -0.7592093348503113, -0.05505175143480301, -0.5663209557533264, -0.11143918335437775, 1.232254981994629, 0.7411291003227234, -1.0390146970748901, -0.5162491798400879, -0.23905611038208008, -0.5588762164115906, 0.6750783920288086, 0.398831844329834, -1.1450295448303223, -0.43656861782073975, -0.24203073978424072, 0.009050801396369934, 0.3689369559288025, 0.4318530559539795, -1.4318290948867798, 0.15889699757099152, -0.07045761495828629, -0.908213198184967, 0.02151450514793396, -0.5714931488037109, 0.6256422400474548, 0.3360409140586853, -0.14646272361278534, -0.6463854312896729, -0.023262619972229004, 0.6535980701446533, -0.9729821681976318, 0.03428316116333008, 0.4211093783378601, 0.5755571126937866, 1.1472806930541992, -0.41875016689300537, -0.20422857999801636, -0.2905401587486267, -1.0292608737945557, 0.1368653029203415, 1.1418218612670898, 0.04801705479621887, 0.47573018074035645, -0.3135215938091278, -0.35690629482269287, 0.10583962500095367, -0.06333974748849869, -1.0381189584732056, -0.23571236431598663, -0.8132022619247437, -1.7568219900131226, -0.6073092818260193, 0.14916613698005676, 0.417755663394928, -0.1387091428041458, 0.5902069807052612, -0.8662946820259094, 0.1030607596039772, 0.12270551174879074, 0.7895394563674927, -0.4912268817424774, -0.9810750484466553, -0.04935746639966965, 1.9516222476959229, -0.7015259265899658, 1.6278589963912964, 0.18777675926685333, 0.03248929977416992, -0.4696054458618164, 0.1898089051246643, 1.4277234077453613, -0.1644209325313568, -1.3912643194198608, 0.07842601835727692, 0.19098885357379913, -1.0844652652740479, 0.8658242225646973, -0.3472882807254791, -1.0749175548553467, 0.18382243812084198, -0.021849535405635834, -0.9052647352218628, -0.9368008375167847, -0.07632724940776825, 0.6856467723846436, 0.4821818470954895, 0.40388980507850647, -0.11024978756904602, 1.6028027534484863, 1.6559488773345947, 0.3286721706390381, -0.3828936815261841, 0.1673516482114792, -1.0965170860290527, -0.25966280698776245, 0.44205474853515625, -0.0499255508184433, -0.5269016027450562, 0.0944255068898201, 0.9513947367668152, -0.8304559588432312, -0.2525029182434082, -0.8548831939697266, -0.45966729521751404, -0.09287399053573608, 0.6057376861572266, 0.15278372168540955, 0.16079017519950867, -0.3413775563240051, -0.48842722177505493, 0.1820574700832367, 0.3889961242675781, 0.09541408717632294, -0.23257572948932648, 0.6349067687988281, -1.3976223468780518, -0.07460278272628784, -0.8626047968864441, 1.4563517570495605, -0.3135986626148224, -0.39252030849456787, -0.3145064413547516, 0.3884735107421875, -0.14823602139949799, -0.8773838877677917, 0.201692596077919, -0.238992840051651, 0.19717323780059814, -0.05431603267788887, 0.6791638731956482, 0.0521719790995121, 0.2957710027694702, 0.4555519223213196, 1.469491720199585, -0.651867151260376, -0.8011476993560791, -1.864674687385559, 0.8690768480300903, 1.171796202659607, -0.3153940439224243, -0.35869818925857544, -1.818549394607544, -0.199513241648674, 1.3780180215835571, -0.3808140158653259, -0.026328176259994507, -0.48783978819847107, -0.01280946284532547, -1.5028170347213745, 0.41855260729789734, -0.6863342523574829, 0.14703688025474548, 0.24715782701969147, 0.2005312144756317, -0.5538690090179443, -0.7876744270324707, -0.6694327592849731, -1.1709308624267578, 0.35129204392433167, 1.4774123430252075, -0.40787428617477417, -0.3335728049278259, 0.8273125886917114, -0.06499139964580536, 0.3307024836540222, -0.3976084291934967, 0.5541113018989563, 0.17904508113861084, -0.6198065876960754, 0.038685716688632965, 1.1455689668655396, -0.25805121660232544, -0.3781402111053467, 0.2648676633834839, 0.48931920528411865, 0.41374218463897705, -0.10316353291273117, 0.2261625975370407, -0.9118903279304504, 0.8726135492324829, 1.1051920652389526, -0.419461190700531, 2.19722843170166, -1.3387482166290283, -0.03145637363195419, -0.3466432988643646, -0.9423471689224243, 0.13618922233581543, 0.32338041067123413, 0.5587846636772156, 0.6295877695083618, 0.2400936484336853, 0.049339622259140015, -0.5194170475006104, -1.0023187398910522, -0.6904762983322144, -0.32591512799263, -1.0620487928390503, -1.5917338132858276, 0.013204306364059448, -0.8213520646095276, -0.9311205744743347, -0.5763930678367615, 0.07556004077196121, 0.382832407951355, -0.3796990215778351, 0.1275862455368042, 0.9799417853355408, 0.343183308839798, 0.8516933917999268, -0.5766682624816895, 1.3831381797790527, -0.07104067504405975, 0.9820144176483154, -0.9050806760787964, -0.16466423869132996, -0.720045268535614, -0.007729440927505493, -0.6306954622268677, 0.16636201739311218, 0.5275015234947205, -0.7522568106651306, 0.9138319492340088, 0.37752091884613037, -1.4778146743774414, 0.6336768269538879, -0.3901163339614868, 0.21857130527496338, -1.408237338066101, 1.4152772426605225, -0.13516373932361603, -0.9191828370094299, 1.095015525817871, 0.2610541880130768, -0.23980717360973358, 1.2879424095153809, -0.9877773523330688, 1.6852262020111084, -0.17468146979808807, 0.3715590238571167, 0.004153482615947723, -0.39488425850868225, -1.918286681175232, -0.2669403553009033, 1.887001633644104, -1.3907068967819214, -0.30736514925956726, -0.27517271041870117, 0.6069942116737366, -0.34422770142555237, -0.3850945830345154, 0.024968896061182022, -1.2680511474609375, -0.1751948595046997, -0.5969730019569397, -0.1954532414674759, 1.7101017236709595, -0.4857860803604126, 0.8768306374549866, 0.18169212341308594, 1.0390182733535767, -1.4133955240249634, -0.7263867855072021, 1.0517644882202148, -0.5027010440826416, 1.287986159324646, 0.19814589619636536, 1.4851067066192627, 1.250486135482788, -0.6888363361358643, -0.33922651410102844, 1.4081770181655884, 0.2356482744216919, 0.8084933757781982, 0.4449528753757477, -0.6480072140693665, 0.6436575055122375, -0.60745769739151, 1.315232753753662, 0.992886483669281, -0.34527459740638733, -1.168371558189392, -0.176667258143425, -0.5362821817398071, -1.2031508684158325, 0.8903053998947144, 0.31903213262557983, 2.0410680770874023, 0.4453050494194031, 0.2856643497943878, -0.14257049560546875, 0.08841978013515472, 0.8171482086181641, -0.026985855773091316, 0.11504510790109634, -0.2635680139064789, 0.11147323250770569, 1.2971431016921997, -0.8505621552467346, -0.4318372309207916, -0.06793683022260666, 0.5895891189575195, -0.6773533225059509, -0.5140480995178223, 0.6375651359558105, 0.3630748391151428, 0.35261380672454834, 1.8796072006225586, -0.9954172968864441, -0.5574849247932434, -0.3122808337211609, -0.29960018396377563, 0.5647012591362, 0.6311295628547668, -1.375613808631897, -0.18790805339813232, 0.11043421924114227, 1.1106517314910889, -0.9275645017623901, 0.3988901376724243, 0.7961547374725342, 0.08850477635860443, -0.6394062042236328, -0.5631168484687805, -1.2496050596237183, -0.529491126537323, -0.0042223334312438965, 0.3401326835155487, -0.9367349147796631, 0.7649809122085571, -0.7087414264678955, -1.3124281167984009, 0.313498318195343, -0.06400059163570404, -0.7895554304122925, 0.08715967833995819, 0.7700926065444946, -1.4494822025299072, -0.47201234102249146, 0.049950748682022095, -0.8744474053382874, -0.4313843548297882, -0.40424811840057373, -0.9698412418365479, 0.9633694887161255, 0.23482339084148407, 0.6145398020744324, 0.3794361352920532, 0.1887645274400711, -0.8930152058601379, 0.7331743836402893, 0.7982091903686523, -0.7198596596717834, 0.6394376754760742, 0.17524272203445435, 0.029986590147018433, 0.12860816717147827, -1.3337759971618652, -0.17808058857917786, 0.4938293993473053, -0.06545505672693253, 0.16458314657211304, -0.43459615111351013, -0.5302555561065674, 0.6162152886390686, 0.42484766244888306, 0.9384968280792236, -1.395652174949646, 0.7056705355644226, -0.43538564443588257, 1.1692622900009155, -0.10612015426158905, -0.9345592260360718, -0.42275410890579224, 1.172577142715454, -0.357315331697464, 0.4900682866573334, 0.09497201442718506, 0.39702919125556946, 0.7888646125793457, 0.876558244228363, -0.12338520586490631, -0.4453466534614563, -9.588496208190918, -0.25024309754371643, 0.2863925099372864, -0.1551499366760254, 0.3685673177242279, 0.0690748393535614, 0.6883399486541748, 0.3234136998653412, 1.1631006002426147, -0.3077673614025116, 0.6221395134925842, 1.692237377166748, -0.1768883764743805, -0.5912379622459412, -0.8996804356575012, -0.8100252747535706, -0.8531231880187988, -0.6608372330665588, 0.8613007068634033, -0.8951560854911804, 0.5279489159584045, -0.45534515380859375, 0.9007391333580017, -0.27109894156455994, 0.4345705211162567, -0.3618663251399994, 0.36312779784202576, 0.18733438849449158, -1.3018885850906372, 0.8182686567306519, 1.0947632789611816, -0.1738288700580597, -1.0074055194854736, -0.9424870014190674, 1.2122236490249634, -0.2717531621456146, -1.2874457836151123, 0.0270976759493351, 1.0232172012329102, -0.7396646738052368, -0.032592929899692535, -0.2585896849632263, -0.44088858366012573, -0.6414127945899963, -0.05401701107621193, -0.23411953449249268, -0.19407600164413452, -0.804512619972229, 0.7161030173301697, -0.3974801301956177, -1.0734901428222656, -0.4223554730415344, -1.2263065576553345, -0.786561906337738, 0.875616729259491, -0.060021884739398956, -0.5398867130279541, 0.547703742980957, -0.11913436651229858, -1.066867470741272, 0.8196210861206055, -0.032768215984106064, -0.4457225203514099, -0.3456677794456482, 0.39856263995170593, -0.6470250487327576, 0.782056987285614, 0.20252081751823425, 0.7765224575996399, 0.4272206127643585, -0.8022894859313965, 0.9676334857940674, 0.28063836693763733, -0.35295212268829346, 0.41049376130104065, -0.20942986011505127, 0.06023545563220978, -1.1709219217300415, 0.948948085308075, 0.30458784103393555, -1.2548919916152954, 0.36258310079574585, 0.045215945690870285, -0.5191625952720642, -0.8381004333496094, -0.5444691777229309, 0.8042874336242676, -1.162787914276123, 0.10571672022342682, -0.5319843888282776, 0.3862624168395996, -0.6676074266433716, 0.0623374804854393, 0.49112269282341003, -0.10323384404182434, 1.0679106712341309, -1.6586048603057861, 0.7651587724685669, 0.6036462783813477, -0.6243447661399841, -0.10894250124692917, 0.04374992102384567, -0.7172448635101318, 0.07122579216957092, 0.3267933130264282, -0.365964412689209, -0.5143955945968628, 0.6809389591217041, -0.6835763454437256, -0.3582445979118347, 0.27961406111717224, 1.103540062904358, -0.12752878665924072, 0.8388031125068665, -0.4644812047481537, 1.7141345739364624, 0.8825055956840515, -0.30790114402770996, 0.12793314456939697, 2.1936256885528564, -0.8382133841514587, 0.3344328999519348, 0.3557155728340149, 0.6338726282119751, 0.11988502740859985, 0.964460015296936, -0.26474854350090027, 0.4563867449760437, 0.18412025272846222, -1.4934414625167847, -0.3168521523475647, -0.3934187889099121, 0.2086068093776703, -0.24917647242546082, -0.620574414730072, 0.049286533147096634, -0.990363359451294, 1.74527907371521, -0.19300734996795654, 0.17504557967185974, -0.23830533027648926, -0.25356733798980713, 0.4871979355812073, -0.5462475419044495, -0.36130490899086, -0.07343753427267075, -2.5003111362457275, 0.4943646192550659, -0.7347963452339172, -0.661293089389801, 0.42389366030693054, -0.28670069575309753, 0.4102308750152588, -0.6488209366798401, -0.7263720035552979, -0.1937798261642456, 0.6419917345046997, 0.06883104890584946, -0.9932674169540405, -0.31501543521881104, 0.3992525637149811, 0.5877764821052551, -0.9802417159080505, 0.7339989542961121, 0.03150254487991333, 0.1562155932188034, -0.5678070783615112, -0.15290354192256927, -0.7682963609695435, 0.7301957607269287, 0.9074491858482361, -1.4790476560592651, 0.6380729079246521, -0.17200879752635956, -0.22236736118793488, -1.028252124786377, 0.2798711359500885, 1.6387051343917847, -1.182946801185608, -0.04675336182117462, -0.09393054246902466, 0.13432586193084717, 0.17082080245018005, 0.5297703742980957, -0.32851943373680115, 0.6504746675491333, -0.3766797184944153, 1.2902042865753174, -0.13554196059703827, 0.013098932802677155, -1.688226342201233, -1.0407698154449463, -0.9868525862693787, -1.5206882953643799, 0.7993302345275879, -0.3232170343399048, 1.00485098361969, 0.9089022874832153, -0.5760443210601807, -0.2845560312271118, 0.021743623539805412, 1.098563551902771, 0.8461459279060364, 1.0686410665512085, 0.050740715116262436, -0.5834566354751587, -0.07751944661140442, 0.1843627244234085, 0.10345351696014404, 0.5144687294960022, -1.001980185508728, 0.6675449013710022, 0.6035072207450867, -0.09743355214595795, -0.34045448899269104, -1.0976885557174683, 0.1852368712425232, 0.13012972474098206, 0.08304829895496368, -0.8788595795631409, -0.02251099795103073, 1.1623222827911377, -0.7399390935897827, 1.2145588397979736, 0.2967231869697571, -0.058793455362319946, 0.9456897974014282, 0.8014916181564331, 1.7987934350967407, 0.30388686060905457, -0.684164822101593, 0.28763696551322937, -0.2568056881427765, 0.10128069669008255, 0.7335256338119507, 0.656870424747467, -0.9403367638587952, 0.5796574354171753, -0.8597031831741333, -0.11950110644102097, 0.7864880561828613, 0.00673617422580719, 0.5003856420516968, 1.0515574216842651, 0.8133009672164917, -0.9873928427696228, -0.5752077698707581, -1.0166407823562622, -0.34119805693626404, 0.4773627519607544, 0.22173826396465302, 0.36668625473976135, 0.7881202101707458, -0.9321562647819519, 1.395871639251709, -0.7904995679855347, -0.4461336135864258, 0.27618423104286194, 0.10180376470088959, 0.45358365774154663, 0.3568921685218811, 1.243840217590332, -0.07630902528762817, -0.1292465329170227, -0.6398951411247253, -1.0630217790603638, -0.6955596208572388, 0.7489032745361328, 1.189545750617981, -0.2744569480419159, -0.16579215228557587, -0.6171959638595581, 0.14583277702331543, 0.2496466487646103, 0.41952279210090637, 0.5393553376197815, -0.56594318151474, -0.6592953205108643, -0.7688918709754944, -0.38431671261787415, 0.9847013354301453, -0.09752710163593292, -0.7058233618736267, -0.09371143579483032, 0.12495779991149902, 0.13499049842357635, -0.21613113582134247, 0.004265882074832916, 0.5122590065002441, 0.09532235562801361, 0.008261963725090027, 1.1727709770202637, -0.4459035396575928, -0.9070594310760498, -0.10181622207164764, -0.507502019405365, 0.6790622472763062, 1.0599957704544067, -0.9114434719085693, 0.47930189967155457, 0.31441059708595276, 0.8762912750244141, -0.10910041630268097, 0.7746397256851196, -0.14918074011802673, -1.1509209871292114, 1.7833406925201416, 0.9290904402732849, -0.08246548473834991, 0.18777939677238464, 0.653772234916687, 0.6391913890838623, 0.5217124819755554, 1.7553907632827759]} +{"paper_id": "facebook/multilingual_librispeech", "embedding": [-0.5085214376449585, 1.0663964748382568, 0.3940774202346802, -0.3379162847995758, 0.5265732407569885, 0.33168452978134155, 0.2947080731391907, 0.5022906064987183, 0.9493271708488464, 0.41928139328956604, 0.5057492256164551, -0.28445664048194885, 0.18040941655635834, 0.19783082604408264, 0.17958948016166687, -0.37281525135040283, -1.5149855613708496, -0.7057802677154541, -1.3334382772445679, -0.615424633026123, -0.8770917057991028, 0.2476547211408615, 0.06318835914134979, 0.08771417289972305, -0.24289539456367493, -0.5062493681907654, 0.40678855776786804, -0.5239751935005188, 0.31959861516952515, 0.21573451161384583, 0.05148802697658539, 1.0526551008224487, -0.9654606580734253, 0.36344465613365173, -0.8090491890907288, -0.2837256193161011, -0.2683364748954773, -0.08573691546916962, -0.22073441743850708, -0.050451744347810745, -1.066339135169983, -0.404591828584671, 0.6147705912590027, 0.021261703222990036, 0.630463182926178, 0.00043685734272003174, -0.3830903470516205, 0.7993860840797424, -0.3073858916759491, 0.17652423679828644, -0.3608397841453552, 0.2591620683670044, 0.6622744798660278, 0.04579302668571472, -0.7123937010765076, 0.9083855748176575, -0.22959434986114502, -0.18250571191310883, 0.4364244043827057, -1.8700370788574219, 0.5875548124313354, 0.7637803554534912, -0.5392932295799255, 0.05957499146461487, 1.1850032806396484, 0.01611516624689102, 1.0488793849945068, 0.3669160008430481, 1.0981148481369019, 0.4993824064731598, -0.08381159603595734, -1.2699013948440552, 0.5827755928039551, 0.5503792762756348, 0.5310746431350708, 0.707016110420227, 0.1536456197500229, 0.015749957412481308, 0.11047668009996414, -0.3243230879306793, -0.7055138945579529, 0.6482845544815063, 0.7633651494979858, -0.8650026321411133, 0.11816133558750153, 0.43980512022972107, 0.34222155809402466, -0.2886548638343811, 0.6063345670700073, -1.6239287853240967, -0.2088017612695694, -0.09346070885658264, 0.3786155879497528, 0.04187022149562836, -0.662735641002655, 0.13803508877754211, 0.42677366733551025, 0.2092616856098175, -0.567828893661499, 0.347014844417572, 0.605222225189209, -0.5262551307678223, 0.3559412360191345, -0.0709741935133934, 0.3156779706478119, 0.6133022308349609, -0.49134114384651184, -0.8882235288619995, -0.4784574508666992, -0.4193127453327179, -0.23505418002605438, 0.7639073133468628, 0.4229891300201416, 0.8217726945877075, 0.32222506403923035, -0.5831872224807739, 0.45354628562927246, -0.26670464873313904, -1.0622291564941406, -0.7390341758728027, -0.7431524991989136, -0.8582279086112976, 0.17953777313232422, -0.422829806804657, 0.9364513158798218, -0.7951480746269226, 0.5586675405502319, 0.11689070612192154, 0.48767825961112976, -0.587857723236084, 0.3521008789539337, 0.25731900334358215, -0.2671434283256531, 0.2646980583667755, 2.471022844314575, -0.758715033531189, 1.2185033559799194, -1.0760074853897095, 0.6192126870155334, -0.4156522750854492, 0.7329059839248657, 1.5429407358169556, -0.31392738223075867, -0.46449896693229675, -0.6866434812545776, -0.350198358297348, -1.1146955490112305, 0.5325562357902527, -0.3404299020767212, -0.3032086193561554, -0.10418276488780975, 0.2572622299194336, -0.7369329333305359, -0.6936789155006409, -0.3147266209125519, 0.08142504841089249, -0.10289420187473297, 0.9412123560905457, -0.6990441679954529, 0.28074517846107483, 0.9725026488304138, 0.4066799283027649, -0.01706695556640625, 0.17461712658405304, -0.9562697410583496, -0.09158585220575333, 0.4168688654899597, -0.20947027206420898, -0.12854185700416565, -1.1146870851516724, 0.7381078004837036, -0.000756608322262764, 0.2421342134475708, 0.49666738510131836, -0.35437145829200745, 0.4877414405345917, 0.5360812544822693, 0.31777647137641907, -0.26162394881248474, -0.8718563318252563, 0.1331661343574524, -0.43038424849510193, -0.28962278366088867, 0.3447440564632416, 0.21841338276863098, -0.08694426715373993, -1.401045560836792, 0.2320294827222824, 0.09751482307910919, 0.14321604371070862, -0.6454980373382568, -0.5842019319534302, 0.4311412572860718, -0.5384312868118286, 0.5317491292953491, 0.04647902026772499, 0.3998984098434448, -0.5560200810432434, -0.0949849933385849, 0.5334899425506592, -0.2328891158103943, -0.3585781455039978, -0.0761507973074913, 0.6934115886688232, 0.9454004168510437, 0.6603600382804871, -0.0859312117099762, -0.672103762626648, 0.23939889669418335, 2.0155930519104004, 0.2777787446975708, -1.1874219179153442, -0.2225889265537262, -0.6908174753189087, 0.39448970556259155, -0.8488652110099792, 0.17050936818122864, -0.9996467232704163, -0.3581182360649109, -1.3312360048294067, -0.035919614136219025, -0.6914441585540771, -0.36112329363822937, 0.8142378330230713, 1.332023024559021, -0.6208046674728394, -0.3872765600681305, -0.10008306801319122, -0.3109043538570404, 0.1476643830537796, 1.1565946340560913, -0.023467516526579857, -0.38516148924827576, 0.4988611936569214, 0.003342241048812866, 0.10906881093978882, 0.6887421011924744, 0.7001439332962036, 0.01971118152141571, -0.6736712455749512, -0.13107874989509583, 0.637011706829071, -0.5282981991767883, 0.08160606771707535, 0.8056744337081909, 1.0191740989685059, 0.22976717352867126, -0.5779715180397034, 0.105716273188591, 0.3739338517189026, 1.2941932678222656, 1.9087411165237427, -0.3669722080230713, 1.1238261461257935, -0.9659034013748169, 1.021836519241333, -0.19045065343379974, -0.4780522584915161, -0.16410601139068604, -0.523094117641449, 0.6081228852272034, -0.6628305315971375, 0.08879734575748444, -0.12907522916793823, -0.3455124497413635, -1.3060505390167236, -0.5798710584640503, -0.05195389688014984, -0.5865340828895569, -1.06876802444458, -0.7900497317314148, -0.06669530272483826, -0.12392515689134598, -0.36415353417396545, -0.2825627624988556, 0.7894046306610107, 0.2032422572374344, 0.8442301750183105, 1.4159669876098633, 0.2666826844215393, 0.27323639392852783, -0.09767726063728333, 0.24116243422031403, -0.2928652763366699, 0.3847481608390808, -0.1882822960615158, 0.27446743845939636, -0.6520498394966125, -0.4832741320133209, -0.38742733001708984, 0.1907769739627838, 0.2982379198074341, -0.14902065694332123, 0.11611704528331757, -0.5187118053436279, -0.9125388264656067, 0.4394223690032959, -1.0875986814498901, 0.6719915866851807, -0.6300543546676636, 1.5245628356933594, 0.413541316986084, -0.6003354787826538, 0.20343883335590363, -0.8744184374809265, 0.4744601249694824, 0.7509285807609558, -1.0361617803573608, 0.9129208922386169, 0.4373610019683838, -0.5144334435462952, -0.12150953710079193, 0.3593503534793854, -2.0773561000823975, 0.07285487651824951, 1.0140454769134521, 0.45625296235084534, -0.5832680463790894, -0.6579615473747253, 0.18770988285541534, -0.2878352999687195, -0.32675349712371826, -0.09807821363210678, -1.0031085014343262, 0.5083416104316711, 0.06913404911756516, 0.6445499062538147, 1.1233596801757812, -0.6997575163841248, 0.17602625489234924, 1.0934255123138428, 1.1094496250152588, -0.6888595819473267, -0.3055928945541382, 0.44122710824012756, -1.082150936126709, 0.7004141807556152, 0.5636347532272339, 0.791669487953186, 1.7606889009475708, -0.4553663730621338, -0.7378185987472534, 0.41511136293411255, 0.7825490832328796, -0.18408925831317902, 0.5813149213790894, 0.050257954746484756, 0.7513189315795898, 0.08007767796516418, 0.5845568776130676, 0.37927305698394775, -0.957798182964325, -0.657175600528717, 0.2051057368516922, -0.34197306632995605, -0.6165592074394226, 1.4405760765075684, 1.2205032110214233, 1.059008002281189, 0.0925530195236206, 0.47364750504493713, -0.4633651673793793, 0.5404927134513855, 1.1325781345367432, 0.4980604946613312, -0.008434973657131195, 0.028015032410621643, 0.2553785443305969, 0.49920451641082764, -0.2424633949995041, -0.5027318000793457, 0.21794551610946655, 0.7159450650215149, -0.30896586179733276, -0.7320376634597778, -0.40911954641342163, 0.8100636005401611, 0.41204407811164856, 1.6066758632659912, -0.10649283230304718, -0.6976627707481384, 0.39585891366004944, 1.1497726440429688, -0.12238817662000656, 0.2641635239124298, -0.9732141494750977, 0.41140177845954895, 0.555612325668335, 1.5412609577178955, -0.6879638433456421, 0.666477620601654, 0.10357631742954254, -1.3042229413986206, -0.2387756109237671, -0.4034450054168701, -1.0251617431640625, -0.7204119563102722, -0.27859824895858765, -0.888006865978241, -0.8107725381851196, 0.7302358746528625, -0.8604592084884644, -0.8542476892471313, 0.7619551420211792, -0.07134266942739487, -0.7870650291442871, 0.7765862941741943, 1.242950201034546, -1.3875592947006226, 0.011157764121890068, -0.2994317412376404, -0.9889053106307983, -0.9410542845726013, 0.5775177478790283, -0.3506942689418793, -0.12816517055034637, -0.7940707802772522, 1.303322434425354, -0.2552604675292969, -0.26354479789733887, -0.9536588191986084, 0.2534322142601013, 0.9446983933448792, -0.31636542081832886, 0.1966249644756317, -0.3113166391849518, 0.6748453378677368, -0.47065433859825134, -1.1533317565917969, -0.10059093683958054, 0.12141212075948715, 0.6072139739990234, -0.2863195240497589, -0.5736953616142273, -0.21392489969730377, -0.31918269395828247, 0.02202654257416725, 0.058472830802202225, -0.9532009959220886, 0.4331158399581909, 0.4942280054092407, 0.7812023758888245, 1.0572148561477661, -0.31308653950691223, -0.5706504583358765, 0.26204636693000793, -0.7066234350204468, 0.3873015344142914, -0.19327381253242493, 0.26457783579826355, 0.17419646680355072, 0.5550326704978943, 0.8379068374633789, 0.36569467186927795, -12.35389518737793, 0.3268548846244812, -0.7700164318084717, 0.16596917808055878, 0.3287823796272278, 0.1215880960226059, 0.6199578046798706, 0.7669974565505981, 0.5277294516563416, -0.7464094161987305, 0.30425652861595154, 0.5296630859375, -0.3185613751411438, -0.5848220586776733, 0.015660163015127182, -0.09582921117544174, -1.2409101724624634, -0.2812477946281433, 0.7629998922348022, 0.4579251706600189, -0.3970440924167633, -1.0757497549057007, -0.6741170883178711, 0.49497440457344055, -0.3395344316959381, -0.3115716278553009, 0.009439779445528984, -0.5662890076637268, -0.6622973680496216, 0.17672282457351685, 0.48094314336776733, -0.29227566719055176, -0.6757810711860657, -0.3491974472999573, 0.9899412989616394, -0.03978797048330307, -1.5307790040969849, -0.19608552753925323, 0.4137979745864868, 0.43985894322395325, -0.09986796975135803, 0.5134629011154175, -0.1842896044254303, -0.4603996276855469, -0.15505017340183258, 0.2988230586051941, 0.2900044023990631, -0.23757945001125336, 0.14954014122486115, -1.198616862297058, -0.8275741338729858, -0.7972174882888794, -0.9520168900489807, -0.6270901560783386, 1.1536940336227417, -0.03417032212018967, -0.23791658878326416, 0.45773640275001526, -0.12676195800304413, -0.5881263017654419, 1.0523995161056519, 0.6130075454711914, -0.6679792404174805, 0.7525016069412231, 1.084857702255249, -0.8051518797874451, 0.8061959743499756, 0.14685606956481934, 0.10525728017091751, 0.3443642258644104, -0.9314139485359192, 0.5910302400588989, 0.3355959951877594, 0.13048231601715088, -0.1980583667755127, -0.4350661039352417, -0.1388499140739441, -0.7635131478309631, 0.17941594123840332, 0.6734347939491272, -0.1703898012638092, 0.04707266017794609, -0.09369640052318573, -0.3900608718395233, -0.7948901653289795, 0.13684165477752686, -0.2490258514881134, -0.06009505316615105, 1.216711401939392, 0.8470932841300964, 0.9551678895950317, 0.22662711143493652, -0.24686212837696075, 0.45214781165122986, -0.40708112716674805, 0.8102328777313232, -0.8108288645744324, 1.0760986804962158, -0.37396734952926636, -0.24351263046264648, 0.7301419377326965, 0.06767579168081284, -0.40416231751441956, 0.1124262660741806, 0.7839112281799316, -0.5706321001052856, -0.05102798342704773, 0.6934115886688232, 0.739355742931366, 0.2190217673778534, 0.9788441061973572, -0.48741307854652405, 0.011563519015908241, 0.4199041426181793, 0.80577552318573, 0.9639921188354492, 0.7805776000022888, 0.45888668298721313, 0.7543579936027527, 0.40238505601882935, -0.6244233250617981, 0.7212405204772949, 0.15763063728809357, 1.2425243854522705, 0.42702972888946533, -0.11936024576425552, 0.18375106155872345, 0.18523260951042175, -0.4463253915309906, -0.45863956212997437, -0.008956588804721832, -0.17694330215454102, 0.4405989646911621, -0.7005312442779541, 0.40336886048316956, -0.5620437264442444, -1.3256704807281494, 1.075316071510315, -0.3712206482887268, 0.3712114095687866, 0.0619211420416832, -1.3688619136810303, -0.12909844517707825, -0.7312488555908203, 0.06505982577800751, 0.37834349274635315, -1.5782395601272583, -0.5061678290367126, -0.26991093158721924, -0.07104893028736115, 0.7949830293655396, 0.3663290739059448, 0.8678017258644104, -1.341569423675537, -0.021144835278391838, 0.8161768913269043, 0.41000232100486755, -0.3330884575843811, -0.5181861519813538, -0.6537705659866333, 0.7202282547950745, 1.0025473833084106, -0.8027070164680481, 0.8083680272102356, 0.21087434887886047, 0.3865545690059662, -0.46608227491378784, -0.2534691095352173, -0.2809167504310608, 0.9215526580810547, 1.0977153778076172, -1.4721282720565796, -0.3007028102874756, -0.889278769493103, -0.054317157715559006, 0.03535107523202896, -0.3672003149986267, 1.0458314418792725, -1.0811588764190674, 0.7724683284759521, -0.22716857492923737, 0.25608187913894653, 0.17541217803955078, -1.1440730094909668, -0.7415086030960083, 0.8028962016105652, -0.03303723782300949, 0.6486011743545532, 0.18148064613342285, 0.09653003513813019, -1.5344802141189575, -0.994035005569458, -0.2588326036930084, -0.24142073094844818, 0.16819541156291962, -0.32627710700035095, 0.787311315536499, -0.4400646984577179, 0.27748802304267883, 0.2888123393058777, 0.08599936962127686, 0.5564578771591187, -0.29881569743156433, -0.11355207860469818, -0.22862094640731812, -0.27077823877334595, -0.463902086019516, 0.22012150287628174, 0.16419024765491486, -0.46406427025794983, -1.252697229385376, -0.1720363050699234, -0.15442493557929993, -0.03844006732106209, -0.14574842154979706, -0.44418957829475403, -0.1889118254184723, 0.3300328552722931, -0.12270994484424591, -1.1417608261108398, -0.29460638761520386, 1.1376335620880127, 0.07840503752231598, 1.2738604545593262, 0.29289713501930237, 0.07298722118139267, -0.09455210715532303, 0.7044164538383484, 0.91607266664505, -0.6835834980010986, -0.6811012625694275, -0.5841673016548157, 0.5366369485855103, -0.3224294185638428, 0.28584688901901245, 0.6666191220283508, -1.378658652305603, -0.045228712260723114, -1.5619860887527466, 0.30119752883911133, -0.1304735541343689, -0.10249155759811401, 0.3238999545574188, 0.6075466871261597, -0.6639602780342102, -1.317882776260376, -0.0841991975903511, -0.2490411102771759, -0.09917852282524109, -0.06004346162080765, -0.03725855052471161, 0.8435419201850891, 0.6741670370101929, 0.07202400267124176, 1.2645657062530518, 0.1373012661933899, 0.24109572172164917, 0.35244220495224, 0.4810969829559326, 1.5256106853485107, 0.63306725025177, 0.036457791924476624, 0.33758866786956787, -0.5004260540008545, -0.36739736795425415, 0.2784934341907501, 0.15967217087745667, 0.7848570346832275, 1.5614405870437622, -0.17800766229629517, -0.45864254236221313, -0.6822574138641357, -0.2715723514556885, 0.21932125091552734, 0.4538590610027313, 0.5005263686180115, -0.6602018475532532, -0.7023792266845703, -0.7743050456047058, 0.16134625673294067, 0.8348997831344604, -0.01084541529417038, -0.38925379514694214, -1.315161943435669, -0.4028390049934387, 0.4494617283344269, -0.8558921217918396, -1.3906397819519043, 0.7746254801750183, -0.6617735028266907, 0.39920008182525635, 0.3152080178260803, -0.17843914031982422, -0.6108540296554565, 0.4730457365512848, -0.839894711971283, 0.8564116358757019, -0.5378559231758118, -1.26222825050354, -0.2618943154811859, 0.333251029253006, 0.27187439799308777, -0.752586841583252, 0.6664191484451294, -0.26411086320877075, -1.4432345628738403, 1.0945388078689575, 0.6976967453956604, -0.5073049068450928, -0.19732952117919922, 0.4704808294773102, 0.20917142927646637, -0.11871042102575302, 1.363084077835083]} +{"paper_id": "GEM/indonlg", "embedding": [-0.3831600844860077, 0.803812563419342, -0.12109434604644775, -0.25808125734329224, 0.6112674474716187, -0.16127978265285492, 0.5134774446487427, 0.3180263936519623, 0.8600205779075623, 0.5394207239151001, 0.39488649368286133, -0.18462178111076355, 0.007042739540338516, -0.09255197644233704, 0.30414313077926636, -0.9390303492546082, -1.6107920408248901, -0.714378297328949, -1.4897527694702148, -0.7401162981987, -0.9754845499992371, -0.11802179366350174, 0.11934807896614075, 1.027119755744934, -0.053323276340961456, -0.6352291107177734, 0.9873460531234741, -1.0601375102996826, 0.23398706316947937, 0.03555933013558388, -0.5714051723480225, 1.0665786266326904, -0.9295945763587952, 0.2901897132396698, -0.47514036297798157, -0.2329445332288742, 0.14639650285243988, 1.3228883743286133, -0.6178600788116455, 0.5477533936500549, -0.8532631993293762, -0.02493300661444664, 0.6690842509269714, 0.04747200012207031, 0.4859369993209839, 0.007547341287136078, -0.5498908758163452, 0.14744330942630768, -0.324518620967865, 0.05348379537463188, -0.2631269097328186, 0.2825184166431427, -0.32243725657463074, 0.2520168125629425, -0.0008890479803085327, 1.3228321075439453, 0.7811138033866882, -1.279767394065857, 0.5955364108085632, -0.5977870225906372, 0.9182956218719482, 1.680505633354187, -1.0360329151153564, 0.8419437408447266, 0.9483165144920349, -0.1439245343208313, 1.284972906112671, 0.3930397033691406, 0.3011787235736847, 0.6027554273605347, 0.17830730974674225, -0.6374025344848633, 0.6091766953468323, 0.23147070407867432, 0.43149471282958984, 0.9107387065887451, 0.17403410375118256, 0.43156591057777405, -0.22761866450309753, -0.24719944596290588, -0.4030047655105591, 0.6652392148971558, 0.4247179329395294, -0.8494563102722168, 0.41806671023368835, 0.917845606803894, 0.6121114492416382, -0.6188222169876099, 0.16083991527557373, -1.988450050354004, -0.016904011368751526, 0.6039735078811646, 0.17469990253448486, -0.3337934911251068, -0.2701440751552582, 0.4237684905529022, -0.1700923591852188, 0.00981784239411354, -0.19393882155418396, 0.15124812722206116, 0.43258506059646606, -0.34694886207580566, 0.7382980585098267, 0.3783445656299591, 0.7670917510986328, 1.0450738668441772, 0.013025924563407898, -0.593726396560669, -0.8477653861045837, -0.6322543621063232, 0.019682105630636215, 0.8489557504653931, 0.15123514831066132, 0.8443922996520996, 0.25808185338974, 0.12276279181241989, 0.02715420350432396, -0.8377763032913208, -0.39637982845306396, 0.1670166254043579, -0.5154651999473572, -1.5195447206497192, -0.08222930133342743, -0.04915144667029381, 0.9319599270820618, -0.9440602660179138, 0.11470483988523483, -0.02107994258403778, 0.24312672019004822, -0.20719607174396515, 0.890133261680603, -0.014116927981376648, -0.32364410161972046, 0.39216259121894836, 2.9724361896514893, -0.7065102458000183, 1.2075865268707275, -0.40907761454582214, -0.22123275697231293, -0.2888127863407135, 0.1590198576450348, 1.065134048461914, -0.12090986967086792, -1.0081303119659424, -0.7056137323379517, 0.3151177763938904, -1.1722931861877441, 0.23228879272937775, -0.8700057864189148, -0.2899703085422516, -0.12957406044006348, 0.17254166305065155, -1.2140307426452637, -0.5972815752029419, 0.2840861976146698, 0.7295892834663391, 0.21477048099040985, 0.7918587923049927, -0.2563556730747223, 0.9848623871803284, 1.0058282613754272, -0.06335806101560593, -0.4904809892177582, 0.6067970395088196, -0.9248884916305542, -0.029171939939260483, 1.1193788051605225, -0.40849998593330383, -0.3612865209579468, -0.6694931387901306, 0.9592418670654297, -0.3861792981624603, -0.15918250381946564, 0.005403381772339344, -0.04274933412671089, 0.8662522435188293, 0.5099610686302185, 0.6686521768569946, -0.22101826965808868, -0.36570295691490173, -0.3522920310497284, -0.6231008768081665, -0.41472700238227844, 0.473389595746994, -0.33714625239372253, 1.056404948234558, -2.5444514751434326, 0.07314971089363098, -0.0731288343667984, 0.16010499000549316, -0.40158897638320923, -0.4991026520729065, 0.08122529089450836, -0.23086342215538025, 0.6602685451507568, -0.2911960780620575, 0.957646906375885, -1.1279656887054443, -0.14414799213409424, 0.2542492747306824, -0.3040260374546051, 0.12949822843074799, -0.026881171390414238, 1.1353596448898315, 0.4822967052459717, -0.5816987752914429, -0.4830597937107086, -1.6291835308074951, -0.2856721878051758, 2.6465494632720947, 0.17199259996414185, -0.827701210975647, -0.9552459716796875, -0.48148417472839355, 0.28285759687423706, -0.5509219765663147, -0.09898963570594788, -0.5765158534049988, -0.41638368368148804, -1.3356214761734009, 0.06721162050962448, -0.6056593656539917, 0.4214264452457428, 0.5052004456520081, 0.9525625705718994, -0.6217459440231323, -0.2722928822040558, -0.5669535398483276, -0.8794259428977966, 0.2449081987142563, 0.8969804048538208, 0.48628485202789307, -0.5805243849754333, 0.8853967785835266, -0.4614279568195343, 0.7612131834030151, 0.488421231508255, 0.36276009678840637, -0.2949286699295044, 0.1165786013007164, 0.5841225981712341, 1.0481590032577515, -0.2496633678674698, -0.06464239209890366, 0.32028907537460327, 0.762846827507019, -0.4091479480266571, -0.4847983717918396, 0.25724220275878906, -0.2600218951702118, 1.3947464227676392, 1.1171555519104004, -0.7371395826339722, 1.3359802961349487, -1.2561784982681274, 0.22584372758865356, -0.36776307225227356, -0.528815507888794, -0.3287252187728882, 0.07050585746765137, 0.6929146647453308, -0.11260595917701721, 0.25835609436035156, -0.7914665937423706, -0.3335614800453186, -1.6347711086273193, -0.43861711025238037, -0.49079078435897827, -0.401836097240448, -1.3996113538742065, -0.28716328740119934, -0.02440512180328369, -0.9809982180595398, -0.4104878604412079, -0.3434271514415741, 0.6593788266181946, 0.47543415427207947, 0.9878937005996704, 1.8955578804016113, -0.06316371262073517, 0.32508614659309387, 0.38358885049819946, 1.0308194160461426, -1.0073219537734985, 1.017490029335022, 0.0059974826872348785, -0.09696447849273682, -0.9163545966148376, 0.43291106820106506, -0.6270630359649658, 0.15437251329421997, 0.4880388379096985, -0.604429304599762, -0.0699331983923912, -0.47709858417510986, -0.9107988476753235, 0.5840330123901367, -1.1953325271606445, 0.7146550416946411, -0.607071578502655, 1.9422701597213745, 0.2752602696418762, -0.08373886346817017, 0.8065708875656128, -0.77940434217453, -0.11234097182750702, 0.9252611994743347, -0.7732287645339966, 0.6846593618392944, 0.2816465497016907, -0.24949395656585693, 0.28247329592704773, 0.3189220726490021, -2.096116065979004, 0.09158606082201004, 1.2838715314865112, -0.22407324612140656, -0.36588770151138306, -0.9521061778068542, 0.10362578928470612, -0.7196137309074402, -0.4279479384422302, 0.10426877439022064, -0.6616998314857483, 0.40121808648109436, -0.5137141346931458, -0.15191566944122314, 0.9467686414718628, -0.2675825357437134, 0.6191266179084778, 1.355444073677063, 0.1824386566877365, -0.9032788276672363, -0.3003970682621002, 0.5475786924362183, -1.0786058902740479, 0.13141843676567078, 0.1907118558883667, 0.8843862414360046, 1.6918834447860718, -0.3979450762271881, -0.42172572016716003, 1.0835456848144531, 0.8362218141555786, 0.4251288175582886, 0.38097378611564636, -0.373970091342926, -0.004617637023329735, -0.15000282227993011, 1.130320429801941, -0.08774083852767944, -0.9176459908485413, -0.6845058798789978, -0.4541355073451996, -0.24482722580432892, -0.4932047128677368, 1.366777777671814, 0.8468224406242371, 1.092729926109314, -0.1111648827791214, 0.38165536522865295, -0.7392777800559998, -0.09832757711410522, 1.0083614587783813, 0.09287628531455994, -0.19095124304294586, -0.3441486358642578, -0.5077873468399048, 1.0420899391174316, -0.23572498559951782, -0.5237752199172974, -0.012199055403470993, 0.4039575457572937, -0.1570059210062027, -1.2263938188552856, 0.22512178122997284, 0.9232721328735352, 0.33648714423179626, 1.6128628253936768, -0.8613741993904114, -0.45019471645355225, 0.5286604762077332, 0.47455719113349915, 0.011415106244385242, 0.2884126305580139, -0.45653754472732544, 0.1526813507080078, 0.4120315909385681, 0.8237427473068237, -0.018171124160289764, 0.7847951650619507, 0.7042163014411926, -1.2228171825408936, -0.7817120552062988, -0.8714914917945862, -1.256469964981079, -0.21298183500766754, -0.028706183657050133, -0.23388488590717316, -0.8486172556877136, 0.5050520896911621, -0.5735308527946472, -0.894615888595581, 0.7170834541320801, -0.09654612094163895, -1.2418980598449707, 0.9071434736251831, 1.1086968183517456, -1.32413649559021, -0.5095927119255066, -0.2868475914001465, -1.0217057466506958, -0.9895964860916138, 0.09013988822698593, -0.5588991641998291, -0.07213689386844635, -0.2725253701210022, 0.7999729514122009, -0.06540513783693314, -0.19470232725143433, -1.1043943166732788, 0.49314701557159424, 1.3621124029159546, -0.5871033072471619, 0.5114116668701172, 0.10114838182926178, 0.884593665599823, -0.11886657774448395, -0.8625537157058716, -0.7389841079711914, 0.7674928307533264, 0.6384532451629639, 0.4538022577762604, -0.5631752610206604, -0.9857203364372253, 0.24453428387641907, -0.016349565237760544, 0.5357652306556702, -1.1465364694595337, 0.2638419270515442, -0.09030027687549591, 0.4117540121078491, 1.072026252746582, -0.6836062073707581, -0.5379675030708313, 0.8766214847564697, -0.2757563591003418, 0.28995269536972046, -0.023220643401145935, 0.5501807332038879, 0.40892764925956726, 0.003462746739387512, 0.3624206781387329, -0.5587425827980042, -11.413066864013672, 0.0337577760219574, -0.42060771584510803, -0.3086801767349243, 0.6581388711929321, -0.27170926332473755, 0.5132034420967102, 0.04204385355114937, 0.5888493061065674, -0.7694467902183533, 0.8447176814079285, 0.9430171847343445, 0.38560280203819275, -0.12127469480037689, -0.5322571396827698, -1.221329689025879, -0.9785348176956177, -0.40310198068618774, 0.5384899973869324, -0.0969541147351265, -0.605854332447052, -0.968087911605835, 0.7974995374679565, 0.23489567637443542, 0.24245651066303253, 0.5249097943305969, 0.025868967175483704, 0.03812780603766441, -0.21301016211509705, -0.08584476262331009, 0.6307387351989746, 0.3157661557197571, -0.9769455194473267, -0.645399272441864, 0.5384146571159363, 0.20896856486797333, -1.099200963973999, -0.024463625624775887, 1.3590251207351685, 0.05191447213292122, -0.6576555967330933, 0.19515304267406464, 0.42854273319244385, -0.09755086153745651, -0.2853734493255615, 0.10032223165035248, 0.34197625517845154, -0.7132807374000549, 0.5974558591842651, -0.686793863773346, -0.750090479850769, -0.8024299740791321, -1.13392174243927, -0.7226389646530151, 0.17221397161483765, -0.034446410834789276, -0.38767650723457336, 0.11109497398138046, -0.24494701623916626, -1.29599130153656, 0.7979317307472229, 0.6717433333396912, -0.7785989046096802, -0.02429528906941414, 0.030103173106908798, -0.8320199847221375, 0.16361942887306213, 0.6082157492637634, -0.5564438104629517, 0.5788459181785583, -0.9111732244491577, 0.4729937016963959, -0.06830476969480515, 0.3523836135864258, -0.08850187808275223, -0.21475660800933838, -0.3522563576698303, -0.5963416695594788, 0.22795981168746948, -0.24862681329250336, -0.7580736875534058, 0.34249192476272583, 0.15273281931877136, -0.17541161179542542, -0.7843050360679626, 0.0032628998160362244, -0.3244142234325409, 0.2591738700866699, 0.8222780227661133, -0.46970903873443604, 1.166685938835144, -0.5087895393371582, 0.001767430454492569, 0.5803321003913879, -0.37415778636932373, 0.79232257604599, 0.1983461230993271, 0.7023614645004272, 0.1968110203742981, -0.8899449706077576, 0.44456616044044495, -0.5007739067077637, -0.3915393352508545, -0.31875064969062805, 0.47248712182044983, 0.011655259877443314, 0.14940547943115234, 0.3867696225643158, 0.46501949429512024, -0.31689658761024475, 0.9773937463760376, 0.03271690011024475, -0.2146497517824173, 0.9074162244796753, -0.06612628698348999, 1.377873182296753, 0.7979644536972046, 0.07703115046024323, 0.9502276182174683, 0.8599134683609009, -0.5285166501998901, 1.2951838970184326, 0.3975766599178314, 1.244171142578125, -0.4182801842689514, 0.5246301889419556, 0.48742732405662537, 0.671215832233429, -0.6443653106689453, -1.16461181640625, 0.05581817030906677, -0.37595272064208984, 0.12299123406410217, -0.7442421913146973, -0.150410994887352, -0.19146355986595154, -1.0130929946899414, 1.9227229356765747, -0.7551756501197815, 0.2382509708404541, 0.3141198754310608, -0.8314504027366638, 0.18023884296417236, -0.8560311794281006, -0.8118825554847717, -0.1914931833744049, -1.9277734756469727, 0.21255838871002197, -0.12725718319416046, -0.6552416682243347, 0.4823250472545624, -0.018645484000444412, 1.116349220275879, -1.1104507446289062, 0.02458786405622959, -0.2145448625087738, 0.5174122452735901, -0.28101539611816406, -0.7599400281906128, -0.13492760062217712, 0.20327991247177124, 0.899223268032074, -0.5403218865394592, 1.263195514678955, 0.2460235357284546, 0.2728434205055237, 0.06438777595758438, -0.11626285314559937, -0.7205819487571716, 0.6498932838439941, 1.2171084880828857, -1.2016985416412354, -0.3703746497631073, -0.5178097486495972, -0.4232296049594879, -1.0610382556915283, 0.5280027985572815, 1.3887337446212769, -0.8566723465919495, 0.5991557836532593, -0.1251211166381836, 0.9506921768188477, -0.13151390850543976, -0.3253557085990906, -0.8741178512573242, 0.24708569049835205, 0.07126814126968384, 1.1006877422332764, 0.11235669255256653, 0.776242733001709, -2.1876323223114014, -1.3064537048339844, -0.33168739080429077, -0.09647217392921448, 0.1710662543773651, -0.6207675933837891, 0.86658775806427, 0.6183869242668152, 0.22588986158370972, 0.25636041164398193, -0.23352742195129395, 0.566001832485199, 0.0024936124682426453, 0.23562322556972504, 0.2030036747455597, 0.17493928968906403, -0.6290383338928223, 0.19226232171058655, 0.7331259846687317, 0.5496268272399902, -1.109233021736145, -0.5025216341018677, 0.23715907335281372, -0.33869192004203796, -0.11875094473361969, -0.8105419874191284, 0.10455639660358429, 0.1381678730249405, -0.033058200031518936, -1.2506141662597656, 0.022313140332698822, 1.4554036855697632, -0.30100512504577637, 0.9919901490211487, 0.8891220092773438, -0.10123345255851746, 0.35346361994743347, 0.7869758009910583, 1.2673717737197876, -0.19567227363586426, -0.4552615284919739, -0.21767345070838928, 0.5829968452453613, -0.2952611744403839, -0.13419926166534424, 0.13540151715278625, -1.3803914785385132, 0.0963030532002449, -0.651423454284668, 0.9196198582649231, 0.21344155073165894, 0.12553352117538452, 0.33302557468414307, 0.6808744668960571, 0.16354890167713165, -1.2570477724075317, 0.23868295550346375, -0.5019069910049438, 0.1657383292913437, 0.41838154196739197, 0.5176020264625549, 0.8634845018386841, 0.685894250869751, 0.14870455861091614, 1.2038295269012451, -0.4234558343887329, 0.0663747563958168, -0.13803395628929138, 0.4860796332359314, 0.6946547031402588, 0.5248671174049377, 0.5884283185005188, -0.3074973523616791, -0.4764973819255829, -0.09950445592403412, -0.12909774482250214, -0.5132133960723877, 0.9539568424224854, 1.0544875860214233, -0.0016736937686800957, -0.02203568071126938, -1.0003399848937988, 1.1988272666931152, -0.7787135243415833, 0.7120524048805237, 0.6966170072555542, -0.6236956119537354, -0.8220128417015076, -0.900848388671875, 0.5158669352531433, 1.059928059577942, -0.4687798023223877, -0.12366907298564911, -0.7270690202713013, 0.14253416657447815, 0.1415516585111618, -0.2619815170764923, -1.1173298358917236, 0.31317511200904846, -0.9478508830070496, 0.0832807719707489, 0.24732695519924164, -0.1671731173992157, 0.09844411909580231, 0.5202882289886475, -0.7667105793952942, 0.7782736420631409, -0.03463608771562576, -0.9066026210784912, -1.0666152238845825, 0.04352520778775215, -0.5595272183418274, -0.19613716006278992, 0.7576174736022949, -0.3239632546901703, -1.5050044059753418, 1.1785606145858765, 1.3596813678741455, -1.024701714515686, -0.8660112619400024, -0.0023585110902786255, 0.25538238883018494, 0.011353299021720886, 1.2805360555648804]} +{"paper_id": "DDSC/dkhate", "embedding": [-0.6275357007980347, 1.6310479640960693, 0.3199370801448822, 0.4382312595844269, 0.9740610122680664, 0.20214605331420898, -0.006961114704608917, -0.27322065830230713, 0.730256974697113, 0.8379682302474976, 0.29806554317474365, -0.5831254124641418, 0.14392618834972382, 0.009577927179634571, -0.0003364570438861847, -0.18753480911254883, -0.7591842412948608, -0.23204253613948822, -0.04460345208644867, 0.023067958652973175, -0.7591213583946228, -0.7509304881095886, -0.02333366870880127, 0.5420220494270325, -0.7591058015823364, -0.10132262110710144, 0.17618581652641296, -1.4271548986434937, -0.45300987362861633, -0.06081393361091614, -0.2310212254524231, 0.8541069626808167, -1.7251074314117432, 0.04218057543039322, -0.7649003267288208, -0.5661090612411499, -0.10041486471891403, 0.401949405670166, -0.3659055829048157, -1.0697369575500488, -0.6538317203521729, 0.8676832318305969, 0.5808035731315613, 0.33745327591896057, 0.20986329019069672, 0.17414551973342896, 0.11221905052661896, -0.2360733598470688, 0.14609870314598083, -0.4742467999458313, -0.4265098571777344, 0.2879491150379181, -0.19230926036834717, 0.280450701713562, -0.873763918876648, 0.6098585724830627, -0.016996338963508606, -0.9076570868492126, 0.11545419692993164, -0.8558486700057983, 1.4182336330413818, 1.4342783689498901, -0.439706414937973, 0.820325493812561, 0.8648121356964111, -0.4179866313934326, 1.0230807065963745, -0.387545645236969, 0.5011183619499207, 0.15792392194271088, 0.004064619541168213, -0.9019239544868469, 0.458209753036499, -0.18701469898223877, -1.0552287101745605, 0.526991605758667, -0.0019151140004396439, 0.1728494018316269, -0.5563716888427734, 0.6846910119056702, 0.15410220623016357, 0.14245858788490295, -0.2803246080875397, -0.8106871247291565, 0.9267226457595825, 0.12624633312225342, 0.2751290500164032, -0.2595036029815674, 0.7981038689613342, -1.4662622213363647, 0.5408909320831299, 0.3239216208457947, 0.31998807191848755, 0.6959018111228943, -1.4435720443725586, 0.5467706918716431, -0.33874088525772095, 0.31092211604118347, -1.2232977151870728, 0.7801873683929443, 0.5783007144927979, -0.42595458030700684, 0.6708179712295532, -0.3789992332458496, 0.2849080562591553, 0.8283827304840088, 0.2899535894393921, -0.11907493323087692, -0.23802471160888672, -0.4177880883216858, -0.0005709342658519745, 1.4676042795181274, -0.36298203468322754, 0.705314576625824, 0.2610090672969818, -0.13565614819526672, -0.21805137395858765, -0.9696096181869507, -0.5845929384231567, 0.16021545231342316, -1.085634708404541, -1.353440523147583, 0.1890406310558319, 0.8931016325950623, 1.7053236961364746, -0.34937429428100586, 0.7670313119888306, -1.090539813041687, -0.3941793739795685, -0.1970488727092743, 0.8094356060028076, -0.4722363352775574, -0.5126554369926453, 0.30120769143104553, 2.767781972885132, -1.82049560546875, 0.9892670512199402, -0.4244735538959503, 0.6024237275123596, -0.49616819620132446, -0.812148928642273, 1.1128675937652588, 0.012780535966157913, -1.6825504302978516, -0.626375138759613, 0.152933269739151, -0.7072944641113281, 0.16373127698898315, 0.026561923325061798, -0.7014477849006653, 0.21764422953128815, 0.6642780303955078, -0.3996020257472992, -0.04701066017150879, 0.2550041079521179, 0.11427486687898636, -0.6166185140609741, 0.3990965187549591, -0.2779249846935272, 0.16318607330322266, 0.8027456402778625, 0.4047827124595642, -0.197609543800354, 0.5363512635231018, -0.680956244468689, -0.6551843881607056, 1.0334665775299072, -0.2777704894542694, -0.9478338956832886, -0.4747399389743805, 0.8741508722305298, 0.2232971489429474, 0.05142446234822273, 0.04847852140665054, -0.8639106154441833, -0.6258582472801208, 0.7133955359458923, 1.10281503200531, 0.43466776609420776, -0.468522846698761, -0.4637340009212494, -0.6671412587165833, 0.1034756526350975, 1.1578929424285889, -0.9011281132698059, -0.40645450353622437, -1.666232705116272, 0.12276361882686615, -0.3972843289375305, 0.8098179697990417, 0.474115788936615, -0.7157014012336731, -0.10074036568403244, 0.4762032926082611, 0.06672576069831848, 0.25186654925346375, 0.6488365530967712, -1.3500405550003052, 0.17590129375457764, -0.07123434543609619, 0.8051506280899048, -0.7749727964401245, -0.3776869475841522, 0.4492725133895874, 0.5344609618186951, -0.4394353926181793, -0.03975014016032219, -1.5145726203918457, 0.8279527425765991, 1.982702612876892, 0.5737299919128418, -1.1074655055999756, -0.20209628343582153, 0.592101514339447, -0.24176836013793945, -0.22159959375858307, 0.8181711435317993, -1.0629217624664307, 0.006395593285560608, -1.3747612237930298, -0.0010221181437373161, -0.257453054189682, 0.42522069811820984, 0.3825649619102478, 0.11487088352441788, -0.6448396444320679, -0.5262967944145203, -0.6821387410163879, -0.8220246434211731, 0.4199054539203644, 1.1704813241958618, 0.0324428491294384, 0.47222620248794556, 0.9907971024513245, 0.3238268196582794, 0.7347498536109924, 0.46551427245140076, 0.25565487146377563, -0.37916165590286255, 0.4149058759212494, 0.7202768921852112, -0.41460543870925903, -0.4733644723892212, -1.3702826499938965, 0.2619627118110657, 0.7304553389549255, -0.18255281448364258, -0.680905818939209, -0.36549925804138184, 0.32083460688591003, 0.8845697045326233, 1.2963587045669556, -0.7776920199394226, 0.4378472864627838, -0.07917417585849762, 0.20508816838264465, -0.3012022376060486, 0.017607208341360092, 0.20208574831485748, -0.3957708477973938, 0.3042812645435333, -0.29479262232780457, 0.29056569933891296, 0.026701442897319794, -0.7947523593902588, -0.48667263984680176, -1.5481531620025635, 0.5965752601623535, -0.3559286594390869, -0.9351426362991333, 0.13105300068855286, -1.2342135906219482, -1.42535400390625, -0.7741991877555847, -0.1414743810892105, 0.07904982566833496, -1.0956382751464844, 0.3940671682357788, 1.1330318450927734, -0.17489442229270935, 0.442547470331192, -0.7826946973800659, 1.3932873010635376, -0.5164836049079895, 0.31770849227905273, -0.15021923184394836, -0.23909252882003784, 0.00212126225233078, -0.14913134276866913, -0.3932279348373413, 0.0988171324133873, 1.0671831369400024, -0.4098682701587677, 1.1001440286636353, -0.1428021788597107, -0.9204869866371155, 0.9573377966880798, -0.2108578085899353, 0.4891870617866516, -0.4015067219734192, 0.9965260624885559, 0.4905664920806885, -0.8040125370025635, 0.5889168381690979, -0.6961404085159302, -0.11394476890563965, 0.7220385074615479, -1.589664101600647, 0.44662365317344666, 0.6582133769989014, -0.7938529849052429, -0.4087885916233063, 0.3350772559642792, -1.788203239440918, 0.05946588143706322, 1.5613987445831299, -0.30351880192756653, 0.25323033332824707, -0.042172037065029144, 1.4894191026687622, -0.13107578456401825, -0.10988752543926239, -0.4984961450099945, -0.3192810118198395, 0.7934878468513489, -0.024940267205238342, -0.30377495288848877, -0.15470802783966064, -0.8489627838134766, -0.5938463807106018, 0.7197442054748535, 0.862033486366272, -0.40382903814315796, 0.1393986940383911, 0.19750893115997314, -0.48329371213912964, 0.9997692108154297, 0.1557731330394745, 0.6869329810142517, 0.9531160593032837, -0.40805208683013916, -0.3472852408885956, 0.7068923711776733, 0.6019442081451416, 0.15321612358093262, 0.34179213643074036, 0.33514314889907837, 1.2640538215637207, -0.9266632795333862, 1.4729077816009521, 0.47826287150382996, -0.2016391158103943, -1.3343600034713745, -0.4754573404788971, -0.07025415450334549, -0.5572877526283264, 0.7528212666511536, 0.6487332582473755, 1.407481074333191, 0.1372648924589157, -0.07151186466217041, -0.5845122933387756, 0.6810251474380493, 1.740403175354004, 0.3754180073738098, 0.923557698726654, 0.06722414493560791, 0.23595185577869415, 0.9476415514945984, 0.4186244010925293, -0.6581593751907349, 0.00032647931948304176, 0.9931735992431641, -0.42255812883377075, -0.14405907690525055, -0.25425103306770325, -0.013493623584508896, 0.15011724829673767, 0.6666377186775208, -0.8184098601341248, -0.29934343695640564, -0.36831846833229065, 0.47302892804145813, 1.0537757873535156, 0.5646284222602844, -0.6316642761230469, 0.2258848249912262, 0.32534635066986084, 1.0760116577148438, -0.6675766110420227, 0.40721362829208374, 0.4111188054084778, 0.11131080985069275, -0.4877108335494995, -0.2997867465019226, -0.27296847105026245, -0.2519768178462982, 0.4904400706291199, 0.020256206393241882, -0.8923097252845764, 1.5880341529846191, -0.8728958368301392, -1.7353352308273315, 0.35775548219680786, -0.3983582556247711, -0.54593825340271, 0.513312041759491, 0.7549415826797485, -1.0143152475357056, -1.7004066705703735, -0.015355058014392853, -1.1736663579940796, -1.1442019939422607, 0.3080829381942749, -0.9419218301773071, 1.775816559791565, 0.5305668711662292, 0.4926336407661438, 0.4313367009162903, -0.20262736082077026, -0.46111607551574707, 0.7807982563972473, 1.748320460319519, -0.9366616010665894, -0.09303934872150421, 0.20045901834964752, -0.05917995423078537, 0.5878769159317017, -1.1617114543914795, -0.6955345869064331, 0.9471757411956787, 0.46275898814201355, 0.6076527833938599, -0.971019983291626, -0.5388736128807068, 0.11660341173410416, -0.1935146301984787, 0.7953589558601379, -0.8837786316871643, 0.557536244392395, -0.37500736117362976, 0.5684309601783752, 1.365574836730957, -0.18738508224487305, -0.6637772917747498, 1.0951170921325684, -0.6948978900909424, 0.315074622631073, 0.04345523566007614, -0.16365927457809448, 1.2229377031326294, 1.0649170875549316, 0.8331966400146484, -0.32669883966445923, -10.154820442199707, 0.7821945548057556, 0.11902571469545364, 0.8188565373420715, 0.3340533673763275, -0.09009263664484024, 0.05860685557126999, 0.0820973813533783, 2.3615481853485107, -0.8315867781639099, -0.18154355883598328, 1.6180295944213867, 0.11001574248075485, -1.1388667821884155, -0.7450746893882751, -0.21222282946109772, -0.6291912198066711, -0.7643266916275024, -0.20452874898910522, 0.17610058188438416, -0.077735036611557, -1.5682755708694458, -0.008079715073108673, -0.7675226926803589, 0.9919493794441223, -0.9334384799003601, -0.028027448803186417, -0.6567685604095459, -0.8726693391799927, 0.7250864505767822, 1.2001339197158813, -0.05402233079075813, -0.7614294290542603, -0.23412556946277618, 0.3763236403465271, 0.6520677208900452, -1.041969656944275, -0.7975643873214722, 0.6116169691085815, 0.06321293860673904, -0.24268563091754913, 0.3619041442871094, 0.5702425837516785, -0.7302767038345337, -0.17663538455963135, -0.7272210717201233, -0.5954692959785461, -0.08872102946043015, 0.38381001353263855, -0.3014028072357178, 0.022302240133285522, -0.6681216955184937, -1.7092814445495605, -0.32199496030807495, 1.1388823986053467, -0.13082058727741241, -0.765143871307373, 0.18453727662563324, -0.49658578634262085, -1.3571722507476807, 1.2387173175811768, -0.012073863297700882, -0.2573912441730499, 0.9174047708511353, 0.4956815838813782, -1.424831509590149, 0.7012212872505188, -0.21684300899505615, 0.14270934462547302, 0.7233543992042542, -0.5800253748893738, 1.6363989114761353, 0.014417347498238087, 0.7427315711975098, -0.20417994260787964, -0.5579761266708374, -0.6541200876235962, 0.01842743530869484, 0.885528564453125, -0.18556340038776398, -0.8626683354377747, 0.4970703423023224, 0.17510400712490082, -0.4109593629837036, -0.30749982595443726, 0.4489155113697052, 0.18139714002609253, -0.9615399837493896, 0.5342968702316284, -0.3480584919452667, 0.12927044928073883, 0.15888351202011108, 0.04976586252450943, 0.09425123780965805, -0.522981584072113, -0.04634149372577667, -1.477630615234375, 1.518049716949463, 0.20558539032936096, 0.6082238554954529, 0.16573502123355865, -0.03980065882205963, -0.5622793436050415, -0.3168107569217682, 0.5958425998687744, -0.37188565731048584, 0.5149446725845337, 0.5287570953369141, -0.11252743005752563, 0.006456628441810608, 0.24585044384002686, 0.604235053062439, -0.2941921353340149, 0.6014288067817688, 0.6170953512191772, 0.40136146545410156, 0.7110432386398315, -0.7609681487083435, 0.0347600132226944, 0.9216914176940918, -0.8633769750595093, 0.8190182447433472, -0.22469626367092133, 0.7120409607887268, -0.5800157189369202, 1.2194180488586426, 0.4144464433193207, -0.3428986370563507, 0.006423668935894966, -1.9385077953338623, 1.2332313060760498, -0.7742135524749756, 0.46675369143486023, -1.158332347869873, 0.21937189996242523, -0.02224970981478691, -1.5611138343811035, 1.1039693355560303, -0.8163206577301025, 0.5686551332473755, -0.25057393312454224, -0.4382655620574951, -0.3624381721019745, -0.3685862421989441, -0.3940241038799286, -0.5613488554954529, -2.1945650577545166, -0.08396352827548981, -0.44841131567955017, -0.09047742187976837, 0.6770208477973938, -0.5425105094909668, 0.5825185179710388, -1.1310511827468872, -0.6966904401779175, 0.38870295882225037, 0.1720624566078186, -0.6500573754310608, -1.2323254346847534, -0.31554290652275085, 0.949264407157898, 1.4773973226547241, -0.9534367322921753, 1.0382786989212036, 0.33235666155815125, 0.18673968315124512, -0.7098355293273926, 0.27030256390571594, -0.3918464481830597, 0.39497488737106323, 2.147587776184082, -0.2509287893772125, -0.3234332501888275, 0.2472064346075058, 0.36406296491622925, -1.4445765018463135, 0.6020421981811523, 1.3623510599136353, -1.3355629444122314, 0.3552357256412506, -0.35841843485832214, 0.12581011652946472, 0.5264685750007629, -0.7261714935302734, -0.2804589569568634, 0.6812636852264404, -0.6266776919364929, 1.2517645359039307, -0.27294158935546875, 0.015458811074495316, -1.8635753393173218, -1.5250592231750488, -0.9937780499458313, -0.7746877074241638, 0.36837565898895264, -0.14443784952163696, 0.6718721389770508, 0.3164938688278198, 0.05051511526107788, -0.7868479490280151, -0.36659085750579834, 0.054409801959991455, -0.0984245240688324, -0.24697495996952057, -1.011538028717041, -0.7982842922210693, -0.29122230410575867, 0.27114343643188477, 0.5397013425827026, 0.34224969148635864, -1.3931598663330078, -0.6643469929695129, 0.38663145899772644, -0.06726647913455963, 0.32566285133361816, -0.4476182460784912, -0.30167070031166077, -0.035516127943992615, -0.7601527571678162, -0.5908328294754028, 0.09116076678037643, 0.865718424320221, -0.2829548120498657, 1.7452661991119385, 1.137574553489685, 0.9217840433120728, 0.2709115147590637, 0.5779269337654114, 1.677450180053711, -0.40686389803886414, -0.0433478057384491, -0.3322255611419678, -0.45706766843795776, 0.5004769563674927, -0.10967454314231873, 0.5169748067855835, -1.0929933786392212, 0.6315499544143677, -1.376953363418579, -0.24931475520133972, -0.04921106994152069, -0.027407562360167503, 0.8206784129142761, 0.7977750897407532, -0.6099808812141418, -0.6524094939231873, -1.102925181388855, -0.6381585001945496, -0.7681382298469543, -0.26229313015937805, 0.20026780664920807, 1.683667778968811, 0.6150903701782227, 0.09939014911651611, 1.5782116651535034, 0.2709939777851105, 0.12065137922763824, 0.7137342095375061, 0.39655542373657227, 1.1635253429412842, 0.31736135482788086, 0.5304934978485107, -0.5164783596992493, -0.2182527482509613, -0.5217601656913757, -0.3206964433193207, -0.9344825148582458, 0.6151618957519531, 0.3086893558502197, 0.15573936700820923, 0.3864663243293762, -0.02861769311130047, -0.46249887347221375, -0.3956804573535919, 0.8207660913467407, 0.1633465588092804, 0.1942741423845291, 0.08634600788354874, -0.7059529423713684, -0.5894748568534851, 0.6551076769828796, -0.6075433492660522, 0.17944404482841492, -1.1342787742614746, -0.23949390649795532, -0.0090810377150774, -0.47936514019966125, -0.8003886938095093, 0.7391403913497925, -0.28779780864715576, 0.7625985145568848, 0.6957236528396606, -1.197966456413269, -1.1081193685531616, -0.08231663703918457, -0.7665442824363708, 0.578092634677887, 0.22241027653217316, -1.7736389636993408, 0.09000074863433838, 1.1151347160339355, 1.0497723817825317, -0.8173774480819702, 0.1391407549381256, 0.40616393089294434, -1.330389380455017, 1.5123063325881958, 1.908363938331604, 0.2450997531414032, 0.05148720741271973, 1.420717477798462, -0.2541255056858063, 0.7753134369850159, 1.8653866052627563]} +{"paper_id": "GEM/squad_v2", "embedding": [-0.19785882532596588, 0.6166578531265259, -0.2506154775619507, -0.16806888580322266, 0.45263057947158813, -0.046781811863183975, 0.37914717197418213, 0.753461480140686, 0.8280300498008728, 0.36149337887763977, 0.4808104932308197, -0.20878790318965912, 0.5921030640602112, 0.6209372878074646, -0.0283975787460804, -0.679100513458252, -0.8263266086578369, -0.5590283870697021, -1.5926761627197266, -0.28315281867980957, -0.9125106334686279, -0.7431918382644653, 0.0047208406031131744, 1.2621307373046875, -0.4742048382759094, -1.1960370540618896, 0.8966341614723206, -1.0885555744171143, 0.3258785307407379, -0.015428561717271805, -0.018182553350925446, 0.9354940056800842, -1.1663706302642822, 0.5075035095214844, -0.33019378781318665, -0.5923635363578796, 0.2750646770000458, 1.0254154205322266, 0.15193390846252441, -0.5391542911529541, -0.45931294560432434, 0.3538582921028137, 0.5149988532066345, -0.00024508871138095856, 0.8366062641143799, -0.4337354898452759, 0.7517040967941284, -0.22515393793582916, -0.4078023433685303, -0.040400560945272446, -0.7250832319259644, 0.23479411005973816, -0.26363271474838257, 0.6514542102813721, -0.04718156158924103, 0.542494535446167, 0.20695644617080688, -0.8503074645996094, 0.5862979888916016, -0.7589865922927856, 1.4998537302017212, 1.717538833618164, -0.2291223555803299, 0.4834516942501068, 1.5584988594055176, -0.18467581272125244, 1.0979048013687134, 0.010135382413864136, -0.22911719977855682, 1.1427940130233765, -0.4400409460067749, -0.01067863404750824, 0.43762582540512085, -0.4196506142616272, 0.3095666170120239, 0.6674767732620239, -0.18424317240715027, 0.03906036913394928, -0.1253286898136139, -0.2521287798881531, -0.19996698200702667, -0.03007490560412407, 0.7478119730949402, -0.20198720693588257, 0.2393040508031845, 0.054201990365982056, 0.2484426498413086, -0.9312126040458679, 0.3224083483219147, -1.859838843345642, 0.43093931674957275, 0.44515570998191833, -0.14766308665275574, 0.09307058155536652, -0.3275783658027649, 0.6606854200363159, -0.7015313506126404, 0.054372794926166534, 0.007945284247398376, -0.019528541713953018, 0.5922113060951233, -0.13909921050071716, 0.6200978755950928, -0.30516597628593445, 0.184966579079628, 0.2254447191953659, 0.29756394028663635, -0.29105252027511597, -0.674557089805603, -1.054391860961914, 0.3199635148048401, 0.7989656329154968, -0.1874566227197647, 0.37901490926742554, -0.06655747443437576, 0.7162345051765442, 0.4285498857498169, -1.0926481485366821, -0.11526482552289963, 0.20961454510688782, -0.050353437662124634, -0.7717533707618713, -0.48593997955322266, -0.6033877730369568, 0.6170153021812439, -0.34831127524375916, -0.3102254867553711, -0.9732236266136169, -0.28539979457855225, 0.30250704288482666, 0.7566431760787964, 0.21628187596797943, -0.6097298860549927, -0.11832217872142792, 2.8581199645996094, -1.1830291748046875, 1.3501909971237183, -0.6782148480415344, 0.08616265654563904, -0.7227901220321655, -0.682823657989502, 1.4535753726959229, -0.23423239588737488, -0.8483077883720398, -0.7330948710441589, 0.4890928864479065, -0.3941943943500519, 0.37915197014808655, -1.1503686904907227, -0.43916118144989014, 0.0350964330136776, 0.047599393874406815, -1.4781816005706787, -0.6181870102882385, 0.1377222090959549, 0.39610743522644043, 0.1054760217666626, 0.5986841917037964, -0.32521167397499084, 0.9951884150505066, -0.08626628667116165, 0.03417355194687843, -0.3906364440917969, 0.36179620027542114, -0.7674365639686584, -0.12100731581449509, 0.7086780071258545, -0.05377037078142166, -0.6726242303848267, 0.1516248881816864, -0.06921765953302383, -0.32614666223526, -0.24242445826530457, 0.048897646367549896, -0.31476524472236633, 0.15237000584602356, 0.5389356017112732, 0.5150907039642334, 0.4374884068965912, -0.8229223489761353, 0.10107913613319397, -0.20505593717098236, 0.27989718317985535, 0.9024224877357483, -0.026866475120186806, 0.5928502678871155, -2.607482433319092, 0.10876815021038055, -0.43450629711151123, 1.226421594619751, -0.24756892025470734, 0.1681891232728958, 0.2601465880870819, 0.28628993034362793, -0.1023753434419632, -0.7386458516120911, 0.5821460485458374, -1.000532627105713, 0.513994574546814, 0.1545296460390091, 0.12930329144001007, -0.06869152933359146, 0.565679669380188, 0.9231423139572144, 0.5027362108230591, -0.4241192936897278, -1.2618303298950195, -1.736238956451416, 0.10041458904743195, 2.145268678665161, 0.2480643093585968, -0.20515763759613037, -0.7515274286270142, -0.6094445586204529, 0.06693897396326065, -0.2309487909078598, -0.007627677172422409, -0.5603509545326233, 0.04714225232601166, -0.8180088400840759, 0.914273738861084, -0.7898070812225342, -0.33106282353401184, 0.7029926180839539, 1.5859860181808472, -0.5453813076019287, -0.3491409420967102, -0.8187581896781921, -0.15949487686157227, 0.3097977042198181, 0.8207641243934631, 0.14016172289848328, -0.422421932220459, 0.4481933116912842, 0.5075913667678833, 1.2280938625335693, 0.5937832593917847, 0.6451189517974854, -0.7039908170700073, 0.40973570942878723, -0.5067687034606934, 1.726452350616455, -0.09969578683376312, 0.03922676295042038, -0.09320582449436188, -0.11195209622383118, -0.5455548167228699, -0.129415363073349, -0.21916818618774414, -0.08532818406820297, 0.7323170304298401, 0.5379295945167542, -0.44350168108940125, 0.7059974074363708, -0.6073157787322998, -0.30424150824546814, 0.03996024280786514, -0.31178903579711914, -0.751853883266449, -0.30646657943725586, 0.6551594138145447, -0.3370501697063446, -0.08467476069927216, -0.1576860547065735, 0.21009981632232666, -1.165261149406433, -0.7269024848937988, 0.5286206603050232, -0.017219863831996918, -0.7013914585113525, -0.42217037081718445, -0.27604401111602783, -1.2302974462509155, -0.24362149834632874, 0.23046550154685974, -0.2500884532928467, -0.06449243426322937, 0.5241509675979614, 1.6590583324432373, -0.020563839003443718, 0.34829390048980713, 0.08991535007953644, 1.3231045007705688, -0.744595468044281, 0.1331462562084198, -0.2088697999715805, 0.2814110219478607, -1.1952342987060547, 0.10785821080207825, -0.8045492768287659, 0.16156968474388123, 0.872898519039154, 0.12249734252691269, 1.2059732675552368, -0.1899825930595398, -1.1593987941741943, 0.7884160280227661, -0.1928950399160385, -0.14354625344276428, -0.6756981015205383, 1.5599243640899658, 0.02565641887485981, -0.49710074067115784, 0.9927125573158264, -0.14829765260219574, -0.4150724411010742, 0.7041165232658386, -0.09391014277935028, -0.13506823778152466, 0.48135846853256226, -0.32187318801879883, 0.006670951843261719, 0.4228496551513672, -1.8335182666778564, 1.0673573017120361, 1.1287579536437988, -0.36785149574279785, -0.27127695083618164, -0.8180732727050781, 0.2527390718460083, -0.2858983278274536, 0.32770365476608276, 1.1348521709442139, -0.4113905429840088, 0.5508420467376709, -0.4890371561050415, 0.15791064500808716, 0.5126650929450989, 0.17316636443138123, 0.47725334763526917, 0.5008260607719421, 0.6368783116340637, -1.0601050853729248, -0.6648612022399902, 1.0846422910690308, -0.4223504066467285, 0.27376115322113037, 0.28679534792900085, 0.766403317451477, 0.7961419820785522, -0.02558068186044693, -0.26000919938087463, 0.21424777805805206, 0.3976813852787018, -0.043831244111061096, -0.3030047118663788, -0.12312102317810059, 0.5036696195602417, -0.3202873468399048, 1.3031854629516602, -0.4995976388454437, -0.5184532403945923, -0.7165248394012451, -0.195072203874588, -0.15083524584770203, 0.05334398150444031, 1.5795680284500122, 0.3722410500049591, 1.3675498962402344, 0.5994389057159424, 0.05347699671983719, -0.3685104250907898, -0.27186018228530884, 0.5181405544281006, 0.1517520248889923, 0.3458439111709595, -0.6541746854782104, -0.024893641471862793, 1.101865530014038, 0.4996369183063507, -0.8224607706069946, 0.3957989811897278, 0.4739038050174713, -0.22505749762058258, -1.186461329460144, 0.9147422313690186, 0.8228077292442322, 0.5783021450042725, 1.5576231479644775, -0.8299733996391296, 0.12944680452346802, -0.15964721143245697, -0.08132121711969376, -0.20737136900424957, 0.47213053703308105, -0.02372143417596817, 0.7075409889221191, 0.11717875301837921, 0.898402750492096, 0.011578381061553955, 1.4520881175994873, 1.5564868450164795, -0.6874774694442749, -1.2200798988342285, 0.07732361555099487, -0.772925615310669, 0.15403863787651062, 0.7915314435958862, 0.2417878806591034, -0.34034043550491333, 0.47146183252334595, 0.3034607470035553, -0.9686499238014221, 0.15914508700370789, -0.3293301463127136, -1.300018310546875, 0.6786419153213501, 1.1718919277191162, -0.6592716574668884, -0.41283291578292847, -0.22510656714439392, -0.9088017344474792, -0.18450069427490234, 0.04286165535449982, -1.3265496492385864, 0.6356449127197266, 0.17657649517059326, 0.9403527975082397, 0.018226994201540947, -0.0033783242106437683, -1.418289065361023, 1.3962972164154053, 0.9022361636161804, -1.1113020181655884, 0.4863303601741791, 0.4005427658557892, 0.8825858235359192, 0.2479432225227356, -1.236612319946289, -0.5547559857368469, 0.9662249684333801, -0.16997113823890686, 0.029133114963769913, -1.0183019638061523, -0.33147111535072327, 0.856968104839325, 0.6595252156257629, 0.668150782585144, -0.6933838129043579, 0.26202917098999023, -1.1682369709014893, 0.0853966623544693, 0.706694483757019, -1.0182470083236694, -0.9167495965957642, 0.26714974641799927, -0.45917248725891113, 0.5788811445236206, -0.008681513369083405, 0.025788206607103348, 1.6597262620925903, -0.25568169355392456, -0.3202332854270935, -0.2176923155784607, -11.991348266601562, 0.8944345712661743, -0.08248566836118698, -0.03137608617544174, 0.4498698115348816, 0.13099896907806396, 0.5410159826278687, 0.07885132730007172, 0.2741135358810425, -0.7107295393943787, 0.2914091646671295, 0.8479315638542175, 0.4798751175403595, 0.16296067833900452, -0.8444751501083374, -0.8909174799919128, -0.5236909985542297, -0.9536109566688538, 0.6194695234298706, 0.28094515204429626, -0.101250559091568, -0.4361076354980469, -0.07813521474599838, -0.20076708495616913, 0.5013728141784668, -0.3779699504375458, -0.8159705996513367, -0.2464102953672409, -0.18979540467262268, 0.0003537312150001526, 0.37617436051368713, -0.041087206453084946, -0.6234817504882812, -0.18876811861991882, -0.07249805331230164, -0.621680498123169, -1.0022087097167969, -0.3044714629650116, 0.604623019695282, -0.6965811252593994, -0.40419429540634155, -0.23502910137176514, 0.5790244340896606, -0.5183306336402893, -0.23590056598186493, 0.29108160734176636, 0.2516981363296509, -0.8245254158973694, -0.018602080643177032, -0.2421347200870514, -0.89873206615448, -0.25388920307159424, -0.9471583366394043, -0.8466439247131348, 0.3620697557926178, 0.12125006318092346, -0.8543481230735779, -0.26151856780052185, -0.09376935660839081, -0.7280642986297607, 0.3491976261138916, 0.21311882138252258, -0.47688567638397217, 0.28102225065231323, 0.09860196709632874, -0.15891216695308685, 0.11764293164014816, 0.16454686224460602, -0.0992613434791565, 0.6230577230453491, -0.8264121413230896, 1.3603966236114502, 0.16489824652671814, 0.8274133801460266, -0.7741557955741882, 0.2316822111606598, -0.8924593329429626, -0.37055355310440063, 0.642085075378418, -0.011776495724916458, -1.4722379446029663, 0.5760514736175537, 0.6262986660003662, -0.40467149019241333, -0.6805800199508667, 0.4594193994998932, 0.05839896947145462, 0.41069450974464417, 1.0090882778167725, -0.6841638684272766, 1.0608896017074585, 0.1706409454345703, -0.7374706268310547, -0.48128241300582886, -0.3555644154548645, 0.7160300612449646, -0.8698227405548096, 0.33607813715934753, 0.37904927134513855, -0.36400285363197327, -0.13216525316238403, -0.2821294367313385, -0.5659452676773071, -0.08611159771680832, 1.0370641946792603, 0.05846618860960007, 0.08452112972736359, -0.0676424652338028, -0.07371358573436737, -0.8724721670150757, 0.8676764965057373, 0.5712753534317017, 0.008533172309398651, 1.61821711063385, -0.6471048593521118, 0.6398464441299438, 0.574455201625824, 0.107484370470047, 0.1110585555434227, 0.8290541768074036, -1.173633098602295, 0.8512809872627258, 0.26476985216140747, 1.7375727891921997, -0.20955853164196014, 0.11959107220172882, 0.13528376817703247, 0.33329030871391296, -0.1730530709028244, -1.1524381637573242, 0.4167323708534241, -0.4111925959587097, -0.11212928593158722, -0.6525872349739075, 0.02839573100209236, 0.5350381135940552, -0.48240911960601807, 1.817151665687561, -0.9672494530677795, -0.25265106558799744, -0.11230182647705078, 0.1176307201385498, -1.0008621215820312, -1.0761646032333374, -0.8222866654396057, 0.3668505549430847, -1.771821141242981, 0.41579556465148926, -0.045964326709508896, -0.5255284905433655, -0.19709695875644684, -0.7487828731536865, 0.6740816831588745, -0.4888225793838501, -0.2834431231021881, -0.6001715064048767, 0.5577458143234253, -0.7050513625144958, -0.6843202114105225, -0.13778012990951538, 0.4913058876991272, 1.132075309753418, -0.9313462972640991, 1.3346893787384033, 0.25485026836395264, -0.759469211101532, -0.836327075958252, 0.403609037399292, -0.5159326195716858, 0.474539577960968, 0.7532135248184204, -0.8934277296066284, -0.4221648871898651, -0.5162177681922913, -0.2221948802471161, -0.6824883222579956, -0.18660476803779602, 0.9552456140518188, -1.4729679822921753, -0.26936715841293335, -0.7274314165115356, 0.7248601317405701, 0.191467747092247, -0.37751394510269165, -0.7617760896682739, 0.4644658863544464, -0.3406651020050049, 0.6676344871520996, 0.17031435668468475, 1.000770926475525, -1.2664713859558105, -1.013282299041748, -0.3911404311656952, -0.2968512177467346, 0.625514566898346, 0.557188093662262, 0.6425443887710571, 0.37395694851875305, -0.5719728469848633, -0.3555670976638794, -0.10056933760643005, 0.285109281539917, 0.3333081603050232, 0.6223379969596863, -0.5567235946655273, 0.7051306962966919, -0.4775817394256592, 0.2622731626033783, 0.7665969133377075, 1.3792418241500854, -0.7755959630012512, -0.5398612022399902, 0.020830772817134857, -0.08202549815177917, -0.2629661560058594, -1.5095024108886719, -0.3082984387874603, -0.35399970412254333, -0.38681575655937195, -1.1751900911331177, 0.2770772874355316, 1.4498505592346191, -0.14873427152633667, 0.5671780705451965, 0.6495386362075806, 1.0734132528305054, 0.9186564087867737, 0.047151386737823486, 0.7442156076431274, 0.02152174524962902, 0.3400416076183319, 0.3874099552631378, 0.2846674621105194, 0.23572677373886108, -0.1520986407995224, -0.8892762660980225, -0.5627480745315552, 0.2763502895832062, -0.2957119345664978, 0.8652662634849548, 0.3937531113624573, 0.4746970236301422, 1.094937801361084, 1.1175583600997925, 0.29752910137176514, -1.6260569095611572, -0.41010597348213196, -1.4485703706741333, 0.33621925115585327, 0.7090526223182678, 0.5300460457801819, 0.24227726459503174, 0.7341300845146179, -0.8143278360366821, 1.0682947635650635, -0.7136983275413513, 0.4077489972114563, -0.06149730831384659, -0.2849521040916443, 0.7853912711143494, 0.5353723168373108, 0.5168425440788269, 0.21113519370555878, -0.7337387204170227, -1.1349682807922363, -0.12740427255630493, -0.5401750802993774, 1.037499189376831, 0.41315126419067383, -0.31561318039894104, -0.009892724454402924, -0.24615611135959625, 0.835997998714447, 0.08227433264255524, 1.2750784158706665, -0.06664592772722244, -0.1840398907661438, -0.23303230106830597, -1.0430488586425781, -0.22400225698947906, 0.5350773334503174, 0.0857037752866745, -0.19117864966392517, -0.1343650370836258, 0.11580385267734528, 0.32810887694358826, 0.10450741648674011, -0.5769492387771606, -0.4593411087989807, -0.4609193205833435, 0.17795400321483612, 0.5939643383026123, -0.7314895987510681, -0.8203151822090149, -0.2083835005760193, -0.9853459596633911, 0.28232118487358093, 0.4507390260696411, -0.6084349751472473, -0.4704645574092865, 0.3570246994495392, 0.005617082118988037, 0.369417667388916, 0.1737050563097, -0.09600645303726196, -1.4570386409759521, 0.5414820909500122, 0.9191516041755676, -0.889120876789093, -0.17119276523590088, 0.2049495279788971, 0.6503178477287292, 0.2634637951850891, 1.4723416566848755]} +{"paper_id": "dennlinger/klexikon", "embedding": [0.46426957845687866, 1.000182032585144, -0.3053865134716034, 0.20822739601135254, 0.6759936213493347, -0.19751110672950745, -0.11202716082334518, 0.36116722226142883, 0.41205868124961853, 0.11014240980148315, -0.0672430619597435, -0.023357022553682327, 1.1161890029907227, 0.2073213905096054, -0.1587509661912918, -0.13415223360061646, -0.6470973491668701, -0.9782149791717529, -1.6840399503707886, -0.2780018746852875, -0.5654046535491943, -0.6259725689888, -0.2485281229019165, 0.21530920267105103, -0.5003190040588379, -0.3887193202972412, 0.7077229619026184, -1.0799312591552734, -0.3771768808364868, 0.5142466425895691, -0.11752241104841232, 1.6421338319778442, -1.5269285440444946, 0.401216983795166, -0.2180449664592743, -0.09442608058452606, 0.3048363924026489, 1.4811691045761108, -0.4590394198894501, -0.00443447008728981, -0.8542843461036682, -0.035985663533210754, 0.40652409195899963, -0.31897830963134766, -0.4325028955936432, -0.3598128855228424, -1.025955080986023, 0.6372281312942505, -0.28749701380729675, 0.2394469529390335, -0.17688067257404327, 0.3714102506637573, 0.013427888043224812, 0.3151267170906067, -0.4521062672138214, 1.122928261756897, 0.7247255444526672, -2.1722090244293213, -0.24714063107967377, -0.3582560420036316, 0.8129628300666809, 1.3003621101379395, -0.8166573643684387, 0.44434666633605957, 1.2758623361587524, 0.11713309586048126, 1.2455315589904785, 0.5678931474685669, 1.155434489250183, 0.6657708883285522, -0.27961575984954834, -1.0304901599884033, 1.5000545978546143, -0.1543586403131485, 0.8423601388931274, 0.7880944013595581, 0.42147237062454224, -0.5150613784790039, 0.3308253288269043, -0.42221799492836, -0.6090719103813171, -0.11970335990190506, 0.5432047247886658, -1.3140603303909302, -0.23078754544258118, 0.011038634926080704, -0.05622068792581558, -0.172284334897995, -0.36725080013275146, -0.8484920263290405, 0.062267567962408066, 0.3581582009792328, 0.10056303441524506, 0.3831248879432678, -0.07750460505485535, 0.16545143723487854, 0.11253970861434937, 0.39594918489456177, -0.4748958349227905, -0.2290692925453186, 1.0342894792556763, -0.5684928894042969, 0.7514121532440186, 0.3392009139060974, 0.4800483286380768, 0.779776930809021, -0.6871644854545593, -1.0255471467971802, -0.8533795475959778, -0.3120597004890442, -0.04033716768026352, 0.4214438199996948, 0.5986072421073914, 0.46733927726745605, -0.44140809774398804, -0.12375564873218536, -0.14438235759735107, -0.1061011254787445, -0.392657071352005, -0.2007226198911667, -0.5192707180976868, -1.4721345901489258, -0.17503061890602112, -0.8027335405349731, 0.8827544450759888, -0.8093713521957397, -0.12908925116062164, -0.07947538793087006, 0.2674705386161804, -1.0474140644073486, 0.5217533111572266, 0.25192463397979736, 0.236582949757576, 0.6380205154418945, 2.6499099731445312, -0.8119102716445923, 0.6662094593048096, 0.12140695750713348, -0.26661303639411926, -0.7736190557479858, 0.3785938322544098, 1.4308403730392456, 0.28328844904899597, -0.9736549854278564, -0.4953520894050598, -0.2173025757074356, -0.48709458112716675, 0.5446397662162781, -0.6024958491325378, -0.023873958736658096, 0.0029400065541267395, -0.16800281405448914, -1.2745826244354248, -1.2309297323226929, -0.03817174211144447, 0.049811311066150665, 0.7923357486724854, 0.5285005569458008, -0.14647839963436127, 0.9649432897567749, 0.9006893634796143, 0.6995709538459778, -0.14678984880447388, -0.3954845070838928, -0.9121349453926086, 0.4444339871406555, 0.9098605513572693, -0.5451402068138123, -0.4948449432849884, -0.526677131652832, -0.19024910032749176, -0.29768437147140503, 0.1058751717209816, -0.0507110059261322, -0.1906927078962326, 1.1018569469451904, 0.3370985686779022, 0.17205511033535004, -0.34562671184539795, -0.314201682806015, -0.4310647249221802, -0.03069322183728218, -0.08790883421897888, 0.4770013093948364, 0.050206370651721954, 0.49661773443222046, -2.107382297515869, -0.37479740381240845, -0.8149663209915161, 0.21227982640266418, -0.45089513063430786, -0.5684683918952942, -0.14618000388145447, 0.1979852318763733, -0.21691544353961945, -0.21836017072200775, -0.10270896553993225, -0.5625341534614563, 0.22225645184516907, 0.19309987127780914, 0.6874895095825195, 0.2047979235649109, -0.09482582658529282, 0.6910491585731506, 0.6918716430664062, -0.7135922312736511, -0.02545006200671196, -0.974786639213562, -0.3722532391548157, 1.7867932319641113, -0.2964220941066742, -0.15393580496311188, -1.8890423774719238, -0.9496504068374634, 0.7432233095169067, -0.4032633900642395, 0.39242610335350037, -0.7267155051231384, -1.2174897193908691, -0.5204817056655884, 0.3336808383464813, -0.9132832884788513, -0.4775194823741913, 0.3662146031856537, 0.9278802275657654, -1.2796664237976074, 0.21249309182167053, 0.051472537219524384, -0.7615504264831543, 0.6034111380577087, 1.3007032871246338, 0.4413538873195648, -0.7896036505699158, 1.0349150896072388, -0.4636644124984741, -0.022378966212272644, 0.40601199865341187, 0.9676836729049683, -0.2985893487930298, -0.2511008679866791, 0.144644632935524, 1.4850940704345703, -0.3416948914527893, 0.0748257040977478, -0.07378658652305603, 0.793088436126709, -0.515769362449646, -0.39594566822052, 0.09487046301364899, -0.08724325150251389, 1.0598517656326294, 0.8756359815597534, -0.5649512410163879, 1.3515576124191284, -1.4730830192565918, -0.3045503497123718, 0.19013617932796478, -1.2494049072265625, -0.7485859394073486, -0.4411002993583679, 0.17990584671497345, 0.2952021062374115, 0.45935559272766113, -0.0028504356741905212, -0.6515595316886902, -1.3659271001815796, -1.358173131942749, -0.303827166557312, -0.13197635114192963, -1.5812474489212036, -0.9014402627944946, -0.1657281070947647, -0.8390677571296692, -0.34933802485466003, 0.17613089084625244, 0.08430451154708862, -0.14786562323570251, 1.3741686344146729, 1.2605164051055908, 0.15210102498531342, 0.8823851943016052, -0.625523567199707, 0.8802464604377747, 0.19399428367614746, 1.7832504510879517, -0.2736589014530182, -0.3296906054019928, -0.8321340084075928, -0.0874386876821518, -0.573715090751648, 0.2280503809452057, 0.831487774848938, -0.7113053798675537, 0.7001200318336487, 0.061824917793273926, -1.3161273002624512, 0.29806971549987793, -0.6719527840614319, 0.23935389518737793, -0.8237847089767456, 1.5545886754989624, 0.7832924127578735, 0.19386842846870422, 0.5870888233184814, -0.30467694997787476, -0.25866469740867615, 1.0676908493041992, -0.5826901197433472, 1.224768042564392, 0.8377150893211365, 0.5653644800186157, 0.89728844165802, 0.0021656453609466553, -1.2599470615386963, -0.45523878931999207, 0.8450106978416443, -0.40014711022377014, -0.07060682773590088, -0.7303476333618164, -0.3677440583705902, -0.42013660073280334, -0.7788302898406982, 0.7148693203926086, -0.8020876049995422, 0.4639187157154083, -0.40414246916770935, 0.06609039753675461, 0.9645561575889587, -0.04371344670653343, 1.281159520149231, 0.8013086915016174, 0.49707600474357605, -1.041903018951416, -0.7716069221496582, 0.5005481839179993, -0.6418079137802124, 0.902823805809021, 0.4242086708545685, 1.3540278673171997, 0.8866227865219116, -0.06467282027006149, -0.3614746630191803, 0.594764232635498, 0.5707164406776428, 0.2661530077457428, 0.7806113362312317, -0.8396378755569458, 0.7740913033485413, -0.11894257366657257, 1.4000376462936401, 0.061669912189245224, -0.6813075542449951, -0.4608578085899353, -0.3367059826850891, -0.7119591236114502, -0.9680004119873047, 1.4397931098937988, 0.8691878318786621, 1.6101216077804565, -0.0338110588490963, -0.21301090717315674, -0.5622779726982117, -0.02282596379518509, 0.3904852867126465, 0.34865880012512207, -0.5227963924407959, 0.033843860030174255, -0.14203636348247528, 1.3143892288208008, 0.07159341871738434, -0.6211235523223877, 0.010764340870082378, 0.7171909213066101, -0.20266394317150116, -0.8593323230743408, 0.8118904829025269, 0.5217022895812988, 1.0093611478805542, 1.2910009622573853, -0.6586621999740601, -0.41213053464889526, -0.5987408757209778, 0.24049174785614014, 0.0771758109331131, 0.10512661188840866, -1.3015072345733643, -0.09972107410430908, 0.3150944709777832, 0.6260228753089905, -0.23145951330661774, 0.5096274018287659, 0.502729594707489, -1.1449419260025024, -0.6660894751548767, 0.18875578045845032, -0.6200072765350342, -0.6269813179969788, 0.08826672285795212, -0.6650664210319519, -0.928355872631073, 0.5434592366218567, -0.5502083897590637, -0.6843996644020081, 0.28023576736450195, -0.13413897156715393, -0.592700719833374, -0.12338948249816895, 0.45624369382858276, -1.2806223630905151, -0.17589110136032104, 0.25964945554733276, -0.8550578355789185, -0.9231153130531311, -0.599298894405365, -0.719706654548645, 0.11067395657300949, -0.291212260723114, 0.3050171434879303, -0.18398146331310272, -0.10300683230161667, -1.4033446311950684, 0.49301910400390625, 0.9547957181930542, -0.7904259562492371, -0.05263581871986389, 0.17916619777679443, 0.4152410626411438, 0.3726845979690552, -1.4238322973251343, -0.07340989261865616, 0.13154572248458862, 0.9317011833190918, -0.05189554765820503, -0.3037410080432892, -0.653278112411499, 0.4368606209754944, 1.025784969329834, 0.19168013334274292, -0.9839158058166504, 0.3474559783935547, 0.17574608325958252, 1.3551115989685059, 1.2234923839569092, -0.6627783179283142, -0.7440445423126221, 0.8945620656013489, -0.7332212328910828, 0.3320988118648529, 0.39823058247566223, -0.08667100965976715, -0.21253030002117157, 0.306096613407135, 0.0808006227016449, -0.25742802023887634, -11.562227249145508, 0.20454007387161255, -0.07350771874189377, -0.133823961019516, 0.484943687915802, -0.4311693012714386, 0.6044101715087891, -0.25688865780830383, 0.7396177053451538, 0.15037579834461212, 0.21267516911029816, 1.5747170448303223, 0.7266324758529663, -0.03428766876459122, -0.9393510222434998, -1.0034763813018799, -0.926173746585846, -0.5180623531341553, 0.4312792420387268, 0.45467692613601685, -0.3573457598686218, -0.5921466946601868, 0.5329332947731018, 0.08399419486522675, 0.8057639598846436, -0.5421003103256226, -0.00395472627133131, 0.03206336870789528, -0.7479624152183533, 0.016675949096679688, 0.5379164218902588, -0.07516921311616898, -0.8898014426231384, -0.9809261560440063, 1.0157418251037598, -0.02948463335633278, -0.8838827610015869, -0.6077146530151367, 1.0320148468017578, -0.25722265243530273, -0.5781801342964172, 0.3808005452156067, 0.21566350758075714, -0.17694461345672607, -0.8752332329750061, -0.22314958274364471, -0.28282973170280457, 0.16969344019889832, 1.0538246631622314, -0.9523038864135742, -0.5592412948608398, -0.6931750774383545, -1.2160714864730835, -1.1423060894012451, 0.3739049434661865, 0.026159705594182014, -0.2016708105802536, 0.35315555334091187, -0.6610855460166931, -0.7042560577392578, 0.45470619201660156, 0.23513486981391907, -0.6134817600250244, 0.6296870708465576, -0.18459191918373108, -0.6584454774856567, 0.45367103815078735, 0.23313993215560913, 0.20006608963012695, 0.18581895530223846, -0.16632309556007385, 0.5484260320663452, -0.09001351147890091, 0.21335405111312866, 0.560546875, -0.21211811900138855, -0.009920597076416016, -1.0047423839569092, 0.877568781375885, 0.03903857618570328, -0.5566135048866272, 0.6484260559082031, 0.08756761252880096, 0.5155730843544006, -0.2229895293712616, 0.022596579045057297, 0.03162750229239464, -0.06871852278709412, 0.8938077688217163, 0.05850818008184433, 1.0094622373580933, -0.5299270153045654, 0.2629964053630829, -0.44621071219444275, 0.06522050499916077, 1.041532278060913, -1.1747010946273804, 0.5741300582885742, 0.5268341302871704, -0.5623323917388916, 0.271724134683609, -0.06768610328435898, -0.5965845584869385, -0.18774476647377014, 0.6066467761993408, -0.07244552671909332, 0.21971985697746277, -0.3752291798591614, 0.32769444584846497, -0.5789653062820435, 0.6117048263549805, 0.45110422372817993, 0.34604400396347046, 1.277985692024231, -0.008596628904342651, 1.3775542974472046, 1.5955806970596313, -0.3037663400173187, 0.1771984100341797, 1.0747195482254028, 0.04645142704248428, 0.5871971845626831, 0.026829149574041367, 1.6875197887420654, 0.2727733254432678, 0.8122965097427368, 0.42653408646583557, 1.4222967624664307, -0.4063999354839325, -0.8970929980278015, -0.8772703409194946, 0.5471086502075195, 0.3813154101371765, -0.6758512258529663, 0.05790473893284798, -0.28254222869873047, -0.9879598617553711, 1.2364344596862793, 0.02497567981481552, 0.07247547805309296, 0.01790444552898407, -1.4479703903198242, -0.11391852051019669, -0.45397329330444336, -0.5978844165802002, 0.19316032528877258, -1.8018561601638794, 0.0720602348446846, -0.34928175806999207, -0.1040831059217453, 0.19113090634346008, 0.16404855251312256, 0.3842528462409973, -0.593112587928772, -0.26542937755584717, -0.040281109511852264, 0.014584608376026154, -0.908531904220581, -0.5369375944137573, 0.11944331228733063, 0.219612717628479, 1.2645028829574585, -0.22566856443881989, 1.00747549533844, 0.009383469820022583, 0.47262877225875854, -0.5444607138633728, -0.7814500331878662, -0.7675184607505798, 1.2178974151611328, 0.8173837065696716, -0.9839689135551453, 0.018598703667521477, -0.11187080293893814, -0.021939825266599655, -0.40077295899391174, 0.19366860389709473, 0.9266231060028076, -0.7399565577507019, 0.33147525787353516, 0.09818091988563538, 0.223995178937912, 0.6024536490440369, -0.5137786865234375, -1.0304124355316162, 0.5558373928070068, -0.34141072630882263, 1.0115382671356201, -0.5500182509422302, 0.39337342977523804, -1.5744502544403076, -1.6029844284057617, -0.7346022725105286, -0.00302225723862648, 1.077271819114685, -0.2601453363895416, 0.7752779126167297, 0.10990943014621735, 0.08925287425518036, 0.17770656943321228, -0.2434878945350647, 0.26544177532196045, 0.7384015321731567, 0.37014830112457275, 0.3272514045238495, 0.34388941526412964, -0.46151575446128845, -0.1713830828666687, 0.47901833057403564, 0.8796983361244202, -1.044723391532898, -0.06961500644683838, 0.8497210144996643, -0.18877863883972168, -0.22030334174633026, -0.9346566200256348, 0.14299583435058594, -0.5501305460929871, 0.5234596729278564, -0.40287840366363525, 0.1844136267900467, 1.7081307172775269, -0.3846249580383301, 0.5038244128227234, 1.1054738759994507, 0.08890517801046371, 0.7005890011787415, 0.9952475428581238, 1.304645299911499, 0.227990061044693, -0.35688018798828125, -0.48488497734069824, 0.2799943685531616, 0.30405840277671814, 0.29361554980278015, 0.42336925864219666, -1.1310999393463135, -0.9069701433181763, -1.3629240989685059, 0.11727574467658997, 0.7649330496788025, 0.2503945827484131, 0.19445516169071198, 1.1245061159133911, 1.088660717010498, -1.209806203842163, 0.022316187620162964, -0.7248775959014893, 0.2972222864627838, 0.014654912054538727, 0.0750948116183281, 0.09249813854694366, 0.5751055479049683, -0.2017715722322464, 1.450487732887268, -0.0854557529091835, -0.43045228719711304, -0.33365029096603394, 0.5456873178482056, 1.284072995185852, 0.5808966159820557, 0.3940027356147766, -0.8349897861480713, -0.17157140374183655, -0.604530930519104, -1.2813652753829956, -0.837390661239624, 0.7980296611785889, 1.0860928297042847, 0.6281716823577881, 0.4241151213645935, -1.0844056606292725, 0.6659750938415527, -0.6507138609886169, 0.8352555632591248, 0.7278696894645691, -0.34551650285720825, -1.292866587638855, -1.0861486196517944, 0.1402880996465683, 0.8203523755073547, -0.43605664372444153, -0.3412632346153259, -0.34393906593322754, 0.3063139319419861, 0.3733358085155487, 0.08898591250181198, 0.13059738278388977, 0.13850900530815125, 0.021510407328605652, -0.2738974690437317, 0.6549066305160522, -0.5632400512695312, -0.5439391732215881, -0.409409761428833, -0.6994040608406067, 0.33057019114494324, 0.15393643081188202, -0.6766546964645386, 0.3691011071205139, 0.45694074034690857, 0.5622735023498535, -0.016502197831869125, 0.5864589214324951, 0.0906628742814064, -1.267176866531372, 1.1339401006698608, 0.6364040970802307, -0.9967246651649475, -0.9912400245666504, 0.4005785286426544, 0.5440905690193176, -0.5660649538040161, 1.090535283088684]} +{"paper_id": "gsarti/flores_101", "embedding": [0.45808687806129456, 0.9340338110923767, 0.34568238258361816, 0.4504699110984802, 0.6685092449188232, -0.276983380317688, 0.9440069794654846, 0.9139745831489563, 0.8003842830657959, 0.05708090588450432, 0.29199308156967163, 0.17032700777053833, 0.40324267745018005, -0.14699004590511322, 0.023949313908815384, -0.36671462655067444, -1.1280142068862915, -1.072379231452942, -1.7220216989517212, -0.6105780601501465, -0.4957113265991211, -0.03542819619178772, 0.06103881075978279, 0.46816492080688477, -0.3708902895450592, -0.9003056883811951, 0.6481457352638245, -0.9997571110725403, 0.4139288663864136, 0.7748045921325684, -0.27535462379455566, 1.4271377325057983, -1.1003738641738892, 0.2692750096321106, -0.4896180331707001, -0.24760615825653076, 0.07217761129140854, 0.956581175327301, -0.10478682816028595, 0.26714086532592773, -0.7587230801582336, -0.4852564334869385, 0.07054931670427322, 0.20994089543819427, 1.4011181592941284, -0.12313120067119598, -0.4524531066417694, -0.14419889450073242, -0.0009718984365463257, -0.10047327727079391, -0.6496394276618958, 0.1756274700164795, 0.3647163510322571, 0.5477323532104492, -0.8591098785400391, 0.8941037654876709, 0.6143934726715088, -0.48268547654151917, 1.03446364402771, -1.1352760791778564, 0.9795657992362976, 1.4593207836151123, -0.6963101625442505, 0.20508044958114624, 1.2236692905426025, -0.03737236186861992, 1.5573415756225586, 0.5675973892211914, 0.814750611782074, 0.53835529088974, 0.1765962690114975, -0.9846646189689636, 0.6259022951126099, 0.28755903244018555, 1.0826878547668457, 0.4933270514011383, 0.2099006026983261, 0.3944026529788971, -0.6092976331710815, -0.44547757506370544, -0.6970040202140808, 0.7765291929244995, 0.2192704975605011, -1.01123046875, 0.36709532141685486, 0.41011348366737366, 0.09639210999011993, -1.059165358543396, 0.7778728604316711, -1.614847183227539, 0.4393572211265564, 0.023048223927617073, 0.8883655667304993, 0.07572047412395477, -0.5227744579315186, -0.0958922728896141, -0.15739504992961884, 0.4391638934612274, -0.4124408960342407, -0.09950661659240723, 0.6401579976081848, -0.2598016560077667, 0.8024918437004089, -0.14033055305480957, 0.2556955814361572, 1.3072293996810913, -0.3117683529853821, -1.18942129611969, -1.6796351671218872, -0.5430040955543518, -0.08277398347854614, 1.3532259464263916, -0.5494652390480042, 0.7091888189315796, 0.311612069606781, -0.3214187026023865, 0.0881577581167221, -0.27605682611465454, -1.0862735509872437, -0.4388068914413452, -0.5928001403808594, -1.125382661819458, -0.546022891998291, -0.2390322983264923, 0.5693143606185913, -0.920098602771759, 0.27472984790802, -0.6972322463989258, 0.4876774847507477, -0.3456169068813324, 0.7308984994888306, -0.0741206705570221, -0.47035008668899536, -0.31811806559562683, 3.0412707328796387, -0.6911939382553101, 1.5742454528808594, -0.8580437302589417, 0.5495951175689697, 0.20718775689601898, -0.06696851551532745, 1.3176085948944092, 0.0054805465042591095, -0.7982538938522339, -0.04414592310786247, 0.04152577370405197, -1.1790125370025635, -0.21779365837574005, -1.0003750324249268, -0.5351754426956177, -0.1735212504863739, 0.6652775406837463, -1.0445479154586792, -1.1873823404312134, 0.16513189673423767, 0.265874981880188, 0.25181591510772705, 1.0901793241500854, -0.6980551481246948, 0.4057506024837494, 0.12815570831298828, 0.2809121012687683, -0.33116066455841064, 0.45656949281692505, -0.9580039381980896, 0.08307109028100967, 1.6515690088272095, -0.2844964265823364, -0.5157316327095032, -0.793262779712677, 0.8342024683952332, -0.21060478687286377, -0.04660433530807495, 0.2985800504684448, 0.15249887108802795, 0.7801575064659119, 0.7192259430885315, 0.8927011489868164, -0.42495161294937134, -0.747745931148529, -0.22753304243087769, -0.1587790995836258, -0.4022844731807709, 0.2505873441696167, 0.4429505467414856, 0.24929779767990112, -2.034356117248535, -0.05485472083091736, 0.38396114110946655, -0.467373788356781, -0.02516929805278778, -0.8453801274299622, 0.4331418573856354, -0.28673139214515686, 1.242241382598877, -0.2216016799211502, 0.971882164478302, -0.4779431223869324, -0.850047767162323, 0.5468782782554626, -0.14874368906021118, 0.19700457155704498, 0.1743638962507248, 0.6232312321662903, 0.38125351071357727, 0.055920056998729706, -0.34210360050201416, -1.2923104763031006, 0.0014191940426826477, 2.4559988975524902, 0.09102213382720947, -0.5420731902122498, -0.7533185482025146, -1.1815478801727295, -0.019709717482328415, -1.6009321212768555, 0.20537561178207397, -1.103360652923584, -0.5384176969528198, -1.4217108488082886, 0.2121637761592865, -0.5333399176597595, -0.09653308242559433, 0.4574887454509735, 1.1605700254440308, -0.42028549313545227, -0.2553274631500244, -0.1984456479549408, -1.0259225368499756, 0.5356571078300476, 0.6073763966560364, 0.16822487115859985, -1.1295771598815918, 0.825067937374115, 0.13587912917137146, 0.3527171015739441, 0.9312456250190735, 0.4634421169757843, -0.6883141994476318, -0.2709967792034149, 0.15290400385856628, 0.5136634707450867, -0.5233393311500549, -0.014721427112817764, 0.4321509003639221, 0.9540009498596191, -0.8381428718566895, -1.1162165403366089, -0.34683525562286377, 0.16653968393802643, 1.248879075050354, 1.2331880331039429, -0.5567722320556641, 1.7345190048217773, -0.8683614730834961, 0.29670315980911255, -0.3544383943080902, -0.773136556148529, 0.3417089581489563, -0.3557301163673401, 0.8123252391815186, -0.3015855550765991, 0.011821635067462921, -0.1188594400882721, -0.2632034420967102, -1.6163363456726074, -0.35617268085479736, -0.5798835158348083, -0.8235576748847961, -1.441882610321045, -0.5318761467933655, -0.1286824643611908, -0.7320643067359924, -0.8269866704940796, 0.1959979385137558, 0.889966607093811, 0.08492045849561691, 1.4981218576431274, 1.7624547481536865, 0.42092254757881165, 0.5245729684829712, 0.030754700303077698, 0.5770664811134338, -0.5706057548522949, 0.9519321918487549, 0.34188151359558105, 0.6450845003128052, -0.7913997173309326, 0.008692197501659393, -0.645653247833252, -0.28607311844825745, 1.1283323764801025, 0.3896430432796478, 0.1596379280090332, -0.48109138011932373, -1.196311354637146, 0.6937389969825745, -0.7859431505203247, 0.8544827699661255, -0.7020843029022217, 1.6908349990844727, -0.03032851032912731, 0.2097569853067398, 0.7185033559799194, -0.332150936126709, -0.2061222791671753, 0.9335755109786987, -0.8149300813674927, 0.876270592212677, 0.45929116010665894, -0.2932266891002655, 0.43931901454925537, 0.35141265392303467, -2.3799843788146973, 0.03329870477318764, 0.6745615005493164, 0.0786479264497757, -0.6333731412887573, -0.8736862540245056, 0.31011462211608887, -0.44093820452690125, -0.23930378258228302, 0.34622228145599365, -0.836179256439209, 0.5849195718765259, -0.1800524890422821, 0.4977806806564331, 1.3700147867202759, -0.8812225461006165, 0.546829104423523, 1.5244337320327759, 0.15704625844955444, 0.05710441619157791, -0.29078957438468933, 0.2945641577243805, -0.9026438593864441, 0.3969544470310211, 0.7877322435379028, 0.7206929922103882, 1.4475475549697876, -0.004067547619342804, -0.5630884170532227, 0.7960837483406067, 1.5658782720565796, 0.5123734474182129, 0.8184604644775391, -0.27517974376678467, 0.39835086464881897, -0.029718663543462753, 1.1122925281524658, -0.07986576855182648, -1.1469731330871582, -1.103578805923462, 0.05044735223054886, -0.8480147123336792, -0.685785710811615, 1.9174448251724243, 0.2925957143306732, 0.6210111379623413, 0.21967728435993195, 0.6168948411941528, -0.10184536874294281, 0.19998927414417267, 1.0252021551132202, 0.39089110493659973, -0.06928859651088715, 0.028406575322151184, -0.13138426840305328, 1.1836261749267578, -0.6053054928779602, -0.5921192765235901, 0.08549919724464417, 1.2767646312713623, -0.8953728675842285, -0.6530258655548096, 0.04416653513908386, 0.9303823113441467, 0.7301554083824158, 1.3860074281692505, -0.5675951242446899, -0.5374473333358765, -0.10991109162569046, 0.593716561794281, -0.7258732318878174, 0.5865724682807922, -0.5467928647994995, 0.47136610746383667, 0.53300541639328, 1.2853050231933594, -0.004805326461791992, 0.5671033263206482, 0.2577877640724182, -0.9268984794616699, -1.1320507526397705, -0.3221434950828552, -0.8681737184524536, -0.7558085322380066, -0.9206799864768982, -0.1712714284658432, -0.9832624197006226, 0.8843211531639099, -0.3151380717754364, -0.8071004152297974, 0.20327681303024292, -0.3451184034347534, -1.8312729597091675, 0.9400814771652222, 1.2485785484313965, -0.9361293315887451, -0.06283587962388992, -0.5036959648132324, -0.6565892100334167, -0.8597421050071716, 0.4477238357067108, -0.6582819819450378, -0.30555734038352966, 0.16628707945346832, 0.5645277500152588, -0.26967376470565796, -0.5478296875953674, -1.1114882230758667, 0.11134892702102661, 1.9008642435073853, -1.0142643451690674, 0.1894511878490448, 0.1986437737941742, 0.6810296773910522, -0.37040427327156067, -0.7806786894798279, -0.5789225697517395, 0.15754957497119904, 0.7738741636276245, -0.22588692605495453, -0.15091301500797272, -0.605539083480835, -0.04086301848292351, -0.4426206052303314, 1.1571457386016846, -1.191467523574829, 0.46727603673934937, -0.8263711333274841, 0.503563642501831, 0.6682041883468628, -0.3199555575847626, 0.030145443975925446, 1.2593958377838135, -0.34922102093696594, 0.6548787355422974, 0.21988052129745483, 0.5420739054679871, 0.4346732497215271, 0.3589704930782318, 0.14884378015995026, -0.29955095052719116, -10.510616302490234, 0.17142479121685028, -0.772602915763855, -0.12952502071857452, 0.5222222208976746, -0.30139872431755066, 1.0950199365615845, 0.42230460047721863, -0.04903079569339752, -0.5466980934143066, 0.6727933287620544, 1.0105516910552979, 0.5840623378753662, -0.6300044059753418, -0.25964415073394775, -0.6602265238761902, -0.5206896066665649, -0.5174055099487305, 0.5665837526321411, 0.09217454493045807, -1.088514804840088, -1.2425761222839355, -0.32263416051864624, 0.16960950195789337, 0.08017168939113617, 0.05056260526180267, -0.24270164966583252, -0.33190110325813293, -0.39023643732070923, 0.023817896842956543, 0.3860139846801758, -0.2610519230365753, -0.7079445719718933, -0.6237891316413879, 0.9266148209571838, 0.08238525688648224, -0.8308444619178772, 0.13137152791023254, 0.438705712556839, -0.15607130527496338, -0.5154492855072021, 0.7353479862213135, -0.07180073112249374, -0.117105633020401, 0.20430852472782135, 0.11524881422519684, 0.22037704288959503, -0.6648992896080017, 1.155861735343933, -0.9942507743835449, -0.31669914722442627, -0.758682131767273, -1.2070255279541016, -1.0909607410430908, 0.43135446310043335, -0.02106659673154354, -0.5070279240608215, 0.043857116252183914, -0.2729227542877197, -1.2217470407485962, 0.5788484215736389, 0.3145868182182312, -0.3468753397464752, 0.2601255476474762, 0.17705023288726807, -0.13636314868927002, 0.8927133679389954, 0.5853865146636963, -0.7311258912086487, 0.4011602997779846, -1.1587953567504883, 0.5976376533508301, -0.04616555944085121, -0.3615957796573639, -0.5188100934028625, -0.36902666091918945, -0.20041947066783905, 0.06562285870313644, 0.16906601190567017, 0.23063558340072632, -1.1695696115493774, 0.12808437645435333, 0.06262318044900894, -0.1931052803993225, -0.7124629616737366, 0.14612582325935364, -0.5332096815109253, 0.6766625642776489, 1.493076205253601, 0.196419358253479, 1.083231806755066, 0.0690651684999466, 0.35422348976135254, -0.22396805882453918, -0.40309908986091614, 1.0100665092468262, -0.5328204035758972, 0.9978460669517517, 0.07503263652324677, -1.0399885177612305, 0.6467083692550659, -0.4529247581958771, -0.39346495270729065, 0.3504728376865387, 1.0063985586166382, 0.4446747303009033, 0.4058283567428589, -0.13000476360321045, 0.42248353362083435, 0.3907904326915741, 1.106877088546753, -0.11173462122678757, -0.4802517294883728, 1.1953462362289429, 0.38211509585380554, 1.3210865259170532, 0.49169737100601196, 0.7508825063705444, 0.7797554731369019, 0.525569498538971, -0.5281893610954285, 0.7687431573867798, 0.3246191143989563, 1.5938847064971924, -0.3478299081325531, 0.7557138800621033, 0.3494652807712555, 0.6793428063392639, 0.21003785729408264, -1.1551488637924194, 0.23271316289901733, -0.31954246759414673, 0.26319244503974915, -1.071527123451233, -0.2105245292186737, -0.5552340745925903, -1.023613691329956, 1.1897292137145996, -0.45593488216400146, -0.0904700830578804, 0.2977524995803833, -1.2019283771514893, -0.08460773527622223, -0.9893705248832703, -1.0524598360061646, 0.28173962235450745, -1.3330283164978027, -0.3240281045436859, -0.290146142244339, -0.8815932273864746, 0.6148689389228821, 0.3077567517757416, 1.1700407266616821, -0.3263581395149231, -0.20014697313308716, -0.008872894570231438, 0.4822990596294403, -0.6682280898094177, -0.3610151708126068, -0.5087716579437256, 0.5096352100372314, 1.3153849840164185, -0.7413262128829956, 1.2597112655639648, 0.5397472381591797, 0.4252740740776062, -0.6623952984809875, -0.23454974591732025, -0.14821158349514008, 0.6366339921951294, 1.1968729496002197, -1.3027770519256592, -0.3001406490802765, -0.6219050884246826, -0.3999144732952118, -0.26934605836868286, 0.18429890275001526, 1.2129905223846436, -0.5633383989334106, 0.5303043127059937, -0.30587780475616455, 0.35360705852508545, -0.34371861815452576, -1.1220972537994385, -1.0576318502426147, 0.11097989231348038, -0.45242515206336975, 0.7725316286087036, -0.009842055849730968, 0.6731796860694885, -2.358966588973999, -1.0237525701522827, 0.01651667430996895, -0.48186275362968445, 0.5461853742599487, -0.11820608377456665, 0.910973310470581, -0.8585787415504456, 0.6868702173233032, 0.3507075607776642, -0.3611087501049042, 0.4264411926269531, -0.17947916686534882, 0.1280394196510315, 0.27041497826576233, -0.01323840394616127, -0.8541198372840881, 0.32543784379959106, 0.3468940556049347, -0.06701195985078812, -1.3408221006393433, -0.6369512677192688, 0.48335427045822144, 0.46917667984962463, -0.20005083084106445, -0.6221247911453247, 0.1701141595840454, 0.007838957011699677, -0.1117839515209198, -1.4442509412765503, -0.0652008131146431, 1.2665950059890747, -0.06085652858018875, 0.6509535908699036, 0.8622939586639404, 0.8023521900177002, 0.5558032393455505, 0.8354647755622864, 0.9035122394561768, -0.7762808799743652, -0.8223944902420044, -0.6388537287712097, 0.35778212547302246, -0.4318791329860687, 0.007646694779396057, 0.7236950993537903, -1.4033604860305786, 0.24550709128379822, -1.1934188604354858, 0.9671064615249634, -0.5146214962005615, 0.16222704946994781, -0.060632288455963135, 0.9047751426696777, -0.43928420543670654, -1.429512619972229, 0.08287346363067627, -0.38616126775741577, -0.13284681737422943, -0.26993244886398315, 0.5961666703224182, 1.1928743124008179, 0.7429894208908081, 0.298259973526001, 1.330668330192566, -0.19995620846748352, -0.2402161806821823, 0.3747508227825165, -0.033340342342853546, 1.280787706375122, 0.7588209509849548, -0.3713633418083191, 0.4527394771575928, -0.25259268283843994, -0.6197744607925415, -0.6011776328086853, -0.31592944264411926, 0.9995230436325073, 1.218355655670166, -0.09367342293262482, 0.18015263974666595, -1.1579616069793701, 0.2980680763721466, -1.2521814107894897, 0.6668683886528015, 0.8291983604431152, -0.4010072946548462, -1.3030465841293335, -1.033154845237732, 0.48779773712158203, 1.005631923675537, -0.6368539333343506, 0.27371853590011597, -1.1845563650131226, -0.021251436322927475, 0.1888759434223175, -0.6604948043823242, -1.3323938846588135, 0.7013517618179321, -0.10684138536453247, -0.24548690021038055, 0.8163375854492188, -0.5726575255393982, -0.7178274989128113, 0.29258468747138977, -1.0162972211837769, 0.4979393482208252, -0.40171462297439575, -0.2549659013748169, -0.32035595178604126, 0.3625376522541046, -0.4026469886302948, -0.7101864814758301, 0.05897843465209007, -0.20690923929214478, -1.7417166233062744, 1.0041803121566772, 1.0148860216140747, -0.787015438079834, -0.2595492899417877, 0.23263105750083923, 0.1934611201286316, 0.1860092580318451, 1.4371882677078247]} +{"paper_id": "SoLID/shellcode_i_a32", "embedding": [0.28798893094062805, 0.9174777269363403, -0.24773956835269928, 1.2005155086517334, 0.23435518145561218, 0.11538992822170258, 0.6387683749198914, 1.1985423564910889, 0.8152034878730774, 0.11557245254516602, -0.13652928173542023, 1.0986146926879883, 0.1222345232963562, -0.15217295289039612, -0.5811221599578857, -0.13042709231376648, -0.040275510400533676, -1.147468090057373, -1.0491873025894165, -0.3112516403198242, -0.8618881106376648, -1.3663840293884277, -0.4174795150756836, 0.4290962517261505, -0.49956396222114563, 0.06391194462776184, 0.12348251044750214, -1.0691379308700562, -0.11538536101579666, 0.7248305082321167, 0.2341410219669342, 0.8871927857398987, -1.3535242080688477, 1.5234732627868652, -0.8793002963066101, -0.8736297488212585, 0.4391900897026062, 0.3527057468891144, -0.36521536111831665, 0.7568828463554382, 0.06392935663461685, -0.029792239889502525, 1.0703275203704834, -0.4362567067146301, 1.2078214883804321, -0.3059011995792389, -0.33160021901130676, -0.2275194376707077, 0.23532427847385406, 0.5639773011207581, -0.6170662045478821, 1.0255436897277832, 0.380924254655838, 0.3218187391757965, -0.13565367460250854, 0.9564886689186096, 0.4087076783180237, -0.5251346826553345, 0.6547809839248657, -0.33808228373527527, 1.0585033893585205, 0.7840666770935059, -0.7187279462814331, 0.28012534976005554, 0.24401426315307617, -0.22319713234901428, 1.2092379331588745, 0.5521308183670044, 0.3699856102466583, 0.38202327489852905, -0.23932763934135437, -0.9270702004432678, 1.095295786857605, 0.29395461082458496, -0.6116811037063599, 0.6070367097854614, -0.2169388234615326, -0.2938986122608185, 0.16205191612243652, -0.17503449320793152, -0.23154164850711823, 0.4810101389884949, 0.29950782656669617, -0.6393119096755981, 0.7350794076919556, 0.2584371864795685, 0.05408035218715668, -0.9770621657371521, -0.4204913377761841, -1.1343342065811157, -0.1747352033853531, 0.0929298922419548, -0.5280234813690186, -0.1497448980808258, -0.9606370329856873, -0.13794441521167755, -0.5466814041137695, -0.03625137358903885, -0.8583711385726929, 1.363463282585144, 0.9122466444969177, -0.2539235055446625, 0.42491599917411804, -0.6681497097015381, 0.7758013010025024, 1.0633301734924316, -0.5973995327949524, -0.9255714416503906, -1.8918371200561523, -0.3396531343460083, 0.4094887375831604, 0.10711582750082016, -0.5293803215026855, 1.4205913543701172, 0.1902381032705307, -0.7331428527832031, -0.11043139547109604, -0.07009357959032059, -0.048908475786447525, -0.13536451756954193, -0.6448609232902527, -1.2392890453338623, -0.1373577117919922, -0.1089906245470047, 0.7640302777290344, -0.8079795241355896, -0.15458068251609802, -0.09990303218364716, 0.2923646569252014, -0.1001308485865593, 1.4009720087051392, 0.5957112312316895, -0.73273766040802, -0.11618952453136444, 3.1933035850524902, -1.4637022018432617, -0.10971023887395859, -0.5413981676101685, 0.3955492675304413, -0.42443031072616577, -0.011204544454813004, 1.422624945640564, -0.059320129454135895, -1.017503023147583, -1.3720738887786865, 0.5616706013679504, -1.344508409500122, -0.07777769863605499, -1.1732442378997803, 0.5634597539901733, -0.077390655875206, 1.2097086906433105, -0.6788811683654785, -1.2255463600158691, -0.3427593410015106, 0.7675121426582336, 0.900518536567688, 1.0172280073165894, -1.4141135215759277, -0.4503662884235382, 1.4907293319702148, 0.13239821791648865, 0.5072134733200073, 0.1992621123790741, -1.3690241575241089, 0.700107216835022, 1.2079391479492188, -0.046626150608062744, -0.464626282453537, -0.6040736436843872, 0.9452863931655884, -0.1254895031452179, -0.4156457781791687, -0.0667375847697258, 0.22875243425369263, 0.9788596034049988, 0.9047703742980957, -0.27731141448020935, 0.8362038731575012, -0.49356064200401306, -0.7911102771759033, -0.42988157272338867, -0.04934534803032875, 0.6833200454711914, -0.6151419281959534, 0.22358086705207825, -2.4772913455963135, -0.14731740951538086, -0.40366604924201965, 0.35182374715805054, 0.2762048840522766, 0.05387674272060394, 0.33694276213645935, 1.2876118421554565, 0.9766070246696472, -0.1314084231853485, -0.2660800814628601, -1.4928632974624634, 1.221221685409546, 0.6107164621353149, 0.00923621654510498, -0.011278597638010979, -1.141167163848877, 0.3950055241584778, 1.113091230392456, -0.21851631999015808, -0.027444910258054733, -1.5057121515274048, -0.22055986523628235, 1.8167424201965332, 0.6578404903411865, -0.8131535649299622, -0.6194209456443787, -1.1139934062957764, 0.8306156992912292, -0.5851677060127258, 0.34393054246902466, -1.3328968286514282, -0.02151436358690262, -1.5852216482162476, 0.5254402160644531, -0.048431795090436935, 0.08085993677377701, 0.5500727891921997, 1.0771348476409912, -0.2713667154312134, 0.6832438707351685, 0.6979262232780457, -0.20535162091255188, 0.026858575642108917, 1.035499930381775, -0.1288445144891739, 0.05000004917383194, 0.8857540488243103, -0.2055652141571045, 0.8036018013954163, 0.5498906373977661, 0.29328054189682007, -0.6508289575576782, 0.35664018988609314, 0.21540504693984985, -0.7119137644767761, -0.24324150383472443, -0.857978880405426, 0.12997287511825562, 0.4562187194824219, -0.28428196907043457, -0.4348592758178711, -0.015180964954197407, 0.09872187674045563, 1.5981937646865845, 0.3068835139274597, -0.29246780276298523, 0.009715020656585693, -1.0176727771759033, -0.23673668503761292, 0.01260969415307045, -0.5859249234199524, -0.701153576374054, 0.15803317725658417, 0.3649511933326721, -0.10373546928167343, 0.21010053157806396, -0.6988807916641235, -0.6670028567314148, -0.9524030089378357, -1.4276854991912842, -0.5152405500411987, -0.1381477415561676, -1.2364221811294556, -0.3892309367656708, -0.008773058652877808, -0.8693666458129883, -0.27697867155075073, 0.06352867186069489, 0.3392926752567291, -0.1022883877158165, -0.08777972310781479, 1.4708969593048096, -0.5067650079727173, 0.25731638073921204, 0.04546403884887695, 0.7044625282287598, -0.4911429286003113, 0.9850598573684692, -0.4948699474334717, -0.23803876340389252, -0.9389774799346924, -0.1956825852394104, -0.525291919708252, -0.05919407308101654, 0.1556313931941986, -1.4820144176483154, -0.7696177363395691, 0.2339872419834137, 0.10424356907606125, 0.8777046799659729, -0.08632586896419525, 0.8733112215995789, -0.5073580741882324, 0.7268896102905273, 0.2553319036960602, -0.8971880078315735, 0.035721614956855774, -0.5583660006523132, -0.10702402889728546, 0.45518890023231506, -1.0822062492370605, 0.7006837725639343, 0.802286684513092, 0.5582596063613892, 0.6849552989006042, -0.2979609966278076, -2.063985824584961, 0.6530850529670715, 0.5403748154640198, 0.48194608092308044, -0.24066965281963348, -0.3282657563686371, -0.1359115093946457, -0.27827131748199463, -0.4640113115310669, -0.02423837035894394, -0.4062362313270569, 0.7627318501472473, 0.542302668094635, 0.8801504969596863, -0.5157575011253357, -0.39923036098480225, 0.1190086156129837, 1.167900800704956, -0.029843077063560486, 0.12180735170841217, 0.16630595922470093, 0.8556778430938721, -0.9983838200569153, 0.09495534002780914, -0.4033457636833191, 1.0644091367721558, 0.47341388463974, -0.2120312750339508, 0.4437786340713501, 0.8905521035194397, 1.3065485954284668, -0.1770266890525818, -0.010860486887395382, 0.017888016998767853, 0.007697142660617828, 0.4757547676563263, 0.9932473301887512, -0.2342534065246582, -0.18085604906082153, -0.8066461682319641, -0.2521370053291321, 0.03142447769641876, -0.4588684141635895, 1.7582772970199585, 0.9112381339073181, 0.9116597175598145, -0.19986018538475037, 0.24341309070587158, -0.2981477975845337, -0.05209505558013916, -0.23022204637527466, 0.735285222530365, 1.0092600584030151, -0.7480068206787109, -0.30198729038238525, 1.1706680059432983, 0.00447916891425848, -0.34936341643333435, -0.06376997381448746, 0.22766536474227905, -0.03812769427895546, -0.8814190626144409, -0.03482646122574806, 0.023094896227121353, 0.36578604578971863, 1.866411805152893, -0.8146764636039734, -0.6136935353279114, -0.745701789855957, 0.20288880169391632, -0.13417606055736542, 0.32921260595321655, -0.04540722444653511, -0.06617602705955505, 0.4556214213371277, 1.02808678150177, 0.60853111743927, 1.176030158996582, 1.0752350091934204, -1.3356541395187378, -0.2501506805419922, 0.48402175307273865, -1.2410751581192017, -0.1937255710363388, -0.11230280995368958, 0.16356806457042694, -0.355528861284256, 0.42222705483436584, -0.8941223621368408, -1.015965223312378, 0.5988270044326782, -0.32052257657051086, -0.17850318551063538, 0.21974217891693115, 1.9021192789077759, -0.23970963060855865, -0.6526985764503479, -0.19063544273376465, -1.0579805374145508, -0.8044506907463074, -0.3062432110309601, -0.6726148128509521, 0.27631425857543945, 0.5861520767211914, 0.07920029014348984, 0.8343286514282227, 0.6225113868713379, -1.375664472579956, 1.184311866760254, 1.28316330909729, -0.5707163214683533, -0.038303591310977936, -1.3883922100067139, 0.15279342234134674, 0.45130035281181335, -0.8896443247795105, -0.688208281993866, 0.018933935090899467, 0.3085329234600067, 0.25286057591438293, -0.7245223522186279, -0.9210214018821716, -0.6161707043647766, 0.2161887139081955, -0.3011932373046875, -0.13474014401435852, 0.07278314977884293, -0.33474594354629517, 0.6661920547485352, 1.7802871465682983, -0.011267028748989105, -0.16248296201229095, 0.9139357209205627, -0.4680226743221283, 0.5079717636108398, 0.005101263523101807, -0.006392505019903183, 1.2801159620285034, 0.9427420496940613, -0.04096769541501999, -0.2435537576675415, -10.519757270812988, 0.5402287244796753, -0.30414578318595886, 0.37678974866867065, 0.14701077342033386, 0.6309718489646912, 0.3306722939014435, 0.1950993537902832, 0.22158925235271454, 0.2953827381134033, 0.31666678190231323, 1.740261197090149, 0.02447800524532795, -0.34952470660209656, -0.614260733127594, -1.2246935367584229, -0.33489397168159485, -0.43129581212997437, 0.5884830355644226, 0.49773678183555603, 0.20240524411201477, -1.649413824081421, -0.3791385293006897, 0.05004977062344551, 0.7974523305892944, -0.1962195336818695, -0.12941113114356995, -0.150246262550354, -1.1025315523147583, -0.2753000259399414, 0.22707000374794006, 0.1634906530380249, 0.10408823192119598, -0.698124885559082, 0.14739570021629333, 0.13580650091171265, -1.6566375494003296, 0.43689456582069397, 0.7069113850593567, -0.14019572734832764, -1.075858473777771, 0.5783454179763794, 0.22544890642166138, -0.30202022194862366, -0.25804704427719116, 0.48887503147125244, 0.3364413380622864, -0.6793884038925171, 1.036352515220642, -0.39299461245536804, -0.2339058667421341, -0.9932693839073181, -0.4789421558380127, -1.4170821905136108, 0.37907737493515015, -0.21215303242206573, -1.3552792072296143, -0.3435000479221344, -0.012120988219976425, -1.048163890838623, 0.9501270651817322, 0.6538516283035278, 0.4842239022254944, 0.11502055823802948, 0.4885621964931488, -0.05277887359261513, 0.7004985809326172, 0.7902311682701111, -0.23163500428199768, 0.7687810063362122, -1.2684491872787476, 1.1021952629089355, -0.12416986376047134, 0.28041374683380127, -0.6594681739807129, -0.556130051612854, -0.5972208976745605, -0.3736542761325836, 0.43510863184928894, 0.13276119530200958, -0.8904182314872742, 0.42046666145324707, -0.06731820851564407, -0.7855380177497864, -0.9011011123657227, 0.27747583389282227, -0.9908728003501892, 0.257212370634079, 1.7066500186920166, 0.2986759543418884, 1.5049885511398315, -0.9022018313407898, -0.3612964153289795, -0.5151333808898926, -1.2405362129211426, 0.18116667866706848, -1.0663254261016846, 0.27811235189437866, 0.24390003085136414, -0.4869571030139923, 0.4673391878604889, -0.1363963633775711, -1.1708269119262695, -0.04269857704639435, 0.8967267870903015, 0.19803297519683838, -0.1951773762702942, -0.007484942674636841, 0.7077118754386902, 0.40784409642219543, 1.0131601095199585, -0.14817354083061218, -0.344296932220459, 0.7965070605278015, -0.41782188415527344, 0.8550644516944885, 1.0210779905319214, -0.2985903322696686, 1.3437936305999756, 0.05335598811507225, -0.36316952109336853, 1.3724205493927002, 0.4349508583545685, 0.409349262714386, -0.5281326174736023, 0.46227285265922546, 0.8234100937843323, 0.7736881971359253, -1.292639136314392, -0.3149816393852234, 0.4821183681488037, 0.0920671671628952, 0.3694482743740082, -1.077025055885315, -0.19726450741291046, 0.8691093325614929, -0.47038131952285767, 1.0188764333724976, -0.9971608519554138, 0.4861719310283661, 0.4933471083641052, 0.08791671693325043, -0.34748169779777527, -0.3719553053379059, -1.1077003479003906, 0.6842171549797058, -1.361132264137268, 0.09623700380325317, -0.14918458461761475, -0.6429675221443176, 0.3089040517807007, -0.9482602477073669, 0.7326383590698242, -1.2545676231384277, -0.575613260269165, 0.14083701372146606, 0.7360870838165283, -0.7918927073478699, -0.42655816674232483, -0.5766340494155884, 0.868048369884491, 1.6988049745559692, 0.08412250876426697, 0.25109168887138367, -0.24965925514698029, 0.706966757774353, -0.34814250469207764, -0.22854025661945343, 0.3939637541770935, 0.0003960616886615753, 0.5871339440345764, -1.2497316598892212, -0.43279072642326355, -0.19152382016181946, 0.6219400763511658, 0.1230364441871643, 0.4834880232810974, 1.0171986818313599, -1.6520922183990479, 0.8860684633255005, -0.5914325714111328, 0.73509681224823, 1.1983243227005005, -1.5582025051116943, -0.7638275623321533, -0.04153970256447792, 0.38421154022216797, 0.8889332413673401, -0.5827674269676208, -0.07409820705652237, -1.7910994291305542, -1.7442641258239746, -0.7057088613510132, -0.15393710136413574, 0.7062623500823975, 0.4027833640575409, -0.5582018494606018, 0.2949111759662628, 1.1324162483215332, 0.4870041012763977, -0.24442380666732788, 0.6465462446212769, 0.5010376572608948, -0.6428459882736206, 0.1261134147644043, 0.49674728512763977, -0.43612974882125854, 0.5056859850883484, 1.0227611064910889, 0.4863128364086151, -1.4760900735855103, 0.4440847635269165, 0.04308689013123512, 0.1580083817243576, -0.24069681763648987, -1.3865814208984375, 0.192182719707489, -0.19967234134674072, -1.1304538249969482, -1.065427541732788, 0.8686338663101196, -0.09734506905078888, 0.34848177433013916, 1.1387078762054443, 1.2102634906768799, 0.3487389087677002, 0.2858617603778839, 0.15841197967529297, 1.0367627143859863, -0.012940067797899246, -0.45979875326156616, -0.007222529500722885, -0.05058079957962036, -0.27752023935317993, 0.39169180393218994, 0.2264871746301651, -1.959588885307312, 0.05556688457727432, -0.763269305229187, 0.1381702721118927, -0.2989933490753174, -0.32931193709373474, -0.03298003971576691, 0.19882135093212128, 0.05985482037067413, -1.3602205514907837, -0.7791499495506287, -0.8468677997589111, -0.6768128275871277, 1.1737711429595947, 0.14704462885856628, 0.7463316917419434, 0.512401819229126, -0.2867504954338074, 1.1145405769348145, 0.5018997192382812, 0.0891900360584259, -0.10985826700925827, 0.768561601638794, 1.5969862937927246, 0.6954902410507202, -0.6861528754234314, 0.3588196039199829, -0.5433806777000427, 0.11570406705141068, -0.3623698651790619, -0.9762610793113708, 0.6379351615905762, 1.0074608325958252, -0.7219452857971191, 0.35333746671676636, -0.560211718082428, 0.8517570495605469, -0.8470302820205688, 1.3644442558288574, -0.3898913860321045, -1.1397876739501953, -1.3752107620239258, -0.6316923499107361, -0.31285083293914795, 0.36636921763420105, -1.121649980545044, 0.3330955505371094, 0.21241849660873413, 0.6413781046867371, 0.3339642584323883, 0.34168535470962524, -1.143627643585205, 0.19094444811344147, -0.7904619574546814, -0.04615528881549835, 0.20952942967414856, -0.18423666059970856, -0.1946009397506714, -0.08158181607723236, -0.6155241131782532, 0.48262834548950195, 0.10598228871822357, -0.716212809085846, -0.2915048599243164, 1.0914957523345947, -0.11530318856239319, -0.19213765859603882, -0.1386086642742157, 0.4795164167881012, -1.5474086999893188, 1.462091326713562, 0.4403444230556488, -0.47734376788139343, -0.09897208958864212, 0.11274732649326324, -0.16421879827976227, 0.5380175113677979, 1.4129489660263062]} +{"paper_id": "antoiloui/bsard", "embedding": [0.16663679480552673, 1.0463900566101074, -0.23981909453868866, 0.2860921323299408, 0.6025806069374084, -0.15069864690303802, 0.26713141798973083, 0.7552293539047241, 1.0445443391799927, 1.5003769397735596, 0.3475457429885864, 0.4623279869556427, -0.5845299363136292, 0.04135676473379135, -0.6580290794372559, -0.5759851932525635, -0.3528318703174591, -0.18418839573860168, -0.8926282525062561, -0.38985756039619446, -0.8425979018211365, -0.6978287100791931, -0.10796301066875458, 0.37883248925209045, -1.2332913875579834, -0.46607324481010437, 1.0236256122589111, -1.2378995418548584, 0.7922486066818237, 0.538017213344574, -0.02882794290781021, 1.035435438156128, -1.40657377243042, 0.5293253064155579, -0.6509203314781189, 0.5553086996078491, 0.5888822078704834, 1.0725785493850708, 0.01746908575296402, -0.0009677745401859283, -0.8115456104278564, 0.5592527985572815, 0.5393623113632202, 0.07574491947889328, 0.9716940522193909, -0.904540479183197, 0.4180589020252228, -0.16435256600379944, -0.12335461378097534, 0.12850315868854523, -0.7282495498657227, 0.7358899116516113, -0.13480393588542938, 0.6167200803756714, -0.07638563215732574, 0.9054901003837585, -0.08307940512895584, -0.5780937075614929, 0.13812656700611115, -0.7343907356262207, 1.4723769426345825, 1.3831822872161865, -0.20352627336978912, 0.16295279562473297, 0.8296587467193604, -0.8290793895721436, 1.2242186069488525, -0.020767666399478912, 0.17135821282863617, 0.8151121735572815, 0.17532359063625336, 0.21235361695289612, 0.5482496023178101, -0.03277011215686798, -0.5994356870651245, 1.2918343544006348, 0.648945152759552, -0.40276965498924255, 0.1418105959892273, -0.47672346234321594, -0.6505463123321533, 0.6080782413482666, 0.29408350586891174, -0.9383917450904846, -0.0329287089407444, -0.45472002029418945, -0.3247496485710144, -0.2899840474128723, 0.1641491800546646, -1.7463397979736328, 0.3857247233390808, -0.31945735216140747, -0.4597914516925812, -0.026595287024974823, -1.122715711593628, 0.11843254417181015, -0.7046578526496887, 0.3881504237651825, -0.865415096282959, 0.34421563148498535, 0.39158105850219727, -0.36808106303215027, 0.6225258708000183, 0.42161238193511963, 0.3832157850265503, 1.2129836082458496, 0.5378905534744263, -0.004480540752410889, -1.4302817583084106, -0.2702009677886963, -0.13984857499599457, 1.0762794017791748, -0.0674363374710083, 0.25906291604042053, -0.12269093841314316, 0.022125400602817535, 0.4777182340621948, -0.7634494304656982, -0.06696198880672455, -0.2586967349052429, -0.3310067057609558, -1.195806860923767, -0.9678258299827576, 0.38784998655319214, 1.1866241693496704, -0.3224017918109894, -0.02161908708512783, -0.09854914993047714, -0.3472161591053009, 0.5428727865219116, 0.9268572330474854, 0.15119190514087677, -1.333554983139038, -0.07984443008899689, 2.9821972846984863, -1.5196490287780762, 1.8698914051055908, -0.19340544939041138, 0.45305538177490234, -0.3987717926502228, 0.17879176139831543, 0.7021398544311523, -0.1157185509800911, -1.5392369031906128, -0.719297468662262, 0.13210460543632507, -0.7506242990493774, 1.1653729677200317, -0.9492219686508179, -0.4818384349346161, -0.020514938980340958, 0.5248029232025146, -0.9184309840202332, -0.5577894449234009, -0.22011901438236237, 0.20052966475486755, 0.22518390417099, 0.5863052606582642, -0.7987104058265686, 0.5333535671234131, 1.2360241413116455, -0.20598949491977692, 0.37101614475250244, 0.5490589737892151, -0.3956775963306427, -0.05644352361559868, 1.2333488464355469, 0.25974124670028687, -0.7019498348236084, 0.3920314908027649, 0.7338900566101074, -0.2466696798801422, -0.2622358202934265, -0.04424645006656647, 0.04046378284692764, 0.7310451865196228, 1.507794976234436, 0.5545647144317627, -0.27058491110801697, -0.49599575996398926, -0.833196759223938, -0.6095194220542908, 0.3994544744491577, 0.3847210705280304, -0.27567100524902344, 0.6836227178573608, -1.637915015220642, -0.5597640872001648, -0.7473387122154236, 0.7083552479743958, -0.34729552268981934, 0.20753005146980286, 0.21148920059204102, 0.7037634253501892, 0.41105860471725464, -0.8908700346946716, 0.01992448978126049, -1.0139535665512085, 0.1697504222393036, 0.023454569280147552, -0.052766088396310806, 0.09780560433864594, -0.17932015657424927, -0.02354082465171814, 1.157343864440918, -0.9947707056999207, -0.01506655290722847, -2.4715003967285156, 1.000329613685608, 2.5390002727508545, -0.46650850772857666, -0.2670404613018036, -0.8369254469871521, -0.01154094934463501, 0.39433881640434265, 0.32415881752967834, 0.40663987398147583, -0.7676858305931091, 0.3892529606819153, -0.8590496778488159, 0.7421914339065552, -0.4396146237850189, 0.4284140169620514, 0.14190207421779633, 0.7022308111190796, -0.8914737105369568, 0.36104297637939453, -0.5152466893196106, -0.7327005863189697, 0.9261162877082825, 0.35143333673477173, 0.07956062257289886, 0.1729457527399063, 1.525281548500061, 1.0053846836090088, 0.38958877325057983, 0.5318167805671692, 0.14986783266067505, -0.9554522037506104, -0.17024622857570648, -0.46706151962280273, 0.7361937165260315, -0.45798611640930176, -0.39470499753952026, 1.0407440662384033, 0.37044084072113037, -0.49598684906959534, -0.11094352602958679, -0.049957599490880966, -0.5882573127746582, 0.8238582015037537, 0.6697944402694702, -0.7658859491348267, 1.0451029539108276, -0.6710682511329651, -0.20855039358139038, -0.4627477526664734, -0.5480048656463623, -0.30403631925582886, -0.3936554789543152, 0.7879090905189514, 0.7065528035163879, 0.4972572326660156, -0.07849843800067902, -0.674878716468811, -1.1250401735305786, -0.2441301792860031, -0.10692180693149567, 0.41551417112350464, -1.3451875448226929, -0.3413081467151642, -0.5095974206924438, -0.9903706908226013, -0.35867494344711304, 0.4896599054336548, 0.29334744811058044, -0.8501268625259399, 0.40743714570999146, 1.475593090057373, -0.6064438223838806, 0.14287078380584717, -0.051223546266555786, 1.2456328868865967, -0.4870356321334839, 0.8343974947929382, -0.4505831003189087, -0.41020384430885315, -0.2907206416130066, -0.07077205181121826, -0.5485226511955261, 0.45333462953567505, 1.015400767326355, -0.08399566262960434, 0.5227208733558655, 0.053161874413490295, -1.3522450923919678, 1.2486740350723267, 0.3638773262500763, -0.23736289143562317, -0.9366787672042847, 1.4824086427688599, 0.5660452246665955, -0.24840831756591797, 0.7211303114891052, 0.15931884944438934, -0.005014561116695404, 0.9496546983718872, -0.2712430953979492, 0.5190445780754089, 0.21936239302158356, 0.6421108245849609, -0.03913296386599541, 0.15275731682777405, -1.2143241167068481, 0.23910334706306458, 0.5565443634986877, -0.8070633411407471, -0.42021751403808594, -0.6128146052360535, 0.37543803453445435, -0.20406661927700043, -0.10524002462625504, -0.251568078994751, -0.0816725492477417, 0.022346902638673782, -0.028137989342212677, 0.3957197070121765, 1.3758035898208618, -1.2047264575958252, 0.6842392086982727, 0.603314220905304, 0.16670788824558258, -0.7700942754745483, -0.5948459506034851, 0.21424901485443115, 0.3637240529060364, 1.0774307250976562, -0.5426161289215088, 0.6365494132041931, 1.3136036396026611, -0.36894848942756653, -0.2832714319229126, 1.0182839632034302, 0.6566723585128784, 0.28120630979537964, 0.4904783368110657, -0.3803427815437317, 0.2896585166454315, -0.9342563152313232, 1.186887264251709, -0.15091100335121155, -1.4061847925186157, -1.343719244003296, 0.16928739845752716, -0.9494404792785645, -0.48432523012161255, 1.8487098217010498, -0.023410886526107788, 2.129497766494751, -0.42040392756462097, 0.23703590035438538, 0.18271879851818085, 0.2892374098300934, 0.946773886680603, 0.36711469292640686, 0.40692174434661865, -0.47246912121772766, -0.4956824481487274, 1.4977105855941772, -0.19067181646823883, -0.12666085362434387, -0.11103292554616928, 1.0227402448654175, -0.1137169897556305, -0.6249158382415771, 0.19373686611652374, 0.4454532265663147, 0.03823839873075485, 1.1612625122070312, -0.9395299553871155, -0.870780348777771, -0.21089093387126923, 0.17245356738567352, -0.14915242791175842, 0.45904791355133057, -0.8655558824539185, 0.346219539642334, -0.6119032502174377, 0.09660650789737701, 0.28667426109313965, 0.600771963596344, 1.0770872831344604, 0.543656587600708, -0.6818415522575378, -0.12525881826877594, -0.2709881663322449, -0.15337252616882324, 0.21601316332817078, -0.14395563304424286, -1.1741697788238525, 1.0950400829315186, 0.14416995644569397, -1.4682698249816895, 0.7107279300689697, -0.40533918142318726, -1.7373064756393433, 0.6176490187644958, 0.7760747671127319, -1.0323572158813477, -0.049976322799921036, 0.18882109224796295, -0.9346189498901367, -0.7297126054763794, 0.14438693225383759, -1.3138340711593628, 1.3578126430511475, 0.6695922017097473, 0.12984442710876465, -0.4708412289619446, -0.6727995872497559, -1.426868200302124, 1.1576520204544067, 0.8544074296951294, -0.63948655128479, 0.47873425483703613, 0.24378584325313568, 0.7237316370010376, 0.142665833234787, -1.187156081199646, -1.1805721521377563, 0.5361074805259705, 0.14790485799312592, 0.4292759299278259, -1.2586934566497803, -0.8516756892204285, -0.07096681743860245, 0.4432525932788849, 1.1570532321929932, -1.0576261281967163, -0.395582914352417, -0.25471532344818115, 0.5477026700973511, 0.6518969535827637, 0.24085886776447296, -0.620349645614624, 1.644042730331421, -0.29123544692993164, 0.8072457313537598, 0.03613109886646271, 0.3243436813354492, 1.5202497243881226, 0.0850500836968422, -0.2658774256706238, -0.9300922155380249, -10.643731117248535, 0.44383302330970764, 0.049289770424366, 0.49732524156570435, 0.9795629382133484, 0.1816394329071045, 0.6225411295890808, -0.6034553050994873, 0.9473551511764526, -0.181314617395401, 0.34595033526420593, 1.9393633604049683, 0.5190487504005432, -0.9556291103363037, -1.1870604753494263, -1.4545220136642456, -1.3620306253433228, -0.25458216667175293, 0.047506749629974365, 0.03409556671977043, -0.4572575092315674, -0.7126187086105347, -0.20799832046031952, -0.0814485251903534, 1.3164494037628174, -0.10254532098770142, -0.4112592935562134, -0.20749065279960632, -0.6929358243942261, -0.029070548713207245, 0.4459114372730255, 0.14112618565559387, -0.7680305242538452, -0.8593940734863281, -0.4204820394515991, -0.468020498752594, -0.9861172437667847, -0.3626987636089325, 0.5496958494186401, 0.3968648910522461, -0.371163547039032, 0.6169172525405884, 0.09366358816623688, -0.581240713596344, 0.11069975048303604, -0.2284645438194275, 0.17793218791484833, -1.1676784753799438, 0.3993721604347229, 0.786419153213501, -0.09169711172580719, -0.35612404346466064, -0.7451416850090027, 0.18819165229797363, 0.16132687032222748, 0.2570449411869049, -0.5174781680107117, 0.11422237008810043, -0.36605504155158997, -0.927987813949585, 0.34593701362609863, 0.2663744390010834, -0.27670934796333313, 1.093896508216858, -0.6482264399528503, 0.0844198688864708, 0.6272974014282227, -0.22229759395122528, -0.15663796663284302, -0.16913552582263947, -0.4089663624763489, 1.4925506114959717, -0.34257981181144714, -0.4789522886276245, -0.6058283448219299, 0.16220957040786743, -0.014613576233386993, -1.20206880569458, 0.39041876792907715, 0.0011176448315382004, -1.249354362487793, 1.1434659957885742, -0.39898040890693665, -0.5938456654548645, -0.13049031794071198, 0.2543001174926758, -0.42242035269737244, -0.569099485874176, 0.3180289566516876, 0.016829930245876312, 0.5857663750648499, 0.1650504469871521, 0.41128379106521606, -0.8036034107208252, -0.35094720125198364, 0.12019382417201996, -1.693676471710205, 1.4502651691436768, 0.2582147419452667, -0.8465737104415894, 0.7406872510910034, 0.12228705734014511, -0.5075052976608276, -0.4293345510959625, 1.074600338935852, 0.48238176107406616, 0.25362342596054077, -0.838435173034668, -0.8206847906112671, -0.36470943689346313, 0.9064885973930359, 0.2371109127998352, 0.29520130157470703, 0.0073726847767829895, 0.26550236344337463, 0.24927102029323578, 0.5124889612197876, 0.2702842056751251, -0.9073343873023987, 1.7310775518417358, -0.11275997012853622, 0.4849967062473297, 0.29630038142204285, 0.5107206702232361, -1.1801031827926636, 0.09978637099266052, 0.20656529068946838, 0.5669258832931519, -0.2170853167772293, -1.4300047159194946, 1.0298521518707275, -0.1519341915845871, 0.22583766281604767, -0.3829590678215027, -0.43059101700782776, -0.3570302128791809, -0.6074066162109375, 0.7198507785797119, -0.3810645341873169, -0.19843658804893494, -0.295805424451828, -0.16704437136650085, 0.07160082459449768, -0.7740736603736877, -1.016864538192749, -0.19867855310440063, -1.9823907613754272, -0.29760825634002686, -0.30013683438301086, -0.48309987783432007, 0.670295000076294, -0.5453187823295593, 1.2192679643630981, -1.0423489809036255, -0.6042540073394775, -0.11029475182294846, 0.5204066634178162, -0.7041729688644409, -0.6912588477134705, 0.3442966938018799, -0.30839571356773376, 1.3907291889190674, -1.098191738128662, 0.7001889944076538, 0.505313515663147, -0.283343642950058, -0.14214296638965607, 0.37300655245780945, -0.6676542162895203, -0.21718934178352356, 1.3087091445922852, -0.7168865203857422, -0.07055240869522095, -0.48672202229499817, -0.3763987421989441, -0.47490406036376953, 1.4406542778015137, 1.0076366662979126, -1.2722655534744263, 0.063132144510746, 0.06818462163209915, 0.5785958766937256, 0.4924970865249634, -0.9157471656799316, -0.6688524484634399, 0.46576765179634094, 0.4201812744140625, 1.460334300994873, -0.5586702823638916, 1.363459825515747, -1.8787578344345093, -1.6276867389678955, -0.5123847723007202, -0.7739561200141907, 0.5268063545227051, -0.29382190108299255, 0.9792762994766235, 0.1355482041835785, 0.836256742477417, -0.08148392289876938, -0.2211800515651703, 0.9688562154769897, 0.26060473918914795, 0.9029667973518372, -0.9222495555877686, -0.008267968893051147, -1.0649685859680176, -0.20572911202907562, -0.1286669820547104, 0.5261331796646118, -1.0392886400222778, 0.3032815456390381, 0.35538262128829956, 0.012653600424528122, 0.34769317507743835, -1.0101091861724854, 1.2232354879379272, -1.011529803276062, -0.6776326298713684, -1.1936205625534058, 0.6438770890235901, 1.2444545030593872, 0.6414703130722046, 0.9433779716491699, 1.1150929927825928, 0.8277879357337952, 0.6941385269165039, 0.886335015296936, 1.6438485383987427, 0.3658221364021301, -0.43194136023521423, 0.004411950707435608, 0.137505903840065, -0.23376116156578064, 0.2280614972114563, -0.35611802339553833, -0.7918593883514404, 0.31744542717933655, -0.4538583755493164, -0.11101450771093369, -0.41331344842910767, 0.39700818061828613, 0.7872271537780762, 1.0160834789276123, -0.7400906085968018, -0.7351706624031067, -0.2740460932254791, -1.576446771621704, -0.5803009271621704, 0.9051063656806946, 0.7161296606063843, 0.6739604473114014, 0.6927158236503601, 0.25737589597702026, 1.6297638416290283, -0.14277635514736176, 0.4134070873260498, 0.31877991557121277, -0.21300755441188812, 1.290622591972351, 0.6851039528846741, 0.09756579250097275, -0.11336904019117355, -0.4100681245326996, -0.6624186635017395, -0.530462384223938, -0.3551182150840759, 0.5880508422851562, 0.00930284708738327, -0.00949922576546669, 0.18551920354366302, -0.511812150478363, 0.6365910172462463, -0.8574045300483704, 0.46090835332870483, -0.1924016773700714, -0.7027183771133423, -0.8670522570610046, -0.878209114074707, 0.08665239065885544, 0.6015958786010742, -0.6620460152626038, 0.179096981883049, 0.14311328530311584, 0.5990970730781555, -0.3540479838848114, 0.27786684036254883, -0.9652045965194702, -0.18365497887134552, -0.54937744140625, -0.1219494491815567, 0.22619852423667908, -1.0481401681900024, -0.925869882106781, -0.4990452826023102, -0.7058890461921692, 0.2779547870159149, -0.17338678240776062, -0.38396161794662476, -0.48235833644866943, 0.34044310450553894, -0.06866363435983658, 0.6643657684326172, -0.7788043022155762, -0.017966268584132195, -1.4067325592041016, 1.2471777200698853, 0.6679458618164062, -0.5569435358047485, -0.6259351968765259, 0.2641473114490509, 0.003933824598789215, -0.385601669549942, 1.2390004396438599]} +{"paper_id": "corypaik/prost", "embedding": [-0.7811179757118225, 0.9344183206558228, 0.39632266759872437, 0.13744868338108063, -0.12966617941856384, 0.20601913332939148, 0.9396500587463379, 0.2886333167552948, 0.5925342440605164, 0.34006360173225403, 0.04266113042831421, -0.22824212908744812, -0.08156150579452515, -0.27567145228385925, -0.6039672493934631, -0.013217583298683167, -0.7743571996688843, -0.24403691291809082, -1.2544457912445068, -1.0103286504745483, 0.011712934821844101, -1.3696436882019043, -0.15970627963542938, 1.3520116806030273, -1.2262300252914429, -0.2734290361404419, 1.165729284286499, -0.9360132813453674, 0.02670975774526596, 0.47610560059547424, -0.16074341535568237, 0.940944492816925, -1.274366855621338, 1.158225178718567, 0.111262746155262, 0.21257872879505157, 0.10220944881439209, 0.4957432746887207, -0.17983034253120422, -0.28744205832481384, 0.012543072924017906, 0.32894617319107056, 0.6197129487991333, -0.0005843425169587135, -0.054148055613040924, -0.6935820579528809, -0.12784764170646667, 0.6001031398773193, -0.49357664585113525, -0.37818512320518494, -0.8867936134338379, 0.2793450653553009, 0.3664622902870178, -0.1506536900997162, 0.7788499593734741, 0.5514655113220215, -0.10551118850708008, -0.5249226689338684, 0.6456196308135986, 0.2113211452960968, 0.8597403764724731, 1.135982871055603, -0.029026178643107414, 0.6545913815498352, 0.8187083005905151, 0.6484790444374084, 0.8502404093742371, 0.45284003019332886, 0.07911162823438644, 0.3359712064266205, -0.6221385598182678, -1.0661296844482422, -0.1346900761127472, 0.4376203417778015, -0.0505332350730896, 0.5594722032546997, 0.10718637704849243, 0.7552307844161987, 0.11047699302434921, 0.6140031218528748, 0.2911891043186188, -0.18575963377952576, 0.6021401286125183, -0.5332781076431274, -0.1248074322938919, 0.12000442296266556, 0.3433985710144043, -1.2452213764190674, 0.5896161794662476, -0.8254024386405945, 0.7056357860565186, 0.21690590679645538, 0.774132490158081, -0.8908224105834961, 0.2088976800441742, 0.8281752467155457, 0.08039069920778275, -0.4498118758201599, -0.3346549868583679, 0.5968667268753052, 0.1774405837059021, 0.31801533699035645, 0.5179086923599243, -0.19734373688697815, 0.2740320563316345, -0.347496896982193, 0.43045371770858765, -0.2044011354446411, -0.1792239546775818, -0.403851181268692, -0.11045794188976288, 1.1004871129989624, 0.05757230892777443, 0.8578752279281616, 0.35911089181900024, -0.019304094836115837, 0.5411351323127747, -0.3210436701774597, 0.5469928979873657, 0.04132997989654541, -0.1533222794532776, -0.5653239488601685, -0.1688942015171051, -0.5235615968704224, 0.372467577457428, -0.04756325110793114, -0.6445143818855286, 0.31867045164108276, -0.6344205737113953, -0.29699283838272095, 0.37684333324432373, 0.3337782919406891, -0.3820135295391083, 0.13885562121868134, 3.1215434074401855, -1.3517251014709473, 0.4824509024620056, -0.6112821698188782, -0.13359269499778748, -0.42487168312072754, -0.5052653551101685, 0.8957376480102539, 0.1902731955051422, -0.672523021697998, -0.9226694703102112, 0.12641389667987823, 0.13521119952201843, 0.057970501482486725, -1.0088107585906982, 0.0209830142557621, 0.11635704338550568, 0.415852427482605, -0.9178633689880371, 0.1405254304409027, -0.4135957956314087, -0.13077139854431152, -0.47349900007247925, -0.635683000087738, -0.1707119643688202, 0.3475554883480072, -0.05019956827163696, 0.18403777480125427, -0.7388697266578674, 0.21613375842571259, -0.15439999103546143, 0.39824578166007996, 0.7547745108604431, -0.20986217260360718, -1.3136842250823975, -0.31973233819007874, 0.04985605180263519, -0.3398549258708954, 0.29172518849372864, -0.1169600561261177, -0.5920806527137756, 0.44897788763046265, 0.5341818332672119, 0.6275057196617126, 0.5871087312698364, -0.004892226308584213, -0.43930137157440186, -0.1312902271747589, 0.3447525203227997, 0.4490923583507538, -0.060440823435783386, -0.10713060200214386, -2.645416021347046, 0.584413468837738, -0.6519285440444946, 0.9293427467346191, 0.7999526858329773, 1.118530511856079, 0.18204617500305176, 0.3860458731651306, -1.0108563899993896, -0.08145993202924728, 0.018210086971521378, -1.0645976066589355, -0.3798646926879883, 0.33542943000793457, -0.5255882143974304, 0.2699282169342041, -0.5081702470779419, 0.23033776879310608, 0.5316746234893799, -0.5614274144172668, -0.1438458412885666, -1.5661767721176147, 0.31641697883605957, 0.6554142236709595, 0.4993276596069336, -0.18012696504592896, -0.12223801016807556, -0.05901898443698883, 0.025281138718128204, -0.10119727998971939, 0.29481032490730286, 0.04370499402284622, 0.24613910913467407, -0.6241316795349121, 0.7721013426780701, -0.18362048268318176, 0.48611101508140564, -0.3197380304336548, 1.6935864686965942, -0.7588462233543396, 0.5072448253631592, -0.822269856929779, -0.9966691732406616, 0.44030964374542236, 0.7933636903762817, 0.31224197149276733, 0.09328833222389221, 0.991956353187561, 0.09225186705589294, 0.3143426775932312, 0.577217698097229, 0.8925408124923706, -0.7583125829696655, 0.32756736874580383, 0.12214885652065277, 1.0804780721664429, 0.37521660327911377, 0.6597493886947632, 0.3729420304298401, -0.2762830853462219, -0.037036046385765076, -0.08427794277667999, -0.18482166528701782, -0.2180902063846588, 1.2630159854888916, -0.013107998296618462, -0.7791537046432495, -0.26776325702667236, -0.08682463318109512, -0.11206486076116562, -0.23516851663589478, -0.30194544792175293, 0.1074603945016861, -0.3826351761817932, 0.4601140320301056, 0.6074910163879395, 0.07138755172491074, -0.07234856486320496, -0.3096299469470978, -0.9938439130783081, -0.383184552192688, -0.43275654315948486, 0.1954401582479477, -0.6171000003814697, -0.658883273601532, -0.4220811128616333, -0.864554226398468, -0.4624122679233551, -0.15575318038463593, -0.24643567204475403, 0.26640355587005615, 0.2634928822517395, 1.2655960321426392, 0.3809840679168701, 0.03909485787153244, -0.3715352416038513, 0.5622772574424744, 0.1480225920677185, 0.24992965161800385, -0.3430648744106293, -0.2767837643623352, -1.0554156303405762, 0.10158979892730713, -0.7696113586425781, 0.5977281332015991, -0.39567673206329346, -0.60340416431427, 0.5987566709518433, -0.29775676131248474, -0.5100524425506592, 1.0369360446929932, 0.8792446255683899, 0.08757056295871735, -0.6726532578468323, 1.449229121208191, 0.042488083243370056, -0.5799212455749512, 0.04382878914475441, 0.031341999769210815, -0.3750860393047333, 0.55732262134552, 0.08756603300571442, 0.37582600116729736, 0.7089623212814331, 0.1367248296737671, 0.15573641657829285, -0.4945414364337921, -2.415855884552002, 0.8765238523483276, 0.1603616625070572, -0.12010140717029572, -0.18289420008659363, -1.3929922580718994, 0.2661498188972473, -0.6270010471343994, -0.42674434185028076, 0.5730412602424622, -0.3404279947280884, 0.0025044139474630356, -0.31398066878318787, 0.7160558700561523, 0.9132014513015747, -0.8768700361251831, -0.025513531640172005, 0.2014973759651184, 0.34530508518218994, -0.46706342697143555, -0.2601906359195709, 0.6642250418663025, -0.14098462462425232, 0.6066533327102661, 0.5630730390548706, 1.1783534288406372, 0.2543371319770813, 0.167094886302948, 0.29785794019699097, 0.8089722990989685, 0.18466457724571228, 0.583237886428833, 0.7179201245307922, -0.4803456664085388, 0.11357781291007996, -0.618464469909668, 1.037499189376831, -0.9628609418869019, -0.20082475244998932, -0.8635039925575256, 0.5253000855445862, -0.19222795963287354, -0.299626886844635, 1.3450393676757812, 1.0465281009674072, 1.4087390899658203, -0.8695887923240662, 0.35455581545829773, -0.8583033680915833, 0.22860372066497803, 0.019429482519626617, -0.20088309049606323, 0.4660806655883789, -1.097348928451538, 0.07804606854915619, 0.4079754948616028, 1.1709325313568115, 0.24022528529167175, -0.021558724343776703, 0.5230768918991089, 0.667482852935791, -0.17038124799728394, 0.2902466654777527, -0.014075417071580887, 0.3777085542678833, 1.009264349937439, -0.32359835505485535, -0.45401665568351746, 0.23036041855812073, -0.15346235036849976, 0.5533050298690796, 0.21013927459716797, -0.5029361844062805, 0.4628031253814697, -0.0645797997713089, 0.7108069062232971, 0.3041433095932007, 1.0640733242034912, 1.8373816013336182, -0.050303854048252106, -1.6373454332351685, 0.32722628116607666, -0.2910394072532654, 0.0011053148191422224, 0.3328959345817566, -0.13858409225940704, 0.4547102749347687, 0.8342217803001404, -0.1031208261847496, -0.9184273481369019, 0.5748251676559448, -0.31123021245002747, -0.8524458408355713, -0.5625613927841187, 0.8372015953063965, -0.9524614810943604, -0.5192670822143555, 0.3190823793411255, -0.4115617573261261, -0.7560217976570129, -0.48103129863739014, 0.05305445194244385, 1.0995604991912842, -0.5498418211936951, 0.9144539833068848, -0.4689871668815613, 0.12355685234069824, -0.9883487224578857, 1.5587167739868164, 0.3112123906612396, 0.2594766914844513, 0.7344235181808472, 0.273203045129776, 0.7591681480407715, 0.5119797587394714, -0.23796594142913818, -0.012936093844473362, 0.990726888179779, -0.526068925857544, -0.31033754348754883, -0.39128291606903076, -0.6052512526512146, 0.4457574486732483, -0.052630554884672165, 0.5074650049209595, -1.0802419185638428, -0.15350095927715302, -0.5631226301193237, 0.6190615892410278, 0.47381994128227234, -0.520424485206604, -1.3318852186203003, -0.06423525512218475, -0.6675985455513, -0.09467566758394241, -0.5605602264404297, -0.03476324677467346, 1.5444612503051758, -0.2352328598499298, -0.9557871222496033, 0.4502495229244232, -13.169321060180664, 1.4177566766738892, 0.2561368942260742, 0.874107837677002, 0.7026330828666687, -0.8284433484077454, 0.20610851049423218, 0.3840292692184448, 0.7257866859436035, -0.5759794116020203, -0.23743262887001038, 0.2360406070947647, 0.6531380414962769, 0.3496967852115631, -0.5594479441642761, -1.471539855003357, -0.11928236484527588, -0.4584459066390991, 0.1562211960554123, 0.5876938104629517, -0.0965833067893982, -0.9531333446502686, -0.1555435061454773, 0.8286253213882446, -0.6334452629089355, -0.40745627880096436, -0.6680536866188049, -0.45521944761276245, 0.6061840057373047, -0.4494057595729828, 0.929284393787384, -0.007140401750802994, -0.04235368221998215, 0.17892052233219147, -0.11867457628250122, -0.053378667682409286, -0.6702093482017517, -0.13831157982349396, 0.4147195518016815, -0.6165446043014526, -0.22237731516361237, 0.2958863377571106, 0.6932523250579834, -0.3128431439399719, -0.7231357097625732, 1.2573575973510742, 0.2708284258842468, -0.7911319136619568, -0.4746382236480713, -0.22867931425571442, -0.24980267882347107, -0.5651091933250427, -0.5908478498458862, -0.3095192313194275, 0.36118242144584656, 0.009510306641459465, -0.10486358404159546, -0.480700820684433, -0.3333086371421814, -1.3893346786499023, -0.39536425471305847, 0.49061310291290283, 0.5368312001228333, 0.3734024167060852, 0.05023372173309326, 0.1556367427110672, 0.11550880968570709, 0.4585828185081482, -0.49382033944129944, 0.3425499498844147, -0.7253914475440979, -0.08599801361560822, 0.22237089276313782, 0.44822922348976135, -0.15076667070388794, 0.11386395990848541, -0.3042622208595276, 0.275960773229599, -0.18020081520080566, -0.2810124158859253, -0.609037458896637, 0.7538461685180664, 0.04076875001192093, 0.03969922289252281, -0.05309712886810303, -0.15186142921447754, 0.8009815216064453, 0.3890066146850586, 0.7317261695861816, -0.6468015313148499, 0.8940264582633972, -0.11225123703479767, -0.3271057605743408, 0.07472305744886398, -0.8360666036605835, 0.6174026131629944, 0.3633480668067932, 0.1763540804386139, -0.24940776824951172, -0.3333774209022522, -0.27332693338394165, 0.1284758448600769, -0.9006375074386597, -0.5479990839958191, 0.8577998280525208, 0.7569411993026733, 0.42783254384994507, -0.14382031559944153, -0.384249210357666, 0.12121480703353882, -0.07310624420642853, -0.07903425395488739, -0.7617725133895874, 0.9060701131820679, -0.33315393328666687, -0.49941492080688477, 0.7629347443580627, -0.1996845304965973, -0.3128661811351776, 0.9592572450637817, -0.023939091712236404, 1.1043076515197754, 0.5719643235206604, 0.8029195070266724, -0.17908065021038055, -0.3367849290370941, 0.6946414709091187, 0.4396984875202179, -0.54171222448349, -1.2155883312225342, -0.7228677272796631, -0.20240944623947144, -0.10792031139135361, -0.20221641659736633, -0.4958716034889221, -0.5895470380783081, -0.014902744442224503, 1.1090143918991089, -0.8429057002067566, 0.16680578887462616, 0.44684797525405884, -0.25087806582450867, -0.7301394939422607, -1.2492245435714722, -0.7402278780937195, -0.1375146508216858, -2.0035548210144043, 0.00543062761425972, -1.0515034198760986, -1.0173288583755493, -0.19483673572540283, -0.24562451243400574, 1.1442209482192993, 0.10486249625682831, 0.2581943869590759, -0.6732951402664185, 0.15647780895233154, -0.7984982132911682, -0.09440688788890839, -0.1530672162771225, 0.3635999262332916, 1.3772531747817993, -0.7758440971374512, 0.4164738357067108, -0.42596232891082764, -0.08487802743911743, -1.4086724519729614, 0.03881116211414337, -0.23795603215694427, -0.2237292230129242, 0.4938710927963257, -0.9611654877662659, 0.25786513090133667, 0.3288491666316986, -0.3429590165615082, -1.0716843605041504, 0.5811523795127869, 0.5808440446853638, -0.9017608761787415, -0.4553722143173218, 0.3543282747268677, 0.38247132301330566, 0.595285177230835, -0.6352171897888184, -0.0856231302022934, -0.19818609952926636, 0.46586984395980835, 0.36430275440216064, 0.23317869007587433, 1.4104526042938232, -1.3861995935440063, -1.1825363636016846, -0.27272477746009827, 0.4949130415916443, 0.632269024848938, -0.23203420639038086, 0.8113388419151306, 0.9522901773452759, -0.7966129779815674, 0.5142771601676941, 0.05233844742178917, 0.26565247774124146, -0.06172275170683861, 0.2720513343811035, -0.8257084488868713, 0.5343960523605347, -0.06711336225271225, -0.13132236897945404, -0.5607889294624329, 0.24378490447998047, -0.6207075715065002, -0.047299087047576904, -0.23071131110191345, -0.037699099630117416, -0.49738559126853943, -0.9456182718276978, 0.2657378613948822, -0.4956381022930145, -0.3064870834350586, -0.5706880688667297, 0.32877105474472046, 1.008677363395691, 0.398315966129303, 0.6781581044197083, 0.7403684854507446, 0.06707828491926193, 0.36170220375061035, 0.11340026557445526, 1.0398565530776978, 0.6374656558036804, -0.5382826328277588, 0.25503987073898315, 0.6900428533554077, 0.08328015357255936, -0.08845295011997223, -0.9584721922874451, -0.005078665912151337, 0.620259702205658, -0.41568630933761597, 1.0210893154144287, -0.6568783521652222, 0.17117726802825928, 0.7049920558929443, 0.9686961770057678, -0.7427834272384644, -1.7142003774642944, -0.7366482019424438, -0.8507398366928101, 0.27538666129112244, 0.7800429463386536, 0.8318578600883484, -0.0042449962347745895, 0.38711342215538025, 0.12208478152751923, 0.39842239022254944, -0.05219336226582527, 0.018325813114643097, 0.18200311064720154, -0.10874487459659576, 1.267459511756897, 0.8434264063835144, -0.10456892102956772, 0.49607887864112854, 1.0516111850738525, -1.3007062673568726, 0.08598275482654572, -0.672467827796936, 0.04573793709278107, 0.005370564758777618, -0.5172945857048035, -0.335448682308197, -0.5042945146560669, 0.5784165859222412, -0.7620350122451782, 0.39296209812164307, -0.07839032262563705, -0.4057431221008301, -0.3210313320159912, -0.20279914140701294, -0.013202348724007607, 0.004259958863258362, 0.4093398153781891, -0.6168015003204346, 0.1961367428302765, 1.4396674633026123, 0.8206638097763062, 0.13320551812648773, -0.5470494031906128, 0.23346109688282013, -0.4820571541786194, 0.6692045331001282, -1.1813793182373047, -0.056219276040792465, -0.16165265440940857, 0.5648197531700134, -0.14514294266700745, -0.3517928719520569, -0.6778360605239868, -0.418558269739151, -0.2870546281337738, 0.01654839515686035, -0.49329689145088196, 0.01012030616402626, 0.172218456864357, 0.5756325125694275, -0.9511663913726807, 0.703528106212616, 0.5843064188957214, -0.32213181257247925, 0.2206733077764511, -0.011059731245040894, 0.12111467123031616, -0.5228453874588013, 0.38993048667907715]} +{"paper_id": "dfki-nlp/few-nerd", "embedding": [-0.87012779712677, 1.2300595045089722, -0.39702895283699036, -0.2737138867378235, 0.27272486686706543, 0.06577476859092712, 0.26640430092811584, 0.38607877492904663, 1.4154057502746582, 1.1235871315002441, 0.5622316002845764, -0.14434772729873657, -0.49464696645736694, -0.9756481647491455, -0.6170932650566101, -0.3449024260044098, 0.11680256575345993, -0.6894649863243103, -0.4522434175014496, -0.4494163691997528, -1.010825514793396, -0.9046790599822998, 0.31853410601615906, 0.5947662591934204, -0.8977833986282349, -0.6889533996582031, 0.6121951937675476, -1.06893789768219, -0.004640243947505951, 0.4979517459869385, -0.29764971137046814, 1.3804389238357544, -1.2889282703399658, 0.5806549787521362, -0.6958224177360535, -0.06692589074373245, 1.2148317098617554, 0.5226024389266968, -0.25029176473617554, -0.3265971839427948, -0.6752815246582031, -0.6087456941604614, 0.44884854555130005, 0.5701925754547119, 1.5755327939987183, -0.4620896279811859, 0.37545594573020935, 0.05385231599211693, -0.049238212406635284, -0.32306763529777527, -0.03740256279706955, 0.3076271414756775, 0.3140559494495392, 0.501839280128479, -0.2606726884841919, 1.4545795917510986, 0.09532641619443893, -1.0274125337600708, 0.3152271807193756, -0.09766766428947449, 1.2246955633163452, 1.0205907821655273, -0.05976696312427521, -0.4187641441822052, 0.9547920823097229, 0.2803547978401184, 1.6457380056381226, 0.0008442997932434082, 0.6392196416854858, 0.5310434699058533, 0.15994365513324738, -1.6241357326507568, -0.3109492361545563, -0.9754340052604675, 0.34432607889175415, 0.9264218807220459, 0.6034289598464966, -0.33496084809303284, 0.6939411163330078, -0.1333790123462677, -0.14945045113563538, 1.0921062231063843, 0.47144487500190735, 0.3346792161464691, -0.4214017689228058, -0.17986512184143066, 0.7673306465148926, -0.4627346098423004, 0.3518686294555664, -1.9079041481018066, 0.6996982097625732, 0.30039817094802856, -0.7643327713012695, 0.03475910425186157, -0.19361063838005066, 0.7190353274345398, -0.6012418270111084, -1.1183024644851685, -0.5780128836631775, 0.5756324529647827, 0.5789841413497925, -0.11818510293960571, -0.14122608304023743, -0.34221187233924866, 0.2293296605348587, 1.885054349899292, -0.8764321804046631, 0.2866377830505371, -1.2404520511627197, -0.20761066675186157, 0.49557745456695557, 1.3208575248718262, 0.5317871570587158, 0.7344931960105896, 0.019815314561128616, -0.1301966905593872, 0.6755406260490417, -0.37682634592056274, -0.45738688111305237, 0.5823631882667542, -0.22137317061424255, -1.3154391050338745, -0.27167919278144836, -0.20272162556648254, 1.3768103122711182, -1.2975008487701416, 0.6324208974838257, -0.19775360822677612, -0.01542367972433567, -0.37046924233436584, 0.5364303588867188, 0.1953243762254715, -1.045613169670105, -0.34328991174697876, 2.7296853065490723, -1.131388545036316, 1.1306902170181274, -0.2557799220085144, -0.9403564929962158, -0.4016314148902893, 0.42830657958984375, 1.1058530807495117, 0.5663000345230103, 0.03253055736422539, -0.5565930008888245, 0.3073500692844391, -1.1253910064697266, 0.5844194293022156, -0.7781584858894348, -0.7934556603431702, -0.17316481471061707, 0.2541235685348511, -1.688645362854004, -0.8323202133178711, -0.050643518567085266, 0.27099964022636414, -0.21788698434829712, 0.1282690018415451, -0.38415011763572693, 1.5104495286941528, 0.9402065873146057, -0.5510182976722717, -0.02228441834449768, 0.6268485188484192, -0.48208630084991455, 0.10883332043886185, 0.923583984375, 0.007892277091741562, -0.832883894443512, -0.33486321568489075, 1.022369146347046, -0.5531073212623596, -0.06602007150650024, -0.5753408670425415, -0.5879876613616943, 0.047328174114227295, 0.7765308618545532, 0.37183836102485657, 0.3327845335006714, -0.06485842168331146, -0.3263353109359741, 0.11762717366218567, -0.4619896113872528, 0.3385632336139679, 0.0801221951842308, 0.37937071919441223, -2.2977700233459473, -0.557081401348114, -0.16169340908527374, 1.0065948963165283, -0.13857105374336243, -0.16658373177051544, -0.4335894286632538, 0.6248227953910828, -0.22530536353588104, -0.8693618178367615, 0.816701352596283, -1.0762351751327515, -0.3718612790107727, 0.21761317551136017, 0.1303529292345047, -0.41845783591270447, -0.013185691088438034, 1.1527448892593384, 0.5727022290229797, -0.6844078302383423, -0.3201892673969269, -2.1804518699645996, -0.13638338446617126, 1.746567726135254, 0.17359763383865356, -1.2025114297866821, -1.3867172002792358, -0.5488253831863403, 0.7138496041297913, -0.5036130547523499, 0.8698362112045288, -0.29986074566841125, 0.20922504365444183, -1.1049555540084839, 0.42060136795043945, -1.0344854593276978, 0.5535792708396912, 0.4490542411804199, 1.2648850679397583, -0.3749692440032959, -0.1410650610923767, -0.12742219865322113, -0.8065144419670105, 0.6643133759498596, 0.41149061918258667, 0.3182196319103241, 0.0551300011575222, 1.4424197673797607, 0.7064936757087708, 0.40330344438552856, -0.02829885482788086, 0.6779181957244873, -0.5753051042556763, 0.5102863907814026, 0.04906685650348663, -0.14079894125461578, -0.31357795000076294, -0.33907321095466614, 0.6411616802215576, 0.12356436252593994, -0.4825196862220764, -0.9668259024620056, 0.181402787566185, -0.20649510622024536, 1.0962872505187988, 0.8617303371429443, -0.07276974618434906, 0.40990540385246277, -0.28208786249160767, -0.35173097252845764, -0.27146387100219727, -0.6616291403770447, 0.0834505707025528, -0.6577675938606262, 1.1060832738876343, -0.3726266324520111, 0.08897359669208527, -0.49777334928512573, 0.2659798264503479, -1.2590211629867554, -0.6106045842170715, 0.3670799434185028, -0.7735887765884399, -1.2761067152023315, 0.3335930407047272, 0.025764673948287964, -0.6385505795478821, -1.0320051908493042, 0.4834921658039093, 0.7217283844947815, 0.5411709547042847, 0.846430778503418, 1.3355826139450073, -0.39465591311454773, 0.14962834119796753, -0.0034076720476150513, 0.6727980375289917, -0.5709460377693176, 0.9812812209129333, 0.38737618923187256, 0.7035810351371765, -0.8991595506668091, 0.3056538701057434, -0.039556145668029785, 0.5351118445396423, 0.3213353753089905, 0.14972913265228271, 0.47846072912216187, -0.13185495138168335, -0.8122157454490662, 1.9199597835540771, -0.1936023086309433, -0.00277009978890419, -0.7074418663978577, 0.964227557182312, 0.7899558544158936, -0.5039243102073669, 0.698484480381012, 0.2963823676109314, -0.14084598422050476, 1.3488006591796875, -0.7012932300567627, 0.6754235625267029, 0.5641895532608032, 0.1970331072807312, 0.22352059185504913, 0.46350035071372986, -1.4629567861557007, -0.6277942657470703, 0.23240581154823303, -0.1421850472688675, 0.1859830915927887, -0.5304863452911377, 0.5470303893089294, -0.8616271018981934, -0.09272456169128418, -0.2467021346092224, -0.4045970141887665, 0.09555232524871826, -0.5772742033004761, 0.41361916065216064, 0.7775647044181824, -0.7304786443710327, 1.041580319404602, 0.5453568696975708, -0.3434544801712036, -0.6631588339805603, -0.4082842469215393, 1.8159916400909424, 0.018663324415683746, -0.10632053017616272, 0.09279173612594604, 0.7180938720703125, 1.2685679197311401, -0.7095044255256653, 0.46948590874671936, 0.5278421640396118, 0.217938631772995, -0.049742747098207474, -0.08662120252847672, -0.06271470338106155, 0.23259475827217102, -0.2601698338985443, 1.082440733909607, -0.10182182490825653, -0.6372318267822266, -0.8377078175544739, 0.6113945245742798, -0.49394214153289795, 0.12013303488492966, 2.178178310394287, 0.3869248926639557, 2.0214805603027344, -0.7899034023284912, 0.549312949180603, -0.36479315161705017, 0.023613624274730682, 0.4757011830806732, 0.997570812702179, -0.2727468013763428, -0.7583832740783691, 0.3691319227218628, 0.11374980211257935, -0.1739552915096283, 0.15169860422611237, -0.09224192053079605, 0.5524312257766724, -0.09877052903175354, -1.1875112056732178, 0.31047627329826355, -0.2867833077907562, 0.42325636744499207, 1.7037160396575928, -0.3832237124443054, -0.9371280074119568, 0.0784752368927002, 0.6332961320877075, 0.9572851657867432, 0.3438245952129364, -0.4209189713001251, 0.2147095501422882, 0.27098631858825684, 0.15637041628360748, 0.27319401502609253, 1.175183653831482, 0.9462043642997742, -0.7074243426322937, -1.639487385749817, -0.09242545068264008, -1.1330188512802124, -0.37676405906677246, 0.265828013420105, 0.37139976024627686, -0.8647231459617615, 0.19344162940979004, -0.3733491003513336, -0.8102000951766968, 0.9287759065628052, -0.2947549521923065, -1.62319815158844, 1.1389775276184082, 1.35862135887146, -1.4398603439331055, -1.0672491788864136, -0.44769948720932007, -0.6405326128005981, -0.2849718928337097, -0.43503251671791077, -0.8032810091972351, 0.13158948719501495, 0.07604026794433594, 0.11339789628982544, 0.25579696893692017, -0.16469241678714752, -0.36550992727279663, 0.40541744232177734, 0.8484123349189758, -0.9030664563179016, 1.2785309553146362, 0.8735418915748596, -0.692837119102478, -0.3885689675807953, -1.6717790365219116, -1.3591469526290894, 0.4190640449523926, -0.12867723405361176, 0.2984769642353058, -1.2701371908187866, -0.8940361738204956, 0.17216137051582336, -0.7941645979881287, 1.249784231185913, -0.3640516698360443, 0.2785077691078186, -0.8572024703025818, -0.34931519627571106, -0.09010040760040283, -1.2030272483825684, -1.331408143043518, 1.4714210033416748, -0.14277836680412292, 0.4827550947666168, -0.10121160745620728, 0.5381168723106384, 2.2630107402801514, 0.11788318306207657, -0.17082497477531433, -0.5599757432937622, -10.9611234664917, -0.14709021151065826, 0.06874320656061172, -0.09655416011810303, 0.7321941256523132, -0.3003664016723633, 0.8939272165298462, -0.15934962034225464, 0.8191134333610535, -0.9814838767051697, 0.8953628540039062, 1.229180097579956, -0.11752317100763321, -0.331918865442276, -0.44755056500434875, -1.1921653747558594, -0.22943748533725739, 0.018241196870803833, 0.16637282073497772, 0.06028706207871437, -0.23630757629871368, -0.847104549407959, -0.01107238233089447, 0.2569577991962433, -0.07076924294233322, 0.47116437554359436, 0.09665846824645996, -0.11912776529788971, -0.5670922994613647, 0.8344875574111938, 0.6112058162689209, -0.5534302592277527, -0.7502247095108032, -0.7878363728523254, 0.047999024391174316, -0.022372450679540634, -1.2854092121124268, 0.20181167125701904, 0.9565778970718384, 0.4227885901927948, -0.0063583701848983765, 0.5511994957923889, 0.35380035638809204, 0.38758528232574463, -0.4515644609928131, 0.07029622793197632, 0.7500866055488586, -1.2722376585006714, 0.19052448868751526, -0.07357245683670044, -0.15878558158874512, -0.40376824140548706, -1.051701545715332, 0.043685432523489, 1.2450239658355713, -0.15544702112674713, -0.8548702597618103, -0.09091410040855408, -0.7528554201126099, -1.2774295806884766, 1.6241087913513184, 0.08565433323383331, -0.35951662063598633, -0.11736726760864258, 0.8551985621452332, -0.4922215938568115, 0.9167675971984863, -0.006401031278073788, -0.2857379913330078, 0.5315800905227661, -0.5209958553314209, 0.3140000104904175, 0.8512729406356812, -0.16796553134918213, -0.34009426832199097, -0.0404345840215683, -0.22370094060897827, 0.6462417244911194, 0.10799016058444977, 0.7554565668106079, -0.8888644576072693, 1.2068356275558472, -0.392095148563385, -0.669616162776947, -1.0921833515167236, -0.03298535197973251, -0.8191927671432495, -0.5623599886894226, 0.057922035455703735, -0.174016535282135, 0.8596076369285583, -0.12260985374450684, -0.9930355548858643, -0.3397901654243469, -0.8030572533607483, 0.9098728895187378, -0.8166095614433289, 0.5373436808586121, 0.02632921189069748, -1.0790996551513672, 0.7685868144035339, -0.24829554557800293, -0.026156079024076462, -0.254273384809494, 0.4350290596485138, 0.2029590606689453, -0.44544363021850586, 0.1732635498046875, 0.29921767115592957, -0.31664255261421204, 0.8669314980506897, -0.7641129493713379, -0.5874555706977844, 0.6253740191459656, 0.05402028560638428, 0.7088293433189392, 0.37296098470687866, -0.22865384817123413, 0.7701869010925293, 1.2279202938079834, 0.14911334216594696, 0.9180082082748413, 0.31196126341819763, 0.7478634119033813, 0.15897095203399658, -0.5859272480010986, 0.9208550453186035, 0.5181543231010437, 0.42815154790878296, -1.7903897762298584, 0.21777565777301788, 0.10084101557731628, -0.3258111774921417, -0.3766735792160034, -0.8979088664054871, -0.19937604665756226, -0.4245956242084503, 2.0384037494659424, -0.6320970058441162, 0.22788763046264648, 0.17872311174869537, -0.9919350147247314, 0.3625051975250244, 0.15400488674640656, -0.6651514768600464, -0.3546084463596344, -0.4119964838027954, -0.2725130617618561, -1.0760258436203003, -0.38131529092788696, -0.08477167785167694, -0.3344080448150635, 0.7870575189590454, -1.2270435094833374, -0.25640618801116943, -0.2607118487358093, 0.17493827641010284, -0.6972808241844177, -0.3094748258590698, -0.07218600809574127, -0.23446354269981384, 1.1213090419769287, -0.5904680490493774, 0.6117249131202698, 0.072336345911026, -0.24852828681468964, -0.37281903624534607, -0.614291787147522, -0.21431739628314972, -0.37586456537246704, 1.7816742658615112, -0.5731173753738403, 0.7870712876319885, -0.1527998447418213, -0.49341657757759094, -1.3474442958831787, 0.9410908818244934, 1.2658684253692627, -0.5736517906188965, 0.07638801634311676, 0.44115787744522095, 1.1609480381011963, 0.9173238277435303, 0.11732542514801025, 0.22478848695755005, -0.30585187673568726, 0.316535085439682, 0.6792585849761963, -0.34802326560020447, 0.16827832162380219, -1.8610517978668213, -0.595862090587616, -0.3243204653263092, -0.7194515466690063, 0.5176907777786255, 0.5927914381027222, 0.6747339963912964, 0.9022724628448486, 0.216924786567688, 0.4875869154930115, 0.6307097673416138, 1.3098598718643188, 0.3667987287044525, 0.8906451463699341, -0.40904268622398376, -0.9881942272186279, -0.4826499819755554, 0.1160336434841156, 0.5299316644668579, 0.39358392357826233, -1.2698181867599487, 0.6330671906471252, 0.8205726742744446, -0.7494255304336548, 0.7911139726638794, -0.7621757984161377, 0.6596707701683044, -0.07751953601837158, -0.5133699774742126, -1.5016189813613892, 0.4603985548019409, 0.6440661549568176, -1.5488308668136597, 0.940581202507019, -0.42473170161247253, 0.22895215451717377, 0.790386438369751, 0.04675367474555969, 1.5765680074691772, -0.23939929902553558, -0.030175592750310898, 1.0928007364273071, -0.5851197242736816, -0.13580629229545593, -0.4198314845561981, -0.2220562845468521, -0.9364421963691711, 0.734958827495575, -0.8450154662132263, -0.34936484694480896, -0.506770133972168, 0.540303111076355, 0.7953912019729614, 0.9076173305511475, -0.2628409266471863, -0.8297670483589172, -0.4786180555820465, -0.41063326597213745, 0.1850394904613495, 0.7910406589508057, -0.09931893646717072, 0.5092468857765198, 0.9181621074676514, -0.008374989032745361, 0.9584821462631226, -0.33153003454208374, -0.7711189389228821, -0.27388399839401245, 0.15004780888557434, 1.1500474214553833, 0.7603301405906677, -0.06061079353094101, -0.24619869887828827, 0.32395610213279724, -0.4300786256790161, -0.5734431743621826, -0.4803712069988251, -0.13373270630836487, 0.9571579694747925, -1.1107861995697021, 0.08420780301094055, -0.7084977030754089, -0.007949292659759521, -1.0111795663833618, 0.3924664258956909, 0.01750420406460762, -0.2811356484889984, -0.8849347233772278, -0.5559173822402954, -0.49568918347358704, 0.8408779501914978, -0.13907863199710846, 0.02712024375796318, -0.17344601452350616, 1.0601705312728882, -0.42934951186180115, -0.36364084482192993, -0.43709996342658997, 0.10909965634346008, 0.05382406339049339, 0.5001437067985535, -0.3229827582836151, -0.7321416139602661, -0.5991328358650208, 0.17168395221233368, -0.3669534921646118, 0.14146071672439575, 0.09290291368961334, -0.7437741160392761, -0.592445433139801, -0.44097569584846497, -0.12419387698173523, 0.2545675039291382, 0.6067346930503845, -0.4606131315231323, -1.221636414527893, 0.5566755533218384, 0.24028125405311584, 0.16471141576766968, -0.7204634547233582, 0.17098328471183777, 0.7787147164344788, -0.3915780186653137, 0.6896859407424927]} +{"paper_id": "gsarti/clean_mc4_it", "embedding": [-0.4651072025299072, 0.8668358325958252, 0.04534319415688515, -0.0723881945014, 0.9159802794456482, -0.41899460554122925, 0.2437654435634613, 0.13561517000198364, 0.8823241591453552, 0.8334450125694275, 0.8608771562576294, -0.027867790311574936, 0.642943799495697, -0.03913704305887222, -0.07097667455673218, -0.06021410971879959, -0.5227103233337402, -0.7873900532722473, -1.1429380178451538, -0.24679043889045715, -1.1644234657287598, -0.17872191965579987, -0.011902563273906708, 0.964665949344635, -0.3393532633781433, -0.9624194502830505, 0.2488097995519638, -0.5060117244720459, -0.0697823092341423, 0.7855353355407715, -0.06626012176275253, 1.2236143350601196, -1.5198752880096436, 0.6121783256530762, -0.377030611038208, -0.2394847422838211, 0.5822360515594482, 0.666144073009491, -0.006016463041305542, -0.29734325408935547, -0.7296019792556763, -0.3092612326145172, 0.6372290253639221, 0.1525951772928238, 0.684977650642395, 0.1156228557229042, -0.10187938064336777, -0.20669950544834137, 0.07969088852405548, -0.11433367431163788, -0.0903354063630104, 0.38598522543907166, -0.43013694882392883, 0.3778369426727295, -0.2058314085006714, 1.4478819370269775, 0.02373659610748291, -0.7933048009872437, 0.3998299241065979, -0.9305287599563599, 0.9306751489639282, 1.5843204259872437, -0.4969131648540497, 0.21879833936691284, 1.4189443588256836, -0.059359110891819, 1.174160122871399, 0.4421265125274658, 0.5510519742965698, 0.8476689457893372, -0.26143693923950195, -1.2936508655548096, 0.6509334444999695, -0.17745870351791382, 0.30754315853118896, 1.0620661973953247, 0.29475530982017517, -0.22692187130451202, -0.5511470437049866, -0.5967291593551636, -0.7530738711357117, 0.4709470868110657, 0.08279027789831161, -0.6781217455863953, 0.003980226814746857, 0.6257582902908325, -0.02792448177933693, -0.30390846729278564, 0.5977510213851929, -1.8037317991256714, 0.5238078236579895, 0.18867266178131104, 0.42116326093673706, -0.3518415689468384, -0.4780712127685547, 0.18072474002838135, -0.4791240096092224, 0.35379987955093384, -0.15999795496463776, 0.39249712228775024, 0.5611974596977234, -0.22169436514377594, 0.9620903730392456, -0.004017770290374756, 0.2548697590827942, 0.8792642951011658, -0.38787201046943665, -1.277238368988037, -0.8107692003250122, -0.42856186628341675, -0.26944032311439514, 0.8857977390289307, 0.03840901330113411, -0.0038835937157273293, 0.05922962352633476, -0.3236587941646576, 0.6031990647315979, -0.387719064950943, -0.4027424454689026, 0.06993335485458374, -0.2829228639602661, -1.7047760486602783, -0.8364378809928894, -0.28395891189575195, 1.070477843284607, -0.7052853107452393, -0.23478209972381592, -0.5426760315895081, -0.08910314738750458, -0.30502715706825256, 0.5565185546875, 0.34670546650886536, -0.8446093797683716, 0.2286643087863922, 2.9169108867645264, -0.5123687982559204, 1.3225301504135132, -0.08054465055465698, -0.21691113710403442, -0.03415609151124954, 0.2875930666923523, 0.8506677746772766, 0.454473078250885, -0.7218105792999268, -0.30267104506492615, 0.45083174109458923, -0.8243605494499207, -0.008886627852916718, -0.6163966059684753, -0.5645702481269836, 0.331835001707077, -0.01955709606409073, -0.22783112525939941, -0.8456283211708069, -0.3850747346878052, 0.03394599258899689, 0.3437645137310028, 0.5555424690246582, -0.7011194229125977, 1.0920147895812988, 0.8640058636665344, 0.5909957885742188, -0.6904372572898865, 0.6668635606765747, -1.1178754568099976, 0.33087074756622314, 1.4018794298171997, 0.06772760301828384, -0.156072199344635, -0.26553863286972046, 0.5985339879989624, -0.6127198338508606, 0.3058773875236511, 0.08623407036066055, -0.4915814697742462, 0.34441620111465454, 0.6236796379089355, 0.6498948931694031, 0.04559837281703949, 0.516975462436676, -0.6183803081512451, -0.3022528290748596, 0.4298790693283081, 0.46078813076019287, -0.16118858754634857, 0.39989200234413147, -2.3763153553009033, -0.3526815176010132, -0.282123327255249, 0.2129841297864914, -0.245473712682724, -0.9146996736526489, 0.3192841410636902, -0.3042214512825012, 0.6139367818832397, -0.5828408002853394, 0.07828192412853241, -0.3806403875350952, -0.08958195894956589, 0.4560210108757019, 0.5442529916763306, -0.028234561905264854, 0.5272983908653259, 0.4549807906150818, 0.2583004832267761, -0.12444337457418442, -0.5700436234474182, -1.3046869039535522, 0.2824634611606598, 1.9637030363082886, -0.6500204205513, -0.779956579208374, -1.012555480003357, -0.5242103338241577, 0.35294827818870544, -0.7350024580955505, 0.13959644734859467, -1.0018974542617798, -0.28916043043136597, -1.4675687551498413, -0.3162064552307129, -0.19509592652320862, 0.10456878691911697, -0.2848915457725525, 0.9476189613342285, -0.4410683214664459, -0.13580192625522614, -0.7384609580039978, -1.1871953010559082, 0.6510165333747864, 0.554859459400177, 0.14781475067138672, -1.130510687828064, 1.0964161157608032, -0.5786049365997314, 0.696321427822113, 0.8404471278190613, 0.5130733847618103, -0.1826242357492447, -0.03880927339196205, 0.001185629516839981, 1.3511725664138794, -0.1247403472661972, -0.278930127620697, -0.020675629377365112, 0.967430830001831, -0.2367563247680664, -0.7392368912696838, 0.41234296560287476, 0.22943423688411713, 0.9524970650672913, 0.7843577861785889, -1.1547046899795532, 0.8573846817016602, -0.5641188025474548, 0.27846044301986694, -0.00925801694393158, -0.9657433032989502, 0.3574564456939697, -0.4179048538208008, 0.4330648183822632, -0.7212983965873718, 0.373033344745636, -0.24544920027256012, -0.252854585647583, -1.170495629310608, -0.7832377552986145, -0.5919337868690491, -0.5434567332267761, -1.4189002513885498, -0.664826512336731, -0.579147458076477, -0.44630274176597595, -0.6571945548057556, 0.7256273031234741, 0.4409647285938263, -0.18310600519180298, 0.6952226161956787, 1.2673449516296387, -0.030431006103754044, 0.8770644068717957, -0.5973363518714905, 0.6402221322059631, -0.4705635905265808, 0.9142220616340637, 0.7142122983932495, 0.24193131923675537, -1.3414627313613892, -0.45187655091285706, -0.2745492458343506, 0.32744652032852173, 0.4709573984146118, -0.28853657841682434, 0.458152174949646, -0.08652426302433014, -1.268437385559082, 0.9520615339279175, -0.8142935037612915, 0.5703980326652527, -1.3794749975204468, 1.6734919548034668, 0.2980074882507324, 0.2348758727312088, 0.8587560057640076, 0.2008877545595169, -0.2919165790081024, 0.8412616848945618, -0.6636999845504761, 0.5468957424163818, 0.9204093217849731, -0.15428908169269562, 0.1600269377231598, 0.07813359051942825, -2.0497357845306396, 0.03809020295739174, 0.6227799654006958, -0.08849070966243744, -0.2021939903497696, -0.6615778803825378, 0.3248695731163025, -0.028700876981019974, -0.2892684042453766, 0.1331881433725357, -0.08747221529483795, 0.22957366704940796, -0.20213192701339722, 0.4692692160606384, 1.6051106452941895, -0.693895697593689, 0.40068671107292175, 1.0814889669418335, 0.15616637468338013, -0.5284298658370972, -0.43476468324661255, 0.5413329601287842, -0.36880257725715637, 0.03659619390964508, 0.6820797324180603, 0.37117481231689453, 1.4189215898513794, -0.5520902276039124, -0.007432442158460617, 0.436092734336853, 0.7403743863105774, -0.2366957813501358, 0.9289687871932983, -0.06610583513975143, 0.1295412927865982, 0.6548460721969604, 1.1343024969100952, -0.050659678876399994, -0.8291290402412415, -1.1195122003555298, 0.030130881816148758, 0.06018787622451782, -0.6495699882507324, 1.528076171875, 0.3600195646286011, 0.7719423770904541, 0.24512924253940582, -0.22567176818847656, -0.809611976146698, -0.1978161334991455, 0.6422507762908936, 0.6107732057571411, -0.05442878603935242, 0.10123521089553833, 0.327193945646286, 0.9232779145240784, -0.19966460764408112, -0.41945067048072815, -0.12858574092388153, 0.929519772529602, 0.01780877262353897, -0.9548646211624146, 0.4707365036010742, 1.1169805526733398, 0.20496788620948792, 1.1389373540878296, -0.5382258892059326, -0.8527916073799133, -0.3199079930782318, 0.6669432520866394, 0.14369766414165497, 0.5818722248077393, -0.19975197315216064, 0.2695538103580475, -0.06352194398641586, 0.8546234965324402, 0.3922346234321594, 0.28605979681015015, 1.3856463432312012, -0.5020859241485596, -0.49224209785461426, 0.2186017632484436, -1.2687572240829468, -0.5141446590423584, -0.2034364640712738, -0.28427454829216003, -0.9543909430503845, 0.7634350657463074, -0.9675365686416626, -0.47434911131858826, 1.0007084608078003, -0.14514094591140747, -1.4142237901687622, -0.2046779841184616, 0.9570059776306152, -1.3061758279800415, -0.19633358716964722, -0.025670550763607025, -1.047612190246582, -1.1727901697158813, 0.013401995413005352, 0.03281541168689728, -0.15209847688674927, -0.4221035838127136, 0.5023294687271118, -0.23270678520202637, -0.04904782027006149, -1.4229282140731812, 0.8540714383125305, 1.4058772325515747, -0.5996320843696594, 0.18712975084781647, 0.06902071088552475, 0.5411865711212158, -0.24096718430519104, -0.6317444443702698, -0.4069831371307373, 0.495331734418869, 0.3420546352863312, 0.5229054093360901, -0.11695007979869843, -0.4680772125720978, 0.6727686524391174, 0.14543290436267853, 1.5124835968017578, -0.8760992288589478, -0.04720659181475639, -0.350003182888031, 0.8602263927459717, 0.6446808576583862, 0.05291402339935303, -0.3181653320789337, 1.0676807165145874, -0.33986201882362366, 0.8774784803390503, -0.6254305839538574, 0.5294290781021118, 0.1428133249282837, 0.4748746156692505, 0.1767396777868271, -0.2601276636123657, -11.772285461425781, -0.08166493475437164, -0.1830858439207077, 0.08523911237716675, 1.0548328161239624, 0.059786342084407806, 1.2565641403198242, 0.03150421380996704, -0.14501342177391052, -0.44439268112182617, 0.5644779801368713, 1.0821475982666016, 0.12335892021656036, -0.4240330159664154, -0.5770158171653748, -0.554213285446167, -0.9810053706169128, 0.3342598080635071, 0.340642511844635, -0.5088765621185303, -1.012802004814148, -0.1467369794845581, -0.22920368611812592, 0.24316281080245972, -0.09927044808864594, -0.011324703693389893, 0.03645377233624458, -0.2856093943119049, 0.017631590366363525, -0.4536987841129303, 0.29193517565727234, -0.014386573806405067, -1.2984676361083984, -0.7057929039001465, 0.4244863986968994, 0.39439713954925537, -1.4440449476242065, -0.1256599724292755, 1.559280514717102, -0.007556301541626453, -0.13788849115371704, 0.7054434418678284, 0.06420718878507614, 0.697848379611969, -0.5994071960449219, 0.6538606286048889, 0.6743952035903931, -0.6174664497375488, 0.8915499448776245, -0.7601925730705261, -0.19227978587150574, -1.4467966556549072, -1.1041486263275146, -0.7722864747047424, 0.7185379266738892, 0.5064993500709534, -0.6270353198051453, 0.22461524605751038, -0.03548350930213928, -0.9878443479537964, 0.9623333811759949, 0.5655530691146851, -0.2770377993583679, -0.16379405558109283, -0.04438760131597519, -0.7574003338813782, 0.3034761846065521, 0.7968338131904602, -0.04520087316632271, 0.11042925715446472, -0.3528403341770172, 0.4356943666934967, 0.4756046533584595, 0.15231919288635254, -0.030999645590782166, -0.15279394388198853, -0.12506727874279022, -0.1018359437584877, 0.2867587208747864, 0.34849926829338074, -0.8730080127716064, 0.4555343687534332, -0.3987250030040741, -0.40222620964050293, 0.31602993607521057, -0.19760052859783173, -0.539578914642334, -0.04133050888776779, -0.05923224985599518, 0.4320096969604492, 1.0190508365631104, -0.5349612236022949, 0.24838019907474518, 0.3472730815410614, -0.7893872261047363, 1.0468149185180664, -1.606345772743225, 0.625190794467926, 0.09612531960010529, -1.185721755027771, -0.03663395345211029, 0.29801270365715027, -0.23078493773937225, -0.4360194504261017, 1.0905873775482178, 0.22822389006614685, 0.04194733500480652, 0.3665020763874054, 0.23125521838665009, -0.3280128538608551, 0.4501306414604187, 0.07511362433433533, -0.04395341873168945, 1.045963168144226, -0.1699601113796234, 0.885244607925415, 0.623206377029419, 0.28051069378852844, 0.9666997194290161, 0.9146746397018433, -0.8357419371604919, 1.1362169981002808, 0.2519802451133728, 0.7048904299736023, -0.28503891825675964, 0.5773528218269348, -0.08440445363521576, 0.5553300380706787, 0.06794089078903198, -1.211352825164795, -0.21792197227478027, -0.15996313095092773, -0.3655966520309448, -0.7902372479438782, -0.3836703598499298, -0.4966939389705658, -1.1064871549606323, 1.8750407695770264, -0.1569802165031433, 0.6516437530517578, -0.0871710479259491, -0.8364256620407104, 0.23171678185462952, -0.8806207180023193, -1.0715467929840088, 0.0786813497543335, -0.7691980004310608, -0.1591380387544632, -0.6489739418029785, -0.2487695813179016, 0.5265176892280579, -0.30135974287986755, 0.7836267948150635, -1.3045263290405273, -0.05135985463857651, -0.4851432144641876, 0.1804802566766739, -0.7943822145462036, -0.9302363991737366, -0.4702092707157135, -0.027798503637313843, 1.761521816253662, -0.8597112894058228, 1.2084181308746338, 0.4256977438926697, 0.009054755792021751, -0.5407972931861877, -0.3039841651916504, -0.5446362495422363, 0.5287489295005798, 1.3189668655395508, -0.11315194517374039, -0.3339618146419525, -0.6685086488723755, -0.7886626720428467, -1.1845180988311768, 0.6505786776542664, 1.6074135303497314, -0.21145880222320557, 0.4193681478500366, 0.016799893230199814, 1.0081430673599243, -0.5532407164573669, -0.29778239130973816, -1.0699259042739868, 0.1576327383518219, -0.3307385742664337, 1.4105210304260254, -0.46258753538131714, 0.44716107845306396, -1.6609209775924683, -1.1457350254058838, -0.41977769136428833, -0.4047695994377136, 0.03509216010570526, -0.41442587971687317, 0.9266347885131836, 0.40305444598197937, 0.11837923526763916, -0.01834731549024582, -0.40671414136886597, 0.8416480422019958, -0.3948957920074463, 0.5264047980308533, 0.16604368388652802, 0.16508866846561432, -0.7415246367454529, 0.3513215482234955, -0.09070281684398651, 0.3665573000907898, -1.5449033975601196, -0.22841492295265198, -0.11873576045036316, -0.33705469965934753, -0.3833622336387634, -1.0740776062011719, 0.2592774033546448, -0.18414320051670074, 0.2853465676307678, -0.9188735485076904, -0.10236645489931107, 1.966069221496582, 0.33827096223831177, 0.9406102299690247, 0.7032270431518555, 0.4307025969028473, 0.7004092931747437, 0.8189136385917664, 1.4563930034637451, 0.018086500465869904, -1.279474139213562, -0.22590920329093933, -0.11988528072834015, -0.2995438575744629, -0.06194687262177467, 0.11684742569923401, -1.3160632848739624, 0.4174603521823883, -1.3834441900253296, 0.49112462997436523, -0.20808646082878113, 0.3856510519981384, 0.5969633460044861, 0.5095745325088501, -0.2084817886352539, -1.5208218097686768, -0.3317466080188751, -0.6139459609985352, 0.031161557883024216, 0.5762212872505188, 0.33282211422920227, 0.06348630040884018, 0.6743738651275635, -0.3176383376121521, 0.925568163394928, -0.15701285004615784, -0.4539651870727539, -0.135623961687088, 0.1097334623336792, 1.2455124855041504, 0.3856974244117737, 0.40091732144355774, -0.5659677386283875, -0.027212858200073242, -0.18797412514686584, -0.7679466009140015, 0.34043338894844055, 0.27662092447280884, 1.4421374797821045, 0.19361039996147156, 0.18081392347812653, -1.3659037351608276, -0.039596837013959885, -0.9295620918273926, 0.9679774045944214, 0.7669000029563904, -0.569856584072113, -1.0072393417358398, -0.6945161819458008, 0.7715755701065063, 0.7233490943908691, -0.07481031119823456, 0.14496181905269623, -0.804137647151947, 0.9498116970062256, 0.6473804712295532, -0.373668909072876, -1.0041146278381348, 0.37547630071640015, -0.05935452878475189, 0.3715090751647949, 0.6294777393341064, -0.4641036093235016, -0.2856399416923523, 0.23894570767879486, -0.8650177717208862, 0.44243401288986206, -0.1671520471572876, -0.7495297789573669, -0.43447670340538025, 0.38273701071739197, -0.32650232315063477, -0.13082171976566315, 0.4890126585960388, -0.8353655338287354, -1.4019598960876465, 0.971840500831604, 0.7559065818786621, -0.6662395000457764, -0.4243677258491516, 0.0005925260484218597, -0.04512127861380577, 0.5081328749656677, 1.5998691320419312]} +{"paper_id": "lara-martin/Scifi_TV_Shows", "embedding": [-0.37462013959884644, 1.0668292045593262, -0.1106022298336029, 0.5403344631195068, 0.30784377455711365, -0.2236008644104004, 0.7149001955986023, 0.48301422595977783, 0.814400315284729, -0.018736951053142548, 0.16264629364013672, -0.21317991614341736, 0.4531281590461731, 0.045895904302597046, 0.662537693977356, 0.35008540749549866, -0.9530487060546875, 0.4077184200286865, -0.961671769618988, 0.06873590499162674, -0.41524040699005127, -0.2023249715566635, 0.16918109357357025, 0.14465567469596863, -0.5624745488166809, 0.21817386150360107, 0.3560836613178253, -1.462768316268921, 0.17496855556964874, 0.20536118745803833, -0.7376917600631714, 1.1897186040878296, -0.9529164433479309, 0.593824565410614, -0.33963149785995483, -0.4540959894657135, -0.10397852212190628, 1.0364069938659668, -0.10767456889152527, -0.29948297142982483, -0.2336283177137375, 0.26499441266059875, 1.2804986238479614, 0.19814546406269073, 0.032927438616752625, -0.011511247605085373, 0.37946537137031555, -0.6472241878509521, -0.6110274791717529, 0.1717270463705063, -0.3317025303840637, 0.39356282353401184, -0.3593098223209381, 0.3155304789543152, 0.2640764117240906, 0.9460941553115845, -0.24832651019096375, -1.0451425313949585, -0.18129077553749084, 0.763148307800293, 1.1678093671798706, 1.6537011861801147, -0.980384886264801, 0.5987696647644043, 1.0172178745269775, -0.2914440929889679, 1.442064881324768, 0.056319937109947205, -0.85590660572052, 1.1089062690734863, -1.0503921508789062, -0.5159710049629211, 0.22926226258277893, -1.2701177597045898, -0.46047696471214294, 0.48654478788375854, 0.25818249583244324, 0.5424823760986328, 0.7489999532699585, 0.35872700810432434, 0.48864322900772095, 0.42533987760543823, 0.6773817539215088, -0.1463082730770111, 0.04478034749627113, 0.18306711316108704, 0.6414408683776855, -0.48533207178115845, -0.9126019477844238, -1.907257080078125, -0.012679748237133026, -0.16712383925914764, 0.40692752599716187, -0.357452929019928, -0.31100112199783325, 0.39704430103302, 1.4290094375610352, -0.7356500625610352, -0.6674160957336426, 0.26894626021385193, 0.6808169484138489, 0.011887259781360626, -0.027345877140760422, -0.27606454491615295, 1.052689790725708, 0.9713255167007446, -0.2635486125946045, -0.09340258687734604, -0.11507030576467514, -0.3837573826313019, -0.7164753079414368, 0.2616238594055176, 0.4250619411468506, 0.8792406916618347, -0.6282914876937866, -0.24550774693489075, 0.24687409400939941, -0.08816571533679962, -0.33000093698501587, 0.42868828773498535, -1.2445648908615112, -0.7976364493370056, -0.041235536336898804, -0.15921062231063843, 0.8957638144493103, -0.6403763890266418, -1.0802810192108154, -0.01764032617211342, 0.054117973893880844, -0.8194056153297424, 0.5050278902053833, 0.3132052719593048, -0.42894187569618225, 0.08026345074176788, 3.088709592819214, -0.7366295456886292, 0.4699830412864685, -0.06677893549203873, -0.21674476563930511, -0.6839669346809387, -0.17301180958747864, 1.7609167098999023, -0.7966932058334351, -0.25063687562942505, -1.367810845375061, 0.13365116715431213, -0.802209198474884, 0.563667893409729, -0.1580834984779358, -0.0745881199836731, 0.29488295316696167, 0.7203626036643982, -1.5682117938995361, -0.8098070025444031, 0.07356292009353638, 0.6676239967346191, 0.20523585379123688, 0.3355049192905426, 0.1950615793466568, 1.3254495859146118, 0.7170426845550537, -0.2266877144575119, -0.43866831064224243, -0.23817411065101624, -0.4388568103313446, 0.7638036608695984, 1.0340279340744019, -0.5500915050506592, 0.10822407901287079, -1.0290206670761108, 0.5054708123207092, -0.4544133245944977, 0.03222781792283058, -0.8731808066368103, -0.2971895933151245, 0.7284801602363586, 0.08102570474147797, 0.6246351599693298, 0.6174761056900024, -0.4264224171638489, -0.740496814250946, -0.4533390700817108, -0.18798157572746277, 1.0363686084747314, -0.09397903829813004, -0.37538066506385803, -2.6735103130340576, -0.8949103355407715, -0.7684388160705566, 1.2213972806930542, 0.618076503276825, -0.16980968415737152, 0.15231895446777344, 0.7898589372634888, -1.0694137811660767, -0.17083221673965454, 0.8419873118400574, -0.5388461351394653, 0.15181538462638855, 0.3940628170967102, 0.30154794454574585, -0.612099826335907, -0.6962133049964905, 1.691707730293274, 1.6212605237960815, -0.7267772555351257, 0.19828811287879944, -1.6176058053970337, 0.6337845325469971, 1.4431308507919312, 0.3088073134422302, -0.5336806178092957, -1.470182180404663, -0.2849297821521759, 1.195630669593811, 0.2046678066253662, 0.43626412749290466, 0.4558956027030945, 0.6278340816497803, -0.7754859924316406, 0.46194350719451904, 0.2649453282356262, 0.6250664591789246, 0.2485632300376892, 0.512032151222229, -0.024557175114750862, -0.7433315515518188, -1.1581679582595825, -0.7510107159614563, 0.26037120819091797, 0.5145376324653625, 0.11408323049545288, 0.1313127726316452, 0.2265367954969406, 0.23460069298744202, 0.6243241429328918, -0.1908271163702011, 0.6857036352157593, 0.5274593830108643, 0.33650749921798706, 0.5084980726242065, 0.25492939352989197, 0.21088434755802155, -0.4222021996974945, -0.7736064791679382, 0.1828763782978058, -0.04647356644272804, -0.0009401217103004456, -0.23263248801231384, -0.6132453680038452, 1.6464916467666626, 0.7982261180877686, -0.9044401049613953, -0.17102906107902527, -0.9623608589172363, 0.5088505744934082, -0.48132747411727905, -0.11525264382362366, -0.7423266172409058, 0.8656684160232544, -0.0365048311650753, 0.13611583411693573, 0.38808369636535645, -0.3693994879722595, -0.5480713844299316, -0.6770402193069458, -1.4022440910339355, -0.4782150387763977, -0.099161796271801, -1.421962857246399, -0.5962091684341431, 0.3140210509300232, -0.13033908605575562, -0.1645018607378006, -0.6920478343963623, 0.4261099100112915, -0.058029308915138245, -0.23359782993793488, 2.0015437602996826, -0.23145504295825958, -0.18053659796714783, -0.26532384753227234, 0.6892914772033691, -0.058325279504060745, 1.4102239608764648, -1.230695128440857, -0.3566626310348511, -1.0997214317321777, 0.8559213876724243, -1.1182090044021606, 0.338946133852005, -0.15658125281333923, -0.14667777717113495, 0.024532657116651535, -0.6781398057937622, -0.01021481305360794, 1.0982483625411987, -0.9731802344322205, 0.5529003143310547, -0.6344839334487915, 1.2580562829971313, 0.4675767719745636, -1.2004873752593994, 0.4415391683578491, -0.7746596932411194, -0.18644492328166962, 1.324652075767517, -0.4606854021549225, 1.1571190357208252, 0.54725581407547, 0.49020057916641235, 0.768979549407959, -0.8085459470748901, -2.0038487911224365, -0.6852216720581055, 1.3142510652542114, -0.4558650851249695, -0.16618651151657104, -0.6104066967964172, 0.09571205079555511, -0.1772174835205078, -1.2025114297866821, 0.2840065062046051, -0.303233802318573, -0.01380362268537283, -0.5014104843139648, 0.6622899770736694, 0.830710232257843, 0.40729647874832153, 0.7280632257461548, 0.9819314479827881, -0.038644738495349884, -1.7768948078155518, -0.0910174548625946, 1.8981972932815552, -0.19243431091308594, -0.1718788892030716, -0.6230935454368591, 0.6074807047843933, 0.45635703206062317, -0.5349777936935425, 0.437303751707077, 1.408765196800232, 0.6103108525276184, 0.3558228015899658, 0.274079829454422, -0.8158654570579529, -0.08320672810077667, -0.1295168101787567, 0.6808565258979797, 0.1410888433456421, 0.4404844343662262, -0.9714049696922302, 0.40291768312454224, -0.4360780119895935, -0.8577214479446411, 1.1827481985092163, 0.9500161409378052, 2.4616730213165283, -0.3861967623233795, 0.5161521434783936, -0.5813435316085815, -0.2205800861120224, -0.12048947066068649, 0.7263497114181519, 0.2672351002693176, -0.8024036884307861, 0.4098784923553467, 0.7955064177513123, 0.46843114495277405, -0.32952889800071716, -1.112058401107788, 0.6805375814437866, -0.1834358274936676, -0.4831792712211609, 0.35919639468193054, 0.06833582371473312, 0.8010966181755066, 2.7241404056549072, -0.3913898766040802, -0.4503471851348877, 0.5286245346069336, 0.3169795274734497, 0.7747224569320679, -0.14724098145961761, -1.0165584087371826, -0.02266477793455124, -0.0658491849899292, 0.8242217898368835, -0.03951673582196236, 0.8286899924278259, 0.6066362261772156, -0.2384926676750183, -0.6689577102661133, 0.2205716371536255, -0.33432096242904663, 0.2660410702228546, -0.011770643293857574, 0.05173347145318985, -0.20315490663051605, 0.720964789390564, 0.42330530285835266, -1.040332317352295, 1.0226969718933105, -0.05261695384979248, -0.30606809258461, -0.44883453845977783, 1.5325443744659424, -0.9090819358825684, -0.9143731594085693, 0.8568776249885559, -1.0368409156799316, -0.7301576733589172, 0.16824015974998474, -0.0820319727063179, 0.9827536344528198, 0.2257184088230133, 0.34062638878822327, -0.03539170324802399, 0.18197001516819, -1.1897107362747192, 0.9895616173744202, 0.4699719548225403, -0.14584247767925262, 0.8888418674468994, 0.19445918500423431, 0.546454668045044, 0.6575300693511963, -0.8351733684539795, -0.33565014600753784, 0.25067493319511414, 0.1872696876525879, 0.30955183506011963, 0.09591764211654663, 0.14465786516666412, -0.09993414580821991, 0.6843823194503784, 0.005452364683151245, -1.6402393579483032, -0.04644595831632614, -0.6532735824584961, 1.4747984409332275, 0.47891563177108765, -1.2443902492523193, -0.7805711030960083, 0.523932933807373, -1.2197362184524536, 0.39780157804489136, 0.347475528717041, -0.11948323249816895, 1.7260348796844482, 0.8600874543190002, 0.2647033929824829, -0.5283130407333374, -10.700669288635254, 0.7197567820549011, 0.04936432093381882, -0.5199708342552185, 0.21127726137638092, -0.9389540553092957, -0.40972238779067993, 0.7130017280578613, 0.7860104441642761, -0.23739054799079895, 0.594852864742279, 0.7755154371261597, 0.1844119131565094, -0.46701744198799133, -0.2799330949783325, -1.8200281858444214, -1.2658650875091553, -1.285865068435669, 0.38297683000564575, 0.12425585091114044, 0.9244293570518494, -1.5097408294677734, 0.8423474431037903, 0.9704962968826294, 0.6547963619232178, -0.16149234771728516, -0.10193462669849396, 0.31041252613067627, -0.34483659267425537, 0.37604111433029175, 1.1119602918624878, -0.5820510387420654, -0.46804094314575195, -0.8773869872093201, 0.9984843134880066, -0.13940005004405975, -1.1570461988449097, 0.07005058228969574, 0.4018184542655945, -0.43624192476272583, -0.20328886806964874, -0.07087929546833038, -0.04372850060462952, -0.5111725926399231, -1.1757218837738037, 0.16642750799655914, 0.25959452986717224, -0.7126063108444214, -0.8645206689834595, -0.43420159816741943, -0.7957327961921692, -0.4558815658092499, -0.5851436853408813, -1.0298590660095215, -0.010597994551062584, 0.10936145484447479, -1.0854870080947876, 0.8349319696426392, -0.12485486268997192, -0.9620852470397949, 0.4682962894439697, 0.33056002855300903, -0.552327036857605, 0.26144635677337646, 0.3548770546913147, -0.779052197933197, 0.9619880318641663, 0.6571597456932068, 0.28046685457229614, 0.7404308319091797, -1.1149027347564697, 0.36897870898246765, 0.006640487350523472, 0.6969828009605408, 0.5203359127044678, 0.3683830499649048, 0.4697406589984894, -0.5713826417922974, 0.09835614264011383, -0.09547409415245056, -0.266420841217041, 0.37225091457366943, -0.4408279359340668, -0.02947252243757248, -0.3840174078941345, 0.2066316306591034, 0.3300122022628784, -1.2799537181854248, 0.9719780683517456, -0.7516883611679077, 1.1818221807479858, -0.788101851940155, -0.19605837762355804, 0.8855137228965759, -0.41650933027267456, 1.3947715759277344, -0.29819101095199585, 0.5728667378425598, 1.1194027662277222, -1.1106821298599243, 0.35822978615760803, 0.4147719442844391, -1.0906493663787842, -0.47580260038375854, 0.49661609530448914, -0.28231123089790344, -0.033355697989463806, -0.21383452415466309, 0.5397454500198364, -0.13689862191677094, 0.8038819432258606, -0.11929745972156525, -0.5861727595329285, 1.885064721107483, -0.4198507070541382, 0.9650495648384094, 1.5185885429382324, -0.7442936301231384, 0.754609227180481, 0.7261700630187988, 0.12657631933689117, 0.6849488019943237, 0.251105397939682, 0.6431564688682556, 0.2607150673866272, 0.23150934278964996, 0.0927802175283432, 0.2896478474140167, -0.2932591140270233, -1.8933340311050415, -0.3901739716529846, -0.012281179428100586, -0.28576576709747314, -0.03672821819782257, -1.0918735265731812, -0.20979756116867065, -0.8127408027648926, 1.096551775932312, -0.6558846235275269, 0.435520201921463, 0.4021984934806824, -0.43379220366477966, -0.105878546833992, -0.4828279912471771, -0.7467097043991089, -0.9835265278816223, -1.5646562576293945, 0.4462900757789612, -0.32083240151405334, -0.4621924161911011, -0.07152076065540314, -0.7517337799072266, 0.14217469096183777, -0.8812932372093201, -0.03990330919623375, 0.24477168917655945, 0.5695958137512207, -0.47715654969215393, -0.39128175377845764, 0.2623574137687683, 0.061808254569768906, 1.0945085287094116, -1.0810396671295166, 0.5910258293151855, -0.09480120986700058, -0.2826446294784546, 0.027542628347873688, -0.4416552782058716, -0.7739055156707764, 0.17296630144119263, 0.6357381939888, -0.7226220965385437, -0.6477010250091553, -1.0551437139511108, -0.29197269678115845, -0.8202909231185913, 0.7766355276107788, 1.0322401523590088, -1.4313329458236694, -0.1255786269903183, -0.3417946696281433, -0.06738405674695969, 1.4407366514205933, -0.604570746421814, -0.14604699611663818, -0.26404547691345215, 0.09379087388515472, 0.3808594346046448, -0.6777083873748779, 0.7061223983764648, -1.4854023456573486, -1.2929198741912842, -0.9786996841430664, -0.5834118127822876, 1.609081745147705, -0.13284292817115784, 0.6874388456344604, 1.2827479839324951, -0.9444907903671265, -0.2262459397315979, -0.045400649309158325, 1.1638785600662231, 0.45432713627815247, 0.22619174420833588, 0.13680869340896606, 0.10841535031795502, -0.15985284745693207, -0.38532641530036926, 0.20739933848381042, -0.05995739996433258, -1.0092923641204834, 0.12090910971164703, 0.10059913992881775, -0.32215505838394165, 0.48133277893066406, -0.8196512460708618, 0.3548356890678406, -0.9944700002670288, 0.4424121677875519, -0.6296091675758362, -0.131087064743042, 0.9217395782470703, -0.9452821612358093, 0.5974953770637512, 1.088221788406372, -0.8314629197120667, 0.2662755846977234, -0.12840056419372559, 1.0125325918197632, 0.5245269536972046, -0.761513888835907, 0.1744406670331955, -0.16632363200187683, 0.638384222984314, -0.13885408639907837, -0.588878870010376, -0.3563461899757385, -0.7572977542877197, -0.5967862010002136, 0.2532978653907776, -0.39291703701019287, -0.09294433891773224, 0.09987373650074005, 1.1051498651504517, 0.4960787892341614, -1.2911081314086914, -0.5916551351547241, -0.7038657069206238, 0.2886717915534973, 1.5829288959503174, 0.04848324507474899, 0.047159094363451004, 0.45330414175987244, -0.21972180902957916, 0.9211495518684387, -0.6043674349784851, -0.49856406450271606, 0.45077404379844666, 0.6480513215065002, 0.9985907077789307, 0.901002049446106, 0.9618532657623291, 0.34584540128707886, -0.00464235246181488, -0.5995221734046936, -0.36193493008613586, -0.32945892214775085, -0.07343148440122604, 0.4972710609436035, -1.3095201253890991, -0.3402729630470276, -0.8817117810249329, -0.12540322542190552, -0.427799254655838, 0.5432950854301453, 0.09897145628929138, -0.44357430934906006, -0.9203812479972839, -0.5256945490837097, -0.7608957886695862, 1.1684696674346924, -0.5422456860542297, -0.7908031940460205, -0.1868218034505844, 0.6182442903518677, 0.19843770563602448, 0.6402584910392761, -0.15071216225624084, -0.15344226360321045, -0.3960157334804535, -0.36689692735671997, 0.05319385975599289, -0.9336467385292053, -0.2684711515903473, -0.12170882523059845, 0.13424934446811676, 0.4639735519886017, 0.6346557140350342, -1.7775901556015015, -0.4719022214412689, -0.16516511142253876, -0.1926111876964569, -0.2855432331562042, 0.8685241937637329, 0.5531628131866455, -0.9523505568504333, 1.1381129026412964, 0.4943656623363495, -0.10890819877386093, -0.47835880517959595, 0.4225752353668213, 0.8910813331604004, -0.786224901676178, 1.5244083404541016]} +{"paper_id": "allenai/scico", "embedding": [-0.7831416130065918, 0.7264401316642761, 0.049361858516931534, 0.30986645817756653, 0.7153021097183228, -0.33437782526016235, 0.7188604474067688, 0.7302599549293518, 0.503999650478363, 1.1576259136199951, 0.6701465845108032, 0.11377786099910736, -0.8245960474014282, 0.05664677172899246, -0.9815093874931335, -0.8427767753601074, -1.334983229637146, -1.0622918605804443, -0.7410703301429749, -0.7470394372940063, -1.4463354349136353, -0.18795469403266907, -0.42446109652519226, -0.35215407609939575, -0.1600772738456726, -0.5541621446609497, -0.19190461933612823, -0.9330776333808899, 0.215626060962677, -0.5068309903144836, 0.08321067690849304, 1.2146902084350586, -1.2940093278884888, 0.19819849729537964, -0.983992874622345, 0.12543243169784546, 0.44553759694099426, 1.053654432296753, -0.4811323881149292, -0.16484899818897247, -0.6466385126113892, 0.46643760800361633, 0.7634227275848389, -0.14997127652168274, 0.5512146949768066, -0.7642894387245178, -0.14177611470222473, 0.003906827419996262, 0.5126677751541138, 0.6511425375938416, 0.16118304431438446, 0.665898323059082, 0.01025918498635292, 0.03662633150815964, -0.3487677276134491, 1.370712399482727, 0.2150498330593109, -0.4173852503299713, 0.6209819316864014, -0.13333497941493988, 0.983511209487915, 0.7995688915252686, -0.4476451575756073, -0.6002981066703796, 0.7595187425613403, 0.1635822057723999, 1.5529061555862427, 0.03320326656103134, 0.17277838289737701, 0.346515029668808, -0.5902616381645203, -0.697931706905365, -0.7360443472862244, -0.01844368875026703, -0.1614740490913391, 0.5559216737747192, 0.7271677851676941, -0.7478517889976501, 0.1706937551498413, 0.6235944628715515, -0.31235459446907043, 0.6897473931312561, 1.2847216129302979, -0.5361207723617554, -0.5157080888748169, 0.05511733144521713, 0.8697992563247681, -0.17397522926330566, 1.2780367136001587, -1.7453324794769287, 0.24970106780529022, 0.4084325432777405, -0.8413804173469543, 0.1379012167453766, -0.9191072583198547, 0.17642956972122192, -0.4144655466079712, -0.4574570655822754, -1.2684266567230225, 0.44244322180747986, -0.057228878140449524, -0.5299688577651978, -0.0908965989947319, 0.00660618394613266, 0.5364764928817749, 0.7935117483139038, -0.5573728084564209, 0.37827804684638977, -0.7864608764648438, -0.3712177872657776, 1.0860309600830078, 1.0321602821350098, 0.7205400466918945, 0.2216636836528778, -0.49005210399627686, -0.2853516936302185, -0.035826943814754486, 0.006635740399360657, -1.0300921201705933, 0.0668516755104065, -0.6266505122184753, -0.8392303586006165, -0.2993443012237549, 0.011899322271347046, 0.7859731316566467, -0.9873955845832825, 0.5225306749343872, -0.6453360319137573, 0.01154693029820919, 0.29290327429771423, 0.0006313323974609375, 0.33113884925842285, -0.9254590272903442, -0.3295702636241913, 2.6513612270355225, -0.2456706166267395, 1.414186954498291, 0.46946272253990173, -0.050776369869709015, -0.4499201774597168, 0.7840738296508789, 1.1564218997955322, 0.436124712228775, -0.3196662962436676, 0.014009467326104641, -0.41282379627227783, -0.5966299772262573, 0.3940862715244293, -1.252943754196167, -0.9408855438232422, -0.15811319649219513, 0.1520659327507019, -1.3861056566238403, -0.1798088550567627, 0.014571573585271835, -0.07361932843923569, -0.051896099001169205, 0.13933388888835907, -0.14396096765995026, 1.1301015615463257, 0.7879364490509033, 0.024563774466514587, -0.678436815738678, 0.7178975939750671, -0.507116436958313, -0.16486400365829468, 1.327858567237854, -0.25535061955451965, -1.177047610282898, 0.20083865523338318, 0.8225513100624084, -0.7224909067153931, 0.09429389238357544, -0.6869463324546814, -0.19939294457435608, -0.0444318950176239, 1.0183435678482056, 0.529471755027771, -0.25009557604789734, -0.4198075830936432, -0.15506494045257568, -0.7865428328514099, -0.14647218585014343, 0.1998746544122696, -0.47431209683418274, 0.6591875553131104, -2.5047924518585205, -0.5412327647209167, -1.233296513557434, 0.9511638283729553, -0.42499053478240967, 0.3216291069984436, 0.3493732810020447, 0.25356653332710266, -0.2694312334060669, -0.42040959000587463, 0.28162094950675964, -2.275944471359253, 0.20565947890281677, -0.10749712586402893, 0.419748991727829, 0.7161979079246521, 0.21565979719161987, 1.1893718242645264, 0.9306431412696838, -0.496538907289505, -0.4362953007221222, -2.358187675476074, 0.2300432324409485, 1.7468647956848145, -1.2443931102752686, -0.26801797747612, -1.3274762630462646, -0.0037053078413009644, 0.4609937071800232, -0.48399993777275085, 0.32016441226005554, 0.0003424510359764099, 0.2740177512168884, -0.8121362924575806, 0.6777397394180298, -0.9662384986877441, 0.17674225568771362, -0.13829994201660156, 0.8988710045814514, -0.524776816368103, -0.09664707630872726, -0.14490526914596558, -1.2455039024353027, 0.6566286087036133, 1.2700490951538086, -0.4107828438282013, 0.2905547320842743, 0.6406011581420898, -0.148940771818161, 0.900804340839386, 0.44528087973594666, 0.46932104229927063, -0.6094876527786255, 0.41732457280158997, -0.4279196262359619, 1.0334229469299316, -0.23297257721424103, 0.4843098223209381, 0.9194515943527222, 0.0065388306975364685, -0.1750836819410324, -0.5593238472938538, -0.571505606174469, -0.7138445973396301, 0.17458122968673706, 0.7872519493103027, -0.26543888449668884, 1.9756488800048828, -1.4183061122894287, -0.275920569896698, -0.047834355384111404, -1.0829389095306396, -0.38848668336868286, -0.0009864792227745056, 0.7454984784126282, 0.00690542533993721, 0.23727473616600037, -0.2194676399230957, -0.3505016267299652, -1.17575204372406, 0.31497931480407715, -0.3752909004688263, -0.03235497698187828, -1.5865428447723389, -0.2351469099521637, -0.32609277963638306, -1.7283074855804443, -0.19318796694278717, 0.2205728441476822, -0.6102612018585205, -0.4535079896450043, 0.39552202820777893, 1.2530893087387085, 0.0692841112613678, 0.033790603280067444, 0.005248159170150757, 1.258802890777588, -0.3651590347290039, 0.6762465238571167, -0.4122052490711212, 0.3102533221244812, -1.653027057647705, 0.059921517968177795, 0.34070199728012085, 0.2646356523036957, 0.249693363904953, 0.07786881178617477, 0.13032837212085724, -0.4403975009918213, -0.6380403637886047, 0.4831739664077759, -0.2169402837753296, 0.07002474367618561, -1.572816014289856, 1.8264501094818115, 0.10949646681547165, -0.26258307695388794, 0.9056901931762695, 0.9621893167495728, -0.778007984161377, 1.5826724767684937, 0.12103120982646942, 1.8759316205978394, 0.3882972002029419, -0.4339044392108917, 0.5894027948379517, 0.3466764986515045, -1.1956685781478882, -0.0383339449763298, 0.7326568365097046, -0.5348625779151917, 0.3084500730037689, 0.26883313059806824, -0.0826699361205101, -0.9043239951133728, -0.09261687844991684, 0.7435146570205688, -0.322307288646698, 0.7066878080368042, -0.15199154615402222, 0.01803138107061386, 0.6647182703018188, -0.4799949526786804, 0.9151106476783752, 0.5573225617408752, 0.5626262426376343, -0.4558074474334717, -0.6302794218063354, 0.635074257850647, 0.4037427306175232, 1.246656060218811, 0.0025185756385326385, 0.8378840684890747, 1.2636126279830933, -1.077195405960083, -0.35483142733573914, 0.751183271408081, 0.265321284532547, 0.24112142622470856, 0.44926518201828003, 0.1270734667778015, 0.8068236708641052, -0.2663244605064392, 1.1404589414596558, 0.8026486039161682, -1.3772315979003906, -0.44946977496147156, -1.2309576272964478, -0.8103092908859253, -0.20360323786735535, 1.551755428314209, 0.3981072008609772, 2.4233245849609375, -0.2151751071214676, -0.2729974091053009, 0.3545142114162445, 0.029014021158218384, 0.5276744961738586, 0.7102108001708984, 0.5141910910606384, -0.41018858551979065, 0.7605139017105103, 0.730762243270874, 0.3996429741382599, 0.21906010806560516, 0.07455933094024658, -0.2908291220664978, -0.1249684989452362, -0.7385672926902771, 0.6548559069633484, 0.5124290585517883, 0.6061198711395264, 1.1907002925872803, -0.851747989654541, -0.5106493830680847, -0.37681230902671814, -0.08672841638326645, -0.10657371580600739, 0.8488912582397461, -1.2798540592193604, 0.3958944082260132, 0.8712786436080933, 0.33533206582069397, -0.3465414047241211, 1.4492074251174927, 0.8043362498283386, 0.2668634355068207, -1.57763671875, -0.5054953098297119, -0.9398518800735474, -0.39252427220344543, -0.3212072253227234, -0.17172840237617493, -0.723797082901001, 0.48419779539108276, -0.17995908856391907, -1.3947713375091553, 0.3771774172782898, -0.7291615009307861, -1.1941975355148315, 0.8744482398033142, 1.348724603652954, -1.3868393898010254, -0.43131503462791443, 0.2508429288864136, -0.9400806427001953, -0.7197532057762146, -0.5777770280838013, -0.727312445640564, 0.32103535532951355, 0.9459089636802673, 0.4800284802913666, 0.24690459668636322, 0.29817694425582886, -0.395938903093338, 0.7693341374397278, 1.088643193244934, -0.6470959782600403, 0.7823561429977417, 0.451710969209671, 0.5296123027801514, -0.44728875160217285, -1.204096794128418, -1.045684576034546, 0.6545061469078064, -0.7153538465499878, -0.09171042591333389, -1.2246900796890259, -0.3278370797634125, 0.7036960124969482, -0.12301012873649597, 0.5134297609329224, -0.520897626876831, 0.4722355604171753, -0.823162853717804, -0.08425339311361313, 0.44986292719841003, -1.1115957498550415, -0.9515655636787415, 0.8096489310264587, 0.26886120438575745, 0.4953071177005768, 0.14905500411987305, 0.04913724586367607, 1.4855116605758667, 0.15165379643440247, -0.3574572801589966, -0.3276922404766083, -11.301363945007324, 0.7213814854621887, 0.23358556628227234, 0.33118194341659546, 1.0187389850616455, 0.18453064560890198, 0.6422616839408875, -0.18245793879032135, 0.5292339324951172, -0.5387004017829895, 0.32503542304039, 1.4301788806915283, 0.0967029556632042, -0.340029776096344, -0.27360931038856506, -0.7144462466239929, -0.06610564887523651, -0.16902926564216614, 0.5837801098823547, 0.28593581914901733, 0.16993068158626556, -0.8537166118621826, -0.23110663890838623, -0.7173476219177246, 0.9033337831497192, -0.05474631488323212, 0.019020285457372665, -0.3845532536506653, -0.41941750049591064, 0.09598161280155182, 0.749055027961731, -0.026304053142666817, -0.9238234758377075, -0.33251556754112244, 0.5641936659812927, 0.6508595943450928, -0.9226769804954529, 0.33466488122940063, 0.9155668020248413, -0.0829492136836052, 0.09651492536067963, 0.14946943521499634, 0.07355795800685883, -0.6746572256088257, -0.547789454460144, -0.029400035738945007, 0.29228517413139343, -1.1074955463409424, 0.3933633267879486, -0.1947673261165619, -0.7203701734542847, -0.7140114903450012, -1.5843976736068726, -0.34808290004730225, 0.722347617149353, 0.18379665911197662, -0.2532985508441925, 0.3695598542690277, -0.57103431224823, -0.832899808883667, 1.1091384887695312, -0.1290718913078308, 0.37855038046836853, 1.062726378440857, 0.03444121032953262, -0.662640392780304, 1.0303422212600708, 0.41694214940071106, -0.5633430480957031, 0.42714518308639526, 0.021434824913740158, 1.5584884881973267, 0.30897578597068787, 0.255170077085495, 0.38434725999832153, 0.22624200582504272, -0.0069682844914495945, -0.5010522603988647, -0.013727828860282898, 0.4060690701007843, -1.4788308143615723, 0.4184168577194214, 0.3999934494495392, -1.0448938608169556, -1.3743646144866943, -0.15156786143779755, -0.5518024563789368, -0.5640082359313965, -0.2785833477973938, -0.2741527259349823, 0.6871770620346069, 0.32553595304489136, 0.09414800256490707, -0.8426516652107239, -0.40581586956977844, 0.514316976070404, -0.8805420398712158, 0.6443096399307251, 0.46580228209495544, -0.9162716269493103, 0.8114089965820312, -0.3750424385070801, -0.808608889579773, -0.2628542184829712, 0.2743186950683594, -0.27300065755844116, 0.18862411379814148, -0.10314464569091797, -1.0904059410095215, -0.6112058758735657, 0.4125264883041382, 0.1493016481399536, -0.1551240235567093, 0.7062844634056091, -0.5365489721298218, 0.7873366475105286, 0.5241449475288391, -0.7759853005409241, 0.06179054081439972, 1.002598524093628, 0.32790878415107727, 0.5738375186920166, 0.34294015169143677, 1.2481366395950317, -0.058016639202833176, -0.2193826138973236, 0.5701853036880493, 0.5580881237983704, -0.06670673191547394, -1.10707426071167, 0.5931400656700134, -0.6572235226631165, 0.5349928736686707, -0.40913960337638855, -0.8403140306472778, -0.07454200088977814, 0.2561918795108795, 1.250154733657837, -0.16188746690750122, 0.3293115496635437, -0.19106940925121307, -0.20743413269519806, 0.12057933211326599, -0.23587116599082947, -0.8970235586166382, -0.24443554878234863, -1.8707621097564697, 0.24251548945903778, -0.6749626398086548, -0.5466942191123962, 0.5515398979187012, -0.34598398208618164, 0.34992891550064087, -0.5918853878974915, 0.023688679561018944, -0.3233049511909485, 0.15990585088729858, 0.43504032492637634, -1.1540284156799316, 0.20730388164520264, -0.32337334752082825, 0.7288373708724976, -0.14549556374549866, 0.28977471590042114, 0.44791749119758606, 0.04773297533392906, -0.5568842887878418, 0.18031765520572662, -0.9856280088424683, 0.0814533606171608, 1.3796111345291138, -0.6662485003471375, 0.2871468961238861, -0.6769204139709473, 0.24070622026920319, -0.17828500270843506, 1.095371127128601, 1.1995283365249634, -0.4865940809249878, 0.36218592524528503, 0.17115174233913422, 0.3051982522010803, 0.7989439964294434, -0.5172910690307617, -0.3097618520259857, -0.34554657340049744, 0.18559753894805908, 0.26071831583976746, -0.060837529599666595, 0.2496607005596161, -0.5591729879379272, -0.8160529136657715, -0.8688651919364929, -0.44249600172042847, 0.36368975043296814, -0.2739529013633728, 1.521783709526062, 0.6277775764465332, 0.12015977501869202, 0.32107487320899963, 0.18533065915107727, 1.469666838645935, 0.14750100672245026, 0.8291997909545898, -0.7759450674057007, -0.6931008100509644, -1.1968401670455933, 0.43030720949172974, 0.7859640121459961, 0.6313842535018921, -0.5082417130470276, 0.13408541679382324, 0.7289552092552185, -0.5173061490058899, 0.07148990035057068, -1.8918776512145996, 0.30921080708503723, -0.12844625115394592, -0.6658855676651001, -0.18649867177009583, 0.21344952285289764, 0.7623072266578674, 0.00264565646648407, 1.1391915082931519, 0.04178662225604057, 0.09990818798542023, 0.5996537804603577, 0.6546136736869812, 1.0393470525741577, -0.29955536127090454, -0.2212740182876587, 0.5044453740119934, -0.5320827960968018, 0.2611123323440552, 0.4197898805141449, -0.15004952251911163, -0.6526885032653809, -0.24546709656715393, -0.5337315201759338, 0.42955994606018066, -0.23868699371814728, 0.20146721601486206, 1.0381824970245361, 1.1658097505569458, -0.4410325288772583, -1.0906347036361694, -0.3515275716781616, -0.6002267003059387, -0.05489075928926468, 0.748995840549469, -0.18037380278110504, 0.3633694350719452, 0.5625957250595093, -0.12195242941379547, 0.9975025057792664, 0.2390681505203247, 0.4577956795692444, 0.27840229868888855, -0.821232259273529, 0.8980962038040161, 0.5408271551132202, -0.24722808599472046, -0.3036203980445862, -0.26401594281196594, -0.9649525880813599, -0.14884726703166962, -0.5846564769744873, 0.5108744502067566, 1.0457100868225098, -0.5159814357757568, -0.07445646077394485, -0.5465055704116821, 0.06714311242103577, -0.8321424126625061, 0.18068765103816986, 0.11073267459869385, -0.8504783511161804, -0.6642513275146484, -1.1563224792480469, -0.6851388216018677, 0.9071274995803833, 0.08323419839143753, -0.21940696239471436, 0.43143224716186523, 0.9461246728897095, -0.7803475856781006, -0.5728577375411987, -0.19659090042114258, 0.657756507396698, -0.10445751994848251, 0.6761346459388733, 0.46945494413375854, -0.8520528674125671, -1.028268575668335, -0.11950692534446716, -0.23634052276611328, 0.5072671175003052, 0.5951511859893799, -0.984874427318573, 0.03870587423443794, 0.47238054871559143, -0.00397491455078125, -0.3437068462371826, 1.0334198474884033, 0.302267849445343, -1.5429167747497559, 0.8177838921546936, 0.367904931306839, 0.5426921248435974, 0.17558136582374573, -0.35684913396835327, 0.9356573820114136, 0.2520580589771271, 0.8565801382064819]} +{"paper_id": "corypaik/coda", "embedding": [-0.8324779272079468, 0.7701331377029419, 0.21134638786315918, 0.060389772057533264, 0.4722404479980469, -0.19427379965782166, 0.21736526489257812, -0.04224502295255661, 0.8956723809242249, -0.23152825236320496, 0.9831057190895081, 0.41795864701271057, -0.3254530131816864, -0.43251731991767883, -0.3207302987575531, 0.07151876389980316, -0.6690652966499329, 0.024111688137054443, -0.8751202821731567, 0.013675935566425323, -1.260502815246582, -1.4025322198867798, -0.8043899536132812, 0.45448434352874756, -0.17932742834091187, -0.15216627717018127, 0.9928518533706665, 0.0033085737377405167, -0.13291385769844055, 1.170615792274475, -0.2968519926071167, 0.4763910174369812, -1.2741001844406128, 0.9684221148490906, -0.4226515293121338, -0.1076960638165474, 0.5003891587257385, 1.3146331310272217, -0.08427903056144714, -0.46070390939712524, -0.25159332156181335, 0.66264808177948, 1.3403340578079224, -0.17025744915008545, -0.542153537273407, -0.553933322429657, -0.6368486881256104, 0.6736769080162048, -0.6907557249069214, -0.5560619235038757, 0.29948243498802185, 0.7078444957733154, 0.15256726741790771, -0.21514788269996643, -0.2667427361011505, 0.5540361404418945, -0.009794678539037704, 0.08089325577020645, -0.4927528202533722, -0.13911446928977966, 0.5460405349731445, 1.1480854749679565, 0.17101049423217773, 0.14317211508750916, 0.6386725306510925, 0.7626630067825317, 0.9092164039611816, 0.2779911160469055, -0.18588194251060486, 0.5924723744392395, -0.5400218367576599, -1.750725269317627, -0.015950873494148254, 0.8255117535591125, 0.42389819025993347, 0.4701961576938629, -0.4090743064880371, 0.004997569136321545, -0.44941335916519165, 0.7876902222633362, -0.264172226190567, -0.9541966319084167, 0.5321860909461975, -1.2264676094055176, 0.12643273174762726, 0.8517296314239502, 0.6885486841201782, -0.3443168103694916, 0.518315315246582, -0.3195554316043854, 1.3572169542312622, 0.3996964395046234, 1.2472398281097412, 0.07139286398887634, 0.6685077548027039, -0.40309765934944153, 0.4928913712501526, -0.16321630775928497, -1.1553707122802734, 0.40314826369285583, -0.25000935792922974, 0.2791954278945923, 1.0686588287353516, 0.14160454273223877, 0.6289917826652527, -0.1003495305776596, 0.5457908511161804, -0.15438824892044067, -0.12398748844861984, 0.03914710134267807, 0.23837772011756897, 0.49069565534591675, 0.6409031748771667, -0.05390194058418274, -0.1636698842048645, 0.025468163192272186, 0.35433128476142883, -0.32898083329200745, 0.19425053894519806, -0.5267415642738342, 0.18973897397518158, -1.0823569297790527, -0.16631892323493958, -0.7394313216209412, 0.9119499921798706, -0.39079102873802185, -0.0481531135737896, -0.3825191855430603, -0.834183931350708, -0.9095497727394104, -0.3309459388256073, 0.6944425702095032, -0.33678677678108215, 0.470633864402771, 3.0036463737487793, -0.26111701130867004, -0.010216159746050835, -0.40171560645103455, -0.7724847197532654, 0.11780928075313568, -0.5423253774642944, 0.8891740441322327, 0.3239658772945404, -0.31423765420913696, -0.3976876735687256, -0.4558330774307251, -0.16406601667404175, 0.05661158263683319, -0.8710867166519165, 0.2761673331260681, 0.9650756120681763, -0.15733185410499573, -0.8580138683319092, -0.43934366106987, 0.44178152084350586, 0.025828786194324493, -0.41411295533180237, -0.9706563353538513, 0.0979277491569519, 0.3180012106895447, -0.1747772991657257, 0.4532654881477356, -1.088072419166565, 0.3863287568092346, -0.11605454981327057, 0.8080418705940247, 0.7956046462059021, -1.1376618146896362, -0.4201227128505707, -0.20133131742477417, -0.006800766568630934, -0.27994558215141296, -0.014312855899333954, 0.05748248100280762, -0.1129789799451828, 0.5006849765777588, -0.286262184381485, 0.6362378597259521, 0.19863933324813843, 0.32988250255584717, -0.8372604250907898, 0.17103508114814758, 0.6514068245887756, -0.5438058972358704, 0.07531783729791641, -1.1183558702468872, -2.149035930633545, -0.22169722616672516, -0.8399425745010376, 0.36969834566116333, 0.037050873041152954, 0.2946174144744873, 0.17598091065883636, -0.363069623708725, -1.1819789409637451, 0.4567526876926422, -0.12506809830665588, -0.7823954820632935, -0.9524341821670532, 1.0307812690734863, 0.11859430372714996, 0.7845042943954468, -0.8213437795639038, 0.21529698371887207, -0.019900444895029068, 0.16226539015769958, 0.19932839274406433, -0.7616797685623169, -0.04638170450925827, 0.4384307563304901, 0.08177582174539566, -0.39328891038894653, -0.4246605634689331, 0.13479985296726227, 0.16943824291229248, -0.1460140347480774, 1.2891772985458374, -0.08529425412416458, -0.1698330044746399, -1.1929703950881958, -0.0002980157732963562, -0.5400113463401794, 0.10836920887231827, -0.5287338495254517, 1.5341328382492065, -0.7880510687828064, 0.0065430402755737305, -0.15692266821861267, -1.5779178142547607, 0.5949828028678894, -0.030775459483265877, 0.7525466680526733, 0.22397315502166748, 0.2329576015472412, -0.6782991886138916, 0.3719244599342346, 1.5347799062728882, 0.8750730156898499, -0.3084162473678589, 0.3159145712852478, 0.0879666656255722, 0.9640880227088928, -0.16279347240924835, 0.5338718891143799, -0.07261104136705399, 0.1963844895362854, 0.39407798647880554, -0.9375211596488953, -0.5497530102729797, 0.06594651937484741, 1.9413284063339233, 0.36335551738739014, -0.010597795248031616, 0.034789446741342545, -0.17951150238513947, -0.08838281780481339, 0.4049736261367798, 0.05587415769696236, 1.053804874420166, -0.7225379943847656, -0.07870862632989883, -0.07254994660615921, 0.45006266236305237, -0.3341618776321411, -0.416265070438385, -0.6366111636161804, 0.2416246235370636, -0.869167149066925, -0.18005383014678955, -0.519768238067627, -0.9738569259643555, 0.29466700553894043, -0.4931899309158325, -0.7102976441383362, -0.2129708081483841, 0.7278249263763428, -0.38125964999198914, 0.8736363649368286, 0.09751401841640472, -0.4656221270561218, 0.3229611814022064, -0.567442774772644, 0.5103610754013062, -0.11599519848823547, 0.2901822030544281, -0.40640735626220703, -0.29786038398742676, -0.9933542013168335, -0.0651627853512764, -1.135499358177185, 0.09554534405469894, 0.16109412908554077, -0.6356552839279175, 0.852263331413269, -0.47930681705474854, -1.0419241189956665, 1.6340998411178589, 0.0391230583190918, 0.07712399214506149, -0.3592795133590698, 0.5256247520446777, 0.6963440179824829, -0.6361883878707886, 0.4699121117591858, -0.41729527711868286, -0.3399845361709595, 0.9504994750022888, -0.022007092833518982, -0.1197337657213211, 1.0783421993255615, -0.013679941184818745, -0.19598831236362457, -0.06030447036027908, -2.2504796981811523, 0.3773753345012665, 1.0088393688201904, -0.1242516040802002, 0.3291582763195038, -1.0381107330322266, -0.15866577625274658, -0.1377333253622055, -0.08499948680400848, 0.3875598907470703, -0.7716965675354004, 0.5859789252281189, -0.23523402214050293, 0.4604945778846741, 0.8920763731002808, -0.9554412364959717, -0.18442465364933014, 0.367424339056015, 0.14957644045352936, -1.0514241456985474, 0.12020675092935562, 0.6196308135986328, -0.4359228014945984, 0.04398961365222931, 0.8872523903846741, 0.5996975302696228, 0.6753278970718384, -0.16185694932937622, 0.23370236158370972, -0.5634329915046692, -0.47156408429145813, 0.8202301859855652, 1.355739712715149, -0.03624951094388962, 0.403531014919281, 0.19492636620998383, 1.2271764278411865, -0.3870449960231781, -0.5267807841300964, -0.39313340187072754, -0.049596503376960754, -0.46836262941360474, 0.17883870005607605, 1.0946871042251587, 0.7840381264686584, 1.1879515647888184, -0.1627582460641861, 0.44396406412124634, -0.5486668944358826, -0.4445880651473999, 0.2312563955783844, 0.13545793294906616, -0.04469989240169525, -0.3513322174549103, 0.0212787427008152, 0.30015063285827637, 0.955303430557251, 0.19258710741996765, 0.35191109776496887, 1.3558833599090576, 0.5365012288093567, -0.7506555318832397, 1.5231021642684937, 0.19698521494865417, 0.18629631400108337, 1.3099098205566406, -0.16748611629009247, -0.09335856139659882, -0.26303306221961975, 1.0172429084777832, 0.5291182398796082, -0.9465847015380859, 0.11780475080013275, 0.04317418485879898, 0.5155966877937317, 1.2000101804733276, -0.1566653549671173, -0.2556920051574707, 1.093208909034729, -0.2192532867193222, -0.5255085825920105, 0.3197304606437683, -1.0976283550262451, -0.7186400294303894, -0.025187082588672638, -0.5509771704673767, 0.27434107661247253, 0.46102723479270935, -0.29855120182037354, -0.05283382907509804, 0.6673834323883057, -0.4210928678512573, 0.16252946853637695, -0.816545844078064, 0.14155980944633484, -1.0647073984146118, -0.9736570715904236, 0.2447591871023178, -0.65907883644104, -0.23383183777332306, -0.33199748396873474, 0.6282060742378235, -0.05340098217129707, -0.33096593618392944, 0.10829685628414154, -0.019436366856098175, 0.524640679359436, -0.6113043427467346, 1.1970335245132446, 0.8502764105796814, 0.15362083911895752, 0.6809006929397583, 0.18299080431461334, 0.2267168015241623, 1.397750973701477, 0.17551548779010773, 0.469989538192749, 1.8943219184875488, 0.9882664680480957, 0.1487698256969452, -0.5294576287269592, -0.3438566327095032, 1.081382155418396, -0.016802586615085602, 0.5642074346542358, -1.0832058191299438, -0.9481859803199768, -0.28097161650657654, 1.252333164215088, 1.4976717233657837, -0.6825509071350098, -0.14847102761268616, 0.9152274131774902, -0.37962186336517334, 0.16327230632305145, -0.8989135026931763, 0.4797201156616211, 0.8568442463874817, 0.048029810190200806, 0.47974950075149536, -0.48762261867523193, -12.085091590881348, 0.8207530975341797, -0.3896530568599701, 0.1657925695180893, 0.34268003702163696, -0.3908034563064575, 0.5719549655914307, 0.24455222487449646, 0.41639384627342224, -0.6843324899673462, 0.07026652991771698, 0.7795896530151367, -0.2737622857093811, 0.3346840739250183, -0.554449737071991, -1.3314508199691772, -1.2732882499694824, -0.24837088584899902, -0.4790800213813782, 0.6818642616271973, 0.5968437194824219, -0.893112301826477, -0.6561217904090881, -0.1160544604063034, 0.0327601432800293, -1.3465065956115723, 0.0699065551161766, -0.8363311886787415, -0.15685828030109406, 0.06710763275623322, 0.7333986759185791, 0.8104867935180664, -0.5481572151184082, -0.4278219938278198, 0.5423192977905273, 0.18343687057495117, -1.1621716022491455, 0.5080325603485107, 1.307417392730713, 0.4033973217010498, 0.20703564584255219, 0.8848287463188171, -0.7463393211364746, 0.5830222368240356, -1.1834962368011475, -0.33939799666404724, 0.2657441198825836, -0.40789222717285156, 0.39149874448776245, -0.8305589556694031, -0.18779721856117249, -0.9445101618766785, -0.08914820849895477, -0.8829782009124756, 0.7216281890869141, 1.4072625637054443, -0.3871557116508484, -0.3605722188949585, -0.7523296475410461, -1.6357886791229248, -0.17336806654930115, -0.30198347568511963, -0.25970980525016785, 1.0751205682754517, -0.051000021398067474, -0.8986725211143494, -0.09649328142404556, 0.6615089178085327, 0.39026275277137756, 0.6147431135177612, -0.5241814255714417, 0.6994110345840454, 0.554257869720459, 0.7342297434806824, -0.5716376900672913, 0.17336136102676392, 0.188212588429451, 0.020324647426605225, -0.9210004210472107, -0.37081006169319153, -0.6024758815765381, 1.0278816223144531, -1.041440486907959, -0.41007915139198303, 0.5170248746871948, 0.6507375836372375, 1.0036611557006836, 0.5340961813926697, 0.09492173790931702, -0.05169552564620972, 0.5300086736679077, -0.421126127243042, 0.508164644241333, -0.4709160327911377, -0.3387053906917572, 0.8135296702384949, -0.26075220108032227, -0.2154463231563568, 0.27530547976493835, -0.8309343457221985, 0.30940109491348267, 0.21929943561553955, -0.8141783475875854, -0.8865818381309509, 0.13254711031913757, -0.20087915658950806, -0.04315488785505295, 0.324100524187088, 0.8476431369781494, -0.3515802323818207, -0.6438671350479126, -1.113012671470642, -0.9321960210800171, 0.403665155172348, -0.1835840791463852, 0.10663892328739166, 1.6011570692062378, -0.2838803231716156, 0.49967873096466064, 0.9611395597457886, 0.24511490762233734, 0.7099173069000244, 0.6334581971168518, 0.7167695164680481, 0.537510335445404, -0.3789364695549011, 0.27563896775245667, 0.07464337348937988, -0.6285400986671448, -1.4933949708938599, 0.09954923391342163, -1.0349482297897339, -0.20123057067394257, -0.3662920296192169, -0.33631014823913574, -1.1809691190719604, -1.02630615234375, 1.051654577255249, -0.6727657318115234, 1.25857412815094, 0.20650966465473175, -0.00018596649169921875, -0.8699063658714294, -0.8053004145622253, -0.7501698732376099, -0.9078348278999329, -2.0231525897979736, -0.3155405521392822, -0.5720022916793823, -0.804104745388031, 0.5669381618499756, 0.3596222996711731, 0.599417507648468, -0.4315454363822937, -0.21794965863227844, 0.8924702405929565, 0.014488846063613892, -1.1062806844711304, -0.14534445106983185, -0.3642645478248596, 0.6486893892288208, 1.643694281578064, -1.1839964389801025, 1.353742003440857, -0.0022677965462207794, -0.4758318066596985, -0.28401273488998413, -0.8415966033935547, 0.11943300813436508, 0.863406777381897, 0.9257586598396301, -0.7322131395339966, -0.8825831413269043, -0.6895817518234253, 0.8527655005455017, -0.9361549019813538, 0.14360341429710388, 0.9309946298599243, -1.0450663566589355, 0.18538521230220795, 0.3870376646518707, 0.804449200630188, 0.7433242201805115, -0.5965942144393921, -0.1176830604672432, -0.22565430402755737, 0.4966634213924408, 0.41031262278556824, -0.3839043080806732, 0.8950294852256775, -1.4002726078033447, -1.1970033645629883, -0.5101698637008667, 0.8500237464904785, 0.03915524482727051, 0.05193515866994858, 0.7260027527809143, 0.80275559425354, -0.7049764394760132, -0.5202421545982361, -0.34554415941238403, -0.29736629128456116, -0.9424905180931091, 0.3557230234146118, 0.44045597314834595, 0.7240015268325806, -0.028891079127788544, -1.254544734954834, -1.3213303089141846, 0.7532143592834473, -0.40973734855651855, -0.08517444133758545, 0.16512377560138702, -0.8846136927604675, -0.3662986159324646, -0.6031932830810547, -0.3867463767528534, -0.1689486801624298, -0.11585482954978943, -0.23572666943073273, 0.4086531698703766, 1.0671172142028809, 0.5887343287467957, 0.9942685961723328, 0.05076168105006218, 0.02548656240105629, 0.5855718851089478, 0.37110990285873413, 1.8002201318740845, 0.1688537448644638, -0.5462653636932373, 0.36091047525405884, 0.5758998394012451, 0.11080213636159897, -0.06124023348093033, 0.2561565339565277, -0.6800636649131775, 0.16820885241031647, -1.367288589477539, 0.06408987939357758, -0.6949689984321594, -0.29152271151542664, 1.4039726257324219, 0.2673605680465698, -0.3191714286804199, -1.7764397859573364, -0.3217208981513977, -0.955260694026947, -0.16346658766269684, 0.38290706276893616, 0.11509101092815399, 0.2790312170982361, 0.4134029150009155, 0.07989378273487091, 0.5440658926963806, 0.61086106300354, -0.02095215767621994, 0.3375799059867859, 0.03323109447956085, 1.1295808553695679, 0.734027624130249, 0.08551909029483795, 0.017863541841506958, 1.3319482803344727, -0.5477986931800842, -0.5996604561805725, -1.2532848119735718, 0.4444767236709595, 0.47370976209640503, -1.1033947467803955, -0.19017982482910156, -0.3870619535446167, -0.10954786837100983, -1.0559794902801514, 0.29565542936325073, 0.18490801751613617, -0.288957417011261, -1.1402664184570312, -0.1594054102897644, 0.7685859203338623, 0.037930577993392944, 0.5461395978927612, -0.46869033575057983, -0.38866645097732544, 1.7671433687210083, 0.7151899933815002, 0.43670278787612915, -0.4597177505493164, -0.2820247709751129, 0.10768480598926544, 0.32611823081970215, -0.06911022961139679, 0.3141709566116333, -0.7118574380874634, 0.5241096615791321, -0.1250893920660019, -0.07543451339006424, -0.3393157124519348, -0.3215555250644684, -0.4349861145019531, 0.8444749712944031, -0.31462395191192627, -0.014734867960214615, 0.2778818607330322, 0.9346832036972046, -0.5670625567436218, 0.8094776272773743, 0.4643217623233795, -0.51014643907547, -0.1520729660987854, -0.894074559211731, 0.12628862261772156, -0.8974583745002747, 1.0346901416778564]} +{"paper_id": "dfki-nlp/mobie", "embedding": [-0.8173013925552368, 1.0492216348648071, 0.25041764974594116, -0.00491415336728096, 0.10286931693553925, -0.49845337867736816, 0.2970198094844818, 0.4054904282093048, 0.5341537594795227, 1.247953176498413, 0.6263208985328674, -0.21408270299434662, -0.2997051775455475, -0.6530991196632385, -0.2605516016483307, -0.07053317129611969, -0.3395335376262665, -0.8476510047912598, -0.6644394397735596, -0.3157013952732086, -1.0392450094223022, -1.1676231622695923, 0.3783794045448303, 0.5527116060256958, -0.9276751279830933, -0.5375361442565918, 0.26454997062683105, -0.6608399152755737, 0.17251808941364288, 0.11349916458129883, -0.2747386693954468, 1.2706427574157715, -1.092996597290039, 0.0945887640118599, -0.26815518736839294, 0.33474335074424744, 0.6654742360115051, 0.657891571521759, -0.2106805443763733, -0.31662940979003906, -0.6481585502624512, -0.44814467430114746, 0.3112565279006958, -0.08394122868776321, 1.7747021913528442, 0.02513745427131653, 0.04541739821434021, 0.8641888499259949, 0.04908943176269531, -0.04869978874921799, -0.5110870003700256, 0.4327815771102905, 0.1347804069519043, 0.3383941352367401, -0.4080144464969635, 0.9956021904945374, -0.04549941048026085, -1.4139889478683472, 0.07202579081058502, -0.6195261478424072, 0.14424270391464233, 0.5082272291183472, -0.16762705147266388, -0.7719374299049377, 0.5050382018089294, -0.11912176012992859, 0.8755014538764954, -0.06743517518043518, 1.4934221506118774, 0.5552982091903687, -0.21168524026870728, -1.6676983833312988, 0.05910420045256615, -0.48290351033210754, 0.5799345970153809, 0.5535293817520142, 0.7736504673957825, -0.20077310502529144, 0.02922975644469261, 0.39567917585372925, -0.06930004060268402, 1.211588978767395, 0.14597822725772858, -0.1057659387588501, -0.3437936305999756, -0.5894982814788818, 0.3857497274875641, -0.12841612100601196, 0.6683995127677917, -1.577116847038269, 0.6030945777893066, -0.5984265804290771, -0.8829821348190308, -0.16512101888656616, -0.3263871371746063, 0.9646164178848267, -0.12397696077823639, -0.7932642102241516, -0.262107253074646, 0.5494101047515869, 0.6406744718551636, -0.5935742855072021, 0.11130121350288391, -0.14872285723686218, 0.03462592512369156, 1.3789713382720947, -1.0317435264587402, 0.27108556032180786, -1.0639570951461792, 0.4536565840244293, 0.02070792391896248, 1.385787844657898, -0.11734332889318466, 0.1467413306236267, -0.30432063341140747, -0.46869993209838867, 0.13528846204280853, -0.3727434575557709, -0.42863836884498596, 0.37228018045425415, -0.48372337222099304, -0.36661338806152344, -0.5676946640014648, 0.49888014793395996, 1.3016198873519897, -1.2121131420135498, 1.228480577468872, 0.6757059097290039, 0.11862295866012573, -0.3214621841907501, 0.585600733757019, 0.013615562580525875, -0.2267393171787262, 0.11674733459949493, 2.335313320159912, -0.3072185814380646, 1.1674613952636719, 0.30581629276275635, -0.029369909316301346, -0.25774770975112915, 0.7482717633247375, 0.7868623733520508, 0.8813804388046265, -0.0396292507648468, -0.49452266097068787, 0.33188050985336304, -0.5607709884643555, -0.20472250878810883, -0.4693654477596283, -0.35935086011886597, 0.04595812410116196, 0.655371904373169, -1.1087058782577515, -0.40300455689430237, 0.24385838210582733, 0.8690945506095886, -0.14595308899879456, 0.3160175383090973, -0.2974849343299866, 0.8469504714012146, 0.761633038520813, -0.21162591874599457, -0.47647878527641296, 0.48559510707855225, -0.7462812066078186, 0.4847075641155243, 1.3383740186691284, 0.16234353184700012, -1.7024083137512207, -0.0521869957447052, 0.8358917832374573, -0.3231631815433502, 0.13451159000396729, -0.4231228530406952, -0.40600040555000305, 0.5330519676208496, 0.37783461809158325, 0.35436198115348816, -0.003624727949500084, 0.29792749881744385, 0.10587292164564133, -0.0838087797164917, -0.42242610454559326, 0.478057861328125, 0.12997086346149445, 0.16038011014461517, -1.8740490674972534, -0.6022966504096985, -0.35111722350120544, 0.9014217853546143, -0.17001944780349731, -0.4045298993587494, 0.42767810821533203, 0.6943376660346985, 0.05302271246910095, -0.4526269733905792, 0.28198114037513733, -1.4703092575073242, -0.857403039932251, 0.012276381254196167, 0.17909418046474457, -0.3377668261528015, -0.015763631090521812, 0.8057109713554382, 0.5211312174797058, -0.5596181750297546, -0.18902499973773956, -1.5476536750793457, 0.7038820385932922, 2.04638671875, -0.09235650300979614, -0.7005504965782166, -1.7698742151260376, -0.4907678961753845, -0.031535252928733826, -1.0888315439224243, 0.6959184408187866, -0.23044635355472565, 0.6105879545211792, -1.2108845710754395, 0.5709636807441711, -0.7988023161888123, 0.5074321627616882, 0.00697232224047184, 1.0898284912109375, -0.36413851380348206, -0.5793179273605347, -0.4252683222293854, -0.26931852102279663, 0.6340333223342896, 0.39221858978271484, 0.5681523680686951, -0.5635647177696228, 0.9917256832122803, 0.24083933234214783, 0.10006261616945267, -0.21080291271209717, 0.25811612606048584, -0.5909014344215393, 0.5895025134086609, -0.2868099510669708, 0.335436075925827, -0.18262337148189545, -0.722083568572998, 0.9492160677909851, 0.25537270307540894, 0.3572111427783966, -0.720150351524353, 0.4985083341598511, 0.38719555735588074, 0.7036227583885193, 0.9863792061805725, -0.05918541178107262, 0.8716930150985718, -1.5841057300567627, 0.704472541809082, -0.3762805163860321, -0.9432225227355957, -0.2470930963754654, 0.1930185705423355, 0.8102687001228333, -0.37929418683052063, 0.04054427146911621, -0.20950335264205933, 0.1397641897201538, -1.6248774528503418, -0.13545027375221252, 0.2327294945716858, -0.737725019454956, -0.7356680631637573, 0.35720983147621155, -0.3264222741127014, -1.0516812801361084, -0.621475875377655, 0.5102176070213318, 0.6395389437675476, 0.04354148730635643, 0.04674592614173889, 0.20718014240264893, -0.4952632188796997, -0.21934562921524048, -0.22172757983207703, 0.4100649356842041, -0.2269734889268875, 1.2745596170425415, 0.6858277320861816, 0.3729647397994995, -0.6793714761734009, -0.2900497615337372, 0.15872913599014282, 0.4711942672729492, -0.06853264570236206, 0.2492658793926239, -0.04704415798187256, -0.7466757893562317, -0.743118405342102, 1.8057959079742432, 0.2577309310436249, 0.22381818294525146, -0.9550736546516418, 1.2817612886428833, 0.5477977991104126, -0.2489928901195526, 0.7731688618659973, 0.6506167650222778, 0.6643540263175964, 1.3697530031204224, -0.350303053855896, 0.23885200917720795, 0.5364498496055603, 0.18131272494792938, 0.47413596510887146, 0.2908046245574951, -1.7498952150344849, -0.1948343813419342, 0.2904210090637207, -0.13573405146598816, 0.44569364190101624, -0.02342606708407402, -0.18656885623931885, -0.8648266196250916, -0.24427412450313568, -0.551534116268158, -0.3850093483924866, 0.7326053380966187, -0.7760004997253418, 0.19114919006824493, 0.9582720398902893, -0.8694818615913391, 0.48455461859703064, 0.24123159050941467, 0.3785536587238312, -1.2150380611419678, 0.36075359582901, 1.0467172861099243, 0.10289708524942398, 0.7838480472564697, 0.022767633199691772, 1.0248414278030396, 1.0713824033737183, -0.8931309580802917, 0.3765071928501129, 0.8931754231452942, 0.39568185806274414, 0.6158607602119446, 0.3503742218017578, -0.3629017472267151, 1.111048698425293, -0.22007200121879578, 0.6376969814300537, 0.3223024904727936, -0.3394237756729126, -1.8756544589996338, 0.17627087235450745, -0.546757161617279, -0.42617693543434143, 2.2869441509246826, 0.5331217646598816, 1.7329045534133911, -0.33874601125717163, 0.43083637952804565, -0.7169185280799866, 0.27336934208869934, 0.3855210840702057, 0.817000150680542, 0.1418217569589615, -0.43601128458976746, 0.1761089265346527, -0.019335327669978142, -0.1329544484615326, -0.40468302369117737, -0.04787956178188324, 0.637530505657196, -0.049640994518995285, -0.4906526505947113, -0.12905055284500122, 0.26491469144821167, 0.09755866229534149, 0.7300550937652588, -0.43130356073379517, -0.7648947834968567, -0.5395295023918152, 0.28729984164237976, 0.3522217273712158, 0.8283988833427429, -1.016043782234192, -0.010106254369020462, 0.19279208779335022, 0.04518638923764229, -0.14464272558689117, 1.023688793182373, 1.298095703125, -0.6359090805053711, -1.2919973134994507, -0.25453299283981323, -0.2859443128108978, -0.3387124538421631, 0.16474416851997375, 0.06775348633527756, -0.6032906770706177, 0.45075711607933044, -0.4447779059410095, -0.7280615568161011, 0.5571697950363159, -0.604227602481842, -1.8957574367523193, 0.7750806212425232, 1.395542860031128, -1.3164314031600952, -0.14704284071922302, 0.7583532929420471, -0.5694257020950317, -0.7770909070968628, -0.29508641362190247, -0.5997064113616943, 0.09044049680233002, -0.06069796904921532, 0.3545275032520294, -0.3577067255973816, -0.017705723643302917, -0.47878196835517883, 0.514886200428009, 0.580199122428894, -0.08999352157115936, 0.1791100800037384, 0.17294244468212128, -0.5093244314193726, -0.039862096309661865, -1.7973816394805908, -1.4001199007034302, 0.6706902980804443, 0.4070197343826294, 0.25285881757736206, -0.7610595226287842, -1.0638386011123657, -0.3480660319328308, -0.7541989088058472, 0.37441176176071167, -0.729817807674408, 0.8999532461166382, -0.784372866153717, 0.005058301612734795, 0.019402317702770233, -0.6778169274330139, -1.4643337726593018, 1.3507673740386963, -0.7477673888206482, 0.5872342586517334, 0.01518433541059494, 0.744472324848175, 1.2322982549667358, 0.37970516085624695, 0.03565438836812973, 0.02237693965435028, -12.240026473999023, 0.434793084859848, 0.20185589790344238, 0.4958478808403015, 0.4109651446342468, -0.5426185727119446, 0.6844117045402527, -0.4003925323486328, 0.5812652707099915, -0.6237359046936035, 0.8490952849388123, 1.5353361368179321, -0.17874780297279358, 0.20064039528369904, -0.6898936033248901, -1.1192643642425537, -0.12185974419116974, -0.13142700493335724, 0.3420679569244385, 0.27178895473480225, -0.7514487504959106, -1.2733430862426758, 0.1719980537891388, -0.45534244179725647, 0.15925484895706177, 0.021192550659179688, 0.8684588670730591, 0.06457211077213287, -0.8414337635040283, -0.22400082647800446, 0.3608705401420593, -0.44906461238861084, -0.7506452202796936, -0.5385794043540955, 0.11945560574531555, 0.5758294463157654, -0.7205865383148193, -0.3904995620250702, 0.8267269134521484, 0.9486129283905029, -0.752862811088562, 0.2700134217739105, 0.9258522987365723, -0.5891271233558655, -0.8316429853439331, 0.39204853773117065, 0.48661115765571594, -1.0069586038589478, -0.09777383506298065, 0.30645281076431274, -0.06933029741048813, -0.6157199740409851, -1.3689792156219482, -0.06700636446475983, 1.5892322063446045, 0.09074781835079193, -0.6426832675933838, 0.15145301818847656, -0.7065436244010925, -0.17806662619113922, 1.1418017148971558, 0.13496103882789612, 0.46884894371032715, -0.15702682733535767, 0.7431405186653137, -0.3654160797595978, 0.9052830338478088, 0.7893623113632202, -0.01344991847872734, -0.20318391919136047, -0.7093452215194702, -0.21783524751663208, 0.6980295777320862, 0.32998088002204895, -0.17015236616134644, -0.4682958126068115, 0.39285334944725037, 0.22111256420612335, 0.04939565435051918, 0.2173251062631607, -0.6491760015487671, 0.7965392470359802, -0.6719306707382202, -0.05098968744277954, -0.5959845781326294, -0.2288288027048111, -1.0351781845092773, -0.632045328617096, 0.2132452428340912, 0.5492610335350037, 0.374683678150177, 0.32001352310180664, -0.7089641094207764, 0.024442337453365326, -0.37644335627555847, 0.40508630871772766, -0.002994697540998459, 0.7461658716201782, -0.12536631524562836, -0.71332186460495, 0.42258310317993164, -0.48373574018478394, 0.016530729830265045, -0.20720376074314117, 1.149645209312439, 0.642586886882782, -0.058888547122478485, 0.335528165102005, 0.43882712721824646, 0.21219170093536377, 1.092389464378357, -0.577700138092041, -0.19777265191078186, 1.2085156440734863, 0.028797253966331482, 0.2139735370874405, 0.7185011506080627, -0.21182206273078918, 0.6646087765693665, 0.6541137099266052, 0.4387313723564148, 0.20079933106899261, -0.5369628071784973, 0.7578004002571106, 0.03558242693543434, -0.3481690585613251, 0.5816399455070496, 0.9824098944664001, 0.14685283601284027, -1.4957151412963867, 0.006003383547067642, 0.7000331282615662, -0.537609338760376, -0.7039957046508789, -0.5509305000305176, -0.8362175822257996, -0.6562790870666504, 1.3610138893127441, -0.2631627321243286, 0.4863128364086151, 0.1393771767616272, -1.115435004234314, 0.6928562521934509, 0.2755482494831085, -0.7054020762443542, 0.24808961153030396, -0.5458328723907471, 0.05022366717457771, -1.245198369026184, -0.6018289923667908, 0.20000213384628296, -0.4336055517196655, 0.7238295078277588, -0.5747250914573669, 0.33406031131744385, 0.15162214636802673, 0.18783465027809143, -0.2635810971260071, -0.35064375400543213, 0.809536874294281, 0.040616489946842194, 0.660080075263977, -0.17511484026908875, 0.7456454634666443, 0.3695219159126282, -0.1576252281665802, -1.0800081491470337, -0.651637077331543, -0.10942225903272629, -0.020089833065867424, 1.6947964429855347, -1.1689499616622925, 0.15263395011425018, 0.29314133524894714, 0.24202598631381989, -1.0821480751037598, 0.7209463715553284, 0.9083304405212402, -0.4084182679653168, 0.2629469037055969, 0.23329168558120728, 0.6301013827323914, 0.45263224840164185, -0.7006306052207947, -0.25470301508903503, -0.30192822217941284, 0.2685423493385315, 0.7317783832550049, 0.13662059605121613, -0.09913215041160583, -1.1114349365234375, -0.2747739851474762, -0.1623523086309433, -0.4999924898147583, 0.8870720863342285, 0.033652812242507935, 1.3006259202957153, 0.14971119165420532, 0.42230477929115295, 0.44952094554901123, 0.11680141091346741, 1.1587799787521362, 0.6296955943107605, 0.48183000087738037, -0.6421439051628113, -0.33553799986839294, -0.5150567293167114, -0.021486420184373856, -0.016381828114390373, 0.18823738396167755, -1.0914080142974854, 0.39926713705062866, 0.5565828084945679, -1.0502110719680786, 0.6478825807571411, -0.9924298524856567, 0.5828176140785217, -0.6639747619628906, -0.6932848691940308, -0.856289267539978, 0.19015198945999146, 1.0538287162780762, -0.5568638443946838, 1.0349438190460205, -0.311404287815094, 0.15429717302322388, 0.9156723022460938, -0.12318822741508484, 1.789233684539795, -0.543197751045227, -0.24203965067863464, 0.7604023814201355, -0.5181692242622375, -0.603439450263977, -0.6979973316192627, -0.06289295107126236, -0.40485697984695435, 0.5188711881637573, -0.7128963470458984, 0.2444102168083191, 0.18920397758483887, 0.28074395656585693, 0.3339390158653259, 0.20895332098007202, -0.7047949433326721, -1.0050941705703735, -0.7127647399902344, -0.06702608615159988, 0.3349735736846924, 0.33324211835861206, 0.6894486546516418, 0.250187486410141, 0.7613009810447693, 0.6670191287994385, 0.3384799361228943, 0.3286125659942627, -0.3290550708770752, -0.07139570266008377, 0.15415272116661072, 1.575419306755066, 0.5036370158195496, -0.09280800074338913, -0.19689956307411194, 0.23911914229393005, -0.9997881054878235, -0.6692447066307068, -0.08427588641643524, -0.404574990272522, 0.8265132308006287, -0.6123812198638916, 0.07500292360782623, -0.9022992253303528, -0.4195910394191742, -0.12050753831863403, -0.18756428360939026, -0.2725926637649536, -0.4777435064315796, -0.26541364192962646, -0.5961930751800537, -0.11105810105800629, 1.2044689655303955, -0.8704283237457275, -0.4061722159385681, 0.10699248313903809, 0.4938136041164398, -0.6841802000999451, -0.35814598202705383, -0.6592724919319153, 0.2377968430519104, 0.10482433438301086, 0.5752958059310913, -0.6358237266540527, -0.8623617887496948, -0.7503458857536316, -0.13683556020259857, -0.5495359897613525, 0.07671565562486649, -0.20585298538208008, -0.9110119342803955, 0.2799117863178253, 0.2832067608833313, -0.6532520055770874, -0.34672001004219055, 0.6048383116722107, -0.8938624858856201, -1.3402892351150513, 0.21285825967788696, 0.35354432463645935, 0.5896314382553101, -1.0567750930786133, 0.3743385076522827, 0.6464251279830933, -0.5736312866210938, 0.6711758375167847]} +{"paper_id": "debatelab/aaac", "embedding": [-0.24257415533065796, 1.000961422920227, 0.3054567873477936, 0.9068440198898315, 0.2404235303401947, -0.051926445215940475, 0.24558529257774353, 0.3364143669605255, 0.790303111076355, 0.29626691341400146, 0.4494858682155609, 0.07728258520364761, 0.2437392771244049, 0.35357925295829773, 0.16532811522483826, 0.26257219910621643, -1.0959707498550415, -0.45770636200904846, -0.9641343355178833, -0.7403157353401184, -0.3522593379020691, -0.7026911377906799, -0.17788366973400116, 1.3398332595825195, -0.7183907628059387, -1.0714387893676758, 0.562759280204773, -1.0856119394302368, 0.23353224992752075, 0.14519253373146057, -0.10075517743825912, 1.7132683992385864, -1.440753698348999, 0.40712231397628784, 0.33660441637039185, -0.7960100769996643, -0.4263339936733246, 0.553106963634491, -0.46477389335632324, 0.2715795338153839, -0.13496781885623932, 0.5637776851654053, -0.1390102207660675, 0.8256891369819641, 0.683812141418457, -0.7155423760414124, 0.3949286639690399, -0.2310398370027542, 0.19897101819515228, 0.03789607807993889, -0.7161669135093689, -0.02225479483604431, -0.5136604905128479, 0.6892253160476685, -0.07424250990152359, 1.4987982511520386, -0.07255809754133224, -0.6241276264190674, 0.22153790295124054, -0.498098760843277, 1.7256457805633545, 1.935181736946106, -1.2686092853546143, 0.3990814685821533, 1.02512526512146, 0.2280793935060501, 1.5937012434005737, -0.2610565423965454, -0.2180507481098175, 1.2981340885162354, -0.3398798108100891, -0.4141649901866913, 0.8437473177909851, -0.32618945837020874, 0.2758624255657196, 0.6541748046875, 0.8991230726242065, 0.6560449600219727, -0.2510351240634918, 0.26489078998565674, 0.3299601376056671, 0.44828593730926514, 0.47948408126831055, -0.5565111041069031, -0.3083510994911194, 0.4914543330669403, 0.38650432229042053, -0.8871566653251648, -0.158292755484581, -1.9447661638259888, 0.6702728867530823, 0.045600876212120056, 0.02004903182387352, -0.057525284588336945, -0.19531244039535522, 0.18702110648155212, 0.2013344168663025, -0.22343116998672485, -0.3680326044559479, -0.6100683808326721, 0.14618566632270813, -0.3260199725627899, 0.13214901089668274, -0.889807403087616, -0.0408555269241333, 0.42733708024024963, 0.13415029644966125, -0.70896977186203, -0.6788234710693359, -0.649334192276001, -0.4362306296825409, 0.7545552253723145, -1.0156883001327515, 0.7899976968765259, -0.017928574234247208, 0.2575262784957886, 0.4443781077861786, -0.2541504204273224, -0.2308444231748581, 0.14474597573280334, -0.5501530766487122, -1.0561304092407227, -0.6411921381950378, 0.30588769912719727, 1.3032267093658447, -0.29942092299461365, -0.2248161882162094, -0.8521540760993958, 0.10095421224832535, -0.4232623875141144, 0.9354472160339355, 0.02081342227756977, -1.2925971746444702, -0.8239737153053284, 2.9735054969787598, -0.8222429156303406, 1.2794286012649536, -0.797275722026825, 0.268332302570343, -0.46266472339630127, -0.49901023507118225, 1.15676748752594, -0.2000809907913208, -0.6354842185974121, -0.8872877955436707, 0.7042170763015747, -0.06236153841018677, 0.16202755272388458, -0.3698276877403259, -0.2804374098777771, 0.5909262299537659, 0.7474328875541687, -0.7361927628517151, -0.37460336089134216, -0.22114895284175873, -0.011166386306285858, -0.000906107947230339, 1.0814313888549805, -0.12367157638072968, 0.5540632009506226, 0.7114109396934509, -0.39633357524871826, -0.4070962965488434, 0.45011258125305176, -0.8452308773994446, 0.09487999230623245, 1.0250399112701416, 0.12863320112228394, -1.123018741607666, -0.37189194560050964, 0.49162063002586365, -0.35205355286598206, -0.6165663599967957, -0.10683244466781616, 0.02783219702541828, 0.39659810066223145, 0.15078094601631165, 0.9647191762924194, 0.6814290881156921, -0.21606361865997314, -0.6827034950256348, -0.8785098195075989, 0.2560592293739319, 0.8758273720741272, -1.0773389339447021, 0.2821049094200134, -1.905117154121399, -0.6469795107841492, -0.567363977432251, 0.546928346157074, 0.23228222131729126, -0.5220562219619751, 0.6630816459655762, -0.009037625044584274, 0.26527220010757446, 0.05918208882212639, 0.616691529750824, -1.0211677551269531, -0.64420086145401, 0.07457143068313599, 0.4332614541053772, -0.6807705163955688, 0.11857903748750687, 1.2234001159667969, 0.6557677984237671, -0.8148500323295593, -0.3296357989311218, -1.4683048725128174, 0.7826529741287231, 2.3829712867736816, 0.08299075812101364, -0.29179123044013977, -1.6677299737930298, -0.04210870712995529, -0.5470601916313171, -0.31022363901138306, -0.08699019253253937, -0.9311062693595886, 0.79420006275177, -1.1083629131317139, 0.6927290558815002, 0.5884257555007935, -0.16999560594558716, -0.12300366908311844, 1.0646770000457764, -0.6294069886207581, -0.3172847628593445, -1.131173849105835, -0.8654943108558655, 0.3789590299129486, 0.7772423028945923, 0.4370590150356293, -0.20509538054466248, 0.603252112865448, 0.15550625324249268, 0.9149674773216248, 0.6754561066627502, 0.41575533151626587, -0.2649517059326172, 0.9240988492965698, 0.38099801540374756, 0.6707227826118469, 0.44271695613861084, 0.18436329066753387, 0.2576441168785095, 1.1501340866088867, 0.01475861668586731, -0.6482608914375305, -0.22595976293087006, -0.15409091114997864, 1.1920353174209595, 0.6012848019599915, -0.5522856712341309, 0.9048272967338562, -1.1365424394607544, 0.4347209334373474, -0.5390077233314514, -0.7159169912338257, -0.8716853260993958, 0.21142695844173431, 0.8042349219322205, 0.25945520401000977, 0.4210912585258484, 0.10188053548336029, 0.0021731629967689514, -0.7573739886283875, -0.6321943998336792, -0.7141681909561157, 0.008873723447322845, -1.2121367454528809, -0.10076484084129333, 0.41502684354782104, -1.1895499229431152, -0.4609936475753784, -0.767410159111023, -0.029131202027201653, -0.9935721158981323, 0.11533591151237488, 1.8275482654571533, 0.027370251715183258, -0.016066867858171463, -0.48001301288604736, 1.7726269960403442, -0.3057597577571869, 1.1794826984405518, -0.390747994184494, 0.17791345715522766, -0.6384912133216858, 0.060876861214637756, -0.5659100413322449, -0.31487125158309937, 0.7615798115730286, 0.1080741360783577, 0.5302407741546631, -0.2688109576702118, -0.6242417693138123, 1.0816770792007446, -0.1344638466835022, -0.36651885509490967, -0.9973012804985046, 1.5709574222564697, -0.18120324611663818, -0.1728522628545761, 1.1798337697982788, -0.2569248080253601, -0.35441702604293823, 0.8734938502311707, 0.09591741859912872, 0.30958929657936096, 0.1542671173810959, 0.2504233121871948, 0.6310122609138489, 0.02304300293326378, -2.2021353244781494, 0.35777467489242554, 0.7693001627922058, 0.03833207115530968, -0.2195390909910202, -1.2225775718688965, 0.5011041760444641, 0.09164769947528839, -0.2789679169654846, 0.2880385220050812, -0.1736021786928177, 0.38029617071151733, 0.054669059813022614, 0.4426959156990051, 0.7524228692054749, -0.30404382944107056, 0.06183851882815361, 1.2921632528305054, -0.0291130468249321, -0.863031804561615, -0.10786508023738861, 0.26337212324142456, -0.4759458601474762, 0.7246766090393066, -0.6931174397468567, 0.5181669592857361, 0.7919895648956299, -0.4115639626979828, 0.2329707145690918, 0.7779003977775574, 0.7539317011833191, -0.07963667064905167, -0.010080515407025814, -0.4225684404373169, 0.1593787521123886, -1.1127989292144775, 1.9192622900009155, 0.05501377210021019, -0.7745028138160706, -1.72451651096344, -0.3685627579689026, -0.30125677585601807, -0.9515739679336548, 1.6730862855911255, 0.16083604097366333, 1.3071640729904175, 0.2567960023880005, 0.2791045010089874, -0.1831568032503128, -0.04051243141293526, 0.5816123485565186, 0.010032648220658302, 0.17333278059959412, -0.8937203884124756, -0.06324534118175507, 1.1440203189849854, -0.09858681261539459, -0.7290247678756714, -0.7477191090583801, 1.2690037488937378, 0.022923380136489868, 0.020172204822301865, -0.07836458086967468, 0.7951942086219788, 0.7283210158348083, 1.3497934341430664, -0.25001031160354614, -1.2256768941879272, -0.10787666589021683, 0.709392249584198, 0.4899739623069763, 0.590847373008728, -1.1058539152145386, -0.16703078150749207, -0.16504815220832825, 0.22966809570789337, 0.18496789038181305, 0.9791854619979858, 1.1876887083053589, -0.21382085978984833, -1.1503292322158813, -0.032665789127349854, -0.529690682888031, 0.013168079778552055, 0.09733065217733383, -0.36690860986709595, 0.18631823360919952, 0.35091328620910645, -0.20243993401527405, -0.16604308784008026, 0.32219552993774414, -0.8478230237960815, -1.040744662284851, 0.46885228157043457, 1.2790827751159668, -1.2488447427749634, -0.19316041469573975, 0.307415246963501, -0.9132993817329407, -0.7394468188285828, -0.1944606751203537, -1.1910194158554077, 1.320419192314148, 0.6282158493995667, 0.40587368607521057, -0.5119492411613464, -0.46414679288864136, -1.21603262424469, 1.145119071006775, 0.8918477296829224, -0.08669804036617279, 0.4312702417373657, 0.3657262921333313, 0.5308559536933899, 0.6247363090515137, -0.9001830220222473, 0.12143873423337936, 0.7085932493209839, -0.9284701347351074, -0.15257041156291962, -0.1719815582036972, -0.6009466648101807, 0.9384605288505554, 0.0646914690732956, 0.3415568768978119, -0.8475202918052673, -0.08634581416845322, -0.5583948493003845, 0.658564031124115, 0.24298787117004395, -0.5753099918365479, -0.955135703086853, 0.11101019382476807, -0.35777798295021057, 0.43749257922172546, 0.3663424253463745, 0.3789255619049072, 1.4796062707901, 0.12714803218841553, -0.2857792377471924, -0.1485772281885147, -10.908583641052246, 0.3301908075809479, 0.592242419719696, 0.07054883241653442, 0.3913078010082245, -0.36214935779571533, 0.2160266935825348, -0.23437532782554626, 0.6655999422073364, -0.1321074366569519, 0.8671823740005493, 1.0926998853683472, 0.3047010898590088, -0.9220219254493713, -0.4224383533000946, -0.910129725933075, -0.6690338850021362, -1.0463571548461914, 0.08672884106636047, 0.12864936888217926, -0.0387570858001709, -1.3239903450012207, -0.062431659549474716, 0.23707769811153412, 0.5859789252281189, -1.203426480293274, -0.865998387336731, -0.06011377274990082, -0.25739964842796326, -0.47374528646469116, 0.17388969659805298, -0.40754491090774536, -0.6214054226875305, -0.15994316339492798, 0.33647316694259644, 0.1921108216047287, -0.756571888923645, 0.3654671311378479, 0.7585316300392151, -0.9057841300964355, -0.43207603693008423, 0.2663125693798065, 0.4472075402736664, -0.538139283657074, -0.23205874860286713, -0.009645603597164154, 0.08380115777254105, -0.3531802296638489, 0.004401661455631256, -0.2885459065437317, -0.02503146231174469, -1.122420072555542, -1.5873969793319702, -0.8318644762039185, 0.10637365281581879, 0.5730132460594177, -0.5610287189483643, 0.7584652304649353, -0.3280363976955414, -0.62895667552948, 0.16625800728797913, 0.28489935398101807, 0.053569890558719635, 0.20786941051483154, 0.031079715117812157, -0.05389226973056793, 0.597175121307373, 0.6999597549438477, -0.30156901478767395, 0.8034325838088989, -0.9985643029212952, 0.9733517169952393, -0.213718444108963, 0.7646177411079407, -0.5190157890319824, 0.5500889420509338, -0.29736757278442383, -0.07990759611129761, 0.4319491386413574, -0.7805442810058594, -1.0452427864074707, 0.9949636459350586, -0.11227506399154663, 0.04938196763396263, -0.3012600243091583, 0.20162999629974365, 0.19478550553321838, -0.4329166114330292, 0.7256721258163452, -0.006597250699996948, 1.0536292791366577, -0.3707222640514374, -0.17815014719963074, 0.3567890524864197, -0.054255109280347824, 1.322380542755127, -0.18613775074481964, 0.8241835236549377, 0.9013239145278931, -0.15037861466407776, -0.3862445056438446, 0.04024200886487961, -0.6630604267120361, 0.018815461546182632, 0.6934242844581604, 0.9036141037940979, -0.12903305888175964, 0.16937914490699768, 0.3028111755847931, -0.548258900642395, 0.8953301310539246, 0.9338866472244263, -0.4240154027938843, 1.5582448244094849, -0.9935716390609741, 1.0326520204544067, 1.3307263851165771, -0.3353860378265381, 0.03729243576526642, 0.854832649230957, 0.18655610084533691, 0.7518635988235474, -0.024840043857693672, 1.3960274457931519, 0.12820874154567719, 0.39285513758659363, 0.4891687333583832, 0.09456807374954224, 0.46635621786117554, -2.400721311569214, 0.21760711073875427, 0.15373969078063965, 0.05467260628938675, 0.03655392676591873, -0.13232950866222382, 0.2730758786201477, -1.173020601272583, 1.1861166954040527, -0.8398374915122986, 0.3040541708469391, -0.20587867498397827, -0.44532138109207153, 0.36425307393074036, -0.6850813031196594, -1.0641006231307983, -0.10342172533273697, -2.173666000366211, 0.050914064049720764, -0.7743240594863892, -0.4246077537536621, -0.11614862084388733, -0.3109118938446045, 0.7784859538078308, -0.8481922149658203, -0.06823211908340454, -0.40856799483299255, 1.120080828666687, -0.8404742479324341, -0.6280421018600464, 0.31741151213645935, 0.8460632562637329, 2.0263519287109375, -0.9979626536369324, 0.9042453765869141, -0.2714237868785858, 0.2420189380645752, -0.7970525622367859, 0.04341889172792435, -1.3314907550811768, 0.10018178075551987, 1.1406906843185425, -1.478375792503357, -0.9874452352523804, -1.1499358415603638, -0.6013873219490051, -1.220137357711792, 0.5205367803573608, 0.37937507033348083, -0.7608680725097656, -0.6815698742866516, -0.34880444407463074, 0.14009606838226318, 0.07456828653812408, -0.10996931791305542, -1.3011995553970337, -0.23023352026939392, -0.9618397355079651, 1.497359275817871, -0.3429964780807495, 1.216109275817871, -1.7910114526748657, -1.1132638454437256, -1.0720268487930298, 0.027281705290079117, 0.28706681728363037, -0.31032896041870117, 1.0171054601669312, 0.7497187256813049, -0.33894720673561096, 0.39391857385635376, -0.30812007188796997, 0.5376179218292236, 0.3146776854991913, 0.6268900036811829, -0.06786908209323883, 1.1470768451690674, -0.4212020933628082, 0.04548150673508644, 0.3172810971736908, 0.5291510224342346, -1.175542950630188, -0.8614157438278198, 0.10903897881507874, 0.7207315564155579, 0.27017742395401, -0.8862749338150024, -0.15259411931037903, -0.6081144213676453, 0.0788097158074379, -0.7167474031448364, -0.3140479028224945, 0.6499217748641968, 0.309492826461792, 0.4433704614639282, 1.623458981513977, 0.6438969373703003, 0.6621630787849426, 0.4161248207092285, 1.457939863204956, 0.21354328095912933, -0.2849941849708557, 0.13868559896945953, 0.3299705684185028, 0.1503044068813324, -0.1529558151960373, -0.5644763708114624, -1.021247148513794, 0.6000999808311462, -0.3832693099975586, 1.057734727859497, -0.39749711751937866, 0.1832243800163269, 0.13948270678520203, 1.096875786781311, -0.13137388229370117, -1.0789210796356201, -0.8528167009353638, -1.6665743589401245, -0.30054962635040283, -0.00193028524518013, 0.7106714844703674, 1.2443748712539673, 0.5921981334686279, -0.21404926478862762, 0.6877970695495605, -0.07989665865898132, -0.044251129031181335, -0.1470712125301361, -0.22795142233371735, 0.7733311057090759, 0.4689859449863434, 0.9467921257019043, 0.032307662069797516, 0.17188744246959686, -1.5908304452896118, -0.09522198140621185, -0.49746042490005493, 0.5664848685264587, 0.2419629842042923, -0.25708797574043274, -0.10669592767953873, -0.5717518925666809, 0.2910471260547638, 0.011923507787287235, 1.147788643836975, 0.28743427991867065, -0.5189410448074341, -1.4265505075454712, -1.1554256677627563, -0.6926648020744324, 0.6912688612937927, -0.6164076328277588, -0.38019055128097534, -0.34138429164886475, 0.22444330155849457, 0.7191538214683533, 0.04975081980228424, -0.8081294894218445, 0.15827688574790955, -0.6096524000167847, -0.050404295325279236, 0.32776400446891785, -1.0553146600723267, -0.8004258275032043, -0.5724092125892639, -1.1448917388916016, 1.0826020240783691, 0.21243499219417572, -0.9244256019592285, -0.09916584193706512, 0.6396637558937073, 0.2425115406513214, -0.046152178198099136, 0.33943259716033936, -0.07394354045391083, -1.5670294761657715, 0.5832483172416687, 1.333525538444519, -0.3296082019805908, -0.1113598495721817, 0.4028276205062866, 0.5540497303009033, 0.386417955160141, 1.4568055868148804]} +{"paper_id": "lewtun/autoevaluate__conll2003", "embedding": [-0.8245734572410583, 1.0168572664260864, -0.04691140353679657, -0.16086620092391968, 0.3957699239253998, -0.27493923902511597, 0.5037168860435486, 0.35855692625045776, 0.8440216779708862, 1.0797536373138428, 0.5440380573272705, -0.06958407163619995, 0.21261222660541534, -0.34944555163383484, -0.3570877015590668, -0.2542477250099182, -0.7450728416442871, -0.9862149357795715, -0.4961429238319397, -0.3207627832889557, -1.155400276184082, -0.17584790289402008, -0.029795071110129356, 0.26640206575393677, -0.8874750137329102, -0.3547095060348511, 0.2722317576408386, -0.8967945575714111, -0.10467389971017838, 0.5787385702133179, -0.24117109179496765, 1.3286350965499878, -1.0463656187057495, 0.2433784306049347, -0.2895853817462921, -0.08184843510389328, 0.3031845986843109, 0.3814138174057007, -0.7871125340461731, -0.006476718932390213, -0.50025475025177, -0.3127981424331665, 0.6103029251098633, 0.2751537263393402, 1.133336067199707, -0.1645950824022293, 0.0837755873799324, 0.44682812690734863, 0.19700272381305695, 0.19828198850154877, -0.5480467081069946, 0.36418941617012024, 0.2645326256752014, 0.5130343437194824, -0.18355289101600647, 0.5848687887191772, 0.6045353412628174, -0.817780613899231, 0.20367048680782318, -1.24880051612854, 0.34999462962150574, 0.862103283405304, -0.30825838446617126, 0.053154636174440384, 0.7172859311103821, 0.2879931330680847, 0.8795527815818787, 0.013389050960540771, 0.6090158820152283, 0.5252422094345093, 0.013263896107673645, -1.014847755432129, 0.45251280069351196, -0.1027732789516449, 0.900338888168335, 0.9910125732421875, 0.40193942189216614, -0.20782816410064697, 0.31662970781326294, -0.4498361051082611, -0.487066388130188, 0.7229139804840088, 0.37899112701416016, -0.14908719062805176, -0.013454224914312363, -0.17293205857276917, 0.6372617483139038, -0.5040573477745056, 0.6079983115196228, -1.212895393371582, 0.16984206438064575, 0.19142654538154602, -0.02948227897286415, 0.2061997354030609, -0.017271429300308228, 0.08028111606836319, 0.06339403986930847, -0.2696676254272461, -0.626417875289917, 0.2974449098110199, 0.6135320663452148, -0.140464186668396, -0.01011850405484438, -0.14749747514724731, 0.08588513731956482, 0.9964385032653809, -0.882175087928772, -0.19217103719711304, -0.6760616302490234, -0.19715313613414764, 0.01316402480006218, 1.569879412651062, 0.6264651417732239, 0.10775666683912277, 0.23028656840324402, 0.09765168279409409, 0.7543500065803528, -0.5705509185791016, -0.7278350591659546, 0.004591003060340881, -0.26084473729133606, -0.9385915994644165, -0.34562984108924866, -0.0208367258310318, 0.9247543215751648, -0.4432399570941925, 0.7688595056533813, -0.02085939049720764, 0.319344162940979, -0.33474835753440857, 0.34910741448402405, 0.3994438946247101, -0.06530904024839401, -0.31982019543647766, 2.158900499343872, -0.8235156536102295, 0.961541473865509, -0.41204267740249634, 0.10071820020675659, -0.02883867919445038, 0.34170016646385193, 0.6959213018417358, 0.25898289680480957, -0.2647300958633423, -0.6000881791114807, 0.10251068323850632, -0.3879120945930481, 0.5841007232666016, -0.8228929042816162, -0.47513750195503235, 0.28376537561416626, 0.6086459159851074, -1.2648760080337524, -0.5361401438713074, 0.06144789978861809, 0.5896456837654114, 0.059997010976076126, 0.31939372420310974, -0.4311632513999939, 0.8155263066291809, 0.9502439498901367, 0.3414790630340576, -0.6853528022766113, 0.2120758593082428, -0.7311959266662598, -0.08918440341949463, 0.9940800666809082, -0.23849809169769287, -0.7709051370620728, -0.09366686642169952, 0.5637843608856201, -0.3148036301136017, 0.3679938316345215, -0.22617872059345245, -0.2474706768989563, -0.1137404665350914, 0.8307660818099976, 0.118222177028656, 0.19930598139762878, -0.5719578862190247, 0.2378808557987213, 0.10729925334453583, -0.17568525671958923, 0.7097284197807312, -0.05258142948150635, 0.4342164695262909, -1.2289191484451294, -0.023166023194789886, 0.15032444894313812, 0.2875698208808899, -0.513166606426239, -0.5981302857398987, -0.01610720157623291, 0.04676317051053047, 0.3333282470703125, 0.02355826273560524, 0.3656683564186096, -1.2945053577423096, -0.7464914917945862, 0.37839245796203613, -0.04316989332437515, -0.19137048721313477, 0.05862424522638321, 1.319193959236145, 0.37838035821914673, -0.3181350529193878, -0.4303553104400635, -1.3925405740737915, 0.0656740665435791, 1.977388620376587, -0.14368191361427307, -0.8413496613502502, -1.033408761024475, -0.4648110866546631, 0.4318990707397461, -1.1198183298110962, 0.22503933310508728, -0.4875020384788513, 0.25156885385513306, -1.6275043487548828, 0.16482999920845032, -0.468270480632782, -0.27638161182403564, 0.2066284865140915, 0.8877497911453247, -0.3568243086338043, -0.6037379503250122, -0.24890537559986115, -0.715387761592865, 0.2938389480113983, 0.6878985166549683, 0.47347235679626465, -0.34426265954971313, 0.5030639171600342, 0.32244035601615906, 0.2835395932197571, -0.2708013355731964, 0.6010999083518982, -0.7095996141433716, 0.22735098004341125, -0.2884856164455414, 0.43170076608657837, -0.4162851572036743, -0.16555064916610718, 0.5535629391670227, 0.49012279510498047, -0.22567614912986755, -0.5775272250175476, 0.05054054409265518, 0.32882189750671387, 1.1422557830810547, 1.0181889533996582, -0.4939604103565216, 1.0032542943954468, -0.9516308903694153, 0.41247281432151794, -0.4673164486885071, -0.19369734823703766, -0.26097559928894043, -0.3377005457878113, 0.6733689308166504, -0.32699257135391235, -0.2412029504776001, -0.08102940022945404, -0.08752144128084183, -1.1759637594223022, -0.07752686738967896, 0.20521870255470276, -0.537205696105957, -0.8057748079299927, -0.23280943930149078, 0.1785762757062912, -0.7532176375389099, -0.7225930094718933, -0.06340311467647552, 0.5292307734489441, -0.2670433819293976, 0.6568046808242798, 1.2644683122634888, -0.08935001492500305, 0.1911105215549469, -0.2291317582130432, 0.7687623500823975, -0.9144107103347778, 0.6212604641914368, 0.24347713589668274, 0.15020285546779633, -0.6738287806510925, -0.10492385923862457, -0.0824231281876564, 0.41217437386512756, 0.2310105264186859, 0.15304601192474365, 0.2997618019580841, -0.17656418681144714, -1.0631965398788452, 1.3751871585845947, -0.588441014289856, 0.18291383981704712, -0.986303985118866, 1.6194618940353394, 0.6567886471748352, 0.19755668938159943, 0.3560875654220581, 0.39201733469963074, -0.03284554183483124, 1.018240213394165, -0.4359106719493866, 0.5157718062400818, -0.07055339217185974, -0.34608152508735657, -0.18727508187294006, 0.5348567366600037, -2.175494432449341, -0.3264525234699249, 0.21799619495868683, 0.0878361165523529, 0.3420395255088806, 0.3247310519218445, 0.521767795085907, -0.3604043126106262, -0.2565476596355438, 0.5031819343566895, -0.5778647661209106, 0.5102872848510742, -0.8381869792938232, -0.3585173487663269, 0.3961809575557709, 0.021732352674007416, 0.24074076116085052, 0.15372073650360107, 0.5137168169021606, -0.8525733947753906, -0.013627465814352036, 1.03462553024292, -0.39581409096717834, 0.558627724647522, 0.7780816555023193, 0.4313192367553711, 1.0332067012786865, -1.0685300827026367, 0.015093355439603329, 0.3925495743751526, 0.15591609477996826, 0.15022285282611847, 0.16146963834762573, 0.36552178859710693, 0.4415023922920227, -0.3140898048877716, 0.9237926602363586, 0.49105724692344666, -0.9460236430168152, -0.9483147859573364, -0.25982972979545593, -0.8794086575508118, -0.05864004045724869, 1.720343828201294, 0.5027154684066772, 1.3241052627563477, 0.2112441509962082, 0.3638051748275757, -0.4704383909702301, -0.07353506982326508, 1.1464341878890991, 0.27580690383911133, -0.06456243991851807, -0.057781413197517395, 0.6819140911102295, 0.13193558156490326, -0.006302664987742901, -0.2659838795661926, -0.17269468307495117, 0.49511072039604187, 0.19097496569156647, -1.005807638168335, 0.04930860176682472, 0.22105468809604645, 0.28240832686424255, 1.4230717420578003, -0.5662777423858643, -0.5663179755210876, 0.011613056063652039, 0.49338504672050476, 0.4720478057861328, 0.4613276720046997, -0.5880547761917114, -0.20337074995040894, 0.09965255856513977, 0.5794357061386108, -0.2522723972797394, 0.7607166767120361, 0.7825049161911011, -0.30620110034942627, -1.0177836418151855, -0.10880817472934723, -1.4265735149383545, -0.11141504347324371, -0.1320846974849701, -0.45471614599227905, -0.4367470145225525, -0.02442387491464615, -0.3435075283050537, -0.7640909552574158, 0.22307837009429932, -0.9743747115135193, -1.0487372875213623, 1.0216017961502075, 1.3298282623291016, -0.6906209588050842, -0.6167353987693787, -0.18796035647392273, -0.3241443634033203, -0.5728784203529358, -0.06134937331080437, -1.1666357517242432, -0.2051234096288681, -0.03682641312479973, 0.5228460431098938, 0.2682979702949524, 0.024236038327217102, -0.45507171750068665, 0.8858973383903503, 0.7093040943145752, -0.2233382761478424, 0.38804304599761963, -0.13283583521842957, 0.4113014340400696, -0.42492157220840454, -1.229897379875183, -0.7076137661933899, 0.7515052556991577, -0.5027192831039429, -0.46357765793800354, -0.8201180100440979, -0.5568181872367859, 0.31204017996788025, -0.2191592901945114, 0.5758681297302246, -0.6532788276672363, 1.203643798828125, -0.9246266484260559, 0.303760290145874, 0.11893600970506668, -0.5755839943885803, -1.1372584104537964, 1.1099894046783447, -0.08880046755075455, -0.07339949905872345, -0.5142270922660828, 0.9242242574691772, 0.8661425113677979, 0.3465980589389801, 0.35776931047439575, -0.31345877051353455, -14.080900192260742, 0.31376761198043823, -0.21441835165023804, 0.3308921456336975, 0.6757867932319641, -0.24015450477600098, 0.6861591339111328, 0.7539075016975403, 0.44888362288475037, -0.232033833861351, 0.2111118882894516, 0.8951748013496399, -0.030906282365322113, 0.07220186293125153, 0.12222067266702652, -0.5672158002853394, -0.359860360622406, -0.4592016339302063, 0.12707765400409698, 0.08462610840797424, -0.23589858412742615, -0.6967166662216187, -0.4281617999076843, -0.10147809982299805, 0.12778420746326447, -0.15841899812221527, 0.3694189488887787, -0.029840953648090363, -0.49589598178863525, 0.024671003222465515, 0.4584815502166748, -0.39141392707824707, -0.6540921330451965, -0.05666981637477875, 0.1067672073841095, 0.2521727383136749, -0.8567979335784912, 0.09286704659461975, 0.9075387120246887, 0.13572411239147186, -0.21352864801883698, 0.19408562779426575, 0.10791472345590591, -0.03794773668050766, -0.2891261577606201, -0.10975311696529388, 0.3764999806880951, -0.8813285827636719, 0.10966664552688599, -0.4446825087070465, -0.23469623923301697, -0.2517924904823303, -0.7127598524093628, -0.22525060176849365, 0.7954434156417847, -0.36678287386894226, -0.13068997859954834, 0.1303253173828125, -0.5630851984024048, -0.9689435958862305, 1.4801334142684937, 0.427573025226593, -0.5156263709068298, 0.30879202485084534, 0.5756672620773315, -0.4869915246963501, 0.3636588752269745, 0.4142557680606842, -0.2844214141368866, 0.30946779251098633, -0.7504799962043762, 0.5536768436431885, 0.5784969329833984, 0.1975598931312561, -0.06496532261371613, -0.1893482804298401, -0.12528641521930695, 0.15147586166858673, -0.0018650665879249573, 0.42361944913864136, -0.7338171005249023, 0.7745380997657776, -0.12216294556856155, 0.21800240874290466, -0.6425565481185913, -0.03630806505680084, -0.4081081449985504, -0.367953360080719, 0.04044882208108902, 0.05173894017934799, 0.8366275429725647, -0.040063194930553436, -0.5125049352645874, -0.2684294581413269, -0.5824748277664185, 0.8587866425514221, -0.6198101043701172, 0.811715304851532, 0.2761223614215851, -0.22305446863174438, 0.07210478186607361, -0.5156017541885376, -0.4110797643661499, 0.11944662034511566, 0.6441731452941895, -0.5144424438476562, -0.040539517998695374, 0.2103031575679779, 0.6372328996658325, -0.08321371674537659, 0.7587094306945801, -0.46302905678749084, 0.08498524129390717, 0.8763232827186584, -0.020991742610931396, 0.740379273891449, 0.5805203318595886, 0.2824765145778656, 0.9904171228408813, 0.9943905472755432, 0.4313685894012451, 0.4757024943828583, 0.12730297446250916, 1.2278616428375244, 0.04950886592268944, -0.1953725963830948, 0.5498538613319397, 0.571590006351471, 0.6214984655380249, -1.4343395233154297, -0.40208500623703003, -0.2255876213312149, 0.006064584478735924, -0.6562343239784241, -0.3217739760875702, -0.5621400475502014, -0.7867429852485657, 1.5025266408920288, -0.2182089388370514, 0.6519443392753601, -0.29877471923828125, -0.7663474678993225, -0.11118082702159882, -0.10224977135658264, -0.29098188877105713, 0.06082375347614288, -1.1578631401062012, -0.08867600560188293, -0.2929900288581848, -0.5630582571029663, 0.5401550531387329, -0.15129496157169342, 0.703376054763794, -0.5948646068572998, 0.3471902310848236, 0.13908007740974426, 0.3100379705429077, -0.38609451055526733, -0.5719978213310242, -0.41565629839897156, 0.17373061180114746, 0.4773624539375305, -0.6194759011268616, 0.8171550631523132, 0.44343140721321106, -0.3362773656845093, -0.6898519992828369, -0.42674559354782104, -0.23536773025989532, 0.14230680465698242, 0.865411639213562, -1.1684623956680298, 0.39299139380455017, -0.5012407898902893, -0.1060718297958374, -1.1065375804901123, -0.15962138772010803, 0.8553519248962402, -0.35406064987182617, 0.3910599946975708, 0.04647136479616165, 0.8056930899620056, 0.6337079405784607, -0.25764793157577515, -1.0067204236984253, -0.5469593405723572, 0.30809837579727173, 0.9210084080696106, 0.041392192244529724, 0.16397804021835327, -0.8287177085876465, -0.5269603729248047, -0.4803590178489685, -0.03597399219870567, 0.3267711400985718, 0.09087090939283371, 0.568183183670044, 0.768663763999939, 0.034971386194229126, 0.3012876808643341, 0.09991765022277832, 0.774345338344574, 0.11915747821331024, 0.049229998141527176, -0.30520138144493103, -0.25210270285606384, -0.4238629639148712, 0.28042641282081604, 0.4720458984375, 1.057763934135437, -0.8459255695343018, -0.4175255298614502, 0.5184648036956787, -0.22364528477191925, 0.14056900143623352, -0.6794390678405762, -0.006502058357000351, 0.20467574894428253, 0.030968308448791504, -0.6587722301483154, -0.17273733019828796, 0.37124115228652954, -0.5507170557975769, 0.7116518616676331, -0.049784500151872635, 0.27781960368156433, 0.2425408661365509, 0.16579127311706543, 1.2119929790496826, -0.3319432735443115, 0.05429093539714813, 0.4549071490764618, -0.5336880683898926, -0.4596893787384033, -0.4639761745929718, 0.4621601998806, -0.7150552272796631, 0.4249413013458252, -0.6448948383331299, 0.04911964759230614, 0.031204331666231155, -0.0631110891699791, 0.30932679772377014, 0.5130967497825623, -0.20678013563156128, -0.9615751504898071, -0.8023005723953247, -0.29625043272972107, -0.2587924003601074, -0.192918598651886, -0.23577634990215302, 0.8672784566879272, 0.7836495041847229, 0.10132534801959991, 1.1731529235839844, 0.12246011197566986, -0.41864991188049316, 0.32562077045440674, -0.011967867612838745, 1.0586456060409546, 0.4312094748020172, 0.03257046639919281, -0.015119584277272224, -0.17422306537628174, -1.0046433210372925, -0.41286683082580566, -0.21512514352798462, 0.5163424015045166, 1.1917856931686401, -0.5883675217628479, -0.0035554543137550354, -0.5123138427734375, 0.14822033047676086, -0.4034615159034729, 0.0890970528125763, 0.3111491799354553, -0.238689586520195, -0.31316280364990234, -0.4643336534500122, 0.042674362659454346, 0.9974231123924255, -0.09850002825260162, -0.5275910496711731, -0.9860934615135193, -0.3527693450450897, -0.41280603408813477, -0.3669339418411255, -0.3464857041835785, 0.4727489948272705, 0.09846159815788269, 0.32272303104400635, 0.4222959578037262, -0.4791543185710907, -0.5174510478973389, 0.31595340371131897, -0.5506433248519897, 0.5894030332565308, -0.026108253747224808, -0.7611163854598999, -0.23238001763820648, 0.4019768238067627, -0.2612036168575287, -0.13278286159038544, 0.8195866346359253, -0.6963359117507935, -1.0696676969528198, 0.37389180064201355, 0.4949418604373932, -0.0071794418618083, -0.04373574256896973, 0.2715924382209778, 0.7173471450805664, 0.0389120951294899, 0.8929876089096069]} +{"paper_id": "cfilt/HiNER-collapsed", "embedding": [-0.7266836762428284, 1.1231226921081543, -0.19640906155109406, -0.4215070605278015, -0.026685595512390137, -0.38491615653038025, -0.3350488841533661, 0.6061751246452332, 1.14744234085083, 0.8215103149414062, 0.3518328070640564, -0.6572146415710449, -0.4070862829685211, -0.6224581003189087, -0.5486376881599426, 0.0884016752243042, -0.03520125523209572, -1.0258541107177734, -0.6089540719985962, -0.3509398102760315, -1.6097979545593262, -0.6234515309333801, -0.013697493821382523, 0.7530631422996521, -0.9167382121086121, -0.7041767239570618, 0.260763555765152, -0.9401645064353943, -0.001225098967552185, -0.1258784830570221, -0.4524661898612976, 0.9584091305732727, -1.4538458585739136, 0.3791322112083435, -0.20016396045684814, -0.21924160420894623, 0.8495499491691589, 0.8412528038024902, -0.3284760117530823, -0.18054218590259552, -0.7356933951377869, -0.5890035033226013, 0.7728365659713745, 0.4045632481575012, 1.4810656309127808, -0.2707502543926239, 0.2775692343711853, 0.2807731628417969, 0.12001454830169678, -0.038508638739585876, -0.3835192918777466, 0.31823235750198364, 0.3175399601459503, 0.3183613419532776, -0.5849081873893738, 1.1303199529647827, 0.3290463984012604, -1.039475440979004, 0.4512023329734802, -0.27709656953811646, 0.2778897285461426, 1.0659016370773315, -0.2152942717075348, -0.1337132453918457, 0.9508906006813049, 0.3153710961341858, 1.6587969064712524, -0.42371290922164917, 0.9539311528205872, 0.6202464699745178, 0.10606643557548523, -1.7571979761123657, 0.16084960103034973, -0.43027082085609436, 0.6554533243179321, 0.7888544797897339, 0.7259175777435303, 0.10625644028186798, 0.537586510181427, 0.07547745853662491, -0.07053345441818237, 0.8774773478507996, 0.6760169863700867, -0.058058708906173706, -0.1959962546825409, 0.04965522885322571, 0.575674295425415, -0.6901227831840515, 0.7176684737205505, -1.55597984790802, 0.7944281697273254, 0.01532808504998684, -0.802825391292572, -0.29018592834472656, -0.20245075225830078, 0.5831660032272339, -0.5300984978675842, -0.5873805284500122, -0.7644304037094116, 0.7417168617248535, 0.755325436592102, -0.3595823347568512, -0.12557968497276306, -0.3767968714237213, -0.06548579037189484, 1.8105906248092651, -1.0534381866455078, 0.11712131649255753, -1.4356317520141602, 0.41224849224090576, 0.37395554780960083, 1.3139790296554565, 0.02018880471587181, 0.5077126026153564, -0.20053111016750336, 0.10794737190008163, 0.05804053321480751, -0.5525877475738525, -0.6611174941062927, 0.5818695425987244, -0.4646156430244446, -0.787895917892456, -0.12740954756736755, 0.5235592126846313, 1.3678038120269775, -0.9751936793327332, 0.8614258766174316, 0.12139902263879776, -0.08391028642654419, -0.27285170555114746, 0.6302882432937622, 0.07398758083581924, -0.7815058827400208, -0.21230429410934448, 3.3201775550842285, -1.3364814519882202, 0.8256576657295227, -0.2734431028366089, -0.19355066120624542, -0.004850953817367554, 0.5332146286964417, 1.2704243659973145, 0.5554448366165161, -0.6849759817123413, -0.42352887988090515, 0.5613515377044678, -0.9759684205055237, 0.45678678154945374, -0.5864053964614868, -0.4066675305366516, -0.1855953186750412, 0.5371938943862915, -1.363483190536499, -0.45337867736816406, -0.023064661771059036, 0.485879510641098, 0.24884837865829468, 0.5579102039337158, -0.15204660594463348, 1.3774278163909912, 0.5494305491447449, -0.13009196519851685, -0.47819679975509644, 1.0281046628952026, -0.7682862877845764, 0.04227438196539879, 1.5995701551437378, 0.011945314705371857, -1.3157215118408203, -0.39389097690582275, 1.225813865661621, -0.2722953259944916, -0.07639168202877045, -0.30224838852882385, -0.49693289399147034, -0.12558647990226746, 0.8102582693099976, 0.7768517732620239, -0.25138068199157715, -0.2994406521320343, 0.3426773250102997, 0.46031704545021057, -0.6771799325942993, 0.5318654775619507, -0.14191140234470367, 0.458320677280426, -2.0549230575561523, -0.5481224656105042, -0.18037761747837067, 0.8142924904823303, -0.293872594833374, -0.2932058870792389, -0.2287663221359253, 0.858073890209198, 0.10937990248203278, -0.35780206322669983, 0.7784011363983154, -1.8444470167160034, -0.6006366014480591, 0.06327219307422638, 0.21203486621379852, -0.5390052199363708, -0.5176974534988403, 1.2927781343460083, 0.472278892993927, -0.5171120166778564, -0.6365839242935181, -1.8087890148162842, 0.2169342339038849, 1.9576183557510376, 0.25473326444625854, -1.034677505493164, -1.805793046951294, -0.6701616644859314, -0.004918359220027924, -1.0269700288772583, 0.8163808584213257, -0.5184566378593445, 0.37475326657295227, -1.200299859046936, 0.49562159180641174, -0.7334861755371094, 0.17297396063804626, 0.6857101321220398, 0.6659953594207764, -0.43089818954467773, -0.31124410033226013, -0.302636981010437, -0.5926807522773743, 0.7064375281333923, 0.28845059871673584, 0.05364688113331795, -0.1988544911146164, 1.207807183265686, 0.6198068857192993, 0.5602778196334839, -0.2579099237918854, 0.27015751600265503, -0.3831530213356018, 0.6059373617172241, -0.3900374472141266, 0.13995426893234253, -0.24439342319965363, -0.7019587159156799, 0.9829373955726624, -0.2476949244737625, -0.7619134187698364, -0.32663261890411377, 0.14630433917045593, -0.006291724741458893, 1.3595914840698242, 1.0250115394592285, -0.7683562636375427, 0.5321258306503296, -1.3529950380325317, 0.3799544870853424, -0.42693212628364563, -0.5806519389152527, -0.29895922541618347, 0.07927879691123962, 0.9708298444747925, -0.4018251299858093, -0.11052446067333221, -0.4043939709663391, 0.1510677933692932, -1.4758069515228271, -0.24082615971565247, 0.18237370252609253, -1.0418295860290527, -0.9515849351882935, 0.2829296290874481, 0.06341014057397842, -0.8563069701194763, -0.6586151123046875, 0.21608170866966248, 0.8232479095458984, 0.36962828040122986, 0.8491199016571045, 1.434970736503601, -0.3627505302429199, -0.06105741858482361, 0.3678776025772095, 0.6757533550262451, -0.6265077590942383, 0.8207892775535583, 0.4683983623981476, 0.5034483671188354, -0.7652317881584167, -0.10185237228870392, -0.04815101623535156, 0.5465611815452576, 0.18222296237945557, 0.4226600229740143, 0.5615628361701965, -0.5064210891723633, -1.0464829206466675, 1.3648583889007568, 0.04434416443109512, 0.008899793028831482, -1.257655143737793, 1.0609668493270874, 0.36386963725090027, -0.21700628101825714, 0.4211331605911255, 0.1529245674610138, 0.04138697311282158, 1.3698652982711792, -0.49035122990608215, 0.6023662686347961, 0.32765787839889526, -0.2965867519378662, -0.31331226229667664, 0.9251118302345276, -1.78905189037323, -0.11170459538698196, 0.26568031311035156, 0.10080249607563019, 0.397874116897583, -0.2737477421760559, 0.35727667808532715, -1.0183789730072021, -0.34690266847610474, -0.16159674525260925, -0.4170183539390564, 0.22315269708633423, -0.6362754106521606, -0.3316305875778198, 0.6068291664123535, -1.2147750854492188, 0.6209049820899963, 0.5996566414833069, 0.06910913437604904, -1.3321536779403687, -0.03233904764056206, 1.8015626668930054, -0.052719175815582275, 0.4462651014328003, 0.19269561767578125, 1.1169993877410889, 1.0550531148910522, -0.9113322496414185, 0.25108519196510315, 0.34044575691223145, 0.6891351342201233, 0.1958131194114685, 0.20128223299980164, -0.15727324783802032, 0.8689337372779846, -0.09816776216030121, 0.8538511395454407, 0.09423406422138214, -0.488307386636734, -1.4082425832748413, 0.23137272894382477, -0.5241445302963257, -0.03721442073583603, 2.3978185653686523, 0.7421767115592957, 1.7717472314834595, -0.10436948388814926, 0.3167324662208557, -0.8496770858764648, 0.329935222864151, 0.72055584192276, 0.4832676947116852, 0.01935042440891266, -0.5376205444335938, 0.5103570818901062, -0.09417775273323059, -0.40943101048469543, -0.6394557952880859, -0.04753758758306503, 1.0955827236175537, 0.12352237105369568, -1.0294034481048584, -0.23189294338226318, 0.006622932851314545, 0.5413183569908142, 1.4937846660614014, -0.6542759537696838, -0.8906506299972534, -0.3543800711631775, 0.47713950276374817, 0.6956812143325806, 0.4593789577484131, -0.8986771106719971, 0.2951246201992035, 0.38514000177383423, -0.234853133559227, 0.011315211653709412, 1.2503553628921509, 1.2512766122817993, -0.2920610308647156, -1.3554213047027588, -0.06086175888776779, -1.1952407360076904, -0.3156943619251251, 0.25949278473854065, -2.1260231733322144e-05, -0.8290174603462219, 0.4701906442642212, -0.050305724143981934, -0.9658638834953308, 0.9456683397293091, -0.8533173203468323, -1.954110860824585, 1.6932140588760376, 1.4601365327835083, -0.8668582439422607, -0.6353044509887695, 0.38055747747421265, -0.6491523385047913, -0.8672322630882263, 0.1108655333518982, -1.3165316581726074, 0.48378831148147583, 0.14546354115009308, 0.8805142641067505, 0.1526642143726349, -0.2985444962978363, -0.48894551396369934, 0.504472553730011, 1.1730421781539917, -0.49158787727355957, 0.5476038455963135, 0.36032959818840027, -0.10562238842248917, -0.2429998517036438, -1.96806001663208, -1.7052897214889526, 0.13088442385196686, 0.10122568905353546, 0.5164527893066406, -0.9587830901145935, -0.8759591579437256, 0.2820288836956024, -0.6478036046028137, 0.45144081115722656, -0.5766145586967468, 0.7622138857841492, -0.8104579448699951, -0.10786024481058121, 0.08605915307998657, -0.7996122241020203, -1.4375396966934204, 1.531290054321289, 0.007858872413635254, 0.5619045495986938, -0.08708709478378296, 0.9408854246139526, 1.7286020517349243, 0.3276829719543457, 0.2482137233018875, -0.42160937190055847, -10.831543922424316, 0.36638787388801575, 0.10105728358030319, 0.3489980101585388, 0.31597763299942017, -0.5207374095916748, 0.8152255415916443, -0.40489476919174194, 1.0674238204956055, -0.7051138281822205, 0.8711773753166199, 1.6177464723587036, 0.11325281113386154, -0.1414373368024826, -0.8056671023368835, -1.142784833908081, -0.18262618780136108, -0.3009861409664154, 0.5303563475608826, 0.3024709224700928, -0.933372974395752, -1.246611475944519, -0.09564817696809769, 0.22780418395996094, 0.48925885558128357, 0.3395422101020813, 0.26253440976142883, 0.07292483747005463, -0.45300614833831787, 0.29998886585235596, 0.6203857064247131, -0.4129563868045807, -1.3671389818191528, -0.11771988868713379, 0.20395798981189728, 0.05130481719970703, -1.3817938566207886, 0.006750974804162979, 1.445311427116394, 0.4610673189163208, -0.29363900423049927, 0.4700789153575897, 0.42154625058174133, -0.2713456153869629, -0.7984197735786438, 0.4481315612792969, 0.6378328204154968, -1.2111104726791382, -0.3141467869281769, -0.14895129203796387, -0.21672561764717102, -0.32980772852897644, -1.113440990447998, -0.1154412180185318, 1.0434643030166626, -0.4462675154209137, -0.5388408303260803, 0.29370829463005066, -0.6884873509407043, -1.3654638528823853, 1.5009238719940186, -0.08516671508550644, -0.3133249878883362, 0.4112585186958313, 0.6568418145179749, -0.5311325192451477, 0.37808284163475037, 0.018391050398349762, -0.011924833059310913, 0.23177970945835114, -0.49594569206237793, 0.33816128969192505, 0.6503739356994629, 0.18074311316013336, -0.4514921307563782, -0.40049120783805847, -0.2397400438785553, 0.20598763227462769, 0.26765596866607666, 0.3524008095264435, -1.036429762840271, 1.2505828142166138, -0.09815283119678497, 0.014138862490653992, -0.6919839382171631, -0.41788342595100403, -0.5556085705757141, -0.7509320378303528, 0.5697176456451416, -0.16057942807674408, 0.6977555751800537, -0.22758707404136658, -0.7885454297065735, 0.08298482745885849, -0.8731545805931091, 0.893544614315033, -0.30780941247940063, 1.128962755203247, 0.1931121051311493, -0.843952476978302, 0.40639740228652954, -0.7130329012870789, -0.23627768456935883, -0.0760309100151062, 0.6012526154518127, 0.4558645486831665, -0.03776067495346069, 0.14483880996704102, 0.48288694024086, 0.05360020324587822, 1.2160606384277344, -0.6704505085945129, -0.16758812963962555, 1.044175624847412, 0.3754632771015167, 0.7175532579421997, 0.3068465292453766, 0.002221539616584778, 0.7400065660476685, 0.6649529337882996, 0.5019426345825195, 0.9459736943244934, -0.01709587313234806, 1.1310640573501587, 0.33014559745788574, -0.6952565908432007, 0.9704153537750244, 0.5671846866607666, 0.17787042260169983, -2.040494680404663, 0.4954303503036499, 0.32366353273391724, -0.5655333995819092, -0.7418719530105591, -0.4912729561328888, -0.49418535828590393, -1.0391837358474731, 1.5615267753601074, -0.07653788477182388, 0.14290517568588257, 0.39789092540740967, -0.9059793949127197, 0.08435305953025818, 0.2311907261610031, -0.8239086270332336, -0.13644206523895264, -0.72234708070755, -0.2080448567867279, -0.7040899395942688, -0.6666679382324219, 0.15324880182743073, -0.10000579059123993, 0.99793541431427, -0.6617001891136169, -0.0377311147749424, 0.06721318513154984, 0.26456624269485474, -0.5653117299079895, -0.37262141704559326, 0.510267436504364, 0.36310097575187683, 0.6801386475563049, -0.5010654926300049, 0.8858767747879028, 0.7200992107391357, -0.09600329399108887, -0.8480837941169739, -0.32968148589134216, -0.2689782679080963, -0.02045789174735546, 1.6774286031723022, -1.0281140804290771, 0.16119439899921417, -0.15750113129615784, -0.13647203147411346, -1.2474513053894043, 0.6197127103805542, 1.5232805013656616, -1.2828959226608276, 0.18336153030395508, 0.329374223947525, 0.7842835783958435, 0.7309908270835876, -0.14245857298374176, -0.20837804675102234, -0.37060195207595825, -0.1898002326488495, 0.4373060464859009, 0.1659572422504425, 0.2556259334087372, -1.4137413501739502, -0.5358076095581055, -0.2987060844898224, -0.2132931351661682, 0.7190102338790894, 0.06363431364297867, 1.1090480089187622, 0.20273251831531525, 0.34185153245925903, 0.5121234655380249, 0.4117879867553711, 0.9756228923797607, 0.6992472410202026, 0.4385465383529663, -0.750377893447876, -0.6705993413925171, -0.5380580425262451, 0.4986366033554077, 0.4715305268764496, 0.4878784120082855, -1.1793458461761475, 0.09125222265720367, 0.47508010268211365, -0.5944586992263794, 0.7559463977813721, -0.721935510635376, 0.264808714389801, -0.040302108973264694, -0.7029860019683838, -1.7204151153564453, 0.05620032176375389, 1.1407543420791626, -1.1658787727355957, 0.6825992465019226, -0.46383148431777954, 0.027515975758433342, 0.9251317977905273, 0.005006581544876099, 1.8702882528305054, -0.04399177059531212, 0.217082217335701, 0.7683150172233582, -0.3817580044269562, -0.5042219161987305, -0.4555315375328064, 0.14554722607135773, -0.2751274108886719, 0.2278239130973816, -0.9757106900215149, 0.3680626153945923, -0.5116071701049805, -0.0849161446094513, 0.16998989880084991, 0.6148571372032166, -0.49313509464263916, -0.8154186606407166, -0.7378897666931152, -0.3822394013404846, -0.4697844088077545, 0.29045724868774414, -0.006252309773117304, 0.8036050200462341, 0.9582608938217163, 0.5498735308647156, 0.8382807374000549, 0.15827493369579315, -0.6810479164123535, -0.11135026067495346, 0.40182924270629883, 1.3132133483886719, 1.1196849346160889, -0.15448129177093506, -0.0658145621418953, -0.016812533140182495, -0.7146216630935669, -0.7836284637451172, -0.8726853132247925, 0.03454248607158661, 1.0057196617126465, -0.6065558195114136, -0.10208536684513092, -1.0107892751693726, 0.6084010601043701, -0.6391937732696533, 0.10178159177303314, 0.25807058811187744, -0.398728609085083, -0.36046522855758667, -0.5889080762863159, 0.043257471174001694, 1.0374873876571655, -0.2735210657119751, 0.013777215033769608, -0.45751941204071045, 0.621427595615387, -0.6516532897949219, -0.44875407218933105, -0.8332806825637817, 0.3477606773376465, -0.42851194739341736, 0.741098940372467, -0.4468717873096466, -0.7118960618972778, -0.9167812466621399, -0.21683229506015778, -1.0154062509536743, -0.10976386070251465, 0.1793510615825653, -0.7371225357055664, -0.5137242078781128, 0.2158159762620926, -0.7197130918502808, 0.14707976579666138, 0.8222049474716187, -0.9322988390922546, -1.1726274490356445, -0.019814297556877136, 0.7571746706962585, -0.03874772787094116, -0.7263431549072266, 0.4443693161010742, 0.6876677870750427, -0.0942571610212326, 0.8409261703491211]} +{"paper_id": "mozilla-foundation/common_voice_8_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "mozilla-foundation/common_voice_7_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "shibing624/nli_zh", "embedding": [-0.27916619181632996, 0.6693495512008667, 0.06689342856407166, 0.07678357511758804, 0.44219934940338135, -0.21992920339107513, 0.10705868154764175, 0.739128589630127, 0.7793086767196655, 0.519806444644928, 0.5269531011581421, 0.33746814727783203, 0.11665686964988708, -0.018994266167283058, -0.3851289749145508, -0.052593544125556946, -0.9886048436164856, -0.49246302247047424, -1.2145044803619385, -0.17440475523471832, -0.35320228338241577, -0.6389297842979431, -0.147860586643219, 0.24931520223617554, -0.22425764799118042, -0.6222152709960938, 0.6788654923439026, -1.0420963764190674, 0.7143184542655945, 0.19284877181053162, -0.28666815161705017, 1.201309323310852, -1.2918394804000854, 0.4695928990840912, -0.3160977065563202, -0.6740626692771912, -0.12055309116840363, 0.9493058919906616, -0.39072829484939575, -0.24158471822738647, -0.3518470525741577, 0.08320476859807968, 0.5074564814567566, 0.516043484210968, 0.8499055504798889, -0.09039191901683807, 0.32218652963638306, 0.7408302426338196, -0.15571783483028412, 0.3724000155925751, -0.8720011711120605, 0.05652649700641632, -0.007972287014126778, 0.6236733198165894, -0.14286962151527405, 1.001582145690918, 0.45518508553504944, -0.7077431082725525, 0.8194523453712463, -1.2472432851791382, 1.6837937831878662, 1.185462236404419, -1.0199565887451172, 0.31813177466392517, 1.0407118797302246, 0.207410529255867, 1.0779640674591064, 0.22073052823543549, -0.20211538672447205, 1.0090396404266357, -0.17071044445037842, -0.42165252566337585, 0.7037119269371033, 0.22133558988571167, 0.4564867317676544, 0.5015245676040649, 0.41435375809669495, 0.4992162883281708, 0.2737768888473511, 0.2972481846809387, -0.21392346918582916, 0.49176108837127686, 0.5554046630859375, -0.5074454545974731, 0.06041915714740753, -0.015823569148778915, 0.3802185356616974, -0.4021369516849518, 0.6789411306381226, -1.3677693605422974, 0.7795923948287964, 0.2083820253610611, -0.025538235902786255, -0.014240428805351257, -0.04015495628118515, -0.028669636696577072, 0.09014055132865906, -0.10892044007778168, -0.2558060884475708, 0.4926714599132538, 0.5470733046531677, -0.2762688994407654, -0.2422366589307785, -0.24252507090568542, 0.025051306933164597, 0.5229466557502747, -0.16329148411750793, -0.47142571210861206, -0.660666823387146, -0.33477815985679626, -0.15030020475387573, 1.2396248579025269, -0.27456825971603394, 0.7065668702125549, 0.09991337358951569, 0.22751209139823914, 0.17143362760543823, -0.5412823557853699, -0.3877889811992645, 0.7152090072631836, -0.0969497337937355, -1.4647727012634277, 0.20576328039169312, 0.018423713743686676, 0.40522027015686035, -0.7023276686668396, 0.3801421523094177, -0.42609408497810364, 0.3032585382461548, -0.08193540573120117, 0.14044798910617828, -0.12058481574058533, -0.70084148645401, -0.3605838716030121, 3.085214138031006, -0.6593217253684998, 1.3328906297683716, -1.2135170698165894, 0.10984133929014206, -0.4142618775367737, -0.3192409574985504, 0.7028248310089111, 0.3560756742954254, -0.40551719069480896, -0.5992646217346191, 0.17090030014514923, -0.015953518450260162, 0.045239366590976715, -0.7455118298530579, -0.005307603627443314, -0.04050438478589058, 0.04677651822566986, -1.5358246564865112, -0.7367715239524841, 0.1990431547164917, 0.7192097306251526, 0.10127823054790497, 1.0374809503555298, -0.5517350435256958, 0.7194674611091614, 0.17392587661743164, 0.019493162631988525, -0.8100640773773193, -0.10250972956418991, -0.45393481850624084, -0.1544916033744812, 1.0846620798110962, -0.20565572381019592, -0.5149533152580261, -0.2640739679336548, 0.2971012592315674, -0.1116671934723854, -0.11256696283817291, -0.1618562638759613, 0.36764994263648987, 0.701578676700592, 0.036051250994205475, 0.7292423248291016, 0.6075637340545654, -0.9689193367958069, -0.4190552830696106, -0.5014683604240417, -0.26362037658691406, 0.26646438241004944, -0.016951696947216988, 0.15438473224639893, -2.1709256172180176, -0.17188091576099396, -0.21719229221343994, -0.27015310525894165, 0.5754631757736206, -0.2903425097465515, 0.29464638233184814, 0.34170153737068176, -0.17035327851772308, 0.04864474758505821, 0.494454950094223, -1.0633511543273926, -0.8665360808372498, 0.5968817472457886, -0.29707446694374084, -0.5081586837768555, -0.34621551632881165, 1.2664225101470947, 0.7675600647926331, -0.031567543745040894, -0.3818334639072418, -1.811648964881897, 0.639269232749939, 2.7914633750915527, -0.053233563899993896, -0.735079824924469, -1.3448809385299683, -0.13005195558071136, 0.7381176948547363, -0.33072271943092346, 0.5601065158843994, -0.7769240736961365, 0.4824184775352478, -0.6768007278442383, 0.4948306679725647, -0.13396140933036804, 0.4532290995121002, 0.0517922043800354, 0.8757834434509277, -0.35026875138282776, -0.6010376214981079, -0.861468493938446, -0.6412316560745239, 0.4655861556529999, 0.745700478553772, 0.42955219745635986, -0.05134372413158417, 0.5217864513397217, 0.4775918126106262, 0.8684053421020508, 0.30131569504737854, 0.8617175817489624, -0.7073429822921753, 0.3985370993614197, 0.0182260200381279, 0.48941224813461304, -0.38058823347091675, 0.6363245844841003, -0.16378450393676758, 0.5877709984779358, -0.5279120206832886, -0.7364617586135864, -0.20304706692695618, 0.23250126838684082, 1.6743836402893066, 0.9174185395240784, -0.4993482530117035, 0.5249631404876709, -0.627352774143219, -0.1919688880443573, -0.2743987441062927, -0.5260419249534607, -0.26812660694122314, -0.02592221274971962, 0.8294486403465271, 0.05702955275774002, -0.06669382005929947, -0.2851073145866394, 0.0504206046462059, -0.8462715148925781, -0.48385193943977356, -0.3361024558544159, -0.019562698900699615, -0.7938446998596191, -0.16441771388053894, 0.3210178315639496, -0.7215912938117981, -0.6188840866088867, -0.4988376200199127, 0.38612100481987, 0.4056814908981323, 0.9087425470352173, 1.829740047454834, -0.18567726016044617, 0.15411457419395447, 0.24944423139095306, 1.0848556756973267, -0.24919573962688446, 0.4662598967552185, -0.42259731888771057, 0.4977462589740753, -0.7946957945823669, -0.024453483521938324, -0.48385143280029297, 0.3751647472381592, -0.02046845108270645, -0.03442797437310219, 0.04205148667097092, -0.5417759418487549, -1.4788165092468262, 1.178893804550171, -0.4591728150844574, -0.18129056692123413, -0.31226736307144165, 1.3284646272659302, 0.2593342065811157, 0.017155271023511887, 1.1122239828109741, -0.297806978225708, -0.26708582043647766, 1.4355709552764893, -0.5224123001098633, 0.5454660654067993, 0.4162253141403198, 0.6897138953208923, 0.4326901137828827, -0.37120750546455383, -2.3170480728149414, -0.11117611080408096, 0.6273870468139648, -0.019291706383228302, -0.3334505259990692, -0.8209063410758972, 0.3897438645362854, -0.6067055463790894, -0.018630392849445343, 0.463129460811615, -1.1959707736968994, 0.29992586374282837, -0.47942736744880676, 0.35009151697158813, 0.9872822761535645, -0.35487598180770874, 0.2918994128704071, 0.8658049702644348, 0.21891272068023682, -0.7557905316352844, 0.2547444999217987, 0.8432217240333557, -0.8285084366798401, -0.05519324541091919, 0.4794224202632904, 1.0563019514083862, 0.7215561866760254, -0.33881914615631104, -0.3258664608001709, 0.5226912498474121, 0.48430976271629333, -0.0343533456325531, 0.46425434947013855, -0.43188393115997314, 0.5623971223831177, -0.23582571744918823, 1.1360033750534058, -0.09446772187948227, -0.7736226916313171, -0.6926167607307434, -0.3961297273635864, -0.16601814329624176, -0.4031868278980255, 1.7129700183868408, 0.6822277307510376, 1.387242317199707, -0.2575990557670593, 0.3962019979953766, -0.2706327736377716, 0.023889847099781036, 0.6406250596046448, 0.5568172931671143, 0.13158924877643585, -0.38065922260284424, -0.8374310731887817, 0.9978346824645996, 0.25939035415649414, -0.5757178068161011, -0.2981738746166229, 0.7404670715332031, -0.22956202924251556, -0.5510379672050476, 0.35079818964004517, 0.8025308847427368, 1.155722737312317, 1.314876675605774, -0.6826601028442383, -0.574637770652771, -0.06360434740781784, 0.22623580694198608, 0.9850045442581177, -0.2622336447238922, -1.1509249210357666, 0.6060239672660828, 0.25989046692848206, 1.1416155099868774, 0.08876918256282806, 0.8490734696388245, 1.1695019006729126, -0.489514023065567, -1.0513805150985718, -0.2559009790420532, -0.6897073984146118, -0.2158566564321518, 0.006626024842262268, -0.28838852047920227, 0.17624473571777344, 0.23320025205612183, 0.2015533447265625, -0.7345475554466248, 0.9145554304122925, -0.36528149247169495, -1.2781062126159668, 1.081065058708191, 1.2404258251190186, -1.1163688898086548, -0.2850569188594818, -0.030919067561626434, -0.40626052021980286, -0.7267576456069946, 0.12370132654905319, -0.25555869936943054, 0.5785089135169983, 0.27897217869758606, 0.4559880495071411, -0.7720128297805786, 0.032407328486442566, -1.0473171472549438, 0.8703889846801758, 0.5497755408287048, -0.6544017195701599, 0.21312864124774933, 0.07424958795309067, 0.13235469162464142, 0.08722139894962311, -0.9087589383125305, -0.30542829632759094, 0.3924819231033325, 0.196492999792099, -0.5041664242744446, -0.8785099387168884, -0.5438928008079529, -0.008873384445905685, 0.13055172562599182, 0.4930685758590698, -1.298464059829712, 0.384438693523407, -0.46898770332336426, 0.2958187460899353, 0.40547871589660645, -0.5034841895103455, -0.5867672562599182, 0.7165282368659973, -0.5092179179191589, 0.6210452318191528, -0.14689038693904877, 0.4755796194076538, 1.2466728687286377, 0.08606074005365372, -0.2922002673149109, 0.05436784774065018, -12.570549964904785, 0.14531245827674866, 0.08579370379447937, 0.14858967065811157, 1.0807366371154785, -0.007736422121524811, 0.20573300123214722, 0.2871652841567993, 0.3158861994743347, -0.4239652752876282, 0.4861842393875122, 1.1979135274887085, 0.34642136096954346, -0.487657368183136, -0.22336062788963318, -1.1894054412841797, -0.6591016054153442, -0.6439328193664551, 0.3906487822532654, 0.5780335068702698, 0.44166767597198486, -1.0485175848007202, -0.7935014963150024, 0.09889331459999084, 0.31305935978889465, -0.2670705020427704, -0.4404054582118988, -0.16868874430656433, -0.27226462960243225, -0.2045411765575409, 0.09622034430503845, -0.4304865300655365, -0.12453320622444153, -0.5946347713470459, 0.3883039951324463, -0.04214736446738243, -0.5596411228179932, 0.19837655127048492, 0.5814743041992188, 0.0317591167986393, -0.6714569926261902, 0.1315116286277771, 0.11230547726154327, -0.4899088740348816, -0.03326110169291496, 0.3615173101425171, 0.0070006586611270905, -0.45230430364608765, 0.3804139792919159, -0.4017554819583893, -0.4832475781440735, -0.8759968280792236, -0.6229944229125977, -0.9888929128646851, 0.08716273307800293, 0.24540561437606812, -0.6491286754608154, -0.10134250670671463, -0.32179975509643555, -1.3489055633544922, 0.15264193713665009, 0.7143471240997314, -0.2297062873840332, 0.7143548130989075, 0.2039506435394287, -0.4028894007205963, 0.08386488258838654, 0.4044348895549774, -0.7796471118927002, 0.43454739451408386, -0.9305786490440369, 0.50262451171875, -0.1190674677491188, 0.5016943216323853, -0.7215679883956909, 0.5052889585494995, -0.5075297355651855, 0.11276467144489288, 0.649215042591095, -0.09236258268356323, -1.162251591682434, 0.3903343677520752, 0.036351725459098816, -0.5454311966896057, -0.9744817614555359, 0.5583140254020691, -0.1473369598388672, 0.39678746461868286, 0.7785515785217285, 0.4247245192527771, 0.9430984854698181, 0.13329783082008362, -0.4059757590293884, -0.3979256749153137, -0.23317092657089233, 0.7889059782028198, -0.2735402286052704, 0.7742419838905334, 0.3199806809425354, -0.41998863220214844, 0.48377639055252075, -0.024725034832954407, -0.7659209966659546, -0.17752066254615784, 0.5040745735168457, 0.2055991291999817, 0.304468035697937, -0.12826290726661682, 0.22381816804409027, -0.30276650190353394, 1.1570155620574951, 0.06989137828350067, -0.33470165729522705, 1.3474770784378052, -0.6820203065872192, 0.2521641254425049, 0.6563709378242493, -0.21144546568393707, 0.3230319321155548, 0.7288331389427185, -0.14564666152000427, -0.019075188785791397, 0.05203789472579956, 1.4230893850326538, 0.3025307059288025, 0.11810950934886932, 0.7576571702957153, 0.8521059155464172, -0.004619366489350796, -1.6254740953445435, 0.350870281457901, 0.17735786736011505, -0.3143489956855774, -0.4687415361404419, -0.3238905966281891, 0.03244313970208168, -0.5276423096656799, 1.1465163230895996, -0.8384794592857361, -0.2532186508178711, -0.1772339940071106, -0.06939724087715149, -0.6283929944038391, -0.5302361845970154, -1.1981927156448364, -0.05637405067682266, -1.4225878715515137, 0.13342520594596863, -0.5182549357414246, -0.6307766437530518, -0.5110129117965698, -0.40157774090766907, 0.8249717950820923, -1.1710054874420166, -0.23565559089183807, -0.1543627381324768, 0.7069227695465088, -0.29570144414901733, -0.3114445209503174, -0.0667327418923378, 0.4496709704399109, 1.2836986780166626, -1.1491782665252686, 0.9121857285499573, 0.34051817655563354, 0.43545979261398315, -0.8140214085578918, -0.15279734134674072, -0.026398450136184692, -0.06685245037078857, 0.30683279037475586, -1.2561051845550537, -0.500464677810669, -0.5336753726005554, -0.5082669854164124, -1.025655746459961, 0.1481826901435852, 0.910802960395813, -1.1553523540496826, -0.033502548933029175, 0.20613284409046173, 0.5597785115242004, 0.2949551045894623, -0.30794650316238403, -0.6711317300796509, -0.6211265921592712, -0.25207674503326416, 1.5173382759094238, -0.2596973180770874, 1.4823917150497437, -1.6558828353881836, -0.7411938309669495, -0.995096743106842, 0.1609894037246704, 1.0658169984817505, 0.3327479362487793, 0.7398738861083984, 0.6884182691574097, 0.10514494776725769, 0.14349177479743958, -0.07141993939876556, 0.6851575374603271, 0.4192030429840088, 0.4053247570991516, -0.10986314713954926, 0.7235004901885986, -1.0702790021896362, -0.2906668782234192, 0.16684702038764954, 0.5643520355224609, -1.7132301330566406, -0.5453919172286987, 0.2504010796546936, 0.11416958272457123, 0.3328377902507782, -1.1886597871780396, 0.11837492883205414, -0.6600117683410645, -0.4453757107257843, -0.9651810526847839, -0.066256083548069, 0.4307493269443512, -0.2615140378475189, 0.7793319225311279, 0.7561436295509338, 1.0161664485931396, 0.5382933616638184, 0.22073236107826233, 1.0680456161499023, -0.23497222363948822, -0.4942930340766907, 0.024312330409884453, 0.599012017250061, -0.2354200780391693, -0.3034888207912445, -0.6127138137817383, -0.8415234088897705, 0.1766112595796585, -0.3476627469062805, 0.6488544344902039, -0.5932763814926147, 0.31618574261665344, 0.7537046074867249, 1.1047173738479614, -0.5017080903053284, -1.2875232696533203, -0.4780305027961731, -1.5191705226898193, 0.4361984431743622, 0.31291794776916504, 0.2628587782382965, 1.224441647529602, 0.7145704627037048, -0.060817837715148926, 0.9392015337944031, 0.0297774076461792, 0.11716501414775848, 0.4624534845352173, -0.36510998010635376, 0.9021357893943787, 0.7692548632621765, 0.13288158178329468, 0.44120317697525024, -0.180669903755188, -1.2468799352645874, -0.004567297175526619, -0.5126668810844421, 0.7579543590545654, 0.549813985824585, -0.3748047649860382, -0.20904015004634857, -0.4178997874259949, 0.5505235195159912, -0.053182777017354965, 0.6284480094909668, 0.37649840116500854, -0.09734027832746506, -1.3057221174240112, -0.8279553055763245, 0.12742988765239716, 0.8498508930206299, -0.37963631749153137, -0.510478675365448, -0.7854744791984558, 0.027268067002296448, 0.251331090927124, -0.2928522527217865, -0.5051528811454773, 0.21772392094135284, -0.7938264608383179, -0.03276507556438446, 0.23592469096183777, -1.2747129201889038, -0.5981568098068237, 0.13429157435894012, -0.9781203269958496, 0.8158504962921143, -0.31447339057922363, -0.6226876378059387, -0.7836766839027405, 0.22143343091011047, -0.04123690724372864, 0.05438525974750519, 0.15282204747200012, -0.36171600222587585, -1.8371731042861938, 0.420797199010849, 1.0832926034927368, -0.4201463758945465, -0.5298218727111816, 0.3879477381706238, 0.37235844135284424, 0.5019655227661133, 0.9535884857177734]} +{"paper_id": "copenlu/fever_gold_evidence", "embedding": [-0.3430204391479492, 0.9516441822052002, -0.3379116654396057, 0.13013318181037903, 0.26385796070098877, -0.32249653339385986, 0.5204064846038818, 0.4731927514076233, 0.4454202950000763, 1.038928747177124, 0.7346715927124023, 0.5298766493797302, -0.15396523475646973, 0.19038595259189606, 0.09279610216617584, -0.20495063066482544, -0.7071866989135742, -0.14934538304805756, -0.20018284022808075, -0.4791923761367798, -0.6152858734130859, -0.6771492958068848, 0.08602429926395416, -0.2607041597366333, -1.2907527685165405, -0.4879857897758484, 0.4108436703681946, -0.7387994527816772, -0.0856221541762352, 0.13008061051368713, -0.5641570687294006, 1.3445996046066284, -2.0459110736846924, 0.47423872351646423, -0.3538043200969696, -0.09292362630367279, -0.05025531351566315, 0.9768860936164856, 0.0166037455201149, -0.06422288715839386, -0.864337146282196, 0.07934323698282242, 0.8651975393295288, 0.18918196856975555, 0.44802144169807434, -0.5632014870643616, 0.7091587781906128, -0.11045175790786743, 0.0022162646055221558, 0.054653946310281754, -0.2742340564727783, 0.5148568749427795, -0.30105167627334595, 0.7633581161499023, 0.03134313225746155, 0.8586595058441162, 0.16103649139404297, -0.5737291574478149, 1.0479305982589722, -0.5358905792236328, 1.7191040515899658, 1.5914543867111206, -0.8927192687988281, 0.22415152192115784, 0.3593355417251587, -0.25839507579803467, 1.3240479230880737, 0.05423559248447418, 0.13943816721439362, 0.7772712707519531, -0.4784139394760132, -1.4935225248336792, 0.10510186851024628, -0.22135892510414124, -0.026200905442237854, 0.6209765672683716, 0.6210160255432129, 0.09162518382072449, 0.26198312640190125, -0.1529434621334076, 0.3697946071624756, 0.7911064028739929, 0.5149131417274475, -0.49101877212524414, -0.07344351708889008, 0.13449376821517944, 0.13749361038208008, -0.7759754061698914, 0.6109694838523865, -0.7666863799095154, 1.1771063804626465, 0.3294615149497986, -0.28436967730522156, 0.2672079801559448, 0.0667758360505104, 0.8714085221290588, -0.5822672843933105, -0.11774536967277527, -0.36016231775283813, 0.018531814217567444, 0.5902643799781799, -0.4449590742588043, 0.26697424054145813, -0.11398857086896896, 0.31571558117866516, 1.1042110919952393, -0.5907736420631409, -0.18291175365447998, -0.8549696207046509, 0.037720344960689545, -0.25434184074401855, 1.0144624710083008, -0.34346580505371094, 0.6046179533004761, 0.10635175555944443, 0.10707580298185349, 0.4966020882129669, -0.9714668989181519, -0.2865557372570038, 0.2002154141664505, -0.2676410973072052, -0.8788322806358337, -0.3699074387550354, 0.5371319651603699, 0.8975891470909119, -0.4386419355869293, -0.013481643050909042, 0.1661398708820343, -0.3310045301914215, 0.07847205549478531, 0.4990119934082031, -0.12981393933296204, -0.8864331841468811, 0.2803206145763397, 2.7618486881256104, -1.22544264793396, 1.315200686454773, -0.03205791115760803, -0.037062376737594604, 0.39865100383758545, -0.20314723253250122, 1.1848220825195312, 1.1033287048339844, -1.0434643030166626, -0.6695144772529602, 0.7294701337814331, -0.3016338646411896, 0.5248299837112427, -1.0659396648406982, 0.010380672290921211, -0.5091889500617981, 0.476439893245697, -1.5846198797225952, 0.20886555314064026, 0.45216289162635803, 0.074402816593647, -0.19507543742656708, 0.11027505993843079, -0.5704959630966187, 0.7002264857292175, 0.45175400376319885, 0.496030330657959, -0.8566402792930603, 0.4020029306411743, -0.5284976363182068, 0.13335619866847992, 1.4562393426895142, -0.6530792713165283, -1.3321385383605957, 0.6471225619316101, 0.9603182077407837, -1.2153770923614502, -0.6294165849685669, -0.783027172088623, -0.02976934239268303, -0.05364306643605232, 0.47100239992141724, 0.4906737506389618, 0.2826349139213562, -0.42282572388648987, -0.39660534262657166, 0.013667944818735123, -0.03845980763435364, 0.6846497654914856, -0.9635104537010193, -0.20469710230827332, -2.040466785430908, 0.18135640025138855, 0.11628158390522003, 0.7746262550354004, 0.3623884618282318, 0.41067761182785034, 0.47376549243927, 1.0949970483779907, -0.004902340471744537, -0.736514687538147, -0.019356198608875275, -1.3548094034194946, 0.464408814907074, -0.5214435458183289, 0.010431181639432907, -0.6271551251411438, -0.5870392918586731, 0.08922601491212845, 1.2134190797805786, -0.7600145936012268, -0.6229189038276672, -2.3161277770996094, 0.35727813839912415, 2.1909842491149902, -0.5330219268798828, -0.32457226514816284, -1.4093847274780273, -0.09072509407997131, 0.46424949169158936, -0.48486700654029846, 0.2381311058998108, -1.0284807682037354, 0.07939283549785614, -0.8933584690093994, 0.7458348870277405, -0.10398100316524506, 0.19656533002853394, 0.3856915831565857, 0.715000569820404, -0.8626247644424438, 0.0835103988647461, -0.59050053358078, -0.8918150067329407, 0.5669916868209839, 1.02350914478302, -0.20280063152313232, 0.030791234225034714, 0.9581083059310913, 0.6509391665458679, 1.2963166236877441, -0.06241215020418167, 0.19742770493030548, -1.6107027530670166, 0.1396377980709076, -0.04596417397260666, 0.8208326101303101, 0.3701850175857544, -0.24069644510746002, 0.8767345547676086, 0.6180248260498047, -0.2631506323814392, -0.2756767272949219, -0.5676302909851074, -0.22927707433700562, 0.8400073051452637, 0.5972845554351807, -1.2974687814712524, 0.8976376056671143, -0.8601104617118835, 0.22583737969398499, -0.2869730293750763, -0.6068542003631592, -0.2906174659729004, 0.3496575951576233, 0.8875687122344971, 0.4745439887046814, 0.015705227851867676, -0.1406545788049698, -0.42732998728752136, -1.4861897230148315, 0.2996909022331238, -0.45855310559272766, -0.5025423169136047, -1.1782231330871582, 0.13151024281978607, -0.3806898593902588, -1.0118659734725952, -0.7486984729766846, 0.2080392688512802, 0.2995447814464569, -0.18304888904094696, 0.42272230982780457, 0.8303290009498596, 0.4566218852996826, -0.2388182282447815, -0.2167089730501175, 1.1960793733596802, 0.17845973372459412, 0.807732105255127, -0.2891586124897003, 0.13677679002285004, -0.796113133430481, 0.21347588300704956, -0.5237782597541809, 0.3380470275878906, 0.20873966813087463, -0.7133727073669434, 0.5568822026252747, 0.1045188307762146, -0.7026106715202332, 0.9882009029388428, 0.13108357787132263, -0.4290033280849457, -1.1178016662597656, 1.333200216293335, 0.009180082008242607, -0.44464507699012756, 0.6867378950119019, -0.10904137045145035, -0.9694081544876099, 1.4450446367263794, -0.43255504965782166, 0.22447873651981354, -0.03996582329273224, 0.3003857433795929, 0.290785551071167, 0.056677497923374176, -1.553297758102417, 0.28024494647979736, 1.307164192199707, -0.5261247754096985, -0.45944133400917053, -0.577376663684845, 0.4946932792663574, -0.3272130489349365, -0.30457261204719543, 0.23905134201049805, -0.42257946729660034, -0.07180449366569519, -0.4800845682621002, 0.4408722519874573, 1.1121269464492798, -1.180440068244934, 0.4213707447052002, 0.006651886273175478, 0.4487273097038269, -0.9944416880607605, -0.4086018204689026, 1.2391918897628784, -0.22007572650909424, 0.9783377647399902, -0.41291093826293945, 0.7274603247642517, 0.9090871810913086, -0.6614236831665039, -0.4756716191768646, 0.8044648766517639, 0.2822701334953308, 0.2766851484775543, 0.379268079996109, -0.48328495025634766, 0.8748831748962402, -0.559580385684967, 1.0771502256393433, 0.3011395037174225, -0.5254805684089661, -1.333150863647461, -0.7772992849349976, -0.179275244474411, -0.5492194294929504, 1.6992905139923096, 0.8139857649803162, 1.8026798963546753, 0.17020058631896973, 0.4294244647026062, -0.7028993964195251, 0.1653645783662796, 0.2855682075023651, 0.22319579124450684, 0.5135019421577454, -0.744783878326416, 0.41529688239097595, 1.2792493104934692, 0.15487989783287048, -0.1827729195356369, -0.1666664183139801, 0.40884849429130554, 0.16735735535621643, -0.5552537441253662, 0.5277272462844849, -0.18234854936599731, 0.23961526155471802, 1.0574052333831787, -0.37242433428764343, -0.6122170090675354, -0.4968768060207367, 0.2582237720489502, 0.48648661375045776, 0.25203651189804077, -0.8716893196105957, 0.1380898654460907, -0.13635645806789398, 0.5819509029388428, -0.44111907482147217, 0.5983642339706421, 1.8547838926315308, -0.0016262531280517578, -1.7512038946151733, -0.2513633668422699, -0.7311549186706543, 0.4418855309486389, 0.0046387650072574615, -0.2698812782764435, -0.06564721465110779, 0.4951362609863281, -0.06981275230646133, -1.1229554414749146, 1.1780203580856323, -0.48038366436958313, -1.2863359451293945, 1.2625069618225098, 1.1399898529052734, -1.5741207599639893, -0.9269696474075317, 0.4773511290550232, -0.07998809963464737, -0.7529556751251221, -0.1432659924030304, -0.736047089099884, 1.0421313047409058, 0.701489269733429, 0.5642845630645752, -0.1460103541612625, 0.40192466974258423, -0.8722637891769409, 1.1048213243484497, 0.7525535225868225, -0.5568991899490356, 0.7362788915634155, 0.3421381711959839, 0.1112702339887619, 0.350024938583374, -1.1128207445144653, -0.4161911904811859, 0.7667099833488464, -0.11727472394704819, 0.14142297208309174, -0.7748526334762573, -1.0890876054763794, 1.2225226163864136, 0.4304826855659485, 0.3094392418861389, -1.0383920669555664, 0.5722733736038208, -1.039353370666504, 0.3135066330432892, 0.5985196828842163, -0.7919638752937317, -0.6801503300666809, 0.8304650783538818, -0.2961306571960449, 0.7065757513046265, 0.28155210614204407, -0.0089784637093544, 1.1256036758422852, 0.11861882358789444, 0.12863361835479736, -0.22682330012321472, -11.58184814453125, 0.840855062007904, -0.04437795281410217, 0.7284092307090759, 0.25943198800086975, -0.3721531629562378, 0.606182873249054, 0.2560083270072937, 0.8168900012969971, -0.5598533749580383, 0.42895397543907166, 1.883808970451355, -0.24302953481674194, -0.4289728105068207, -0.7789425253868103, -1.2045601606369019, -0.7280491590499878, -0.4464898705482483, 0.11976523697376251, 0.008389420807361603, 0.6813926100730896, -1.7417597770690918, 0.3465026617050171, -0.07428006827831268, 0.9572356343269348, -0.3280039131641388, 0.06861752271652222, -0.4702417850494385, -0.1411954164505005, 0.209621399641037, 0.7735052704811096, -0.05159354209899902, 0.012872502207756042, -0.014562341384589672, -0.10005530714988708, -0.23464109003543854, -0.5452346801757812, -0.27762243151664734, 0.7540604472160339, -0.6405806541442871, 0.09831176698207855, 0.34850749373435974, -0.05461128056049347, -0.5900409817695618, -0.24019543826580048, 0.4100673794746399, -0.0002874191850423813, -0.39345335960388184, -0.058363378047943115, 0.02290291339159012, -0.0066895633935928345, -0.8045024871826172, -0.46555936336517334, -0.617595911026001, 0.47048479318618774, -0.5344668030738831, -0.7498350143432617, -0.49180203676223755, -1.1717307567596436, -1.693583607673645, 0.8494581580162048, 0.03978598862886429, -0.14643150568008423, 0.095365509390831, 0.41200608015060425, -0.20610885322093964, 0.617125928401947, -0.04459007456898689, -0.334124892950058, 0.03816505894064903, -0.6391385793685913, 1.0823160409927368, 0.47882094979286194, -0.06094995141029358, -0.7072411179542542, -0.12886804342269897, -0.7092064023017883, -0.0630306527018547, 0.25439247488975525, -0.11439713835716248, -1.369225263595581, 0.5618230104446411, 0.3295847475528717, -0.3317735493183136, -1.0574672222137451, -0.5031740069389343, -0.23160716891288757, -0.6872736811637878, 0.06234551966190338, 0.15726780891418457, 0.874403715133667, 0.6100594997406006, -0.4948580861091614, -0.3341270983219147, -0.6450384855270386, 0.4734649956226349, -0.8757171630859375, 0.8659616708755493, -0.20965568721294403, -0.6659062504768372, 0.3036237359046936, -0.2862793505191803, -1.0135629177093506, 0.0035826638340950012, 0.6584867238998413, 0.282906711101532, 0.07373306155204773, -0.5531102418899536, 0.08598855137825012, -0.30394670367240906, 0.6518407464027405, 0.07698284089565277, -0.14266091585159302, 1.5787001848220825, -0.8917452096939087, 0.21869303286075592, 0.6978606581687927, -0.35759854316711426, 0.056310221552848816, 1.5198310613632202, -0.40036776661872864, 0.5189597606658936, -0.22080616652965546, 1.1614699363708496, -0.08640759438276291, -0.0033829794265329838, 0.30150359869003296, 0.36591315269470215, -0.024010606110095978, -2.1913037300109863, 0.15004436671733856, -0.07775218784809113, 0.573351263999939, -1.2985059022903442, -0.2721017897129059, -0.672688364982605, -0.5163242220878601, 0.9595514535903931, -0.5614117980003357, 0.42548826336860657, -0.7549638748168945, 0.10493996739387512, 0.29355388879776, -1.0273644924163818, -0.6984779834747314, 0.5664014220237732, -1.1009621620178223, 0.34275755286216736, -0.990863561630249, -0.2054629623889923, 0.017069892957806587, -0.9522570967674255, 0.7958725690841675, -0.4606987237930298, 0.24548745155334473, -0.07865498960018158, 0.43499085307121277, -0.4580906927585602, -0.7735616564750671, -0.3003987669944763, -0.5063074827194214, 1.6648199558258057, -0.875360906124115, 0.7758281230926514, 0.46552929282188416, -0.40914541482925415, -0.5659845471382141, -0.4321760833263397, 0.13733462989330292, -0.20701166987419128, 1.0121649503707886, -1.0382444858551025, -0.032900236546993256, -0.1964108943939209, 0.30674776434898376, -0.5456334352493286, 1.2052466869354248, 0.9377803802490234, -0.9238402843475342, -0.32562345266342163, 0.4491177201271057, 0.2928682267665863, 0.43193870782852173, -0.42228105664253235, -0.3886166214942932, 0.06729428470134735, -0.2620881497859955, 0.9227601885795593, -0.04327209293842316, 1.2603541612625122, -1.5387859344482422, -0.770103931427002, -0.9827883243560791, 0.02484411746263504, 1.0644043684005737, 0.21517352759838104, 0.9879323840141296, 0.6643125414848328, 0.473931223154068, -0.20098167657852173, 0.7198302745819092, 1.4388328790664673, 0.11027407646179199, 0.48324549198150635, -0.8189698457717896, 0.4327981173992157, -0.5639727711677551, 0.35281237959861755, 0.05163898691534996, 0.9820936322212219, -0.7073456048965454, 0.27170807123184204, 0.06256107985973358, -0.6978357434272766, -0.09376522898674011, -0.9771034717559814, 0.4973689913749695, -0.8475522398948669, -0.12078917026519775, -0.8036848306655884, 0.9239964485168457, 0.8935189247131348, -0.0562964491546154, 1.0349626541137695, 0.6041064262390137, 0.4290635883808136, 1.333123803138733, 0.3434734344482422, 1.2802950143814087, 0.26940450072288513, -0.053637582808732986, 0.47251349687576294, 0.07391282916069031, 0.3555423319339752, 0.16403786838054657, -0.2994331121444702, -0.30111390352249146, 0.1577697992324829, -0.15252932906150818, 0.5602502822875977, -0.3453710675239563, 0.33546656370162964, 0.8566223382949829, 0.508462131023407, -0.5879371762275696, -1.035690426826477, -0.633679986000061, -1.5452759265899658, -0.6964707374572754, 0.42696264386177063, 1.2882399559020996, 0.23354405164718628, 0.9788450002670288, -0.37498950958251953, 1.1985942125320435, -0.7916887402534485, 0.4149765968322754, 0.2199098765850067, -0.32265371084213257, 0.9587423205375671, 1.1263220310211182, 0.329708456993103, 0.15428045392036438, 0.30704179406166077, -1.3056086301803589, -0.32103225588798523, -0.9897935390472412, 1.0362292528152466, 0.8269340395927429, -0.5574148893356323, 0.7017634510993958, -0.5875279307365417, 0.6258162260055542, -0.4923931658267975, 0.34219610691070557, -0.4317781329154968, -0.5426254868507385, -0.35721686482429504, -1.0495994091033936, 0.14322005212306976, 0.44953659176826477, -0.5349370837211609, -0.7571024894714355, -0.6174572110176086, 1.037239909172058, -0.06734216958284378, -0.13291117548942566, -0.6450393199920654, 0.13702604174613953, -0.5236610770225525, -0.5528900027275085, 0.3258012533187866, -0.9351359009742737, -1.06733238697052, -0.326442688703537, -0.3243229389190674, 0.3023386299610138, -0.28374457359313965, -1.0509637594223022, -0.10879506170749664, 0.2854670286178589, 0.45912107825279236, 0.585528552532196, -0.29748016595840454, -0.5214781761169434, -0.8609363436698914, 0.3263668715953827, 0.5243760943412781, 0.09002606570720673, -0.005621983669698238, 0.20339101552963257, 0.7088444828987122, -0.3074200749397278, 1.2007250785827637]} +{"paper_id": "merty/nateraw-food101-copy", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "mozilla-foundation/common_voice_2_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "mozilla-foundation/common_voice_4_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "mozilla-foundation/common_voice_5_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "mozilla-foundation/common_voice_5_1", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "mozilla-foundation/common_voice_6_1", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "nateraw/food101", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "nielsr/FUNSD_layoutlmv2", "embedding": [-0.3411009609699249, 1.9682865142822266, -0.2096426784992218, -0.13483941555023193, 0.32366129755973816, 0.05747607350349426, 0.2279493510723114, 0.4588913917541504, 0.3425470292568207, 0.6352318525314331, 0.8912222981452942, -0.4705388844013214, 0.4781130850315094, -0.3132777810096741, -0.5690242052078247, 0.30836862325668335, -0.37179481983184814, -0.727389395236969, -1.3345565795898438, 0.26169735193252563, -1.400349736213684, -1.3189020156860352, -0.5345478057861328, -0.6632035970687866, -1.7661197185516357, -0.3026849329471588, 0.3614077568054199, -0.8009897470474243, -0.5408222079277039, 0.014332303777337074, -0.10737519711256027, 0.5890182852745056, -1.8014813661575317, 0.9442560076713562, -0.5081238150596619, 0.10708131641149521, 0.9463238716125488, 0.930857241153717, -0.14206524193286896, -0.5241946578025818, -0.8779574632644653, 0.39145031571388245, 1.095584511756897, -0.6225273013114929, -0.12824679911136627, -0.7688609957695007, -0.14257612824440002, 0.5084443092346191, -0.46114128828048706, 0.01146073266863823, -0.27063557505607605, 0.7004570960998535, 0.2322077453136444, 0.16384173929691315, -1.0075995922088623, 1.2682121992111206, -0.7632458806037903, -1.06280517578125, 0.1656050831079483, 0.8476698398590088, -0.2999212145805359, 1.2259042263031006, -0.2603830397129059, 0.40922778844833374, 0.6972398161888123, -0.09466103464365005, 0.8450965285301208, -0.6832717657089233, 0.5405672192573547, 0.40373745560646057, -0.702683687210083, -1.6322479248046875, 0.8367399573326111, 0.43126797676086426, 0.18326516449451447, 1.7974742650985718, 0.0042150989174842834, -0.24131625890731812, 1.195169448852539, -0.34337469935417175, 0.02964140474796295, 0.13565069437026978, 0.6349517107009888, -0.45949459075927734, -0.23287007212638855, -0.054515622556209564, -0.296421080827713, -0.16969069838523865, 1.1172841787338257, -0.745224118232727, 0.6397297978401184, -0.24987857043743134, 0.08872223645448685, 0.11715111136436462, 0.03771244361996651, -0.2527560591697693, -0.2310248762369156, 0.20746396481990814, -0.9193040132522583, 0.6041581034660339, 0.6797600984573364, -0.34690019488334656, 1.616936445236206, -0.2481309473514557, 0.48442643880844116, 0.16071665287017822, -0.3777015507221222, -0.011101208627223969, -0.40738916397094727, -0.005209028720855713, 0.44779732823371887, 1.4306271076202393, 1.0418155193328857, 0.5918451547622681, -0.06321839988231659, -0.156301349401474, 0.29795801639556885, -0.059107281267642975, 0.4050595760345459, -0.2848399877548218, 0.0824492797255516, -0.6979079246520996, -0.353466272354126, -0.9583000540733337, 0.6810829043388367, 0.1354183703660965, 0.6111096739768982, 0.3906865417957306, -0.7999302744865417, -0.5842764377593994, -0.006707429885864258, -0.18953315913677216, -0.7622215747833252, 0.6927111744880676, 2.9187848567962646, -1.5666968822479248, 0.2456141859292984, 0.5237830877304077, -0.21485163271427155, -0.11939868330955505, 0.5335996747016907, 2.0164761543273926, 0.37097787857055664, -1.3671786785125732, -1.1202096939086914, 0.040006425231695175, 0.03319834917783737, 0.5463032722473145, -0.9768462181091309, 0.042487189173698425, -0.20887550711631775, 0.4993138909339905, -1.2237119674682617, -0.1419084072113037, 0.01050296425819397, -0.2456745207309723, 1.036286473274231, -0.8064289689064026, 0.20744231343269348, 1.1434338092803955, 0.7144400477409363, 0.5696126818656921, -0.7559217214584351, 0.7345868349075317, -0.5520933866500854, 0.09832631796598434, 1.0164804458618164, -0.2447364628314972, -1.4587205648422241, -0.21087417006492615, 0.10274511575698853, -1.3792386054992676, 0.5719856023788452, 0.27517619729042053, -0.9953742623329163, 0.12223751097917557, 0.853794276714325, 0.5296586155891418, -0.06493796408176422, -0.8689702749252319, 0.043748125433921814, -0.2809714376926422, 0.11113760620355606, -0.2088698297739029, 0.12772807478904724, 0.3351089656352997, -2.912278175354004, -0.3611045479774475, -0.1324450671672821, 1.7008517980575562, 0.6932877898216248, 0.012160217389464378, 0.24824810028076172, 0.7620497345924377, -0.03522925078868866, -0.6743732690811157, -0.34323304891586304, -1.0143046379089355, 0.2754966616630554, -0.03646736964583397, 0.1707928478717804, 0.19136324524879456, -1.1299749612808228, 0.6247704029083252, 1.4806559085845947, -0.6247991919517517, 0.471039742231369, -1.285325527191162, 0.16333311796188354, 1.7379176616668701, 0.08858650922775269, -0.31022149324417114, -0.7824287414550781, -0.3205917179584503, 0.32661640644073486, -0.26095050573349, 1.125196933746338, -0.1974981725215912, -0.9327492117881775, 0.09472191333770752, 0.41268616914749146, -1.4168510437011719, -0.002626843750476837, -0.056630611419677734, 0.6527300477027893, -0.9858415722846985, 0.4315144121646881, 0.013628669083118439, -0.9624171257019043, 0.48014986515045166, 1.117514967918396, -0.1971297264099121, -0.6618847846984863, 1.3414479494094849, -0.05077090114355087, -0.2864110469818115, 0.8982654809951782, 0.12212333083152771, -1.1817424297332764, 0.6531020402908325, -0.4902297854423523, 1.8824193477630615, 0.30192530155181885, -0.1444767415523529, 0.880959153175354, -0.7731507420539856, 0.3038807213306427, -1.1001161336898804, -0.313957154750824, -0.05612886697053909, 1.1717530488967896, 0.551997184753418, -0.6079667806625366, 0.15015020966529846, -0.3864400386810303, -0.7234945297241211, 0.2518692910671234, -0.013257159851491451, 0.5583699345588684, -0.15199975669384003, -0.5919178128242493, -0.3163298964500427, 0.018190503120422363, -0.0659380704164505, -0.6746827960014343, -1.0830005407333374, -0.8626316785812378, -0.09958627074956894, -0.4252304434776306, -0.417520135641098, -0.790336012840271, 0.1287841796875, -0.12234144657850266, -0.4622756242752075, 0.6971728801727295, -0.06402404606342316, -0.2865026891231537, 0.8450732231140137, 0.7406170964241028, 0.2542991042137146, 0.31809738278388977, -0.4338451027870178, 0.47844767570495605, 0.9112713932991028, 0.3050345778465271, -0.652417004108429, -0.3437279462814331, -0.9367772936820984, 0.0061630383133888245, -0.996987521648407, 0.350313663482666, -0.009685084223747253, -0.20862185955047607, 1.0758143663406372, -0.009358778595924377, -1.3646706342697144, 0.6697772741317749, 0.04322054609656334, -0.24201825261116028, -0.6084273457527161, 1.3846372365951538, 0.4371917247772217, -1.1215169429779053, -0.8411675095558167, 0.138821080327034, -0.4301418960094452, 1.2044028043746948, -0.14250332117080688, 0.6382123827934265, 0.6389702558517456, -0.3411354422569275, 0.004271995276212692, 0.32810139656066895, -1.0866117477416992, 0.11859077960252762, 0.7081997990608215, -0.06290287524461746, -0.011527854949235916, -1.004352331161499, -0.9568487405776978, -0.5291063785552979, -0.6223145723342896, 0.4394459128379822, -1.2145098447799683, 0.3306375741958618, 0.132781982421875, 0.058869458734989166, 0.9130051136016846, -0.6283428072929382, 0.49540838599205017, -0.1027505099773407, 0.31384503841400146, -2.0302741527557373, -0.06468979269266129, 0.9206339120864868, -0.4783530831336975, 0.7297701835632324, 0.6907028555870056, 0.42753809690475464, 0.5017104148864746, -0.19124019145965576, -0.4708268642425537, 0.6763877868652344, -0.152088463306427, 0.0653395801782608, 1.5087130069732666, -0.5600609183311462, 1.8626883029937744, 0.4972958266735077, 0.49594494700431824, -0.15259608626365662, -0.1985841989517212, -1.007775902748108, 0.04962780699133873, -0.6259819269180298, -0.7016697525978088, 1.7769646644592285, 0.6919310688972473, 2.4939651489257812, -0.2376430481672287, -0.5270945429801941, -0.7043051719665527, -0.08516830205917358, -0.29479411244392395, 1.369197130203247, 0.3102570176124573, -0.5498157143592834, 0.6284502744674683, 0.3904392719268799, 0.9883483648300171, 0.2597005367279053, 0.45881128311157227, 0.6900006532669067, -0.38543885946273804, -0.6460151076316833, 0.07254770398139954, 0.15000280737876892, 0.11301357299089432, 1.615006923675537, -0.3116217851638794, -0.6068507432937622, -0.622125506401062, -0.07339324802160263, 0.022395730018615723, -0.4594314396381378, -0.5063201189041138, 0.3844563663005829, 0.7305421829223633, 0.2932720482349396, 0.05386824905872345, 1.2558684349060059, 1.1342873573303223, 0.3772904574871063, -0.9525681138038635, 0.014521036297082901, -0.8355449438095093, -1.3034424781799316, -0.2999046742916107, -0.1459239423274994, -1.3931254148483276, 0.3890894949436188, -0.6408467292785645, -1.5434504747390747, 0.9944431781768799, -0.4077489674091339, -0.21510565280914307, 0.05141378194093704, 0.4573117196559906, -1.202806830406189, -0.29273808002471924, 0.15973864495754242, -0.5026777386665344, -0.19519276916980743, -0.20121563971042633, -0.9829574823379517, 1.1848140954971313, 0.23396967351436615, 0.7657328844070435, -0.6559350490570068, 0.24457623064517975, -0.8536093831062317, 1.2691624164581299, 0.29954126477241516, -0.027004066854715347, -0.602054238319397, -0.6556590795516968, 0.8034121990203857, 0.6466456651687622, -1.632784366607666, 0.05555657669901848, 1.6486752033233643, 0.49878087639808655, -0.14865989983081818, -0.8528177738189697, 0.052592683583498, 0.7171619534492493, 1.0178661346435547, 0.6899876594543457, -0.4051300883293152, 0.26469188928604126, 0.08628606796264648, 1.5506279468536377, 0.6969947814941406, 0.06843879818916321, -1.3769296407699585, 0.8434319496154785, -1.0496714115142822, 0.9474612474441528, 0.42123493552207947, -0.11328786611557007, 1.2032710313796997, -0.2913924753665924, -0.29822003841400146, -0.08574141561985016, -10.767563819885254, 0.7873508334159851, -0.21178165078163147, 1.1143786907196045, 0.6452335715293884, -0.36463984847068787, 1.5201674699783325, 0.00910654105246067, 1.030704379081726, -0.26794034242630005, 0.23607724905014038, 1.8492798805236816, 0.34077975153923035, -0.018055759370326996, -0.8883988261222839, -1.793332815170288, -1.7218961715698242, -0.0562770739197731, 0.7216461300849915, 0.5046454071998596, 0.05854903534054756, -0.8944254517555237, -0.46063297986984253, 0.3283901810646057, 0.7335804104804993, -0.48347118496894836, 0.40324902534484863, -1.1599791049957275, -0.5856239795684814, -0.5314376354217529, 0.32559746503829956, 0.6002194285392761, -0.934853732585907, 0.3192960023880005, 0.45590072870254517, -0.23288293182849884, -0.5745949745178223, -1.0322598218917847, 1.459705114364624, -0.7073682546615601, -0.6803703904151917, 0.23329724371433258, -0.38461586833000183, -0.2319556474685669, -1.2784967422485352, 0.4580647945404053, 0.3103954493999481, -0.3886486291885376, -0.13805405795574188, -0.8948909640312195, -0.7206293344497681, -0.24051672220230103, -0.9592531323432922, -0.3688797056674957, 1.6021170616149902, 0.04612652212381363, 0.2945462465286255, -0.7809897661209106, -0.6682401299476624, -1.1809728145599365, 0.7660501599311829, 0.058871082961559296, -0.4998963475227356, 1.4623292684555054, 0.1106073260307312, 0.12103594094514847, 0.7862201929092407, 0.42910513281822205, 1.3897385597229004, 0.06009519845247269, -0.1832055151462555, -0.015545563772320747, 0.2563791573047638, 0.31107765436172485, -0.6343908905982971, -0.559088408946991, -0.4755356013774872, -0.47705450654029846, -0.3982880711555481, 0.37416744232177734, -0.14662829041481018, 0.17795239388942719, -0.7444504499435425, -0.3161306381225586, 0.06632107496261597, -0.5388128161430359, -0.15715831518173218, 0.11423271894454956, -0.2948915362358093, -0.318535178899765, 0.9467962980270386, -0.2351917028427124, 0.11560211330652237, 0.2521759867668152, -0.8362654447555542, 0.743259608745575, -0.7364123463630676, 0.558269739151001, -0.5482097864151001, -0.5897729992866516, 0.09354051202535629, 0.147291898727417, -0.17048409581184387, -0.3720051050186157, 0.3493179380893707, 0.4750904440879822, -0.5030422210693359, -0.3566294312477112, 0.43302661180496216, 0.1340036243200302, -0.04685577005147934, -0.6228966116905212, 0.033025212585926056, 1.010704755783081, 0.3229745328426361, 0.060707420110702515, 0.8649660348892212, -0.30727487802505493, -0.648670494556427, 0.9793096780776978, 0.24742066860198975, 1.3450182676315308, 0.526263415813446, 0.7604593634605408, 0.5739595293998718, -0.9916232228279114, 0.6893350481987, 0.7900550365447998, -0.453731894493103, -1.6595979928970337, -0.09448640048503876, 0.00039947405457496643, 0.046564981341362, -1.1841777563095093, -0.06133545562624931, -0.8214894533157349, -0.926481306552887, 0.8462822437286377, -0.11769653856754303, 0.04865488409996033, 0.17174598574638367, -0.7839359045028687, -0.5776841640472412, -0.6723593473434448, -0.35356295108795166, 0.5951956510543823, -0.9767865538597107, -0.3296998143196106, -0.5615416169166565, -1.0197604894638062, -0.06502418220043182, 0.029365308582782745, 0.6858763694763184, -0.2504373788833618, -0.15980343520641327, 0.4731069803237915, 0.4285230040550232, -0.824600100517273, -0.15897944569587708, 0.4402833580970764, 0.31338757276535034, 0.36808285117149353, -0.6345633864402771, 0.7955313324928284, 0.7847074270248413, -0.2098054736852646, -1.468078374862671, -0.548659086227417, 0.6402041912078857, 0.3152567148208618, -0.03195837140083313, -0.1489095836877823, 0.7179257869720459, -0.27615591883659363, 0.03638665750622749, -0.07692432403564453, 0.8923949003219604, 1.4142444133758545, -1.214924931526184, -0.14647437632083893, 0.4133266508579254, 0.1911257803440094, 1.55204439163208, -0.7643861770629883, -0.26428931951522827, 0.24883291125297546, -0.02294616401195526, -0.2910783886909485, 0.22110635042190552, 0.35419392585754395, -0.9146589636802673, -1.2056238651275635, -0.5075457692146301, -0.4144110679626465, 1.2159284353256226, -0.026194635778665543, 1.011933445930481, 0.7428401112556458, 0.14200428128242493, 0.741301417350769, 0.10110980272293091, 0.4663443863391876, 0.5813561081886292, 0.5229559540748596, -0.10210742056369781, 0.013125292956829071, -0.884824275970459, -0.1027037501335144, -0.21943071484565735, 0.32868748903274536, -0.4754648506641388, 0.7018660306930542, 0.3775694668292999, -0.7541587948799133, 0.7774478793144226, -1.3037258386611938, 0.6948037147521973, -1.038262128829956, -0.6591358780860901, -0.26820552349090576, 0.359627902507782, 1.1549817323684692, -0.5073485374450684, 1.0866684913635254, 0.49823594093322754, -0.3621199131011963, 0.47730904817581177, 0.5351836085319519, 1.6430786848068237, 0.18847645819187164, -0.09928310662508011, 0.6281039118766785, 0.5321962833404541, -0.6905788779258728, -0.03395209461450577, -0.7749567627906799, 0.11436323821544647, -0.7443757057189941, -0.6638931035995483, -0.11528802663087845, -0.16918154060840607, 0.5663274526596069, 0.9608944058418274, 1.0842963457107544, -0.20790982246398926, -0.8370137214660645, -0.2342367172241211, -1.4192644357681274, -0.06833827495574951, 0.29518431425094604, 0.3869816064834595, 0.29478996992111206, 0.937106192111969, 0.08847789466381073, 1.7018921375274658, 0.4365748167037964, -0.1538293957710266, -0.4203696846961975, -0.31020092964172363, 1.4959818124771118, 0.7565188407897949, 0.29475176334381104, 0.2750992774963379, 0.4710065424442291, -0.5284537076950073, -1.4386123418807983, -0.9200385808944702, 1.0558444261550903, 0.8555945158004761, -0.30300867557525635, 0.0009276717901229858, -0.6470564007759094, 0.21585531532764435, -0.7097740769386292, -0.1025625467300415, -0.058098599314689636, 0.09983301162719727, -0.16537486016750336, -0.7349079847335815, 0.1309247463941574, 0.3151955306529999, -0.17473630607128143, -0.7462663054466248, 0.21234455704689026, 1.2219467163085938, -0.01088966615498066, 0.3622695803642273, -0.3340253531932831, -0.5462082028388977, -0.8930436372756958, 0.12291693687438965, 0.007534492760896683, -0.7388352155685425, -0.889390766620636, -0.6702231168746948, -0.09002672135829926, -0.8804463148117065, -0.582754373550415, -0.35355812311172485, 0.323856383562088, 0.4090425670146942, 0.5622928142547607, 0.644034743309021, -0.4248043894767761, 0.8484990000724792, -0.09352636337280273, 0.6000229716300964, 0.35409900546073914, -0.5827415585517883, -0.28258663415908813, 0.4776669442653656, -0.464343398809433, -0.9053722620010376, 0.30009371042251587]} +{"paper_id": "oscar-corpus/OSCAR-2109", "embedding": [0.2978722155094147, 0.8702800273895264, 1.235546588897705, 0.055589206516742706, 0.35194987058639526, -1.325868844985962, -0.06986948102712631, 0.9732233285903931, 0.398438960313797, 0.7313604950904846, -0.0003198683261871338, -0.2769896388053894, 0.06477384269237518, 1.0914373397827148, -0.48921462893486023, -0.472395122051239, -0.4111132323741913, -1.4388291835784912, -0.5433642864227295, -0.3576650619506836, 0.01752239093184471, -0.7182955145835876, -0.2273387759923935, 0.46833550930023193, -0.3526780307292938, -0.8079738020896912, 0.15103870630264282, -0.4083779752254486, 0.09520602226257324, 0.5390360355377197, 0.48747339844703674, 1.028940200805664, -0.9142805933952332, 0.4056800901889801, -0.009177349507808685, -0.27088120579719543, 0.5619405508041382, 1.08389413356781, -1.123119592666626, -0.2766928970813751, -0.30176636576652527, -0.32989412546157837, 0.7621403336524963, -0.1676703542470932, 0.8676326870918274, 0.41794657707214355, -0.4545772671699524, 0.06862355768680573, 0.6231846213340759, -0.7144573926925659, 0.17204850912094116, 0.39720454812049866, -0.2949928045272827, 0.40280506014823914, -0.52544105052948, 1.1103484630584717, 0.13949114084243774, -1.6153647899627686, -0.020162012428045273, -1.1781519651412964, 0.05727163329720497, 1.401282787322998, -0.5984471440315247, 0.04540117830038071, 0.8315148949623108, -0.13905280828475952, 1.4119873046875, 0.3034937381744385, 0.15156443417072296, 0.2420857548713684, -0.15769389271736145, -1.2841414213180542, 0.9212465286254883, -0.8421255946159363, 1.2075120210647583, 1.1996477842330933, 1.5196765661239624, -0.3576773703098297, -0.6765329837799072, 0.5202541947364807, -0.5588781833648682, 1.0618873834609985, 0.5979495644569397, -0.579708993434906, -0.3187785744667053, -0.26410993933677673, 0.4894101321697235, -1.1352083683013916, 0.6150762438774109, -1.6300663948059082, 0.45523589849472046, -0.10644098371267319, -0.4083213806152344, 0.27895087003707886, -0.06305806338787079, 0.027879253029823303, -0.08821161091327667, 0.10456819832324982, -0.41449740529060364, 0.3585456609725952, 0.07415959984064102, -0.46205994486808777, 0.2272104173898697, -0.41446563601493835, -0.005935072898864746, 0.9741418361663818, 0.04236359894275665, -0.2795957922935486, -1.2984189987182617, 0.4319871664047241, 0.4931098222732544, 1.1682984828948975, -1.0822815895080566, 0.40609967708587646, -0.17916344106197357, -1.0490206480026245, 0.5016083717346191, -0.5684082508087158, -0.7625231146812439, 0.540501058101654, -0.4114408493041992, -0.6681933999061584, -0.7309351563453674, 0.5027733445167542, 0.37908950448036194, -0.6864109039306641, 0.6025360226631165, -0.4324057698249817, 0.28228121995925903, -0.6127643585205078, 0.2667565941810608, 0.39642712473869324, 0.09739291667938232, -0.2566731572151184, 3.3232581615448, -0.9530146718025208, 1.4793546199798584, -0.3006044030189514, 0.17251911759376526, 0.4229890704154968, -0.7963865995407104, 1.3237051963806152, 0.05393390357494354, -0.6569690704345703, 0.7856723666191101, 0.1063157171010971, -0.6763070821762085, 0.2334868460893631, 0.33531275391578674, -1.2071996927261353, 0.03985197842121124, 0.1138172298669815, -1.0961662530899048, 0.03988342732191086, -0.7889282703399658, 0.4663863480091095, 0.3420336842536926, 1.078497052192688, -0.7620546221733093, 1.3581408262252808, 0.6939254999160767, 0.8270655870437622, -0.3005684018135071, 0.4726291000843048, -0.904965877532959, 0.14566674828529358, 1.2864415645599365, 0.01165691763162613, -0.20808687806129456, -0.2553907036781311, 1.3730515241622925, -0.3806527853012085, -0.27092960476875305, -0.1535414159297943, 0.46576595306396484, 0.5932513475418091, 0.501979410648346, 0.6880856156349182, -0.7645973563194275, 0.2774536907672882, -0.372116357088089, -0.1251317709684372, 0.4269804358482361, 0.5626324415206909, 0.9982416033744812, 1.041282057762146, -1.761210322380066, -0.4750326871871948, -0.1450735330581665, -0.4268072843551636, -0.8131445646286011, -1.1213980913162231, -0.3905750811100006, -0.4580235779285431, 0.5324501991271973, 0.12363079190254211, 0.32375675439834595, -0.1765778362751007, -1.038826584815979, 0.7743784785270691, -0.13827207684516907, 0.1282777488231659, 0.07077433168888092, 0.29712235927581787, 0.04185079038143158, 0.22421610355377197, -0.1400497555732727, -1.5570838451385498, 0.5387279987335205, 2.093438148498535, 0.23475851118564606, -0.48776260018348694, -2.4053456783294678, -0.17930951714515686, 0.2999197840690613, -1.018155813217163, 0.3393520414829254, -1.1008342504501343, 0.7043860554695129, -1.296273946762085, 0.6647807955741882, -0.3918878734111786, 0.5200524926185608, -0.12114936858415604, 0.3340885043144226, -0.2747190296649933, -0.10098867118358612, 0.0929105132818222, -0.6901798248291016, 0.7664165496826172, 0.4307762384414673, 0.09971394389867783, -0.524569034576416, 0.7017208933830261, 0.7348644733428955, 0.3005341589450836, -0.028847191482782364, 0.028898663818836212, -0.5107663869857788, -0.5634516477584839, -0.06595493853092194, 0.9911307096481323, -0.5600948929786682, -0.06607028096914291, -0.0028889551758766174, 0.24152937531471252, -0.09840104728937149, 0.21073134243488312, 0.4116772413253784, -0.8493547439575195, 1.4799588918685913, 1.5661758184432983, -0.5457181334495544, 1.9447046518325806, -1.2161015272140503, 0.23464354872703552, -0.19283199310302734, -1.789979338645935, 0.5388550758361816, 0.27760422229766846, 1.3827489614486694, -0.6184056997299194, 0.12009938061237335, 0.06475172936916351, -0.24063409864902496, -1.3378006219863892, -0.8094795942306519, -0.8070100545883179, -1.5514034032821655, -1.2153956890106201, 0.18056848645210266, -0.018725745379924774, -1.094189167022705, -0.7391178607940674, 0.2840219736099243, 1.4205896854400635, -0.0292690210044384, 0.4124472141265869, 1.9092497825622559, -0.164581298828125, 0.979175329208374, 0.005924299359321594, -0.15187397599220276, -0.7562323212623596, 0.8685983419418335, 0.3798312842845917, -0.054306406527757645, -0.29124167561531067, -0.49126213788986206, 0.1681954711675644, 0.000757165253162384, 0.9352263808250427, -0.9764454364776611, 0.1498170793056488, -0.48573607206344604, -1.0462123155593872, 0.989643394947052, -0.7053545713424683, -0.5182816386222839, -1.1629847288131714, 1.863256812095642, -0.18999890983104706, 0.4022432267665863, 0.7912818193435669, -0.4950965940952301, 0.2785921096801758, 1.8699301481246948, -0.025443896651268005, 0.10582387447357178, 0.7536152601242065, 0.11884883046150208, -0.44469428062438965, 0.9075478911399841, -2.6017801761627197, 0.5778242945671082, 0.5251818299293518, -0.08467134088277817, -0.0015781000256538391, -1.104565978050232, 0.5925669074058533, -0.4866567850112915, -0.6957890391349792, 0.0892091915011406, -0.08997896313667297, 1.0289244651794434, -0.18263749778270721, -0.24034173786640167, 1.159316062927246, -1.8358728885650635, 0.7310290336608887, 1.2175344228744507, 1.0723330974578857, -0.8746137022972107, 0.7898744940757751, 0.9515573382377625, -0.8686416149139404, 1.627260684967041, 0.42913317680358887, 0.16433198750019073, 0.9278554916381836, -1.4475173950195312, 0.5014539361000061, 0.24815727770328522, 0.8954944610595703, 1.3000730276107788, 0.8151953220367432, 0.10512062907218933, 0.2462797313928604, 0.24969908595085144, 1.0596420764923096, 1.341354250907898, -1.7808986902236938, -1.045482873916626, -0.40466395020484924, -0.28029951453208923, -0.9268175959587097, 0.994132399559021, 0.6893418431282043, 1.9420579671859741, 0.06671536713838577, -0.6935213208198547, -0.18238607048988342, -0.08016190677881241, 1.3210346698760986, 0.40484681725502014, -0.16674824059009552, 0.25423431396484375, -0.19879966974258423, 1.1587929725646973, -0.4406581521034241, -0.6547172665596008, 0.057761821895837784, 0.6253088116645813, -0.36560070514678955, -0.49921539425849915, 0.6415174603462219, 0.1675589233636856, -0.07335251569747925, 1.2160248756408691, -0.4485684931278229, 0.08632753789424896, -0.5029920935630798, 0.5074517130851746, -0.6711840033531189, -0.2188590168952942, -0.8837586641311646, 1.14212965965271, 0.4454602301120758, 0.8370814919471741, -0.2467319667339325, 0.2908414900302887, 1.0447689294815063, 0.17476202547550201, -1.351657748222351, -0.4629513919353485, -1.1256554126739502, -0.1671605259180069, -0.48801758885383606, -0.06024828180670738, -0.9719964861869812, 0.5003865957260132, -0.4938809275627136, 0.02573942020535469, 1.1394823789596558, -0.0032387543469667435, -0.8581317663192749, 0.7230943441390991, 1.3898773193359375, -0.6851827502250671, -0.48240888118743896, -0.15195201337337494, -0.6818583011627197, -1.2562729120254517, 0.23541972041130066, -0.6992500424385071, 0.09523918479681015, 0.17151525616645813, 0.13410036265850067, -0.4154881238937378, -0.28760263323783875, -0.7927493453025818, 0.6406885981559753, 0.9352549314498901, 0.034863680601119995, -0.33816516399383545, -0.7257375717163086, 0.15035851299762726, -0.3014359474182129, -1.1149113178253174, -0.7032659649848938, 0.09686771035194397, 0.2514615058898926, 0.4738864600658417, -0.35348057746887207, -0.6011911034584045, -0.23794329166412354, 0.7467391490936279, 1.159543514251709, -1.742680549621582, -0.07391247898340225, -0.49488961696624756, 0.4839973747730255, 0.1780814826488495, -0.5861072540283203, -0.039835523813962936, 1.1366398334503174, -0.4081355333328247, 0.28553909063339233, 0.6499696969985962, 0.7065392732620239, 0.45849546790122986, 0.4726071357727051, 0.6484835147857666, -0.608030378818512, -9.851895332336426, 0.14922526478767395, -0.35854724049568176, 0.7025728225708008, 0.6402043700218201, -0.4464093744754791, 1.2455499172210693, 0.5511488318443298, 0.42749500274658203, -0.42698514461517334, 0.6260594725608826, 0.9626380801200867, 0.4178815186023712, -0.8613018989562988, -0.8604179620742798, -1.327305793762207, -0.1948700249195099, 0.43045979738235474, 0.6929340362548828, 0.4587598741054535, -0.8407460451126099, -1.6241812705993652, 0.29018956422805786, -0.007944677025079727, 0.0019785556942224503, -0.929972767829895, 0.07468130439519882, 0.10651940852403641, -0.5791416168212891, -1.2280046939849854, -0.03924056515097618, -1.010737657546997, -1.5573039054870605, 0.2306663542985916, 0.7378470301628113, 0.7580094337463379, -0.8551426529884338, 0.05920158326625824, 0.5832626819610596, 0.6480816602706909, -0.397098183631897, -0.2941844165325165, 0.45757588744163513, 0.5325703620910645, 0.38061705231666565, 0.0974964052438736, 0.17219163477420807, -0.24947980046272278, 0.41915079951286316, -0.6178938746452332, -0.4921529293060303, -0.4841996431350708, -0.943559467792511, -0.6168304085731506, 0.7752469182014465, 0.7785288095474243, -0.41677945852279663, 0.043302565813064575, -0.4639872908592224, -2.015360116958618, 0.5561946630477905, 0.23486442863941193, 0.7266980409622192, -0.008621502667665482, -0.01974485069513321, 0.021919531747698784, 0.5698609352111816, -0.4990077018737793, 0.6642981767654419, 0.6381363272666931, -0.9961175322532654, -0.22200697660446167, -0.45544612407684326, -0.16130691766738892, -0.12674382328987122, -0.2964983284473419, -0.6853156685829163, 0.3420616090297699, 0.7601217031478882, -0.3176053762435913, -1.1377395391464233, 1.0586243867874146, 0.2078906148672104, -0.11335030943155289, 0.304801344871521, -0.37870675325393677, -0.6649419069290161, 0.3761567771434784, 0.6644737720489502, 0.17368966341018677, 1.0722743272781372, 0.6857101917266846, 0.2581633925437927, -0.46255385875701904, -0.3020012378692627, 1.080093502998352, -1.1140648126602173, 1.479299783706665, 0.16432639956474304, -0.06392710655927658, 0.1716773509979248, -0.23854967951774597, -0.8622409105300903, -0.5825537443161011, 0.8486756682395935, 0.46087944507598877, 0.4897756576538086, 0.15102282166481018, -0.26257404685020447, -0.31401172280311584, 1.2582623958587646, 0.514509379863739, -0.10184165835380554, 0.2773455083370209, 0.31014159321784973, 1.0365681648254395, 0.32003238797187805, 0.10357283055782318, 0.6740923523902893, 1.3324103355407715, 0.47487980127334595, 0.24844583868980408, -0.10656728595495224, 1.0320810079574585, -0.5800755023956299, 0.5183460116386414, -0.06552492082118988, 0.39794695377349854, -0.33071935176849365, -1.4897414445877075, -0.42731523513793945, -0.021979032084345818, 0.07254526019096375, -1.5143153667449951, -0.4910147190093994, -1.046156883239746, -0.5435701608657837, 0.8895753622055054, 0.7088648676872253, 0.2270631492137909, -0.3681091070175171, -1.3040688037872314, 0.23921293020248413, 0.05957074090838432, -0.055506594479084015, -0.1049099788069725, -1.1869597434997559, -0.3142068088054657, -0.6519380211830139, -1.0975308418273926, 0.22656065225601196, -0.22560596466064453, -0.18794168531894684, -0.618994951248169, -0.3952462077140808, 0.13334688544273376, 0.19955694675445557, 0.05922410637140274, -1.045200228691101, -0.429313987493515, -0.056611090898513794, 2.298875093460083, -1.632197618484497, 0.9700174331665039, 0.6623338460922241, 0.43628546595573425, -1.7782396078109741, -0.08996278047561646, -0.4632470905780792, 0.38114723563194275, 1.1644171476364136, -0.5112934112548828, -0.9061792492866516, -0.27778828144073486, -0.7808419466018677, -0.7424630522727966, 0.6162384152412415, 0.8281533718109131, -0.8556346297264099, 0.2873413860797882, -0.20317691564559937, 0.034360844641923904, -0.2602193355560303, -0.5041241645812988, -0.8611395359039307, -0.3237280249595642, -0.30082839727401733, 0.792515754699707, -0.5022273063659668, 0.8909236788749695, -1.6954083442687988, -1.2438843250274658, -0.1454889178276062, 0.523574948310852, 0.4718044698238373, -0.2303096354007721, 1.14137864112854, -0.09201590716838837, 0.42333343625068665, -0.10563856363296509, -0.16160230338573456, 0.3404448628425598, 0.7198917269706726, 1.114186406135559, -0.17105568945407867, -0.369876503944397, -1.1156325340270996, -0.34659016132354736, -0.05916658788919449, 0.374720960855484, -1.626769781112671, 0.3561478853225708, 0.08636420965194702, -0.7058932781219482, 0.16448819637298584, -0.3322902321815491, 1.0722885131835938, 0.11939345300197601, -0.6776654124259949, -0.7968711256980896, -0.41130805015563965, 0.6639665365219116, -0.5532440543174744, 0.6140427589416504, -0.38772478699684143, 0.5043741464614868, -0.24769310653209686, 0.22558149695396423, 1.9155187606811523, -0.6572670340538025, -0.6884886622428894, 0.2510105073451996, 0.8592913150787354, -0.07118479162454605, -1.0206844806671143, 0.4882517457008362, -0.89523845911026, 0.1462898850440979, -1.6873265504837036, 0.35057416558265686, -0.5040494799613953, -0.3576684296131134, 0.40787214040756226, 0.43600335717201233, -0.11650876700878143, -0.30833521485328674, -0.10104651749134064, -1.1595489978790283, 0.45306921005249023, 0.22399424016475677, 0.45935243368148804, 0.8208112120628357, 0.705651581287384, 0.11286447942256927, 0.4609096646308899, -0.32561275362968445, -0.28339308500289917, 0.07046723365783691, 0.3551098704338074, 0.5037270784378052, 0.4532965123653412, 0.37291279435157776, -0.013186482712626457, 0.05614260956645012, -1.1180784702301025, -0.70257967710495, -0.7165454626083374, 0.2490573674440384, 1.072314977645874, -0.568245530128479, 0.4857543110847473, -0.6074678301811218, 0.11299304664134979, -0.4003385007381439, 0.9586940407752991, 0.49462461471557617, 0.2148783951997757, -0.5728917121887207, -1.743773341178894, 0.03262501582503319, 0.7790985107421875, -1.0679304599761963, 0.0976734384894371, 0.00513690710067749, 0.9031501412391663, 0.33302968740463257, -0.7094159126281738, -1.1123762130737305, 0.6193360090255737, -0.46081116795539856, 0.5271997451782227, 0.08934693038463593, -0.7765127420425415, -1.0633105039596558, 0.6969342827796936, -0.9483196139335632, 0.4242883324623108, 0.30631476640701294, -0.7456041574478149, 0.32681748270988464, 0.5445961356163025, -1.1063095331192017, -0.6283171772956848, 0.5805234313011169, 0.26503613591194153, -1.857843041419983, 1.6933635473251343, 1.6026878356933594, 0.049943022429943085, -0.8620147705078125, 0.10480618476867676, 0.010532811284065247, 0.7688822150230408, 1.347493290901184]} +{"paper_id": "qwant/squad_fr", "embedding": [-0.19785882532596588, 0.6166578531265259, -0.2506154775619507, -0.16806888580322266, 0.45263057947158813, -0.046781811863183975, 0.37914717197418213, 0.753461480140686, 0.8280300498008728, 0.36149337887763977, 0.4808104932308197, -0.20878790318965912, 0.5921030640602112, 0.6209372878074646, -0.0283975787460804, -0.679100513458252, -0.8263266086578369, -0.5590283870697021, -1.5926761627197266, -0.28315281867980957, -0.9125106334686279, -0.7431918382644653, 0.0047208406031131744, 1.2621307373046875, -0.4742048382759094, -1.1960370540618896, 0.8966341614723206, -1.0885555744171143, 0.3258785307407379, -0.015428561717271805, -0.018182553350925446, 0.9354940056800842, -1.1663706302642822, 0.5075035095214844, -0.33019378781318665, -0.5923635363578796, 0.2750646770000458, 1.0254154205322266, 0.15193390846252441, -0.5391542911529541, -0.45931294560432434, 0.3538582921028137, 0.5149988532066345, -0.00024508871138095856, 0.8366062641143799, -0.4337354898452759, 0.7517040967941284, -0.22515393793582916, -0.4078023433685303, -0.040400560945272446, -0.7250832319259644, 0.23479411005973816, -0.26363271474838257, 0.6514542102813721, -0.04718156158924103, 0.542494535446167, 0.20695644617080688, -0.8503074645996094, 0.5862979888916016, -0.7589865922927856, 1.4998537302017212, 1.717538833618164, -0.2291223555803299, 0.4834516942501068, 1.5584988594055176, -0.18467581272125244, 1.0979048013687134, 0.010135382413864136, -0.22911719977855682, 1.1427940130233765, -0.4400409460067749, -0.01067863404750824, 0.43762582540512085, -0.4196506142616272, 0.3095666170120239, 0.6674767732620239, -0.18424317240715027, 0.03906036913394928, -0.1253286898136139, -0.2521287798881531, -0.19996698200702667, -0.03007490560412407, 0.7478119730949402, -0.20198720693588257, 0.2393040508031845, 0.054201990365982056, 0.2484426498413086, -0.9312126040458679, 0.3224083483219147, -1.859838843345642, 0.43093931674957275, 0.44515570998191833, -0.14766308665275574, 0.09307058155536652, -0.3275783658027649, 0.6606854200363159, -0.7015313506126404, 0.054372794926166534, 0.007945284247398376, -0.019528541713953018, 0.5922113060951233, -0.13909921050071716, 0.6200978755950928, -0.30516597628593445, 0.184966579079628, 0.2254447191953659, 0.29756394028663635, -0.29105252027511597, -0.674557089805603, -1.054391860961914, 0.3199635148048401, 0.7989656329154968, -0.1874566227197647, 0.37901490926742554, -0.06655747443437576, 0.7162345051765442, 0.4285498857498169, -1.0926481485366821, -0.11526482552289963, 0.20961454510688782, -0.050353437662124634, -0.7717533707618713, -0.48593997955322266, -0.6033877730369568, 0.6170153021812439, -0.34831127524375916, -0.3102254867553711, -0.9732236266136169, -0.28539979457855225, 0.30250704288482666, 0.7566431760787964, 0.21628187596797943, -0.6097298860549927, -0.11832217872142792, 2.8581199645996094, -1.1830291748046875, 1.3501909971237183, -0.6782148480415344, 0.08616265654563904, -0.7227901220321655, -0.682823657989502, 1.4535753726959229, -0.23423239588737488, -0.8483077883720398, -0.7330948710441589, 0.4890928864479065, -0.3941943943500519, 0.37915197014808655, -1.1503686904907227, -0.43916118144989014, 0.0350964330136776, 0.047599393874406815, -1.4781816005706787, -0.6181870102882385, 0.1377222090959549, 0.39610743522644043, 0.1054760217666626, 0.5986841917037964, -0.32521167397499084, 0.9951884150505066, -0.08626628667116165, 0.03417355194687843, -0.3906364440917969, 0.36179620027542114, -0.7674365639686584, -0.12100731581449509, 0.7086780071258545, -0.05377037078142166, -0.6726242303848267, 0.1516248881816864, -0.06921765953302383, -0.32614666223526, -0.24242445826530457, 0.048897646367549896, -0.31476524472236633, 0.15237000584602356, 0.5389356017112732, 0.5150907039642334, 0.4374884068965912, -0.8229223489761353, 0.10107913613319397, -0.20505593717098236, 0.27989718317985535, 0.9024224877357483, -0.026866475120186806, 0.5928502678871155, -2.607482433319092, 0.10876815021038055, -0.43450629711151123, 1.226421594619751, -0.24756892025470734, 0.1681891232728958, 0.2601465880870819, 0.28628993034362793, -0.1023753434419632, -0.7386458516120911, 0.5821460485458374, -1.000532627105713, 0.513994574546814, 0.1545296460390091, 0.12930329144001007, -0.06869152933359146, 0.565679669380188, 0.9231423139572144, 0.5027362108230591, -0.4241192936897278, -1.2618303298950195, -1.736238956451416, 0.10041458904743195, 2.145268678665161, 0.2480643093585968, -0.20515763759613037, -0.7515274286270142, -0.6094445586204529, 0.06693897396326065, -0.2309487909078598, -0.007627677172422409, -0.5603509545326233, 0.04714225232601166, -0.8180088400840759, 0.914273738861084, -0.7898070812225342, -0.33106282353401184, 0.7029926180839539, 1.5859860181808472, -0.5453813076019287, -0.3491409420967102, -0.8187581896781921, -0.15949487686157227, 0.3097977042198181, 0.8207641243934631, 0.14016172289848328, -0.422421932220459, 0.4481933116912842, 0.5075913667678833, 1.2280938625335693, 0.5937832593917847, 0.6451189517974854, -0.7039908170700073, 0.40973570942878723, -0.5067687034606934, 1.726452350616455, -0.09969578683376312, 0.03922676295042038, -0.09320582449436188, -0.11195209622383118, -0.5455548167228699, -0.129415363073349, -0.21916818618774414, -0.08532818406820297, 0.7323170304298401, 0.5379295945167542, -0.44350168108940125, 0.7059974074363708, -0.6073157787322998, -0.30424150824546814, 0.03996024280786514, -0.31178903579711914, -0.751853883266449, -0.30646657943725586, 0.6551594138145447, -0.3370501697063446, -0.08467476069927216, -0.1576860547065735, 0.21009981632232666, -1.165261149406433, -0.7269024848937988, 0.5286206603050232, -0.017219863831996918, -0.7013914585113525, -0.42217037081718445, -0.27604401111602783, -1.2302974462509155, -0.24362149834632874, 0.23046550154685974, -0.2500884532928467, -0.06449243426322937, 0.5241509675979614, 1.6590583324432373, -0.020563839003443718, 0.34829390048980713, 0.08991535007953644, 1.3231045007705688, -0.744595468044281, 0.1331462562084198, -0.2088697999715805, 0.2814110219478607, -1.1952342987060547, 0.10785821080207825, -0.8045492768287659, 0.16156968474388123, 0.872898519039154, 0.12249734252691269, 1.2059732675552368, -0.1899825930595398, -1.1593987941741943, 0.7884160280227661, -0.1928950399160385, -0.14354625344276428, -0.6756981015205383, 1.5599243640899658, 0.02565641887485981, -0.49710074067115784, 0.9927125573158264, -0.14829765260219574, -0.4150724411010742, 0.7041165232658386, -0.09391014277935028, -0.13506823778152466, 0.48135846853256226, -0.32187318801879883, 0.006670951843261719, 0.4228496551513672, -1.8335182666778564, 1.0673573017120361, 1.1287579536437988, -0.36785149574279785, -0.27127695083618164, -0.8180732727050781, 0.2527390718460083, -0.2858983278274536, 0.32770365476608276, 1.1348521709442139, -0.4113905429840088, 0.5508420467376709, -0.4890371561050415, 0.15791064500808716, 0.5126650929450989, 0.17316636443138123, 0.47725334763526917, 0.5008260607719421, 0.6368783116340637, -1.0601050853729248, -0.6648612022399902, 1.0846422910690308, -0.4223504066467285, 0.27376115322113037, 0.28679534792900085, 0.766403317451477, 0.7961419820785522, -0.02558068186044693, -0.26000919938087463, 0.21424777805805206, 0.3976813852787018, -0.043831244111061096, -0.3030047118663788, -0.12312102317810059, 0.5036696195602417, -0.3202873468399048, 1.3031854629516602, -0.4995976388454437, -0.5184532403945923, -0.7165248394012451, -0.195072203874588, -0.15083524584770203, 0.05334398150444031, 1.5795680284500122, 0.3722410500049591, 1.3675498962402344, 0.5994389057159424, 0.05347699671983719, -0.3685104250907898, -0.27186018228530884, 0.5181405544281006, 0.1517520248889923, 0.3458439111709595, -0.6541746854782104, -0.024893641471862793, 1.101865530014038, 0.4996369183063507, -0.8224607706069946, 0.3957989811897278, 0.4739038050174713, -0.22505749762058258, -1.186461329460144, 0.9147422313690186, 0.8228077292442322, 0.5783021450042725, 1.5576231479644775, -0.8299733996391296, 0.12944680452346802, -0.15964721143245697, -0.08132121711969376, -0.20737136900424957, 0.47213053703308105, -0.02372143417596817, 0.7075409889221191, 0.11717875301837921, 0.898402750492096, 0.011578381061553955, 1.4520881175994873, 1.5564868450164795, -0.6874774694442749, -1.2200798988342285, 0.07732361555099487, -0.772925615310669, 0.15403863787651062, 0.7915314435958862, 0.2417878806591034, -0.34034043550491333, 0.47146183252334595, 0.3034607470035553, -0.9686499238014221, 0.15914508700370789, -0.3293301463127136, -1.300018310546875, 0.6786419153213501, 1.1718919277191162, -0.6592716574668884, -0.41283291578292847, -0.22510656714439392, -0.9088017344474792, -0.18450069427490234, 0.04286165535449982, -1.3265496492385864, 0.6356449127197266, 0.17657649517059326, 0.9403527975082397, 0.018226994201540947, -0.0033783242106437683, -1.418289065361023, 1.3962972164154053, 0.9022361636161804, -1.1113020181655884, 0.4863303601741791, 0.4005427658557892, 0.8825858235359192, 0.2479432225227356, -1.236612319946289, -0.5547559857368469, 0.9662249684333801, -0.16997113823890686, 0.029133114963769913, -1.0183019638061523, -0.33147111535072327, 0.856968104839325, 0.6595252156257629, 0.668150782585144, -0.6933838129043579, 0.26202917098999023, -1.1682369709014893, 0.0853966623544693, 0.706694483757019, -1.0182470083236694, -0.9167495965957642, 0.26714974641799927, -0.45917248725891113, 0.5788811445236206, -0.008681513369083405, 0.025788206607103348, 1.6597262620925903, -0.25568169355392456, -0.3202332854270935, -0.2176923155784607, -11.991348266601562, 0.8944345712661743, -0.08248566836118698, -0.03137608617544174, 0.4498698115348816, 0.13099896907806396, 0.5410159826278687, 0.07885132730007172, 0.2741135358810425, -0.7107295393943787, 0.2914091646671295, 0.8479315638542175, 0.4798751175403595, 0.16296067833900452, -0.8444751501083374, -0.8909174799919128, -0.5236909985542297, -0.9536109566688538, 0.6194695234298706, 0.28094515204429626, -0.101250559091568, -0.4361076354980469, -0.07813521474599838, -0.20076708495616913, 0.5013728141784668, -0.3779699504375458, -0.8159705996513367, -0.2464102953672409, -0.18979540467262268, 0.0003537312150001526, 0.37617436051368713, -0.041087206453084946, -0.6234817504882812, -0.18876811861991882, -0.07249805331230164, -0.621680498123169, -1.0022087097167969, -0.3044714629650116, 0.604623019695282, -0.6965811252593994, -0.40419429540634155, -0.23502910137176514, 0.5790244340896606, -0.5183306336402893, -0.23590056598186493, 0.29108160734176636, 0.2516981363296509, -0.8245254158973694, -0.018602080643177032, -0.2421347200870514, -0.89873206615448, -0.25388920307159424, -0.9471583366394043, -0.8466439247131348, 0.3620697557926178, 0.12125006318092346, -0.8543481230735779, -0.26151856780052185, -0.09376935660839081, -0.7280642986297607, 0.3491976261138916, 0.21311882138252258, -0.47688567638397217, 0.28102225065231323, 0.09860196709632874, -0.15891216695308685, 0.11764293164014816, 0.16454686224460602, -0.0992613434791565, 0.6230577230453491, -0.8264121413230896, 1.3603966236114502, 0.16489824652671814, 0.8274133801460266, -0.7741557955741882, 0.2316822111606598, -0.8924593329429626, -0.37055355310440063, 0.642085075378418, -0.011776495724916458, -1.4722379446029663, 0.5760514736175537, 0.6262986660003662, -0.40467149019241333, -0.6805800199508667, 0.4594193994998932, 0.05839896947145462, 0.41069450974464417, 1.0090882778167725, -0.6841638684272766, 1.0608896017074585, 0.1706409454345703, -0.7374706268310547, -0.48128241300582886, -0.3555644154548645, 0.7160300612449646, -0.8698227405548096, 0.33607813715934753, 0.37904927134513855, -0.36400285363197327, -0.13216525316238403, -0.2821294367313385, -0.5659452676773071, -0.08611159771680832, 1.0370641946792603, 0.05846618860960007, 0.08452112972736359, -0.0676424652338028, -0.07371358573436737, -0.8724721670150757, 0.8676764965057373, 0.5712753534317017, 0.008533172309398651, 1.61821711063385, -0.6471048593521118, 0.6398464441299438, 0.574455201625824, 0.107484370470047, 0.1110585555434227, 0.8290541768074036, -1.173633098602295, 0.8512809872627258, 0.26476985216140747, 1.7375727891921997, -0.20955853164196014, 0.11959107220172882, 0.13528376817703247, 0.33329030871391296, -0.1730530709028244, -1.1524381637573242, 0.4167323708534241, -0.4111925959587097, -0.11212928593158722, -0.6525872349739075, 0.02839573100209236, 0.5350381135940552, -0.48240911960601807, 1.817151665687561, -0.9672494530677795, -0.25265106558799744, -0.11230182647705078, 0.1176307201385498, -1.0008621215820312, -1.0761646032333374, -0.8222866654396057, 0.3668505549430847, -1.771821141242981, 0.41579556465148926, -0.045964326709508896, -0.5255284905433655, -0.19709695875644684, -0.7487828731536865, 0.6740816831588745, -0.4888225793838501, -0.2834431231021881, -0.6001715064048767, 0.5577458143234253, -0.7050513625144958, -0.6843202114105225, -0.13778012990951538, 0.4913058876991272, 1.132075309753418, -0.9313462972640991, 1.3346893787384033, 0.25485026836395264, -0.759469211101532, -0.836327075958252, 0.403609037399292, -0.5159326195716858, 0.474539577960968, 0.7532135248184204, -0.8934277296066284, -0.4221648871898651, -0.5162177681922913, -0.2221948802471161, -0.6824883222579956, -0.18660476803779602, 0.9552456140518188, -1.4729679822921753, -0.26936715841293335, -0.7274314165115356, 0.7248601317405701, 0.191467747092247, -0.37751394510269165, -0.7617760896682739, 0.4644658863544464, -0.3406651020050049, 0.6676344871520996, 0.17031435668468475, 1.000770926475525, -1.2664713859558105, -1.013282299041748, -0.3911404311656952, -0.2968512177467346, 0.625514566898346, 0.557188093662262, 0.6425443887710571, 0.37395694851875305, -0.5719728469848633, -0.3555670976638794, -0.10056933760643005, 0.285109281539917, 0.3333081603050232, 0.6223379969596863, -0.5567235946655273, 0.7051306962966919, -0.4775817394256592, 0.2622731626033783, 0.7665969133377075, 1.3792418241500854, -0.7755959630012512, -0.5398612022399902, 0.020830772817134857, -0.08202549815177917, -0.2629661560058594, -1.5095024108886719, -0.3082984387874603, -0.35399970412254333, -0.38681575655937195, -1.1751900911331177, 0.2770772874355316, 1.4498505592346191, -0.14873427152633667, 0.5671780705451965, 0.6495386362075806, 1.0734132528305054, 0.9186564087867737, 0.047151386737823486, 0.7442156076431274, 0.02152174524962902, 0.3400416076183319, 0.3874099552631378, 0.2846674621105194, 0.23572677373886108, -0.1520986407995224, -0.8892762660980225, -0.5627480745315552, 0.2763502895832062, -0.2957119345664978, 0.8652662634849548, 0.3937531113624573, 0.4746970236301422, 1.094937801361084, 1.1175583600997925, 0.29752910137176514, -1.6260569095611572, -0.41010597348213196, -1.4485703706741333, 0.33621925115585327, 0.7090526223182678, 0.5300460457801819, 0.24227726459503174, 0.7341300845146179, -0.8143278360366821, 1.0682947635650635, -0.7136983275413513, 0.4077489972114563, -0.06149730831384659, -0.2849521040916443, 0.7853912711143494, 0.5353723168373108, 0.5168425440788269, 0.21113519370555878, -0.7337387204170227, -1.1349682807922363, -0.12740427255630493, -0.5401750802993774, 1.037499189376831, 0.41315126419067383, -0.31561318039894104, -0.009892724454402924, -0.24615611135959625, 0.835997998714447, 0.08227433264255524, 1.2750784158706665, -0.06664592772722244, -0.1840398907661438, -0.23303230106830597, -1.0430488586425781, -0.22400225698947906, 0.5350773334503174, 0.0857037752866745, -0.19117864966392517, -0.1343650370836258, 0.11580385267734528, 0.32810887694358826, 0.10450741648674011, -0.5769492387771606, -0.4593411087989807, -0.4609193205833435, 0.17795400321483612, 0.5939643383026123, -0.7314895987510681, -0.8203151822090149, -0.2083835005760193, -0.9853459596633911, 0.28232118487358093, 0.4507390260696411, -0.6084349751472473, -0.4704645574092865, 0.3570246994495392, 0.005617082118988037, 0.369417667388916, 0.1737050563097, -0.09600645303726196, -1.4570386409759521, 0.5414820909500122, 0.9191516041755676, -0.889120876789093, -0.17119276523590088, 0.2049495279788971, 0.6503178477287292, 0.2634637951850891, 1.4723416566848755]} +{"paper_id": "sagnikrayc/mctest", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "sagnikrayc/quasar", "embedding": [-0.4895116090774536, 1.0279362201690674, 0.3239239454269409, -0.08853243291378021, 0.05320851504802704, -0.03924239054322243, -0.009293243288993835, 1.1936532258987427, 0.6842767000198364, 0.09925372153520584, 0.4587932527065277, 0.535860538482666, 0.7460309267044067, 0.4575496315956116, -0.473554402589798, -0.25280094146728516, -0.513765275478363, -0.7474265098571777, -1.37975013256073, -0.5055971741676331, -0.4815656542778015, -0.9715827107429504, 0.3216768801212311, 0.8410888910293579, -0.4553713798522949, -1.0082662105560303, 0.7654881477355957, -1.0182781219482422, 0.47912126779556274, 0.3176168203353882, -0.11084317415952682, 0.8112611770629883, -1.325447678565979, 0.26653411984443665, -0.3557000160217285, -0.11387289315462112, 0.3913857936859131, 1.05979585647583, 0.3164162337779999, -0.35914453864097595, -0.48468583822250366, 0.02773512899875641, 0.7269830107688904, 0.43242117762565613, 1.3842363357543945, -0.8662390112876892, 0.6890726685523987, -0.08060012757778168, -0.2595214247703552, -0.10367655009031296, -0.8742471933364868, 0.3980535864830017, -0.19968554377555847, 0.4237423539161682, -0.34839633107185364, 0.44736915826797485, 0.3646189272403717, -0.6254997253417969, 0.5060316324234009, -0.8388007879257202, 1.7991801500320435, 1.3336796760559082, -0.13192658126354218, 0.4332391917705536, 1.4136065244674683, -0.1211104616522789, 1.30418860912323, 0.3403506875038147, 0.01793466880917549, 0.5614559054374695, -0.3072333335876465, -0.7869362831115723, 0.6037384867668152, 0.0948253870010376, -0.11596037447452545, 0.702323317527771, 0.29114338755607605, 0.1071099042892456, 0.2972232699394226, -0.2094528079032898, -0.34458330273628235, 0.12088900804519653, 0.3360765278339386, -0.32603177428245544, 0.18974143266677856, -0.2691998779773712, -0.0016475021839141846, -1.0951100587844849, 0.42475759983062744, -1.3406342267990112, 0.7159573435783386, 0.4691578149795532, -0.025537662208080292, -0.21797554194927216, -0.49448490142822266, 0.16350948810577393, -0.8400804996490479, -0.2116447389125824, -0.24063149094581604, 0.4079526364803314, 0.6137508153915405, 0.11353038996458054, 0.26881468296051025, -0.48372694849967957, 0.1866740584373474, 0.05936179310083389, -0.07811049371957779, -0.38945943117141724, -0.9245662689208984, -1.0109906196594238, 0.15173523128032684, 0.5460333824157715, -0.3823927342891693, 0.6427115201950073, -0.01908331736922264, -0.020372530445456505, 0.3424564301967621, -0.8821141719818115, -0.27957355976104736, 0.09838506579399109, -0.2368122935295105, -1.2821745872497559, -0.20017683506011963, 0.04310472309589386, 0.6299470663070679, -0.6045442223548889, -0.3525059223175049, -0.4627634286880493, -0.432709664106369, 0.3810993432998657, 1.102405309677124, -0.022358212620019913, -0.745230495929718, -0.42557668685913086, 3.3404622077941895, -1.2425923347473145, 1.1727315187454224, -0.3124677240848541, -0.1327265053987503, -0.8017542958259583, -0.7169012427330017, 1.2373600006103516, 0.381526917219162, -0.9391080737113953, -0.7706668376922607, 0.3231793940067291, -0.3287478983402252, 0.17010614275932312, -0.686824381351471, -0.11531348526477814, -0.3491022288799286, 0.22068889439105988, -1.3159592151641846, -0.5632489919662476, 0.03807976469397545, 0.47242942452430725, -0.05061918869614601, 0.5857995748519897, -0.37774690985679626, 0.6463398337364197, 0.5180659890174866, -0.038762517273426056, -0.6151148080825806, 0.5850805640220642, -0.6721071004867554, -0.13026855885982513, 0.934371292591095, -0.09272056072950363, -0.8935460448265076, -0.06210353597998619, 0.20419840514659882, -0.6689116954803467, -0.5650122165679932, -0.07028882205486298, -0.10144796222448349, 0.2167712152004242, 0.6144480109214783, 0.37321239709854126, 0.3654325008392334, -0.6658843159675598, -0.3415355980396271, -0.46852049231529236, 0.14088532328605652, 0.8811743855476379, -0.11614887416362762, 0.6606107354164124, -2.677271604537964, 0.00950353592634201, 0.07161791622638702, 0.19093091785907745, 0.32583534717559814, 0.08016340434551239, 0.2680235803127289, 0.29136958718299866, 0.11780400574207306, -0.3922359049320221, 0.08660092949867249, -1.0967841148376465, 0.5372956395149231, 0.031516313552856445, 0.14340078830718994, 0.28820741176605225, 0.08934226632118225, 0.8213353157043457, 0.9073632955551147, -0.24795958399772644, -0.7814278602600098, -1.96677827835083, 0.2714371085166931, 2.511249542236328, -0.04467342793941498, -0.2402297854423523, -1.2379182577133179, 0.19274212419986725, -0.13934920728206635, 0.08953890204429626, 0.09925764799118042, -0.48425257205963135, 0.13316677510738373, -0.4811275005340576, 0.9543946385383606, -0.2865670323371887, 0.12233687192201614, 0.3162992298603058, 1.4940028190612793, -0.7361368536949158, 0.20591935515403748, -0.6777674555778503, -0.5051849484443665, 0.7023963928222656, 0.8312764763832092, 0.09602703899145126, 0.17163221538066864, 1.1197493076324463, 0.5333828330039978, 0.9376910328865051, 0.4842183291912079, 0.36126768589019775, -0.588712751865387, 0.38005951046943665, -0.32922598719596863, 1.1194138526916504, -0.020617365837097168, 0.13370096683502197, 0.163658007979393, 0.43115851283073425, -0.23920319974422455, -0.21611616015434265, 0.08033226430416107, -0.04950448125600815, 1.093972086906433, 0.570449709892273, -0.5291036367416382, 0.6840692758560181, -0.701688826084137, -0.3486509919166565, -0.036771271377801895, -0.39089712500572205, -0.6154800653457642, -0.2023327499628067, 0.9339196085929871, -0.13932178914546967, 0.19544313848018646, -0.07436671853065491, 0.09909376502037048, -1.1327155828475952, -0.7012808918952942, 0.07598655670881271, -0.34274399280548096, -0.5983136892318726, -0.3949250280857086, -0.35626745223999023, -1.1986252069473267, -0.6273173689842224, 0.20651333034038544, -0.0723867416381836, 0.09581393748521805, 0.9102143049240112, 1.5167168378829956, 0.17578372359275818, 0.3795092701911926, -0.2854768931865692, 1.0659221410751343, -0.41487810015678406, 0.4497144818305969, -0.08848028630018234, 0.16580000519752502, -1.1588916778564453, 0.22074568271636963, -0.3553315997123718, 0.25310853123664856, 0.5898606181144714, -0.3105550706386566, 0.015403978526592255, -0.4533434808254242, -0.8351302146911621, 0.6682233214378357, 0.03596605360507965, -0.31166306138038635, -0.41904497146606445, 1.9706543684005737, -0.16231314837932587, -0.816843569278717, 0.8192564249038696, -0.26651865243911743, -0.33636969327926636, 0.5540818572044373, -0.1462179571390152, 0.03779932111501694, 0.687553882598877, 0.31557703018188477, 0.16110014915466309, 0.3161134719848633, -2.09187912940979, 0.9756653308868408, 1.032534122467041, -0.07083196938037872, -0.453046590089798, -0.721930205821991, 0.30668509006500244, -0.25298047065734863, -0.162136048078537, 0.4713296890258789, -0.6758314967155457, 0.7780377864837646, 0.06010211259126663, 0.6494233012199402, 0.8676836490631104, -0.29392367601394653, 0.4216766059398651, 1.038628339767456, -0.03730030357837677, -0.6353679895401001, -0.5770098567008972, 1.0357639789581299, -0.29124560952186584, 0.09415822476148605, -0.17146748304367065, 0.7426211833953857, 0.6804201602935791, -0.14394792914390564, -0.40819674730300903, 0.39106255769729614, 0.6002202033996582, -0.22123049199581146, 0.01073405146598816, -0.4148402810096741, 0.35954737663269043, -0.08893638849258423, 1.4588682651519775, -0.3283807337284088, -0.7869275212287903, -1.0670849084854126, -0.2826662063598633, -0.12502038478851318, -0.11125562340021133, 1.683050513267517, 0.43262147903442383, 1.6535918712615967, 0.10801468789577484, 0.11441435664892197, -0.595949113368988, -0.28024518489837646, 0.7131938934326172, 0.5228287577629089, 0.6381297707557678, -0.7380986213684082, -0.5261054039001465, 0.8201786279678345, 0.4071267247200012, -0.3838242292404175, 0.5394802689552307, 0.37005552649497986, 0.27517569065093994, -0.8201329708099365, 0.4589703679084778, 1.1326860189437866, 0.6327269077301025, 1.2259955406188965, -0.16402201354503632, 0.04323511943221092, -0.5612801909446716, 0.16383156180381775, 0.16819755733013153, 0.29541483521461487, -0.03251871466636658, 0.7306293845176697, -0.026936177164316177, 0.4745107889175415, 0.07531394064426422, 1.2107012271881104, 1.730364203453064, -0.8414216041564941, -1.4461736679077148, -0.2516630291938782, -0.713909924030304, 0.2072380930185318, 0.25860148668289185, 0.4104740023612976, -0.7091507911682129, 0.6673483848571777, -0.006167616695165634, -1.0843003988265991, 0.17694216966629028, -0.19392703473567963, -1.503690481185913, 1.0503803491592407, 1.3584301471710205, -0.8300313949584961, -0.4583970010280609, -0.37107187509536743, -0.9755533337593079, -0.28126832842826843, -0.2208215594291687, -0.864445686340332, 0.5197582244873047, 0.18830780684947968, 0.8784433007240295, -0.15352416038513184, 0.13077013194561005, -1.3215715885162354, 1.2287890911102295, 0.9973807334899902, -0.5645138025283813, 0.2729353904724121, -0.27263614535331726, 0.5840734839439392, -0.11435496807098389, -1.28324294090271, -1.2248280048370361, 0.15816374123096466, -0.11062571406364441, 0.3134455978870392, -0.7843364477157593, -0.6265649795532227, 0.2172279953956604, 0.36041760444641113, 0.45022839307785034, -0.6342924237251282, -0.22135786712169647, -1.0369811058044434, -0.33516180515289307, 0.7292674779891968, -0.9417604207992554, -0.5054322481155396, 0.39421728253364563, -0.5801341533660889, 0.657084584236145, -0.2819443345069885, 0.03466248884797096, 1.418236255645752, 0.03494098782539368, -0.4578348398208618, -0.2206539511680603, -12.063319206237793, 0.745119035243988, -0.0811464712023735, 0.3585963249206543, 0.9801247715950012, 0.2150011658668518, 0.547555148601532, -0.19894780218601227, 0.5029447674751282, -0.5663400292396545, 0.12459497153759003, 0.6758894920349121, 0.05117510259151459, -0.1202157512307167, -0.6400863528251648, -0.9397466778755188, -0.21848641335964203, -0.441800594329834, 0.8250508904457092, -0.11289187520742416, -0.16485050320625305, -0.9112563133239746, -0.8721615672111511, 0.3429124057292938, 0.4516756534576416, 0.013998135924339294, -0.5371105670928955, -0.5584414005279541, -0.15400028228759766, -0.3790532648563385, 0.6010351181030273, 0.02857372537255287, 0.0039244890213012695, -0.3007736802101135, -0.43627357482910156, -0.2555589973926544, -1.0263808965682983, 0.12666288018226624, 0.561230480670929, -0.4063794016838074, -0.5789172649383545, -0.19933831691741943, 0.49606022238731384, -0.3803883492946625, -0.32332471013069153, 0.573209285736084, 0.47485750913619995, -1.055906891822815, 0.633898913860321, 0.049582384526729584, -0.6294600963592529, -0.3601895570755005, -0.7651559710502625, -0.44949984550476074, 0.21987968683242798, 0.7684599757194519, -1.2451597452163696, -0.5385306477546692, -0.23663845658302307, -0.8835649490356445, 0.6717960238456726, 0.11288367211818695, 0.011313915252685547, 0.1684938669204712, 0.35011056065559387, 0.2129388153553009, -0.04219783842563629, -0.013404005207121372, -0.4653850495815277, 0.5785118341445923, -0.4467949867248535, 0.9315418004989624, 0.3039790391921997, 0.6475416421890259, -1.0531738996505737, 0.07612104713916779, -0.7560256123542786, -0.16974076628684998, 0.20002755522727966, 0.4121672511100769, -1.1221686601638794, 0.8384692072868347, 0.21646049618721008, -0.7081407904624939, -0.6383330821990967, 0.2536277770996094, -0.4389302432537079, 0.6330127120018005, 1.235091209411621, -0.618318498134613, 1.3041859865188599, 0.29909834265708923, -0.5871565341949463, -0.4597757160663605, -0.1348428726196289, 0.5435513257980347, -0.5567610263824463, 0.5409395098686218, 0.21993699669837952, -0.4916059076786041, -0.11942241340875626, -0.1517358422279358, -0.8045945167541504, -0.20524507761001587, 0.6523153781890869, 0.38216787576675415, 0.2488935887813568, -0.3178473711013794, -0.12716856598854065, -0.5091449022293091, 1.137008547782898, 0.4723648428916931, -0.15378409624099731, 1.2983685731887817, -0.3397047519683838, 1.023712158203125, 0.5371628403663635, -0.1549289971590042, -0.052269347012043, 0.6725766062736511, -0.6619713306427002, 0.9520987272262573, 0.4498343765735626, 1.0987045764923096, -0.4914027750492096, 0.21303659677505493, 0.487259179353714, 0.5139838457107544, -0.4420141279697418, -0.6444805264472961, 0.411894291639328, -0.3187103569507599, 0.019281575456261635, -1.4560092687606812, -0.7985820770263672, 0.3704282343387604, -0.5280159711837769, 1.299902081489563, -1.1286321878433228, -0.3969789743423462, -0.34831011295318604, 0.10484069585800171, -0.6961212754249573, -0.7646863460540771, -1.0889266729354858, -0.011674731969833374, -1.1050975322723389, 0.0721956416964531, -0.45614251494407654, -0.324013352394104, -0.1271960288286209, -0.9189429879188538, 1.238465428352356, -0.8927772641181946, -0.3427159786224365, -0.4716828763484955, 0.586122453212738, -0.40058743953704834, -0.7567638754844666, -0.19675312936306, 0.3312309682369232, 1.2818002700805664, -1.0939218997955322, 1.293701171875, 0.35405513644218445, -0.004314105957746506, -0.5496797561645508, 0.32958856225013733, -0.5151945352554321, 0.09238705784082413, 0.7450271844863892, -0.8476426005363464, -0.4157000780105591, -0.3480369448661804, -0.040511056780815125, -0.05217303708195686, 0.5973901152610779, 0.7199004888534546, -1.3154075145721436, 0.17011374235153198, 0.1235346794128418, 1.0469588041305542, 0.08515401929616928, -0.5553569793701172, -0.18902722001075745, 0.5739691853523254, 0.20163196325302124, 1.2669157981872559, 0.2365671694278717, 1.041122555732727, -1.665439248085022, -1.4364464282989502, -0.7723360657691956, -0.2113155722618103, 0.44879522919654846, 0.2776975929737091, 1.0132026672363281, 0.27449333667755127, -0.0924253761768341, -0.05388302356004715, -0.2425958514213562, 0.9148273468017578, 0.35841530561447144, 0.6898701190948486, -0.379928320646286, 0.536790132522583, -0.5369508266448975, 0.43604007363319397, 0.6978575587272644, 1.1006453037261963, -1.1240135431289673, -0.1969083696603775, 0.17988164722919464, 0.10315707325935364, -0.20110103487968445, -1.6414188146591187, 0.014449365437030792, -0.4115910232067108, -0.955960750579834, -1.3209348917007446, 0.4405744969844818, 0.6178167462348938, -0.32126981019973755, 0.9251096844673157, 0.6154570579528809, 1.0925538539886475, 0.41132184863090515, 0.21532823145389557, 0.787050187587738, -0.14325223863124847, -0.1254698932170868, 0.4975763261318207, 0.4100610911846161, 0.15868812799453735, -0.04790637269616127, -0.9680804014205933, -0.6004512906074524, 0.6478502154350281, -0.35331377387046814, 0.548141598701477, -0.28887468576431274, 0.6717563271522522, 0.49727076292037964, 1.0436673164367676, -0.2871882915496826, -2.183411121368408, -0.6048022508621216, -1.3247605562210083, -0.010019136592745781, 1.0075901746749878, 0.32792818546295166, 0.21885836124420166, 0.6426613330841064, -0.6878381967544556, 0.8398489952087402, -0.6894654035568237, 0.4092375636100769, 0.3520762622356415, -0.4227168560028076, 0.7120464444160461, 0.6794595122337341, 0.09803363680839539, 0.3469700515270233, -0.2969994843006134, -1.0343618392944336, -0.0001858733594417572, -0.878730058670044, 0.872961163520813, 0.7614265084266663, -0.25708284974098206, -0.09748731553554535, -0.18216852843761444, 1.5866178274154663, -0.5308324694633484, 1.569449782371521, -0.2701656222343445, -0.402937650680542, -0.8800897598266602, -0.9193553328514099, -0.025017298758029938, 0.5703054666519165, -0.3310958743095398, 0.15930239856243134, -0.1343723088502884, 0.33804842829704285, 0.2148338258266449, -0.2283080816268921, -1.1112377643585205, 0.1862887144088745, -1.0355716943740845, 0.06201821565628052, 0.25174885988235474, -0.5236220955848694, -0.5455241203308105, -0.11127327382564545, -0.677217960357666, 0.37666067481040955, 0.49213147163391113, -0.6974669098854065, -0.5641437768936157, 0.49362510442733765, -0.07890378683805466, 0.7710505723953247, -0.11986801028251648, -0.23993080854415894, -1.6409077644348145, 0.8537411689758301, 0.7811619639396667, -0.2500021159648895, -0.1873995065689087, -0.004241824150085449, 0.7372482419013977, 0.2002561390399933, 0.5766026973724365]} +{"paper_id": "toloka/CrowdSpeech", "embedding": [-0.6851901412010193, 0.7395963072776794, 0.4538819193840027, -0.7993594408035278, 0.1968938410282135, 0.763176441192627, 0.4163367450237274, 0.4927820563316345, 0.7658923864364624, 0.20233893394470215, 0.48668578267097473, 0.26344969868659973, 0.1540641039609909, 0.06093588471412659, -0.6543919444084167, -0.8875096440315247, -1.7103129625320435, -0.5713017582893372, -1.0574796199798584, 0.08966179937124252, -1.2599700689315796, 0.32271307706832886, -0.0032690763473510742, -0.49757882952690125, -0.7449607849121094, -0.21072004735469818, 0.21360129117965698, -0.6750921607017517, 0.170073002576828, -0.46287664771080017, 0.3024938106536865, 1.1213330030441284, -1.1726739406585693, 0.5530053973197937, -0.5370539426803589, -0.21382103860378265, -0.08577672392129898, 0.3763454556465149, 0.5848917365074158, -0.8899208307266235, -0.6769216656684875, -0.11339301615953445, 0.8743650317192078, 0.1080777570605278, 0.7780925631523132, -0.244863361120224, -0.17319300770759583, 0.29212629795074463, -0.2996578812599182, -0.1799435168504715, -0.3004293143749237, 0.7776984572410583, 0.769688606262207, 0.1278008371591568, -0.9046748280525208, 0.9397785067558289, -0.4322033226490021, -0.5700510144233704, 0.42156895995140076, -1.4279454946517944, 0.5605143904685974, 1.049737811088562, 0.182183638215065, 0.37696272134780884, 1.091283917427063, -0.08432147651910782, 1.035094976425171, 0.3044140934944153, 1.2006151676177979, -0.16396203637123108, -0.28489458560943604, -1.4312958717346191, 0.11001429706811905, 0.4916629195213318, 0.8347777128219604, 0.5644347071647644, -0.32162490487098694, 0.09550869464874268, 0.359211802482605, 0.06949907541275024, -0.38239431381225586, 0.32780855894088745, 0.6888054609298706, -0.5665238499641418, -0.36060771346092224, 0.29953446984291077, 0.3534950017929077, -0.5011231303215027, 0.3929024934768677, -1.3064639568328857, 0.16840669512748718, -0.7674633860588074, 0.403064101934433, 0.3367654085159302, -0.46018481254577637, 0.38544565439224243, 0.430769145488739, -0.4829217791557312, -0.6820520162582397, 0.9830641150474548, 0.8992237448692322, 0.00035877525806427, 0.38299915194511414, -0.08415649086236954, 0.3747277557849884, 0.7729253172874451, -0.5320101976394653, -0.5550962090492249, -0.8217908143997192, -0.3174842894077301, -0.37037861347198486, 0.9657685160636902, 0.6189013123512268, 0.5779951810836792, -0.1762327402830124, -0.1956680715084076, -0.16737094521522522, -0.6175644397735596, -0.7918063402175903, -0.1950719803571701, -0.23314745724201202, -0.5643296241760254, 0.44126632809638977, -0.8884043097496033, 1.6344119310379028, -0.7637418508529663, 0.45801010727882385, 0.28005746006965637, 0.16220194101333618, -0.7529902458190918, -0.14927156269550323, -0.16125163435935974, 0.036951903253793716, 0.6653355360031128, 3.1261467933654785, -0.6531791687011719, 1.7322126626968384, -0.6202083230018616, -0.26445814967155457, -0.4040379524230957, 0.5497560501098633, 2.101717233657837, -0.24622070789337158, -0.4395540654659271, -1.0670161247253418, -1.009917974472046, -1.1932268142700195, 0.4843084514141083, -0.4985751509666443, -0.3950987756252289, -0.6370338201522827, 0.25277620553970337, -1.2926944494247437, -0.9705876708030701, 0.008711427450180054, 0.42676272988319397, -0.0995139330625534, 0.5246121883392334, -0.6255414485931396, 0.2327037751674652, 0.04087067395448685, 0.6019805669784546, 0.6411935687065125, 1.1801798343658447, -0.6503391861915588, 0.5916191339492798, 0.5008041858673096, -0.7813047766685486, -0.2889361083507538, -0.7085551619529724, 0.8652603626251221, -0.591484546661377, 0.46135783195495605, 0.6771055459976196, -0.37467312812805176, 0.9691064953804016, 0.2306637167930603, 0.5304514765739441, -0.017375191673636436, -1.0537946224212646, -0.305393785238266, -0.528205394744873, -0.026627585291862488, -0.028585445135831833, 0.45806944370269775, -0.48035919666290283, -1.904568076133728, -0.38284069299697876, 0.1605675369501114, 0.6199615001678467, -0.5501227378845215, -0.3166902959346771, 0.2391878068447113, 0.28478729724884033, -0.15607377886772156, 0.18637406826019287, 1.2509381771087646, -0.8054871559143066, -0.3279435634613037, 0.4190167188644409, -0.2355865091085434, -0.023235183209180832, -0.09092560410499573, 0.021444514393806458, 1.0632647275924683, -0.21984729170799255, -0.05057190731167793, -1.5175164937973022, -0.26511892676353455, 2.1135940551757812, 0.42604202032089233, -0.9744821190834045, -0.6473910808563232, -0.5098838806152344, 0.2847839295864105, -0.33021533489227295, 0.3804933428764343, -0.7537164688110352, -0.7010531425476074, -1.5239839553833008, 0.40405935049057007, -0.777797281742096, 0.2934042811393738, 0.7983133792877197, 0.9907790422439575, -1.0477551221847534, -0.09783518314361572, 0.08170813322067261, -0.31173521280288696, 0.589938759803772, 0.5996092557907104, -0.1433907300233841, -0.1451132446527481, 0.2864930033683777, 0.23894202709197998, 0.11495000869035721, 0.3357814848423004, 0.20585167407989502, -0.5805054903030396, -1.075079083442688, -0.15985792875289917, 0.4267692565917969, 0.2699756622314453, -0.14393164217472076, 0.6664468050003052, 0.5148862600326538, 0.15774765610694885, -0.8090971112251282, -0.48775964975357056, 0.3973124921321869, 1.6103758811950684, 1.2536094188690186, -0.017421472817659378, 0.4631703495979309, -0.7967495918273926, 0.6493475437164307, -0.05341609939932823, -0.8634271621704102, 0.2832610011100769, -0.9485823512077332, 0.6630298495292664, -0.9582980275154114, -0.5675929188728333, 0.03987371176481247, -0.18429243564605713, -1.1527783870697021, -0.46035319566726685, 0.1741969883441925, -0.33109337091445923, -1.2288315296173096, -0.32382601499557495, -0.48981261253356934, 0.0010138601064682007, -0.723707377910614, -0.2343282550573349, 0.9496075510978699, 0.47760358452796936, 1.030855417251587, 1.6941640377044678, -0.4188694953918457, 0.00791357085108757, -0.19710101187229156, 0.22954951226711273, -0.2018701583147049, 0.4609385132789612, -0.7650637030601501, 0.6986965537071228, -0.39104458689689636, -0.07407558709383011, -0.757229745388031, 0.6651225090026855, -0.1794368475675583, -0.29314950108528137, 0.2980538010597229, -0.08789072930812836, -0.29855209589004517, 0.3342660069465637, -0.8473876714706421, 0.46803387999534607, -0.78758305311203, 0.8829994797706604, 1.1828243732452393, -0.9598670601844788, 0.23955492675304413, -0.8910290598869324, 0.5887430906295776, 1.2330957651138306, -0.8552250862121582, 0.628425121307373, 0.8312995433807373, -0.7081202268600464, 0.1157216876745224, 0.6829997301101685, -1.6906789541244507, 0.034295693039894104, 1.3116236925125122, 0.16556906700134277, -0.25245288014411926, -1.051921010017395, -0.15907730162143707, -0.7094320058822632, -0.22270305454730988, -0.47276225686073303, -0.7759801745414734, 0.7062443494796753, -0.036280397325754166, 1.3315224647521973, 0.5873587131500244, -0.9918428659439087, 0.9181931614875793, 0.7511973977088928, 0.1453554332256317, -0.33243921399116516, -0.060294248163700104, 0.919823169708252, -0.48563137650489807, 0.6387946605682373, 0.6146644949913025, 0.5893833041191101, 1.0523993968963623, -0.22157329320907593, -0.746343731880188, 0.3942604660987854, 0.555793821811676, 0.09369993209838867, 0.6439369320869446, 0.34308290481567383, 0.9722033739089966, 0.16931258141994476, 0.12693354487419128, 0.9533622860908508, -0.8261864185333252, -0.7429981827735901, 0.36382734775543213, -1.1651155948638916, -1.2860307693481445, 1.759210228919983, 1.1486378908157349, 1.2494933605194092, 0.03975389152765274, 0.46543511748313904, -0.2942568063735962, 0.3938902020454407, 0.8322560787200928, 0.5794244408607483, 0.7604317665100098, 0.1022208034992218, 0.6023651361465454, 0.02246106043457985, 0.7198625802993774, -0.20091712474822998, 0.029217954725027084, 0.561962902545929, 0.06882984191179276, -0.5833723545074463, -0.26714906096458435, 0.5609396696090698, 0.6341672539710999, 1.979763388633728, -0.12460577487945557, -0.5870721340179443, -0.21588550508022308, 1.267317295074463, -0.10531298816204071, 0.13082411885261536, -0.6994314193725586, 0.545520544052124, 0.7932517528533936, 0.697079598903656, 0.27550405263900757, 0.6767906546592712, 0.26694196462631226, -1.094711184501648, -0.8604824542999268, -0.5205460786819458, -1.072219967842102, -0.6738566756248474, 0.03783664107322693, -0.7641934752464294, -0.6302074193954468, 0.8276482820510864, -0.4307178556919098, -1.2026594877243042, 0.392034113407135, -0.32852262258529663, -0.40941888093948364, 1.4775081872940063, 1.0298211574554443, -1.9091172218322754, -0.772771954536438, -0.2689873278141022, -0.8733624815940857, -0.6294200420379639, 0.6574108004570007, -0.26411131024360657, 0.23921796679496765, -0.6123030781745911, 0.7262284755706787, -0.44087284803390503, -0.19969542324543, -1.0344935655593872, 0.20941559970378876, 1.30631422996521, -0.4512846767902374, 0.6016994714736938, 0.2573987543582916, 0.14105714857578278, 0.25491437315940857, -0.9873803853988647, -0.7051439881324768, 0.4048420786857605, 1.3140926361083984, -0.47793829441070557, -1.0892709493637085, 0.2312166690826416, -0.5824582576751709, -0.4599875807762146, 0.06873337924480438, -0.8371621370315552, 0.3410564661026001, -0.18704858422279358, 0.3315058946609497, 0.7841545343399048, -0.8969396352767944, -0.9269104599952698, 0.8911035060882568, -0.44339653849601746, 1.405707597732544, -0.04046196863055229, -0.49685296416282654, 1.1765384674072266, 0.4536876678466797, 0.9012072682380676, 0.08522013574838638, -11.307374954223633, 0.7370571494102478, -1.2328156232833862, -0.3289642333984375, -0.2138659656047821, -0.5650837421417236, 0.761158287525177, 0.5737575888633728, 0.45217233896255493, -1.2858201265335083, 0.11440727114677429, 1.1107712984085083, -0.4144064486026764, -0.2333994060754776, -0.5055213570594788, -1.0235198736190796, -1.1493529081344604, -0.36711883544921875, 0.8859676122665405, 0.18510907888412476, 0.061531227082014084, -1.2830801010131836, -0.764434278011322, -0.22934772074222565, -0.08904155343770981, 0.47247782349586487, -0.07797049731016159, -0.6156749129295349, -0.5413524508476257, 0.5022084712982178, 0.936641275882721, 0.13449078798294067, -0.4756370186805725, -0.2435659021139145, 0.4945445656776428, -0.43265295028686523, -1.4700722694396973, -0.6872121691703796, 0.4647095501422882, 0.5107899904251099, 0.41281163692474365, 0.28765687346458435, -0.5689703822135925, -0.6463220715522766, -0.6788582801818848, 0.30277538299560547, 0.3388211727142334, 0.31125178933143616, -0.1233702152967453, -0.7761159539222717, -0.9297047257423401, -0.5678032040596008, -0.35934072732925415, -0.7151992321014404, 1.0821243524551392, 0.18787698447704315, -1.0771205425262451, 0.4676326811313629, -0.6953727006912231, -0.722703218460083, 0.7968996167182922, 0.39214712381362915, -0.42889395356178284, 0.7451280355453491, 0.9019989967346191, -0.8948627710342407, 0.48213934898376465, 0.07794120907783508, 0.4665624797344208, -0.12575986981391907, -0.8241328597068787, 1.085384726524353, 0.30438941717147827, 0.11624923348426819, -0.48260238766670227, -0.6682841777801514, -0.11782754212617874, -0.6468669772148132, 0.4406929910182953, 0.6213477849960327, -0.35503971576690674, 0.5684177875518799, -0.2090446949005127, -1.0771170854568481, -0.9520022869110107, 0.09626887738704681, -0.20582973957061768, -0.3295625150203705, 1.2041560411453247, 0.41375499963760376, 0.9167311191558838, 0.21692967414855957, -0.17766205966472626, 0.08843495696783066, -0.447772741317749, 1.2645542621612549, 0.1492210179567337, 0.8483996391296387, -0.7851120233535767, -1.303439736366272, 1.1540131568908691, 0.06364154070615768, -0.4935164451599121, 0.43332400918006897, 0.042338524013757706, -0.5454067587852478, -0.1646801084280014, 0.43621715903282166, 0.5851220488548279, 0.6296653747558594, 0.5893542170524597, -1.1599609851837158, -0.23543374240398407, 0.778825044631958, 0.8792492151260376, 0.18541468679904938, 1.1199684143066406, 0.26570355892181396, 0.9122023582458496, -0.15373371541500092, -0.41006919741630554, 0.961906909942627, 0.2841572165489197, 1.286624550819397, 1.0751439332962036, -0.5557173490524292, -0.04915829747915268, 0.1286705732345581, -0.527491569519043, -1.4464889764785767, 0.547112762928009, 0.04982425644993782, 0.4543488919734955, -0.2764563262462616, 1.1225570440292358, -0.6669967770576477, -0.8455096483230591, 1.0067747831344604, -0.5174508094787598, -0.01186712458729744, -0.10388685017824173, -0.7497537732124329, -0.2131810188293457, -0.615693986415863, -0.47645097970962524, 0.3069514036178589, -1.3750141859054565, -0.17301006615161896, -0.35074079036712646, 0.32031792402267456, 0.8345313668251038, 0.2366980016231537, 0.7212042212486267, -0.9861466288566589, 0.05767342448234558, 0.3281550407409668, 0.6510411500930786, -0.27641358971595764, 0.20792263746261597, -0.45990440249443054, 0.5652556419372559, 0.6347150206565857, -0.8289803266525269, 0.3115192949771881, 0.3053083121776581, 0.43811190128326416, -0.3174216151237488, -0.5277036428451538, 0.0631885677576065, 0.15536069869995117, 1.213100552558899, -0.8886311650276184, -0.21521514654159546, -0.6648237109184265, 0.4504813551902771, 0.39062821865081787, 0.14104142785072327, 1.7323840856552124, -0.9518938660621643, 0.18625497817993164, -0.32224974036216736, 0.5916591286659241, 0.019657958298921585, -1.3820979595184326, -0.07087280601263046, 0.4200665056705475, 0.318938672542572, 0.05764696002006531, 0.43286585807800293, 0.5370616912841797, -1.6234313249588013, -0.7457064986228943, -0.2627415955066681, -0.07419678568840027, 0.20781292021274567, -0.1973467320203781, 1.1469215154647827, 0.15952306985855103, 0.4362437427043915, 0.4152265191078186, 0.3460671901702881, 0.5004381537437439, -0.5442582964897156, -0.4831272065639496, -0.004211489111185074, -1.0523262023925781, -0.5277564525604248, -0.1737464815378189, 0.49345967173576355, -0.6342512965202332, -1.1146899461746216, 0.8261200189590454, -0.649463415145874, -0.32349374890327454, 0.019183818250894547, -0.2543196678161621, 0.13167870044708252, -0.0728241577744484, -0.5045565366744995, -0.8182399272918701, 0.4681195914745331, 1.5109835863113403, 0.10794854164123535, 0.9782680869102478, -0.3649566173553467, -0.2176712304353714, 0.5255588293075562, 0.3496253490447998, 1.1000887155532837, -0.6902055740356445, -0.41603413224220276, -0.7996459007263184, -0.23753593862056732, -0.07971011847257614, 0.8354538679122925, -0.12522180378437042, -0.8644620180130005, -0.3384639620780945, -1.349483847618103, -0.366782546043396, -0.7375051975250244, 0.370377779006958, 0.3634263873100281, 1.182166337966919, -1.0995689630508423, -0.9086725115776062, 0.08855123817920685, -0.2859068512916565, -0.07785367965698242, 0.3221427798271179, 0.5297002792358398, 0.7603369951248169, 0.8589153289794922, 0.05582258105278015, 0.8451277613639832, -0.202985018491745, -0.02935192734003067, 0.3610105812549591, 1.033406376838684, 2.0104875564575195, 1.2768688201904297, -0.2867109477519989, 0.9174890518188477, -0.06066785007715225, 0.22053569555282593, 0.43126532435417175, -0.2171863168478012, 0.9579194784164429, 1.3290349245071411, -0.3462892174720764, -0.2704932987689972, -1.23570716381073, -0.8373238444328308, -0.3372645080089569, 0.39618760347366333, 0.651420533657074, -0.8135521411895752, -0.8415647745132446, -0.40727731585502625, -0.22659964859485626, 0.9801451563835144, 0.47577932476997375, -0.5518139600753784, -0.8341327905654907, 0.8612017035484314, -0.06982525438070297, -0.5198379158973694, -1.0479001998901367, 0.7786635756492615, -0.5754156708717346, -0.019894689321517944, -0.0007195509970188141, -0.9256923198699951, -0.7280392050743103, 0.26629191637039185, 0.14900368452072144, 0.23105503618717194, -0.3879145383834839, -1.2531369924545288, -0.7596956491470337, -0.1991126388311386, 0.16506271064281464, -0.14539051055908203, 0.628454327583313, 0.307034969329834, -1.1556838750839233, 1.087392807006836, 0.6286234259605408, 0.2365652322769165, -0.6183152198791504, 0.47794222831726074, -0.03812078386545181, -0.6579147577285767, 1.2776827812194824]} +{"paper_id": "yhavinga/mc4_nl_cleaned", "embedding": [-0.4651072025299072, 0.8668358325958252, 0.04534319415688515, -0.0723881945014, 0.9159802794456482, -0.41899460554122925, 0.2437654435634613, 0.13561517000198364, 0.8823241591453552, 0.8334450125694275, 0.8608771562576294, -0.027867790311574936, 0.642943799495697, -0.03913704305887222, -0.07097667455673218, -0.06021410971879959, -0.5227103233337402, -0.7873900532722473, -1.1429380178451538, -0.24679043889045715, -1.1644234657287598, -0.17872191965579987, -0.011902563273906708, 0.964665949344635, -0.3393532633781433, -0.9624194502830505, 0.2488097995519638, -0.5060117244720459, -0.0697823092341423, 0.7855353355407715, -0.06626012176275253, 1.2236143350601196, -1.5198752880096436, 0.6121783256530762, -0.377030611038208, -0.2394847422838211, 0.5822360515594482, 0.666144073009491, -0.006016463041305542, -0.29734325408935547, -0.7296019792556763, -0.3092612326145172, 0.6372290253639221, 0.1525951772928238, 0.684977650642395, 0.1156228557229042, -0.10187938064336777, -0.20669950544834137, 0.07969088852405548, -0.11433367431163788, -0.0903354063630104, 0.38598522543907166, -0.43013694882392883, 0.3778369426727295, -0.2058314085006714, 1.4478819370269775, 0.02373659610748291, -0.7933048009872437, 0.3998299241065979, -0.9305287599563599, 0.9306751489639282, 1.5843204259872437, -0.4969131648540497, 0.21879833936691284, 1.4189443588256836, -0.059359110891819, 1.174160122871399, 0.4421265125274658, 0.5510519742965698, 0.8476689457893372, -0.26143693923950195, -1.2936508655548096, 0.6509334444999695, -0.17745870351791382, 0.30754315853118896, 1.0620661973953247, 0.29475530982017517, -0.22692187130451202, -0.5511470437049866, -0.5967291593551636, -0.7530738711357117, 0.4709470868110657, 0.08279027789831161, -0.6781217455863953, 0.003980226814746857, 0.6257582902908325, -0.02792448177933693, -0.30390846729278564, 0.5977510213851929, -1.8037317991256714, 0.5238078236579895, 0.18867266178131104, 0.42116326093673706, -0.3518415689468384, -0.4780712127685547, 0.18072474002838135, -0.4791240096092224, 0.35379987955093384, -0.15999795496463776, 0.39249712228775024, 0.5611974596977234, -0.22169436514377594, 0.9620903730392456, -0.004017770290374756, 0.2548697590827942, 0.8792642951011658, -0.38787201046943665, -1.277238368988037, -0.8107692003250122, -0.42856186628341675, -0.26944032311439514, 0.8857977390289307, 0.03840901330113411, -0.0038835937157273293, 0.05922962352633476, -0.3236587941646576, 0.6031990647315979, -0.387719064950943, -0.4027424454689026, 0.06993335485458374, -0.2829228639602661, -1.7047760486602783, -0.8364378809928894, -0.28395891189575195, 1.070477843284607, -0.7052853107452393, -0.23478209972381592, -0.5426760315895081, -0.08910314738750458, -0.30502715706825256, 0.5565185546875, 0.34670546650886536, -0.8446093797683716, 0.2286643087863922, 2.9169108867645264, -0.5123687982559204, 1.3225301504135132, -0.08054465055465698, -0.21691113710403442, -0.03415609151124954, 0.2875930666923523, 0.8506677746772766, 0.454473078250885, -0.7218105792999268, -0.30267104506492615, 0.45083174109458923, -0.8243605494499207, -0.008886627852916718, -0.6163966059684753, -0.5645702481269836, 0.331835001707077, -0.01955709606409073, -0.22783112525939941, -0.8456283211708069, -0.3850747346878052, 0.03394599258899689, 0.3437645137310028, 0.5555424690246582, -0.7011194229125977, 1.0920147895812988, 0.8640058636665344, 0.5909957885742188, -0.6904372572898865, 0.6668635606765747, -1.1178754568099976, 0.33087074756622314, 1.4018794298171997, 0.06772760301828384, -0.156072199344635, -0.26553863286972046, 0.5985339879989624, -0.6127198338508606, 0.3058773875236511, 0.08623407036066055, -0.4915814697742462, 0.34441620111465454, 0.6236796379089355, 0.6498948931694031, 0.04559837281703949, 0.516975462436676, -0.6183803081512451, -0.3022528290748596, 0.4298790693283081, 0.46078813076019287, -0.16118858754634857, 0.39989200234413147, -2.3763153553009033, -0.3526815176010132, -0.282123327255249, 0.2129841297864914, -0.245473712682724, -0.9146996736526489, 0.3192841410636902, -0.3042214512825012, 0.6139367818832397, -0.5828408002853394, 0.07828192412853241, -0.3806403875350952, -0.08958195894956589, 0.4560210108757019, 0.5442529916763306, -0.028234561905264854, 0.5272983908653259, 0.4549807906150818, 0.2583004832267761, -0.12444337457418442, -0.5700436234474182, -1.3046869039535522, 0.2824634611606598, 1.9637030363082886, -0.6500204205513, -0.779956579208374, -1.012555480003357, -0.5242103338241577, 0.35294827818870544, -0.7350024580955505, 0.13959644734859467, -1.0018974542617798, -0.28916043043136597, -1.4675687551498413, -0.3162064552307129, -0.19509592652320862, 0.10456878691911697, -0.2848915457725525, 0.9476189613342285, -0.4410683214664459, -0.13580192625522614, -0.7384609580039978, -1.1871953010559082, 0.6510165333747864, 0.554859459400177, 0.14781475067138672, -1.130510687828064, 1.0964161157608032, -0.5786049365997314, 0.696321427822113, 0.8404471278190613, 0.5130733847618103, -0.1826242357492447, -0.03880927339196205, 0.001185629516839981, 1.3511725664138794, -0.1247403472661972, -0.278930127620697, -0.020675629377365112, 0.967430830001831, -0.2367563247680664, -0.7392368912696838, 0.41234296560287476, 0.22943423688411713, 0.9524970650672913, 0.7843577861785889, -1.1547046899795532, 0.8573846817016602, -0.5641188025474548, 0.27846044301986694, -0.00925801694393158, -0.9657433032989502, 0.3574564456939697, -0.4179048538208008, 0.4330648183822632, -0.7212983965873718, 0.373033344745636, -0.24544920027256012, -0.252854585647583, -1.170495629310608, -0.7832377552986145, -0.5919337868690491, -0.5434567332267761, -1.4189002513885498, -0.664826512336731, -0.579147458076477, -0.44630274176597595, -0.6571945548057556, 0.7256273031234741, 0.4409647285938263, -0.18310600519180298, 0.6952226161956787, 1.2673449516296387, -0.030431006103754044, 0.8770644068717957, -0.5973363518714905, 0.6402221322059631, -0.4705635905265808, 0.9142220616340637, 0.7142122983932495, 0.24193131923675537, -1.3414627313613892, -0.45187655091285706, -0.2745492458343506, 0.32744652032852173, 0.4709573984146118, -0.28853657841682434, 0.458152174949646, -0.08652426302433014, -1.268437385559082, 0.9520615339279175, -0.8142935037612915, 0.5703980326652527, -1.3794749975204468, 1.6734919548034668, 0.2980074882507324, 0.2348758727312088, 0.8587560057640076, 0.2008877545595169, -0.2919165790081024, 0.8412616848945618, -0.6636999845504761, 0.5468957424163818, 0.9204093217849731, -0.15428908169269562, 0.1600269377231598, 0.07813359051942825, -2.0497357845306396, 0.03809020295739174, 0.6227799654006958, -0.08849070966243744, -0.2021939903497696, -0.6615778803825378, 0.3248695731163025, -0.028700876981019974, -0.2892684042453766, 0.1331881433725357, -0.08747221529483795, 0.22957366704940796, -0.20213192701339722, 0.4692692160606384, 1.6051106452941895, -0.693895697593689, 0.40068671107292175, 1.0814889669418335, 0.15616637468338013, -0.5284298658370972, -0.43476468324661255, 0.5413329601287842, -0.36880257725715637, 0.03659619390964508, 0.6820797324180603, 0.37117481231689453, 1.4189215898513794, -0.5520902276039124, -0.007432442158460617, 0.436092734336853, 0.7403743863105774, -0.2366957813501358, 0.9289687871932983, -0.06610583513975143, 0.1295412927865982, 0.6548460721969604, 1.1343024969100952, -0.050659678876399994, -0.8291290402412415, -1.1195122003555298, 0.030130881816148758, 0.06018787622451782, -0.6495699882507324, 1.528076171875, 0.3600195646286011, 0.7719423770904541, 0.24512924253940582, -0.22567176818847656, -0.809611976146698, -0.1978161334991455, 0.6422507762908936, 0.6107732057571411, -0.05442878603935242, 0.10123521089553833, 0.327193945646286, 0.9232779145240784, -0.19966460764408112, -0.41945067048072815, -0.12858574092388153, 0.929519772529602, 0.01780877262353897, -0.9548646211624146, 0.4707365036010742, 1.1169805526733398, 0.20496788620948792, 1.1389373540878296, -0.5382258892059326, -0.8527916073799133, -0.3199079930782318, 0.6669432520866394, 0.14369766414165497, 0.5818722248077393, -0.19975197315216064, 0.2695538103580475, -0.06352194398641586, 0.8546234965324402, 0.3922346234321594, 0.28605979681015015, 1.3856463432312012, -0.5020859241485596, -0.49224209785461426, 0.2186017632484436, -1.2687572240829468, -0.5141446590423584, -0.2034364640712738, -0.28427454829216003, -0.9543909430503845, 0.7634350657463074, -0.9675365686416626, -0.47434911131858826, 1.0007084608078003, -0.14514094591140747, -1.4142237901687622, -0.2046779841184616, 0.9570059776306152, -1.3061758279800415, -0.19633358716964722, -0.025670550763607025, -1.047612190246582, -1.1727901697158813, 0.013401995413005352, 0.03281541168689728, -0.15209847688674927, -0.4221035838127136, 0.5023294687271118, -0.23270678520202637, -0.04904782027006149, -1.4229282140731812, 0.8540714383125305, 1.4058772325515747, -0.5996320843696594, 0.18712975084781647, 0.06902071088552475, 0.5411865711212158, -0.24096718430519104, -0.6317444443702698, -0.4069831371307373, 0.495331734418869, 0.3420546352863312, 0.5229054093360901, -0.11695007979869843, -0.4680772125720978, 0.6727686524391174, 0.14543290436267853, 1.5124835968017578, -0.8760992288589478, -0.04720659181475639, -0.350003182888031, 0.8602263927459717, 0.6446808576583862, 0.05291402339935303, -0.3181653320789337, 1.0676807165145874, -0.33986201882362366, 0.8774784803390503, -0.6254305839538574, 0.5294290781021118, 0.1428133249282837, 0.4748746156692505, 0.1767396777868271, -0.2601276636123657, -11.772285461425781, -0.08166493475437164, -0.1830858439207077, 0.08523911237716675, 1.0548328161239624, 0.059786342084407806, 1.2565641403198242, 0.03150421380996704, -0.14501342177391052, -0.44439268112182617, 0.5644779801368713, 1.0821475982666016, 0.12335892021656036, -0.4240330159664154, -0.5770158171653748, -0.554213285446167, -0.9810053706169128, 0.3342598080635071, 0.340642511844635, -0.5088765621185303, -1.012802004814148, -0.1467369794845581, -0.22920368611812592, 0.24316281080245972, -0.09927044808864594, -0.011324703693389893, 0.03645377233624458, -0.2856093943119049, 0.017631590366363525, -0.4536987841129303, 0.29193517565727234, -0.014386573806405067, -1.2984676361083984, -0.7057929039001465, 0.4244863986968994, 0.39439713954925537, -1.4440449476242065, -0.1256599724292755, 1.559280514717102, -0.007556301541626453, -0.13788849115371704, 0.7054434418678284, 0.06420718878507614, 0.697848379611969, -0.5994071960449219, 0.6538606286048889, 0.6743952035903931, -0.6174664497375488, 0.8915499448776245, -0.7601925730705261, -0.19227978587150574, -1.4467966556549072, -1.1041486263275146, -0.7722864747047424, 0.7185379266738892, 0.5064993500709534, -0.6270353198051453, 0.22461524605751038, -0.03548350930213928, -0.9878443479537964, 0.9623333811759949, 0.5655530691146851, -0.2770377993583679, -0.16379405558109283, -0.04438760131597519, -0.7574003338813782, 0.3034761846065521, 0.7968338131904602, -0.04520087316632271, 0.11042925715446472, -0.3528403341770172, 0.4356943666934967, 0.4756046533584595, 0.15231919288635254, -0.030999645590782166, -0.15279394388198853, -0.12506727874279022, -0.1018359437584877, 0.2867587208747864, 0.34849926829338074, -0.8730080127716064, 0.4555343687534332, -0.3987250030040741, -0.40222620964050293, 0.31602993607521057, -0.19760052859783173, -0.539578914642334, -0.04133050888776779, -0.05923224985599518, 0.4320096969604492, 1.0190508365631104, -0.5349612236022949, 0.24838019907474518, 0.3472730815410614, -0.7893872261047363, 1.0468149185180664, -1.606345772743225, 0.625190794467926, 0.09612531960010529, -1.185721755027771, -0.03663395345211029, 0.29801270365715027, -0.23078493773937225, -0.4360194504261017, 1.0905873775482178, 0.22822389006614685, 0.04194733500480652, 0.3665020763874054, 0.23125521838665009, -0.3280128538608551, 0.4501306414604187, 0.07511362433433533, -0.04395341873168945, 1.045963168144226, -0.1699601113796234, 0.885244607925415, 0.623206377029419, 0.28051069378852844, 0.9666997194290161, 0.9146746397018433, -0.8357419371604919, 1.1362169981002808, 0.2519802451133728, 0.7048904299736023, -0.28503891825675964, 0.5773528218269348, -0.08440445363521576, 0.5553300380706787, 0.06794089078903198, -1.211352825164795, -0.21792197227478027, -0.15996313095092773, -0.3655966520309448, -0.7902372479438782, -0.3836703598499298, -0.4966939389705658, -1.1064871549606323, 1.8750407695770264, -0.1569802165031433, 0.6516437530517578, -0.0871710479259491, -0.8364256620407104, 0.23171678185462952, -0.8806207180023193, -1.0715467929840088, 0.0786813497543335, -0.7691980004310608, -0.1591380387544632, -0.6489739418029785, -0.2487695813179016, 0.5265176892280579, -0.30135974287986755, 0.7836267948150635, -1.3045263290405273, -0.05135985463857651, -0.4851432144641876, 0.1804802566766739, -0.7943822145462036, -0.9302363991737366, -0.4702092707157135, -0.027798503637313843, 1.761521816253662, -0.8597112894058228, 1.2084181308746338, 0.4256977438926697, 0.009054755792021751, -0.5407972931861877, -0.3039841651916504, -0.5446362495422363, 0.5287489295005798, 1.3189668655395508, -0.11315194517374039, -0.3339618146419525, -0.6685086488723755, -0.7886626720428467, -1.1845180988311768, 0.6505786776542664, 1.6074135303497314, -0.21145880222320557, 0.4193681478500366, 0.016799893230199814, 1.0081430673599243, -0.5532407164573669, -0.29778239130973816, -1.0699259042739868, 0.1576327383518219, -0.3307385742664337, 1.4105210304260254, -0.46258753538131714, 0.44716107845306396, -1.6609209775924683, -1.1457350254058838, -0.41977769136428833, -0.4047695994377136, 0.03509216010570526, -0.41442587971687317, 0.9266347885131836, 0.40305444598197937, 0.11837923526763916, -0.01834731549024582, -0.40671414136886597, 0.8416480422019958, -0.3948957920074463, 0.5264047980308533, 0.16604368388652802, 0.16508866846561432, -0.7415246367454529, 0.3513215482234955, -0.09070281684398651, 0.3665573000907898, -1.5449033975601196, -0.22841492295265198, -0.11873576045036316, -0.33705469965934753, -0.3833622336387634, -1.0740776062011719, 0.2592774033546448, -0.18414320051670074, 0.2853465676307678, -0.9188735485076904, -0.10236645489931107, 1.966069221496582, 0.33827096223831177, 0.9406102299690247, 0.7032270431518555, 0.4307025969028473, 0.7004092931747437, 0.8189136385917664, 1.4563930034637451, 0.018086500465869904, -1.279474139213562, -0.22590920329093933, -0.11988528072834015, -0.2995438575744629, -0.06194687262177467, 0.11684742569923401, -1.3160632848739624, 0.4174603521823883, -1.3834441900253296, 0.49112462997436523, -0.20808646082878113, 0.3856510519981384, 0.5969633460044861, 0.5095745325088501, -0.2084817886352539, -1.5208218097686768, -0.3317466080188751, -0.6139459609985352, 0.031161557883024216, 0.5762212872505188, 0.33282211422920227, 0.06348630040884018, 0.6743738651275635, -0.3176383376121521, 0.925568163394928, -0.15701285004615784, -0.4539651870727539, -0.135623961687088, 0.1097334623336792, 1.2455124855041504, 0.3856974244117737, 0.40091732144355774, -0.5659677386283875, -0.027212858200073242, -0.18797412514686584, -0.7679466009140015, 0.34043338894844055, 0.27662092447280884, 1.4421374797821045, 0.19361039996147156, 0.18081392347812653, -1.3659037351608276, -0.039596837013959885, -0.9295620918273926, 0.9679774045944214, 0.7669000029563904, -0.569856584072113, -1.0072393417358398, -0.6945161819458008, 0.7715755701065063, 0.7233490943908691, -0.07481031119823456, 0.14496181905269623, -0.804137647151947, 0.9498116970062256, 0.6473804712295532, -0.373668909072876, -1.0041146278381348, 0.37547630071640015, -0.05935452878475189, 0.3715090751647949, 0.6294777393341064, -0.4641036093235016, -0.2856399416923523, 0.23894570767879486, -0.8650177717208862, 0.44243401288986206, -0.1671520471572876, -0.7495297789573669, -0.43447670340538025, 0.38273701071739197, -0.32650232315063477, -0.13082171976566315, 0.4890126585960388, -0.8353655338287354, -1.4019598960876465, 0.971840500831604, 0.7559065818786621, -0.6662395000457764, -0.4243677258491516, 0.0005925260484218597, -0.04512127861380577, 0.5081328749656677, 1.5998691320419312]} +{"paper_id": "google/xtreme_s", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "drAbreu/bc4chemd_ner", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "malteos/test2", "embedding": [-0.005606099963188171, 1.8146166801452637, -0.24771417677402496, 0.7121933698654175, -0.1148780956864357, -0.15724578499794006, 0.5904485583305359, 1.4431074857711792, 1.2013474702835083, 0.23892979323863983, 1.1495964527130127, 0.17988979816436768, 0.3621598482131958, 0.6501348614692688, -0.07382942736148834, 0.07234899699687958, -0.8930763006210327, -0.45052024722099304, -0.7074499726295471, -0.9753468632698059, -0.7415716648101807, -0.3779361844062805, -0.12475720047950745, 0.8653508424758911, -1.2142683267593384, -0.33816981315612793, 1.3246397972106934, -1.9295985698699951, 0.11530786752700806, 0.8549443483352661, 0.05719941854476929, 0.5701673626899719, -0.9216071963310242, 0.13226395845413208, -0.7423737645149231, -0.7972185015678406, 0.27626657485961914, -0.03661862760782242, 0.4097093641757965, -0.33797943592071533, -0.5729889869689941, 0.32762300968170166, 0.48301267623901367, 0.18371425569057465, 0.10995206981897354, -0.8468814492225647, 0.5386415719985962, 0.2729424238204956, -0.48136264085769653, 0.06995043158531189, -0.05487851798534393, -0.02502685785293579, -0.4282177984714508, 1.0805795192718506, -0.07141803205013275, 2.0505149364471436, 0.10260308533906937, -0.28957507014274597, -0.32333633303642273, -0.8117119073867798, 1.3327240943908691, 1.4836076498031616, -0.7546478509902954, -0.06973116099834442, 1.3551510572433472, -0.49740123748779297, 1.3933274745941162, 0.3564245104789734, 0.15405511856079102, 1.2481809854507446, -0.819861114025116, -1.261354684829712, 0.284350723028183, -1.0823757648468018, -0.1613711714744568, 0.7343273162841797, 0.3818228840827942, -0.6753535270690918, -0.40276899933815, -0.3374335765838623, -0.5265898108482361, 0.8727455735206604, 0.7527384757995605, -0.6970267295837402, -0.03143182024359703, 0.050217412412166595, 0.48147574067115784, 0.6010259389877319, 0.18699222803115845, -1.5338859558105469, -0.13573794066905975, -0.31931427121162415, -0.48524826765060425, -0.5512877702713013, -0.428228497505188, 0.164579838514328, 1.0163594484329224, -0.7622537612915039, -0.852060079574585, 0.25173425674438477, 0.41433271765708923, -0.13531672954559326, -0.06867456436157227, -0.08440657705068588, 1.0466699600219727, 0.6658006906509399, -0.44014644622802734, -0.5064469575881958, -0.4190564453601837, -0.9326137900352478, -0.2656501829624176, 0.4819156527519226, -0.1736930012702942, 1.0858335494995117, -0.31975769996643066, -0.4006851613521576, 0.8460826277732849, 0.41077467799186707, -0.7733350396156311, -0.2846769690513611, -1.1297335624694824, -1.5867668390274048, -0.19082185626029968, 0.07700477540493011, 0.33363232016563416, -1.040334701538086, 0.0967949628829956, -0.844777524471283, 0.2835329473018646, -0.6681292057037354, 0.6622687578201294, 0.2459934800863266, -0.9676603078842163, -0.3471696674823761, 2.500953435897827, -0.9742050170898438, 1.456457495689392, -0.6634748578071594, -0.23175877332687378, -0.9096033573150635, -0.11159200221300125, 1.855329155921936, -0.5286902785301208, -0.3814496695995331, -0.6147380471229553, 0.6543589234352112, -1.1416523456573486, 0.6235201954841614, -0.18635204434394836, -0.428374707698822, 0.3927181661128998, -0.04241514950990677, -0.8109055161476135, -1.4354240894317627, -0.6542023420333862, 0.9040467143058777, 0.1094193309545517, 0.7869980931282043, -0.08269728720188141, 1.3349547386169434, 1.458524227142334, -0.4493229389190674, -0.5745635032653809, -0.07273432612419128, -0.8994544744491577, -0.281424343585968, 0.13975101709365845, -0.24206340312957764, 0.1753813624382019, -0.9378700852394104, 0.901971697807312, -0.604162871837616, -0.21226409077644348, -0.6781454086303711, -0.2866021692752838, 0.7851793169975281, 0.3467208743095398, -0.13588424026966095, 0.7464596033096313, -0.2380819022655487, -0.5806564688682556, 0.09215216338634491, 0.32979297637939453, -0.013039455749094486, 0.3313331604003906, 0.3581576943397522, -1.5637935400009155, -0.9327387809753418, -0.03511542081832886, 1.5874513387680054, 0.05199900269508362, -0.3839399516582489, -0.11962459236383438, 0.4355677664279938, 0.16640496253967285, -0.3401227295398712, 0.19099371135234833, -0.16448649764060974, 0.39938056468963623, 0.4550105929374695, 0.7321000099182129, -0.5663882493972778, -0.1805579662322998, 1.0990984439849854, 1.1064443588256836, -0.9569184184074402, -0.3516845703125, -1.1927251815795898, 0.5015429854393005, 1.7096470594406128, 0.22231128811836243, -0.6657820343971252, -1.830665111541748, -0.38387924432754517, 1.0281323194503784, -0.10885284096002579, -0.37850621342658997, -0.5822573304176331, 0.4966699481010437, -1.2044583559036255, 0.29091131687164307, -0.49315813183784485, -0.06413804739713669, 0.22347375750541687, 0.5460414290428162, -0.26397767663002014, -0.5344735980033875, -0.715374231338501, -0.7106692790985107, 0.36446934938430786, 1.07271146774292, 0.15998537838459015, -0.28273913264274597, 0.5888028740882874, 0.36490750312805176, 0.4933401346206665, 0.13204941153526306, 0.7007662057876587, 0.22707751393318176, -0.38363713026046753, 0.08132236450910568, 0.7146581411361694, 0.02924678474664688, 0.723088264465332, 0.043986909091472626, 0.3847735822200775, 0.06821852922439575, -0.6988881230354309, 0.700994610786438, -0.015346430242061615, 1.2864246368408203, 0.8136062026023865, 0.11395914852619171, 1.191577434539795, -1.3914965391159058, 0.32914379239082336, -0.2566940188407898, -0.8366743326187134, -0.023645125329494476, 0.204203262925148, 0.6664149165153503, -0.6218058466911316, 0.4982187747955322, -0.04127606004476547, 0.15968357026576996, -0.7372977137565613, -1.424816370010376, -0.5365183353424072, -0.3661242723464966, -1.6957558393478394, -0.2962055206298828, -0.17108659446239471, -0.6401593089103699, -0.1828283965587616, 0.09347864985466003, 0.2207845002412796, 0.3236028552055359, 0.2976786494255066, 2.0092642307281494, -0.08337247371673584, 0.31446048617362976, -1.221599817276001, 0.9272629618644714, 0.08313874900341034, 1.1030055284500122, -1.348317265510559, 0.036673009395599365, -1.381074070930481, 0.26276692748069763, -0.2462388426065445, 0.09486038237810135, 0.069295234978199, -0.661008894443512, 0.5225209593772888, 0.10643380880355835, -0.7181798219680786, 1.152159333229065, -0.6771379709243774, -0.02523788809776306, -1.0508437156677246, 1.075407862663269, 0.11454654484987259, -1.1141494512557983, 0.3616974353790283, 0.445269912481308, 0.06199389323592186, 0.9575080871582031, -0.434134840965271, 1.7406892776489258, 0.21016423404216766, 0.34056729078292847, 0.5206688642501831, -0.44349464774131775, -2.207562208175659, 0.02543439157307148, 2.0656704902648926, -1.0459970235824585, -0.6099960207939148, -0.894706130027771, 0.2925645709037781, 0.10781365633010864, -0.360507994890213, 0.18567633628845215, -0.8950101733207703, 0.30987417697906494, -0.22562605142593384, 0.42804235219955444, 1.3230280876159668, 0.29879897832870483, 0.843921959400177, 0.7462167739868164, 0.2463589310646057, -0.9800518155097961, -0.5303239822387695, 1.1955291032791138, -0.36610928177833557, 0.14906013011932373, 0.057222604751586914, 1.24678373336792, 1.3252766132354736, 0.007304549217224121, 0.343044638633728, 1.6575291156768799, 0.7163968682289124, 0.598954439163208, 0.6726809740066528, -1.0347371101379395, -0.024940872564911842, -0.006977710872888565, 0.8282646536827087, 0.49465760588645935, -0.493926078081131, -1.0345516204833984, 0.039510179311037064, -0.48179757595062256, -0.848239004611969, 1.0697441101074219, 0.1971585750579834, 2.334719657897949, 0.4573831558227539, 0.8072015643119812, -0.4207671582698822, -0.3715243637561798, 0.19106172025203705, 0.3397466242313385, 0.2828432321548462, -0.8303123712539673, -0.4636861979961395, 1.154069185256958, -0.6170439124107361, -0.3727916181087494, -0.5860621929168701, 1.004737377166748, -0.5042832493782043, -0.30298319458961487, 0.7154354453086853, 1.0455478429794312, 1.058510422706604, 2.234593629837036, -0.6759048104286194, -0.345825731754303, 0.28988584876060486, 0.26991546154022217, 0.7101542949676514, 0.28067514300346375, -1.5318971872329712, -0.38482025265693665, 0.20455168187618256, 0.589815080165863, -0.7312292456626892, 0.994401216506958, 0.9227249622344971, -0.25934669375419617, -0.36703431606292725, -0.8386549353599548, -0.622277021408081, -0.400932252407074, -0.01900915801525116, 0.1727963387966156, -0.352923721075058, 0.7144088745117188, -0.21912881731987, -1.1849597692489624, 0.6445204019546509, -0.13806428015232086, -0.7944927215576172, 0.28852689266204834, 1.2758967876434326, -1.6127562522888184, -0.9757584929466248, -0.028737448155879974, -0.9887171983718872, -0.36742737889289856, 0.016072187572717667, -0.49726402759552, 0.28916311264038086, 0.20130057632923126, 0.45842257142066956, -0.007236592471599579, 0.12565089762210846, -1.1577666997909546, 0.5167421698570251, 0.6727104187011719, -0.38735464215278625, 1.5975868701934814, 0.21757133305072784, -0.0593704953789711, 0.3217696249485016, -1.266144871711731, -0.06320000439882278, 0.18624472618103027, -0.5251791477203369, -0.22921468317508698, -0.3770001530647278, -0.2674696743488312, -0.04166046902537346, -0.23464514315128326, 0.2060907930135727, -1.032576560974121, 0.14008428156375885, -0.9300183653831482, 0.32031720876693726, -0.03302320837974548, -0.6640468835830688, -0.599322497844696, 0.2995195984840393, -0.7242655754089355, 0.2511686682701111, 0.43515875935554504, 0.6284710764884949, 1.2757303714752197, 0.6810119152069092, -0.5616464614868164, -0.008268274366855621, -10.08001708984375, -0.11710409820079803, 0.3633290231227875, -0.5826910138130188, 0.4231431186199188, 0.13451127707958221, 0.445282906293869, -0.3849446475505829, 0.5949228405952454, -0.24393321573734283, 0.41117438673973083, 0.7549527883529663, -0.23132643103599548, -0.5905694961547852, -0.28223976492881775, -0.8063583970069885, -0.45741957426071167, -0.31490468978881836, 0.798646092414856, -0.5186434984207153, 0.785946786403656, -1.1076828241348267, 0.6293612122535706, 0.5393933057785034, -0.31110870838165283, -0.09537237137556076, -0.10936018824577332, 0.13338373601436615, -1.3875935077667236, 0.1826402097940445, 0.8180555105209351, -0.8373457193374634, -0.14856430888175964, -1.062821865081787, 1.7115813493728638, -0.499223530292511, -1.5870347023010254, 0.5164692997932434, 0.35106420516967773, -0.6709107756614685, 0.3523181080818176, -0.3851608335971832, -0.108342744410038, -0.6232527494430542, -0.7786238789558411, -0.14330410957336426, 0.9327725172042847, -0.5141304731369019, 0.9392616748809814, -0.06955224275588989, -0.7180231213569641, -0.7220315933227539, -1.0538926124572754, -0.7540978193283081, 0.6819739937782288, 0.8800539970397949, -0.8591482043266296, 0.5495920181274414, 0.2274712324142456, -0.8422067165374756, 0.49146756529808044, 0.3687223792076111, 0.24803516268730164, -0.5239205360412598, 1.0630078315734863, -0.551612377166748, 0.2669602036476135, -0.021623704582452774, 0.5333146452903748, 0.5673758387565613, -1.609209656715393, 0.7009109854698181, 0.5332961082458496, -0.22312024235725403, -0.390860378742218, 0.19105707108974457, -0.23780757188796997, -0.8693990111351013, 0.8735767006874084, 0.5890969038009644, -0.5119327306747437, 0.43478068709373474, -0.18421638011932373, -0.42820677161216736, -0.8097067475318909, -0.02610301785171032, 0.5970962047576904, -0.6774155497550964, 1.213829755783081, -0.6283353567123413, 0.8998730778694153, -0.4378553628921509, 0.01044994592666626, 0.39738285541534424, -0.09840825945138931, 1.3924967050552368, -0.8362941145896912, 0.6668450236320496, 0.5189245939254761, -1.06084406375885, 0.27394458651542664, 0.09775180369615555, -0.6516258716583252, -0.5008041262626648, 0.7547248005867004, -0.10855845361948013, -0.7640558481216431, 0.6226096153259277, 0.26743707060813904, 0.009829851798713207, 0.724616527557373, 0.9101768732070923, -0.5038487315177917, 0.7074277997016907, -0.17382146418094635, 1.5366954803466797, 1.116403579711914, 0.08374585211277008, 0.17422333359718323, 1.552155613899231, -0.77349853515625, 0.444722980260849, 0.3993028402328491, 0.45509254932403564, 0.6518431901931763, 0.01246354915201664, -0.4097798764705658, 0.8018615245819092, -0.20705190300941467, -0.915531575679779, -0.6795209050178528, -0.3244085907936096, 0.24102681875228882, -0.6013525128364563, -0.4725879430770874, 0.3897416889667511, -0.5730597376823425, 1.8271640539169312, -0.7222785949707031, 0.17246797680854797, 0.10676157474517822, -0.38645756244659424, 0.08428233861923218, -0.288968026638031, -0.9823369383811951, -0.022552616894245148, -2.00799298286438, 0.22211992740631104, -0.7432074546813965, -0.0645918920636177, 0.07741688936948776, -0.09745217114686966, 0.4547058343887329, -0.5258471369743347, -0.9584630131721497, -0.11620041728019714, 0.9606233835220337, -0.10539112985134125, -0.6237385869026184, -0.17381754517555237, 0.37794026732444763, 0.9829914569854736, -0.9004492163658142, 0.8808358907699585, -0.8923137187957764, 0.06531845033168793, -0.8574866652488708, 0.03098234534263611, -0.665528416633606, 0.5892037749290466, 1.5944619178771973, -1.6509661674499512, -0.12278325110673904, -1.083297610282898, -0.09645581245422363, -0.7401316165924072, 0.16858261823654175, 1.4117590188980103, -1.2108718156814575, 0.25710317492485046, -0.4990503787994385, 0.2051309049129486, 0.9910422563552856, 0.26291903853416443, -0.29102465510368347, 0.2620358169078827, -0.5007149577140808, 0.42712658643722534, 0.2823706269264221, 0.15857930481433868, -1.5712809562683105, -1.139629602432251, -0.9404594898223877, -1.1190787553787231, 0.7506358623504639, -0.15337668359279633, 0.8683745265007019, 0.787290096282959, -0.2668830454349518, -0.46923166513442993, 0.2628990411758423, 1.3535175323486328, 0.6442641019821167, 0.7441795468330383, 0.31361058354377747, -0.5142307281494141, -0.6358453631401062, 0.2339070439338684, 0.012800212949514389, 0.24349772930145264, -1.0811796188354492, 0.5285894274711609, 0.6195899844169617, 0.3959047794342041, -0.20824302732944489, -1.4794492721557617, 0.12921835482120514, -0.08090183138847351, -0.2572348415851593, -0.983685314655304, -0.2035701870918274, 0.2636282444000244, -1.1183475255966187, 1.2396938800811768, 0.47958889603614807, 0.5648757815361023, 0.31966930627822876, -0.23841924965381622, 1.819628357887268, -0.692579984664917, -0.38607853651046753, 0.4381561875343323, -0.03370831161737442, 0.1975141167640686, 0.3502635657787323, -0.17376427352428436, -0.9041950106620789, 0.7851002216339111, -1.3663289546966553, 0.23787271976470947, 0.1718994826078415, 0.2591758668422699, 0.5802189707756042, 1.3957436084747314, 0.9818238615989685, -1.7639050483703613, -0.6835974454879761, -0.897048830986023, -0.20255829393863678, 1.7847397327423096, -0.36246439814567566, 0.12113624066114426, 0.556644082069397, -1.197778344154358, 0.9505929350852966, -0.8315297961235046, -0.6934703588485718, 0.356467604637146, 0.12046967446804047, 0.5780957341194153, 0.45780426263809204, 0.22686715424060822, 0.4736284017562866, -0.05810297280550003, -0.1681993007659912, 0.0492626391351223, -0.729079008102417, 0.1996804028749466, 1.2661951780319214, -0.4044073522090912, -1.109066367149353, -0.6494828462600708, -0.31345415115356445, -0.27554768323898315, 0.7687386274337769, 0.0605965293943882, -0.7825151681900024, -1.6842284202575684, -0.989315390586853, -1.0156549215316772, 0.40278398990631104, 0.061306584626436234, -0.603560745716095, -0.33333760499954224, 0.05235500633716583, 0.8589215278625488, 0.38730594515800476, -0.7501890063285828, -0.39170631766319275, -0.46928441524505615, 0.07602009177207947, 0.3161725401878357, -0.5355817079544067, -0.3958600163459778, -0.1828642040491104, -0.7389993071556091, 1.3684378862380981, 0.6680715084075928, -0.9685792326927185, -0.049959659576416016, 0.22437438368797302, 0.8800204992294312, -0.4457951486110687, 1.416910171508789, -0.04783099889755249, -1.380183219909668, 1.1303092241287231, 0.4502938687801361, -0.03973548114299774, 0.22035977244377136, 0.3060878813266754, 1.2576773166656494, 0.170093834400177, 1.5934789180755615]} +{"paper_id": "Sampson2022/demo", "embedding": [-0.19785882532596588, 0.6166578531265259, -0.2506154775619507, -0.16806888580322266, 0.45263057947158813, -0.046781811863183975, 0.37914717197418213, 0.753461480140686, 0.8280300498008728, 0.36149337887763977, 0.4808104932308197, -0.20878790318965912, 0.5921030640602112, 0.6209372878074646, -0.0283975787460804, -0.679100513458252, -0.8263266086578369, -0.5590283870697021, -1.5926761627197266, -0.28315281867980957, -0.9125106334686279, -0.7431918382644653, 0.0047208406031131744, 1.2621307373046875, -0.4742048382759094, -1.1960370540618896, 0.8966341614723206, -1.0885555744171143, 0.3258785307407379, -0.015428561717271805, -0.018182553350925446, 0.9354940056800842, -1.1663706302642822, 0.5075035095214844, -0.33019378781318665, -0.5923635363578796, 0.2750646770000458, 1.0254154205322266, 0.15193390846252441, -0.5391542911529541, -0.45931294560432434, 0.3538582921028137, 0.5149988532066345, -0.00024508871138095856, 0.8366062641143799, -0.4337354898452759, 0.7517040967941284, -0.22515393793582916, -0.4078023433685303, -0.040400560945272446, -0.7250832319259644, 0.23479411005973816, -0.26363271474838257, 0.6514542102813721, -0.04718156158924103, 0.542494535446167, 0.20695644617080688, -0.8503074645996094, 0.5862979888916016, -0.7589865922927856, 1.4998537302017212, 1.717538833618164, -0.2291223555803299, 0.4834516942501068, 1.5584988594055176, -0.18467581272125244, 1.0979048013687134, 0.010135382413864136, -0.22911719977855682, 1.1427940130233765, -0.4400409460067749, -0.01067863404750824, 0.43762582540512085, -0.4196506142616272, 0.3095666170120239, 0.6674767732620239, -0.18424317240715027, 0.03906036913394928, -0.1253286898136139, -0.2521287798881531, -0.19996698200702667, -0.03007490560412407, 0.7478119730949402, -0.20198720693588257, 0.2393040508031845, 0.054201990365982056, 0.2484426498413086, -0.9312126040458679, 0.3224083483219147, -1.859838843345642, 0.43093931674957275, 0.44515570998191833, -0.14766308665275574, 0.09307058155536652, -0.3275783658027649, 0.6606854200363159, -0.7015313506126404, 0.054372794926166534, 0.007945284247398376, -0.019528541713953018, 0.5922113060951233, -0.13909921050071716, 0.6200978755950928, -0.30516597628593445, 0.184966579079628, 0.2254447191953659, 0.29756394028663635, -0.29105252027511597, -0.674557089805603, -1.054391860961914, 0.3199635148048401, 0.7989656329154968, -0.1874566227197647, 0.37901490926742554, -0.06655747443437576, 0.7162345051765442, 0.4285498857498169, -1.0926481485366821, -0.11526482552289963, 0.20961454510688782, -0.050353437662124634, -0.7717533707618713, -0.48593997955322266, -0.6033877730369568, 0.6170153021812439, -0.34831127524375916, -0.3102254867553711, -0.9732236266136169, -0.28539979457855225, 0.30250704288482666, 0.7566431760787964, 0.21628187596797943, -0.6097298860549927, -0.11832217872142792, 2.8581199645996094, -1.1830291748046875, 1.3501909971237183, -0.6782148480415344, 0.08616265654563904, -0.7227901220321655, -0.682823657989502, 1.4535753726959229, -0.23423239588737488, -0.8483077883720398, -0.7330948710441589, 0.4890928864479065, -0.3941943943500519, 0.37915197014808655, -1.1503686904907227, -0.43916118144989014, 0.0350964330136776, 0.047599393874406815, -1.4781816005706787, -0.6181870102882385, 0.1377222090959549, 0.39610743522644043, 0.1054760217666626, 0.5986841917037964, -0.32521167397499084, 0.9951884150505066, -0.08626628667116165, 0.03417355194687843, -0.3906364440917969, 0.36179620027542114, -0.7674365639686584, -0.12100731581449509, 0.7086780071258545, -0.05377037078142166, -0.6726242303848267, 0.1516248881816864, -0.06921765953302383, -0.32614666223526, -0.24242445826530457, 0.048897646367549896, -0.31476524472236633, 0.15237000584602356, 0.5389356017112732, 0.5150907039642334, 0.4374884068965912, -0.8229223489761353, 0.10107913613319397, -0.20505593717098236, 0.27989718317985535, 0.9024224877357483, -0.026866475120186806, 0.5928502678871155, -2.607482433319092, 0.10876815021038055, -0.43450629711151123, 1.226421594619751, -0.24756892025470734, 0.1681891232728958, 0.2601465880870819, 0.28628993034362793, -0.1023753434419632, -0.7386458516120911, 0.5821460485458374, -1.000532627105713, 0.513994574546814, 0.1545296460390091, 0.12930329144001007, -0.06869152933359146, 0.565679669380188, 0.9231423139572144, 0.5027362108230591, -0.4241192936897278, -1.2618303298950195, -1.736238956451416, 0.10041458904743195, 2.145268678665161, 0.2480643093585968, -0.20515763759613037, -0.7515274286270142, -0.6094445586204529, 0.06693897396326065, -0.2309487909078598, -0.007627677172422409, -0.5603509545326233, 0.04714225232601166, -0.8180088400840759, 0.914273738861084, -0.7898070812225342, -0.33106282353401184, 0.7029926180839539, 1.5859860181808472, -0.5453813076019287, -0.3491409420967102, -0.8187581896781921, -0.15949487686157227, 0.3097977042198181, 0.8207641243934631, 0.14016172289848328, -0.422421932220459, 0.4481933116912842, 0.5075913667678833, 1.2280938625335693, 0.5937832593917847, 0.6451189517974854, -0.7039908170700073, 0.40973570942878723, -0.5067687034606934, 1.726452350616455, -0.09969578683376312, 0.03922676295042038, -0.09320582449436188, -0.11195209622383118, -0.5455548167228699, -0.129415363073349, -0.21916818618774414, -0.08532818406820297, 0.7323170304298401, 0.5379295945167542, -0.44350168108940125, 0.7059974074363708, -0.6073157787322998, -0.30424150824546814, 0.03996024280786514, -0.31178903579711914, -0.751853883266449, -0.30646657943725586, 0.6551594138145447, -0.3370501697063446, -0.08467476069927216, -0.1576860547065735, 0.21009981632232666, -1.165261149406433, -0.7269024848937988, 0.5286206603050232, -0.017219863831996918, -0.7013914585113525, -0.42217037081718445, -0.27604401111602783, -1.2302974462509155, -0.24362149834632874, 0.23046550154685974, -0.2500884532928467, -0.06449243426322937, 0.5241509675979614, 1.6590583324432373, -0.020563839003443718, 0.34829390048980713, 0.08991535007953644, 1.3231045007705688, -0.744595468044281, 0.1331462562084198, -0.2088697999715805, 0.2814110219478607, -1.1952342987060547, 0.10785821080207825, -0.8045492768287659, 0.16156968474388123, 0.872898519039154, 0.12249734252691269, 1.2059732675552368, -0.1899825930595398, -1.1593987941741943, 0.7884160280227661, -0.1928950399160385, -0.14354625344276428, -0.6756981015205383, 1.5599243640899658, 0.02565641887485981, -0.49710074067115784, 0.9927125573158264, -0.14829765260219574, -0.4150724411010742, 0.7041165232658386, -0.09391014277935028, -0.13506823778152466, 0.48135846853256226, -0.32187318801879883, 0.006670951843261719, 0.4228496551513672, -1.8335182666778564, 1.0673573017120361, 1.1287579536437988, -0.36785149574279785, -0.27127695083618164, -0.8180732727050781, 0.2527390718460083, -0.2858983278274536, 0.32770365476608276, 1.1348521709442139, -0.4113905429840088, 0.5508420467376709, -0.4890371561050415, 0.15791064500808716, 0.5126650929450989, 0.17316636443138123, 0.47725334763526917, 0.5008260607719421, 0.6368783116340637, -1.0601050853729248, -0.6648612022399902, 1.0846422910690308, -0.4223504066467285, 0.27376115322113037, 0.28679534792900085, 0.766403317451477, 0.7961419820785522, -0.02558068186044693, -0.26000919938087463, 0.21424777805805206, 0.3976813852787018, -0.043831244111061096, -0.3030047118663788, -0.12312102317810059, 0.5036696195602417, -0.3202873468399048, 1.3031854629516602, -0.4995976388454437, -0.5184532403945923, -0.7165248394012451, -0.195072203874588, -0.15083524584770203, 0.05334398150444031, 1.5795680284500122, 0.3722410500049591, 1.3675498962402344, 0.5994389057159424, 0.05347699671983719, -0.3685104250907898, -0.27186018228530884, 0.5181405544281006, 0.1517520248889923, 0.3458439111709595, -0.6541746854782104, -0.024893641471862793, 1.101865530014038, 0.4996369183063507, -0.8224607706069946, 0.3957989811897278, 0.4739038050174713, -0.22505749762058258, -1.186461329460144, 0.9147422313690186, 0.8228077292442322, 0.5783021450042725, 1.5576231479644775, -0.8299733996391296, 0.12944680452346802, -0.15964721143245697, -0.08132121711969376, -0.20737136900424957, 0.47213053703308105, -0.02372143417596817, 0.7075409889221191, 0.11717875301837921, 0.898402750492096, 0.011578381061553955, 1.4520881175994873, 1.5564868450164795, -0.6874774694442749, -1.2200798988342285, 0.07732361555099487, -0.772925615310669, 0.15403863787651062, 0.7915314435958862, 0.2417878806591034, -0.34034043550491333, 0.47146183252334595, 0.3034607470035553, -0.9686499238014221, 0.15914508700370789, -0.3293301463127136, -1.300018310546875, 0.6786419153213501, 1.1718919277191162, -0.6592716574668884, -0.41283291578292847, -0.22510656714439392, -0.9088017344474792, -0.18450069427490234, 0.04286165535449982, -1.3265496492385864, 0.6356449127197266, 0.17657649517059326, 0.9403527975082397, 0.018226994201540947, -0.0033783242106437683, -1.418289065361023, 1.3962972164154053, 0.9022361636161804, -1.1113020181655884, 0.4863303601741791, 0.4005427658557892, 0.8825858235359192, 0.2479432225227356, -1.236612319946289, -0.5547559857368469, 0.9662249684333801, -0.16997113823890686, 0.029133114963769913, -1.0183019638061523, -0.33147111535072327, 0.856968104839325, 0.6595252156257629, 0.668150782585144, -0.6933838129043579, 0.26202917098999023, -1.1682369709014893, 0.0853966623544693, 0.706694483757019, -1.0182470083236694, -0.9167495965957642, 0.26714974641799927, -0.45917248725891113, 0.5788811445236206, -0.008681513369083405, 0.025788206607103348, 1.6597262620925903, -0.25568169355392456, -0.3202332854270935, -0.2176923155784607, -11.991348266601562, 0.8944345712661743, -0.08248566836118698, -0.03137608617544174, 0.4498698115348816, 0.13099896907806396, 0.5410159826278687, 0.07885132730007172, 0.2741135358810425, -0.7107295393943787, 0.2914091646671295, 0.8479315638542175, 0.4798751175403595, 0.16296067833900452, -0.8444751501083374, -0.8909174799919128, -0.5236909985542297, -0.9536109566688538, 0.6194695234298706, 0.28094515204429626, -0.101250559091568, -0.4361076354980469, -0.07813521474599838, -0.20076708495616913, 0.5013728141784668, -0.3779699504375458, -0.8159705996513367, -0.2464102953672409, -0.18979540467262268, 0.0003537312150001526, 0.37617436051368713, -0.041087206453084946, -0.6234817504882812, -0.18876811861991882, -0.07249805331230164, -0.621680498123169, -1.0022087097167969, -0.3044714629650116, 0.604623019695282, -0.6965811252593994, -0.40419429540634155, -0.23502910137176514, 0.5790244340896606, -0.5183306336402893, -0.23590056598186493, 0.29108160734176636, 0.2516981363296509, -0.8245254158973694, -0.018602080643177032, -0.2421347200870514, -0.89873206615448, -0.25388920307159424, -0.9471583366394043, -0.8466439247131348, 0.3620697557926178, 0.12125006318092346, -0.8543481230735779, -0.26151856780052185, -0.09376935660839081, -0.7280642986297607, 0.3491976261138916, 0.21311882138252258, -0.47688567638397217, 0.28102225065231323, 0.09860196709632874, -0.15891216695308685, 0.11764293164014816, 0.16454686224460602, -0.0992613434791565, 0.6230577230453491, -0.8264121413230896, 1.3603966236114502, 0.16489824652671814, 0.8274133801460266, -0.7741557955741882, 0.2316822111606598, -0.8924593329429626, -0.37055355310440063, 0.642085075378418, -0.011776495724916458, -1.4722379446029663, 0.5760514736175537, 0.6262986660003662, -0.40467149019241333, -0.6805800199508667, 0.4594193994998932, 0.05839896947145462, 0.41069450974464417, 1.0090882778167725, -0.6841638684272766, 1.0608896017074585, 0.1706409454345703, -0.7374706268310547, -0.48128241300582886, -0.3555644154548645, 0.7160300612449646, -0.8698227405548096, 0.33607813715934753, 0.37904927134513855, -0.36400285363197327, -0.13216525316238403, -0.2821294367313385, -0.5659452676773071, -0.08611159771680832, 1.0370641946792603, 0.05846618860960007, 0.08452112972736359, -0.0676424652338028, -0.07371358573436737, -0.8724721670150757, 0.8676764965057373, 0.5712753534317017, 0.008533172309398651, 1.61821711063385, -0.6471048593521118, 0.6398464441299438, 0.574455201625824, 0.107484370470047, 0.1110585555434227, 0.8290541768074036, -1.173633098602295, 0.8512809872627258, 0.26476985216140747, 1.7375727891921997, -0.20955853164196014, 0.11959107220172882, 0.13528376817703247, 0.33329030871391296, -0.1730530709028244, -1.1524381637573242, 0.4167323708534241, -0.4111925959587097, -0.11212928593158722, -0.6525872349739075, 0.02839573100209236, 0.5350381135940552, -0.48240911960601807, 1.817151665687561, -0.9672494530677795, -0.25265106558799744, -0.11230182647705078, 0.1176307201385498, -1.0008621215820312, -1.0761646032333374, -0.8222866654396057, 0.3668505549430847, -1.771821141242981, 0.41579556465148926, -0.045964326709508896, -0.5255284905433655, -0.19709695875644684, -0.7487828731536865, 0.6740816831588745, -0.4888225793838501, -0.2834431231021881, -0.6001715064048767, 0.5577458143234253, -0.7050513625144958, -0.6843202114105225, -0.13778012990951538, 0.4913058876991272, 1.132075309753418, -0.9313462972640991, 1.3346893787384033, 0.25485026836395264, -0.759469211101532, -0.836327075958252, 0.403609037399292, -0.5159326195716858, 0.474539577960968, 0.7532135248184204, -0.8934277296066284, -0.4221648871898651, -0.5162177681922913, -0.2221948802471161, -0.6824883222579956, -0.18660476803779602, 0.9552456140518188, -1.4729679822921753, -0.26936715841293335, -0.7274314165115356, 0.7248601317405701, 0.191467747092247, -0.37751394510269165, -0.7617760896682739, 0.4644658863544464, -0.3406651020050049, 0.6676344871520996, 0.17031435668468475, 1.000770926475525, -1.2664713859558105, -1.013282299041748, -0.3911404311656952, -0.2968512177467346, 0.625514566898346, 0.557188093662262, 0.6425443887710571, 0.37395694851875305, -0.5719728469848633, -0.3555670976638794, -0.10056933760643005, 0.285109281539917, 0.3333081603050232, 0.6223379969596863, -0.5567235946655273, 0.7051306962966919, -0.4775817394256592, 0.2622731626033783, 0.7665969133377075, 1.3792418241500854, -0.7755959630012512, -0.5398612022399902, 0.020830772817134857, -0.08202549815177917, -0.2629661560058594, -1.5095024108886719, -0.3082984387874603, -0.35399970412254333, -0.38681575655937195, -1.1751900911331177, 0.2770772874355316, 1.4498505592346191, -0.14873427152633667, 0.5671780705451965, 0.6495386362075806, 1.0734132528305054, 0.9186564087867737, 0.047151386737823486, 0.7442156076431274, 0.02152174524962902, 0.3400416076183319, 0.3874099552631378, 0.2846674621105194, 0.23572677373886108, -0.1520986407995224, -0.8892762660980225, -0.5627480745315552, 0.2763502895832062, -0.2957119345664978, 0.8652662634849548, 0.3937531113624573, 0.4746970236301422, 1.094937801361084, 1.1175583600997925, 0.29752910137176514, -1.6260569095611572, -0.41010597348213196, -1.4485703706741333, 0.33621925115585327, 0.7090526223182678, 0.5300460457801819, 0.24227726459503174, 0.7341300845146179, -0.8143278360366821, 1.0682947635650635, -0.7136983275413513, 0.4077489972114563, -0.06149730831384659, -0.2849521040916443, 0.7853912711143494, 0.5353723168373108, 0.5168425440788269, 0.21113519370555878, -0.7337387204170227, -1.1349682807922363, -0.12740427255630493, -0.5401750802993774, 1.037499189376831, 0.41315126419067383, -0.31561318039894104, -0.009892724454402924, -0.24615611135959625, 0.835997998714447, 0.08227433264255524, 1.2750784158706665, -0.06664592772722244, -0.1840398907661438, -0.23303230106830597, -1.0430488586425781, -0.22400225698947906, 0.5350773334503174, 0.0857037752866745, -0.19117864966392517, -0.1343650370836258, 0.11580385267734528, 0.32810887694358826, 0.10450741648674011, -0.5769492387771606, -0.4593411087989807, -0.4609193205833435, 0.17795400321483612, 0.5939643383026123, -0.7314895987510681, -0.8203151822090149, -0.2083835005760193, -0.9853459596633911, 0.28232118487358093, 0.4507390260696411, -0.6084349751472473, -0.4704645574092865, 0.3570246994495392, 0.005617082118988037, 0.369417667388916, 0.1737050563097, -0.09600645303726196, -1.4570386409759521, 0.5414820909500122, 0.9191516041755676, -0.889120876789093, -0.17119276523590088, 0.2049495279788971, 0.6503178477287292, 0.2634637951850891, 1.4723416566848755]} +{"paper_id": "jason9693/APEACH", "embedding": [-0.7571065425872803, 1.807159185409546, 0.0651220977306366, -0.2208678424358368, 0.9302636384963989, 0.8704764246940613, 0.14541089534759521, -0.329110711812973, 0.3519958257675171, 1.1972432136535645, 0.6749715805053711, -0.23084568977355957, -0.7968729734420776, 0.07892391085624695, -0.14004749059677124, -0.1238194927573204, -0.7846823334693909, -0.07373900711536407, -0.1425112634897232, -0.1828542947769165, -0.4774990677833557, -0.7223737835884094, -0.2453552484512329, 0.001957731321454048, -1.305748462677002, -0.04009664058685303, 0.32608917355537415, -1.1623047590255737, -0.35678359866142273, -0.12356135994195938, -0.410186767578125, 1.260527491569519, -1.390783667564392, 0.45537737011909485, -0.656577467918396, 0.23891252279281616, -0.40840163826942444, 0.28661683201789856, -0.31670597195625305, -0.7148176431655884, -1.1226249933242798, 0.5687599182128906, 1.0027546882629395, 0.44322532415390015, 0.7118029594421387, -0.10767249017953873, 0.07995392382144928, -0.40854722261428833, -0.02846071869134903, -0.5106814503669739, -0.5514312982559204, 0.726662278175354, 0.19273550808429718, 0.19745182991027832, -0.8094291090965271, 1.0196175575256348, -0.10893242806196213, -0.40549859404563904, 0.6944604516029358, -0.7551854848861694, 1.4096719026565552, 1.9514530897140503, -0.11998109519481659, 0.4441032409667969, 0.41396263241767883, -0.7921639680862427, 0.8211522102355957, -0.24723775684833527, 0.07260526716709137, 0.13258376717567444, -0.13130979239940643, -1.1869525909423828, 0.0182204470038414, 0.1249535083770752, -0.5453792810440063, 0.14287087321281433, 0.2148304581642151, 0.5909254550933838, -0.5427286624908447, 0.47681862115859985, -0.14488789439201355, 0.8858485221862793, -0.07049118727445602, -0.8357052803039551, 0.2377292960882187, 0.1454673409461975, 0.243663489818573, -0.6316233277320862, 0.8731884956359863, -1.4207974672317505, 0.43374568223953247, -0.3984076976776123, 0.18409138917922974, 0.6501275897026062, -0.9964098334312439, 0.8894209265708923, -0.4296709895133972, 0.09000319242477417, -0.9014256000518799, 0.8500759601593018, 0.7485339045524597, -0.22993461787700653, 0.463013619184494, -0.6308456659317017, -0.2106597125530243, 1.133217692375183, -0.2031414806842804, -0.3352828621864319, -0.09809999167919159, -0.4822743535041809, -0.20124056935310364, 1.6857956647872925, -0.8368265628814697, 1.0877115726470947, 0.14791612327098846, -0.18892580270767212, -0.40277376770973206, -1.0548877716064453, -0.23841264843940735, 0.2685512900352478, -0.7880132794380188, -1.009807825088501, -0.02416348084807396, 0.5871567130088806, 1.5563431978225708, -0.04603375121951103, 0.7470404505729675, -0.4041888117790222, -0.5040064454078674, 0.09678079187870026, 0.7949962615966797, -0.7911199927330017, -0.8848106861114502, 0.22878694534301758, 3.0636041164398193, -1.4874012470245361, 1.8459659814834595, -0.510138988494873, 0.5060333013534546, -0.6523222923278809, -0.5960628390312195, 1.7572181224822998, -0.08904153108596802, -1.3554049730300903, -1.05933678150177, 0.2137947976589203, -0.9469878077507019, 0.6997976303100586, -0.18180470168590546, -0.4268917739391327, -0.12096866965293884, 0.6936408877372742, -0.89034104347229, 0.4168638288974762, 0.4879809617996216, 0.14012041687965393, -0.28376805782318115, 0.544239342212677, -0.6818056106567383, 1.1464170217514038, 0.7784907817840576, -0.09550930559635162, -0.052580513060092926, 0.8730040192604065, -1.0427745580673218, -0.36747100949287415, 0.6984366178512573, -0.190711110830307, -1.300416111946106, -0.2640950083732605, 1.4592479467391968, -0.4257057309150696, -0.4366273880004883, -0.1397089660167694, -0.8843498826026917, 0.0528375506401062, 1.0433894395828247, 1.1400643587112427, 0.03839205950498581, -0.3806200325489044, -0.7607272863388062, -0.020431052893400192, -0.24095824360847473, 0.8526482582092285, -1.3976833820343018, -0.544901967048645, -1.3858942985534668, 0.5684475898742676, 0.550216019153595, 1.2058628797531128, 0.13051122426986694, -0.20905807614326477, -0.0661780834197998, 0.8763859272003174, -0.11270856857299805, -0.326961487531662, 0.7538770437240601, -1.4494173526763916, 0.26779213547706604, -0.26889002323150635, 0.6258642077445984, -0.9953023195266724, -0.24247390031814575, 0.500424325466156, 0.7989734411239624, -0.9990836977958679, -0.5587555766105652, -2.2099273204803467, 0.8298147320747375, 2.7994325160980225, 0.5431637167930603, -0.6191715002059937, -0.3598446846008301, 0.32269346714019775, -0.29505208134651184, 0.42112722992897034, 0.4791678488254547, -0.8841065764427185, -0.035467736423015594, -1.4199645519256592, 0.2479454129934311, -0.30047163367271423, 0.48389241099357605, 0.5330076813697815, 0.31491559743881226, -0.9715728163719177, -0.5154502391815186, -0.5110517740249634, -0.28252166509628296, 0.9508459568023682, 0.798671543598175, -0.12687653303146362, 0.46822285652160645, 1.4356515407562256, 0.868013858795166, 0.5608624815940857, 0.23804935812950134, -0.17744094133377075, -1.0338387489318848, 0.14257018268108368, 0.017860714346170425, 0.392051637172699, -0.20873911678791046, -1.1530373096466064, 0.7943363785743713, 0.6871276497840881, -0.7119486331939697, -0.14343656599521637, -0.7799309492111206, 0.24856513738632202, 0.6683662533760071, 0.7899043560028076, -0.7958876490592957, 1.0191277265548706, -0.7234467267990112, 0.28221064805984497, -0.6411384344100952, -0.1001596450805664, -0.2593134045600891, -0.07061377912759781, 1.0118200778961182, 0.3723316192626953, -0.34832674264907837, -0.6028829216957092, -0.012091610580682755, -1.0603758096694946, -0.42569056153297424, 0.31583866477012634, -0.7761030793190002, -1.4697247743606567, 0.34819796681404114, -0.9592775106430054, -1.4403555393218994, -1.1756874322891235, 0.22576406598091125, 0.6015379428863525, -0.4424005448818207, 0.09383697807788849, 1.320227026939392, -0.08738994598388672, 0.37176552414894104, -0.32207223773002625, 1.148730754852295, -0.8065986037254333, 0.40363115072250366, -0.5180063843727112, -0.17788685858249664, 0.5384945273399353, -0.23650430142879486, -0.3679234981536865, 0.3805284798145294, 1.1152633428573608, -1.1016606092453003, 0.8845796585083008, 0.3735014796257019, -0.21971407532691956, 1.6153219938278198, -0.6614906191825867, 0.5508922338485718, -0.8290713429450989, 0.8882821798324585, 0.5404676795005798, -1.183797001838684, 0.9453148245811462, -0.6297528743743896, -0.015879154205322266, 0.7462029457092285, -1.572546362876892, 0.3668401837348938, 0.19916455447673798, -0.31339719891548157, -0.38355234265327454, 0.6727623343467712, -1.7498764991760254, 0.31431955099105835, 1.2356619834899902, -0.6519734263420105, -0.23144935071468353, -0.4633907377719879, 1.2131340503692627, -0.8172517418861389, 0.051207154989242554, -0.8337135910987854, -0.32075852155685425, 0.18750408291816711, -0.5251716375350952, 0.3193367123603821, 0.2523314356803894, -1.5865449905395508, 0.03879785165190697, 0.9460921287536621, 1.0676910877227783, -0.8471495509147644, -0.07672107219696045, 0.420649915933609, -0.8924335241317749, 0.6107101440429688, -0.22608956694602966, 0.8099132180213928, 0.911055326461792, -0.16438856720924377, -0.15966758131980896, 1.2796496152877808, 0.6398317217826843, 0.060510553419589996, -0.4680418372154236, 0.3624027967453003, 1.077231764793396, -0.8459959030151367, 1.2602477073669434, 0.32163164019584656, -0.6626572012901306, -1.9699888229370117, -0.5066143870353699, 0.4207431674003601, -0.5751537680625916, 0.7245857119560242, 1.3346648216247559, 1.5761542320251465, -0.29277539253234863, 0.704746663570404, -0.3648589253425598, 0.4845801293849945, 1.3348805904388428, 0.6195873022079468, 0.8206085562705994, -0.19370590150356293, 0.2446429431438446, 0.9935104846954346, 0.027457736432552338, -0.24459713697433472, 0.4414806067943573, 1.2921299934387207, -0.4199702739715576, -0.2462780475616455, -0.021912269294261932, -0.37251803278923035, 0.03918012976646423, 0.9817224740982056, -0.8066078424453735, -1.0494699478149414, -0.27074378728866577, 0.4364769756793976, 1.41051185131073, 0.477383017539978, -0.5442275404930115, 0.2531437873840332, 0.3389698565006256, 0.4320758879184723, -0.6354336738586426, 0.43654653429985046, 0.6939821243286133, -0.1291245073080063, -0.5578947067260742, -0.22001314163208008, -1.2280765771865845, 0.23669908940792084, -0.18638885021209717, 0.46158337593078613, -0.7330189347267151, 0.7590078115463257, -0.7998396158218384, -1.7112376689910889, 0.5040429830551147, -0.4136996269226074, -0.6745744943618774, 1.0554108619689941, 0.5548467636108398, -1.600623369216919, -1.8646345138549805, -0.3427056074142456, -0.6637858748435974, -1.337697982788086, 0.5557245016098022, -1.0282418727874756, 1.3594350814819336, 0.03613757714629173, 0.11046142131090164, -0.04886455461382866, -0.11231103539466858, -0.7641857862472534, 0.8221338391304016, 1.571134328842163, -0.610260546207428, 0.702784538269043, 0.6430652141571045, -0.14284905791282654, 0.06971150636672974, -0.6259370446205139, -0.9072693586349487, 0.9827093482017517, 0.7210735082626343, 0.7059618234634399, -1.0648243427276611, -0.590507984161377, 0.2532217502593994, -0.13459600508213043, 0.8132650256156921, -0.803576648235321, 0.36788201332092285, -0.8522683382034302, 0.8178319931030273, 0.8099199533462524, -0.3978908658027649, -1.2722363471984863, 1.119870662689209, 0.0742848739027977, 0.5203880071640015, -0.003282688558101654, -0.03074938803911209, 1.8771485090255737, 0.7792486548423767, 0.8034066557884216, -0.4084602892398834, -9.249152183532715, 0.4897957444190979, 0.038233038038015366, 0.5813837647438049, 0.23908649384975433, -0.8468014001846313, 0.3711908757686615, 0.46705082058906555, 1.710627555847168, -0.5535981059074402, -0.06842149794101715, 2.2304611206054688, 0.08586914837360382, -0.6633521914482117, -0.9662051796913147, -1.0147526264190674, -1.0767760276794434, -0.7255961894989014, 0.05123548209667206, 0.3479081392288208, -0.39427846670150757, -1.2178714275360107, 0.2794983983039856, -0.776334822177887, 0.6691051125526428, 0.31455540657043457, -0.1765734851360321, -0.6193899512290955, -0.6518383622169495, 0.7784940004348755, 1.1175624132156372, 0.00882947538048029, -0.41024255752563477, -0.0719340518116951, -0.00020332634449005127, 0.775351881980896, -0.8558371067047119, -0.2148469090461731, 0.9139902591705322, 0.05450839549303055, 0.07586270570755005, 0.6127743124961853, 0.7656834125518799, -0.35304442048072815, -0.04719192162156105, -0.12353380769491196, -0.4626118540763855, -0.5148398876190186, -0.14763419330120087, -0.43640175461769104, -0.5174511075019836, -0.703884482383728, -2.013550043106079, -0.4316752552986145, 1.0783778429031372, -0.38657936453819275, -0.5788730382919312, -0.1855204701423645, -1.0031638145446777, -1.3437550067901611, 1.1372652053833008, 0.3666359782218933, 0.09941665083169937, 0.16419129073619843, 0.7632785439491272, -1.2129994630813599, 0.4368710219860077, -0.29976993799209595, 0.09094332903623581, 0.8508135676383972, -0.3187355101108551, 1.5042202472686768, 0.0905439630150795, 0.5109364986419678, -0.47210803627967834, -0.23632323741912842, -0.6245222687721252, 0.36320653557777405, 1.2107875347137451, -0.8462825417518616, -1.4337300062179565, 0.6286706924438477, -0.2868874669075012, -0.8920019865036011, -0.473041832447052, 0.17134182155132294, -0.21011242270469666, -0.4687749743461609, 0.7719022035598755, -0.10809595882892609, 0.6123307943344116, 0.36904290318489075, -0.3327104449272156, 0.24256044626235962, -0.4871607720851898, 0.46136125922203064, -0.9831228256225586, 1.1744670867919922, -0.16922977566719055, -0.01882214844226837, 0.7904701232910156, 0.05065746605396271, -0.720218300819397, 0.014536518603563309, 0.3289462924003601, -0.048633504658937454, 0.2264181673526764, 0.4411334693431854, -0.39150169491767883, -0.37303486466407776, 0.05215277895331383, 0.3111226260662079, -0.20183351635932922, 0.5492485761642456, 0.35604241490364075, 0.12821704149246216, 0.7094283699989319, -0.3210133910179138, 0.19785460829734802, 1.1556998491287231, -0.7338463664054871, 1.0874329805374146, -0.1620171219110489, 1.003010630607605, -0.4102388620376587, 0.774335503578186, 0.8037799596786499, -0.40167421102523804, 0.04616793990135193, -2.399552345275879, 0.8819504380226135, -0.5439257621765137, 0.7524275779724121, -0.777717113494873, 0.08465225994586945, -0.15603764355182648, -1.3022247552871704, 1.2316627502441406, -1.045067548751831, 0.39366355538368225, -0.16396066546440125, -0.31842511892318726, 0.13310196995735168, -0.5246298313140869, -0.09269701689481735, 0.30502790212631226, -2.504112482070923, 0.14500732719898224, -0.653208315372467, 0.25373148918151855, -0.06940343976020813, -0.3106541633605957, 0.9127229452133179, -1.3432453870773315, -0.31576988101005554, 0.5741590261459351, 0.5165825486183167, -0.5883150696754456, -0.7398784756660461, -0.3375972509384155, 0.2806254029273987, 1.5385993719100952, -0.7078452706336975, 0.688104510307312, 0.19193831086158752, -0.04941607639193535, -0.1277785450220108, 0.04499620199203491, -0.5491628050804138, -0.0072729624807834625, 1.6525382995605469, -0.6543148159980774, 0.3587644398212433, 0.24528725445270538, -0.2161630541086197, -1.2330713272094727, 0.8134315609931946, 1.0819660425186157, -1.5020861625671387, 0.20758002996444702, -0.25181886553764343, 0.046186767518520355, -0.19005659222602844, -0.43072712421417236, 0.0629843920469284, 0.9641623497009277, -0.5842407941818237, 0.970160186290741, -0.7621362805366516, 0.47157180309295654, -1.93556547164917, -1.4570138454437256, -0.5649435520172119, -0.4071430265903473, 0.2466750144958496, 0.08087445795536041, 0.35152190923690796, 0.038920145481824875, 0.4954153597354889, -0.2314823865890503, 0.28669822216033936, 0.749504804611206, -0.06466041505336761, 0.15206485986709595, -0.9762187600135803, -0.732654333114624, -0.6008992195129395, 0.08521488308906555, 0.0034611765295267105, 0.4996855854988098, -1.2789970636367798, -0.023625753819942474, -0.024958696216344833, -0.6647149324417114, 0.5889816880226135, -0.17590181529521942, -0.14857301115989685, -0.6740152835845947, -0.6080648303031921, -1.0342320203781128, 0.6002816557884216, 0.8204256296157837, 0.23160676658153534, 1.172611117362976, 0.5918641686439514, 0.6356363892555237, 0.8264255523681641, 0.8246890902519226, 1.5149285793304443, -0.29734116792678833, -0.498813271522522, -0.35236504673957825, -0.732177734375, 0.016454830765724182, 0.4450981020927429, 0.33848118782043457, -0.9526060223579407, 0.19394847750663757, -1.3673319816589355, -0.39144256711006165, -0.3599565029144287, 0.18224801123142242, 0.2539949417114258, 0.8842726349830627, -0.9579041600227356, -0.2569408416748047, -0.7633209228515625, -0.5731621384620667, -0.5660549402236938, -0.012273654341697693, 0.6274973154067993, 1.2897520065307617, 0.924243152141571, 0.26129400730133057, 1.0843746662139893, 0.28162333369255066, 0.34044474363327026, 0.32662469148635864, 0.3993145823478699, 1.0943019390106201, 0.9345909953117371, 0.5785844326019287, 0.021346107125282288, 0.280413419008255, -1.187571406364441, -0.38983550667762756, -0.8434823751449585, 0.8657628297805786, 0.4156833291053772, 0.2471698671579361, 0.3836272358894348, -0.5352112650871277, 0.03205355256795883, -0.00657267589122057, 0.2922539710998535, 0.9780792593955994, -0.08051668852567673, -0.30697813630104065, -0.7706519961357117, -0.15435203909873962, 0.6082204580307007, -0.3940613269805908, 0.18328899145126343, -2.128056049346924, 0.5009597539901733, -0.1856248527765274, -0.5129340887069702, -1.3689916133880615, 0.3229862451553345, -0.1311539113521576, 0.33391785621643066, 0.8275903463363647, -1.5896832942962646, -0.817608118057251, -0.15196377038955688, -0.3463837206363678, 0.5231671333312988, 0.304645836353302, -2.143556833267212, -0.5504022836685181, 0.3153851628303528, 0.7972723245620728, -0.07054580748081207, 0.13169655203819275, 0.06152712553739548, -1.7430853843688965, 1.8646897077560425, 1.7001253366470337, 0.21170225739479065, -0.2233944982290268, 1.0204731225967407, -0.1394186168909073, 0.037213847041130066, 2.295570135116577]} +{"paper_id": "julien-c/reactiongif", "embedding": [-0.632384181022644, 1.3903663158416748, 0.49544963240623474, -0.21223677694797516, 0.5229383111000061, -0.020752612501382828, 0.838042140007019, -0.4561343193054199, -0.13336101174354553, 0.9335871338844299, 0.948214590549469, -0.473189115524292, -0.35333406925201416, 0.021222302690148354, -0.05872761085629463, -0.21805915236473083, -1.130468487739563, 0.045598916709423065, -0.349559485912323, -0.31409862637519836, -1.0762462615966797, -0.6132665276527405, 0.25870898365974426, 0.9815683364868164, -0.40560510754585266, -1.0117746591567993, 0.10192400217056274, 0.13493822515010834, 0.27391481399536133, -0.32926246523857117, -0.46766161918640137, 0.6926917433738708, -0.901279866695404, -0.3888987898826599, -0.5006569027900696, -0.20593175292015076, 0.21649764478206635, 1.0549578666687012, -0.29568928480148315, -0.40197691321372986, -0.8906744122505188, 1.0509352684020996, 0.9517433047294617, 0.25802069902420044, 0.9909216165542603, 0.17959630489349365, -0.4613576829433441, 0.13928718864917755, 0.2661834955215454, -0.19934682548046112, 0.02301940694451332, 0.27495622634887695, -1.197919487953186, 0.10462555289268494, -0.677394688129425, 1.3579704761505127, 0.3395824730396271, -0.9438455700874329, 0.2735813856124878, -0.841187596321106, 1.064618706703186, 2.104332685470581, -0.09791798144578934, -0.25002115964889526, 0.958587110042572, 0.036210864782333374, 0.8424850106239319, -0.26446476578712463, 1.3083356618881226, 0.297273725271225, -0.6064044237136841, -0.4246572256088257, 0.402065634727478, 0.04824535548686981, 0.05183737725019455, -0.038996487855911255, 0.2222423106431961, 0.8679881691932678, -1.2496198415756226, 1.0105140209197998, -0.15687593817710876, 0.7029067873954773, -0.7252707481384277, -1.7432507276535034, 0.7400684356689453, 0.7091584801673889, -0.13653628528118134, 0.3230077922344208, 0.6358664631843567, -1.5528568029403687, 0.45788484811782837, -0.15166184306144714, -0.3388926684856415, 0.1649351716041565, -0.704092800617218, 0.7779970765113831, 0.00910695269703865, 0.5813587307929993, -0.7739652395248413, 0.7785882353782654, 0.8717052936553955, -0.7489932775497437, 0.6738959550857544, -0.11927568167448044, 0.09535934031009674, 1.1259715557098389, 0.1965619921684265, -0.4547536373138428, 0.3280619978904724, 0.07952616363763809, -0.2983221411705017, 1.5992960929870605, -0.06289588660001755, 0.44347625970840454, -0.2512308657169342, -0.37022650241851807, -0.5730604529380798, -0.6563382148742676, -0.49388542771339417, 0.1501179039478302, -1.0319068431854248, -0.7994350790977478, -0.06513164937496185, 0.7063928246498108, 1.5660920143127441, -0.4934637248516083, 0.8380489945411682, 0.16646018624305725, -0.19068072736263275, -0.15395081043243408, 0.5774192810058594, -0.11510218679904938, -0.2483046054840088, 0.8384963274002075, 2.650200605392456, -0.7677978277206421, 1.587565302848816, -0.9795688986778259, 0.39425575733184814, -0.3720848560333252, 0.4024165868759155, 0.7107184529304504, -0.16397830843925476, -0.46339738368988037, -1.3655139207839966, 0.06061619520187378, -0.6458000540733337, -0.07632716745138168, -0.38126009702682495, -1.0717430114746094, -0.04941084608435631, 0.10427030920982361, -1.0669622421264648, 0.01875392347574234, 0.28179678320884705, 0.5960779190063477, 0.19905240833759308, 0.7893115878105164, -0.0479247085750103, 1.3460036516189575, 0.5639777183532715, 0.7073632478713989, -0.7155237197875977, 0.5779252052307129, -0.9561765193939209, -0.523011326789856, 0.38244494795799255, 0.6255353093147278, -1.3097625970840454, -0.38013073801994324, 0.9006142020225525, 0.030969571322202682, 0.3084798753261566, -0.36632639169692993, -1.030542016029358, -0.3388943374156952, 0.7054281234741211, 1.098137378692627, 0.29000240564346313, -0.011116736568510532, -0.42051905393600464, -0.34673818945884705, -0.10614252090454102, 0.3205997347831726, -0.1663108915090561, 0.20509564876556396, -1.4010908603668213, -0.8353452086448669, -0.5191097259521484, 0.7488417029380798, -0.0733104795217514, -0.17149537801742554, 0.1679416447877884, -0.24936586618423462, -0.042757079005241394, 0.005611386150121689, 0.8344322443008423, -1.4801249504089355, -0.44186335802078247, 0.4148022532463074, 0.6148892641067505, 0.1805390864610672, 0.3925648331642151, 0.9012441039085388, 0.4467620551586151, -0.45265522599220276, -0.5799558758735657, -1.9087377786636353, 0.5857993960380554, 2.7421536445617676, -0.5525924563407898, -0.17941269278526306, -0.8751158118247986, 0.40050071477890015, -0.04709826409816742, 0.09065630286931992, 0.7106648683547974, -0.8102222084999084, 0.236473947763443, -1.1387945413589478, 0.5412918329238892, -0.4570591449737549, -0.2673129439353943, 0.21619252860546112, 0.536749541759491, -0.17562544345855713, -0.7052187919616699, -1.0283199548721313, -0.5612984895706177, 0.5645227432250977, 0.27599266171455383, 0.1867937594652176, -0.06227423995733261, 0.6222144961357117, 0.21225768327713013, 0.8918262720108032, -0.4772489368915558, -0.168178990483284, -0.5748863220214844, 0.1814815104007721, 0.720944881439209, -0.05106054246425629, -0.006901934742927551, -0.3087190091609955, 0.5078597068786621, 0.8065326809883118, 0.7429954409599304, -0.5004262924194336, 0.1360577791929245, 0.3949737846851349, 0.7992118000984192, 1.1221320629119873, -0.6858336329460144, 1.2741833925247192, -0.7046557664871216, 0.4139586091041565, -0.5153934955596924, -0.8560075163841248, 0.4411269426345825, -0.3752707242965698, 0.48151007294654846, -0.13954323530197144, -0.519261360168457, -0.09338371455669403, -0.2476637363433838, -0.8755834102630615, 0.022892527282238007, -0.1599699705839157, -0.7844159007072449, -0.7260438203811646, 0.39053261280059814, -0.9515844583511353, -0.807850182056427, -0.451584130525589, 0.5049722194671631, 0.822657585144043, -0.31676048040390015, 0.3561171889305115, 0.7138051390647888, -0.6145704984664917, -0.3037649989128113, -0.9524819254875183, 1.107305884361267, -0.8410841226577759, 0.9940342903137207, -0.7106533646583557, 0.6047033071517944, -0.22911933064460754, -0.2014085054397583, 0.24907368421554565, 0.28575676679611206, 0.12913480401039124, -0.15824201703071594, 0.2959907650947571, -0.35101741552352905, -0.7001715898513794, 0.2956397533416748, -1.5549962520599365, 0.42940282821655273, -0.43841439485549927, 1.378129243850708, 0.2201927751302719, -0.34918370842933655, 1.629192590713501, 0.1949356198310852, 0.5866015553474426, 0.43873831629753113, -0.7626020908355713, 1.0495656728744507, 0.2946332097053528, 0.1369512677192688, -0.33028310537338257, -0.12033548951148987, -1.732768177986145, -0.11183096468448639, 1.4990650415420532, -0.5293480157852173, 0.14479488134384155, -0.025322571396827698, 0.5425851345062256, -0.538460373878479, 0.3703422546386719, -0.5484886765480042, -0.1421314924955368, 0.6300786733627319, -1.0655624866485596, 0.04341854900121689, 1.0049562454223633, -0.4926654100418091, -0.2122505009174347, 0.92859947681427, 0.5624926090240479, -1.2356871366500854, -0.3774406611919403, 0.09622711688280106, -0.3473030626773834, 0.44845929741859436, 0.007993526756763458, 0.7123109698295593, 0.6494426727294922, -0.6337847113609314, -0.9391448497772217, 0.22802861034870148, 0.3672879934310913, 0.8558936715126038, 0.6027969717979431, 0.04457492381334305, 1.1591441631317139, -0.814687192440033, 1.2127022743225098, 0.5126306414604187, 0.02506120875477791, -1.2014296054840088, -0.24630329012870789, -0.45690739154815674, -0.04660949483513832, 1.2756037712097168, 0.9528355598449707, 1.3608872890472412, -0.07741788774728775, -0.1586781144142151, -0.41464895009994507, 0.3514227867126465, 0.9308421015739441, 0.40602734684944153, 0.5859211087226868, 0.008386462926864624, -0.2354658842086792, 0.520294189453125, 0.09776049107313156, -0.7034456729888916, 0.5475574135780334, 0.6313077807426453, -0.40037062764167786, 0.08919346332550049, -0.14825648069381714, 1.3315269947052002, -0.11759636551141739, 0.564466118812561, -0.5685597658157349, -0.6662840843200684, -0.7398583292961121, 0.03044702298939228, 0.8395161628723145, 0.31467562913894653, -1.0315163135528564, 0.055048927664756775, -0.20076200366020203, 0.19576820731163025, -0.7964829206466675, 0.25962281227111816, 0.6508232355117798, -0.3680934011936188, -0.913435161113739, -0.8471092581748962, -0.6167381405830383, -0.5820708870887756, 0.28605732321739197, 0.34043124318122864, -0.6899093389511108, 0.7400625348091125, -0.7477126717567444, -1.799484372138977, 0.7143926620483398, -0.5550186634063721, -1.178221583366394, 0.8604222536087036, 0.5550240278244019, -1.0126451253890991, -0.7803418040275574, 0.06086203455924988, -1.1737574338912964, -0.9751690030097961, 0.5150288343429565, -0.23683279752731323, 0.33021631836891174, 0.3898531496524811, 0.24152527749538422, -0.5270372629165649, -0.05093611776828766, -0.19674822688102722, 0.6352182626724243, 0.9275622367858887, -0.37489181756973267, 0.9548672437667847, 0.984635591506958, -1.3676997423171997, 0.42989468574523926, -0.799808144569397, -1.176377534866333, 0.31271013617515564, 0.6115798950195312, 0.0817265436053276, -0.45474904775619507, -0.6738401651382446, 0.3423302173614502, -0.5244218111038208, 1.1751022338867188, -1.2625138759613037, 0.9098213911056519, -0.8809850811958313, -0.41198858618736267, 0.3799417316913605, 0.2657633423805237, -0.4657328426837921, 0.6966423392295837, -0.26598602533340454, 0.5038535594940186, -0.15308886766433716, 0.578623354434967, 0.6378629207611084, -0.0327204093337059, 0.7650704383850098, 0.30182498693466187, -11.38248062133789, 0.8975203037261963, -0.4573994576931, 0.14027917385101318, 1.2304548025131226, -0.17634207010269165, 0.2883402705192566, -0.6897019743919373, 1.5052392482757568, -0.5290982723236084, 0.345209538936615, 1.821776032447815, -0.6478915810585022, -0.308104008436203, -0.7155316472053528, -0.34193480014801025, -0.5902523398399353, -0.4873853921890259, -0.33252620697021484, 0.32632681727409363, -0.4240502715110779, -0.7635424733161926, -0.16664086282253265, -0.8383663296699524, 0.5189236402511597, 0.020961396396160126, 0.1393665373325348, -0.7103517055511475, -0.7161369323730469, 0.4765656292438507, 0.6583654880523682, 0.1044822558760643, -0.13455989956855774, -0.5353536009788513, -0.0586075559258461, 0.9188598394393921, -0.84473717212677, -0.3770006597042084, 1.0110405683517456, 0.22740602493286133, 0.40507036447525024, -0.3438592851161957, 0.6621320843696594, -0.5277376770973206, -0.6298146843910217, 0.4895998239517212, 0.3771325945854187, 0.12081323564052582, 0.24569903314113617, 0.20837673544883728, -0.7979627847671509, -0.45831599831581116, -1.532097339630127, -0.029722504317760468, 1.4617745876312256, 0.6233485341072083, -0.34237557649612427, 0.28963425755500793, -0.7129722237586975, -0.5892196893692017, 1.0141457319259644, 0.29385918378829956, -0.10032271593809128, 0.2106526494026184, 0.5097253918647766, -0.9894334077835083, -0.020490549504756927, 0.4547240138053894, -1.0831670761108398, -0.2171635925769806, -0.3270701467990875, 0.8613024353981018, -0.01472623459994793, 0.34125426411628723, -0.007184583693742752, -0.4886585474014282, -0.38818737864494324, 0.16640938818454742, 0.8433270454406738, -0.8260316252708435, -1.0298144817352295, 0.10241657495498657, -0.4079786241054535, -0.796566367149353, -0.5437483191490173, 0.5974721908569336, -0.26252609491348267, -0.5531169772148132, 0.2240254282951355, 0.1433330774307251, -0.4803084135055542, -0.09314830601215363, 0.1613696813583374, 0.45830652117729187, 0.08970603346824646, 1.0378799438476562, -0.6421840190887451, 1.0555903911590576, -0.032017387449741364, 0.4647265672683716, 0.4004673361778259, -0.1581498086452484, 0.08481644093990326, -0.27346932888031006, 0.416493684053421, -0.29328617453575134, -0.2676449418067932, -0.15315762162208557, -0.36105871200561523, -0.4026414155960083, -0.012674834579229355, -0.05527912452816963, -0.1001632958650589, 0.7305746674537659, 0.3972760736942291, 0.4266315996646881, 0.7426403760910034, -0.307191401720047, 0.6533990502357483, 0.3608507513999939, -0.8789081573486328, 0.16244371235370636, -0.36918017268180847, -0.21957378089427948, 0.4920474886894226, 0.364382266998291, 0.35643237829208374, 0.14857523143291473, 0.34613049030303955, -1.5025259256362915, 1.0928242206573486, -0.18640291690826416, -0.025620104745030403, -0.9414613842964172, -0.6154382228851318, 0.04617174342274666, -1.078086256980896, 1.6239228248596191, -0.7838354706764221, 0.12431168556213379, 0.05119679123163223, -0.27950912714004517, 0.1889033317565918, -0.5658771991729736, -0.6691129207611084, -0.5321917533874512, -1.7069929838180542, 0.3435327708721161, 0.0001680999994277954, -0.2725769281387329, 0.5403496026992798, -0.1336311250925064, 0.5981743335723877, -1.0239821672439575, 0.3214806318283081, 0.5234644412994385, -0.06379927694797516, -0.2807818055152893, -1.1629422903060913, 0.5820426344871521, 0.17848028242588043, 0.6291354894638062, -0.8960321545600891, 0.7792642712593079, 0.45788004994392395, -0.2790529131889343, -0.22584855556488037, 0.2603450417518616, -0.7638784050941467, 0.7833468317985535, 2.025700807571411, -0.5135829448699951, -0.7002065181732178, -0.5652478933334351, 0.45553386211395264, -1.5907657146453857, 1.2110337018966675, 1.126306414604187, -0.7634145021438599, 0.23845946788787842, -0.24701336026191711, 0.36973920464515686, -0.5818517208099365, -0.5534676909446716, -0.24577221274375916, 0.01953434944152832, -0.21884042024612427, 1.0681047439575195, 0.029058175161480904, 0.08518047630786896, -1.2937066555023193, -1.3016881942749023, -0.5350900292396545, -0.060291092842817307, 0.5945307612419128, -0.4368155002593994, 0.5146110653877258, 0.7424518465995789, -0.515842080116272, -0.7071326971054077, -0.17086900770664215, 0.9087359309196472, -0.4474956691265106, 0.5343653559684753, -0.5650913119316101, -0.21239280700683594, -1.254256010055542, -0.034333761781454086, 0.24185122549533844, 0.4446525573730469, -1.786829948425293, -0.9486833214759827, -0.30069905519485474, -0.5611281394958496, 0.7050431966781616, -0.8051201105117798, 0.3692850172519684, 0.3104032278060913, -0.8475090265274048, -0.5151334404945374, 0.13088779151439667, 1.6006450653076172, 0.1113584041595459, 1.341227412223816, 0.6773858666419983, 0.9060813188552856, 0.7372641563415527, 0.6785244941711426, 1.843765377998352, -0.9166153073310852, -0.516665518283844, -0.12153513729572296, -0.6194567680358887, -0.27974995970726013, -0.13169127702713013, -0.44864147901535034, -0.9912200570106506, 0.6370105147361755, -1.364262342453003, 0.2674533724784851, 0.31988781690597534, 0.6202284693717957, 0.8202100992202759, 0.8421141505241394, -0.20684075355529785, -0.6375946998596191, -1.016364574432373, -0.5732515454292297, 0.40917715430259705, 0.3295840620994568, 0.5805652737617493, 1.6525063514709473, 0.7479149103164673, 0.3495224118232727, 0.8179455995559692, 0.2025761902332306, -0.06946638226509094, 0.456197589635849, 0.5200203657150269, 1.056684970855713, 0.27319014072418213, 0.10091737657785416, -0.46275731921195984, -0.6092217564582825, -1.244313359260559, -0.052869975566864014, 0.1401163786649704, 0.9803180694580078, 0.4234676957130432, 0.09493830800056458, 0.09889152646064758, -0.7389324903488159, 0.2596873641014099, 0.29361680150032043, 0.45695844292640686, 0.19378602504730225, -0.3818349242210388, -0.5615317821502686, -0.5036997199058533, -0.25712692737579346, 1.000941276550293, -0.4871714115142822, -0.27605873346328735, -0.8922250866889954, 0.27127665281295776, -0.4572749733924866, -1.1417840719223022, -0.8476901054382324, 0.0656631588935852, -0.6236076951026917, 0.25969576835632324, 0.22169189155101776, -1.317773699760437, -1.3638830184936523, -0.4373975992202759, -1.0418812036514282, 1.0545217990875244, 0.024480141699314117, -1.0281423330307007, -0.36685988306999207, 0.40825656056404114, 0.47264382243156433, -0.36354362964630127, 0.3725113272666931, -0.18510101735591888, -1.685683012008667, 0.6579263806343079, 1.4270821809768677, 0.4967273771762848, -0.4084742069244385, 0.7792525291442871, 0.7911921143531799, 0.306850403547287, 2.0080068111419678]} +{"paper_id": "mozilla-foundation/common_voice_1_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "mozilla-foundation/common_voice_3_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "mozilla-foundation/common_voice_6_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "nateraw/food101_old", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "nateraw/sync_food101", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "ncats/EpiSet4BinaryClassification", "embedding": [0.14633482694625854, 1.0619616508483887, -0.3892841339111328, -0.2749994397163391, 0.4946109652519226, 0.06746148318052292, 0.5298890471458435, 0.8864205479621887, 1.186259388923645, 1.0195116996765137, 0.6211516261100769, 0.13088540732860565, 0.2544495165348053, -0.5309809446334839, -0.32224592566490173, -0.2867291569709778, -1.2964304685592651, -1.3247846364974976, -1.7139495611190796, -0.18858017027378082, -1.2357321977615356, -0.08735774457454681, 0.17259478569030762, 0.4779548943042755, 0.008907631039619446, -0.7633808851242065, 1.0999276638031006, -1.3394520282745361, 0.27938783168792725, 0.5636724233627319, -0.46806490421295166, 1.4013643264770508, -0.9685978293418884, 0.4141787588596344, -0.37369245290756226, -0.40507566928863525, 0.07374967634677887, 0.29722854495048523, -0.26395928859710693, -0.17565061151981354, -0.9629225730895996, -0.2564622461795807, 0.15809376537799835, 0.519199013710022, 0.7573227286338806, -0.6332471370697021, -0.33307135105133057, 0.5775794386863708, -0.3388475179672241, 0.3529893755912781, -0.4836634695529938, -0.036797359585762024, 0.29871463775634766, 0.41092348098754883, -0.31375446915626526, 1.1706606149673462, 0.7672934532165527, -1.0017822980880737, 0.8802384734153748, -1.1425389051437378, 1.054596185684204, 1.775483250617981, -0.8328933119773865, 0.24714569747447968, 0.9487473964691162, 0.02665363997220993, 1.1336395740509033, 0.47869861125946045, 0.466503381729126, 0.6872949004173279, -0.3435249626636505, -0.8332975506782532, 0.3740086257457733, 0.48973435163497925, 0.3384127616882324, 0.9688067436218262, -0.05402791500091553, -0.086578369140625, 0.10177408158779144, -0.6397905349731445, -0.4527833163738251, 0.45878511667251587, 0.863828182220459, -0.6835165619850159, 0.08885704725980759, 0.671764612197876, 0.23037388920783997, -1.1744686365127563, 0.6861366629600525, -1.904166340827942, 0.22654035687446594, 0.050610534846782684, -0.020677950233221054, -0.2110602706670761, -0.3311563730239868, -0.011781137436628342, 0.13608834147453308, -0.5874471068382263, -0.5413527488708496, 0.4681949317455292, 0.4763455390930176, -0.42151570320129395, 0.40246009826660156, -0.08836591988801956, 0.7225497961044312, 0.950398325920105, -0.5766093730926514, -0.3144477903842926, -0.986595630645752, -0.43344247341156006, 0.5750666856765747, 1.0450466871261597, -0.023885969072580338, 0.5289467573165894, 0.11099205166101456, 0.09481009095907211, 0.5855010747909546, -0.6135545969009399, -0.5163032412528992, 0.17476031184196472, 0.06358255445957184, -0.8516140580177307, -0.4997100830078125, -0.783564567565918, 0.4574927091598511, -0.9508054852485657, 0.11088201403617859, -0.4678504765033722, 0.950436532497406, -0.13625399768352509, 0.49462512135505676, 0.2774437665939331, -0.5889845490455627, -0.12383392453193665, 2.7132246494293213, -0.6274020671844482, 1.579200029373169, -0.8200609087944031, -0.05886024236679077, -0.30626147985458374, 0.5163017511367798, 1.2622963190078735, 0.2717929780483246, -0.8014116287231445, -0.6075156927108765, 0.09240122884511948, -0.8493640422821045, 0.6919324994087219, -1.1115281581878662, -0.043562036007642746, 0.058200154453516006, 0.26701873540878296, -1.210108757019043, -0.599749743938446, 0.3108198642730713, 0.20581430196762085, 0.032100506126880646, 0.8421957492828369, -0.4273262917995453, 1.0043026208877563, 0.603693425655365, -0.28658759593963623, -0.043270111083984375, 0.07072387635707855, -0.975989580154419, -0.14468468725681305, 0.6802251935005188, -0.6069344878196716, -0.5294399857521057, -0.9341466426849365, 0.7532622814178467, -0.12682300806045532, -0.13798685371875763, -0.43730276823043823, -0.11685936152935028, 0.6505041718482971, 0.8239244818687439, 0.32619887590408325, 0.20622262358665466, -0.5341636538505554, -0.09800323098897934, -0.6025430560112, -0.12773558497428894, 0.7671195864677429, -0.6838933825492859, 0.8160301446914673, -2.1411726474761963, 0.038804590702056885, 0.2926318645477295, 0.3374006450176239, -0.2712112069129944, -0.5981860160827637, 0.26703375577926636, 0.03887561336159706, 0.4636998176574707, -0.12101903557777405, 0.847167432308197, -1.185863971710205, -0.27112895250320435, 0.30078446865081787, -0.13012872636318207, -0.08359052240848541, 0.03817059472203255, 1.6099344491958618, 0.4318072199821472, -0.6547262072563171, -0.7793035507202148, -1.522641658782959, -0.13371947407722473, 2.2697176933288574, 0.23785024881362915, -0.8137726187705994, -0.6387282609939575, -0.584031343460083, 0.25999319553375244, -0.711053192615509, 0.07037383317947388, -0.6615657210350037, 0.07797116786241531, -1.4019757509231567, 0.19109922647476196, -0.8049802780151367, 0.036572761833667755, 0.7337544560432434, 1.4360657930374146, -0.1319555640220642, -0.47758206725120544, -0.09664249420166016, -0.4157615303993225, 0.38641130924224854, 1.045911192893982, 0.23657691478729248, -0.2869699001312256, 0.48802828788757324, -0.4219405949115753, 0.51604825258255, 0.7246860861778259, 0.6968520283699036, -0.40958645939826965, 0.3401533365249634, -0.13597796857357025, 1.1894549131393433, -0.12148584425449371, -0.12749111652374268, -0.37083643674850464, 0.2868172228336334, -0.24297556281089783, -0.9022492170333862, 0.17805224657058716, -0.034528814256191254, 1.4492321014404297, 1.2741159200668335, -0.5324217677116394, 0.898333728313446, -1.3114608526229858, 0.4206432104110718, -0.3901762366294861, -0.3723719120025635, -0.51077800989151, -0.19357673823833466, 0.36878302693367004, -0.8100765943527222, 0.10910201072692871, -0.3129705786705017, 0.10058808326721191, -1.7475192546844482, -0.43663787841796875, -0.2799495756626129, -0.44053298234939575, -1.2462087869644165, -0.46399790048599243, -0.1771831065416336, -0.7763504385948181, -0.30119743943214417, -0.06625509262084961, 0.5476517081260681, 0.750360369682312, 0.9715629816055298, 1.80156672000885, 0.222001314163208, 0.4169524013996124, 0.06941327452659607, 1.2187080383300781, -0.7168866395950317, 0.36003613471984863, 0.15071630477905273, 0.5131939053535461, -0.8742789626121521, 0.21981942653656006, -0.5915136337280273, 0.3926255702972412, 0.9137255549430847, -0.0035718828439712524, 0.09684151411056519, -0.3563273251056671, -1.0522271394729614, 0.9386711120605469, -0.7602903246879578, 0.8295344710350037, -0.5247103571891785, 1.8106789588928223, 0.2730279862880707, -0.8481823801994324, 1.0601930618286133, 0.048184722661972046, -0.2929147183895111, 0.8926616311073303, -0.5358421802520752, 0.6850699782371521, 0.07346339523792267, -0.1131170243024826, 0.43647927045822144, 0.35044264793395996, -2.1003847122192383, 0.13425220549106598, 0.9404003620147705, -0.14746902883052826, -0.6635473370552063, -0.6073567867279053, -0.009496256709098816, -0.829079806804657, -0.09889878332614899, 0.3350583612918854, -1.0012409687042236, 0.5461401343345642, 0.28939682245254517, 0.41465169191360474, 0.6537806987762451, 0.06251126527786255, 0.5509347915649414, 0.8812443017959595, 0.687761127948761, -0.982265055179596, -0.08724722266197205, 0.7657780647277832, -0.6382381916046143, 0.2985992431640625, 0.5135639905929565, 1.0101771354675293, 1.380531668663025, -0.5569589734077454, -0.08346712589263916, 1.018850564956665, 0.6141633987426758, 0.20002481341362, 0.21049392223358154, -0.32782435417175293, 0.050949711352586746, 0.2523873746395111, 0.633937656879425, 6.0074031352996826e-05, -0.9771780371665955, -0.9562588334083557, -0.32048410177230835, -0.39881640672683716, -0.7526910305023193, 1.6220183372497559, 0.453065425157547, 1.1147006750106812, 0.11691826581954956, 0.31612926721572876, -0.6306273937225342, 0.1598227471113205, 0.8076837062835693, 0.2647475600242615, -0.4035399556159973, -0.4786762297153473, 0.2627080976963043, 0.7739149332046509, -0.2975955307483673, -0.40550515055656433, -0.0996764749288559, 0.795174241065979, 0.1787385791540146, -1.0644179582595825, 0.0866151675581932, 1.163077712059021, 0.5181897878646851, 1.6553243398666382, -0.9398992657661438, -0.06515707075595856, 0.6334647536277771, 0.9406287670135498, -0.09523364901542664, 0.14805036783218384, -0.5279039740562439, 0.1977195143699646, 0.5944027900695801, 1.3813408613204956, -0.14217200875282288, 1.3099664449691772, 0.6994423866271973, -0.8185530304908752, -0.6739858388900757, -0.3608994781970978, -1.2908960580825806, -0.6282013654708862, -0.23605844378471375, -0.4540526270866394, -0.34927383065223694, 0.8108388781547546, -0.60001140832901, -0.44143912196159363, 0.8150608539581299, -0.8276959657669067, -1.2638839483261108, 0.5863748788833618, 1.1839368343353271, -1.0613906383514404, -0.3073611259460449, -0.4048818349838257, -0.673163890838623, -0.9415833950042725, 0.09399843961000443, -0.9288526177406311, -0.1007443442940712, -0.1381986439228058, 1.309824824333191, 0.3968508839607239, -0.23059189319610596, -0.9131415486335754, 0.6443645358085632, 1.535615086555481, -0.7113335728645325, 0.22767028212547302, -0.0009001963771879673, 0.7732269763946533, -0.5180457830429077, -1.0600208044052124, -0.35185155272483826, 1.0333240032196045, -0.12728869915008545, 0.11268378049135208, -0.7027214169502258, -0.6383487582206726, 0.25934574007987976, -0.04179198667407036, 0.35847437381744385, -0.845432698726654, 0.04490235820412636, -0.1468314826488495, 0.3648337125778198, 0.5500268936157227, -0.6360660791397095, -0.8040568232536316, 0.7523279190063477, -0.14856968820095062, 0.5913244485855103, -0.09487894922494888, 0.7376055717468262, 1.045475959777832, 0.37515988945961, -0.011621234938502312, -0.3197847902774811, -11.609755516052246, 0.1681848019361496, -0.15569648146629333, -0.3748740553855896, 0.38452377915382385, -0.6964173913002014, 0.723442554473877, -0.07839983701705933, 0.11607195436954498, -0.8431364893913269, 0.5446165204048157, 0.7803249359130859, 0.41017672419548035, -0.3717377781867981, -0.24782288074493408, -0.9389320611953735, -0.3460438549518585, -0.5196249485015869, 0.316614031791687, 0.15127572417259216, -0.9420759081840515, -1.1632020473480225, -0.047440722584724426, 0.45849478244781494, 0.4004802405834198, 0.17806309461593628, -0.4350658059120178, 0.009424124844372272, -0.4112684726715088, 0.021817900240421295, 0.6078829765319824, -0.019494641572237015, -0.7933409214019775, -0.6909824013710022, 0.8408387303352356, -0.04667007550597191, -1.0586042404174805, 0.25480836629867554, 0.861778736114502, 0.1997675746679306, -0.6525281667709351, 0.16632132232189178, 0.13269297778606415, -0.26083680987358093, -0.5495319962501526, 0.4937828779220581, 0.5212476849555969, -0.8895313143730164, 0.22239750623703003, -1.157368540763855, -0.5532798171043396, -0.6574312448501587, -1.0713520050048828, -0.844770073890686, 0.4808235168457031, -0.23072735965251923, -0.6622634530067444, 0.25375834107398987, -0.23905935883522034, -1.0259326696395874, 0.3521409332752228, 0.4131554365158081, -0.36929893493652344, 0.06715621054172516, 0.6596375107765198, -0.7282825112342834, 0.8525640964508057, 0.31570395827293396, 0.058608464896678925, 0.604023277759552, -1.1327377557754517, 0.5534958243370056, 0.07734078168869019, 0.04100403934717178, -0.5455681085586548, -0.31602412462234497, -0.39941084384918213, -0.23614096641540527, 0.5077340006828308, 0.010850523598492146, -0.6035312414169312, 0.27547016739845276, 0.019819745793938637, -0.15959987044334412, -1.034805178642273, 0.2330245077610016, -0.3557684123516083, 0.18601813912391663, 1.1030583381652832, -0.39204105734825134, 0.9324384927749634, -0.1497994065284729, -0.056447483599185944, 0.19107875227928162, -0.6299892663955688, 0.6613442897796631, -0.5143401026725769, 0.6613951325416565, 0.6603355407714844, -0.7673369646072388, 0.11049182713031769, -0.290691614151001, -0.3564106523990631, 0.0433642752468586, 0.1806778460741043, 0.31702765822410583, 0.06601622700691223, 0.1910649836063385, 0.5842841267585754, -0.2793266773223877, 1.0146130323410034, -0.13313046097755432, -0.6172218322753906, 0.6584302186965942, -0.3395002484321594, 0.8270658850669861, 0.7749412059783936, 0.622199535369873, 0.8040289878845215, 0.5848044753074646, -0.3470321297645569, 1.3018828630447388, 0.4599941372871399, 1.3080106973648071, 0.14412815868854523, -0.21787254512310028, 0.8133232593536377, 0.7724862098693848, 0.15050585567951202, -1.5386220216751099, -0.17976301908493042, -0.2793310582637787, 0.028151417151093483, -0.2741232216358185, -0.065154530107975, -0.1800035983324051, -1.3797764778137207, 1.359767198562622, -0.7275630831718445, 0.15912573039531708, -0.0291853416711092, -0.8753642439842224, -0.234573632478714, -0.7838514447212219, -0.8594072461128235, 0.11490035802125931, -2.1516051292419434, -0.11436827480792999, -0.3913332223892212, -0.37657833099365234, 0.059023600071668625, 0.07456117123365402, 1.015783667564392, -1.1026430130004883, 0.03518185019493103, -0.10307789593935013, 0.724530816078186, -0.4527945816516876, -0.7717695236206055, -0.429486483335495, -0.021427810192108154, 1.1851409673690796, -0.5020966529846191, 0.8935320377349854, 0.28523707389831543, 0.17515787482261658, -0.24818536639213562, 0.02283398061990738, -0.2816355228424072, 0.20258021354675293, 1.2148957252502441, -1.1935372352600098, 0.08752594888210297, -0.8556460738182068, -0.283724308013916, -1.067199945449829, -0.3195194900035858, 1.5228245258331299, -0.498433381319046, 0.14113359153270721, -0.25487232208251953, 0.7790284156799316, 0.3835821747779846, -0.7431172728538513, -0.5904438495635986, -0.4282624423503876, 0.2758059501647949, 0.5654950737953186, 0.20442305505275726, 0.36857208609580994, -1.2065448760986328, -1.1941249370574951, -0.7311509251594543, -0.14928968250751495, 0.04469543695449829, -0.09670889377593994, 0.9086000323295593, 0.4033854305744171, 0.2872006297111511, 0.3511991798877716, -0.12127034366130829, 1.146657109260559, 0.2380230724811554, 0.11502818763256073, 0.3059076964855194, -0.0792948454618454, -0.47345754504203796, 0.4549633264541626, 0.17218074202537537, 0.6007498502731323, -1.443682312965393, -0.45530515909194946, 0.06660196930170059, -0.3524988889694214, -0.056694723665714264, -1.0367069244384766, -0.0711769089102745, 0.08499102294445038, 0.008109856396913528, -1.1154699325561523, -0.00879928469657898, 1.2373000383377075, -0.22594447433948517, 0.5821034908294678, 0.4733563959598541, 0.36345717310905457, 0.6075810790061951, 0.5227845907211304, 1.4260406494140625, -0.33181723952293396, -0.10062684118747711, -0.3620188236236572, 0.491664856672287, -0.31057223677635193, 0.05420650541782379, 0.13976183533668518, -1.26056706905365, 0.4540978968143463, -0.7666809558868408, 0.5758857727050781, -0.1964724212884903, 0.3584331274032593, 0.564078152179718, 1.0844415426254272, -0.5266891121864319, -1.675325870513916, -0.3008793294429779, -1.0060358047485352, 0.1211039274930954, 0.11932653188705444, 0.45301830768585205, 0.7917302846908569, 0.8899390697479248, 0.060299456119537354, 1.2892117500305176, -0.1845265030860901, -0.1716562658548355, -0.5787755846977234, 0.08962950855493546, 1.4638890027999878, 0.7050588130950928, 0.30370980501174927, -0.10694358497858047, -0.6902411580085754, -0.7132766246795654, -0.2599928379058838, -0.3785373270511627, 1.1741173267364502, 1.3120108842849731, -0.15688170492649078, -0.013839483261108398, -0.9755607843399048, 0.3423461616039276, -0.5034995675086975, 0.5557507872581482, 0.33347082138061523, -0.19432489573955536, -1.520332932472229, -0.7827641367912292, -0.21733920276165009, 1.3425549268722534, -0.23096492886543274, -0.19268710911273956, -0.9388260245323181, 0.38203132152557373, -0.11076118052005768, -0.037024036049842834, -0.7883079051971436, -0.03888346627354622, -0.17309129238128662, 0.1791093349456787, 0.9890527725219727, -0.7564446926116943, -0.17962759733200073, 0.1971900910139084, -0.6637979745864868, 0.936376690864563, 0.11795805394649506, -0.6744446754455566, -1.096539855003357, 0.5591153502464294, -0.1618630290031433, -0.3508024215698242, 1.196103572845459, -0.09525298327207565, -1.8408880233764648, 1.1528524160385132, 1.3109842538833618, -0.6743800640106201, -0.006558574736118317, 0.1300836205482483, 0.4126257598400116, 0.1497458815574646, 1.219988226890564]} +{"paper_id": "pierreguillou/lener_br_finetuning_language_model", "embedding": [-0.4571862518787384, 1.0322314500808716, -0.38345763087272644, 0.21192225813865662, 0.10789091885089874, -0.24127677083015442, -1.067639946937561, 0.6809892654418945, 1.2833656072616577, 1.4284067153930664, 0.18892845511436462, -0.5311780571937561, -0.5580883622169495, -0.8312103152275085, -0.47668495774269104, -0.017872024327516556, -0.03891743719577789, -0.6092491745948792, -0.7247684597969055, 0.08708658069372177, -1.2565778493881226, -1.4746370315551758, -0.45675376057624817, 0.43746083974838257, -1.4356311559677124, -0.37240391969680786, 0.274141788482666, -0.8862622976303101, 0.475983589887619, 0.33888110518455505, -0.3197348713874817, 1.1076103448867798, -1.2574001550674438, -0.01615956425666809, -0.45599374175071716, 0.552709698677063, 0.5182614922523499, 0.5152426362037659, -0.6799660921096802, -0.12739723920822144, -1.391340732574463, -0.4561440348625183, 0.451572448015213, 0.20527136325836182, 1.1881910562515259, -0.1544431447982788, 0.652431070804596, 0.31198057532310486, 0.6067674160003662, -0.20195193588733673, -0.659525454044342, 0.8257130980491638, 0.02662074752151966, 0.300995409488678, -0.04008999466896057, 0.773219108581543, -0.08879472315311432, -0.716224730014801, 0.29210367798805237, -0.45203104615211487, 0.6665164828300476, 0.898507833480835, -0.47057655453681946, -0.33528342843055725, 0.3469005525112152, 0.15066127479076385, 1.544119954109192, -0.3452548384666443, 1.0554040670394897, 0.6244878768920898, 0.22574658691883087, -1.337873935699463, 0.4000490605831146, -0.5093292593955994, 0.09186450392007828, 1.3186473846435547, 0.4464156925678253, 0.15871158242225647, 0.6238929033279419, -0.4389808475971222, -0.3118416666984558, 0.9856904745101929, 0.7597147822380066, -0.26327288150787354, -0.5361765623092651, -0.6239400506019592, 0.46984198689460754, -0.217630535364151, 0.45865076780319214, -1.4841228723526, 0.8087204694747925, -0.5789194703102112, -1.1579407453536987, 0.19055694341659546, -0.4999212622642517, 0.6697704792022705, -0.12925651669502258, -0.3968970775604248, -1.1237579584121704, 0.0379437692463398, 0.6313728094100952, -0.6065080165863037, 0.3143109381198883, 9.149312973022461e-05, 0.11461231112480164, 1.5717885494232178, -0.9051031470298767, 0.3841640055179596, -1.2037190198898315, 0.02742048166692257, 0.08544078469276428, 1.2477363348007202, 0.21828985214233398, 0.17135781049728394, 0.20696470141410828, 0.2423713207244873, 0.9990481734275818, -0.9917036294937134, -0.11105980724096298, 0.1664808690547943, -0.7349573969841003, -0.4415830969810486, -0.8293544054031372, 0.7520532011985779, 1.2396067380905151, -0.24326464533805847, 0.6616349220275879, 0.4055883586406708, 0.2020321488380432, -0.3019491732120514, 0.495553582906723, -0.5216060280799866, -0.6750397086143494, -0.05834301933646202, 2.6446828842163086, -1.8357683420181274, 0.7546834945678711, -0.3151177763938904, 0.8440982103347778, -0.07992460578680038, 0.31513550877571106, 0.8536591529846191, 0.6826409101486206, -1.2725952863693237, -0.825607180595398, 0.8127308487892151, -0.9413169622421265, 0.7066327929496765, -0.6604664921760559, -0.6931257843971252, 0.13306653499603271, 0.7755103707313538, -0.703091561794281, -0.16695362329483032, -0.04559631645679474, 0.40288567543029785, 0.3194326162338257, 0.21680185198783875, -0.30079665780067444, 1.1270891427993774, 1.325431227684021, 0.07885439693927765, -0.22622308135032654, 0.653924286365509, -0.9954482913017273, -0.0714229941368103, 1.489575743675232, -0.043312229216098785, -1.2441883087158203, 0.20253148674964905, 0.5076590180397034, -0.174974262714386, -0.3489910066127777, 0.09650028496980667, -0.8514785766601562, -0.44091522693634033, 1.503307819366455, 0.432040274143219, -0.528879702091217, -0.29471006989479065, 0.1057867482304573, 0.06630326807498932, -0.16587910056114197, 0.49130111932754517, -0.1474490761756897, 0.12154333293437958, -1.6296411752700806, -0.3267756700515747, -0.37722110748291016, 1.2776082754135132, -0.3636297583580017, -0.41895148158073425, -0.16848427057266235, 1.1412748098373413, 0.7792890071868896, -0.7438948154449463, -0.09381209313869476, -1.6162946224212646, -0.4525870084762573, 0.15023410320281982, 0.182240828871727, -0.6743111610412598, -0.20305368304252625, 0.3898988962173462, 0.8837483525276184, -1.3935177326202393, -0.28121235966682434, -1.8141052722930908, 0.3854767978191376, 2.405637741088867, -0.2543160915374756, -1.002294898033142, -1.0641305446624756, -0.24456894397735596, 0.09957162290811539, -0.3504176139831543, 0.5543112754821777, -0.7620353698730469, 0.2915469706058502, -0.9975359439849854, 0.5611521005630493, -0.3737529516220093, -0.02850521355867386, 0.1408601701259613, 0.8275573253631592, -0.3700371980667114, -0.3863687813282013, -0.025022029876708984, -0.4732038080692291, 0.7007399201393127, 0.6165967583656311, 0.13641658425331116, 0.13565956056118011, 0.867850661277771, 0.9985647797584534, 0.47596728801727295, 0.09919407218694687, 0.5159097909927368, -0.7866250276565552, 0.595253586769104, -0.6166598796844482, 0.2937975227832794, -0.0028499364852905273, -1.3643643856048584, 1.1890878677368164, 0.3426111042499542, -0.053476832807064056, -0.317007839679718, -0.11988413333892822, 0.0423629954457283, 0.9694562554359436, 1.1230700016021729, -1.1024272441864014, 0.5028159022331238, -1.2940136194229126, 0.30153918266296387, -0.4398399591445923, -0.11739802360534668, -0.43650418519973755, -0.07287728041410446, 0.6767082214355469, 0.22889621555805206, -0.07615244388580322, 0.03339308500289917, -0.6738112568855286, -1.3366498947143555, 0.05780200660228729, 0.12155883759260178, -0.4171963930130005, -1.2486697435379028, -0.02613801136612892, -0.27687740325927734, -1.3356605768203735, -0.3309936821460724, 0.5889350175857544, 0.6705424785614014, -0.5038014650344849, 0.40943804383277893, 0.8295047879219055, -0.27356797456741333, 0.31249237060546875, -0.23786601424217224, 0.7458717226982117, -0.3144104480743408, 0.8100879192352295, 0.3122953772544861, 0.31126996874809265, -0.3482145071029663, 0.05272489786148071, 0.3989015817642212, 0.11397571116685867, 0.30731549859046936, -0.004932284355163574, 0.7646614909172058, -0.21742287278175354, -1.1055102348327637, 1.0866751670837402, 0.875484824180603, -0.3983905017375946, -1.6609002351760864, 1.6354323625564575, 0.843902051448822, 0.13642124831676483, 0.6028661131858826, 0.5688291788101196, 0.058115627616643906, 1.2523317337036133, -0.49424153566360474, 0.34499263763427734, -0.12024829536676407, 0.07220438122749329, -0.20978333055973053, 0.9070352911949158, -1.1567609310150146, -0.3695492148399353, 0.4064411520957947, -0.39472123980522156, 0.4219372868537903, 0.12519435584545135, 0.2074306458234787, -0.20611070096492767, -0.5961718559265137, -0.3692358136177063, -0.440219521522522, 0.01375654712319374, -0.6034239530563354, -0.6722207069396973, 0.9000715017318726, -0.5397805571556091, 0.47769418358802795, -0.0895317792892456, 0.14171984791755676, -1.5129863023757935, -0.007571633905172348, 1.0984488725662231, 0.4550119936466217, 0.806950569152832, -0.10993558913469315, 0.6321202516555786, 1.4236855506896973, -0.9399662017822266, -0.03609106317162514, 0.8307466506958008, 0.31383585929870605, 0.04140665382146835, 0.5177340507507324, -0.04933147132396698, 0.9687777757644653, -0.7093385457992554, 1.079132318496704, 0.48588821291923523, -0.6712923645973206, -1.5972009897232056, 0.1273864209651947, -0.7113279700279236, -0.21420052647590637, 2.0370216369628906, 0.7032959461212158, 1.758439064025879, -0.24921613931655884, 0.5717267990112305, -0.21471789479255676, 0.3636441230773926, 1.065072774887085, 0.8156657218933105, -0.05151425302028656, -0.1046784371137619, 0.34978756308555603, 0.1688045859336853, -0.722970724105835, -0.6577752828598022, -0.04965181276202202, 0.9888648986816406, 8.967891335487366e-05, -0.9889539480209351, -0.13943608105182648, -0.7552248239517212, 0.08143897354602814, 0.9546322822570801, -0.8758199214935303, -0.9137634634971619, -0.49775341153144836, 0.6492248773574829, 0.2639009654521942, 0.7317706942558289, -0.826819658279419, -0.5964025259017944, -0.2108096033334732, -0.4675672948360443, -0.19390343129634857, 0.8340891003608704, 1.1542861461639404, 0.10093620419502258, -0.6279588937759399, 0.6593016386032104, -0.705272376537323, -0.21476618945598602, 0.40423959493637085, -0.246621772646904, -1.3230692148208618, 0.5793759822845459, 0.03054548054933548, -1.0634485483169556, 0.6344318389892578, -0.721256673336029, -2.153916597366333, 1.4656574726104736, 0.8455579280853271, -0.9024246335029602, -0.3001132011413574, 0.04026293754577637, -0.18413452804088593, -0.4203294515609741, 0.290813148021698, -1.7166104316711426, 0.7958464026451111, 0.34806913137435913, 0.38482680916786194, 0.18225526809692383, -0.2894245386123657, -0.6680792570114136, 0.25542908906936646, 0.5132439136505127, -0.06303863227367401, -0.13754965364933014, 0.0445590615272522, 0.08243958652019501, 0.11008556932210922, -2.271570920944214, -1.1175979375839233, 0.6798760890960693, 0.10760502517223358, 0.3355454206466675, -0.9596415758132935, -1.1451826095581055, 0.31173649430274963, 0.1255127489566803, 0.41637662053108215, -0.565983772277832, 0.6488533616065979, -0.5229256749153137, 0.5454301834106445, 0.28049254417419434, -0.2986912727355957, -1.2675482034683228, 1.5242223739624023, -0.08716433495283127, 0.05772151052951813, 0.17749914526939392, 1.063005805015564, 1.432414174079895, 0.16971397399902344, -0.08364047110080719, -0.7493574619293213, -10.943740844726562, 0.5101507902145386, 0.0799226462841034, 0.7211419939994812, 0.3443697392940521, 0.18028128147125244, 0.687302827835083, -0.6870017647743225, 1.6413182020187378, -0.19980229437351227, 0.07659447193145752, 2.4231834411621094, 0.22915416955947876, -0.4220855236053467, -0.7252272367477417, -0.8751949667930603, -1.0925053358078003, -0.1895999312400818, 0.056930169463157654, 0.6866881847381592, -0.6977795362472534, -1.1787441968917847, 0.1968461126089096, 0.21234478056430817, 1.148322582244873, -0.284885972738266, 0.6503539681434631, 0.30351030826568604, -0.9527156352996826, -0.28726786375045776, 0.5879682898521423, -0.1460036337375641, -0.8576505184173584, -0.09330327808856964, 0.3721107840538025, -0.14758189022541046, -1.1818749904632568, -0.33506760001182556, 1.1861248016357422, 0.47054699063301086, -0.2509564757347107, 0.1432429403066635, 0.5519818067550659, -0.890945315361023, -0.31414562463760376, -0.38649803400039673, 0.40459924936294556, -0.7665407657623291, 0.11956779658794403, -0.11578190326690674, 0.015615567564964294, 0.033287614583969116, -0.9558517336845398, 0.08419804275035858, 1.1455636024475098, -0.3638995289802551, 0.003969214856624603, 0.05321473628282547, -0.9074244499206543, -1.250667929649353, 1.4010183811187744, 0.06672747433185577, -0.4568234384059906, 0.6790032386779785, -0.2257443368434906, -0.3667267858982086, 0.7336692810058594, -0.47644832730293274, 0.5017076134681702, -0.22824543714523315, -0.5273120999336243, 0.6715155243873596, 0.3372904062271118, -0.4326764941215515, -0.5723102688789368, -0.5633279085159302, -0.11788740009069443, -0.4344264566898346, 0.1218821108341217, -0.025363098829984665, -0.8906009197235107, 1.1143006086349487, -0.46278101205825806, 0.3696037828922272, -0.6993945837020874, -0.19403019547462463, -0.46573731303215027, -1.079803466796875, 0.13183332979679108, -0.08061247318983078, 0.36977893114089966, -0.04240042716264725, -0.21933846175670624, 0.25494784116744995, -0.5638746023178101, 0.09959468245506287, -0.8268570899963379, 1.6125128269195557, 0.5374507904052734, -0.5353018045425415, 0.2586577534675598, -0.16754531860351562, -0.032975129783153534, -0.32026174664497375, 1.0134357213974, 0.08428723365068436, 0.1673082709312439, -0.2745588421821594, 0.0004396885633468628, 0.5164377093315125, 1.110670804977417, -0.5313305854797363, 0.3311516046524048, 0.49964669346809387, 0.38364365696907043, 0.6897145509719849, 0.6090202331542969, 0.3331463038921356, 0.2379578948020935, 1.1276689767837524, 0.6301848292350769, 0.47161179780960083, -0.23369066417217255, 0.7247915863990784, -0.22943972051143646, -0.7370430827140808, 0.4886879622936249, 0.8383004665374756, 0.1936696171760559, -2.2112176418304443, 0.16914266347885132, 0.7201098799705505, 0.38604459166526794, -0.9824547171592712, -0.27965253591537476, -1.2818971872329712, -1.1878609657287598, 0.7102401256561279, -0.3386695384979248, 0.1782682240009308, -0.6331822872161865, -0.4326314628124237, 0.4565713405609131, 0.02911539003252983, -0.6246076822280884, 0.05347149074077606, -1.1570714712142944, -0.6733049154281616, -0.4338271915912628, -0.6749978065490723, 0.465875506401062, -0.23848330974578857, 0.8036827445030212, -0.49474555253982544, 0.2377147674560547, 0.2333351969718933, 0.36446449160575867, -0.7296831607818604, -0.3388996720314026, 0.6037694811820984, 0.39013785123825073, 0.8651940226554871, -0.87116938829422, 0.8156533241271973, 0.5213391780853271, -0.3407387435436249, -0.409311443567276, -0.4059125781059265, -0.058157745748758316, 0.003881417214870453, 1.4820252656936646, -1.282861590385437, 0.3611381947994232, -0.16505061089992523, -0.17102426290512085, -1.024689793586731, 0.4187854826450348, 1.1789692640304565, -0.5855693817138672, 0.30344557762145996, 0.05902749300003052, 0.7310664653778076, 1.0120047330856323, -0.490182101726532, -0.791671633720398, -0.36170610785484314, 0.0358935222029686, 1.1384010314941406, -0.072935551404953, 0.4721200466156006, -1.442067265510559, -0.9728533625602722, -0.3043617308139801, -0.8758710622787476, 0.7188005447387695, 0.396278977394104, 0.7940415143966675, 0.7467701435089111, 0.8746564388275146, 0.28263378143310547, -0.021746687591075897, 1.2099279165267944, 0.7495477795600891, 0.7689917087554932, -1.378485918045044, -0.12418004870414734, -0.21438980102539062, 0.31853803992271423, 0.5495430827140808, 0.6183480620384216, -1.191666603088379, -0.2678941786289215, 0.4745168387889862, -0.7737372517585754, 1.0402193069458008, -0.7476378679275513, 0.7315444946289062, -0.41018131375312805, -0.6721335053443909, -1.0935968160629272, 0.27019837498664856, 0.6876667141914368, -0.4883726239204407, 0.3417918086051941, 0.07627514004707336, 0.025181815028190613, 1.2338353395462036, -0.02176252007484436, 2.203547239303589, 0.2146056890487671, 0.4998416006565094, 0.6376867890357971, -0.363808274269104, -0.4300203025341034, -0.36714306473731995, 1.0772387981414795, -0.5054784417152405, 0.16749060153961182, -0.722995936870575, 0.3317202031612396, -0.22607220709323883, -0.10212403535842896, 0.12079284340143204, 0.19367048144340515, -0.4557105302810669, -0.5026883482933044, -0.5307276844978333, -0.43922704458236694, -1.0947997570037842, 0.27920976281166077, 0.32930946350097656, 0.7105579972267151, 1.0176231861114502, 0.5080121755599976, 1.7809118032455444, 0.308199405670166, 0.2981942296028137, -0.0748261883854866, 0.035346463322639465, 1.4143176078796387, 1.0623466968536377, 0.15200842916965485, -0.09957148879766464, -0.06664092093706131, -1.0728174448013306, -1.1999633312225342, -1.1245061159133911, 0.39460110664367676, 0.6986148953437805, -0.1576569527387619, 1.0355192422866821, -0.25552111864089966, 0.4135320484638214, -0.10902497917413712, 0.1272169053554535, -0.5055216550827026, -0.10941293835639954, -0.6804720759391785, -0.6686763167381287, -0.26126429438591003, 1.2661763429641724, -0.8716765642166138, 0.0039357636123895645, -0.8037759065628052, -0.1254463791847229, -1.1333694458007812, -0.10486637055873871, -0.7430295944213867, 0.06092552840709686, -0.16735273599624634, 0.19694660604000092, -0.07228690385818481, -0.809188187122345, -1.0697933435440063, -0.11089572310447693, -0.828629732131958, 0.11833744496107101, 0.2542044520378113, -0.7112284302711487, 0.05422681197524071, 0.5010070204734802, -0.3805207312107086, 0.39437001943588257, 0.30169740319252014, -1.077102541923523, -1.1306943893432617, 0.4544859230518341, 0.2865566313266754, -0.2083011120557785, -0.6436612010002136, 0.6791917681694031, 0.32736048102378845, -0.7390598058700562, 0.7544791102409363]} +{"paper_id": "pietrolesci/ag_news", "embedding": [-0.8161744475364685, 1.3302587270736694, 0.20418711006641388, 0.6946452856063843, -0.09533626586198807, -0.26148125529289246, -0.14232763648033142, 0.9410071969032288, 0.8254827260971069, 0.306958943605423, 0.9542534947395325, 0.24226252734661102, 0.4003027379512787, 0.07766248285770416, 0.41338998079299927, 0.34722399711608887, -0.23452872037887573, -0.9276236891746521, -0.5290364027023315, -0.35247087478637695, -0.998948335647583, -0.9162706136703491, -0.21028144657611847, 0.26806384325027466, -0.47740796208381653, -1.1384546756744385, 0.13249123096466064, -0.5152579545974731, 0.36080148816108704, 0.8604276776313782, 0.1290978491306305, 0.17332258820533752, -1.2768394947052002, -0.37093186378479004, -0.8830439448356628, -0.8796052932739258, -0.14196844398975372, 0.22407495975494385, -0.04820844158530235, -0.18040384352207184, -0.646425724029541, 0.25183963775634766, 0.6315826177597046, 0.16698208451271057, 1.1840503215789795, -0.3106797933578491, 0.7087632417678833, 0.3063085675239563, 0.4592270851135254, 0.043613921850919724, -0.2772254943847656, 0.661317765712738, -0.5295713543891907, 0.6151251792907715, -0.4913731515407562, 1.2046070098876953, -0.2057112455368042, 0.0012591821141541004, -0.15421202778816223, -1.0242654085159302, 0.6777520775794983, 1.610090732574463, -0.38785067200660706, 0.05704877898097038, 0.5480026006698608, -0.12063504755496979, 0.9567283391952515, -0.04650965705513954, 0.04505590721964836, 1.0985536575317383, -0.38285040855407715, -0.34565863013267517, 0.995092511177063, -0.9181120991706848, 0.026917845010757446, 0.6587663888931274, -0.0023641083389520645, -0.30527472496032715, 0.10101386159658432, 0.23366647958755493, -0.26143836975097656, 0.9738320112228394, 0.10501477122306824, -0.6045445203781128, -0.2768084406852722, -0.2666429877281189, 0.3457428812980652, -0.23552672564983368, -0.012493433430790901, -1.3507721424102783, 0.46662604808807373, 0.021248532459139824, -0.42020681500434875, 0.467959463596344, 0.053263891488313675, -0.30952173471450806, 0.1008288711309433, -0.04853016138076782, -1.0919702053070068, 0.2937611937522888, 0.6114803552627563, -0.80870521068573, 0.4565960168838501, -0.5204766988754272, 0.48053503036499023, 1.1432193517684937, -0.6266543865203857, -0.8834268450737, -0.19026610255241394, -0.21375727653503418, -0.09943383932113647, 0.530616819858551, -0.23545107245445251, 0.6929829716682434, 0.019000735133886337, -0.21075844764709473, 0.9094026684761047, -0.3901144564151764, -0.6495107412338257, -0.09652656316757202, -0.5667865872383118, -1.627276062965393, -0.21893927454948425, 0.3643486499786377, 0.9946790933609009, -0.815201997756958, 0.38481712341308594, -0.48837539553642273, 0.5643059611320496, -0.7100431323051453, 0.5298833847045898, 0.3299384117126465, -0.5218591094017029, -0.3117765486240387, 2.852084159851074, -1.2102118730545044, 1.275780439376831, -0.882236659526825, 0.3816095292568207, 0.05806756019592285, -0.16029803454875946, 0.932898998260498, -0.14778760075569153, -0.15172800421714783, -0.974175751209259, 0.6723752617835999, -0.44009676575660706, 0.2639961540699005, -0.30433863401412964, -0.387451171875, 0.22472365200519562, 0.4946952760219574, -0.7416284680366516, -0.7821269631385803, -0.21055284142494202, 0.40985172986984253, 0.6459511518478394, 0.6282612085342407, -0.6589459776878357, 0.5686227083206177, 1.4640958309173584, 0.28451046347618103, -1.0826246738433838, -0.18189305067062378, -0.8394296169281006, -0.200120210647583, 0.9180065989494324, 0.3136664628982544, -0.3996905982494354, -0.43607383966445923, 0.5737789273262024, -0.5352472066879272, 0.0932677835226059, -0.4218330979347229, -0.09653128683567047, -0.18063193559646606, 0.7491369843482971, 0.0833563357591629, 0.8199223875999451, -0.3288465738296509, 0.2740863263607025, -0.1936493068933487, 0.5102673172950745, 0.3040738105773926, 0.217577263712883, 0.07058337330818176, -1.6333929300308228, -0.7471567392349243, 0.21177969872951508, 0.11105275899171829, 0.04389062523841858, -1.0232518911361694, -0.00257713720202446, 0.16732685267925262, 0.28119903802871704, 0.11956731975078583, -0.1944613754749298, -0.6053054332733154, -0.2948976755142212, 0.807543933391571, 1.1173655986785889, -0.2549743354320526, -0.05233054980635643, 1.5717800855636597, 0.5220583081245422, -0.4615236818790436, 0.11374352872371674, -1.1679255962371826, 0.6986050009727478, 1.8247296810150146, 0.014484532177448273, -0.7945860028266907, -1.2375085353851318, -0.20514309406280518, 0.16051065921783447, -1.243059515953064, 0.5504946708679199, -0.8416450023651123, 0.6933323740959167, -0.6607214212417603, 0.2613481879234314, -0.30774569511413574, -0.2046370953321457, -0.48872753977775574, 0.9917258024215698, -0.327444851398468, -0.08794312924146652, -0.0627472847700119, -0.799550473690033, 0.3712664246559143, 1.0655999183654785, 0.2634490430355072, -0.09614802896976471, -0.008160971105098724, 0.48247504234313965, 0.9060051441192627, 0.3483032286167145, 0.02436600625514984, 0.15769338607788086, 0.5941774249076843, 0.03158898651599884, 0.852724552154541, -0.17429493367671967, -0.2403186410665512, -0.2868396043777466, 0.7401085495948792, 0.09276342391967773, -0.33705300092697144, 0.4347025752067566, 0.19968624413013458, 1.5221220254898071, 1.0084341764450073, -0.5059270858764648, 0.5128844976425171, -0.34190914034843445, -0.48657652735710144, 0.07260149717330933, 0.08122748136520386, 0.22253359854221344, 0.2957131266593933, 0.8236558437347412, -0.5952140092849731, -0.03429000452160835, 0.297380268573761, -0.2532128095626831, 0.021626584231853485, -1.5217375755310059, -0.3241283595561981, -0.7525843381881714, -1.0322567224502563, -0.34384769201278687, 0.45830458402633667, -0.24367943406105042, -0.4129379093647003, 0.2605314254760742, 0.4286666512489319, -0.5278927087783813, 0.30790355801582336, 1.6816651821136475, -0.4596613049507141, 0.35472580790519714, -0.8286225199699402, 1.0435032844543457, 0.32692232728004456, 0.5841863751411438, -1.2045091390609741, 0.13489867746829987, -1.0761630535125732, -0.2345885932445526, -0.06302320212125778, 0.1114354208111763, 0.26277005672454834, -0.2371591329574585, 0.8759977221488953, -0.4781184196472168, -0.7514352202415466, 1.2960487604141235, -0.4934016168117523, 0.26139816641807556, -1.060552954673767, 1.7533695697784424, 0.5680845975875854, -0.21099381148815155, 0.5341989398002625, 0.5704430341720581, -0.10272286832332611, 1.1151738166809082, -0.21648094058036804, 0.9042900800704956, -0.14508351683616638, 0.24420566856861115, 0.12796536087989807, -0.07822106778621674, -2.2671875953674316, -0.16993436217308044, 1.0463413000106812, -0.2786492109298706, 0.045191921293735504, -0.9411237239837646, -0.1055106371641159, 0.3711250126361847, -0.0796409323811531, 0.2510479986667633, -0.7042850852012634, 1.352461338043213, 0.13415640592575073, 0.06160041689872742, 0.8852239847183228, 0.1689334660768509, 0.05821077898144722, 0.5207247734069824, 0.48816752433776855, -1.5331799983978271, -0.2969914674758911, 0.5923646092414856, -0.3675445020198822, 0.32512691617012024, 0.14098531007766724, 0.2458069920539856, 1.1852153539657593, -0.971205472946167, 0.19213959574699402, 0.32454538345336914, 0.3475273549556732, -0.04293140769004822, 0.28639790415763855, 0.1027955636382103, 0.8563280701637268, 0.20424877107143402, 1.2418333292007446, 0.6996554732322693, -0.8022501468658447, -0.502586305141449, -0.07900865375995636, -0.32860541343688965, -0.6028596758842468, 1.2430129051208496, -0.0800468847155571, 1.584185004234314, 0.25892800092697144, -0.014921239577233791, -0.09830276668071747, -0.2895965278148651, 0.891651451587677, 1.2956817150115967, 0.1916368305683136, -0.3102428913116455, -0.08023646473884583, 0.6103826761245728, 0.13265682756900787, -0.5498030781745911, -0.22037146985530853, 1.2482022047042847, -0.2445748895406723, -0.952409029006958, -0.19129997491836548, 1.0303820371627808, 0.5314162373542786, 1.5407192707061768, -0.31197527050971985, -0.6117019653320312, -0.8453074097633362, 0.650942325592041, 0.648605465888977, -0.5279573202133179, -0.45067548751831055, -0.711122453212738, 0.1732957363128662, 1.1662348508834839, -0.03886212781071663, 0.9572250843048096, 1.3712241649627686, -0.6821144819259644, 0.3226572871208191, 0.32370972633361816, -0.5307313799858093, -0.26894956827163696, 0.09653688222169876, -0.18255294859409332, -0.8890973329544067, 0.4643556773662567, -0.036998212337493896, -0.7358171939849854, 0.3104092478752136, -0.2392997443675995, -0.764022946357727, 0.642622709274292, 1.6619749069213867, -0.844170331954956, -0.3292822539806366, -0.3795831799507141, -0.4930419921875, -0.8142385482788086, 0.32285982370376587, -0.4070119559764862, 0.04342759773135185, 0.3609716594219208, 0.05087297782301903, -0.5225762724876404, 0.00887136161327362, -1.16389799118042, 0.7362660765647888, 0.5420941710472107, -0.040029700845479965, -0.2150266468524933, -0.9474538564682007, -0.8107290863990784, -0.08665916323661804, -1.8050601482391357, 0.26014384627342224, -0.1452518254518509, -0.4580051600933075, -0.15049941837787628, -0.3414531648159027, 0.20092804729938507, -0.21588316559791565, 0.10853281617164612, 0.06417294591665268, -0.8733924031257629, 0.007832232862710953, -0.9215018153190613, 0.6545179486274719, 0.7951357364654541, -0.28096944093704224, 0.1996869146823883, 0.29094743728637695, -0.37094005942344666, 0.5712234973907471, 0.20902922749519348, 1.0800127983093262, 0.7247256636619568, 0.6354568600654602, 0.43345463275909424, 0.18625563383102417, -12.034981727600098, 0.5365343689918518, -0.08684592694044113, 0.6681766510009766, 0.5007221102714539, 0.8398829102516174, 0.639255940914154, -0.45431944727897644, 0.8691577315330505, -0.5852610468864441, -0.0029981546103954315, 1.202858567237854, -0.4958406984806061, -0.7996624112129211, -0.24001780152320862, -0.12327934056520462, -0.3437134325504303, -0.6816559433937073, 0.510608971118927, 0.5863566994667053, 0.8947349190711975, -1.1015273332595825, -0.7351067662239075, -0.1092754453420639, -0.046294018626213074, -1.6387879848480225, 0.16991937160491943, 0.05383662134408951, -1.4978948831558228, -0.6337628364562988, 0.2138167917728424, -0.5586994290351868, -0.2353450506925583, -0.34188786149024963, 0.5813319683074951, -0.39064735174179077, -1.271640658378601, 0.3450467884540558, 0.7574969530105591, -0.4717915654182434, -0.2493867427110672, 0.020616915076971054, -0.09220904111862183, 0.0735168531537056, 0.02084750309586525, 0.33719944953918457, 0.4019377529621124, 0.014494728296995163, 0.697614312171936, -0.5265786051750183, 0.2647240161895752, -0.4817444086074829, -0.6193586587905884, -0.8559768795967102, 0.5870549082756042, 0.7901521921157837, -0.9827242493629456, 0.5886897444725037, -0.11674219369888306, -0.826595664024353, 1.025561809539795, 0.9075988531112671, 0.012714795768260956, 0.6580277681350708, 0.5778836011886597, -0.5839988589286804, 0.07259173691272736, 0.7921643257141113, 0.4779570400714874, 0.6098207235336304, -0.7316051721572876, 1.0293095111846924, 0.6983949542045593, 0.12658311426639557, -0.4636441171169281, -0.08458008617162704, -0.329359769821167, 0.6241869926452637, 1.0081815719604492, 0.4568067491054535, -0.9571681022644043, -0.42920783162117004, -0.740638792514801, -0.8247562050819397, -0.29342126846313477, 0.4008924961090088, 0.11315984278917313, -0.1837376058101654, 1.1955164670944214, 0.6621629595756531, 0.8143392205238342, 0.33958420157432556, -0.2396525889635086, -0.13336172699928284, -0.035031575709581375, 0.7558332085609436, -1.2200371026992798, 1.0691044330596924, 0.5094914436340332, -0.31186944246292114, -0.012763306498527527, -0.06051722913980484, -0.359384685754776, -0.17680644989013672, 0.8916079998016357, -0.2817535102367401, -0.27428388595581055, 0.9016852378845215, 0.5089647769927979, 0.6226361393928528, 0.45730483531951904, 0.02061690390110016, -0.38953864574432373, 0.6973719596862793, -0.07539048790931702, 1.283044457435608, 1.0459941625595093, -0.4871136248111725, 0.41650569438934326, 0.4139712452888489, -0.2851320207118988, 0.1698683202266693, 0.05590089410543442, 0.6427311897277832, 0.7125657796859741, -0.5817790031433105, -0.0889676958322525, 0.46626922488212585, 0.1204197034239769, -1.1799867153167725, 0.44588759541511536, -0.11991579830646515, -0.09420246630907059, -0.8921095728874207, -0.5448140501976013, -0.2843661904335022, -0.7916934490203857, 1.188806414604187, -0.556891918182373, 0.15181267261505127, -0.4620510935783386, -0.20091785490512848, -0.2633321285247803, -0.39652976393699646, -0.8376051783561707, -0.38749057054519653, -1.1831672191619873, -0.4117293655872345, -0.4275306463241577, -0.31726205348968506, 0.4456588625907898, -0.31706956028938293, -0.22286169230937958, -1.0572675466537476, -0.7144442200660706, 0.1567026972770691, 0.7748304605484009, -0.16869419813156128, -0.6528880596160889, 0.16654539108276367, 0.858625590801239, 1.3244518041610718, -1.1377067565917969, 1.219086766242981, 0.3880786895751953, -0.14328019320964813, -1.052303433418274, 0.2828335165977478, -0.06696857511997223, 0.4696781039237976, 1.1174428462982178, -0.9160782694816589, -0.46844232082366943, -0.7296614646911621, -0.5144551992416382, -0.9758102893829346, -0.633020281791687, 0.8442349433898926, -1.3237533569335938, 0.5474104881286621, -0.976998507976532, 0.6324350833892822, 0.914938747882843, -0.5875107049942017, -0.7199245691299438, -0.2310667335987091, -0.5811761617660522, 0.9644271731376648, -0.6683593392372131, -0.12176987528800964, -1.7681381702423096, -1.6643714904785156, -1.0044472217559814, -0.15352381765842438, 0.3864099383354187, 0.22958458960056305, 0.40216851234436035, 0.47350579500198364, -0.9943366050720215, -0.4523579478263855, -0.2263311892747879, 0.3804842531681061, 0.611203670501709, 0.16857944428920746, -0.19389697909355164, 0.28525349497795105, -0.31751468777656555, 0.4056743085384369, 0.6376738548278809, 0.36894547939300537, -1.9184728860855103, -0.7160679697990417, 0.28114718198776245, -0.20816348493099213, 0.44780421257019043, -1.3672484159469604, -0.30336886644363403, 0.6276277303695679, -0.4497322738170624, -0.805780827999115, -0.3232569992542267, -0.07029099762439728, -0.6699214577674866, 1.4743341207504272, 0.4860667288303375, 0.8524342775344849, 0.07312603294849396, -0.14396531879901886, 2.415743827819824, -0.8891262412071228, 0.23932036757469177, 0.8472053408622742, 0.34647804498672485, 0.06984784454107285, -0.4743982255458832, 0.35762542486190796, -1.1339739561080933, 0.18794691562652588, -1.3041731119155884, 0.2880283296108246, -0.6676636934280396, 0.12024269998073578, -0.08695366978645325, 1.0506041049957275, 0.08776447176933289, -1.358303189277649, -1.365734577178955, -1.01693594455719, -0.3103545308113098, 0.06268414109945297, -0.32468685507774353, 1.0931470394134521, 0.72902911901474, -0.9370943903923035, 0.817112922668457, 0.04392446577548981, 0.03408020734786987, -0.3146441876888275, -0.3044782280921936, 0.7687789797782898, 0.3239351511001587, 0.09283076971769333, 0.1258997619152069, -0.7933072447776794, -0.8647120594978333, -0.36494481563568115, -0.8389081358909607, 0.4760153889656067, 0.9762039184570312, -0.9649107456207275, -0.4287269711494446, 0.29371213912963867, -0.24456414580345154, 0.49419844150543213, 0.9191553592681885, 0.08186627179384232, 0.11482797563076019, -1.4233452081680298, -0.6063330769538879, -0.2189716398715973, 0.42378363013267517, -0.7391408085823059, -0.12691867351531982, -0.6676175594329834, -0.12424910068511963, 0.5475847125053406, -0.30923277139663696, -0.832912802696228, -0.16917338967323303, -0.6848115921020508, 0.29828721284866333, 0.504481315612793, -0.6788693070411682, -0.4147278964519501, 0.02566368132829666, -1.3084070682525635, 0.9331105947494507, 0.21876634657382965, -0.724990725517273, 0.2488137185573578, 0.6458355784416199, 0.18356993794441223, -0.42798689007759094, 1.0037708282470703, 0.07404069602489471, -0.6271094083786011, 0.7632409334182739, 0.3987269401550293, -0.6529825925827026, 0.5354118347167969, 0.769088864326477, 0.5249649882316589, 0.61055588722229, 0.908343493938446]} +{"paper_id": "oscar-corpus/OSCAR-2201", "embedding": [0.2978722155094147, 0.8702800273895264, 1.235546588897705, 0.055589206516742706, 0.35194987058639526, -1.325868844985962, -0.06986948102712631, 0.9732233285903931, 0.398438960313797, 0.7313604950904846, -0.0003198683261871338, -0.2769896388053894, 0.06477384269237518, 1.0914373397827148, -0.48921462893486023, -0.472395122051239, -0.4111132323741913, -1.4388291835784912, -0.5433642864227295, -0.3576650619506836, 0.01752239093184471, -0.7182955145835876, -0.2273387759923935, 0.46833550930023193, -0.3526780307292938, -0.8079738020896912, 0.15103870630264282, -0.4083779752254486, 0.09520602226257324, 0.5390360355377197, 0.48747339844703674, 1.028940200805664, -0.9142805933952332, 0.4056800901889801, -0.009177349507808685, -0.27088120579719543, 0.5619405508041382, 1.08389413356781, -1.123119592666626, -0.2766928970813751, -0.30176636576652527, -0.32989412546157837, 0.7621403336524963, -0.1676703542470932, 0.8676326870918274, 0.41794657707214355, -0.4545772671699524, 0.06862355768680573, 0.6231846213340759, -0.7144573926925659, 0.17204850912094116, 0.39720454812049866, -0.2949928045272827, 0.40280506014823914, -0.52544105052948, 1.1103484630584717, 0.13949114084243774, -1.6153647899627686, -0.020162012428045273, -1.1781519651412964, 0.05727163329720497, 1.401282787322998, -0.5984471440315247, 0.04540117830038071, 0.8315148949623108, -0.13905280828475952, 1.4119873046875, 0.3034937381744385, 0.15156443417072296, 0.2420857548713684, -0.15769389271736145, -1.2841414213180542, 0.9212465286254883, -0.8421255946159363, 1.2075120210647583, 1.1996477842330933, 1.5196765661239624, -0.3576773703098297, -0.6765329837799072, 0.5202541947364807, -0.5588781833648682, 1.0618873834609985, 0.5979495644569397, -0.579708993434906, -0.3187785744667053, -0.26410993933677673, 0.4894101321697235, -1.1352083683013916, 0.6150762438774109, -1.6300663948059082, 0.45523589849472046, -0.10644098371267319, -0.4083213806152344, 0.27895087003707886, -0.06305806338787079, 0.027879253029823303, -0.08821161091327667, 0.10456819832324982, -0.41449740529060364, 0.3585456609725952, 0.07415959984064102, -0.46205994486808777, 0.2272104173898697, -0.41446563601493835, -0.005935072898864746, 0.9741418361663818, 0.04236359894275665, -0.2795957922935486, -1.2984189987182617, 0.4319871664047241, 0.4931098222732544, 1.1682984828948975, -1.0822815895080566, 0.40609967708587646, -0.17916344106197357, -1.0490206480026245, 0.5016083717346191, -0.5684082508087158, -0.7625231146812439, 0.540501058101654, -0.4114408493041992, -0.6681933999061584, -0.7309351563453674, 0.5027733445167542, 0.37908950448036194, -0.6864109039306641, 0.6025360226631165, -0.4324057698249817, 0.28228121995925903, -0.6127643585205078, 0.2667565941810608, 0.39642712473869324, 0.09739291667938232, -0.2566731572151184, 3.3232581615448, -0.9530146718025208, 1.4793546199798584, -0.3006044030189514, 0.17251911759376526, 0.4229890704154968, -0.7963865995407104, 1.3237051963806152, 0.05393390357494354, -0.6569690704345703, 0.7856723666191101, 0.1063157171010971, -0.6763070821762085, 0.2334868460893631, 0.33531275391578674, -1.2071996927261353, 0.03985197842121124, 0.1138172298669815, -1.0961662530899048, 0.03988342732191086, -0.7889282703399658, 0.4663863480091095, 0.3420336842536926, 1.078497052192688, -0.7620546221733093, 1.3581408262252808, 0.6939254999160767, 0.8270655870437622, -0.3005684018135071, 0.4726291000843048, -0.904965877532959, 0.14566674828529358, 1.2864415645599365, 0.01165691763162613, -0.20808687806129456, -0.2553907036781311, 1.3730515241622925, -0.3806527853012085, -0.27092960476875305, -0.1535414159297943, 0.46576595306396484, 0.5932513475418091, 0.501979410648346, 0.6880856156349182, -0.7645973563194275, 0.2774536907672882, -0.372116357088089, -0.1251317709684372, 0.4269804358482361, 0.5626324415206909, 0.9982416033744812, 1.041282057762146, -1.761210322380066, -0.4750326871871948, -0.1450735330581665, -0.4268072843551636, -0.8131445646286011, -1.1213980913162231, -0.3905750811100006, -0.4580235779285431, 0.5324501991271973, 0.12363079190254211, 0.32375675439834595, -0.1765778362751007, -1.038826584815979, 0.7743784785270691, -0.13827207684516907, 0.1282777488231659, 0.07077433168888092, 0.29712235927581787, 0.04185079038143158, 0.22421610355377197, -0.1400497555732727, -1.5570838451385498, 0.5387279987335205, 2.093438148498535, 0.23475851118564606, -0.48776260018348694, -2.4053456783294678, -0.17930951714515686, 0.2999197840690613, -1.018155813217163, 0.3393520414829254, -1.1008342504501343, 0.7043860554695129, -1.296273946762085, 0.6647807955741882, -0.3918878734111786, 0.5200524926185608, -0.12114936858415604, 0.3340885043144226, -0.2747190296649933, -0.10098867118358612, 0.0929105132818222, -0.6901798248291016, 0.7664165496826172, 0.4307762384414673, 0.09971394389867783, -0.524569034576416, 0.7017208933830261, 0.7348644733428955, 0.3005341589450836, -0.028847191482782364, 0.028898663818836212, -0.5107663869857788, -0.5634516477584839, -0.06595493853092194, 0.9911307096481323, -0.5600948929786682, -0.06607028096914291, -0.0028889551758766174, 0.24152937531471252, -0.09840104728937149, 0.21073134243488312, 0.4116772413253784, -0.8493547439575195, 1.4799588918685913, 1.5661758184432983, -0.5457181334495544, 1.9447046518325806, -1.2161015272140503, 0.23464354872703552, -0.19283199310302734, -1.789979338645935, 0.5388550758361816, 0.27760422229766846, 1.3827489614486694, -0.6184056997299194, 0.12009938061237335, 0.06475172936916351, -0.24063409864902496, -1.3378006219863892, -0.8094795942306519, -0.8070100545883179, -1.5514034032821655, -1.2153956890106201, 0.18056848645210266, -0.018725745379924774, -1.094189167022705, -0.7391178607940674, 0.2840219736099243, 1.4205896854400635, -0.0292690210044384, 0.4124472141265869, 1.9092497825622559, -0.164581298828125, 0.979175329208374, 0.005924299359321594, -0.15187397599220276, -0.7562323212623596, 0.8685983419418335, 0.3798312842845917, -0.054306406527757645, -0.29124167561531067, -0.49126213788986206, 0.1681954711675644, 0.000757165253162384, 0.9352263808250427, -0.9764454364776611, 0.1498170793056488, -0.48573607206344604, -1.0462123155593872, 0.989643394947052, -0.7053545713424683, -0.5182816386222839, -1.1629847288131714, 1.863256812095642, -0.18999890983104706, 0.4022432267665863, 0.7912818193435669, -0.4950965940952301, 0.2785921096801758, 1.8699301481246948, -0.025443896651268005, 0.10582387447357178, 0.7536152601242065, 0.11884883046150208, -0.44469428062438965, 0.9075478911399841, -2.6017801761627197, 0.5778242945671082, 0.5251818299293518, -0.08467134088277817, -0.0015781000256538391, -1.104565978050232, 0.5925669074058533, -0.4866567850112915, -0.6957890391349792, 0.0892091915011406, -0.08997896313667297, 1.0289244651794434, -0.18263749778270721, -0.24034173786640167, 1.159316062927246, -1.8358728885650635, 0.7310290336608887, 1.2175344228744507, 1.0723330974578857, -0.8746137022972107, 0.7898744940757751, 0.9515573382377625, -0.8686416149139404, 1.627260684967041, 0.42913317680358887, 0.16433198750019073, 0.9278554916381836, -1.4475173950195312, 0.5014539361000061, 0.24815727770328522, 0.8954944610595703, 1.3000730276107788, 0.8151953220367432, 0.10512062907218933, 0.2462797313928604, 0.24969908595085144, 1.0596420764923096, 1.341354250907898, -1.7808986902236938, -1.045482873916626, -0.40466395020484924, -0.28029951453208923, -0.9268175959587097, 0.994132399559021, 0.6893418431282043, 1.9420579671859741, 0.06671536713838577, -0.6935213208198547, -0.18238607048988342, -0.08016190677881241, 1.3210346698760986, 0.40484681725502014, -0.16674824059009552, 0.25423431396484375, -0.19879966974258423, 1.1587929725646973, -0.4406581521034241, -0.6547172665596008, 0.057761821895837784, 0.6253088116645813, -0.36560070514678955, -0.49921539425849915, 0.6415174603462219, 0.1675589233636856, -0.07335251569747925, 1.2160248756408691, -0.4485684931278229, 0.08632753789424896, -0.5029920935630798, 0.5074517130851746, -0.6711840033531189, -0.2188590168952942, -0.8837586641311646, 1.14212965965271, 0.4454602301120758, 0.8370814919471741, -0.2467319667339325, 0.2908414900302887, 1.0447689294815063, 0.17476202547550201, -1.351657748222351, -0.4629513919353485, -1.1256554126739502, -0.1671605259180069, -0.48801758885383606, -0.06024828180670738, -0.9719964861869812, 0.5003865957260132, -0.4938809275627136, 0.02573942020535469, 1.1394823789596558, -0.0032387543469667435, -0.8581317663192749, 0.7230943441390991, 1.3898773193359375, -0.6851827502250671, -0.48240888118743896, -0.15195201337337494, -0.6818583011627197, -1.2562729120254517, 0.23541972041130066, -0.6992500424385071, 0.09523918479681015, 0.17151525616645813, 0.13410036265850067, -0.4154881238937378, -0.28760263323783875, -0.7927493453025818, 0.6406885981559753, 0.9352549314498901, 0.034863680601119995, -0.33816516399383545, -0.7257375717163086, 0.15035851299762726, -0.3014359474182129, -1.1149113178253174, -0.7032659649848938, 0.09686771035194397, 0.2514615058898926, 0.4738864600658417, -0.35348057746887207, -0.6011911034584045, -0.23794329166412354, 0.7467391490936279, 1.159543514251709, -1.742680549621582, -0.07391247898340225, -0.49488961696624756, 0.4839973747730255, 0.1780814826488495, -0.5861072540283203, -0.039835523813962936, 1.1366398334503174, -0.4081355333328247, 0.28553909063339233, 0.6499696969985962, 0.7065392732620239, 0.45849546790122986, 0.4726071357727051, 0.6484835147857666, -0.608030378818512, -9.851895332336426, 0.14922526478767395, -0.35854724049568176, 0.7025728225708008, 0.6402043700218201, -0.4464093744754791, 1.2455499172210693, 0.5511488318443298, 0.42749500274658203, -0.42698514461517334, 0.6260594725608826, 0.9626380801200867, 0.4178815186023712, -0.8613018989562988, -0.8604179620742798, -1.327305793762207, -0.1948700249195099, 0.43045979738235474, 0.6929340362548828, 0.4587598741054535, -0.8407460451126099, -1.6241812705993652, 0.29018956422805786, -0.007944677025079727, 0.0019785556942224503, -0.929972767829895, 0.07468130439519882, 0.10651940852403641, -0.5791416168212891, -1.2280046939849854, -0.03924056515097618, -1.010737657546997, -1.5573039054870605, 0.2306663542985916, 0.7378470301628113, 0.7580094337463379, -0.8551426529884338, 0.05920158326625824, 0.5832626819610596, 0.6480816602706909, -0.397098183631897, -0.2941844165325165, 0.45757588744163513, 0.5325703620910645, 0.38061705231666565, 0.0974964052438736, 0.17219163477420807, -0.24947980046272278, 0.41915079951286316, -0.6178938746452332, -0.4921529293060303, -0.4841996431350708, -0.943559467792511, -0.6168304085731506, 0.7752469182014465, 0.7785288095474243, -0.41677945852279663, 0.043302565813064575, -0.4639872908592224, -2.015360116958618, 0.5561946630477905, 0.23486442863941193, 0.7266980409622192, -0.008621502667665482, -0.01974485069513321, 0.021919531747698784, 0.5698609352111816, -0.4990077018737793, 0.6642981767654419, 0.6381363272666931, -0.9961175322532654, -0.22200697660446167, -0.45544612407684326, -0.16130691766738892, -0.12674382328987122, -0.2964983284473419, -0.6853156685829163, 0.3420616090297699, 0.7601217031478882, -0.3176053762435913, -1.1377395391464233, 1.0586243867874146, 0.2078906148672104, -0.11335030943155289, 0.304801344871521, -0.37870675325393677, -0.6649419069290161, 0.3761567771434784, 0.6644737720489502, 0.17368966341018677, 1.0722743272781372, 0.6857101917266846, 0.2581633925437927, -0.46255385875701904, -0.3020012378692627, 1.080093502998352, -1.1140648126602173, 1.479299783706665, 0.16432639956474304, -0.06392710655927658, 0.1716773509979248, -0.23854967951774597, -0.8622409105300903, -0.5825537443161011, 0.8486756682395935, 0.46087944507598877, 0.4897756576538086, 0.15102282166481018, -0.26257404685020447, -0.31401172280311584, 1.2582623958587646, 0.514509379863739, -0.10184165835380554, 0.2773455083370209, 0.31014159321784973, 1.0365681648254395, 0.32003238797187805, 0.10357283055782318, 0.6740923523902893, 1.3324103355407715, 0.47487980127334595, 0.24844583868980408, -0.10656728595495224, 1.0320810079574585, -0.5800755023956299, 0.5183460116386414, -0.06552492082118988, 0.39794695377349854, -0.33071935176849365, -1.4897414445877075, -0.42731523513793945, -0.021979032084345818, 0.07254526019096375, -1.5143153667449951, -0.4910147190093994, -1.046156883239746, -0.5435701608657837, 0.8895753622055054, 0.7088648676872253, 0.2270631492137909, -0.3681091070175171, -1.3040688037872314, 0.23921293020248413, 0.05957074090838432, -0.055506594479084015, -0.1049099788069725, -1.1869597434997559, -0.3142068088054657, -0.6519380211830139, -1.0975308418273926, 0.22656065225601196, -0.22560596466064453, -0.18794168531894684, -0.618994951248169, -0.3952462077140808, 0.13334688544273376, 0.19955694675445557, 0.05922410637140274, -1.045200228691101, -0.429313987493515, -0.056611090898513794, 2.298875093460083, -1.632197618484497, 0.9700174331665039, 0.6623338460922241, 0.43628546595573425, -1.7782396078109741, -0.08996278047561646, -0.4632470905780792, 0.38114723563194275, 1.1644171476364136, -0.5112934112548828, -0.9061792492866516, -0.27778828144073486, -0.7808419466018677, -0.7424630522727966, 0.6162384152412415, 0.8281533718109131, -0.8556346297264099, 0.2873413860797882, -0.20317691564559937, 0.034360844641923904, -0.2602193355560303, -0.5041241645812988, -0.8611395359039307, -0.3237280249595642, -0.30082839727401733, 0.792515754699707, -0.5022273063659668, 0.8909236788749695, -1.6954083442687988, -1.2438843250274658, -0.1454889178276062, 0.523574948310852, 0.4718044698238373, -0.2303096354007721, 1.14137864112854, -0.09201590716838837, 0.42333343625068665, -0.10563856363296509, -0.16160230338573456, 0.3404448628425598, 0.7198917269706726, 1.114186406135559, -0.17105568945407867, -0.369876503944397, -1.1156325340270996, -0.34659016132354736, -0.05916658788919449, 0.374720960855484, -1.626769781112671, 0.3561478853225708, 0.08636420965194702, -0.7058932781219482, 0.16448819637298584, -0.3322902321815491, 1.0722885131835938, 0.11939345300197601, -0.6776654124259949, -0.7968711256980896, -0.41130805015563965, 0.6639665365219116, -0.5532440543174744, 0.6140427589416504, -0.38772478699684143, 0.5043741464614868, -0.24769310653209686, 0.22558149695396423, 1.9155187606811523, -0.6572670340538025, -0.6884886622428894, 0.2510105073451996, 0.8592913150787354, -0.07118479162454605, -1.0206844806671143, 0.4882517457008362, -0.89523845911026, 0.1462898850440979, -1.6873265504837036, 0.35057416558265686, -0.5040494799613953, -0.3576684296131134, 0.40787214040756226, 0.43600335717201233, -0.11650876700878143, -0.30833521485328674, -0.10104651749134064, -1.1595489978790283, 0.45306921005249023, 0.22399424016475677, 0.45935243368148804, 0.8208112120628357, 0.705651581287384, 0.11286447942256927, 0.4609096646308899, -0.32561275362968445, -0.28339308500289917, 0.07046723365783691, 0.3551098704338074, 0.5037270784378052, 0.4532965123653412, 0.37291279435157776, -0.013186482712626457, 0.05614260956645012, -1.1180784702301025, -0.70257967710495, -0.7165454626083374, 0.2490573674440384, 1.072314977645874, -0.568245530128479, 0.4857543110847473, -0.6074678301811218, 0.11299304664134979, -0.4003385007381439, 0.9586940407752991, 0.49462461471557617, 0.2148783951997757, -0.5728917121887207, -1.743773341178894, 0.03262501582503319, 0.7790985107421875, -1.0679304599761963, 0.0976734384894371, 0.00513690710067749, 0.9031501412391663, 0.33302968740463257, -0.7094159126281738, -1.1123762130737305, 0.6193360090255737, -0.46081116795539856, 0.5271997451782227, 0.08934693038463593, -0.7765127420425415, -1.0633105039596558, 0.6969342827796936, -0.9483196139335632, 0.4242883324623108, 0.30631476640701294, -0.7456041574478149, 0.32681748270988464, 0.5445961356163025, -1.1063095331192017, -0.6283171772956848, 0.5805234313011169, 0.26503613591194153, -1.857843041419983, 1.6933635473251343, 1.6026878356933594, 0.049943022429943085, -0.8620147705078125, 0.10480618476867676, 0.010532811284065247, 0.7688822150230408, 1.347493290901184]} +{"paper_id": "nthngdy/oscar-small", "embedding": [0.2978722155094147, 0.8702800273895264, 1.235546588897705, 0.055589206516742706, 0.35194987058639526, -1.325868844985962, -0.06986948102712631, 0.9732233285903931, 0.398438960313797, 0.7313604950904846, -0.0003198683261871338, -0.2769896388053894, 0.06477384269237518, 1.0914373397827148, -0.48921462893486023, -0.472395122051239, -0.4111132323741913, -1.4388291835784912, -0.5433642864227295, -0.3576650619506836, 0.01752239093184471, -0.7182955145835876, -0.2273387759923935, 0.46833550930023193, -0.3526780307292938, -0.8079738020896912, 0.15103870630264282, -0.4083779752254486, 0.09520602226257324, 0.5390360355377197, 0.48747339844703674, 1.028940200805664, -0.9142805933952332, 0.4056800901889801, -0.009177349507808685, -0.27088120579719543, 0.5619405508041382, 1.08389413356781, -1.123119592666626, -0.2766928970813751, -0.30176636576652527, -0.32989412546157837, 0.7621403336524963, -0.1676703542470932, 0.8676326870918274, 0.41794657707214355, -0.4545772671699524, 0.06862355768680573, 0.6231846213340759, -0.7144573926925659, 0.17204850912094116, 0.39720454812049866, -0.2949928045272827, 0.40280506014823914, -0.52544105052948, 1.1103484630584717, 0.13949114084243774, -1.6153647899627686, -0.020162012428045273, -1.1781519651412964, 0.05727163329720497, 1.401282787322998, -0.5984471440315247, 0.04540117830038071, 0.8315148949623108, -0.13905280828475952, 1.4119873046875, 0.3034937381744385, 0.15156443417072296, 0.2420857548713684, -0.15769389271736145, -1.2841414213180542, 0.9212465286254883, -0.8421255946159363, 1.2075120210647583, 1.1996477842330933, 1.5196765661239624, -0.3576773703098297, -0.6765329837799072, 0.5202541947364807, -0.5588781833648682, 1.0618873834609985, 0.5979495644569397, -0.579708993434906, -0.3187785744667053, -0.26410993933677673, 0.4894101321697235, -1.1352083683013916, 0.6150762438774109, -1.6300663948059082, 0.45523589849472046, -0.10644098371267319, -0.4083213806152344, 0.27895087003707886, -0.06305806338787079, 0.027879253029823303, -0.08821161091327667, 0.10456819832324982, -0.41449740529060364, 0.3585456609725952, 0.07415959984064102, -0.46205994486808777, 0.2272104173898697, -0.41446563601493835, -0.005935072898864746, 0.9741418361663818, 0.04236359894275665, -0.2795957922935486, -1.2984189987182617, 0.4319871664047241, 0.4931098222732544, 1.1682984828948975, -1.0822815895080566, 0.40609967708587646, -0.17916344106197357, -1.0490206480026245, 0.5016083717346191, -0.5684082508087158, -0.7625231146812439, 0.540501058101654, -0.4114408493041992, -0.6681933999061584, -0.7309351563453674, 0.5027733445167542, 0.37908950448036194, -0.6864109039306641, 0.6025360226631165, -0.4324057698249817, 0.28228121995925903, -0.6127643585205078, 0.2667565941810608, 0.39642712473869324, 0.09739291667938232, -0.2566731572151184, 3.3232581615448, -0.9530146718025208, 1.4793546199798584, -0.3006044030189514, 0.17251911759376526, 0.4229890704154968, -0.7963865995407104, 1.3237051963806152, 0.05393390357494354, -0.6569690704345703, 0.7856723666191101, 0.1063157171010971, -0.6763070821762085, 0.2334868460893631, 0.33531275391578674, -1.2071996927261353, 0.03985197842121124, 0.1138172298669815, -1.0961662530899048, 0.03988342732191086, -0.7889282703399658, 0.4663863480091095, 0.3420336842536926, 1.078497052192688, -0.7620546221733093, 1.3581408262252808, 0.6939254999160767, 0.8270655870437622, -0.3005684018135071, 0.4726291000843048, -0.904965877532959, 0.14566674828529358, 1.2864415645599365, 0.01165691763162613, -0.20808687806129456, -0.2553907036781311, 1.3730515241622925, -0.3806527853012085, -0.27092960476875305, -0.1535414159297943, 0.46576595306396484, 0.5932513475418091, 0.501979410648346, 0.6880856156349182, -0.7645973563194275, 0.2774536907672882, -0.372116357088089, -0.1251317709684372, 0.4269804358482361, 0.5626324415206909, 0.9982416033744812, 1.041282057762146, -1.761210322380066, -0.4750326871871948, -0.1450735330581665, -0.4268072843551636, -0.8131445646286011, -1.1213980913162231, -0.3905750811100006, -0.4580235779285431, 0.5324501991271973, 0.12363079190254211, 0.32375675439834595, -0.1765778362751007, -1.038826584815979, 0.7743784785270691, -0.13827207684516907, 0.1282777488231659, 0.07077433168888092, 0.29712235927581787, 0.04185079038143158, 0.22421610355377197, -0.1400497555732727, -1.5570838451385498, 0.5387279987335205, 2.093438148498535, 0.23475851118564606, -0.48776260018348694, -2.4053456783294678, -0.17930951714515686, 0.2999197840690613, -1.018155813217163, 0.3393520414829254, -1.1008342504501343, 0.7043860554695129, -1.296273946762085, 0.6647807955741882, -0.3918878734111786, 0.5200524926185608, -0.12114936858415604, 0.3340885043144226, -0.2747190296649933, -0.10098867118358612, 0.0929105132818222, -0.6901798248291016, 0.7664165496826172, 0.4307762384414673, 0.09971394389867783, -0.524569034576416, 0.7017208933830261, 0.7348644733428955, 0.3005341589450836, -0.028847191482782364, 0.028898663818836212, -0.5107663869857788, -0.5634516477584839, -0.06595493853092194, 0.9911307096481323, -0.5600948929786682, -0.06607028096914291, -0.0028889551758766174, 0.24152937531471252, -0.09840104728937149, 0.21073134243488312, 0.4116772413253784, -0.8493547439575195, 1.4799588918685913, 1.5661758184432983, -0.5457181334495544, 1.9447046518325806, -1.2161015272140503, 0.23464354872703552, -0.19283199310302734, -1.789979338645935, 0.5388550758361816, 0.27760422229766846, 1.3827489614486694, -0.6184056997299194, 0.12009938061237335, 0.06475172936916351, -0.24063409864902496, -1.3378006219863892, -0.8094795942306519, -0.8070100545883179, -1.5514034032821655, -1.2153956890106201, 0.18056848645210266, -0.018725745379924774, -1.094189167022705, -0.7391178607940674, 0.2840219736099243, 1.4205896854400635, -0.0292690210044384, 0.4124472141265869, 1.9092497825622559, -0.164581298828125, 0.979175329208374, 0.005924299359321594, -0.15187397599220276, -0.7562323212623596, 0.8685983419418335, 0.3798312842845917, -0.054306406527757645, -0.29124167561531067, -0.49126213788986206, 0.1681954711675644, 0.000757165253162384, 0.9352263808250427, -0.9764454364776611, 0.1498170793056488, -0.48573607206344604, -1.0462123155593872, 0.989643394947052, -0.7053545713424683, -0.5182816386222839, -1.1629847288131714, 1.863256812095642, -0.18999890983104706, 0.4022432267665863, 0.7912818193435669, -0.4950965940952301, 0.2785921096801758, 1.8699301481246948, -0.025443896651268005, 0.10582387447357178, 0.7536152601242065, 0.11884883046150208, -0.44469428062438965, 0.9075478911399841, -2.6017801761627197, 0.5778242945671082, 0.5251818299293518, -0.08467134088277817, -0.0015781000256538391, -1.104565978050232, 0.5925669074058533, -0.4866567850112915, -0.6957890391349792, 0.0892091915011406, -0.08997896313667297, 1.0289244651794434, -0.18263749778270721, -0.24034173786640167, 1.159316062927246, -1.8358728885650635, 0.7310290336608887, 1.2175344228744507, 1.0723330974578857, -0.8746137022972107, 0.7898744940757751, 0.9515573382377625, -0.8686416149139404, 1.627260684967041, 0.42913317680358887, 0.16433198750019073, 0.9278554916381836, -1.4475173950195312, 0.5014539361000061, 0.24815727770328522, 0.8954944610595703, 1.3000730276107788, 0.8151953220367432, 0.10512062907218933, 0.2462797313928604, 0.24969908595085144, 1.0596420764923096, 1.341354250907898, -1.7808986902236938, -1.045482873916626, -0.40466395020484924, -0.28029951453208923, -0.9268175959587097, 0.994132399559021, 0.6893418431282043, 1.9420579671859741, 0.06671536713838577, -0.6935213208198547, -0.18238607048988342, -0.08016190677881241, 1.3210346698760986, 0.40484681725502014, -0.16674824059009552, 0.25423431396484375, -0.19879966974258423, 1.1587929725646973, -0.4406581521034241, -0.6547172665596008, 0.057761821895837784, 0.6253088116645813, -0.36560070514678955, -0.49921539425849915, 0.6415174603462219, 0.1675589233636856, -0.07335251569747925, 1.2160248756408691, -0.4485684931278229, 0.08632753789424896, -0.5029920935630798, 0.5074517130851746, -0.6711840033531189, -0.2188590168952942, -0.8837586641311646, 1.14212965965271, 0.4454602301120758, 0.8370814919471741, -0.2467319667339325, 0.2908414900302887, 1.0447689294815063, 0.17476202547550201, -1.351657748222351, -0.4629513919353485, -1.1256554126739502, -0.1671605259180069, -0.48801758885383606, -0.06024828180670738, -0.9719964861869812, 0.5003865957260132, -0.4938809275627136, 0.02573942020535469, 1.1394823789596558, -0.0032387543469667435, -0.8581317663192749, 0.7230943441390991, 1.3898773193359375, -0.6851827502250671, -0.48240888118743896, -0.15195201337337494, -0.6818583011627197, -1.2562729120254517, 0.23541972041130066, -0.6992500424385071, 0.09523918479681015, 0.17151525616645813, 0.13410036265850067, -0.4154881238937378, -0.28760263323783875, -0.7927493453025818, 0.6406885981559753, 0.9352549314498901, 0.034863680601119995, -0.33816516399383545, -0.7257375717163086, 0.15035851299762726, -0.3014359474182129, -1.1149113178253174, -0.7032659649848938, 0.09686771035194397, 0.2514615058898926, 0.4738864600658417, -0.35348057746887207, -0.6011911034584045, -0.23794329166412354, 0.7467391490936279, 1.159543514251709, -1.742680549621582, -0.07391247898340225, -0.49488961696624756, 0.4839973747730255, 0.1780814826488495, -0.5861072540283203, -0.039835523813962936, 1.1366398334503174, -0.4081355333328247, 0.28553909063339233, 0.6499696969985962, 0.7065392732620239, 0.45849546790122986, 0.4726071357727051, 0.6484835147857666, -0.608030378818512, -9.851895332336426, 0.14922526478767395, -0.35854724049568176, 0.7025728225708008, 0.6402043700218201, -0.4464093744754791, 1.2455499172210693, 0.5511488318443298, 0.42749500274658203, -0.42698514461517334, 0.6260594725608826, 0.9626380801200867, 0.4178815186023712, -0.8613018989562988, -0.8604179620742798, -1.327305793762207, -0.1948700249195099, 0.43045979738235474, 0.6929340362548828, 0.4587598741054535, -0.8407460451126099, -1.6241812705993652, 0.29018956422805786, -0.007944677025079727, 0.0019785556942224503, -0.929972767829895, 0.07468130439519882, 0.10651940852403641, -0.5791416168212891, -1.2280046939849854, -0.03924056515097618, -1.010737657546997, -1.5573039054870605, 0.2306663542985916, 0.7378470301628113, 0.7580094337463379, -0.8551426529884338, 0.05920158326625824, 0.5832626819610596, 0.6480816602706909, -0.397098183631897, -0.2941844165325165, 0.45757588744163513, 0.5325703620910645, 0.38061705231666565, 0.0974964052438736, 0.17219163477420807, -0.24947980046272278, 0.41915079951286316, -0.6178938746452332, -0.4921529293060303, -0.4841996431350708, -0.943559467792511, -0.6168304085731506, 0.7752469182014465, 0.7785288095474243, -0.41677945852279663, 0.043302565813064575, -0.4639872908592224, -2.015360116958618, 0.5561946630477905, 0.23486442863941193, 0.7266980409622192, -0.008621502667665482, -0.01974485069513321, 0.021919531747698784, 0.5698609352111816, -0.4990077018737793, 0.6642981767654419, 0.6381363272666931, -0.9961175322532654, -0.22200697660446167, -0.45544612407684326, -0.16130691766738892, -0.12674382328987122, -0.2964983284473419, -0.6853156685829163, 0.3420616090297699, 0.7601217031478882, -0.3176053762435913, -1.1377395391464233, 1.0586243867874146, 0.2078906148672104, -0.11335030943155289, 0.304801344871521, -0.37870675325393677, -0.6649419069290161, 0.3761567771434784, 0.6644737720489502, 0.17368966341018677, 1.0722743272781372, 0.6857101917266846, 0.2581633925437927, -0.46255385875701904, -0.3020012378692627, 1.080093502998352, -1.1140648126602173, 1.479299783706665, 0.16432639956474304, -0.06392710655927658, 0.1716773509979248, -0.23854967951774597, -0.8622409105300903, -0.5825537443161011, 0.8486756682395935, 0.46087944507598877, 0.4897756576538086, 0.15102282166481018, -0.26257404685020447, -0.31401172280311584, 1.2582623958587646, 0.514509379863739, -0.10184165835380554, 0.2773455083370209, 0.31014159321784973, 1.0365681648254395, 0.32003238797187805, 0.10357283055782318, 0.6740923523902893, 1.3324103355407715, 0.47487980127334595, 0.24844583868980408, -0.10656728595495224, 1.0320810079574585, -0.5800755023956299, 0.5183460116386414, -0.06552492082118988, 0.39794695377349854, -0.33071935176849365, -1.4897414445877075, -0.42731523513793945, -0.021979032084345818, 0.07254526019096375, -1.5143153667449951, -0.4910147190093994, -1.046156883239746, -0.5435701608657837, 0.8895753622055054, 0.7088648676872253, 0.2270631492137909, -0.3681091070175171, -1.3040688037872314, 0.23921293020248413, 0.05957074090838432, -0.055506594479084015, -0.1049099788069725, -1.1869597434997559, -0.3142068088054657, -0.6519380211830139, -1.0975308418273926, 0.22656065225601196, -0.22560596466064453, -0.18794168531894684, -0.618994951248169, -0.3952462077140808, 0.13334688544273376, 0.19955694675445557, 0.05922410637140274, -1.045200228691101, -0.429313987493515, -0.056611090898513794, 2.298875093460083, -1.632197618484497, 0.9700174331665039, 0.6623338460922241, 0.43628546595573425, -1.7782396078109741, -0.08996278047561646, -0.4632470905780792, 0.38114723563194275, 1.1644171476364136, -0.5112934112548828, -0.9061792492866516, -0.27778828144073486, -0.7808419466018677, -0.7424630522727966, 0.6162384152412415, 0.8281533718109131, -0.8556346297264099, 0.2873413860797882, -0.20317691564559937, 0.034360844641923904, -0.2602193355560303, -0.5041241645812988, -0.8611395359039307, -0.3237280249595642, -0.30082839727401733, 0.792515754699707, -0.5022273063659668, 0.8909236788749695, -1.6954083442687988, -1.2438843250274658, -0.1454889178276062, 0.523574948310852, 0.4718044698238373, -0.2303096354007721, 1.14137864112854, -0.09201590716838837, 0.42333343625068665, -0.10563856363296509, -0.16160230338573456, 0.3404448628425598, 0.7198917269706726, 1.114186406135559, -0.17105568945407867, -0.369876503944397, -1.1156325340270996, -0.34659016132354736, -0.05916658788919449, 0.374720960855484, -1.626769781112671, 0.3561478853225708, 0.08636420965194702, -0.7058932781219482, 0.16448819637298584, -0.3322902321815491, 1.0722885131835938, 0.11939345300197601, -0.6776654124259949, -0.7968711256980896, -0.41130805015563965, 0.6639665365219116, -0.5532440543174744, 0.6140427589416504, -0.38772478699684143, 0.5043741464614868, -0.24769310653209686, 0.22558149695396423, 1.9155187606811523, -0.6572670340538025, -0.6884886622428894, 0.2510105073451996, 0.8592913150787354, -0.07118479162454605, -1.0206844806671143, 0.4882517457008362, -0.89523845911026, 0.1462898850440979, -1.6873265504837036, 0.35057416558265686, -0.5040494799613953, -0.3576684296131134, 0.40787214040756226, 0.43600335717201233, -0.11650876700878143, -0.30833521485328674, -0.10104651749134064, -1.1595489978790283, 0.45306921005249023, 0.22399424016475677, 0.45935243368148804, 0.8208112120628357, 0.705651581287384, 0.11286447942256927, 0.4609096646308899, -0.32561275362968445, -0.28339308500289917, 0.07046723365783691, 0.3551098704338074, 0.5037270784378052, 0.4532965123653412, 0.37291279435157776, -0.013186482712626457, 0.05614260956645012, -1.1180784702301025, -0.70257967710495, -0.7165454626083374, 0.2490573674440384, 1.072314977645874, -0.568245530128479, 0.4857543110847473, -0.6074678301811218, 0.11299304664134979, -0.4003385007381439, 0.9586940407752991, 0.49462461471557617, 0.2148783951997757, -0.5728917121887207, -1.743773341178894, 0.03262501582503319, 0.7790985107421875, -1.0679304599761963, 0.0976734384894371, 0.00513690710067749, 0.9031501412391663, 0.33302968740463257, -0.7094159126281738, -1.1123762130737305, 0.6193360090255737, -0.46081116795539856, 0.5271997451782227, 0.08934693038463593, -0.7765127420425415, -1.0633105039596558, 0.6969342827796936, -0.9483196139335632, 0.4242883324623108, 0.30631476640701294, -0.7456041574478149, 0.32681748270988464, 0.5445961356163025, -1.1063095331192017, -0.6283171772956848, 0.5805234313011169, 0.26503613591194153, -1.857843041419983, 1.6933635473251343, 1.6026878356933594, 0.049943022429943085, -0.8620147705078125, 0.10480618476867676, 0.010532811284065247, 0.7688822150230408, 1.347493290901184]} +{"paper_id": "yhavinga/ccmatrix", "embedding": [-0.20863626897335052, 0.6410830616950989, 0.4885985553264618, 0.4835946261882782, 0.3742334842681885, -0.5058531761169434, 1.167439579963684, 0.8027088046073914, 0.1322287917137146, 0.1408824324607849, 0.48634758591651917, 0.06611740589141846, 0.6078348755836487, 0.09378533065319061, 0.20664964616298676, -0.6671042442321777, -0.7604764103889465, -0.8907604217529297, -0.858458399772644, -0.7602505683898926, -0.9831244945526123, -0.055040840059518814, -0.02882349118590355, 0.009749870747327805, -0.3768977224826813, -0.4060354232788086, 0.5476235151290894, -1.1956950426101685, 0.337375670671463, 0.22384124994277954, -0.19625568389892578, 1.5668325424194336, -1.2707246541976929, 0.3486330807209015, -0.7991962432861328, -0.10320950299501419, 0.23531268537044525, 1.3925296068191528, -0.7877644300460815, -0.018713805824518204, -0.38291361927986145, -0.19646498560905457, 0.8451077938079834, -0.007760391570627689, 0.8793055415153503, 0.010469302535057068, -0.2678152322769165, 0.1245524138212204, 0.19701962172985077, 0.14430196583271027, -0.41522717475891113, 0.5158270001411438, 0.0018531735986471176, 0.61639404296875, -0.47675588726997375, 1.1135650873184204, -0.11899489909410477, -1.206978678703308, 0.8610340356826782, -0.9985889196395874, 0.5539678931236267, 1.1351689100265503, -0.5126835107803345, 0.010493261739611626, 0.8517675399780273, -0.32355278730392456, 0.5696976184844971, 0.4674542546272278, 0.7209591865539551, 1.0612186193466187, 0.24087350070476532, -1.0059083700180054, 0.5420319437980652, -0.1414247453212738, 0.08757047355175018, 0.8953052759170532, 0.5722519755363464, 0.1349872350692749, 0.21262505650520325, 0.3934303820133209, 0.15905509889125824, 0.9043563604354858, 0.3885749876499176, -0.4288961589336395, -0.23933079838752747, -0.19519591331481934, 0.06808045506477356, -0.22272738814353943, 0.8705824613571167, -0.8858599662780762, -0.27505606412887573, -0.05286359041929245, 0.2131623923778534, 0.06766197085380554, -0.06832310557365417, 0.26109936833381653, -0.24353180825710297, 0.5128586888313293, -0.5570330619812012, 0.24983662366867065, 0.7765524387359619, -0.49707093834877014, 0.6200301051139832, -0.27940091490745544, -0.0256480872631073, 0.7661334872245789, -0.28438955545425415, -1.3173189163208008, -1.2157803773880005, -0.2389417290687561, -0.6518094539642334, 0.46743083000183105, -0.3404163718223572, 0.5889033675193787, 0.17656219005584717, -0.8609158396720886, -0.4425099194049835, -0.09257756918668747, -0.9555442333221436, 0.23398533463478088, -0.1335161179304123, -1.1309813261032104, -0.4107075035572052, -0.22295860946178436, 1.0204908847808838, -0.3881087005138397, 0.17605464160442352, -0.16948309540748596, 0.2527112364768982, -0.15658347308635712, 0.6714581251144409, 0.6972631216049194, -0.387329638004303, 0.10428519546985626, 3.183394193649292, -0.41121411323547363, 1.4454536437988281, -0.22734060883522034, -0.05109617859125137, 0.24680955708026886, -0.11538394540548325, 1.2466658353805542, 0.15057867765426636, -0.5307584404945374, -0.004523074720054865, 0.2676645815372467, -0.787299394607544, 0.7798847556114197, -0.6096361875534058, -0.5484356880187988, -0.5220311284065247, 0.636797308921814, -0.9208526611328125, -0.8144657015800476, 0.3158467710018158, 0.504084050655365, 0.5577793717384338, 0.9822148680686951, -0.6859906315803528, 0.9801384210586548, 0.3916480839252472, 0.40474164485931396, -1.0212008953094482, 0.5250499844551086, -1.1613621711730957, 0.17621731758117676, 2.041494131088257, -0.2862462103366852, -0.7773140072822571, -0.08226117491722107, 0.6219878196716309, -0.3652758002281189, -0.21187514066696167, -0.053556717932224274, -0.3733517825603485, 0.20130935311317444, 0.7339569926261902, 0.8170554637908936, -0.25794583559036255, -0.41900399327278137, -0.4454882740974426, 0.11158959567546844, -0.3485075831413269, 0.46258363127708435, 0.03720426559448242, 0.4731270670890808, -2.5401055812835693, -0.026550717651844025, 0.2586873173713684, -0.34454572200775146, 0.2924342453479767, -0.2863130569458008, 0.07580793648958206, -0.31690067052841187, 0.40910518169403076, -0.5213877558708191, 0.3010171949863434, -1.205345630645752, 0.41085004806518555, 0.42403286695480347, 0.04714162275195122, 0.3254919648170471, 0.20440036058425903, 1.0675169229507446, 0.5217200517654419, 0.13513144850730896, -1.1505759954452515, -1.9610267877578735, 0.2669142186641693, 2.700336217880249, -0.3379678726196289, -0.3877769410610199, -1.2565759420394897, -0.5296924114227295, -0.0327584408223629, -0.7881332039833069, 0.22790873050689697, -0.7562478184700012, -0.3184815049171448, -0.9735626578330994, 0.4274159371852875, -0.2801688015460968, 0.06443936377763748, -0.179986372590065, 0.6112810969352722, -0.5385528802871704, -0.2343638688325882, -0.23375745117664337, -1.1482908725738525, 0.6457197666168213, 0.6331243515014648, -0.37006551027297974, -0.9627051949501038, 1.1042498350143433, 0.2701558768749237, 0.8205985426902771, 0.07361745089292526, 0.28344300389289856, -0.9320857524871826, -0.10809417068958282, -0.1901548206806183, 1.4006608724594116, -0.40561026334762573, -0.10092448443174362, 0.29521822929382324, 0.22571617364883423, -0.5792001485824585, -0.7072457075119019, 0.32666605710983276, 0.24935823678970337, 0.8153467774391174, 1.1473453044891357, -0.8217538595199585, 1.820327639579773, -0.8372408747673035, 0.20836812257766724, -0.11790207028388977, -1.2894041538238525, -0.04657500609755516, 0.34248173236846924, 0.9252654314041138, -0.27767232060432434, 0.10175909101963043, -0.21134379506111145, -0.7114075422286987, -1.2515056133270264, -0.1333385407924652, -0.6294732689857483, -0.4805382490158081, -0.9510365724563599, -0.06977709382772446, -0.2638798952102661, -1.0646170377731323, -0.9754940867424011, 0.014452800154685974, 0.2456735223531723, 0.15926635265350342, 0.8839343786239624, 2.041079044342041, -0.03741885721683502, 0.3179958462715149, -0.3597804009914398, 0.5195696353912354, -0.2268931269645691, 0.4028140902519226, 0.25604432821273804, -0.2270456850528717, -1.5619808435440063, -0.6255630254745483, -0.2531468868255615, 0.16429287195205688, -0.23049688339233398, -0.2982632517814636, 0.11709432303905487, -0.3795614540576935, -1.1477335691452026, 0.8850855231285095, -0.7291023135185242, 0.17485496401786804, -1.0217711925506592, 1.6744192838668823, 0.079200379550457, -0.02552187070250511, 0.388999342918396, -0.07851734012365341, -0.04925615340471268, 1.7056753635406494, -0.7525660991668701, 0.8226518630981445, 0.45972740650177, -0.34548676013946533, 0.33186814188957214, 0.011318471282720566, -1.9157570600509644, 0.016826970502734184, 0.8637147545814514, -0.29828667640686035, -0.5863485932350159, -0.62766033411026, 0.5116906762123108, -0.2956525385379791, -0.4353918433189392, 0.15385010838508606, -0.9575207233428955, 0.6018090844154358, -0.4976583421230316, 0.4394313097000122, 0.7111949324607849, -1.1705749034881592, 0.3692261278629303, 0.7688977718353271, 0.3876262903213501, -0.29392141103744507, -0.4634302854537964, 0.6663398146629333, -0.5245472192764282, 0.6271710395812988, 0.39447879791259766, 1.0511127710342407, 1.3181034326553345, -0.6800869107246399, -0.1946636289358139, 0.9799366593360901, 1.1440399885177612, 0.3516276478767395, 0.6931224465370178, 0.17629782855510712, 0.6470741629600525, 0.264311820268631, 1.2215230464935303, 0.015880901366472244, -1.1803191900253296, -0.8229853510856628, -0.4253229796886444, -0.49150657653808594, -0.6560483574867249, 1.8090187311172485, 0.6970276832580566, 1.3624075651168823, -0.044639624655246735, 0.4045604467391968, -0.5946779251098633, -0.40510043501853943, 0.6237877011299133, 0.3804374933242798, 0.0829668641090393, -0.3631734848022461, -1.0101289749145508, 1.4887720346450806, 0.2341468781232834, -0.5869720578193665, 0.24597758054733276, 0.49325332045555115, -0.4553764760494232, -0.4684660732746124, -0.3647530674934387, 0.3607316315174103, 0.42294779419898987, 1.5612841844558716, -1.1355414390563965, -0.48590198159217834, -0.19524145126342773, -0.09354454278945923, -0.2135980725288391, 0.39573025703430176, -0.9642770290374756, -0.029022596776485443, 0.5059739947319031, 0.5394932627677917, -0.22823955118656158, 1.0708844661712646, 0.7538017630577087, -0.37355485558509827, -0.8200914859771729, -0.38872310519218445, -0.7250648140907288, -0.24639146029949188, -0.9176822900772095, -0.5933522582054138, -0.6106128692626953, 1.0224915742874146, -0.24916478991508484, -0.6842651963233948, 0.8769373893737793, 0.3959246575832367, -1.7169239521026611, 0.5989968776702881, 1.1177421808242798, -1.869825839996338, -0.7293327450752258, -0.051806800067424774, -0.6341248154640198, -1.0014770030975342, 0.4006727933883667, -0.4409562945365906, -0.23465469479560852, 0.712323009967804, 0.314499169588089, -0.7588381171226501, 0.1827610582113266, -1.5918432474136353, 1.1122454404830933, 1.2985607385635376, -0.9225762486457825, -0.1369549185037613, -0.16555099189281464, 0.7248481512069702, 0.36441415548324585, -1.1021740436553955, -0.40087100863456726, 0.5866708159446716, 0.8216254711151123, -0.28338298201560974, -0.9972383379936218, -0.6118820309638977, 0.05338960886001587, 0.005161847919225693, 1.3140110969543457, -0.7960938215255737, 0.5567092895507812, -0.8463698029518127, 0.9092720150947571, 0.8785722255706787, -0.13941772282123566, -0.7893691658973694, 1.1737265586853027, -0.797771155834198, 0.16343554854393005, -0.4916439652442932, 0.5023890733718872, 0.7461662292480469, 0.5611798167228699, 0.29694831371307373, -0.35984086990356445, -11.349955558776855, 0.23954910039901733, 0.12229304015636444, -0.0608658492565155, 0.9131513833999634, 0.4435587227344513, 0.6912086606025696, 0.39179906249046326, 0.15990330278873444, -0.34234675765037537, 0.6748976707458496, 1.2669655084609985, 0.4701019823551178, -0.6511220932006836, -0.3881501257419586, -1.5630478858947754, -0.6900050640106201, -0.4227501153945923, 0.24134747684001923, -0.25395798683166504, -0.2741454541683197, -1.0071395635604858, 0.1606350690126419, -0.11763417720794678, 0.026266496628522873, -0.07715849578380585, 0.38321104645729065, 0.08430054783821106, -0.3856750726699829, -0.47153759002685547, 0.38473159074783325, -0.37779438495635986, -0.5386126041412354, 0.23707129061222076, 0.3188709616661072, 0.6074855923652649, -0.5057938098907471, -0.018178213387727737, 0.9152547717094421, -0.24092324078083038, -0.34592610597610474, 0.6880901455879211, 0.13456417620182037, 0.24415560066699982, -0.3845016360282898, 0.7006348371505737, 0.21129582822322845, -0.7710887789726257, 1.0413753986358643, -0.8164852261543274, -0.8050809502601624, -1.0740749835968018, -1.4028527736663818, -0.4536895751953125, 0.7589850425720215, 0.058944590389728546, -0.6515095829963684, -0.17208266258239746, -0.38024890422821045, -0.9344788789749146, 1.1623759269714355, 0.2895016074180603, -0.2865716814994812, 0.3694227635860443, 0.37062767148017883, -0.10838949680328369, 0.5421037077903748, 0.2864040732383728, -1.0513238906860352, 0.677760899066925, -0.9334978461265564, 0.16471588611602783, 0.08812560886144638, -0.04527939856052399, 0.06731094419956207, 0.04924379289150238, -0.31594130396842957, -0.29596200585365295, 0.7089279294013977, 0.43004077672958374, -1.3746159076690674, 0.08071625232696533, -0.07303894311189651, -0.43982234597206116, -0.22148805856704712, 0.11538192629814148, -0.7156834602355957, 0.28150951862335205, 0.6908177137374878, 0.23211389780044556, 1.1988593339920044, -0.029271109029650688, -0.05599328875541687, -0.6826871037483215, -0.4301435947418213, 1.0108418464660645, -1.3194072246551514, 0.6321130990982056, 0.02007802575826645, -1.400294303894043, 0.5140411257743835, -0.07948795706033707, -0.8456302881240845, -0.5387294888496399, 1.3807142972946167, 0.36396050453186035, 0.14261746406555176, 0.2743540108203888, 0.03884781897068024, -0.08950462937355042, 0.9463993906974792, 0.26422974467277527, -0.0751865953207016, 1.2963216304779053, -0.007117137312889099, 1.1718641519546509, 1.2177834510803223, 0.06477563083171844, 1.2137024402618408, 0.936278760433197, -0.5672972202301025, 0.46110063791275024, 0.42217200994491577, 1.116768479347229, -0.6017212271690369, 0.6606414318084717, 0.2661152780056, 0.7299602627754211, -0.5552951693534851, -0.5260579586029053, -0.16389450430870056, -0.01172567903995514, 0.17824271321296692, -0.8703150749206543, -0.5196208953857422, -0.6732543706893921, -0.04174402728676796, 1.4675710201263428, -0.4625139832496643, -0.035658128559589386, 0.04147326201200485, -1.0481246709823608, -0.4063163697719574, -0.024643991142511368, -0.4995439052581787, 0.4348137080669403, -1.1230154037475586, -0.12425705790519714, 0.013810321688652039, -0.8239352703094482, 0.4024435579776764, -0.42014405131340027, 0.9465837478637695, -0.6085160970687866, -0.4592951238155365, -0.5292920470237732, 0.5443452000617981, -0.2663234770298004, -0.9769391417503357, -0.5835845470428467, -0.19318494200706482, 1.2942934036254883, -1.1111795902252197, 0.9882552623748779, 0.6457483768463135, 0.5816820859909058, -0.610832691192627, -0.38577330112457275, -0.47800588607788086, 0.44654133915901184, 0.9467108249664307, -0.8849183917045593, -0.3236487805843353, -0.24714899063110352, -0.1773557811975479, -0.20100100338459015, 1.1904284954071045, 1.1960151195526123, -0.9803328514099121, 1.0313385725021362, -0.061911679804325104, 0.33326756954193115, 0.02721528895199299, -0.3540230691432953, -1.1211600303649902, 0.4000939428806305, -0.5027425289154053, 0.9223323464393616, -0.41378483176231384, 0.811861515045166, -1.8353197574615479, -0.9847555160522461, -0.021146904677152634, -0.26442280411720276, 1.0823485851287842, -0.06540064513683319, 1.3543022871017456, -0.1219993308186531, 0.09800298511981964, 0.48415839672088623, -0.2990837097167969, 0.7342851161956787, 0.09122109413146973, 0.7414915561676025, -0.245070680975914, 0.23755747079849243, -1.226951241493225, 0.03050415590405464, 0.3676534593105316, 0.34706932306289673, -1.4978293180465698, -0.5293663740158081, 0.120242178440094, -0.20770049095153809, -0.716299295425415, -0.8435293436050415, 0.5389601588249207, -0.3670414686203003, -0.27416813373565674, -1.288552165031433, -0.10909091681241989, 0.8818898797035217, -0.6975288391113281, 1.099338412284851, 0.5435424447059631, 0.5974014401435852, 0.4423121213912964, 0.7031625509262085, 0.6565712094306946, -0.18381547927856445, -1.3125265836715698, 0.40454477071762085, 0.3734517991542816, -0.13491222262382507, 0.33229681849479675, 0.29525789618492126, -0.8602400422096252, -0.1931198537349701, -1.264543890953064, 0.7579807043075562, 0.013614024966955185, 0.6198796629905701, 0.23978783190250397, 1.2716588973999023, -0.365556001663208, -1.0891263484954834, -0.05591162294149399, -0.48181307315826416, 0.33336150646209717, 1.0717225074768066, 0.7210567593574524, 0.7354429960250854, 0.8049683570861816, 0.0999278873205185, 0.6889806389808655, -0.3438941538333893, 0.3710598349571228, 0.2759161591529846, 0.07730879634618759, 0.9326196312904358, 0.18031078577041626, -0.11332758516073227, -0.088825523853302, -0.10147196799516678, -0.8312015533447266, -0.6776607632637024, -0.34719419479370117, 0.6708338856697083, 1.1228920221328735, 0.19333358108997345, 0.23772571980953217, -0.8317535519599915, -0.12726569175720215, -1.3996378183364868, 0.864128828048706, 0.6749764084815979, -0.6863986253738403, -1.1040644645690918, -0.9447590112686157, 0.6741037964820862, 0.6237263679504395, -0.5343876481056213, 0.1323041021823883, -0.676495373249054, 0.39133185148239136, 0.10777810961008072, -0.03947606682777405, -1.1153793334960938, 0.24878229200839996, -0.17510516941547394, -0.08199794590473175, 0.05500388145446777, -0.4601476192474365, -0.3323090672492981, 0.21521441638469696, -0.6625219583511353, 0.4720762372016907, -0.20302358269691467, -0.6990305781364441, 0.12086127698421478, 0.3184394836425781, 0.30488061904907227, -0.24646690487861633, 0.31865227222442627, -0.80362468957901, -1.5267491340637207, 0.8786278367042542, 1.0357850790023804, -0.4008784294128418, -0.4544559121131897, 0.41544756293296814, 0.24187134206295013, 0.7552156448364258, 1.1161900758743286]} +{"paper_id": "lewtun/autoevaluate__emotion", "embedding": [-0.350880891084671, 1.3886830806732178, 0.7785035371780396, -0.012201935052871704, 0.890025794506073, -0.5016456842422485, 0.9003176689147949, 0.20899170637130737, -0.008317741565406322, 0.4048703908920288, -0.09571108222007751, -0.5680779814720154, -0.30390745401382446, -0.13560037314891815, 0.2058410942554474, 0.0166571494191885, -0.648484468460083, 0.011872991919517517, -0.280300110578537, 0.12364319711923599, 0.1718178540468216, -0.8700503706932068, 0.4661028981208801, 0.9263944625854492, -1.1422940492630005, -0.4381294846534729, -0.2607811391353607, -0.644274115562439, 0.05972493439912796, 0.7345183491706848, 0.6000314354896545, 1.0969219207763672, -0.44866856932640076, -0.043461382389068604, -0.631354033946991, -0.6013869047164917, 0.5174862146377563, 0.5946788787841797, -0.4310283064842224, -0.29431062936782837, -0.37065377831459045, 0.770498514175415, 0.23216450214385986, 0.1470012068748474, -0.014253323897719383, 0.818627655506134, -0.5449872016906738, 0.12496192753314972, 0.48920387029647827, -0.546998918056488, -0.05368439853191376, 0.5150057077407837, -0.6323939561843872, 0.08086735010147095, -0.39599889516830444, 1.1253764629364014, 0.18308749794960022, -0.7845573425292969, -1.1578329801559448, -0.9209094047546387, 0.5724684000015259, 1.3968926668167114, -0.1062907874584198, 0.030316710472106934, 1.4183999300003052, 0.14784486591815948, 0.6219652891159058, 0.07483911514282227, 0.4085274040699005, 0.730824887752533, -0.32942911982536316, -1.1951044797897339, 0.8599233627319336, -0.10491413623094559, 0.40935519337654114, 0.7779498100280762, 0.5109538435935974, -0.16568733751773834, -0.7401996850967407, 1.0254690647125244, -0.46546974778175354, 0.19432558119297028, 0.1144496276974678, -1.134376049041748, 0.1837647408246994, 0.3291015923023224, 0.6588839292526245, 1.106866717338562, 0.16401244699954987, -0.9952812194824219, -0.36355990171432495, 0.1816565841436386, 0.5757558345794678, 0.6800745725631714, -0.8126279711723328, -0.2940479516983032, 0.27222418785095215, 0.20967411994934082, -0.9555299282073975, 0.4920639097690582, -0.10304553061723709, -0.27713093161582947, 0.5283355116844177, -0.9853728413581848, -0.10357120633125305, 0.6867168545722961, 0.041506677865982056, -0.09995142370462418, 1.0705852508544922, -0.19523561000823975, -0.1076190173625946, 1.0371595621109009, 0.08120986819267273, 0.1677212417125702, -0.31325316429138184, -0.6002781987190247, 0.7213976383209229, 0.13578487932682037, -0.3689344823360443, 0.42080938816070557, -0.4292714297771454, -0.9808955788612366, 0.23229360580444336, 0.07804957032203674, 1.5810848474502563, 0.09805962443351746, 0.9509559869766235, 0.27655503153800964, -0.13092871010303497, -1.302590250968933, -0.7760000228881836, 0.20015569031238556, 0.3163224756717682, 0.26211002469062805, 2.7022669315338135, -1.2272661924362183, 0.7678493857383728, -1.297066569328308, -0.08020773530006409, 0.35714471340179443, -0.10641546547412872, 0.6375424861907959, 0.011933363974094391, -0.1358739286661148, -0.35087350010871887, 0.35886910557746887, 0.2661370635032654, 0.4151368737220764, -0.44398340582847595, -1.2410839796066284, 0.26954156160354614, 0.06996943056583405, -0.86238032579422, -0.32658857107162476, -0.09834256768226624, 0.2354813814163208, 0.29819053411483765, 0.28311407566070557, -0.9077876806259155, 0.275477796792984, 0.5001159310340881, 0.7195624113082886, -0.7564007639884949, 0.4185226559638977, -0.6504672169685364, -0.5883217453956604, 0.7664913535118103, 0.16075363755226135, -0.9020998477935791, -0.7524471879005432, 0.40655556321144104, 0.43458184599876404, 0.8775179386138916, -0.8856288194656372, -0.16326943039894104, -0.07134126126766205, 1.3937363624572754, 0.7664872407913208, 0.048931412398815155, -0.6908695101737976, -0.6781191229820251, -0.07499504089355469, 0.05576629191637039, -0.08658375591039658, 0.12255092710256577, 0.151535302400589, -1.3471851348876953, -0.46074724197387695, -0.6096715927124023, -0.2078983187675476, 0.33528345823287964, -0.9742055535316467, 0.3748832643032074, -0.276338666677475, -0.20075100660324097, 1.0222282409667969, -0.2507752478122711, -0.7864617109298706, -0.35245949029922485, 0.8885849118232727, -0.5872382521629333, 0.7572970986366272, -0.12664541602134705, 1.1497423648834229, 0.12788783013820648, 0.13002267479896545, -0.5241358876228333, -1.4957433938980103, 0.2479913830757141, 1.6820155382156372, -0.436862051486969, 0.0762668326497078, -1.461866855621338, 0.32148200273513794, 0.8606839776039124, -0.01327349804341793, 0.4633602797985077, -0.33594709634780884, 0.6747362613677979, -0.9768543243408203, 0.5282605886459351, -0.11673763394355774, 0.10413206368684769, -0.004334110766649246, 0.6731461882591248, -0.6886056661605835, -0.605722188949585, -0.681414008140564, -1.0892012119293213, 0.6621664762496948, 0.33448612689971924, 0.19090695679187775, 0.293602854013443, 0.37233370542526245, 0.7609264254570007, 0.391773521900177, 0.6912536025047302, 0.4347255527973175, 0.1282910704612732, -0.044219180941581726, 0.4051661193370819, 0.3662165403366089, 0.08206446468830109, -0.028458766639232635, -0.20726831257343292, 0.4812127351760864, 0.25233811140060425, -0.6441879868507385, 0.053896620869636536, 0.2548246383666992, 1.4088683128356934, 0.8856430649757385, 0.22267189621925354, 0.9341307282447815, -0.7892069816589355, -0.18089559674263, -0.776922345161438, -0.6201000809669495, -0.042067673057317734, -0.5486653447151184, 0.5153112411499023, -0.5102742910385132, -0.8840653896331787, 0.606760561466217, -0.6507483124732971, -0.656941294670105, -1.148512601852417, -0.17687316238880157, -0.291883647441864, -0.523004412651062, -0.0833113044500351, 0.4886883497238159, -0.40927284955978394, -1.0843513011932373, 0.23108211159706116, 0.5286512970924377, -1.0001871585845947, 0.17343007028102875, 1.8124969005584717, -0.43868088722229004, 0.3378497064113617, -0.9025478363037109, 0.8619694113731384, -0.2835729122161865, 0.7485429644584656, -1.8074676990509033, -0.4632672965526581, -0.5888374447822571, 0.34397608041763306, -1.0258762836456299, 0.08152758330106735, 0.4056035876274109, -0.5097906589508057, 0.5732042789459229, 0.30209383368492126, -1.0216373205184937, 1.0425763130187988, -0.6329102516174316, -0.7546063661575317, -0.31352728605270386, 1.0277254581451416, 0.268940806388855, -0.7020911574363708, 0.8692959547042847, -0.7765040397644043, 0.1478089839220047, 1.250521183013916, -0.31801480054855347, 1.8058297634124756, 0.113353431224823, 0.28447145223617554, -0.0544426254928112, -0.17965400218963623, -2.0039618015289307, -0.7272602915763855, 1.1700972318649292, -0.5064346790313721, -0.10310962796211243, -0.940034806728363, -0.2816293239593506, -0.46586883068084717, 0.821716845035553, 0.34304696321487427, -0.08066482096910477, 1.1185721158981323, -0.5066199898719788, -0.02615981176495552, 0.9648162126541138, -0.6667351722717285, -0.6292010545730591, 0.5078712701797485, 0.626556396484375, -1.1634342670440674, -0.3508185148239136, 0.5067993998527527, -0.2329692840576172, 0.6067862510681152, 0.541899561882019, 0.7649542093276978, -0.09464296698570251, -0.2296108901500702, -0.2995394766330719, 1.4647401571273804, -0.01974620297551155, 1.4884637594223022, 0.5808118581771851, -0.0667480006814003, 1.1633665561676025, -1.1699587106704712, 0.794586181640625, 0.8341946005821228, -0.32720160484313965, -0.1944156289100647, -0.4458678364753723, -1.2867323160171509, -0.35098403692245483, 1.102077841758728, 1.2597317695617676, 1.9093856811523438, -0.33024659752845764, -0.34487012028694153, -0.47103404998779297, -0.24507835507392883, 0.6603764295578003, 1.2397994995117188, 0.3081153631210327, 0.7046209573745728, 0.5872256755828857, -0.016854261979460716, -0.2676713168621063, 0.04308823496103287, -0.4990312457084656, 1.1048636436462402, -0.2843203544616699, 0.20598261058330536, 0.296684592962265, 0.6469249725341797, 0.29281821846961975, 1.532080054283142, -0.4747050404548645, -0.051570288836956024, -1.3171058893203735, -0.20430871844291687, 1.1945257186889648, -1.1944327354431152, -0.6787207126617432, 0.17914211750030518, 0.36377620697021484, 0.8807414174079895, 0.12242931127548218, 0.7703282237052917, 0.05349578335881233, 0.717778742313385, -1.375596046447754, -0.6654834747314453, -0.6466495394706726, -0.21089263260364532, -0.15842419862747192, 0.26686587929725647, -0.21702203154563904, 0.3634011149406433, -0.3829418420791626, -1.3661344051361084, 0.8141521215438843, -0.21281912922859192, -0.029842734336853027, 0.4470040798187256, 0.18200863897800446, 0.18952175974845886, -1.0860588550567627, 0.15067563951015472, -0.8750106692314148, -1.4484248161315918, -0.13117623329162598, -0.47398123145103455, 0.4956934154033661, -0.02524910494685173, 0.34567680954933167, -0.3537832498550415, 0.4466792345046997, -0.7208497524261475, 1.0997694730758667, 0.15004660189151764, -0.7426221966743469, 0.675848126411438, 0.7491496801376343, -0.7382906675338745, 0.5128780603408813, -0.5688340663909912, -0.2849127948284149, 0.6202720403671265, -0.32433852553367615, -0.5351136922836304, -0.45086830854415894, 0.3045347332954407, -0.10058873146772385, 0.04694606736302376, 0.12174659222364426, -0.9869849681854248, 0.5380529761314392, -0.3137305676937103, 0.03586699068546295, 0.67591392993927, 0.05438493192195892, -0.17460297048091888, 1.375878095626831, 0.005925118923187256, 0.6361570358276367, -0.169585183262825, 0.7195611000061035, 1.6893752813339233, 0.6483972072601318, 0.32696014642715454, 0.06400664895772934, -11.447674751281738, 1.317386269569397, -0.5209986567497253, 0.42503857612609863, 1.351174235343933, 0.2786533534526825, -0.021437712013721466, -0.29951220750808716, 1.206804871559143, -1.0205435752868652, 0.049382034689188004, 0.8841758966445923, 0.3268844783306122, -0.21885676681995392, -0.6465821862220764, -1.3992087841033936, -0.9344402551651001, -0.6369024515151978, -0.49121344089508057, 0.6874685883522034, 0.6768389940261841, -1.2343740463256836, -0.31816786527633667, -0.6753047704696655, 0.39051753282546997, -0.7439796924591064, -0.3765532374382019, -0.25305381417274475, -0.6642268300056458, 0.4991709291934967, 1.3481526374816895, -0.6832770705223083, 0.026445120573043823, -0.07518023997545242, 0.5769861936569214, 0.4320332705974579, -0.9096665978431702, 0.004749092273414135, 0.5540027618408203, 0.7554796934127808, -0.11205308139324188, 0.7051111459732056, 0.3596484959125519, -0.002821214497089386, -0.08406191319227219, 0.39720863103866577, 0.17113514244556427, 0.20820337533950806, 0.25340715050697327, -0.2715055048465729, -0.15292152762413025, -0.32266315817832947, -0.9280070066452026, -0.7539218068122864, 0.8876739144325256, 0.8259692192077637, 0.25015273690223694, 0.002606082707643509, -0.6427618861198425, -1.7579830884933472, 0.5615212917327881, 0.5278753042221069, -0.7020267844200134, 1.2553037405014038, 0.8960562348365784, -1.242708444595337, 0.34237441420555115, -0.005748746916651726, 0.17075493931770325, 0.7392796277999878, -1.1173772811889648, 1.0252617597579956, -0.4593808948993683, -0.02116234600543976, 0.35969406366348267, 0.17734795808792114, -0.0971980169415474, 0.6134225726127625, 0.74771648645401, -0.849191427230835, -0.3337099254131317, 0.3481186330318451, -0.20732001960277557, -1.0941038131713867, 0.04180477187037468, 0.8607274889945984, 0.3339535593986511, -0.19564753770828247, 0.13834363222122192, -0.20145228505134583, 0.1566542536020279, -0.35420361161231995, -0.17088133096694946, -0.1362578272819519, 0.20979076623916626, 0.8070963025093079, -0.5073197484016418, 1.189897060394287, 0.21306124329566956, -0.2503388226032257, -0.42080962657928467, -0.8140255808830261, -0.5275528430938721, -0.8271359205245972, 0.5033829808235168, -0.49928680062294006, 0.3043558597564697, -0.21667397022247314, 0.13113613426685333, -0.4609869122505188, -0.4021545350551605, 0.19545742869377136, 0.1435827910900116, 0.799972414970398, -0.24895955622196198, -0.01163346879184246, 0.8726538419723511, -0.1380162090063095, 0.501504123210907, 0.8779069185256958, 0.25615394115448, -0.09976725280284882, -0.5807465314865112, 0.40853798389434814, 0.18098074197769165, 0.6818335652351379, 0.7708380222320557, 0.129119411110878, -0.030926350504159927, -2.2779393196105957, 0.3846818506717682, -0.13521340489387512, -0.17798879742622375, -0.4017505943775177, 0.04104246571660042, 0.24842634797096252, -0.5062631368637085, 1.3806705474853516, 0.23375742137432098, 0.2624761462211609, -0.013229496777057648, -0.3558892011642456, -0.9244796633720398, -0.6399915218353271, -0.9488891363143921, -0.19698452949523926, -1.9275295734405518, -0.3042902946472168, 0.1785273551940918, -0.9589464068412781, 0.15415185689926147, 0.04404275119304657, 0.47983628511428833, -0.4210857152938843, -0.020762111991643906, 0.022645968943834305, 0.04219811037182808, 0.23294660449028015, -1.3958982229232788, 0.3946051597595215, 1.0127424001693726, 0.6755392551422119, -1.8664183616638184, 0.7206578254699707, -0.4350506067276001, 0.06330890953540802, -1.0316998958587646, -0.21401773393154144, -0.14439567923545837, -0.09425593912601471, 1.6224397420883179, -0.4980239272117615, -0.48332273960113525, -0.4076603353023529, 0.6180585622787476, -1.855302333831787, 0.05211973190307617, 0.27968746423721313, -0.8391609191894531, -0.20812572538852692, -1.4739279747009277, -0.07963637262582779, 0.5267997980117798, -0.6636219620704651, -0.7142421007156372, -0.906682014465332, -0.2904805839061737, 0.6576703190803528, -0.9667531251907349, -0.2697964310646057, -0.5310348272323608, -1.2916545867919922, -1.089938998222351, 0.2297523319721222, 0.8119180202484131, 0.07058350741863251, 0.30344241857528687, 1.3249585628509521, -0.7149178981781006, -0.10369199514389038, 0.2290191948413849, 0.3980112373828888, -0.2591671943664551, 0.1679743379354477, -0.003737466409802437, -0.13735002279281616, -1.176388144493103, -0.946497917175293, 0.18170471489429474, 0.1802130788564682, -1.3267650604248047, -0.6642724275588989, -0.4382858872413635, -0.7087162137031555, 0.9764623641967773, -0.48447513580322266, 0.5815113186836243, 0.19625015556812286, 0.17126785218715668, -0.26766782999038696, -0.4021758437156677, 0.627966046333313, -0.6548407673835754, 1.2663284540176392, 0.8553792238235474, 0.5859966278076172, -0.36073434352874756, 0.22518813610076904, 2.28857684135437, -0.2027231603860855, -1.0004730224609375, -0.011912491172552109, -0.06350044906139374, 0.23873990774154663, -0.9829819798469543, 0.0011929955799132586, -0.16291506588459015, 0.4302409291267395, -1.7160533666610718, 0.1021888330578804, -0.3056078553199768, -0.03600370138883591, 1.1218953132629395, 1.2658469676971436, 0.5089712142944336, -0.9489653706550598, -1.5115782022476196, -0.11737904697656631, -0.057055823504924774, -0.0791807621717453, 0.09813172370195389, 1.1573923826217651, 0.8383048176765442, -0.22698672115802765, 0.6937952041625977, 0.14220187067985535, -0.03323628753423691, 0.7584086060523987, 0.6565590500831604, 1.516025185585022, 0.3010818362236023, 0.265480637550354, 0.047139450907707214, -0.46011361479759216, -0.5118380188941956, 0.0548882894217968, -1.1335155963897705, 0.423322856426239, -0.19995883107185364, -0.03815491497516632, -0.06728571653366089, 0.2887081503868103, -0.2811792492866516, 0.0400209054350853, -0.2989692687988281, 0.43585604429244995, 0.1941496878862381, -0.615398108959198, -0.5564678907394409, -0.3569917678833008, 0.8374800086021423, 0.29875385761260986, -1.2889326810836792, -0.9503185153007507, -0.2854870855808258, -0.22307978570461273, -0.3460468649864197, 0.1679709553718567, -0.32478997111320496, -0.008552046492695808, 0.6716971397399902, -0.1085834950208664, -0.6984502673149109, -0.866284191608429, -0.3506298065185547, -0.7444756031036377, 1.0056345462799072, -0.01772351935505867, -0.7334794402122498, -0.5246083736419678, 0.464313268661499, 0.49974390864372253, -1.869956135749817, 0.8194130063056946, 0.7796670794487, -1.5090004205703735, 1.6027512550354004, 0.7756323218345642, -0.005181442946195602, -0.6244121193885803, 0.08554643392562866, 0.8606561422348022, 1.0157324075698853, 1.119251012802124]} +{"paper_id": "mwong/fever-evidence-related", "embedding": [-0.3430204391479492, 0.9516441822052002, -0.3379116654396057, 0.13013318181037903, 0.26385796070098877, -0.32249653339385986, 0.5204064846038818, 0.4731927514076233, 0.4454202950000763, 1.038928747177124, 0.7346715927124023, 0.5298766493797302, -0.15396523475646973, 0.19038595259189606, 0.09279610216617584, -0.20495063066482544, -0.7071866989135742, -0.14934538304805756, -0.20018284022808075, -0.4791923761367798, -0.6152858734130859, -0.6771492958068848, 0.08602429926395416, -0.2607041597366333, -1.2907527685165405, -0.4879857897758484, 0.4108436703681946, -0.7387994527816772, -0.0856221541762352, 0.13008061051368713, -0.5641570687294006, 1.3445996046066284, -2.0459110736846924, 0.47423872351646423, -0.3538043200969696, -0.09292362630367279, -0.05025531351566315, 0.9768860936164856, 0.0166037455201149, -0.06422288715839386, -0.864337146282196, 0.07934323698282242, 0.8651975393295288, 0.18918196856975555, 0.44802144169807434, -0.5632014870643616, 0.7091587781906128, -0.11045175790786743, 0.0022162646055221558, 0.054653946310281754, -0.2742340564727783, 0.5148568749427795, -0.30105167627334595, 0.7633581161499023, 0.03134313225746155, 0.8586595058441162, 0.16103649139404297, -0.5737291574478149, 1.0479305982589722, -0.5358905792236328, 1.7191040515899658, 1.5914543867111206, -0.8927192687988281, 0.22415152192115784, 0.3593355417251587, -0.25839507579803467, 1.3240479230880737, 0.05423559248447418, 0.13943816721439362, 0.7772712707519531, -0.4784139394760132, -1.4935225248336792, 0.10510186851024628, -0.22135892510414124, -0.026200905442237854, 0.6209765672683716, 0.6210160255432129, 0.09162518382072449, 0.26198312640190125, -0.1529434621334076, 0.3697946071624756, 0.7911064028739929, 0.5149131417274475, -0.49101877212524414, -0.07344351708889008, 0.13449376821517944, 0.13749361038208008, -0.7759754061698914, 0.6109694838523865, -0.7666863799095154, 1.1771063804626465, 0.3294615149497986, -0.28436967730522156, 0.2672079801559448, 0.0667758360505104, 0.8714085221290588, -0.5822672843933105, -0.11774536967277527, -0.36016231775283813, 0.018531814217567444, 0.5902643799781799, -0.4449590742588043, 0.26697424054145813, -0.11398857086896896, 0.31571558117866516, 1.1042110919952393, -0.5907736420631409, -0.18291175365447998, -0.8549696207046509, 0.037720344960689545, -0.25434184074401855, 1.0144624710083008, -0.34346580505371094, 0.6046179533004761, 0.10635175555944443, 0.10707580298185349, 0.4966020882129669, -0.9714668989181519, -0.2865557372570038, 0.2002154141664505, -0.2676410973072052, -0.8788322806358337, -0.3699074387550354, 0.5371319651603699, 0.8975891470909119, -0.4386419355869293, -0.013481643050909042, 0.1661398708820343, -0.3310045301914215, 0.07847205549478531, 0.4990119934082031, -0.12981393933296204, -0.8864331841468811, 0.2803206145763397, 2.7618486881256104, -1.22544264793396, 1.315200686454773, -0.03205791115760803, -0.037062376737594604, 0.39865100383758545, -0.20314723253250122, 1.1848220825195312, 1.1033287048339844, -1.0434643030166626, -0.6695144772529602, 0.7294701337814331, -0.3016338646411896, 0.5248299837112427, -1.0659396648406982, 0.010380672290921211, -0.5091889500617981, 0.476439893245697, -1.5846198797225952, 0.20886555314064026, 0.45216289162635803, 0.074402816593647, -0.19507543742656708, 0.11027505993843079, -0.5704959630966187, 0.7002264857292175, 0.45175400376319885, 0.496030330657959, -0.8566402792930603, 0.4020029306411743, -0.5284976363182068, 0.13335619866847992, 1.4562393426895142, -0.6530792713165283, -1.3321385383605957, 0.6471225619316101, 0.9603182077407837, -1.2153770923614502, -0.6294165849685669, -0.783027172088623, -0.02976934239268303, -0.05364306643605232, 0.47100239992141724, 0.4906737506389618, 0.2826349139213562, -0.42282572388648987, -0.39660534262657166, 0.013667944818735123, -0.03845980763435364, 0.6846497654914856, -0.9635104537010193, -0.20469710230827332, -2.040466785430908, 0.18135640025138855, 0.11628158390522003, 0.7746262550354004, 0.3623884618282318, 0.41067761182785034, 0.47376549243927, 1.0949970483779907, -0.004902340471744537, -0.736514687538147, -0.019356198608875275, -1.3548094034194946, 0.464408814907074, -0.5214435458183289, 0.010431181639432907, -0.6271551251411438, -0.5870392918586731, 0.08922601491212845, 1.2134190797805786, -0.7600145936012268, -0.6229189038276672, -2.3161277770996094, 0.35727813839912415, 2.1909842491149902, -0.5330219268798828, -0.32457226514816284, -1.4093847274780273, -0.09072509407997131, 0.46424949169158936, -0.48486700654029846, 0.2381311058998108, -1.0284807682037354, 0.07939283549785614, -0.8933584690093994, 0.7458348870277405, -0.10398100316524506, 0.19656533002853394, 0.3856915831565857, 0.715000569820404, -0.8626247644424438, 0.0835103988647461, -0.59050053358078, -0.8918150067329407, 0.5669916868209839, 1.02350914478302, -0.20280063152313232, 0.030791234225034714, 0.9581083059310913, 0.6509391665458679, 1.2963166236877441, -0.06241215020418167, 0.19742770493030548, -1.6107027530670166, 0.1396377980709076, -0.04596417397260666, 0.8208326101303101, 0.3701850175857544, -0.24069644510746002, 0.8767345547676086, 0.6180248260498047, -0.2631506323814392, -0.2756767272949219, -0.5676302909851074, -0.22927707433700562, 0.8400073051452637, 0.5972845554351807, -1.2974687814712524, 0.8976376056671143, -0.8601104617118835, 0.22583737969398499, -0.2869730293750763, -0.6068542003631592, -0.2906174659729004, 0.3496575951576233, 0.8875687122344971, 0.4745439887046814, 0.015705227851867676, -0.1406545788049698, -0.42732998728752136, -1.4861897230148315, 0.2996909022331238, -0.45855310559272766, -0.5025423169136047, -1.1782231330871582, 0.13151024281978607, -0.3806898593902588, -1.0118659734725952, -0.7486984729766846, 0.2080392688512802, 0.2995447814464569, -0.18304888904094696, 0.42272230982780457, 0.8303290009498596, 0.4566218852996826, -0.2388182282447815, -0.2167089730501175, 1.1960793733596802, 0.17845973372459412, 0.807732105255127, -0.2891586124897003, 0.13677679002285004, -0.796113133430481, 0.21347588300704956, -0.5237782597541809, 0.3380470275878906, 0.20873966813087463, -0.7133727073669434, 0.5568822026252747, 0.1045188307762146, -0.7026106715202332, 0.9882009029388428, 0.13108357787132263, -0.4290033280849457, -1.1178016662597656, 1.333200216293335, 0.009180082008242607, -0.44464507699012756, 0.6867378950119019, -0.10904137045145035, -0.9694081544876099, 1.4450446367263794, -0.43255504965782166, 0.22447873651981354, -0.03996582329273224, 0.3003857433795929, 0.290785551071167, 0.056677497923374176, -1.553297758102417, 0.28024494647979736, 1.307164192199707, -0.5261247754096985, -0.45944133400917053, -0.577376663684845, 0.4946932792663574, -0.3272130489349365, -0.30457261204719543, 0.23905134201049805, -0.42257946729660034, -0.07180449366569519, -0.4800845682621002, 0.4408722519874573, 1.1121269464492798, -1.180440068244934, 0.4213707447052002, 0.006651886273175478, 0.4487273097038269, -0.9944416880607605, -0.4086018204689026, 1.2391918897628784, -0.22007572650909424, 0.9783377647399902, -0.41291093826293945, 0.7274603247642517, 0.9090871810913086, -0.6614236831665039, -0.4756716191768646, 0.8044648766517639, 0.2822701334953308, 0.2766851484775543, 0.379268079996109, -0.48328495025634766, 0.8748831748962402, -0.559580385684967, 1.0771502256393433, 0.3011395037174225, -0.5254805684089661, -1.333150863647461, -0.7772992849349976, -0.179275244474411, -0.5492194294929504, 1.6992905139923096, 0.8139857649803162, 1.8026798963546753, 0.17020058631896973, 0.4294244647026062, -0.7028993964195251, 0.1653645783662796, 0.2855682075023651, 0.22319579124450684, 0.5135019421577454, -0.744783878326416, 0.41529688239097595, 1.2792493104934692, 0.15487989783287048, -0.1827729195356369, -0.1666664183139801, 0.40884849429130554, 0.16735735535621643, -0.5552537441253662, 0.5277272462844849, -0.18234854936599731, 0.23961526155471802, 1.0574052333831787, -0.37242433428764343, -0.6122170090675354, -0.4968768060207367, 0.2582237720489502, 0.48648661375045776, 0.25203651189804077, -0.8716893196105957, 0.1380898654460907, -0.13635645806789398, 0.5819509029388428, -0.44111907482147217, 0.5983642339706421, 1.8547838926315308, -0.0016262531280517578, -1.7512038946151733, -0.2513633668422699, -0.7311549186706543, 0.4418855309486389, 0.0046387650072574615, -0.2698812782764435, -0.06564721465110779, 0.4951362609863281, -0.06981275230646133, -1.1229554414749146, 1.1780203580856323, -0.48038366436958313, -1.2863359451293945, 1.2625069618225098, 1.1399898529052734, -1.5741207599639893, -0.9269696474075317, 0.4773511290550232, -0.07998809963464737, -0.7529556751251221, -0.1432659924030304, -0.736047089099884, 1.0421313047409058, 0.701489269733429, 0.5642845630645752, -0.1460103541612625, 0.40192466974258423, -0.8722637891769409, 1.1048213243484497, 0.7525535225868225, -0.5568991899490356, 0.7362788915634155, 0.3421381711959839, 0.1112702339887619, 0.350024938583374, -1.1128207445144653, -0.4161911904811859, 0.7667099833488464, -0.11727472394704819, 0.14142297208309174, -0.7748526334762573, -1.0890876054763794, 1.2225226163864136, 0.4304826855659485, 0.3094392418861389, -1.0383920669555664, 0.5722733736038208, -1.039353370666504, 0.3135066330432892, 0.5985196828842163, -0.7919638752937317, -0.6801503300666809, 0.8304650783538818, -0.2961306571960449, 0.7065757513046265, 0.28155210614204407, -0.0089784637093544, 1.1256036758422852, 0.11861882358789444, 0.12863361835479736, -0.22682330012321472, -11.58184814453125, 0.840855062007904, -0.04437795281410217, 0.7284092307090759, 0.25943198800086975, -0.3721531629562378, 0.606182873249054, 0.2560083270072937, 0.8168900012969971, -0.5598533749580383, 0.42895397543907166, 1.883808970451355, -0.24302953481674194, -0.4289728105068207, -0.7789425253868103, -1.2045601606369019, -0.7280491590499878, -0.4464898705482483, 0.11976523697376251, 0.008389420807361603, 0.6813926100730896, -1.7417597770690918, 0.3465026617050171, -0.07428006827831268, 0.9572356343269348, -0.3280039131641388, 0.06861752271652222, -0.4702417850494385, -0.1411954164505005, 0.209621399641037, 0.7735052704811096, -0.05159354209899902, 0.012872502207756042, -0.014562341384589672, -0.10005530714988708, -0.23464109003543854, -0.5452346801757812, -0.27762243151664734, 0.7540604472160339, -0.6405806541442871, 0.09831176698207855, 0.34850749373435974, -0.05461128056049347, -0.5900409817695618, -0.24019543826580048, 0.4100673794746399, -0.0002874191850423813, -0.39345335960388184, -0.058363378047943115, 0.02290291339159012, -0.0066895633935928345, -0.8045024871826172, -0.46555936336517334, -0.617595911026001, 0.47048479318618774, -0.5344668030738831, -0.7498350143432617, -0.49180203676223755, -1.1717307567596436, -1.693583607673645, 0.8494581580162048, 0.03978598862886429, -0.14643150568008423, 0.095365509390831, 0.41200608015060425, -0.20610885322093964, 0.617125928401947, -0.04459007456898689, -0.334124892950058, 0.03816505894064903, -0.6391385793685913, 1.0823160409927368, 0.47882094979286194, -0.06094995141029358, -0.7072411179542542, -0.12886804342269897, -0.7092064023017883, -0.0630306527018547, 0.25439247488975525, -0.11439713835716248, -1.369225263595581, 0.5618230104446411, 0.3295847475528717, -0.3317735493183136, -1.0574672222137451, -0.5031740069389343, -0.23160716891288757, -0.6872736811637878, 0.06234551966190338, 0.15726780891418457, 0.874403715133667, 0.6100594997406006, -0.4948580861091614, -0.3341270983219147, -0.6450384855270386, 0.4734649956226349, -0.8757171630859375, 0.8659616708755493, -0.20965568721294403, -0.6659062504768372, 0.3036237359046936, -0.2862793505191803, -1.0135629177093506, 0.0035826638340950012, 0.6584867238998413, 0.282906711101532, 0.07373306155204773, -0.5531102418899536, 0.08598855137825012, -0.30394670367240906, 0.6518407464027405, 0.07698284089565277, -0.14266091585159302, 1.5787001848220825, -0.8917452096939087, 0.21869303286075592, 0.6978606581687927, -0.35759854316711426, 0.056310221552848816, 1.5198310613632202, -0.40036776661872864, 0.5189597606658936, -0.22080616652965546, 1.1614699363708496, -0.08640759438276291, -0.0033829794265329838, 0.30150359869003296, 0.36591315269470215, -0.024010606110095978, -2.1913037300109863, 0.15004436671733856, -0.07775218784809113, 0.573351263999939, -1.2985059022903442, -0.2721017897129059, -0.672688364982605, -0.5163242220878601, 0.9595514535903931, -0.5614117980003357, 0.42548826336860657, -0.7549638748168945, 0.10493996739387512, 0.29355388879776, -1.0273644924163818, -0.6984779834747314, 0.5664014220237732, -1.1009621620178223, 0.34275755286216736, -0.990863561630249, -0.2054629623889923, 0.017069892957806587, -0.9522570967674255, 0.7958725690841675, -0.4606987237930298, 0.24548745155334473, -0.07865498960018158, 0.43499085307121277, -0.4580906927585602, -0.7735616564750671, -0.3003987669944763, -0.5063074827194214, 1.6648199558258057, -0.875360906124115, 0.7758281230926514, 0.46552929282188416, -0.40914541482925415, -0.5659845471382141, -0.4321760833263397, 0.13733462989330292, -0.20701166987419128, 1.0121649503707886, -1.0382444858551025, -0.032900236546993256, -0.1964108943939209, 0.30674776434898376, -0.5456334352493286, 1.2052466869354248, 0.9377803802490234, -0.9238402843475342, -0.32562345266342163, 0.4491177201271057, 0.2928682267665863, 0.43193870782852173, -0.42228105664253235, -0.3886166214942932, 0.06729428470134735, -0.2620881497859955, 0.9227601885795593, -0.04327209293842316, 1.2603541612625122, -1.5387859344482422, -0.770103931427002, -0.9827883243560791, 0.02484411746263504, 1.0644043684005737, 0.21517352759838104, 0.9879323840141296, 0.6643125414848328, 0.473931223154068, -0.20098167657852173, 0.7198302745819092, 1.4388328790664673, 0.11027407646179199, 0.48324549198150635, -0.8189698457717896, 0.4327981173992157, -0.5639727711677551, 0.35281237959861755, 0.05163898691534996, 0.9820936322212219, -0.7073456048965454, 0.27170807123184204, 0.06256107985973358, -0.6978357434272766, -0.09376522898674011, -0.9771034717559814, 0.4973689913749695, -0.8475522398948669, -0.12078917026519775, -0.8036848306655884, 0.9239964485168457, 0.8935189247131348, -0.0562964491546154, 1.0349626541137695, 0.6041064262390137, 0.4290635883808136, 1.333123803138733, 0.3434734344482422, 1.2802950143814087, 0.26940450072288513, -0.053637582808732986, 0.47251349687576294, 0.07391282916069031, 0.3555423319339752, 0.16403786838054657, -0.2994331121444702, -0.30111390352249146, 0.1577697992324829, -0.15252932906150818, 0.5602502822875977, -0.3453710675239563, 0.33546656370162964, 0.8566223382949829, 0.508462131023407, -0.5879371762275696, -1.035690426826477, -0.633679986000061, -1.5452759265899658, -0.6964707374572754, 0.42696264386177063, 1.2882399559020996, 0.23354405164718628, 0.9788450002670288, -0.37498950958251953, 1.1985942125320435, -0.7916887402534485, 0.4149765968322754, 0.2199098765850067, -0.32265371084213257, 0.9587423205375671, 1.1263220310211182, 0.329708456993103, 0.15428045392036438, 0.30704179406166077, -1.3056086301803589, -0.32103225588798523, -0.9897935390472412, 1.0362292528152466, 0.8269340395927429, -0.5574148893356323, 0.7017634510993958, -0.5875279307365417, 0.6258162260055542, -0.4923931658267975, 0.34219610691070557, -0.4317781329154968, -0.5426254868507385, -0.35721686482429504, -1.0495994091033936, 0.14322005212306976, 0.44953659176826477, -0.5349370837211609, -0.7571024894714355, -0.6174572110176086, 1.037239909172058, -0.06734216958284378, -0.13291117548942566, -0.6450393199920654, 0.13702604174613953, -0.5236610770225525, -0.5528900027275085, 0.3258012533187866, -0.9351359009742737, -1.06733238697052, -0.326442688703537, -0.3243229389190674, 0.3023386299610138, -0.28374457359313965, -1.0509637594223022, -0.10879506170749664, 0.2854670286178589, 0.45912107825279236, 0.585528552532196, -0.29748016595840454, -0.5214781761169434, -0.8609363436698914, 0.3263668715953827, 0.5243760943412781, 0.09002606570720673, -0.005621983669698238, 0.20339101552963257, 0.7088444828987122, -0.3074200749397278, 1.2007250785827637]} +{"paper_id": "mwong/climate-evidence-related", "embedding": [-0.9716455936431885, 0.7308709025382996, -0.6093291640281677, 0.05494909733533859, -0.01128145307302475, 0.6169601678848267, 1.0690958499908447, 0.1924068033695221, 0.7274842262268066, 1.60927414894104, 0.31689149141311646, 0.5218446254730225, -0.5896143913269043, -0.6612831354141235, -0.028843466192483902, -0.6507064700126648, -0.7703545093536377, -0.2866455316543579, 0.04977280646562576, -0.00311347097158432, -1.0812915563583374, -0.7458826899528503, -0.516039252281189, -0.17694422602653503, -1.097179651260376, 0.5808101892471313, 0.6068455576896667, -0.35704439878463745, 0.8041570782661438, 0.3509376049041748, -0.5624586343765259, 1.4302878379821777, -2.292794942855835, 0.5867384672164917, -0.8676451444625854, -0.1799546182155609, -0.4780157804489136, 0.6614866256713867, -0.4866993725299835, -0.4539085030555725, -0.9228565096855164, 0.27984026074409485, 1.3486593961715698, -0.28280171751976013, 0.40475994348526, -0.34428924322128296, 0.43041762709617615, -0.039556365460157394, 0.7529613375663757, -0.21109183132648468, -0.137690931558609, 0.7457956075668335, 0.10350090265274048, 0.13835391402244568, 0.6981804370880127, 1.3286923170089722, 0.24911728501319885, -0.04724937304854393, 1.256480097770691, -0.14610609412193298, 0.6628978252410889, 1.4559248685836792, -0.7029586434364319, -0.4304909110069275, -0.030933618545532227, 0.7321390509605408, 0.7187537550926208, 0.7981506586074829, 0.19498619437217712, 0.8739209175109863, -0.0573408380150795, -1.0748472213745117, 0.5095798373222351, -0.1718716025352478, -0.02355581521987915, 0.6171891689300537, -0.04707176983356476, -0.3308720290660858, 0.7308187484741211, -0.37595608830451965, 0.7633672952651978, 0.31261444091796875, 0.11005620658397675, -0.7613847851753235, -0.41244515776634216, 0.3703601658344269, 0.2766439616680145, -0.8665030598640442, -0.1572996824979782, -1.582396388053894, 0.38781386613845825, 0.09223135560750961, -0.047735560685396194, -0.16966012120246887, 0.15765446424484253, 0.6581000685691833, -0.3153159022331238, 0.04664452373981476, -0.14900097250938416, 0.7540726661682129, 0.5928398370742798, -0.7821165323257446, 0.31667354702949524, 0.03642146289348602, 0.6541191935539246, 0.7894286513328552, -0.7862473130226135, 0.03276468813419342, -0.6639279723167419, -0.599260151386261, -0.3277362287044525, 0.7378858327865601, 0.7631212472915649, 0.8402178883552551, -0.19790422916412354, 0.1701902151107788, -0.02177051454782486, -0.7340128421783447, -0.9311137795448303, 0.1425148993730545, -0.6429030895233154, -0.601284384727478, -0.6784989833831787, 0.40224355459213257, 1.1552542448043823, 0.20399783551692963, -0.26719459891319275, 0.16453957557678223, -0.420860230922699, -0.02768506109714508, -0.3328063488006592, -0.10765032470226288, -0.3631715178489685, 0.7007501125335693, 3.285843849182129, -1.3095818758010864, 1.4769037961959839, -0.19864335656166077, 0.1630830615758896, 0.07515938580036163, -0.621243953704834, 1.0281320810317993, 0.3999393582344055, -1.0042970180511475, -1.054793119430542, 0.4675426483154297, -0.9951381087303162, 0.191819965839386, -0.7804592251777649, -0.2599203884601593, 0.07602526247501373, 0.6610870957374573, -1.07651948928833, 0.10409779101610184, 0.5985943675041199, 0.7180317044258118, -0.4796629846096039, -0.18188928067684174, -0.6226569414138794, 0.7253823280334473, -0.12822118401527405, 0.5092776417732239, -0.9467045664787292, 0.5609403848648071, -0.695870041847229, 0.30711835622787476, 1.5387195348739624, -0.5778223276138306, -0.9504947662353516, 0.48935049772262573, 0.9649770855903625, -0.4957735240459442, -0.26273488998413086, -0.6151800751686096, -0.2853594422340393, 0.0028618574142456055, -0.13846944272518158, -0.10975462198257446, 0.8430572748184204, -0.8541737198829651, -0.6375219225883484, 0.14727526903152466, -0.25114449858665466, 0.5072330832481384, -0.8257238864898682, -0.9643612504005432, -1.5186527967453003, 0.6796789169311523, -0.6084620356559753, 0.8201976418495178, 0.5156655311584473, 0.2166253626346588, 0.27649539709091187, 0.5767600536346436, -0.11529490351676941, -0.45252516865730286, 0.28800255060195923, -1.6337239742279053, 0.230465829372406, 0.31066566705703735, -1.0647615194320679, -0.5594752430915833, -0.3204372823238373, 0.11767353117465973, 1.2515877485275269, -0.5316988229751587, -0.5411826968193054, -2.39735746383667, 0.4568071961402893, 1.4417228698730469, 0.050023794174194336, -1.0343424081802368, -0.463223397731781, 0.06965108215808868, 0.6179203987121582, -0.3602983355522156, 0.27493974566459656, -0.44048309326171875, 0.3833937644958496, -1.121229887008667, 0.27793383598327637, -0.30410122871398926, 0.5930287837982178, -0.622779369354248, 0.524752676486969, -0.5104592442512512, -0.2912723124027252, -0.21009553968906403, -1.2194569110870361, 0.9071531891822815, 0.6057730317115784, -0.07917266339063644, 0.1838388442993164, 0.16335740685462952, 0.28714293241500854, 1.260425090789795, -0.15573574602603912, 0.2729058265686035, -1.187066912651062, 0.02469145692884922, 0.2796712815761566, 0.5366527438163757, -0.07352285087108612, -0.7227649688720703, 0.15461084246635437, 0.2751059830188751, 0.11569441854953766, -0.3147011399269104, -0.9010102152824402, -0.47596514225006104, 0.6282415986061096, 1.1987134218215942, -0.6851242184638977, 0.5165713429450989, 0.0567556731402874, 0.2609345614910126, 0.06665770709514618, -0.5872377753257751, 0.12591971457004547, 0.1603911817073822, 0.4014299511909485, 0.6381475329399109, 0.1608007550239563, 0.019367247819900513, -0.46429121494293213, -0.7840591073036194, 0.5892748832702637, -0.04253913462162018, -0.6061738133430481, -0.5723586082458496, 0.3875403106212616, -1.2473688125610352, -1.2279657125473022, -0.05953708663582802, -0.1457614004611969, 0.6200428009033203, -0.26392942667007446, -0.30361005663871765, 0.6425129175186157, 0.6188215017318726, -0.07509433478116989, -0.4121052324771881, 0.8764041066169739, -0.45348989963531494, 0.06841759383678436, -0.14105799794197083, 0.00010577240027487278, -0.7635961771011353, 0.05191484093666077, -0.28541672229766846, 0.3834746479988098, -0.7595971822738647, -1.3735053539276123, 0.5889092087745667, -0.005887746810913086, -0.5026319026947021, 0.9609755873680115, -0.09137381613254547, -0.02325272560119629, -0.538933515548706, 0.8876541256904602, 0.4743604063987732, -0.20654769241809845, 0.6614995002746582, 0.3071766495704651, -0.09998680651187897, 1.4319649934768677, -0.41368529200553894, 0.043742477893829346, 0.26129740476608276, 0.20925776660442352, -0.01271970197558403, 0.2223014235496521, -1.6675753593444824, -0.09918463975191116, 0.6950767636299133, -0.3153291642665863, -0.2435304969549179, -0.34889930486679077, 0.07578735053539276, -0.10439147800207138, -0.7784032225608826, 0.12523874640464783, -0.3460296094417572, 0.17643623054027557, -0.5437342524528503, -0.13427594304084778, 0.32890158891677856, -0.3856661319732666, 0.10360118746757507, -0.2293064445257187, -0.2469533085823059, -0.7767974138259888, 0.6102725267410278, 0.8812641501426697, 0.19742564857006073, 0.6966558694839478, 0.09163645654916763, 1.3897984027862549, 1.233501672744751, -0.6235563158988953, 0.19324328005313873, 0.854626476764679, -0.2312602996826172, 0.24488963186740875, -0.025155644863843918, 0.12671810388565063, 0.7723627090454102, -0.41606777906417847, 0.8553517460823059, 0.4795777499675751, 0.20061081647872925, -1.3601337671279907, 0.07532939314842224, -0.4838712215423584, -0.5574938654899597, 1.4212384223937988, 1.5431104898452759, 1.2785446643829346, -0.3052584230899811, 0.6760547757148743, -0.5589525699615479, -0.04848960041999817, 0.13685055077075958, 0.3488561809062958, 0.8134748339653015, -0.4081780016422272, 0.7888830900192261, 0.18761110305786133, 0.41323181986808777, -0.345845490694046, -0.1915266215801239, 0.34126758575439453, 0.242954820394516, 0.15914298593997955, 0.13494493067264557, -0.34558025002479553, -0.1975921094417572, 1.5197025537490845, -0.6765779852867126, -0.01614992693066597, 0.11547890305519104, 0.19755341112613678, 0.711639940738678, 0.4486040472984314, -0.5362921953201294, 0.5410295128822327, -0.41011038422584534, 0.4436279833316803, -0.1853516399860382, 0.38951388001441956, 1.1646238565444946, 0.16932208836078644, -1.3821396827697754, -0.1256720870733261, -1.0641001462936401, 0.1546596884727478, 0.2386225163936615, -0.3650456368923187, 0.2353212535381317, 0.08751978725194931, -0.3235819339752197, -1.363513708114624, 1.438271164894104, -0.2852160930633545, -1.0444329977035522, 0.1808324158191681, 1.5985465049743652, -1.6225645542144775, -0.9263584017753601, 0.10396577417850494, -0.38856935501098633, -0.9268154501914978, 0.9133862257003784, -0.5031830072402954, 0.6603041887283325, 0.7439917325973511, 0.7406365871429443, 0.36537033319473267, 0.1425294578075409, 0.5538200736045837, 1.239785075187683, 0.34204912185668945, -0.8371894955635071, 0.18180522322654724, 0.13776768743991852, 0.7754380106925964, 0.2318362146615982, -0.6500974297523499, -0.01860002614557743, 1.2936545610427856, 0.06910209357738495, 0.06740529090166092, -0.511581301689148, -0.850879430770874, -0.07606139034032822, 0.45512136816978455, 0.44467270374298096, -0.9830331802368164, 0.20212361216545105, -1.1370928287506104, 0.32060715556144714, 0.4259289801120758, -0.7696554064750671, -1.0183135271072388, 0.32211291790008545, 0.21394982933998108, 0.40923872590065, -0.8780897855758667, -0.40045103430747986, 1.2331628799438477, 0.031970225274562836, 0.8010507225990295, -0.4238528311252594, -12.23465347290039, 1.0796215534210205, 0.005803877487778664, 1.2974040508270264, 0.644934356212616, 0.4042019248008728, -0.07865884155035019, -0.05310259386897087, 1.059377908706665, -0.045418087393045425, 0.14484994113445282, 1.7336260080337524, -0.3632420003414154, -0.254885733127594, -0.34257772564888, -1.9231003522872925, -1.0988706350326538, -0.2659992575645447, -0.18440955877304077, -0.30981171131134033, 0.5989010334014893, -1.238227367401123, 0.2929462790489197, -0.1404738873243332, 0.7391443848609924, -0.21523579955101013, 0.06582700461149216, 0.08678634464740753, -0.2742229700088501, 0.05326433479785919, 0.5138325691223145, 0.719568133354187, 0.10958175361156464, -0.6456514000892639, 0.2972683310508728, 0.06673853099346161, -0.7471471428871155, -0.21699529886245728, 1.125389814376831, 0.09147897362709045, -0.06330746412277222, -0.22423551976680756, 0.2118150293827057, 0.21555499732494354, -0.8693231344223022, 0.5369121432304382, 0.22079207003116608, -0.10975220799446106, -0.8496670722961426, -0.03239363431930542, -0.28600189089775085, -0.6451775431632996, -0.13210082054138184, -1.0085114240646362, 0.7599214315414429, -0.6267460584640503, -0.7900605201721191, -0.3283020555973053, -0.8615322709083557, -1.4364579916000366, 0.8530341386795044, 0.17044930160045624, -0.5549938678741455, 0.12947297096252441, 0.07733472436666489, -0.1556880921125412, 0.9129451513290405, 0.3699081242084503, -0.35625705122947693, -0.28681376576423645, -1.0247262716293335, 0.4287562072277069, 0.7840870022773743, -0.15980753302574158, -0.2805365324020386, 0.018631931394338608, -0.4787687063217163, -0.6598024964332581, 0.04057024419307709, -0.4572907090187073, -1.3565372228622437, 0.0761289894580841, 0.059354349970817566, -0.708697497844696, -1.0114257335662842, -0.2766786813735962, 0.008334048092365265, -0.1974225789308548, 0.123598113656044, 0.10085982829332352, 0.6768552660942078, 0.011273767799139023, 0.019842207431793213, 0.052316904067993164, -0.7998006343841553, 0.11285290867090225, 0.1760246604681015, 0.9913931488990784, -0.08026717603206635, -0.17231303453445435, 0.23383530974388123, 0.12104014307260513, -0.7811770439147949, -0.04175784811377525, 0.5242480635643005, -0.22990936040878296, 0.4406750202178955, -0.8094480037689209, 0.019018009305000305, 0.05842968448996544, 0.7499129772186279, -0.5120974779129028, -0.3063860535621643, 1.3676677942276, -0.4996739625930786, 0.4376370906829834, 0.44391128420829773, -0.2813226580619812, 1.2569369077682495, 0.6178730130195618, 0.3743198812007904, 0.1468721479177475, -0.04342947155237198, 0.132021963596344, -0.2643500864505768, -0.4469870328903198, 0.07506702840328217, 0.1618015468120575, -0.7822168469429016, -1.1532527208328247, -0.02246842160820961, -0.17580290138721466, 0.32319557666778564, -0.9087401032447815, -0.014272548258304596, -0.712151050567627, -0.1935063749551773, 1.0660008192062378, -0.5276061296463013, 0.3454386293888092, -0.7294400334358215, 0.4147946238517761, 0.256015419960022, -0.6055352687835693, -0.6860020756721497, -0.5345215797424316, -1.7193671464920044, 0.1599864661693573, -0.7801632881164551, -0.8979583382606506, 0.5536705851554871, -0.7427055835723877, 0.5819368958473206, -0.3778612017631531, 0.23692598938941956, 0.0010659247636795044, -0.038452088832855225, -0.31253623962402344, -0.7779802680015564, -0.6269514560699463, 0.1389012336730957, 0.7274752855300903, -1.1265357732772827, 0.2123546600341797, 0.6203228235244751, -0.09919117391109467, 0.04840999096632004, -0.14896872639656067, 0.06816374510526657, -0.26018601655960083, 0.1966991126537323, -0.7738288044929504, 0.30056944489479065, -0.9633813500404358, -0.1522417664527893, -0.846576988697052, 0.911979615688324, 0.6569662094116211, -0.4104984700679779, 0.2393890619277954, 0.17343547940254211, 0.46581584215164185, 0.7753772735595703, -0.0668288841843605, -0.2124370038509369, -0.47502726316452026, 0.2641949951648712, 0.12002617120742798, 0.49864980578422546, 0.3882473111152649, -1.2025798559188843, -1.0302793979644775, -0.8177173733711243, -0.44146913290023804, 1.231666922569275, 0.5169664621353149, 0.46166008710861206, 1.4474844932556152, -0.17178824543952942, 0.034537822008132935, 0.4633299708366394, 1.3258980512619019, 0.36000779271125793, -0.17901770770549774, -0.2204664796590805, -0.060844786465168, -0.7949038147926331, -0.23653285205364227, 0.30203285813331604, 0.5406980514526367, -0.8127043843269348, -0.17753514647483826, 0.3799296021461487, -1.073905348777771, 0.7874249219894409, -1.0091149806976318, 0.9679152965545654, -0.48758089542388916, -0.3638768792152405, -0.9230660796165466, 0.6710688471794128, 0.6991466283798218, 0.49069857597351074, 0.8448383808135986, -0.3215770125389099, 0.0755121111869812, 1.528018832206726, 0.01134464144706726, 1.4190497398376465, 0.40937796235084534, -0.025498252362012863, 0.27555039525032043, 0.10798640549182892, 0.14596587419509888, 0.4458823800086975, 0.09724707156419754, -0.5170180797576904, 0.7803003787994385, -0.08963710814714432, 0.3573179543018341, -0.7414006590843201, 0.6656025052070618, 0.36046069860458374, 0.3179108202457428, -1.1435906887054443, -0.4964354932308197, -1.1287554502487183, -0.8837520480155945, -0.3033192753791809, 0.9568183422088623, 1.000848412513733, 0.4222916066646576, 0.8380746841430664, -0.041738808155059814, 0.42212918400764465, -0.5832945704460144, 0.3847097158432007, 0.5654906034469604, 0.01386997103691101, 1.5067188739776611, 0.5950379371643066, 0.24438218772411346, 0.5678486824035645, 0.07360558211803436, -0.7960789203643799, -0.32799211144447327, -0.016770146787166595, 0.8259108662605286, 1.0855425596237183, -0.9267507195472717, 0.5759782195091248, -0.12607866525650024, 0.05192996934056282, -0.4175044596195221, -0.06843976676464081, 0.6293202042579651, -1.000018835067749, 0.18621709942817688, -0.9439797401428223, 0.01803731732070446, 0.8847493529319763, -0.11782513558864594, -1.2225711345672607, -0.25351178646087646, 1.4855806827545166, -0.09374958276748657, -0.5865333080291748, 0.0790088027715683, 0.3594221770763397, -0.5600056052207947, 0.23411689698696136, -0.2263031303882599, -0.9564361572265625, -0.24538326263427734, 0.8311883211135864, -0.3499085605144501, 0.1096596047282219, -0.10284289717674255, -0.7494717836380005, -0.6763519644737244, 0.8615824580192566, 0.14851494133472443, 0.1229519322514534, -0.15682771801948547, 0.07396585494279861, -0.7988908290863037, 0.7363444566726685, 1.0853489637374878, 0.19871163368225098, -0.21265752613544464, 0.6746076345443726, 0.4221002459526062, -0.4680798053741455, 0.9553770422935486]} +{"paper_id": "mwong/fever-claim-related", "embedding": [-0.3430204391479492, 0.9516441822052002, -0.3379116654396057, 0.13013318181037903, 0.26385796070098877, -0.32249653339385986, 0.5204064846038818, 0.4731927514076233, 0.4454202950000763, 1.038928747177124, 0.7346715927124023, 0.5298766493797302, -0.15396523475646973, 0.19038595259189606, 0.09279610216617584, -0.20495063066482544, -0.7071866989135742, -0.14934538304805756, -0.20018284022808075, -0.4791923761367798, -0.6152858734130859, -0.6771492958068848, 0.08602429926395416, -0.2607041597366333, -1.2907527685165405, -0.4879857897758484, 0.4108436703681946, -0.7387994527816772, -0.0856221541762352, 0.13008061051368713, -0.5641570687294006, 1.3445996046066284, -2.0459110736846924, 0.47423872351646423, -0.3538043200969696, -0.09292362630367279, -0.05025531351566315, 0.9768860936164856, 0.0166037455201149, -0.06422288715839386, -0.864337146282196, 0.07934323698282242, 0.8651975393295288, 0.18918196856975555, 0.44802144169807434, -0.5632014870643616, 0.7091587781906128, -0.11045175790786743, 0.0022162646055221558, 0.054653946310281754, -0.2742340564727783, 0.5148568749427795, -0.30105167627334595, 0.7633581161499023, 0.03134313225746155, 0.8586595058441162, 0.16103649139404297, -0.5737291574478149, 1.0479305982589722, -0.5358905792236328, 1.7191040515899658, 1.5914543867111206, -0.8927192687988281, 0.22415152192115784, 0.3593355417251587, -0.25839507579803467, 1.3240479230880737, 0.05423559248447418, 0.13943816721439362, 0.7772712707519531, -0.4784139394760132, -1.4935225248336792, 0.10510186851024628, -0.22135892510414124, -0.026200905442237854, 0.6209765672683716, 0.6210160255432129, 0.09162518382072449, 0.26198312640190125, -0.1529434621334076, 0.3697946071624756, 0.7911064028739929, 0.5149131417274475, -0.49101877212524414, -0.07344351708889008, 0.13449376821517944, 0.13749361038208008, -0.7759754061698914, 0.6109694838523865, -0.7666863799095154, 1.1771063804626465, 0.3294615149497986, -0.28436967730522156, 0.2672079801559448, 0.0667758360505104, 0.8714085221290588, -0.5822672843933105, -0.11774536967277527, -0.36016231775283813, 0.018531814217567444, 0.5902643799781799, -0.4449590742588043, 0.26697424054145813, -0.11398857086896896, 0.31571558117866516, 1.1042110919952393, -0.5907736420631409, -0.18291175365447998, -0.8549696207046509, 0.037720344960689545, -0.25434184074401855, 1.0144624710083008, -0.34346580505371094, 0.6046179533004761, 0.10635175555944443, 0.10707580298185349, 0.4966020882129669, -0.9714668989181519, -0.2865557372570038, 0.2002154141664505, -0.2676410973072052, -0.8788322806358337, -0.3699074387550354, 0.5371319651603699, 0.8975891470909119, -0.4386419355869293, -0.013481643050909042, 0.1661398708820343, -0.3310045301914215, 0.07847205549478531, 0.4990119934082031, -0.12981393933296204, -0.8864331841468811, 0.2803206145763397, 2.7618486881256104, -1.22544264793396, 1.315200686454773, -0.03205791115760803, -0.037062376737594604, 0.39865100383758545, -0.20314723253250122, 1.1848220825195312, 1.1033287048339844, -1.0434643030166626, -0.6695144772529602, 0.7294701337814331, -0.3016338646411896, 0.5248299837112427, -1.0659396648406982, 0.010380672290921211, -0.5091889500617981, 0.476439893245697, -1.5846198797225952, 0.20886555314064026, 0.45216289162635803, 0.074402816593647, -0.19507543742656708, 0.11027505993843079, -0.5704959630966187, 0.7002264857292175, 0.45175400376319885, 0.496030330657959, -0.8566402792930603, 0.4020029306411743, -0.5284976363182068, 0.13335619866847992, 1.4562393426895142, -0.6530792713165283, -1.3321385383605957, 0.6471225619316101, 0.9603182077407837, -1.2153770923614502, -0.6294165849685669, -0.783027172088623, -0.02976934239268303, -0.05364306643605232, 0.47100239992141724, 0.4906737506389618, 0.2826349139213562, -0.42282572388648987, -0.39660534262657166, 0.013667944818735123, -0.03845980763435364, 0.6846497654914856, -0.9635104537010193, -0.20469710230827332, -2.040466785430908, 0.18135640025138855, 0.11628158390522003, 0.7746262550354004, 0.3623884618282318, 0.41067761182785034, 0.47376549243927, 1.0949970483779907, -0.004902340471744537, -0.736514687538147, -0.019356198608875275, -1.3548094034194946, 0.464408814907074, -0.5214435458183289, 0.010431181639432907, -0.6271551251411438, -0.5870392918586731, 0.08922601491212845, 1.2134190797805786, -0.7600145936012268, -0.6229189038276672, -2.3161277770996094, 0.35727813839912415, 2.1909842491149902, -0.5330219268798828, -0.32457226514816284, -1.4093847274780273, -0.09072509407997131, 0.46424949169158936, -0.48486700654029846, 0.2381311058998108, -1.0284807682037354, 0.07939283549785614, -0.8933584690093994, 0.7458348870277405, -0.10398100316524506, 0.19656533002853394, 0.3856915831565857, 0.715000569820404, -0.8626247644424438, 0.0835103988647461, -0.59050053358078, -0.8918150067329407, 0.5669916868209839, 1.02350914478302, -0.20280063152313232, 0.030791234225034714, 0.9581083059310913, 0.6509391665458679, 1.2963166236877441, -0.06241215020418167, 0.19742770493030548, -1.6107027530670166, 0.1396377980709076, -0.04596417397260666, 0.8208326101303101, 0.3701850175857544, -0.24069644510746002, 0.8767345547676086, 0.6180248260498047, -0.2631506323814392, -0.2756767272949219, -0.5676302909851074, -0.22927707433700562, 0.8400073051452637, 0.5972845554351807, -1.2974687814712524, 0.8976376056671143, -0.8601104617118835, 0.22583737969398499, -0.2869730293750763, -0.6068542003631592, -0.2906174659729004, 0.3496575951576233, 0.8875687122344971, 0.4745439887046814, 0.015705227851867676, -0.1406545788049698, -0.42732998728752136, -1.4861897230148315, 0.2996909022331238, -0.45855310559272766, -0.5025423169136047, -1.1782231330871582, 0.13151024281978607, -0.3806898593902588, -1.0118659734725952, -0.7486984729766846, 0.2080392688512802, 0.2995447814464569, -0.18304888904094696, 0.42272230982780457, 0.8303290009498596, 0.4566218852996826, -0.2388182282447815, -0.2167089730501175, 1.1960793733596802, 0.17845973372459412, 0.807732105255127, -0.2891586124897003, 0.13677679002285004, -0.796113133430481, 0.21347588300704956, -0.5237782597541809, 0.3380470275878906, 0.20873966813087463, -0.7133727073669434, 0.5568822026252747, 0.1045188307762146, -0.7026106715202332, 0.9882009029388428, 0.13108357787132263, -0.4290033280849457, -1.1178016662597656, 1.333200216293335, 0.009180082008242607, -0.44464507699012756, 0.6867378950119019, -0.10904137045145035, -0.9694081544876099, 1.4450446367263794, -0.43255504965782166, 0.22447873651981354, -0.03996582329273224, 0.3003857433795929, 0.290785551071167, 0.056677497923374176, -1.553297758102417, 0.28024494647979736, 1.307164192199707, -0.5261247754096985, -0.45944133400917053, -0.577376663684845, 0.4946932792663574, -0.3272130489349365, -0.30457261204719543, 0.23905134201049805, -0.42257946729660034, -0.07180449366569519, -0.4800845682621002, 0.4408722519874573, 1.1121269464492798, -1.180440068244934, 0.4213707447052002, 0.006651886273175478, 0.4487273097038269, -0.9944416880607605, -0.4086018204689026, 1.2391918897628784, -0.22007572650909424, 0.9783377647399902, -0.41291093826293945, 0.7274603247642517, 0.9090871810913086, -0.6614236831665039, -0.4756716191768646, 0.8044648766517639, 0.2822701334953308, 0.2766851484775543, 0.379268079996109, -0.48328495025634766, 0.8748831748962402, -0.559580385684967, 1.0771502256393433, 0.3011395037174225, -0.5254805684089661, -1.333150863647461, -0.7772992849349976, -0.179275244474411, -0.5492194294929504, 1.6992905139923096, 0.8139857649803162, 1.8026798963546753, 0.17020058631896973, 0.4294244647026062, -0.7028993964195251, 0.1653645783662796, 0.2855682075023651, 0.22319579124450684, 0.5135019421577454, -0.744783878326416, 0.41529688239097595, 1.2792493104934692, 0.15487989783287048, -0.1827729195356369, -0.1666664183139801, 0.40884849429130554, 0.16735735535621643, -0.5552537441253662, 0.5277272462844849, -0.18234854936599731, 0.23961526155471802, 1.0574052333831787, -0.37242433428764343, -0.6122170090675354, -0.4968768060207367, 0.2582237720489502, 0.48648661375045776, 0.25203651189804077, -0.8716893196105957, 0.1380898654460907, -0.13635645806789398, 0.5819509029388428, -0.44111907482147217, 0.5983642339706421, 1.8547838926315308, -0.0016262531280517578, -1.7512038946151733, -0.2513633668422699, -0.7311549186706543, 0.4418855309486389, 0.0046387650072574615, -0.2698812782764435, -0.06564721465110779, 0.4951362609863281, -0.06981275230646133, -1.1229554414749146, 1.1780203580856323, -0.48038366436958313, -1.2863359451293945, 1.2625069618225098, 1.1399898529052734, -1.5741207599639893, -0.9269696474075317, 0.4773511290550232, -0.07998809963464737, -0.7529556751251221, -0.1432659924030304, -0.736047089099884, 1.0421313047409058, 0.701489269733429, 0.5642845630645752, -0.1460103541612625, 0.40192466974258423, -0.8722637891769409, 1.1048213243484497, 0.7525535225868225, -0.5568991899490356, 0.7362788915634155, 0.3421381711959839, 0.1112702339887619, 0.350024938583374, -1.1128207445144653, -0.4161911904811859, 0.7667099833488464, -0.11727472394704819, 0.14142297208309174, -0.7748526334762573, -1.0890876054763794, 1.2225226163864136, 0.4304826855659485, 0.3094392418861389, -1.0383920669555664, 0.5722733736038208, -1.039353370666504, 0.3135066330432892, 0.5985196828842163, -0.7919638752937317, -0.6801503300666809, 0.8304650783538818, -0.2961306571960449, 0.7065757513046265, 0.28155210614204407, -0.0089784637093544, 1.1256036758422852, 0.11861882358789444, 0.12863361835479736, -0.22682330012321472, -11.58184814453125, 0.840855062007904, -0.04437795281410217, 0.7284092307090759, 0.25943198800086975, -0.3721531629562378, 0.606182873249054, 0.2560083270072937, 0.8168900012969971, -0.5598533749580383, 0.42895397543907166, 1.883808970451355, -0.24302953481674194, -0.4289728105068207, -0.7789425253868103, -1.2045601606369019, -0.7280491590499878, -0.4464898705482483, 0.11976523697376251, 0.008389420807361603, 0.6813926100730896, -1.7417597770690918, 0.3465026617050171, -0.07428006827831268, 0.9572356343269348, -0.3280039131641388, 0.06861752271652222, -0.4702417850494385, -0.1411954164505005, 0.209621399641037, 0.7735052704811096, -0.05159354209899902, 0.012872502207756042, -0.014562341384589672, -0.10005530714988708, -0.23464109003543854, -0.5452346801757812, -0.27762243151664734, 0.7540604472160339, -0.6405806541442871, 0.09831176698207855, 0.34850749373435974, -0.05461128056049347, -0.5900409817695618, -0.24019543826580048, 0.4100673794746399, -0.0002874191850423813, -0.39345335960388184, -0.058363378047943115, 0.02290291339159012, -0.0066895633935928345, -0.8045024871826172, -0.46555936336517334, -0.617595911026001, 0.47048479318618774, -0.5344668030738831, -0.7498350143432617, -0.49180203676223755, -1.1717307567596436, -1.693583607673645, 0.8494581580162048, 0.03978598862886429, -0.14643150568008423, 0.095365509390831, 0.41200608015060425, -0.20610885322093964, 0.617125928401947, -0.04459007456898689, -0.334124892950058, 0.03816505894064903, -0.6391385793685913, 1.0823160409927368, 0.47882094979286194, -0.06094995141029358, -0.7072411179542542, -0.12886804342269897, -0.7092064023017883, -0.0630306527018547, 0.25439247488975525, -0.11439713835716248, -1.369225263595581, 0.5618230104446411, 0.3295847475528717, -0.3317735493183136, -1.0574672222137451, -0.5031740069389343, -0.23160716891288757, -0.6872736811637878, 0.06234551966190338, 0.15726780891418457, 0.874403715133667, 0.6100594997406006, -0.4948580861091614, -0.3341270983219147, -0.6450384855270386, 0.4734649956226349, -0.8757171630859375, 0.8659616708755493, -0.20965568721294403, -0.6659062504768372, 0.3036237359046936, -0.2862793505191803, -1.0135629177093506, 0.0035826638340950012, 0.6584867238998413, 0.282906711101532, 0.07373306155204773, -0.5531102418899536, 0.08598855137825012, -0.30394670367240906, 0.6518407464027405, 0.07698284089565277, -0.14266091585159302, 1.5787001848220825, -0.8917452096939087, 0.21869303286075592, 0.6978606581687927, -0.35759854316711426, 0.056310221552848816, 1.5198310613632202, -0.40036776661872864, 0.5189597606658936, -0.22080616652965546, 1.1614699363708496, -0.08640759438276291, -0.0033829794265329838, 0.30150359869003296, 0.36591315269470215, -0.024010606110095978, -2.1913037300109863, 0.15004436671733856, -0.07775218784809113, 0.573351263999939, -1.2985059022903442, -0.2721017897129059, -0.672688364982605, -0.5163242220878601, 0.9595514535903931, -0.5614117980003357, 0.42548826336860657, -0.7549638748168945, 0.10493996739387512, 0.29355388879776, -1.0273644924163818, -0.6984779834747314, 0.5664014220237732, -1.1009621620178223, 0.34275755286216736, -0.990863561630249, -0.2054629623889923, 0.017069892957806587, -0.9522570967674255, 0.7958725690841675, -0.4606987237930298, 0.24548745155334473, -0.07865498960018158, 0.43499085307121277, -0.4580906927585602, -0.7735616564750671, -0.3003987669944763, -0.5063074827194214, 1.6648199558258057, -0.875360906124115, 0.7758281230926514, 0.46552929282188416, -0.40914541482925415, -0.5659845471382141, -0.4321760833263397, 0.13733462989330292, -0.20701166987419128, 1.0121649503707886, -1.0382444858551025, -0.032900236546993256, -0.1964108943939209, 0.30674776434898376, -0.5456334352493286, 1.2052466869354248, 0.9377803802490234, -0.9238402843475342, -0.32562345266342163, 0.4491177201271057, 0.2928682267665863, 0.43193870782852173, -0.42228105664253235, -0.3886166214942932, 0.06729428470134735, -0.2620881497859955, 0.9227601885795593, -0.04327209293842316, 1.2603541612625122, -1.5387859344482422, -0.770103931427002, -0.9827883243560791, 0.02484411746263504, 1.0644043684005737, 0.21517352759838104, 0.9879323840141296, 0.6643125414848328, 0.473931223154068, -0.20098167657852173, 0.7198302745819092, 1.4388328790664673, 0.11027407646179199, 0.48324549198150635, -0.8189698457717896, 0.4327981173992157, -0.5639727711677551, 0.35281237959861755, 0.05163898691534996, 0.9820936322212219, -0.7073456048965454, 0.27170807123184204, 0.06256107985973358, -0.6978357434272766, -0.09376522898674011, -0.9771034717559814, 0.4973689913749695, -0.8475522398948669, -0.12078917026519775, -0.8036848306655884, 0.9239964485168457, 0.8935189247131348, -0.0562964491546154, 1.0349626541137695, 0.6041064262390137, 0.4290635883808136, 1.333123803138733, 0.3434734344482422, 1.2802950143814087, 0.26940450072288513, -0.053637582808732986, 0.47251349687576294, 0.07391282916069031, 0.3555423319339752, 0.16403786838054657, -0.2994331121444702, -0.30111390352249146, 0.1577697992324829, -0.15252932906150818, 0.5602502822875977, -0.3453710675239563, 0.33546656370162964, 0.8566223382949829, 0.508462131023407, -0.5879371762275696, -1.035690426826477, -0.633679986000061, -1.5452759265899658, -0.6964707374572754, 0.42696264386177063, 1.2882399559020996, 0.23354405164718628, 0.9788450002670288, -0.37498950958251953, 1.1985942125320435, -0.7916887402534485, 0.4149765968322754, 0.2199098765850067, -0.32265371084213257, 0.9587423205375671, 1.1263220310211182, 0.329708456993103, 0.15428045392036438, 0.30704179406166077, -1.3056086301803589, -0.32103225588798523, -0.9897935390472412, 1.0362292528152466, 0.8269340395927429, -0.5574148893356323, 0.7017634510993958, -0.5875279307365417, 0.6258162260055542, -0.4923931658267975, 0.34219610691070557, -0.4317781329154968, -0.5426254868507385, -0.35721686482429504, -1.0495994091033936, 0.14322005212306976, 0.44953659176826477, -0.5349370837211609, -0.7571024894714355, -0.6174572110176086, 1.037239909172058, -0.06734216958284378, -0.13291117548942566, -0.6450393199920654, 0.13702604174613953, -0.5236610770225525, -0.5528900027275085, 0.3258012533187866, -0.9351359009742737, -1.06733238697052, -0.326442688703537, -0.3243229389190674, 0.3023386299610138, -0.28374457359313965, -1.0509637594223022, -0.10879506170749664, 0.2854670286178589, 0.45912107825279236, 0.585528552532196, -0.29748016595840454, -0.5214781761169434, -0.8609363436698914, 0.3263668715953827, 0.5243760943412781, 0.09002606570720673, -0.005621983669698238, 0.20339101552963257, 0.7088444828987122, -0.3074200749397278, 1.2007250785827637]} +{"paper_id": "mwong/climate-claim-related", "embedding": [-0.9716455936431885, 0.7308709025382996, -0.6093291640281677, 0.05494909733533859, -0.01128145307302475, 0.6169601678848267, 1.0690958499908447, 0.1924068033695221, 0.7274842262268066, 1.60927414894104, 0.31689149141311646, 0.5218446254730225, -0.5896143913269043, -0.6612831354141235, -0.028843466192483902, -0.6507064700126648, -0.7703545093536377, -0.2866455316543579, 0.04977280646562576, -0.00311347097158432, -1.0812915563583374, -0.7458826899528503, -0.516039252281189, -0.17694422602653503, -1.097179651260376, 0.5808101892471313, 0.6068455576896667, -0.35704439878463745, 0.8041570782661438, 0.3509376049041748, -0.5624586343765259, 1.4302878379821777, -2.292794942855835, 0.5867384672164917, -0.8676451444625854, -0.1799546182155609, -0.4780157804489136, 0.6614866256713867, -0.4866993725299835, -0.4539085030555725, -0.9228565096855164, 0.27984026074409485, 1.3486593961715698, -0.28280171751976013, 0.40475994348526, -0.34428924322128296, 0.43041762709617615, -0.039556365460157394, 0.7529613375663757, -0.21109183132648468, -0.137690931558609, 0.7457956075668335, 0.10350090265274048, 0.13835391402244568, 0.6981804370880127, 1.3286923170089722, 0.24911728501319885, -0.04724937304854393, 1.256480097770691, -0.14610609412193298, 0.6628978252410889, 1.4559248685836792, -0.7029586434364319, -0.4304909110069275, -0.030933618545532227, 0.7321390509605408, 0.7187537550926208, 0.7981506586074829, 0.19498619437217712, 0.8739209175109863, -0.0573408380150795, -1.0748472213745117, 0.5095798373222351, -0.1718716025352478, -0.02355581521987915, 0.6171891689300537, -0.04707176983356476, -0.3308720290660858, 0.7308187484741211, -0.37595608830451965, 0.7633672952651978, 0.31261444091796875, 0.11005620658397675, -0.7613847851753235, -0.41244515776634216, 0.3703601658344269, 0.2766439616680145, -0.8665030598640442, -0.1572996824979782, -1.582396388053894, 0.38781386613845825, 0.09223135560750961, -0.047735560685396194, -0.16966012120246887, 0.15765446424484253, 0.6581000685691833, -0.3153159022331238, 0.04664452373981476, -0.14900097250938416, 0.7540726661682129, 0.5928398370742798, -0.7821165323257446, 0.31667354702949524, 0.03642146289348602, 0.6541191935539246, 0.7894286513328552, -0.7862473130226135, 0.03276468813419342, -0.6639279723167419, -0.599260151386261, -0.3277362287044525, 0.7378858327865601, 0.7631212472915649, 0.8402178883552551, -0.19790422916412354, 0.1701902151107788, -0.02177051454782486, -0.7340128421783447, -0.9311137795448303, 0.1425148993730545, -0.6429030895233154, -0.601284384727478, -0.6784989833831787, 0.40224355459213257, 1.1552542448043823, 0.20399783551692963, -0.26719459891319275, 0.16453957557678223, -0.420860230922699, -0.02768506109714508, -0.3328063488006592, -0.10765032470226288, -0.3631715178489685, 0.7007501125335693, 3.285843849182129, -1.3095818758010864, 1.4769037961959839, -0.19864335656166077, 0.1630830615758896, 0.07515938580036163, -0.621243953704834, 1.0281320810317993, 0.3999393582344055, -1.0042970180511475, -1.054793119430542, 0.4675426483154297, -0.9951381087303162, 0.191819965839386, -0.7804592251777649, -0.2599203884601593, 0.07602526247501373, 0.6610870957374573, -1.07651948928833, 0.10409779101610184, 0.5985943675041199, 0.7180317044258118, -0.4796629846096039, -0.18188928067684174, -0.6226569414138794, 0.7253823280334473, -0.12822118401527405, 0.5092776417732239, -0.9467045664787292, 0.5609403848648071, -0.695870041847229, 0.30711835622787476, 1.5387195348739624, -0.5778223276138306, -0.9504947662353516, 0.48935049772262573, 0.9649770855903625, -0.4957735240459442, -0.26273488998413086, -0.6151800751686096, -0.2853594422340393, 0.0028618574142456055, -0.13846944272518158, -0.10975462198257446, 0.8430572748184204, -0.8541737198829651, -0.6375219225883484, 0.14727526903152466, -0.25114449858665466, 0.5072330832481384, -0.8257238864898682, -0.9643612504005432, -1.5186527967453003, 0.6796789169311523, -0.6084620356559753, 0.8201976418495178, 0.5156655311584473, 0.2166253626346588, 0.27649539709091187, 0.5767600536346436, -0.11529490351676941, -0.45252516865730286, 0.28800255060195923, -1.6337239742279053, 0.230465829372406, 0.31066566705703735, -1.0647615194320679, -0.5594752430915833, -0.3204372823238373, 0.11767353117465973, 1.2515877485275269, -0.5316988229751587, -0.5411826968193054, -2.39735746383667, 0.4568071961402893, 1.4417228698730469, 0.050023794174194336, -1.0343424081802368, -0.463223397731781, 0.06965108215808868, 0.6179203987121582, -0.3602983355522156, 0.27493974566459656, -0.44048309326171875, 0.3833937644958496, -1.121229887008667, 0.27793383598327637, -0.30410122871398926, 0.5930287837982178, -0.622779369354248, 0.524752676486969, -0.5104592442512512, -0.2912723124027252, -0.21009553968906403, -1.2194569110870361, 0.9071531891822815, 0.6057730317115784, -0.07917266339063644, 0.1838388442993164, 0.16335740685462952, 0.28714293241500854, 1.260425090789795, -0.15573574602603912, 0.2729058265686035, -1.187066912651062, 0.02469145692884922, 0.2796712815761566, 0.5366527438163757, -0.07352285087108612, -0.7227649688720703, 0.15461084246635437, 0.2751059830188751, 0.11569441854953766, -0.3147011399269104, -0.9010102152824402, -0.47596514225006104, 0.6282415986061096, 1.1987134218215942, -0.6851242184638977, 0.5165713429450989, 0.0567556731402874, 0.2609345614910126, 0.06665770709514618, -0.5872377753257751, 0.12591971457004547, 0.1603911817073822, 0.4014299511909485, 0.6381475329399109, 0.1608007550239563, 0.019367247819900513, -0.46429121494293213, -0.7840591073036194, 0.5892748832702637, -0.04253913462162018, -0.6061738133430481, -0.5723586082458496, 0.3875403106212616, -1.2473688125610352, -1.2279657125473022, -0.05953708663582802, -0.1457614004611969, 0.6200428009033203, -0.26392942667007446, -0.30361005663871765, 0.6425129175186157, 0.6188215017318726, -0.07509433478116989, -0.4121052324771881, 0.8764041066169739, -0.45348989963531494, 0.06841759383678436, -0.14105799794197083, 0.00010577240027487278, -0.7635961771011353, 0.05191484093666077, -0.28541672229766846, 0.3834746479988098, -0.7595971822738647, -1.3735053539276123, 0.5889092087745667, -0.005887746810913086, -0.5026319026947021, 0.9609755873680115, -0.09137381613254547, -0.02325272560119629, -0.538933515548706, 0.8876541256904602, 0.4743604063987732, -0.20654769241809845, 0.6614995002746582, 0.3071766495704651, -0.09998680651187897, 1.4319649934768677, -0.41368529200553894, 0.043742477893829346, 0.26129740476608276, 0.20925776660442352, -0.01271970197558403, 0.2223014235496521, -1.6675753593444824, -0.09918463975191116, 0.6950767636299133, -0.3153291642665863, -0.2435304969549179, -0.34889930486679077, 0.07578735053539276, -0.10439147800207138, -0.7784032225608826, 0.12523874640464783, -0.3460296094417572, 0.17643623054027557, -0.5437342524528503, -0.13427594304084778, 0.32890158891677856, -0.3856661319732666, 0.10360118746757507, -0.2293064445257187, -0.2469533085823059, -0.7767974138259888, 0.6102725267410278, 0.8812641501426697, 0.19742564857006073, 0.6966558694839478, 0.09163645654916763, 1.3897984027862549, 1.233501672744751, -0.6235563158988953, 0.19324328005313873, 0.854626476764679, -0.2312602996826172, 0.24488963186740875, -0.025155644863843918, 0.12671810388565063, 0.7723627090454102, -0.41606777906417847, 0.8553517460823059, 0.4795777499675751, 0.20061081647872925, -1.3601337671279907, 0.07532939314842224, -0.4838712215423584, -0.5574938654899597, 1.4212384223937988, 1.5431104898452759, 1.2785446643829346, -0.3052584230899811, 0.6760547757148743, -0.5589525699615479, -0.04848960041999817, 0.13685055077075958, 0.3488561809062958, 0.8134748339653015, -0.4081780016422272, 0.7888830900192261, 0.18761110305786133, 0.41323181986808777, -0.345845490694046, -0.1915266215801239, 0.34126758575439453, 0.242954820394516, 0.15914298593997955, 0.13494493067264557, -0.34558025002479553, -0.1975921094417572, 1.5197025537490845, -0.6765779852867126, -0.01614992693066597, 0.11547890305519104, 0.19755341112613678, 0.711639940738678, 0.4486040472984314, -0.5362921953201294, 0.5410295128822327, -0.41011038422584534, 0.4436279833316803, -0.1853516399860382, 0.38951388001441956, 1.1646238565444946, 0.16932208836078644, -1.3821396827697754, -0.1256720870733261, -1.0641001462936401, 0.1546596884727478, 0.2386225163936615, -0.3650456368923187, 0.2353212535381317, 0.08751978725194931, -0.3235819339752197, -1.363513708114624, 1.438271164894104, -0.2852160930633545, -1.0444329977035522, 0.1808324158191681, 1.5985465049743652, -1.6225645542144775, -0.9263584017753601, 0.10396577417850494, -0.38856935501098633, -0.9268154501914978, 0.9133862257003784, -0.5031830072402954, 0.6603041887283325, 0.7439917325973511, 0.7406365871429443, 0.36537033319473267, 0.1425294578075409, 0.5538200736045837, 1.239785075187683, 0.34204912185668945, -0.8371894955635071, 0.18180522322654724, 0.13776768743991852, 0.7754380106925964, 0.2318362146615982, -0.6500974297523499, -0.01860002614557743, 1.2936545610427856, 0.06910209357738495, 0.06740529090166092, -0.511581301689148, -0.850879430770874, -0.07606139034032822, 0.45512136816978455, 0.44467270374298096, -0.9830331802368164, 0.20212361216545105, -1.1370928287506104, 0.32060715556144714, 0.4259289801120758, -0.7696554064750671, -1.0183135271072388, 0.32211291790008545, 0.21394982933998108, 0.40923872590065, -0.8780897855758667, -0.40045103430747986, 1.2331628799438477, 0.031970225274562836, 0.8010507225990295, -0.4238528311252594, -12.23465347290039, 1.0796215534210205, 0.005803877487778664, 1.2974040508270264, 0.644934356212616, 0.4042019248008728, -0.07865884155035019, -0.05310259386897087, 1.059377908706665, -0.045418087393045425, 0.14484994113445282, 1.7336260080337524, -0.3632420003414154, -0.254885733127594, -0.34257772564888, -1.9231003522872925, -1.0988706350326538, -0.2659992575645447, -0.18440955877304077, -0.30981171131134033, 0.5989010334014893, -1.238227367401123, 0.2929462790489197, -0.1404738873243332, 0.7391443848609924, -0.21523579955101013, 0.06582700461149216, 0.08678634464740753, -0.2742229700088501, 0.05326433479785919, 0.5138325691223145, 0.719568133354187, 0.10958175361156464, -0.6456514000892639, 0.2972683310508728, 0.06673853099346161, -0.7471471428871155, -0.21699529886245728, 1.125389814376831, 0.09147897362709045, -0.06330746412277222, -0.22423551976680756, 0.2118150293827057, 0.21555499732494354, -0.8693231344223022, 0.5369121432304382, 0.22079207003116608, -0.10975220799446106, -0.8496670722961426, -0.03239363431930542, -0.28600189089775085, -0.6451775431632996, -0.13210082054138184, -1.0085114240646362, 0.7599214315414429, -0.6267460584640503, -0.7900605201721191, -0.3283020555973053, -0.8615322709083557, -1.4364579916000366, 0.8530341386795044, 0.17044930160045624, -0.5549938678741455, 0.12947297096252441, 0.07733472436666489, -0.1556880921125412, 0.9129451513290405, 0.3699081242084503, -0.35625705122947693, -0.28681376576423645, -1.0247262716293335, 0.4287562072277069, 0.7840870022773743, -0.15980753302574158, -0.2805365324020386, 0.018631931394338608, -0.4787687063217163, -0.6598024964332581, 0.04057024419307709, -0.4572907090187073, -1.3565372228622437, 0.0761289894580841, 0.059354349970817566, -0.708697497844696, -1.0114257335662842, -0.2766786813735962, 0.008334048092365265, -0.1974225789308548, 0.123598113656044, 0.10085982829332352, 0.6768552660942078, 0.011273767799139023, 0.019842207431793213, 0.052316904067993164, -0.7998006343841553, 0.11285290867090225, 0.1760246604681015, 0.9913931488990784, -0.08026717603206635, -0.17231303453445435, 0.23383530974388123, 0.12104014307260513, -0.7811770439147949, -0.04175784811377525, 0.5242480635643005, -0.22990936040878296, 0.4406750202178955, -0.8094480037689209, 0.019018009305000305, 0.05842968448996544, 0.7499129772186279, -0.5120974779129028, -0.3063860535621643, 1.3676677942276, -0.4996739625930786, 0.4376370906829834, 0.44391128420829773, -0.2813226580619812, 1.2569369077682495, 0.6178730130195618, 0.3743198812007904, 0.1468721479177475, -0.04342947155237198, 0.132021963596344, -0.2643500864505768, -0.4469870328903198, 0.07506702840328217, 0.1618015468120575, -0.7822168469429016, -1.1532527208328247, -0.02246842160820961, -0.17580290138721466, 0.32319557666778564, -0.9087401032447815, -0.014272548258304596, -0.712151050567627, -0.1935063749551773, 1.0660008192062378, -0.5276061296463013, 0.3454386293888092, -0.7294400334358215, 0.4147946238517761, 0.256015419960022, -0.6055352687835693, -0.6860020756721497, -0.5345215797424316, -1.7193671464920044, 0.1599864661693573, -0.7801632881164551, -0.8979583382606506, 0.5536705851554871, -0.7427055835723877, 0.5819368958473206, -0.3778612017631531, 0.23692598938941956, 0.0010659247636795044, -0.038452088832855225, -0.31253623962402344, -0.7779802680015564, -0.6269514560699463, 0.1389012336730957, 0.7274752855300903, -1.1265357732772827, 0.2123546600341797, 0.6203228235244751, -0.09919117391109467, 0.04840999096632004, -0.14896872639656067, 0.06816374510526657, -0.26018601655960083, 0.1966991126537323, -0.7738288044929504, 0.30056944489479065, -0.9633813500404358, -0.1522417664527893, -0.846576988697052, 0.911979615688324, 0.6569662094116211, -0.4104984700679779, 0.2393890619277954, 0.17343547940254211, 0.46581584215164185, 0.7753772735595703, -0.0668288841843605, -0.2124370038509369, -0.47502726316452026, 0.2641949951648712, 0.12002617120742798, 0.49864980578422546, 0.3882473111152649, -1.2025798559188843, -1.0302793979644775, -0.8177173733711243, -0.44146913290023804, 1.231666922569275, 0.5169664621353149, 0.46166008710861206, 1.4474844932556152, -0.17178824543952942, 0.034537822008132935, 0.4633299708366394, 1.3258980512619019, 0.36000779271125793, -0.17901770770549774, -0.2204664796590805, -0.060844786465168, -0.7949038147926331, -0.23653285205364227, 0.30203285813331604, 0.5406980514526367, -0.8127043843269348, -0.17753514647483826, 0.3799296021461487, -1.073905348777771, 0.7874249219894409, -1.0091149806976318, 0.9679152965545654, -0.48758089542388916, -0.3638768792152405, -0.9230660796165466, 0.6710688471794128, 0.6991466283798218, 0.49069857597351074, 0.8448383808135986, -0.3215770125389099, 0.0755121111869812, 1.528018832206726, 0.01134464144706726, 1.4190497398376465, 0.40937796235084534, -0.025498252362012863, 0.27555039525032043, 0.10798640549182892, 0.14596587419509888, 0.4458823800086975, 0.09724707156419754, -0.5170180797576904, 0.7803003787994385, -0.08963710814714432, 0.3573179543018341, -0.7414006590843201, 0.6656025052070618, 0.36046069860458374, 0.3179108202457428, -1.1435906887054443, -0.4964354932308197, -1.1287554502487183, -0.8837520480155945, -0.3033192753791809, 0.9568183422088623, 1.000848412513733, 0.4222916066646576, 0.8380746841430664, -0.041738808155059814, 0.42212918400764465, -0.5832945704460144, 0.3847097158432007, 0.5654906034469604, 0.01386997103691101, 1.5067188739776611, 0.5950379371643066, 0.24438218772411346, 0.5678486824035645, 0.07360558211803436, -0.7960789203643799, -0.32799211144447327, -0.016770146787166595, 0.8259108662605286, 1.0855425596237183, -0.9267507195472717, 0.5759782195091248, -0.12607866525650024, 0.05192996934056282, -0.4175044596195221, -0.06843976676464081, 0.6293202042579651, -1.000018835067749, 0.18621709942817688, -0.9439797401428223, 0.01803731732070446, 0.8847493529319763, -0.11782513558864594, -1.2225711345672607, -0.25351178646087646, 1.4855806827545166, -0.09374958276748657, -0.5865333080291748, 0.0790088027715683, 0.3594221770763397, -0.5600056052207947, 0.23411689698696136, -0.2263031303882599, -0.9564361572265625, -0.24538326263427734, 0.8311883211135864, -0.3499085605144501, 0.1096596047282219, -0.10284289717674255, -0.7494717836380005, -0.6763519644737244, 0.8615824580192566, 0.14851494133472443, 0.1229519322514534, -0.15682771801948547, 0.07396585494279861, -0.7988908290863037, 0.7363444566726685, 1.0853489637374878, 0.19871163368225098, -0.21265752613544464, 0.6746076345443726, 0.4221002459526062, -0.4680798053741455, 0.9553770422935486]} +{"paper_id": "Peihao/test-dateset", "embedding": [-0.6953544616699219, 1.0841197967529297, -0.28230422735214233, -0.3075544834136963, 0.5148825645446777, -0.25663238763809204, 0.6674675345420837, 0.4998897612094879, 0.9966549277305603, 0.5779542922973633, 0.41911473870277405, 0.21294012665748596, 0.28705716133117676, -0.22981391847133636, -0.33167213201522827, 0.0921299159526825, -0.6979164481163025, -1.0300043821334839, -1.7310549020767212, -0.47095683217048645, -0.9770740866661072, -0.5485225915908813, -0.06397898495197296, 0.9168291687965393, -0.5416021347045898, -1.0829232931137085, 0.6207609176635742, -1.0345430374145508, 0.1183847039937973, 0.8159646391868591, 0.04119621962308884, 1.3165429830551147, -1.3142203092575073, 0.5861877799034119, -0.2673037350177765, -0.5802966952323914, -0.13871079683303833, 0.6093530654907227, -0.11810843646526337, -0.2511667013168335, -0.709604799747467, -0.29659587144851685, 0.7192426323890686, 0.26540541648864746, 0.5742043256759644, -0.46654799580574036, 0.17554238438606262, -0.16032029688358307, -0.22357389330863953, -0.15582923591136932, -0.5353221893310547, 0.019725356251001358, -0.25121012330055237, 0.578214168548584, -0.3493040204048157, 1.8906277418136597, 0.2877984046936035, -1.0199228525161743, 0.8703977465629578, -1.212217092514038, 0.9549313187599182, 1.810706377029419, -0.4105454981327057, 0.46538645029067993, 0.9789654612541199, -0.3025352954864502, 1.4983869791030884, 0.5834043622016907, 0.5494847893714905, 1.0033077001571655, -0.4426302909851074, -0.7809733748435974, 0.46432963013648987, 0.02418498694896698, 0.4257035553455353, 1.0381044149398804, 0.19700096547603607, -0.30183619260787964, -0.012328012846410275, -0.6798334717750549, -0.8692938685417175, 0.30602508783340454, 0.8079349994659424, -0.5363779067993164, -0.11733900010585785, 0.6073845028877258, 0.09268763661384583, -0.7337589859962463, 0.1209278479218483, -1.6655229330062866, 0.501347005367279, 0.08730008453130722, 0.14825129508972168, -0.17333528399467468, -0.27969712018966675, -0.01860812120139599, -0.3516263961791992, -0.38365188241004944, -0.2149324119091034, 0.46701616048812866, 0.541595458984375, -0.23007433116436005, 0.48382195830345154, 0.1537647247314453, 0.323005348443985, 0.815898597240448, -0.4123478829860687, -0.5686022639274597, -0.5244445204734802, -0.27358824014663696, 0.19446493685245514, 0.7564074993133545, 0.12463511526584625, 0.23335149884223938, -0.05924711376428604, 0.3499278128147125, 0.8362830877304077, -0.3604263365268707, -0.15933917462825775, 0.12269525229930878, -0.26726335287094116, -1.5559539794921875, -0.6703243255615234, -0.29597124457359314, 1.0629445314407349, -0.7211288213729858, -0.17549438774585724, -0.50325608253479, 0.40198978781700134, -0.07050387561321259, 0.36424770951271057, 0.33238762617111206, -1.0653510093688965, 0.13222119212150574, 3.151665449142456, -0.8656076192855835, 1.4759172201156616, -0.4856109917163849, -0.12797996401786804, -0.33965766429901123, 0.18874680995941162, 1.006439447402954, -0.06340750306844711, -1.184548020362854, -0.646735668182373, 0.6877627968788147, -0.5669425129890442, 0.23726284503936768, -0.8945345282554626, 0.029177350923419, 0.33332353830337524, -0.5019450187683105, -0.8107303380966187, -0.6007645726203918, -0.24633361399173737, 0.2529435455799103, 0.37475892901420593, 0.5207886099815369, -0.4386339485645294, 0.9220619797706604, 0.8163182139396667, -0.10461375117301941, -0.10070961713790894, 0.3400489389896393, -1.0455650091171265, -0.11421667039394379, 0.8745867013931274, -0.18020254373550415, -0.32156285643577576, -0.36402735114097595, 0.45597246289253235, -0.39707672595977783, 0.11004914343357086, -0.15481233596801758, 0.04183851182460785, 0.7422987222671509, 0.5381433963775635, 0.6271685361862183, 0.10190361738204956, -0.26461178064346313, -0.4148276448249817, -0.4115478992462158, 0.09300123900175095, 0.49500733613967896, -0.0460929200053215, 0.6100264191627502, -2.128755569458008, -0.29389292001724243, 0.0017004162073135376, 0.43535593152046204, -0.09968263655900955, -0.6686894297599792, 0.1618925929069519, 0.13856934010982513, 0.44188427925109863, -0.5939605832099915, 0.49498656392097473, -0.5187249779701233, -0.044290512800216675, 0.685163676738739, 0.07686439156532288, -0.21336396038532257, 0.20180316269397736, 1.1275973320007324, 0.1736476719379425, -0.4041844606399536, -0.6081942319869995, -1.3304028511047363, 0.45070376992225647, 2.3974971771240234, -0.22816285490989685, -0.8611312508583069, -0.9223284125328064, -0.679822564125061, 0.6349092721939087, -0.6292586922645569, -0.061134207993745804, -0.5625742077827454, 0.017883919179439545, -1.247799277305603, 0.14692158997058868, -0.2491050362586975, 0.07542680948972702, 0.18900935351848602, 1.1373671293258667, -0.3684287667274475, -0.34830647706985474, -0.3599144220352173, -1.1031410694122314, 0.7164008021354675, 0.7638183832168579, 0.46752190589904785, -0.6248421669006348, 0.7062482833862305, -0.5058733820915222, 0.39974677562713623, 0.9315060973167419, 0.4748813509941101, -0.1729082614183426, -0.09987454116344452, -0.18804170191287994, 1.068239688873291, -0.07448278367519379, 0.030999677255749702, -0.3064008057117462, 0.4093573987483978, -0.49346473813056946, -0.60521399974823, 0.3934992551803589, -0.13644066452980042, 1.4474128484725952, 0.5505101084709167, -0.7450922727584839, 0.5698991417884827, -0.7940600514411926, -0.003270938992500305, -0.3779536187648773, -0.4751964509487152, -0.15705037117004395, -0.3524283766746521, 0.618629515171051, -0.4673599600791931, 0.569496214389801, 0.20438937842845917, 0.15747171640396118, -1.2159008979797363, -1.091400146484375, -0.2663559913635254, -0.3800120949745178, -1.2788915634155273, -0.4945606291294098, 0.05603918805718422, -0.547081708908081, -0.35356980562210083, 0.47827473282814026, 0.1871832013130188, 0.11392314732074738, 0.8160157203674316, 1.4822694063186646, 0.12064392864704132, 1.0502548217773438, 0.02641482651233673, 1.1208770275115967, -0.5066449642181396, 0.46326154470443726, 0.49885156750679016, 0.2967512905597687, -0.6915212273597717, 0.23412665724754333, -0.7561456561088562, 0.4385213851928711, 0.5892995595932007, -0.42810875177383423, 0.26453453302383423, -0.43598946928977966, -0.8969652056694031, 1.0424338579177856, -0.47562310099601746, 0.5132797360420227, -0.9324846267700195, 1.8213731050491333, 0.31801822781562805, -0.2647511065006256, 0.8206652998924255, 0.3783126175403595, -0.2475120574235916, 0.65437251329422, -0.3856147229671478, 0.6088973879814148, 0.22356148064136505, -0.06698313355445862, 0.4341704249382019, 0.34797975420951843, -2.0977540016174316, 0.18368232250213623, 0.7872136831283569, -0.17164061963558197, -0.7312500476837158, -0.7103216052055359, -0.219497412443161, -0.3340667188167572, -0.2786574363708496, 0.5587000250816345, -0.558840811252594, 0.506672203540802, 0.09578501433134079, -0.12872539460659027, 1.2317523956298828, -0.6137174367904663, 0.4875306785106659, 0.7864532470703125, 0.41569653153419495, -0.9179283976554871, -0.2401169240474701, 0.6932939887046814, -0.5198777318000793, -0.08616575598716736, 0.5559607148170471, 0.7661685943603516, 1.4234565496444702, -0.2554404139518738, 0.0018835514783859253, 0.7803909778594971, 0.5838803052902222, 0.23628081381320953, 0.39202091097831726, -0.5601176619529724, -0.08695201575756073, 0.6214846968650818, 1.0256547927856445, -0.15691135823726654, -0.6348791122436523, -0.91661536693573, -0.22713367640972137, 0.04102689027786255, -0.9910817742347717, 1.3920817375183105, 0.25862258672714233, 0.8586502075195312, 0.20159892737865448, -0.05784659832715988, -0.6696260571479797, -0.07821056246757507, 0.7594535946846008, 0.6590681076049805, -0.5400007963180542, -0.4446885883808136, 0.03643904998898506, 0.9406711459159851, -0.4405307471752167, -0.4538748562335968, -0.09040380269289017, 1.1925746202468872, 0.05741392821073532, -1.0778521299362183, 0.18199874460697174, 1.210078477859497, 0.47098904848098755, 1.546614170074463, -0.870151698589325, -0.13671745359897614, 0.31141600012779236, 0.5807958245277405, -0.07945441454648972, 0.060456447303295135, 0.030868560075759888, 0.2580012381076813, 0.15925101935863495, 1.057059645652771, 0.23635710775852203, 0.753733217716217, 1.252633810043335, -0.7048893570899963, -0.4905632734298706, -0.15844658017158508, -1.103158712387085, -0.6425346732139587, -0.18669867515563965, -0.29752546548843384, -0.8343226909637451, 0.7788801193237305, -0.6754139065742493, -0.11284171044826508, 0.9521507024765015, -0.6001969575881958, -1.1704825162887573, -0.12497426569461823, 1.2533676624298096, -1.0845403671264648, -0.08442715555429459, -0.21062694489955902, -1.004848837852478, -1.1237822771072388, 0.0236373171210289, -0.5173921585083008, 0.09746132791042328, -0.5260950922966003, 0.8259130120277405, 0.33327388763427734, -0.19570046663284302, -1.1467968225479126, 0.7170932292938232, 1.1447060108184814, -0.6969648599624634, 0.3260161876678467, 0.012296998873353004, 0.5894306898117065, -0.1352948099374771, -0.7450349926948547, 0.0959581583738327, 0.45144128799438477, -0.21315060555934906, 0.5578121542930603, -0.29122892022132874, -0.4277415871620178, 0.6296682953834534, 0.06454265117645264, 0.83049076795578, -1.0732330083847046, -0.13581711053848267, 0.0904611200094223, 0.6318104267120361, 0.6791307926177979, -0.1025676429271698, -0.5569003224372864, 0.9668100476264954, -0.28564849495887756, 0.8124957084655762, -0.199615940451622, 0.6147526502609253, 0.6765124201774597, 0.27211785316467285, -0.10283021628856659, -0.3086661100387573, -12.14860725402832, 0.09648509323596954, -0.14213895797729492, -0.10456672310829163, 0.8443648815155029, -0.155095636844635, 1.1610589027404785, -0.6473022103309631, 0.14670802652835846, -0.5608569979667664, 0.5869852900505066, 0.8194050788879395, 0.31586965918540955, -0.05567802116274834, -0.37100696563720703, -0.8211846351623535, -0.64444500207901, -0.012786142528057098, 0.8638808131217957, -0.19035190343856812, -1.1101665496826172, -0.5572908520698547, 0.24299387633800507, 0.18766888976097107, 0.42605361342430115, -0.0067878179252147675, -0.39016467332839966, -0.10172809660434723, -0.46088069677352905, -0.26692327857017517, 0.403807669878006, 0.02340192347764969, -1.0984288454055786, -0.4832347631454468, 0.4789279103279114, -0.4246809184551239, -1.0210189819335938, -0.13869409263134003, 1.2272834777832031, 0.14064839482307434, -0.503186047077179, 0.03087930753827095, 0.4696890413761139, -0.06038033962249756, -0.8437547087669373, 0.8267084360122681, 0.5506463646888733, -0.727138876914978, 0.4912664294242859, -0.5416076183319092, -0.41774630546569824, -0.8446534872055054, -0.6643924713134766, -0.9678950309753418, 0.45679807662963867, 0.4350581765174866, -0.41764354705810547, 0.09409656375646591, -0.2028244584798813, -0.8376058340072632, 0.9357357621192932, 0.21691541373729706, -0.159283846616745, -0.08633212745189667, 0.15258798003196716, -0.8471009135246277, -0.06146688014268875, 0.4932711124420166, 0.2776210308074951, 0.43190765380859375, -0.569076657295227, 0.6335507035255432, 0.22631967067718506, -0.1030428558588028, -0.5977169871330261, -0.059956543147563934, -0.6562671065330505, -0.5352602005004883, 0.4505061209201813, -0.07437825202941895, -0.9991601705551147, 0.6136185526847839, -0.26538407802581787, -0.017474278807640076, -0.3168118894100189, 0.03802180662751198, -0.34227487444877625, -0.19007040560245514, 0.6845188140869141, -0.05969841778278351, 0.9815496802330017, -0.22545847296714783, -0.38065922260284424, 0.43370720744132996, -0.8174707889556885, 1.5205897092819214, -0.8496001362800598, 0.6515133380889893, 0.44287893176078796, -0.8261955976486206, 0.22030216455459595, 0.2954570949077606, -0.2648034691810608, -0.01041383296251297, 0.6108126044273376, 0.23227912187576294, 0.07795487344264984, 0.23630836606025696, 0.4618348479270935, -0.17710861563682556, 1.005181908607483, 0.3200022876262665, -0.3679749369621277, 0.6907371878623962, -0.38020890951156616, 1.2535604238510132, 0.5409448742866516, 0.4931808114051819, 0.763425886631012, 0.5466799139976501, -0.582686722278595, 1.411157250404358, 0.26103702187538147, 0.8732163310050964, 0.0516418032348156, -0.005297524854540825, 0.10076665878295898, 0.5645223259925842, 0.10464982688426971, -1.4873616695404053, -0.046802569180727005, -0.3856949210166931, -0.15507298707962036, -0.6649215221405029, -0.42803195118904114, -0.23739466071128845, -1.4487073421478271, 1.6185717582702637, -0.23653773963451385, 0.2341403067111969, -0.026925262063741684, -0.6992720365524292, -0.023988187313079834, -0.9741279482841492, -1.3823782205581665, 0.3151892125606537, -1.1400337219238281, -0.12866294384002686, -0.4999156892299652, -0.46602803468704224, 0.006058817729353905, -0.25316110253334045, 0.798724889755249, -1.209983229637146, 0.07912452518939972, 0.03825528174638748, 0.24930791556835175, -0.22739285230636597, -0.7614626884460449, -0.3468625545501709, 0.0541963130235672, 1.1293970346450806, -0.925203800201416, 1.0271037817001343, 0.4155122935771942, -0.25871434807777405, -0.7936258316040039, -0.0009082108736038208, -0.6464672088623047, 0.4790642261505127, 0.8573257923126221, -0.7473652362823486, -0.3500405251979828, -0.9997150897979736, -0.5591213703155518, -0.9310267567634583, 0.11208755522966385, 1.3907204866409302, -0.4157560169696808, -0.10353121161460876, -0.028333239257335663, 1.014480471611023, -0.034070465713739395, 0.1811029314994812, -0.6172516345977783, -0.10150305926799774, -0.012991081923246384, 1.0849008560180664, 0.1920817494392395, 0.37711966037750244, -1.583356261253357, -1.156308889389038, -0.45707032084465027, -0.015305005013942719, 0.03138580918312073, -0.2887774407863617, 0.9655345678329468, 0.3939894437789917, -0.01347602903842926, 0.32508212327957153, -0.22892853617668152, 0.910149097442627, 0.06619001924991608, 0.6808958649635315, 0.5820481181144714, 0.263138085603714, -0.588029146194458, 0.5146832466125488, -0.10351407527923584, 0.605420708656311, -1.8277510404586792, -0.48194169998168945, -0.06945322453975677, -0.5815044045448303, -0.20787321031093597, -0.8939902782440186, 0.02903827838599682, -0.3072158098220825, 0.3041234314441681, -1.096544861793518, 0.11304724961519241, 1.5613681077957153, -0.1673610806465149, 0.49476683139801025, 0.5325549840927124, 0.35798880457878113, 0.2715356647968292, 0.6014564633369446, 1.9171026945114136, 0.04899868369102478, -0.843585193157196, 0.06354080885648727, 0.522141695022583, -0.2872122526168823, 0.05757461488246918, -0.07749324291944504, -1.5055170059204102, 0.5683954954147339, -0.8987000584602356, 0.7792920470237732, -0.5798460245132446, 0.47850537300109863, 0.29507318139076233, 1.0304450988769531, -0.3909546732902527, -1.9759777784347534, -0.2892459034919739, -1.280592918395996, -0.00804353691637516, 0.5538282990455627, 0.5168079733848572, 0.26603782176971436, 0.6339583396911621, -0.41077524423599243, 1.0884774923324585, -0.3728654086589813, 0.028904981911182404, -0.3247522711753845, -0.10306380689144135, 1.1061757802963257, 0.18807309865951538, 0.5678989887237549, -0.37733131647109985, -0.4602946937084198, -0.0194413885474205, -0.46874281764030457, -0.13192987442016602, 0.6781345009803772, 1.1762288808822632, -0.19390900433063507, -0.09995917975902557, -0.8128529191017151, 0.5077845454216003, -0.6891962885856628, 0.7646356821060181, 0.3450336456298828, -0.001392461359500885, -1.3388417959213257, -0.4402787685394287, 0.51533442735672, 1.1012214422225952, 0.1862543672323227, -0.07639862596988678, -0.39012181758880615, 0.43852055072784424, 0.16159290075302124, -0.007634086534380913, -0.9647566080093384, 0.026297885924577713, -0.48158910870552063, 0.30502235889434814, 0.5947726964950562, -0.5997406840324402, -0.3579719364643097, -0.05964053049683571, -0.7755476236343384, 0.6544696092605591, -0.06263108551502228, -0.7668083310127258, -0.5409324765205383, 0.3043304681777954, -0.4666014611721039, -0.028547000139951706, 0.8026564717292786, -0.5301702618598938, -1.5891882181167603, 1.2376710176467896, 1.1898759603500366, -0.8605825901031494, -0.5369994044303894, 0.39970260858535767, -0.18007999658584595, 0.39852380752563477, 1.2297511100769043]} +{"paper_id": "surrey-nlp/PLOD-filtered", "embedding": [-0.11610856652259827, 1.9124782085418701, 0.8689536452293396, 0.5847991704940796, 0.014527078717947006, 0.2669605016708374, 0.3228223919868469, 0.4152558743953705, 0.6651862859725952, 0.32126644253730774, -0.1870954930782318, 0.18642479181289673, -0.054454222321510315, -0.5864248275756836, -0.999340832233429, -0.1537909209728241, -0.840084433555603, -0.44922134280204773, -0.7867816090583801, -0.4886554777622223, -1.0996723175048828, -0.8529385328292847, -0.5142555236816406, 0.005940627306699753, -0.5434212684631348, -0.32878899574279785, -0.2857820987701416, -0.9955015778541565, -0.19094324111938477, 0.1053706705570221, 0.05664046108722687, 0.3654934763908386, -2.5195958614349365, -0.10454103350639343, -0.688135027885437, -0.1574162393808365, 0.371432900428772, 0.6237547397613525, -0.6653198599815369, -0.20120838284492493, -0.818453311920166, 0.0884098932147026, 1.0225909948349, -0.5162397027015686, 0.49097415804862976, -0.25497642159461975, -0.1483260691165924, 0.4559033513069153, 0.43231600522994995, 0.6652905344963074, -0.6247221231460571, -0.06430202722549438, -0.11699031293392181, 0.5274308919906616, -0.6119593381881714, 1.037645697593689, -0.12809810042381287, -0.7293755412101746, 0.3211064338684082, 0.010046452283859253, 1.0615237951278687, 1.0940407514572144, -0.4477822482585907, 0.33494678139686584, 0.27580273151397705, 0.4270949363708496, 1.4329067468643188, 0.29429513216018677, 0.4512906074523926, 1.1927591562271118, 0.055094197392463684, -0.9258202910423279, 1.4282878637313843, -0.3791595995426178, -0.08967332541942596, 1.1830707788467407, 0.4636189639568329, -0.33387699723243713, 0.7501331567764282, -0.3135221302509308, -0.7984032034873962, 0.7934406995773315, 0.5069730877876282, -0.3637458086013794, -0.5973219871520996, -0.5030762553215027, -0.23789602518081665, -0.5762243270874023, 1.0486557483673096, -0.8130771517753601, 0.11306986212730408, 0.9993786215782166, -0.8137186765670776, -0.02722189575433731, -0.08575604856014252, -0.21479427814483643, 0.28713753819465637, 0.02575693465769291, -1.5638771057128906, -0.027762431651353836, 1.237350583076477, -0.3538166880607605, 1.0295343399047852, -0.5339327454566956, 0.8968327045440674, 0.8948692679405212, -0.6730576753616333, -0.272326797246933, -0.5299776196479797, 0.25148043036460876, 0.4783257246017456, 0.6757901906967163, 0.19823285937309265, 0.7539348602294922, -0.05530273914337158, -0.46428585052490234, -0.052123285830020905, -0.3373149335384369, -0.7646853923797607, -0.07172127068042755, -0.9364230036735535, -1.363394021987915, 0.4876273572444916, -0.04425961151719093, 0.2487257570028305, -1.026587963104248, 0.36365020275115967, -0.31962549686431885, 0.2991875112056732, -0.03183545544743538, 0.9056605100631714, -0.35134342312812805, -0.6506815552711487, 0.03116273507475853, 2.848039388656616, -1.6780331134796143, 0.5347845554351807, 0.009485343471169472, 0.4947500228881836, -0.6478679180145264, -0.2766747772693634, 1.7288107872009277, 0.20100665092468262, -0.6616951823234558, -0.9959901571273804, 0.28459569811820984, -0.7379791140556335, 0.27631524205207825, -0.5339252948760986, -0.06273268163204193, -0.23087546229362488, 0.5497927069664001, -0.9871917366981506, -1.181746482849121, 0.21277396380901337, 0.7435963153839111, -0.14752501249313354, 0.5700489282608032, -0.26757222414016724, 1.4057586193084717, 1.397695541381836, 0.12982513010501862, -0.5005221366882324, 0.5661662817001343, -1.2459241151809692, -0.013487197458744049, 1.1522680521011353, -0.172870934009552, -0.7875669598579407, -0.634478747844696, 0.9641265273094177, -0.47081202268600464, -0.0678151398897171, -0.001046629622578621, 0.2529057562351227, 0.504874050617218, 0.2115422487258911, -0.1421634703874588, 0.43418583273887634, -0.6959401369094849, -0.6697555184364319, -0.0833771824836731, 0.214107483625412, 0.7732983827590942, 0.16813267767429352, 0.4767693281173706, -1.9146393537521362, -0.3765665888786316, -0.09258085489273071, 0.86457759141922, 0.12272551655769348, -0.9253574013710022, -0.3420514464378357, 0.68236243724823, -0.11898910254240036, -0.5757778882980347, -0.4953572750091553, -1.4045780897140503, 0.22439801692962646, 1.5422049760818481, 0.3980003893375397, -0.10575563460588455, -0.32775649428367615, 1.1698901653289795, 1.1274014711380005, -0.7644693851470947, 0.3620128333568573, -1.4464619159698486, -0.2444293200969696, 2.3678455352783203, -0.3778505027294159, -1.0164982080459595, -1.5292779207229614, -0.3026498556137085, 0.16195648908615112, -0.029844246804714203, 0.01755167543888092, -0.32995766401290894, -0.23615959286689758, -0.5514832735061646, 1.2622833251953125, -0.8510395288467407, 0.10888833552598953, -0.393517404794693, 0.7832643389701843, -0.45609670877456665, -0.316680371761322, -0.14522339403629303, -0.3206377625465393, 0.9842916131019592, 0.8921544551849365, -0.14232857525348663, 0.030456088483333588, 0.9164281487464905, 0.0619334876537323, 0.73787522315979, 0.5813124775886536, 0.47346362471580505, -0.5933717489242554, 0.4201847016811371, 0.4590672254562378, 0.45308274030685425, -0.7204315066337585, 0.38491907715797424, 0.22582535445690155, 0.15774472057819366, -0.062386371195316315, -1.1203550100326538, -0.5063963532447815, -0.14707696437835693, 1.3932076692581177, 0.8174976110458374, -0.3396769165992737, 0.9616508483886719, -1.4079139232635498, -0.2036316692829132, -0.3525420129299164, -0.21060161292552948, -0.07386358082294464, -0.09478369355201721, 0.3438393175601959, 0.021743720397353172, -0.09909074008464813, -0.3163308799266815, -0.31542107462882996, -1.185571551322937, -1.1933462619781494, -0.49799779057502747, -0.4874487519264221, -1.2956043481826782, -0.05797387659549713, 0.1601875275373459, -1.6901280879974365, -0.4640643298625946, 0.01867593452334404, 0.16098690032958984, -0.28108838200569153, 0.40935784578323364, 1.8288174867630005, 0.036648549139499664, 0.7954264879226685, -0.11940193176269531, 1.0336647033691406, -0.24752207100391388, 0.4239722490310669, -0.03478969261050224, 0.17271432280540466, -0.9562013745307922, 0.06320805847644806, -0.0016395561397075653, 0.4535939693450928, 0.4088011384010315, -0.6426442265510559, 0.6808278560638428, 0.17610400915145874, -1.1964186429977417, 0.2383471131324768, -0.642484188079834, -0.058424510061740875, -0.848806619644165, 1.3854485750198364, 0.49300527572631836, -0.06614881008863449, 0.5247772336006165, -0.6971446871757507, 0.008353043347597122, 0.7028945684432983, -1.0992400646209717, 1.251928448677063, 0.8965196013450623, 0.6317846775054932, 0.6543712615966797, -0.026983220130205154, -2.249868392944336, -0.3074238896369934, 0.8046647310256958, 0.13385486602783203, -0.33953678607940674, -0.32093000411987305, -0.3589492440223694, -0.3395138382911682, -0.5987405776977539, 0.6242842078208923, -1.1164590120315552, 0.41847190260887146, -0.22002190351486206, -0.2819533050060272, -0.01714492402970791, 0.11692938208580017, 1.172674298286438, 1.1231552362442017, -0.18085357546806335, -1.0803806781768799, 0.04201893508434296, 0.8153343796730042, -0.3584510385990143, 0.5442396402359009, 0.10489214956760406, 0.7749761343002319, 0.8794845342636108, -0.35101523995399475, -0.19269955158233643, 0.5985904932022095, 0.6749941110610962, -0.38662588596343994, 0.37490591406822205, -0.22464869916439056, 1.3435556888580322, 0.3463834226131439, 1.272425889968872, 0.2434329092502594, -0.19154328107833862, -1.0451173782348633, -0.19459928572177887, -0.5916061401367188, -0.1702987253665924, 1.8677324056625366, 1.1924676895141602, 1.857961893081665, 0.43440136313438416, 0.3888888359069824, -0.3417717516422272, 0.30841293931007385, 0.6612758636474609, 1.088477373123169, 0.024086154997348785, -0.32342106103897095, -0.461710125207901, 0.4941626191139221, 0.07036792486906052, -0.5684061646461487, 0.23552241921424866, 0.12175249308347702, -0.5105936527252197, -1.149332046508789, -0.21533995866775513, 0.3406580686569214, 1.302641749382019, 2.370414972305298, -0.9141377806663513, -0.5330816507339478, -0.18257711827754974, 0.20503003895282745, 1.0975903272628784, -0.10410542786121368, -1.718420386314392, 0.2567448019981384, 0.7658514380455017, -0.2592639923095703, -0.7287405133247375, 1.122922658920288, 1.0131332874298096, 0.1200912743806839, -0.5143033862113953, -0.1821071207523346, -0.5177172422409058, -0.4878961741924286, -0.507497251033783, -0.004278972744941711, -1.3896691799163818, -0.3867708444595337, 0.26483407616615295, -1.022391676902771, 0.2564243972301483, -0.13134875893592834, -0.8056330680847168, 1.0538524389266968, 1.1073408126831055, -1.0706804990768433, -1.3046131134033203, 0.36451417207717896, -1.1478086709976196, -0.8001319766044617, 0.6119748950004578, -1.2774995565414429, -0.06304964423179626, 1.1928586959838867, 0.6903935074806213, 0.042137157171964645, -0.20868165791034698, -0.902104377746582, 0.36843621730804443, 0.9900660514831543, -0.4629778265953064, -0.25351017713546753, -0.4322924315929413, 0.4778602719306946, -0.7516840696334839, -1.836814045906067, -0.7329992651939392, -0.14898265898227692, -0.13693340122699738, -0.7919667363166809, -1.3678838014602661, -0.4229620695114136, -0.1840534508228302, 0.6167035102844238, 0.07072523236274719, -0.5856707096099854, -0.041783615946769714, 0.10277412086725235, 0.3586696684360504, 1.0090118646621704, -0.267838716506958, -0.5999079346656799, 0.9754470586776733, -0.3735823333263397, 1.1472156047821045, 1.0095813274383545, 0.8044908046722412, 0.6170338988304138, -0.0007132366299629211, -0.06281888484954834, -0.9426048398017883, -10.837977409362793, 0.8170478343963623, 0.2970549464225769, 0.6402828097343445, 0.41637519001960754, -0.10610011965036392, 0.39874953031539917, -0.763074517250061, 1.3615546226501465, 0.030045300722122192, 0.5093425512313843, 1.5632820129394531, 0.5551803112030029, -0.5649471879005432, -0.16121426224708557, -1.1124069690704346, -1.1020444631576538, -0.6715341210365295, 0.8111041784286499, 1.2219356298446655, 0.28280243277549744, -0.60317063331604, -0.37205421924591064, -0.23588956892490387, 0.9965569376945496, -0.2854729890823364, -0.253591388463974, 0.19211818277835846, -0.7098193168640137, -0.045591823756694794, -0.07811739295721054, -0.13293413817882538, -0.2953389286994934, -0.23514515161514282, 0.493543803691864, 0.38966986536979675, -0.650680661201477, -0.37646999955177307, 0.9189372658729553, -0.5705575346946716, -1.042520523071289, 0.16539442539215088, 0.4846768379211426, -0.7428080439567566, -0.31735238432884216, 0.04039016366004944, -0.04079044610261917, -0.6286618709564209, 0.9610698819160461, -0.6556450724601746, -0.7886866927146912, -0.768121600151062, -1.7649327516555786, -0.9288296699523926, 0.6824741959571838, 0.6752838492393494, -0.513865053653717, 0.35165417194366455, -0.24637334048748016, -0.23037058115005493, 0.886349618434906, 0.0020396430045366287, -0.5638141632080078, 1.1400820016860962, -0.0532192587852478, 0.12011691182851791, 1.1470173597335815, 0.26015686988830566, 0.19631993770599365, 0.4522629678249359, -1.0320968627929688, 1.0551021099090576, 0.6034292578697205, -0.3936542272567749, 0.09229682385921478, -0.2853023111820221, -0.32258519530296326, -0.6390547156333923, 0.6201081275939941, 0.8695282936096191, -1.2109681367874146, 0.9541360139846802, -0.16700570285320282, -0.4082353711128235, -1.0132611989974976, 0.2824714183807373, -0.3044465482234955, -0.37500619888305664, 0.4253324270248413, -0.16390538215637207, 1.235089898109436, -0.2623441517353058, -0.7266995310783386, 0.25041958689689636, -0.11374521255493164, 0.5952270030975342, -1.0890928506851196, 0.7714571356773376, -0.03927932307124138, -0.09084581583738327, 0.9340865015983582, -0.5591683983802795, -0.7761367559432983, 0.0983622670173645, 0.6807156205177307, -0.251183420419693, 0.36434507369995117, 0.1465599536895752, -0.1643780767917633, -0.11531433463096619, 0.795685887336731, 0.0004290342330932617, 0.11433678865432739, 0.27141326665878296, 0.03724828362464905, 1.2783174514770508, 0.4020759165287018, -0.1908629834651947, -0.1108257994055748, 0.2067887783050537, 0.8464303612709045, 0.8123525381088257, 0.37694844603538513, 1.3997541666030884, -0.1250217705965042, 0.3902716338634491, 0.5927077531814575, 0.7872881889343262, -0.09426382184028625, -1.1829638481140137, 0.05318114906549454, -0.15519662201404572, -0.2841152250766754, -1.469067096710205, 0.01719401404261589, -0.21803899109363556, -0.9359907507896423, 1.259599208831787, -0.7583788633346558, -0.7565825581550598, -0.29769158363342285, -0.4436526298522949, -0.154453307390213, -0.19753363728523254, -0.7499408721923828, 0.3586374521255493, -1.2471951246261597, -0.09241482615470886, -0.7375808358192444, -0.6815037727355957, 0.37164220213890076, -0.45672333240509033, 1.0988171100616455, -0.43737703561782837, -0.5297241806983948, -0.46934765577316284, 0.4798823893070221, -0.4866403341293335, -0.22989483177661896, -0.022313058376312256, 0.6161606907844543, 1.1797276735305786, -0.6065670251846313, 0.2688291668891907, 0.23506683111190796, 0.5107986330986023, -0.4995543360710144, 0.18466097116470337, -0.38604024052619934, 0.37341323494911194, 0.8195863366127014, -0.9199245572090149, 0.22613757848739624, -0.37508076429367065, -0.7208390235900879, 0.053935229778289795, 0.8172163367271423, 1.363702416419983, -1.0682182312011719, 0.6885351538658142, 0.783012330532074, 0.5663212537765503, 1.4648456573486328, -0.4128834009170532, -0.22654205560684204, -0.020517170429229736, -0.4985062777996063, 0.8639175295829773, -0.205523282289505, 0.08881305158138275, -0.878057599067688, -1.3012053966522217, -0.7114703059196472, -0.3506482243537903, 1.1287543773651123, 0.4298863410949707, 0.7085252404212952, 0.0027585718780755997, 0.6708774566650391, 0.48499053716659546, 0.24376258254051208, 0.8676025867462158, 1.2153345346450806, 0.6429809331893921, 0.09901109337806702, -0.2105700969696045, -0.4092732071876526, -0.1837042272090912, 1.1350091695785522, 0.5848771929740906, -1.0773624181747437, 0.21945540606975555, 0.9798381924629211, -0.04476572945713997, 0.5487244725227356, -1.0165698528289795, 0.25840893387794495, 0.006794668734073639, -0.9100863337516785, -1.0885591506958008, 0.05191711336374283, 0.5284568667411804, -0.9179649949073792, 0.9259716272354126, 0.41868630051612854, -0.13717558979988098, 0.2766619324684143, 0.29956716299057007, 1.2404385805130005, -0.5974580645561218, -0.6402926445007324, 0.06907227635383606, 0.20988556742668152, -0.5064346194267273, -0.20895951986312866, 0.4846130609512329, -0.6295725107192993, -0.21372121572494507, -0.8729397654533386, 0.05306746065616608, -0.6761487126350403, -0.27281084656715393, -0.3995018005371094, 1.3116027116775513, 0.23436374962329865, -0.308002769947052, -0.1855778694152832, -0.7491027116775513, -0.7507240772247314, 0.28912636637687683, 0.11840241402387619, 0.9706888198852539, 0.7771931886672974, -0.1881036013364792, 1.1508488655090332, 0.2459067404270172, -0.09309837222099304, 0.010173499584197998, -0.8561800122261047, 0.956585168838501, 0.7713673114776611, -0.5158500075340271, -0.5175902247428894, -0.29277515411376953, -1.0092051029205322, -1.4151536226272583, -0.8931415677070618, 0.38489025831222534, 1.6144639253616333, -0.12042312324047089, 0.07383275032043457, -0.5308125019073486, 0.36996206641197205, -0.3745364248752594, 0.4812562167644501, 0.10139816999435425, -0.13685327768325806, -1.2558085918426514, -1.0690988302230835, -0.46692728996276855, 0.8175131678581238, -0.7024818062782288, 0.09622452408075333, -0.3825231194496155, -0.1313033550977707, -0.8412832021713257, -0.37891682982444763, -0.3429288864135742, 0.40880537033081055, -0.4998137652873993, -0.433687686920166, 0.5748125314712524, -0.855759859085083, -0.8751318454742432, -0.2491639256477356, -0.8560301065444946, 0.5038869380950928, 0.29269808530807495, -1.0267937183380127, 0.9071083068847656, 0.8388890027999878, 0.08721055090427399, -0.7779600620269775, 1.1932611465454102, -0.03371647000312805, -1.051246166229248, 0.9182546734809875, 0.9209040403366089, -0.10948927700519562, -0.24577069282531738, 0.23840832710266113, 0.8705031871795654, 0.023919634521007538, 1.170069932937622]} +{"paper_id": "surrey-nlp/PLOD-unfiltered", "embedding": [-0.11610856652259827, 1.9124782085418701, 0.8689536452293396, 0.5847991704940796, 0.014527078717947006, 0.2669605016708374, 0.3228223919868469, 0.4152558743953705, 0.6651862859725952, 0.32126644253730774, -0.1870954930782318, 0.18642479181289673, -0.054454222321510315, -0.5864248275756836, -0.999340832233429, -0.1537909209728241, -0.840084433555603, -0.44922134280204773, -0.7867816090583801, -0.4886554777622223, -1.0996723175048828, -0.8529385328292847, -0.5142555236816406, 0.005940627306699753, -0.5434212684631348, -0.32878899574279785, -0.2857820987701416, -0.9955015778541565, -0.19094324111938477, 0.1053706705570221, 0.05664046108722687, 0.3654934763908386, -2.5195958614349365, -0.10454103350639343, -0.688135027885437, -0.1574162393808365, 0.371432900428772, 0.6237547397613525, -0.6653198599815369, -0.20120838284492493, -0.818453311920166, 0.0884098932147026, 1.0225909948349, -0.5162397027015686, 0.49097415804862976, -0.25497642159461975, -0.1483260691165924, 0.4559033513069153, 0.43231600522994995, 0.6652905344963074, -0.6247221231460571, -0.06430202722549438, -0.11699031293392181, 0.5274308919906616, -0.6119593381881714, 1.037645697593689, -0.12809810042381287, -0.7293755412101746, 0.3211064338684082, 0.010046452283859253, 1.0615237951278687, 1.0940407514572144, -0.4477822482585907, 0.33494678139686584, 0.27580273151397705, 0.4270949363708496, 1.4329067468643188, 0.29429513216018677, 0.4512906074523926, 1.1927591562271118, 0.055094197392463684, -0.9258202910423279, 1.4282878637313843, -0.3791595995426178, -0.08967332541942596, 1.1830707788467407, 0.4636189639568329, -0.33387699723243713, 0.7501331567764282, -0.3135221302509308, -0.7984032034873962, 0.7934406995773315, 0.5069730877876282, -0.3637458086013794, -0.5973219871520996, -0.5030762553215027, -0.23789602518081665, -0.5762243270874023, 1.0486557483673096, -0.8130771517753601, 0.11306986212730408, 0.9993786215782166, -0.8137186765670776, -0.02722189575433731, -0.08575604856014252, -0.21479427814483643, 0.28713753819465637, 0.02575693465769291, -1.5638771057128906, -0.027762431651353836, 1.237350583076477, -0.3538166880607605, 1.0295343399047852, -0.5339327454566956, 0.8968327045440674, 0.8948692679405212, -0.6730576753616333, -0.272326797246933, -0.5299776196479797, 0.25148043036460876, 0.4783257246017456, 0.6757901906967163, 0.19823285937309265, 0.7539348602294922, -0.05530273914337158, -0.46428585052490234, -0.052123285830020905, -0.3373149335384369, -0.7646853923797607, -0.07172127068042755, -0.9364230036735535, -1.363394021987915, 0.4876273572444916, -0.04425961151719093, 0.2487257570028305, -1.026587963104248, 0.36365020275115967, -0.31962549686431885, 0.2991875112056732, -0.03183545544743538, 0.9056605100631714, -0.35134342312812805, -0.6506815552711487, 0.03116273507475853, 2.848039388656616, -1.6780331134796143, 0.5347845554351807, 0.009485343471169472, 0.4947500228881836, -0.6478679180145264, -0.2766747772693634, 1.7288107872009277, 0.20100665092468262, -0.6616951823234558, -0.9959901571273804, 0.28459569811820984, -0.7379791140556335, 0.27631524205207825, -0.5339252948760986, -0.06273268163204193, -0.23087546229362488, 0.5497927069664001, -0.9871917366981506, -1.181746482849121, 0.21277396380901337, 0.7435963153839111, -0.14752501249313354, 0.5700489282608032, -0.26757222414016724, 1.4057586193084717, 1.397695541381836, 0.12982513010501862, -0.5005221366882324, 0.5661662817001343, -1.2459241151809692, -0.013487197458744049, 1.1522680521011353, -0.172870934009552, -0.7875669598579407, -0.634478747844696, 0.9641265273094177, -0.47081202268600464, -0.0678151398897171, -0.001046629622578621, 0.2529057562351227, 0.504874050617218, 0.2115422487258911, -0.1421634703874588, 0.43418583273887634, -0.6959401369094849, -0.6697555184364319, -0.0833771824836731, 0.214107483625412, 0.7732983827590942, 0.16813267767429352, 0.4767693281173706, -1.9146393537521362, -0.3765665888786316, -0.09258085489273071, 0.86457759141922, 0.12272551655769348, -0.9253574013710022, -0.3420514464378357, 0.68236243724823, -0.11898910254240036, -0.5757778882980347, -0.4953572750091553, -1.4045780897140503, 0.22439801692962646, 1.5422049760818481, 0.3980003893375397, -0.10575563460588455, -0.32775649428367615, 1.1698901653289795, 1.1274014711380005, -0.7644693851470947, 0.3620128333568573, -1.4464619159698486, -0.2444293200969696, 2.3678455352783203, -0.3778505027294159, -1.0164982080459595, -1.5292779207229614, -0.3026498556137085, 0.16195648908615112, -0.029844246804714203, 0.01755167543888092, -0.32995766401290894, -0.23615959286689758, -0.5514832735061646, 1.2622833251953125, -0.8510395288467407, 0.10888833552598953, -0.393517404794693, 0.7832643389701843, -0.45609670877456665, -0.316680371761322, -0.14522339403629303, -0.3206377625465393, 0.9842916131019592, 0.8921544551849365, -0.14232857525348663, 0.030456088483333588, 0.9164281487464905, 0.0619334876537323, 0.73787522315979, 0.5813124775886536, 0.47346362471580505, -0.5933717489242554, 0.4201847016811371, 0.4590672254562378, 0.45308274030685425, -0.7204315066337585, 0.38491907715797424, 0.22582535445690155, 0.15774472057819366, -0.062386371195316315, -1.1203550100326538, -0.5063963532447815, -0.14707696437835693, 1.3932076692581177, 0.8174976110458374, -0.3396769165992737, 0.9616508483886719, -1.4079139232635498, -0.2036316692829132, -0.3525420129299164, -0.21060161292552948, -0.07386358082294464, -0.09478369355201721, 0.3438393175601959, 0.021743720397353172, -0.09909074008464813, -0.3163308799266815, -0.31542107462882996, -1.185571551322937, -1.1933462619781494, -0.49799779057502747, -0.4874487519264221, -1.2956043481826782, -0.05797387659549713, 0.1601875275373459, -1.6901280879974365, -0.4640643298625946, 0.01867593452334404, 0.16098690032958984, -0.28108838200569153, 0.40935784578323364, 1.8288174867630005, 0.036648549139499664, 0.7954264879226685, -0.11940193176269531, 1.0336647033691406, -0.24752207100391388, 0.4239722490310669, -0.03478969261050224, 0.17271432280540466, -0.9562013745307922, 0.06320805847644806, -0.0016395561397075653, 0.4535939693450928, 0.4088011384010315, -0.6426442265510559, 0.6808278560638428, 0.17610400915145874, -1.1964186429977417, 0.2383471131324768, -0.642484188079834, -0.058424510061740875, -0.848806619644165, 1.3854485750198364, 0.49300527572631836, -0.06614881008863449, 0.5247772336006165, -0.6971446871757507, 0.008353043347597122, 0.7028945684432983, -1.0992400646209717, 1.251928448677063, 0.8965196013450623, 0.6317846775054932, 0.6543712615966797, -0.026983220130205154, -2.249868392944336, -0.3074238896369934, 0.8046647310256958, 0.13385486602783203, -0.33953678607940674, -0.32093000411987305, -0.3589492440223694, -0.3395138382911682, -0.5987405776977539, 0.6242842078208923, -1.1164590120315552, 0.41847190260887146, -0.22002190351486206, -0.2819533050060272, -0.01714492402970791, 0.11692938208580017, 1.172674298286438, 1.1231552362442017, -0.18085357546806335, -1.0803806781768799, 0.04201893508434296, 0.8153343796730042, -0.3584510385990143, 0.5442396402359009, 0.10489214956760406, 0.7749761343002319, 0.8794845342636108, -0.35101523995399475, -0.19269955158233643, 0.5985904932022095, 0.6749941110610962, -0.38662588596343994, 0.37490591406822205, -0.22464869916439056, 1.3435556888580322, 0.3463834226131439, 1.272425889968872, 0.2434329092502594, -0.19154328107833862, -1.0451173782348633, -0.19459928572177887, -0.5916061401367188, -0.1702987253665924, 1.8677324056625366, 1.1924676895141602, 1.857961893081665, 0.43440136313438416, 0.3888888359069824, -0.3417717516422272, 0.30841293931007385, 0.6612758636474609, 1.088477373123169, 0.024086154997348785, -0.32342106103897095, -0.461710125207901, 0.4941626191139221, 0.07036792486906052, -0.5684061646461487, 0.23552241921424866, 0.12175249308347702, -0.5105936527252197, -1.149332046508789, -0.21533995866775513, 0.3406580686569214, 1.302641749382019, 2.370414972305298, -0.9141377806663513, -0.5330816507339478, -0.18257711827754974, 0.20503003895282745, 1.0975903272628784, -0.10410542786121368, -1.718420386314392, 0.2567448019981384, 0.7658514380455017, -0.2592639923095703, -0.7287405133247375, 1.122922658920288, 1.0131332874298096, 0.1200912743806839, -0.5143033862113953, -0.1821071207523346, -0.5177172422409058, -0.4878961741924286, -0.507497251033783, -0.004278972744941711, -1.3896691799163818, -0.3867708444595337, 0.26483407616615295, -1.022391676902771, 0.2564243972301483, -0.13134875893592834, -0.8056330680847168, 1.0538524389266968, 1.1073408126831055, -1.0706804990768433, -1.3046131134033203, 0.36451417207717896, -1.1478086709976196, -0.8001319766044617, 0.6119748950004578, -1.2774995565414429, -0.06304964423179626, 1.1928586959838867, 0.6903935074806213, 0.042137157171964645, -0.20868165791034698, -0.902104377746582, 0.36843621730804443, 0.9900660514831543, -0.4629778265953064, -0.25351017713546753, -0.4322924315929413, 0.4778602719306946, -0.7516840696334839, -1.836814045906067, -0.7329992651939392, -0.14898265898227692, -0.13693340122699738, -0.7919667363166809, -1.3678838014602661, -0.4229620695114136, -0.1840534508228302, 0.6167035102844238, 0.07072523236274719, -0.5856707096099854, -0.041783615946769714, 0.10277412086725235, 0.3586696684360504, 1.0090118646621704, -0.267838716506958, -0.5999079346656799, 0.9754470586776733, -0.3735823333263397, 1.1472156047821045, 1.0095813274383545, 0.8044908046722412, 0.6170338988304138, -0.0007132366299629211, -0.06281888484954834, -0.9426048398017883, -10.837977409362793, 0.8170478343963623, 0.2970549464225769, 0.6402828097343445, 0.41637519001960754, -0.10610011965036392, 0.39874953031539917, -0.763074517250061, 1.3615546226501465, 0.030045300722122192, 0.5093425512313843, 1.5632820129394531, 0.5551803112030029, -0.5649471879005432, -0.16121426224708557, -1.1124069690704346, -1.1020444631576538, -0.6715341210365295, 0.8111041784286499, 1.2219356298446655, 0.28280243277549744, -0.60317063331604, -0.37205421924591064, -0.23588956892490387, 0.9965569376945496, -0.2854729890823364, -0.253591388463974, 0.19211818277835846, -0.7098193168640137, -0.045591823756694794, -0.07811739295721054, -0.13293413817882538, -0.2953389286994934, -0.23514515161514282, 0.493543803691864, 0.38966986536979675, -0.650680661201477, -0.37646999955177307, 0.9189372658729553, -0.5705575346946716, -1.042520523071289, 0.16539442539215088, 0.4846768379211426, -0.7428080439567566, -0.31735238432884216, 0.04039016366004944, -0.04079044610261917, -0.6286618709564209, 0.9610698819160461, -0.6556450724601746, -0.7886866927146912, -0.768121600151062, -1.7649327516555786, -0.9288296699523926, 0.6824741959571838, 0.6752838492393494, -0.513865053653717, 0.35165417194366455, -0.24637334048748016, -0.23037058115005493, 0.886349618434906, 0.0020396430045366287, -0.5638141632080078, 1.1400820016860962, -0.0532192587852478, 0.12011691182851791, 1.1470173597335815, 0.26015686988830566, 0.19631993770599365, 0.4522629678249359, -1.0320968627929688, 1.0551021099090576, 0.6034292578697205, -0.3936542272567749, 0.09229682385921478, -0.2853023111820221, -0.32258519530296326, -0.6390547156333923, 0.6201081275939941, 0.8695282936096191, -1.2109681367874146, 0.9541360139846802, -0.16700570285320282, -0.4082353711128235, -1.0132611989974976, 0.2824714183807373, -0.3044465482234955, -0.37500619888305664, 0.4253324270248413, -0.16390538215637207, 1.235089898109436, -0.2623441517353058, -0.7266995310783386, 0.25041958689689636, -0.11374521255493164, 0.5952270030975342, -1.0890928506851196, 0.7714571356773376, -0.03927932307124138, -0.09084581583738327, 0.9340865015983582, -0.5591683983802795, -0.7761367559432983, 0.0983622670173645, 0.6807156205177307, -0.251183420419693, 0.36434507369995117, 0.1465599536895752, -0.1643780767917633, -0.11531433463096619, 0.795685887336731, 0.0004290342330932617, 0.11433678865432739, 0.27141326665878296, 0.03724828362464905, 1.2783174514770508, 0.4020759165287018, -0.1908629834651947, -0.1108257994055748, 0.2067887783050537, 0.8464303612709045, 0.8123525381088257, 0.37694844603538513, 1.3997541666030884, -0.1250217705965042, 0.3902716338634491, 0.5927077531814575, 0.7872881889343262, -0.09426382184028625, -1.1829638481140137, 0.05318114906549454, -0.15519662201404572, -0.2841152250766754, -1.469067096710205, 0.01719401404261589, -0.21803899109363556, -0.9359907507896423, 1.259599208831787, -0.7583788633346558, -0.7565825581550598, -0.29769158363342285, -0.4436526298522949, -0.154453307390213, -0.19753363728523254, -0.7499408721923828, 0.3586374521255493, -1.2471951246261597, -0.09241482615470886, -0.7375808358192444, -0.6815037727355957, 0.37164220213890076, -0.45672333240509033, 1.0988171100616455, -0.43737703561782837, -0.5297241806983948, -0.46934765577316284, 0.4798823893070221, -0.4866403341293335, -0.22989483177661896, -0.022313058376312256, 0.6161606907844543, 1.1797276735305786, -0.6065670251846313, 0.2688291668891907, 0.23506683111190796, 0.5107986330986023, -0.4995543360710144, 0.18466097116470337, -0.38604024052619934, 0.37341323494911194, 0.8195863366127014, -0.9199245572090149, 0.22613757848739624, -0.37508076429367065, -0.7208390235900879, 0.053935229778289795, 0.8172163367271423, 1.363702416419983, -1.0682182312011719, 0.6885351538658142, 0.783012330532074, 0.5663212537765503, 1.4648456573486328, -0.4128834009170532, -0.22654205560684204, -0.020517170429229736, -0.4985062777996063, 0.8639175295829773, -0.205523282289505, 0.08881305158138275, -0.878057599067688, -1.3012053966522217, -0.7114703059196472, -0.3506482243537903, 1.1287543773651123, 0.4298863410949707, 0.7085252404212952, 0.0027585718780755997, 0.6708774566650391, 0.48499053716659546, 0.24376258254051208, 0.8676025867462158, 1.2153345346450806, 0.6429809331893921, 0.09901109337806702, -0.2105700969696045, -0.4092732071876526, -0.1837042272090912, 1.1350091695785522, 0.5848771929740906, -1.0773624181747437, 0.21945540606975555, 0.9798381924629211, -0.04476572945713997, 0.5487244725227356, -1.0165698528289795, 0.25840893387794495, 0.006794668734073639, -0.9100863337516785, -1.0885591506958008, 0.05191711336374283, 0.5284568667411804, -0.9179649949073792, 0.9259716272354126, 0.41868630051612854, -0.13717558979988098, 0.2766619324684143, 0.29956716299057007, 1.2404385805130005, -0.5974580645561218, -0.6402926445007324, 0.06907227635383606, 0.20988556742668152, -0.5064346194267273, -0.20895951986312866, 0.4846130609512329, -0.6295725107192993, -0.21372121572494507, -0.8729397654533386, 0.05306746065616608, -0.6761487126350403, -0.27281084656715393, -0.3995018005371094, 1.3116027116775513, 0.23436374962329865, -0.308002769947052, -0.1855778694152832, -0.7491027116775513, -0.7507240772247314, 0.28912636637687683, 0.11840241402387619, 0.9706888198852539, 0.7771931886672974, -0.1881036013364792, 1.1508488655090332, 0.2459067404270172, -0.09309837222099304, 0.010173499584197998, -0.8561800122261047, 0.956585168838501, 0.7713673114776611, -0.5158500075340271, -0.5175902247428894, -0.29277515411376953, -1.0092051029205322, -1.4151536226272583, -0.8931415677070618, 0.38489025831222534, 1.6144639253616333, -0.12042312324047089, 0.07383275032043457, -0.5308125019073486, 0.36996206641197205, -0.3745364248752594, 0.4812562167644501, 0.10139816999435425, -0.13685327768325806, -1.2558085918426514, -1.0690988302230835, -0.46692728996276855, 0.8175131678581238, -0.7024818062782288, 0.09622452408075333, -0.3825231194496155, -0.1313033550977707, -0.8412832021713257, -0.37891682982444763, -0.3429288864135742, 0.40880537033081055, -0.4998137652873993, -0.433687686920166, 0.5748125314712524, -0.855759859085083, -0.8751318454742432, -0.2491639256477356, -0.8560301065444946, 0.5038869380950928, 0.29269808530807495, -1.0267937183380127, 0.9071083068847656, 0.8388890027999878, 0.08721055090427399, -0.7779600620269775, 1.1932611465454102, -0.03371647000312805, -1.051246166229248, 0.9182546734809875, 0.9209040403366089, -0.10948927700519562, -0.24577069282531738, 0.23840832710266113, 0.8705031871795654, 0.023919634521007538, 1.170069932937622]} +{"paper_id": "Lexi/spanextract", "embedding": [-0.19785882532596588, 0.6166578531265259, -0.2506154775619507, -0.16806888580322266, 0.45263057947158813, -0.046781811863183975, 0.37914717197418213, 0.753461480140686, 0.8280300498008728, 0.36149337887763977, 0.4808104932308197, -0.20878790318965912, 0.5921030640602112, 0.6209372878074646, -0.0283975787460804, -0.679100513458252, -0.8263266086578369, -0.5590283870697021, -1.5926761627197266, -0.28315281867980957, -0.9125106334686279, -0.7431918382644653, 0.0047208406031131744, 1.2621307373046875, -0.4742048382759094, -1.1960370540618896, 0.8966341614723206, -1.0885555744171143, 0.3258785307407379, -0.015428561717271805, -0.018182553350925446, 0.9354940056800842, -1.1663706302642822, 0.5075035095214844, -0.33019378781318665, -0.5923635363578796, 0.2750646770000458, 1.0254154205322266, 0.15193390846252441, -0.5391542911529541, -0.45931294560432434, 0.3538582921028137, 0.5149988532066345, -0.00024508871138095856, 0.8366062641143799, -0.4337354898452759, 0.7517040967941284, -0.22515393793582916, -0.4078023433685303, -0.040400560945272446, -0.7250832319259644, 0.23479411005973816, -0.26363271474838257, 0.6514542102813721, -0.04718156158924103, 0.542494535446167, 0.20695644617080688, -0.8503074645996094, 0.5862979888916016, -0.7589865922927856, 1.4998537302017212, 1.717538833618164, -0.2291223555803299, 0.4834516942501068, 1.5584988594055176, -0.18467581272125244, 1.0979048013687134, 0.010135382413864136, -0.22911719977855682, 1.1427940130233765, -0.4400409460067749, -0.01067863404750824, 0.43762582540512085, -0.4196506142616272, 0.3095666170120239, 0.6674767732620239, -0.18424317240715027, 0.03906036913394928, -0.1253286898136139, -0.2521287798881531, -0.19996698200702667, -0.03007490560412407, 0.7478119730949402, -0.20198720693588257, 0.2393040508031845, 0.054201990365982056, 0.2484426498413086, -0.9312126040458679, 0.3224083483219147, -1.859838843345642, 0.43093931674957275, 0.44515570998191833, -0.14766308665275574, 0.09307058155536652, -0.3275783658027649, 0.6606854200363159, -0.7015313506126404, 0.054372794926166534, 0.007945284247398376, -0.019528541713953018, 0.5922113060951233, -0.13909921050071716, 0.6200978755950928, -0.30516597628593445, 0.184966579079628, 0.2254447191953659, 0.29756394028663635, -0.29105252027511597, -0.674557089805603, -1.054391860961914, 0.3199635148048401, 0.7989656329154968, -0.1874566227197647, 0.37901490926742554, -0.06655747443437576, 0.7162345051765442, 0.4285498857498169, -1.0926481485366821, -0.11526482552289963, 0.20961454510688782, -0.050353437662124634, -0.7717533707618713, -0.48593997955322266, -0.6033877730369568, 0.6170153021812439, -0.34831127524375916, -0.3102254867553711, -0.9732236266136169, -0.28539979457855225, 0.30250704288482666, 0.7566431760787964, 0.21628187596797943, -0.6097298860549927, -0.11832217872142792, 2.8581199645996094, -1.1830291748046875, 1.3501909971237183, -0.6782148480415344, 0.08616265654563904, -0.7227901220321655, -0.682823657989502, 1.4535753726959229, -0.23423239588737488, -0.8483077883720398, -0.7330948710441589, 0.4890928864479065, -0.3941943943500519, 0.37915197014808655, -1.1503686904907227, -0.43916118144989014, 0.0350964330136776, 0.047599393874406815, -1.4781816005706787, -0.6181870102882385, 0.1377222090959549, 0.39610743522644043, 0.1054760217666626, 0.5986841917037964, -0.32521167397499084, 0.9951884150505066, -0.08626628667116165, 0.03417355194687843, -0.3906364440917969, 0.36179620027542114, -0.7674365639686584, -0.12100731581449509, 0.7086780071258545, -0.05377037078142166, -0.6726242303848267, 0.1516248881816864, -0.06921765953302383, -0.32614666223526, -0.24242445826530457, 0.048897646367549896, -0.31476524472236633, 0.15237000584602356, 0.5389356017112732, 0.5150907039642334, 0.4374884068965912, -0.8229223489761353, 0.10107913613319397, -0.20505593717098236, 0.27989718317985535, 0.9024224877357483, -0.026866475120186806, 0.5928502678871155, -2.607482433319092, 0.10876815021038055, -0.43450629711151123, 1.226421594619751, -0.24756892025470734, 0.1681891232728958, 0.2601465880870819, 0.28628993034362793, -0.1023753434419632, -0.7386458516120911, 0.5821460485458374, -1.000532627105713, 0.513994574546814, 0.1545296460390091, 0.12930329144001007, -0.06869152933359146, 0.565679669380188, 0.9231423139572144, 0.5027362108230591, -0.4241192936897278, -1.2618303298950195, -1.736238956451416, 0.10041458904743195, 2.145268678665161, 0.2480643093585968, -0.20515763759613037, -0.7515274286270142, -0.6094445586204529, 0.06693897396326065, -0.2309487909078598, -0.007627677172422409, -0.5603509545326233, 0.04714225232601166, -0.8180088400840759, 0.914273738861084, -0.7898070812225342, -0.33106282353401184, 0.7029926180839539, 1.5859860181808472, -0.5453813076019287, -0.3491409420967102, -0.8187581896781921, -0.15949487686157227, 0.3097977042198181, 0.8207641243934631, 0.14016172289848328, -0.422421932220459, 0.4481933116912842, 0.5075913667678833, 1.2280938625335693, 0.5937832593917847, 0.6451189517974854, -0.7039908170700073, 0.40973570942878723, -0.5067687034606934, 1.726452350616455, -0.09969578683376312, 0.03922676295042038, -0.09320582449436188, -0.11195209622383118, -0.5455548167228699, -0.129415363073349, -0.21916818618774414, -0.08532818406820297, 0.7323170304298401, 0.5379295945167542, -0.44350168108940125, 0.7059974074363708, -0.6073157787322998, -0.30424150824546814, 0.03996024280786514, -0.31178903579711914, -0.751853883266449, -0.30646657943725586, 0.6551594138145447, -0.3370501697063446, -0.08467476069927216, -0.1576860547065735, 0.21009981632232666, -1.165261149406433, -0.7269024848937988, 0.5286206603050232, -0.017219863831996918, -0.7013914585113525, -0.42217037081718445, -0.27604401111602783, -1.2302974462509155, -0.24362149834632874, 0.23046550154685974, -0.2500884532928467, -0.06449243426322937, 0.5241509675979614, 1.6590583324432373, -0.020563839003443718, 0.34829390048980713, 0.08991535007953644, 1.3231045007705688, -0.744595468044281, 0.1331462562084198, -0.2088697999715805, 0.2814110219478607, -1.1952342987060547, 0.10785821080207825, -0.8045492768287659, 0.16156968474388123, 0.872898519039154, 0.12249734252691269, 1.2059732675552368, -0.1899825930595398, -1.1593987941741943, 0.7884160280227661, -0.1928950399160385, -0.14354625344276428, -0.6756981015205383, 1.5599243640899658, 0.02565641887485981, -0.49710074067115784, 0.9927125573158264, -0.14829765260219574, -0.4150724411010742, 0.7041165232658386, -0.09391014277935028, -0.13506823778152466, 0.48135846853256226, -0.32187318801879883, 0.006670951843261719, 0.4228496551513672, -1.8335182666778564, 1.0673573017120361, 1.1287579536437988, -0.36785149574279785, -0.27127695083618164, -0.8180732727050781, 0.2527390718460083, -0.2858983278274536, 0.32770365476608276, 1.1348521709442139, -0.4113905429840088, 0.5508420467376709, -0.4890371561050415, 0.15791064500808716, 0.5126650929450989, 0.17316636443138123, 0.47725334763526917, 0.5008260607719421, 0.6368783116340637, -1.0601050853729248, -0.6648612022399902, 1.0846422910690308, -0.4223504066467285, 0.27376115322113037, 0.28679534792900085, 0.766403317451477, 0.7961419820785522, -0.02558068186044693, -0.26000919938087463, 0.21424777805805206, 0.3976813852787018, -0.043831244111061096, -0.3030047118663788, -0.12312102317810059, 0.5036696195602417, -0.3202873468399048, 1.3031854629516602, -0.4995976388454437, -0.5184532403945923, -0.7165248394012451, -0.195072203874588, -0.15083524584770203, 0.05334398150444031, 1.5795680284500122, 0.3722410500049591, 1.3675498962402344, 0.5994389057159424, 0.05347699671983719, -0.3685104250907898, -0.27186018228530884, 0.5181405544281006, 0.1517520248889923, 0.3458439111709595, -0.6541746854782104, -0.024893641471862793, 1.101865530014038, 0.4996369183063507, -0.8224607706069946, 0.3957989811897278, 0.4739038050174713, -0.22505749762058258, -1.186461329460144, 0.9147422313690186, 0.8228077292442322, 0.5783021450042725, 1.5576231479644775, -0.8299733996391296, 0.12944680452346802, -0.15964721143245697, -0.08132121711969376, -0.20737136900424957, 0.47213053703308105, -0.02372143417596817, 0.7075409889221191, 0.11717875301837921, 0.898402750492096, 0.011578381061553955, 1.4520881175994873, 1.5564868450164795, -0.6874774694442749, -1.2200798988342285, 0.07732361555099487, -0.772925615310669, 0.15403863787651062, 0.7915314435958862, 0.2417878806591034, -0.34034043550491333, 0.47146183252334595, 0.3034607470035553, -0.9686499238014221, 0.15914508700370789, -0.3293301463127136, -1.300018310546875, 0.6786419153213501, 1.1718919277191162, -0.6592716574668884, -0.41283291578292847, -0.22510656714439392, -0.9088017344474792, -0.18450069427490234, 0.04286165535449982, -1.3265496492385864, 0.6356449127197266, 0.17657649517059326, 0.9403527975082397, 0.018226994201540947, -0.0033783242106437683, -1.418289065361023, 1.3962972164154053, 0.9022361636161804, -1.1113020181655884, 0.4863303601741791, 0.4005427658557892, 0.8825858235359192, 0.2479432225227356, -1.236612319946289, -0.5547559857368469, 0.9662249684333801, -0.16997113823890686, 0.029133114963769913, -1.0183019638061523, -0.33147111535072327, 0.856968104839325, 0.6595252156257629, 0.668150782585144, -0.6933838129043579, 0.26202917098999023, -1.1682369709014893, 0.0853966623544693, 0.706694483757019, -1.0182470083236694, -0.9167495965957642, 0.26714974641799927, -0.45917248725891113, 0.5788811445236206, -0.008681513369083405, 0.025788206607103348, 1.6597262620925903, -0.25568169355392456, -0.3202332854270935, -0.2176923155784607, -11.991348266601562, 0.8944345712661743, -0.08248566836118698, -0.03137608617544174, 0.4498698115348816, 0.13099896907806396, 0.5410159826278687, 0.07885132730007172, 0.2741135358810425, -0.7107295393943787, 0.2914091646671295, 0.8479315638542175, 0.4798751175403595, 0.16296067833900452, -0.8444751501083374, -0.8909174799919128, -0.5236909985542297, -0.9536109566688538, 0.6194695234298706, 0.28094515204429626, -0.101250559091568, -0.4361076354980469, -0.07813521474599838, -0.20076708495616913, 0.5013728141784668, -0.3779699504375458, -0.8159705996513367, -0.2464102953672409, -0.18979540467262268, 0.0003537312150001526, 0.37617436051368713, -0.041087206453084946, -0.6234817504882812, -0.18876811861991882, -0.07249805331230164, -0.621680498123169, -1.0022087097167969, -0.3044714629650116, 0.604623019695282, -0.6965811252593994, -0.40419429540634155, -0.23502910137176514, 0.5790244340896606, -0.5183306336402893, -0.23590056598186493, 0.29108160734176636, 0.2516981363296509, -0.8245254158973694, -0.018602080643177032, -0.2421347200870514, -0.89873206615448, -0.25388920307159424, -0.9471583366394043, -0.8466439247131348, 0.3620697557926178, 0.12125006318092346, -0.8543481230735779, -0.26151856780052185, -0.09376935660839081, -0.7280642986297607, 0.3491976261138916, 0.21311882138252258, -0.47688567638397217, 0.28102225065231323, 0.09860196709632874, -0.15891216695308685, 0.11764293164014816, 0.16454686224460602, -0.0992613434791565, 0.6230577230453491, -0.8264121413230896, 1.3603966236114502, 0.16489824652671814, 0.8274133801460266, -0.7741557955741882, 0.2316822111606598, -0.8924593329429626, -0.37055355310440063, 0.642085075378418, -0.011776495724916458, -1.4722379446029663, 0.5760514736175537, 0.6262986660003662, -0.40467149019241333, -0.6805800199508667, 0.4594193994998932, 0.05839896947145462, 0.41069450974464417, 1.0090882778167725, -0.6841638684272766, 1.0608896017074585, 0.1706409454345703, -0.7374706268310547, -0.48128241300582886, -0.3555644154548645, 0.7160300612449646, -0.8698227405548096, 0.33607813715934753, 0.37904927134513855, -0.36400285363197327, -0.13216525316238403, -0.2821294367313385, -0.5659452676773071, -0.08611159771680832, 1.0370641946792603, 0.05846618860960007, 0.08452112972736359, -0.0676424652338028, -0.07371358573436737, -0.8724721670150757, 0.8676764965057373, 0.5712753534317017, 0.008533172309398651, 1.61821711063385, -0.6471048593521118, 0.6398464441299438, 0.574455201625824, 0.107484370470047, 0.1110585555434227, 0.8290541768074036, -1.173633098602295, 0.8512809872627258, 0.26476985216140747, 1.7375727891921997, -0.20955853164196014, 0.11959107220172882, 0.13528376817703247, 0.33329030871391296, -0.1730530709028244, -1.1524381637573242, 0.4167323708534241, -0.4111925959587097, -0.11212928593158722, -0.6525872349739075, 0.02839573100209236, 0.5350381135940552, -0.48240911960601807, 1.817151665687561, -0.9672494530677795, -0.25265106558799744, -0.11230182647705078, 0.1176307201385498, -1.0008621215820312, -1.0761646032333374, -0.8222866654396057, 0.3668505549430847, -1.771821141242981, 0.41579556465148926, -0.045964326709508896, -0.5255284905433655, -0.19709695875644684, -0.7487828731536865, 0.6740816831588745, -0.4888225793838501, -0.2834431231021881, -0.6001715064048767, 0.5577458143234253, -0.7050513625144958, -0.6843202114105225, -0.13778012990951538, 0.4913058876991272, 1.132075309753418, -0.9313462972640991, 1.3346893787384033, 0.25485026836395264, -0.759469211101532, -0.836327075958252, 0.403609037399292, -0.5159326195716858, 0.474539577960968, 0.7532135248184204, -0.8934277296066284, -0.4221648871898651, -0.5162177681922913, -0.2221948802471161, -0.6824883222579956, -0.18660476803779602, 0.9552456140518188, -1.4729679822921753, -0.26936715841293335, -0.7274314165115356, 0.7248601317405701, 0.191467747092247, -0.37751394510269165, -0.7617760896682739, 0.4644658863544464, -0.3406651020050049, 0.6676344871520996, 0.17031435668468475, 1.000770926475525, -1.2664713859558105, -1.013282299041748, -0.3911404311656952, -0.2968512177467346, 0.625514566898346, 0.557188093662262, 0.6425443887710571, 0.37395694851875305, -0.5719728469848633, -0.3555670976638794, -0.10056933760643005, 0.285109281539917, 0.3333081603050232, 0.6223379969596863, -0.5567235946655273, 0.7051306962966919, -0.4775817394256592, 0.2622731626033783, 0.7665969133377075, 1.3792418241500854, -0.7755959630012512, -0.5398612022399902, 0.020830772817134857, -0.08202549815177917, -0.2629661560058594, -1.5095024108886719, -0.3082984387874603, -0.35399970412254333, -0.38681575655937195, -1.1751900911331177, 0.2770772874355316, 1.4498505592346191, -0.14873427152633667, 0.5671780705451965, 0.6495386362075806, 1.0734132528305054, 0.9186564087867737, 0.047151386737823486, 0.7442156076431274, 0.02152174524962902, 0.3400416076183319, 0.3874099552631378, 0.2846674621105194, 0.23572677373886108, -0.1520986407995224, -0.8892762660980225, -0.5627480745315552, 0.2763502895832062, -0.2957119345664978, 0.8652662634849548, 0.3937531113624573, 0.4746970236301422, 1.094937801361084, 1.1175583600997925, 0.29752910137176514, -1.6260569095611572, -0.41010597348213196, -1.4485703706741333, 0.33621925115585327, 0.7090526223182678, 0.5300460457801819, 0.24227726459503174, 0.7341300845146179, -0.8143278360366821, 1.0682947635650635, -0.7136983275413513, 0.4077489972114563, -0.06149730831384659, -0.2849521040916443, 0.7853912711143494, 0.5353723168373108, 0.5168425440788269, 0.21113519370555878, -0.7337387204170227, -1.1349682807922363, -0.12740427255630493, -0.5401750802993774, 1.037499189376831, 0.41315126419067383, -0.31561318039894104, -0.009892724454402924, -0.24615611135959625, 0.835997998714447, 0.08227433264255524, 1.2750784158706665, -0.06664592772722244, -0.1840398907661438, -0.23303230106830597, -1.0430488586425781, -0.22400225698947906, 0.5350773334503174, 0.0857037752866745, -0.19117864966392517, -0.1343650370836258, 0.11580385267734528, 0.32810887694358826, 0.10450741648674011, -0.5769492387771606, -0.4593411087989807, -0.4609193205833435, 0.17795400321483612, 0.5939643383026123, -0.7314895987510681, -0.8203151822090149, -0.2083835005760193, -0.9853459596633911, 0.28232118487358093, 0.4507390260696411, -0.6084349751472473, -0.4704645574092865, 0.3570246994495392, 0.005617082118988037, 0.369417667388916, 0.1737050563097, -0.09600645303726196, -1.4570386409759521, 0.5414820909500122, 0.9191516041755676, -0.889120876789093, -0.17119276523590088, 0.2049495279788971, 0.6503178477287292, 0.2634637951850891, 1.4723416566848755]} +{"paper_id": "aps/imagenet2012", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "patrickvonplaten/librispeech_asr_self_contained", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "lewtun/autoevaluate__imdb", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "lewtun/autoevaluate__squad", "embedding": [-0.19785882532596588, 0.6166578531265259, -0.2506154775619507, -0.16806888580322266, 0.45263057947158813, -0.046781811863183975, 0.37914717197418213, 0.753461480140686, 0.8280300498008728, 0.36149337887763977, 0.4808104932308197, -0.20878790318965912, 0.5921030640602112, 0.6209372878074646, -0.0283975787460804, -0.679100513458252, -0.8263266086578369, -0.5590283870697021, -1.5926761627197266, -0.28315281867980957, -0.9125106334686279, -0.7431918382644653, 0.0047208406031131744, 1.2621307373046875, -0.4742048382759094, -1.1960370540618896, 0.8966341614723206, -1.0885555744171143, 0.3258785307407379, -0.015428561717271805, -0.018182553350925446, 0.9354940056800842, -1.1663706302642822, 0.5075035095214844, -0.33019378781318665, -0.5923635363578796, 0.2750646770000458, 1.0254154205322266, 0.15193390846252441, -0.5391542911529541, -0.45931294560432434, 0.3538582921028137, 0.5149988532066345, -0.00024508871138095856, 0.8366062641143799, -0.4337354898452759, 0.7517040967941284, -0.22515393793582916, -0.4078023433685303, -0.040400560945272446, -0.7250832319259644, 0.23479411005973816, -0.26363271474838257, 0.6514542102813721, -0.04718156158924103, 0.542494535446167, 0.20695644617080688, -0.8503074645996094, 0.5862979888916016, -0.7589865922927856, 1.4998537302017212, 1.717538833618164, -0.2291223555803299, 0.4834516942501068, 1.5584988594055176, -0.18467581272125244, 1.0979048013687134, 0.010135382413864136, -0.22911719977855682, 1.1427940130233765, -0.4400409460067749, -0.01067863404750824, 0.43762582540512085, -0.4196506142616272, 0.3095666170120239, 0.6674767732620239, -0.18424317240715027, 0.03906036913394928, -0.1253286898136139, -0.2521287798881531, -0.19996698200702667, -0.03007490560412407, 0.7478119730949402, -0.20198720693588257, 0.2393040508031845, 0.054201990365982056, 0.2484426498413086, -0.9312126040458679, 0.3224083483219147, -1.859838843345642, 0.43093931674957275, 0.44515570998191833, -0.14766308665275574, 0.09307058155536652, -0.3275783658027649, 0.6606854200363159, -0.7015313506126404, 0.054372794926166534, 0.007945284247398376, -0.019528541713953018, 0.5922113060951233, -0.13909921050071716, 0.6200978755950928, -0.30516597628593445, 0.184966579079628, 0.2254447191953659, 0.29756394028663635, -0.29105252027511597, -0.674557089805603, -1.054391860961914, 0.3199635148048401, 0.7989656329154968, -0.1874566227197647, 0.37901490926742554, -0.06655747443437576, 0.7162345051765442, 0.4285498857498169, -1.0926481485366821, -0.11526482552289963, 0.20961454510688782, -0.050353437662124634, -0.7717533707618713, -0.48593997955322266, -0.6033877730369568, 0.6170153021812439, -0.34831127524375916, -0.3102254867553711, -0.9732236266136169, -0.28539979457855225, 0.30250704288482666, 0.7566431760787964, 0.21628187596797943, -0.6097298860549927, -0.11832217872142792, 2.8581199645996094, -1.1830291748046875, 1.3501909971237183, -0.6782148480415344, 0.08616265654563904, -0.7227901220321655, -0.682823657989502, 1.4535753726959229, -0.23423239588737488, -0.8483077883720398, -0.7330948710441589, 0.4890928864479065, -0.3941943943500519, 0.37915197014808655, -1.1503686904907227, -0.43916118144989014, 0.0350964330136776, 0.047599393874406815, -1.4781816005706787, -0.6181870102882385, 0.1377222090959549, 0.39610743522644043, 0.1054760217666626, 0.5986841917037964, -0.32521167397499084, 0.9951884150505066, -0.08626628667116165, 0.03417355194687843, -0.3906364440917969, 0.36179620027542114, -0.7674365639686584, -0.12100731581449509, 0.7086780071258545, -0.05377037078142166, -0.6726242303848267, 0.1516248881816864, -0.06921765953302383, -0.32614666223526, -0.24242445826530457, 0.048897646367549896, -0.31476524472236633, 0.15237000584602356, 0.5389356017112732, 0.5150907039642334, 0.4374884068965912, -0.8229223489761353, 0.10107913613319397, -0.20505593717098236, 0.27989718317985535, 0.9024224877357483, -0.026866475120186806, 0.5928502678871155, -2.607482433319092, 0.10876815021038055, -0.43450629711151123, 1.226421594619751, -0.24756892025470734, 0.1681891232728958, 0.2601465880870819, 0.28628993034362793, -0.1023753434419632, -0.7386458516120911, 0.5821460485458374, -1.000532627105713, 0.513994574546814, 0.1545296460390091, 0.12930329144001007, -0.06869152933359146, 0.565679669380188, 0.9231423139572144, 0.5027362108230591, -0.4241192936897278, -1.2618303298950195, -1.736238956451416, 0.10041458904743195, 2.145268678665161, 0.2480643093585968, -0.20515763759613037, -0.7515274286270142, -0.6094445586204529, 0.06693897396326065, -0.2309487909078598, -0.007627677172422409, -0.5603509545326233, 0.04714225232601166, -0.8180088400840759, 0.914273738861084, -0.7898070812225342, -0.33106282353401184, 0.7029926180839539, 1.5859860181808472, -0.5453813076019287, -0.3491409420967102, -0.8187581896781921, -0.15949487686157227, 0.3097977042198181, 0.8207641243934631, 0.14016172289848328, -0.422421932220459, 0.4481933116912842, 0.5075913667678833, 1.2280938625335693, 0.5937832593917847, 0.6451189517974854, -0.7039908170700073, 0.40973570942878723, -0.5067687034606934, 1.726452350616455, -0.09969578683376312, 0.03922676295042038, -0.09320582449436188, -0.11195209622383118, -0.5455548167228699, -0.129415363073349, -0.21916818618774414, -0.08532818406820297, 0.7323170304298401, 0.5379295945167542, -0.44350168108940125, 0.7059974074363708, -0.6073157787322998, -0.30424150824546814, 0.03996024280786514, -0.31178903579711914, -0.751853883266449, -0.30646657943725586, 0.6551594138145447, -0.3370501697063446, -0.08467476069927216, -0.1576860547065735, 0.21009981632232666, -1.165261149406433, -0.7269024848937988, 0.5286206603050232, -0.017219863831996918, -0.7013914585113525, -0.42217037081718445, -0.27604401111602783, -1.2302974462509155, -0.24362149834632874, 0.23046550154685974, -0.2500884532928467, -0.06449243426322937, 0.5241509675979614, 1.6590583324432373, -0.020563839003443718, 0.34829390048980713, 0.08991535007953644, 1.3231045007705688, -0.744595468044281, 0.1331462562084198, -0.2088697999715805, 0.2814110219478607, -1.1952342987060547, 0.10785821080207825, -0.8045492768287659, 0.16156968474388123, 0.872898519039154, 0.12249734252691269, 1.2059732675552368, -0.1899825930595398, -1.1593987941741943, 0.7884160280227661, -0.1928950399160385, -0.14354625344276428, -0.6756981015205383, 1.5599243640899658, 0.02565641887485981, -0.49710074067115784, 0.9927125573158264, -0.14829765260219574, -0.4150724411010742, 0.7041165232658386, -0.09391014277935028, -0.13506823778152466, 0.48135846853256226, -0.32187318801879883, 0.006670951843261719, 0.4228496551513672, -1.8335182666778564, 1.0673573017120361, 1.1287579536437988, -0.36785149574279785, -0.27127695083618164, -0.8180732727050781, 0.2527390718460083, -0.2858983278274536, 0.32770365476608276, 1.1348521709442139, -0.4113905429840088, 0.5508420467376709, -0.4890371561050415, 0.15791064500808716, 0.5126650929450989, 0.17316636443138123, 0.47725334763526917, 0.5008260607719421, 0.6368783116340637, -1.0601050853729248, -0.6648612022399902, 1.0846422910690308, -0.4223504066467285, 0.27376115322113037, 0.28679534792900085, 0.766403317451477, 0.7961419820785522, -0.02558068186044693, -0.26000919938087463, 0.21424777805805206, 0.3976813852787018, -0.043831244111061096, -0.3030047118663788, -0.12312102317810059, 0.5036696195602417, -0.3202873468399048, 1.3031854629516602, -0.4995976388454437, -0.5184532403945923, -0.7165248394012451, -0.195072203874588, -0.15083524584770203, 0.05334398150444031, 1.5795680284500122, 0.3722410500049591, 1.3675498962402344, 0.5994389057159424, 0.05347699671983719, -0.3685104250907898, -0.27186018228530884, 0.5181405544281006, 0.1517520248889923, 0.3458439111709595, -0.6541746854782104, -0.024893641471862793, 1.101865530014038, 0.4996369183063507, -0.8224607706069946, 0.3957989811897278, 0.4739038050174713, -0.22505749762058258, -1.186461329460144, 0.9147422313690186, 0.8228077292442322, 0.5783021450042725, 1.5576231479644775, -0.8299733996391296, 0.12944680452346802, -0.15964721143245697, -0.08132121711969376, -0.20737136900424957, 0.47213053703308105, -0.02372143417596817, 0.7075409889221191, 0.11717875301837921, 0.898402750492096, 0.011578381061553955, 1.4520881175994873, 1.5564868450164795, -0.6874774694442749, -1.2200798988342285, 0.07732361555099487, -0.772925615310669, 0.15403863787651062, 0.7915314435958862, 0.2417878806591034, -0.34034043550491333, 0.47146183252334595, 0.3034607470035553, -0.9686499238014221, 0.15914508700370789, -0.3293301463127136, -1.300018310546875, 0.6786419153213501, 1.1718919277191162, -0.6592716574668884, -0.41283291578292847, -0.22510656714439392, -0.9088017344474792, -0.18450069427490234, 0.04286165535449982, -1.3265496492385864, 0.6356449127197266, 0.17657649517059326, 0.9403527975082397, 0.018226994201540947, -0.0033783242106437683, -1.418289065361023, 1.3962972164154053, 0.9022361636161804, -1.1113020181655884, 0.4863303601741791, 0.4005427658557892, 0.8825858235359192, 0.2479432225227356, -1.236612319946289, -0.5547559857368469, 0.9662249684333801, -0.16997113823890686, 0.029133114963769913, -1.0183019638061523, -0.33147111535072327, 0.856968104839325, 0.6595252156257629, 0.668150782585144, -0.6933838129043579, 0.26202917098999023, -1.1682369709014893, 0.0853966623544693, 0.706694483757019, -1.0182470083236694, -0.9167495965957642, 0.26714974641799927, -0.45917248725891113, 0.5788811445236206, -0.008681513369083405, 0.025788206607103348, 1.6597262620925903, -0.25568169355392456, -0.3202332854270935, -0.2176923155784607, -11.991348266601562, 0.8944345712661743, -0.08248566836118698, -0.03137608617544174, 0.4498698115348816, 0.13099896907806396, 0.5410159826278687, 0.07885132730007172, 0.2741135358810425, -0.7107295393943787, 0.2914091646671295, 0.8479315638542175, 0.4798751175403595, 0.16296067833900452, -0.8444751501083374, -0.8909174799919128, -0.5236909985542297, -0.9536109566688538, 0.6194695234298706, 0.28094515204429626, -0.101250559091568, -0.4361076354980469, -0.07813521474599838, -0.20076708495616913, 0.5013728141784668, -0.3779699504375458, -0.8159705996513367, -0.2464102953672409, -0.18979540467262268, 0.0003537312150001526, 0.37617436051368713, -0.041087206453084946, -0.6234817504882812, -0.18876811861991882, -0.07249805331230164, -0.621680498123169, -1.0022087097167969, -0.3044714629650116, 0.604623019695282, -0.6965811252593994, -0.40419429540634155, -0.23502910137176514, 0.5790244340896606, -0.5183306336402893, -0.23590056598186493, 0.29108160734176636, 0.2516981363296509, -0.8245254158973694, -0.018602080643177032, -0.2421347200870514, -0.89873206615448, -0.25388920307159424, -0.9471583366394043, -0.8466439247131348, 0.3620697557926178, 0.12125006318092346, -0.8543481230735779, -0.26151856780052185, -0.09376935660839081, -0.7280642986297607, 0.3491976261138916, 0.21311882138252258, -0.47688567638397217, 0.28102225065231323, 0.09860196709632874, -0.15891216695308685, 0.11764293164014816, 0.16454686224460602, -0.0992613434791565, 0.6230577230453491, -0.8264121413230896, 1.3603966236114502, 0.16489824652671814, 0.8274133801460266, -0.7741557955741882, 0.2316822111606598, -0.8924593329429626, -0.37055355310440063, 0.642085075378418, -0.011776495724916458, -1.4722379446029663, 0.5760514736175537, 0.6262986660003662, -0.40467149019241333, -0.6805800199508667, 0.4594193994998932, 0.05839896947145462, 0.41069450974464417, 1.0090882778167725, -0.6841638684272766, 1.0608896017074585, 0.1706409454345703, -0.7374706268310547, -0.48128241300582886, -0.3555644154548645, 0.7160300612449646, -0.8698227405548096, 0.33607813715934753, 0.37904927134513855, -0.36400285363197327, -0.13216525316238403, -0.2821294367313385, -0.5659452676773071, -0.08611159771680832, 1.0370641946792603, 0.05846618860960007, 0.08452112972736359, -0.0676424652338028, -0.07371358573436737, -0.8724721670150757, 0.8676764965057373, 0.5712753534317017, 0.008533172309398651, 1.61821711063385, -0.6471048593521118, 0.6398464441299438, 0.574455201625824, 0.107484370470047, 0.1110585555434227, 0.8290541768074036, -1.173633098602295, 0.8512809872627258, 0.26476985216140747, 1.7375727891921997, -0.20955853164196014, 0.11959107220172882, 0.13528376817703247, 0.33329030871391296, -0.1730530709028244, -1.1524381637573242, 0.4167323708534241, -0.4111925959587097, -0.11212928593158722, -0.6525872349739075, 0.02839573100209236, 0.5350381135940552, -0.48240911960601807, 1.817151665687561, -0.9672494530677795, -0.25265106558799744, -0.11230182647705078, 0.1176307201385498, -1.0008621215820312, -1.0761646032333374, -0.8222866654396057, 0.3668505549430847, -1.771821141242981, 0.41579556465148926, -0.045964326709508896, -0.5255284905433655, -0.19709695875644684, -0.7487828731536865, 0.6740816831588745, -0.4888225793838501, -0.2834431231021881, -0.6001715064048767, 0.5577458143234253, -0.7050513625144958, -0.6843202114105225, -0.13778012990951538, 0.4913058876991272, 1.132075309753418, -0.9313462972640991, 1.3346893787384033, 0.25485026836395264, -0.759469211101532, -0.836327075958252, 0.403609037399292, -0.5159326195716858, 0.474539577960968, 0.7532135248184204, -0.8934277296066284, -0.4221648871898651, -0.5162177681922913, -0.2221948802471161, -0.6824883222579956, -0.18660476803779602, 0.9552456140518188, -1.4729679822921753, -0.26936715841293335, -0.7274314165115356, 0.7248601317405701, 0.191467747092247, -0.37751394510269165, -0.7617760896682739, 0.4644658863544464, -0.3406651020050049, 0.6676344871520996, 0.17031435668468475, 1.000770926475525, -1.2664713859558105, -1.013282299041748, -0.3911404311656952, -0.2968512177467346, 0.625514566898346, 0.557188093662262, 0.6425443887710571, 0.37395694851875305, -0.5719728469848633, -0.3555670976638794, -0.10056933760643005, 0.285109281539917, 0.3333081603050232, 0.6223379969596863, -0.5567235946655273, 0.7051306962966919, -0.4775817394256592, 0.2622731626033783, 0.7665969133377075, 1.3792418241500854, -0.7755959630012512, -0.5398612022399902, 0.020830772817134857, -0.08202549815177917, -0.2629661560058594, -1.5095024108886719, -0.3082984387874603, -0.35399970412254333, -0.38681575655937195, -1.1751900911331177, 0.2770772874355316, 1.4498505592346191, -0.14873427152633667, 0.5671780705451965, 0.6495386362075806, 1.0734132528305054, 0.9186564087867737, 0.047151386737823486, 0.7442156076431274, 0.02152174524962902, 0.3400416076183319, 0.3874099552631378, 0.2846674621105194, 0.23572677373886108, -0.1520986407995224, -0.8892762660980225, -0.5627480745315552, 0.2763502895832062, -0.2957119345664978, 0.8652662634849548, 0.3937531113624573, 0.4746970236301422, 1.094937801361084, 1.1175583600997925, 0.29752910137176514, -1.6260569095611572, -0.41010597348213196, -1.4485703706741333, 0.33621925115585327, 0.7090526223182678, 0.5300460457801819, 0.24227726459503174, 0.7341300845146179, -0.8143278360366821, 1.0682947635650635, -0.7136983275413513, 0.4077489972114563, -0.06149730831384659, -0.2849521040916443, 0.7853912711143494, 0.5353723168373108, 0.5168425440788269, 0.21113519370555878, -0.7337387204170227, -1.1349682807922363, -0.12740427255630493, -0.5401750802993774, 1.037499189376831, 0.41315126419067383, -0.31561318039894104, -0.009892724454402924, -0.24615611135959625, 0.835997998714447, 0.08227433264255524, 1.2750784158706665, -0.06664592772722244, -0.1840398907661438, -0.23303230106830597, -1.0430488586425781, -0.22400225698947906, 0.5350773334503174, 0.0857037752866745, -0.19117864966392517, -0.1343650370836258, 0.11580385267734528, 0.32810887694358826, 0.10450741648674011, -0.5769492387771606, -0.4593411087989807, -0.4609193205833435, 0.17795400321483612, 0.5939643383026123, -0.7314895987510681, -0.8203151822090149, -0.2083835005760193, -0.9853459596633911, 0.28232118487358093, 0.4507390260696411, -0.6084349751472473, -0.4704645574092865, 0.3570246994495392, 0.005617082118988037, 0.369417667388916, 0.1737050563097, -0.09600645303726196, -1.4570386409759521, 0.5414820909500122, 0.9191516041755676, -0.889120876789093, -0.17119276523590088, 0.2049495279788971, 0.6503178477287292, 0.2634637951850891, 1.4723416566848755]} +{"paper_id": "lewtun/autoevaluate__xsum", "embedding": [-0.18022873997688293, 1.4155490398406982, 0.16304001212120056, 0.6670987606048584, 0.4039430320262909, -0.2869599461555481, 0.7125715017318726, 0.9478437900543213, 0.6755537986755371, 0.21841080486774445, 1.192579746246338, 0.48975810408592224, 0.6657448410987854, 0.6603227853775024, -0.01433466374874115, 0.06762386858463287, -0.6833072304725647, -0.38227811455726624, -0.647769033908844, -0.2973311245441437, -0.7503493428230286, -0.10508157312870026, -0.3365045487880707, -0.11434795707464218, -0.880459725856781, -0.17102086544036865, 0.7441630959510803, -1.393715262413025, 0.4533597230911255, 0.4262678921222687, -0.26689112186431885, 0.6339364647865295, -1.0397781133651733, 0.006083786487579346, -1.0353169441223145, -0.8577581644058228, -0.07700186967849731, 0.9477619528770447, 0.22688114643096924, -0.499946653842926, -0.784165620803833, 0.3458741009235382, 1.2688521146774292, 0.06178442761301994, 0.006215098313987255, -0.4301808476448059, 0.37494218349456787, 0.13123340904712677, -0.11439812183380127, 0.06041990593075752, -0.28037500381469727, 0.8317792415618896, -0.6938560605049133, 1.1989082098007202, -0.1283659040927887, 1.8583866357803345, 0.15425527095794678, -0.7083414196968079, -0.056009963154792786, -1.1152374744415283, 1.555077314376831, 1.3899365663528442, -0.7678456902503967, 0.029840268194675446, 0.7681446075439453, -0.3589957356452942, 1.7765918970108032, 0.28443092107772827, -0.025412926450371742, 1.2895169258117676, -0.800931453704834, -0.6947478652000427, 0.30080947279930115, -0.8508349657058716, 0.023722074925899506, 0.5308482646942139, 0.5292578339576721, -0.562614917755127, -0.1340102255344391, 0.0882546529173851, -0.39759716391563416, 0.3632596731185913, 0.3196448087692261, -0.855516791343689, -0.39407798647880554, -0.3331097364425659, 0.05499078333377838, 0.3020980656147003, 0.02415832318365574, -0.9572197794914246, -0.01796833425760269, -0.40899375081062317, -0.34317469596862793, -0.11812503635883331, -0.4918208718299866, 0.15665128827095032, 0.5143713355064392, -0.42659416794776917, -0.8403322696685791, 0.6141138076782227, 0.5289791226387024, -0.1657218635082245, -0.18519286811351776, 0.199237659573555, 0.9030512571334839, 0.4079630970954895, -0.4273049533367157, -0.7839999198913574, -0.162268728017807, -1.0967490673065186, -0.01964964158833027, 0.42952340841293335, 0.2632044851779938, 0.841202974319458, -0.36480289697647095, 0.05905706435441971, 0.4434749484062195, 0.07447747886180878, -0.57990562915802, 0.014543995261192322, -0.6834673285484314, -1.8321545124053955, -0.09310095757246017, 0.14160189032554626, 0.3253260850906372, -0.49352511763572693, -0.5186133980751038, -0.8254153728485107, -0.3341437876224518, -0.33181819319725037, 0.6645346879959106, 0.3087307810783386, -0.5570492744445801, -0.30823224782943726, 2.716982841491699, -0.9689289331436157, 1.4161853790283203, 0.0429883673787117, -0.5448587536811829, -0.5389026999473572, -0.016060665249824524, 1.6471328735351562, -0.28659117221832275, -0.9233492612838745, -0.772807776927948, 0.20423126220703125, -0.7414511442184448, 0.4116858243942261, 0.036951303482055664, -0.22355274856090546, 0.2512921094894409, 0.3915998637676239, -1.04452383518219, -1.0369678735733032, -0.025509744882583618, 1.0906440019607544, 0.7382072806358337, 0.44668787717819214, -0.17624233663082123, 1.3032445907592773, 1.2346689701080322, 0.49968719482421875, -0.5842024087905884, 0.22145886719226837, -0.8283805847167969, 0.18700702488422394, 0.5683987736701965, -0.19368138909339905, 0.15051639080047607, -0.06009432300925255, 0.3478211462497711, -0.7684853672981262, -0.10158157348632812, -0.37188875675201416, -0.289099782705307, 0.32256925106048584, 0.07176677882671356, 0.11261060833930969, 0.35463330149650574, -0.4101312458515167, -0.4036642909049988, -0.34176236391067505, 0.672881007194519, 0.411690354347229, -0.04010705649852753, 0.21578237414360046, -1.8042919635772705, -0.6929090619087219, -0.1237291619181633, 1.0755035877227783, -0.253867506980896, -0.47169995307922363, -0.004900846630334854, 0.14929723739624023, -0.4911220073699951, -0.4485279619693756, -0.05862036719918251, -0.23775863647460938, 0.19851818680763245, 0.5802733898162842, 0.545160174369812, -0.06876248866319656, -0.14095276594161987, 0.7584711909294128, 1.3722566366195679, -0.20303335785865784, -0.26466241478919983, -1.4570341110229492, 0.9947662949562073, 1.4452003240585327, -0.3547350764274597, -0.848392903804779, -1.8899446725845337, -0.5719830989837646, 0.7012532949447632, -0.158485546708107, -0.15865954756736755, -0.33927595615386963, 0.21400251984596252, -1.5216944217681885, 0.3590767979621887, -0.4983806610107422, 0.13403967022895813, -0.023897552862763405, 0.8452246189117432, -0.4758647084236145, -0.42225098609924316, -0.5449038147926331, -0.8189612030982971, 0.5355886220932007, 1.2386696338653564, 0.09020452201366425, -0.328946053981781, 0.5204503536224365, 0.11225901544094086, 0.6104394793510437, 0.07552769035100937, 0.8293792605400085, 0.03360867500305176, -0.2938748598098755, 0.15475903451442719, 1.2639894485473633, 0.024104803800582886, 0.4030684530735016, -0.6051952242851257, 0.24511706829071045, 0.13712161779403687, -0.3065395653247833, 0.30491530895233154, -0.5540525913238525, 1.2954798936843872, 1.0134419202804565, -0.3036787211894989, 1.2966068983078003, -0.530708909034729, -0.0944027379155159, -0.04135264828801155, -0.6475598812103271, 0.03285185992717743, -0.06021362543106079, 0.7416569590568542, 0.22993355989456177, 0.5510173439979553, 0.03962494432926178, 0.04448416829109192, -0.5699077248573303, -0.8733826279640198, -0.14113754034042358, -0.3315713405609131, -1.035176396369934, -0.2701946496963501, -0.07240301370620728, -0.004347063601016998, -0.37921246886253357, 0.136017307639122, 0.17510344088077545, -0.25592589378356934, 0.5260032415390015, 1.2658947706222534, -0.16455861926078796, 0.6626039147377014, -1.1615129709243774, 1.123215913772583, 0.08158113062381744, 0.9640397429466248, -1.3000465631484985, -0.10644079744815826, -1.2648472785949707, -0.05076814442873001, -0.45327383279800415, -0.159006267786026, 0.08468569070100784, -0.7045854330062866, 0.6558956503868103, 0.1546083688735962, -0.6612175703048706, 1.0588816404342651, -0.8746680617332458, -0.19033655524253845, -0.6649654507637024, 0.9953595995903015, -0.025017445906996727, -1.046798586845398, 0.7768517136573792, 0.5948289632797241, 0.08825810253620148, 1.334502100944519, -0.6958765983581543, 1.3846513032913208, 0.21333499252796173, 0.2110617458820343, 0.48402392864227295, -0.6858558058738708, -1.6541051864624023, -0.6017175912857056, 1.552299976348877, -0.9643868803977966, -0.3667670488357544, -0.7665513157844543, 0.22560273110866547, 0.2721465528011322, -0.35355818271636963, -0.11562392860651016, -1.1610201597213745, 0.512291431427002, -0.3644605875015259, 0.25664472579956055, 1.1946560144424438, 0.355909526348114, 0.8220785856246948, 0.5283386707305908, 0.291288286447525, -1.011805772781372, -0.7066167593002319, 1.0873243808746338, -0.2515125572681427, -0.06360124051570892, 0.2788410484790802, 0.963337779045105, 1.1556196212768555, -0.5183798670768738, -0.17856504023075104, 0.8780971169471741, 0.5535492300987244, 0.03689081594347954, 0.37938663363456726, -0.44018667936325073, 0.8359264135360718, 0.4072370231151581, 1.1597328186035156, 0.37209197878837585, -0.10112950205802917, -0.6656825542449951, 0.1000407338142395, -0.4916120767593384, -0.8413289189338684, 0.8951424360275269, -0.08653255552053452, 2.2176575660705566, 0.3218732178211212, 0.4514211118221283, -0.18213751912117004, -0.23441816866397858, 0.23847778141498566, 0.29852694272994995, 0.49270743131637573, -0.5825330018997192, -0.3509185314178467, 1.2695564031600952, 0.21606726944446564, -0.5945785641670227, -0.3958190977573395, 0.868527889251709, -0.24732623994350433, -0.32742902636528015, 0.7528637647628784, 0.9113121032714844, 0.6799855828285217, 1.8437646627426147, -0.46639806032180786, -0.2608921229839325, -0.26934781670570374, 0.43823280930519104, 0.6924877762794495, 0.11143118888139725, -1.2615439891815186, -0.3346669673919678, 0.12275595963001251, 0.9799065589904785, -0.44258004426956177, 0.8271609544754028, 0.6277816295623779, -0.1289464384317398, -0.22640202939510345, -0.30724868178367615, -0.49968770146369934, -0.5479193329811096, 0.22221645712852478, 0.5990311503410339, -0.48478496074676514, 0.33914482593536377, -0.11849850416183472, -0.983036458492279, 0.5441017150878906, -0.06882664561271667, -0.8179579973220825, 0.011527106165885925, 1.1761257648468018, -1.2777608633041382, -0.45718881487846375, 0.04239700734615326, -0.9815001487731934, -0.6594864130020142, -0.11295429617166519, -0.21669882535934448, 0.06566616892814636, 0.20024900138378143, 0.003244121791794896, -0.6586734056472778, 0.449698269367218, -1.188496470451355, 0.9362303614616394, 0.37672191858291626, -0.34387388825416565, 1.2041597366333008, -0.2798497676849365, -0.09760361164808273, 0.33137741684913635, -1.1221847534179688, -0.1615503877401352, 0.21627244353294373, 0.043245792388916016, -0.20644983649253845, -0.5379215478897095, 0.16948987543582916, 0.014806597493588924, 0.22059525549411774, 0.5009800791740417, -1.1676403284072876, 0.026107177138328552, -0.8120918869972229, 0.8297470808029175, 0.5062885284423828, -0.71998530626297, -0.3394472002983093, 0.5185014009475708, -0.40775370597839355, 0.12021124362945557, -0.28930583596229553, -0.2729707658290863, 0.7064350843429565, 0.7435711622238159, -0.007684830576181412, -0.24466776847839355, -12.184548377990723, 0.1456565111875534, 0.24658028781414032, -0.35279780626296997, 0.6161721348762512, 0.18942785263061523, 0.562181830406189, 0.34009432792663574, 0.2773307263851166, -0.2765097916126251, 0.27286046743392944, 1.009312629699707, -0.35947832465171814, -0.6528241038322449, -0.5151711106300354, -1.1125288009643555, -0.8848186135292053, -0.4049440026283264, 1.2912977933883667, -0.4032479226589203, 1.367946982383728, -1.0495305061340332, 0.4422283172607422, 0.14566677808761597, -0.043632835149765015, -1.0073022842407227, 0.02605985477566719, 0.19167572259902954, -0.9208564162254333, -0.1982138454914093, 0.6548921465873718, -0.2296043485403061, -0.36900797486305237, -0.9949319362640381, 0.9735885262489319, -0.15135221183300018, -1.1739916801452637, 0.23715846240520477, 0.6214075684547424, -0.18263831734657288, -0.023562178015708923, -0.15573826432228088, -0.4595246911048889, -0.3968808352947235, -0.5220565795898438, -0.14565721154212952, 0.504127025604248, -0.12099504470825195, 1.0571889877319336, -0.08430799096822739, -1.1128612756729126, -0.3866145610809326, -0.42547765374183655, -0.6830499172210693, 0.7443331480026245, 0.700883150100708, -0.6840066909790039, 0.4771394729614258, -0.018609648570418358, -1.0416101217269897, 0.18088743090629578, 0.1742875874042511, 0.1726306974887848, -0.18722842633724213, 0.232994943857193, -0.3641583025455475, 0.3440791964530945, -0.054845500737428665, 0.34060293436050415, 0.44500434398651123, -0.7627155184745789, 0.801485002040863, 0.6240513324737549, 0.03356395661830902, -0.48482784628868103, 0.33778953552246094, -0.2868365943431854, -0.7638670206069946, 0.8340532183647156, 0.521119236946106, -1.111554741859436, 0.34429338574409485, -0.014812658540904522, -0.46948549151420593, -0.36365169286727905, -0.05098881945014, 0.5238123536109924, -0.32922330498695374, 0.7484836578369141, -0.20664700865745544, 0.42730939388275146, -0.11766361445188522, -0.21081076562404633, 0.04201369732618332, 0.13792684674263, 1.1714998483657837, -1.1310372352600098, 0.263202041387558, 0.6024439334869385, -0.7573922872543335, 0.3360046446323395, 0.08810367435216904, -0.8739567995071411, -0.32983091473579407, 0.6360019445419312, -0.6308850049972534, -0.5162107944488525, 0.234689861536026, -0.1533568799495697, 0.056090325117111206, 0.7850161194801331, 0.30838143825531006, -0.30424851179122925, 1.0398521423339844, -0.34294384717941284, 1.1320163011550903, 1.2348917722702026, -0.4507105350494385, 0.5682774782180786, 1.1542831659317017, -0.7694423794746399, 0.4241211712360382, -0.0035706982016563416, 0.6025080680847168, 0.529750406742096, 0.3215652406215668, -0.3056577146053314, 0.5256485939025879, -0.07206670939922333, -1.2359282970428467, -0.3664271831512451, 0.14659465849399567, 0.10553116351366043, -0.49817273020744324, -0.5565801858901978, 0.36823078989982605, -0.5746145248413086, 1.6410897970199585, -0.5243251919746399, 0.103736013174057, -0.017297156155109406, -0.05840584635734558, -0.16473150253295898, -0.5038054585456848, -0.4321903586387634, -0.2788151502609253, -1.3975367546081543, 0.5796647667884827, -0.3825230300426483, 0.01767764985561371, 0.13843518495559692, -0.38070645928382874, 0.01282309740781784, -1.1007927656173706, -0.9098391532897949, -0.05741957575082779, 0.9848146438598633, -0.2780170142650604, -0.47415947914123535, -0.3523585796356201, 0.5542946457862854, 0.9730777740478516, -1.2217509746551514, 0.9710723161697388, -0.15110281109809875, 0.3397600054740906, -0.5634683966636658, 0.026772134006023407, -0.29402053356170654, 0.375489741563797, 0.908939778804779, -1.353931188583374, -0.36364394426345825, -0.8879057765007019, -0.21775202453136444, -0.4837435483932495, 0.07276374101638794, 1.1860768795013428, -1.305309534072876, -0.016013115644454956, -0.17036789655685425, 0.38390153646469116, 0.4795858561992645, 0.21507075428962708, -0.240204319357872, 0.13251590728759766, -0.05498012155294418, 0.9290050864219666, -0.540526807308197, 0.19766098260879517, -1.415589451789856, -1.3171720504760742, -1.491025447845459, -1.3263885974884033, 1.3112821578979492, 0.06134561449289322, 0.7214978933334351, 1.143615484237671, -0.36926382780075073, -0.5056310892105103, -0.30052846670150757, 1.0645314455032349, 0.7415630221366882, 0.6963127255439758, 0.400419145822525, -0.27724403142929077, -0.3335713744163513, -0.09787560999393463, -0.1701781302690506, 0.41980454325675964, -0.7530660033226013, 0.30337148904800415, 0.2971144914627075, -0.1586713045835495, -0.2519788146018982, -0.986585259437561, -0.028304699808359146, -0.19611182808876038, 0.0834013894200325, -0.8457427620887756, 0.1298670768737793, 0.0274637620896101, -0.7310928702354431, 1.1698062419891357, 0.1253906786441803, 0.6055616140365601, 0.7329576015472412, -0.0013746842741966248, 1.2654320001602173, -0.22954167425632477, -0.6972178220748901, 0.29667794704437256, -0.4369185268878937, 0.49704280495643616, 0.5380312204360962, -0.02897138148546219, -1.437253713607788, -0.16606006026268005, -0.9141279458999634, -0.22054746747016907, 0.31032538414001465, 0.3083592653274536, 0.43961602449417114, 1.0778932571411133, 0.6086984276771545, -1.2210943698883057, -0.7327011227607727, -1.5542575120925903, -0.037328027188777924, 1.0535911321640015, -0.003891610074788332, 0.25542256236076355, 0.6931692957878113, -0.8611485958099365, 0.536405622959137, -1.0880831480026245, -0.40566062927246094, 0.13723713159561157, -0.1705661565065384, 0.2989921271800995, 0.4776190221309662, 0.6183732748031616, 0.6196975708007812, -0.04772444814443588, -0.284795880317688, -0.5956101417541504, -0.12304104119539261, 0.33737409114837646, 0.9882832765579224, -0.5135848522186279, -0.777830958366394, -0.9361536502838135, -0.2512666881084442, -0.075919009745121, 0.8108125329017639, 0.506475567817688, -0.39301687479019165, -1.6831985712051392, -0.9984453916549683, -0.23857127130031586, 0.3557147681713104, -0.03697829321026802, -0.6878083944320679, -0.06171685457229614, 0.13826484978199005, 0.8295906782150269, 0.23521022498607635, -0.1987856775522232, 0.08045441657304764, -0.37487152218818665, -0.18052735924720764, 0.6443648338317871, -0.8103249669075012, -0.1149263083934784, -0.2223750650882721, -0.4425162971019745, 0.8093527555465698, 0.5370672941207886, -1.2054575681686401, -0.30020228028297424, 0.1636287122964859, 0.8968437910079956, 0.005585376173257828, 0.7632160186767578, 0.3292839229106903, -0.7907580733299255, 1.0727142095565796, 0.5568147897720337, -0.12384706735610962, 0.45461615920066833, 0.8994330167770386, 0.5923038721084595, 0.06069308519363403, 1.29215407371521]} +{"paper_id": "lewtun/autoevaluate__ncbi_disease", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "cfilt/HiNER-original", "embedding": [-0.7266836762428284, 1.1231226921081543, -0.19640906155109406, -0.4215070605278015, -0.026685595512390137, -0.38491615653038025, -0.3350488841533661, 0.6061751246452332, 1.14744234085083, 0.8215103149414062, 0.3518328070640564, -0.6572146415710449, -0.4070862829685211, -0.6224581003189087, -0.5486376881599426, 0.0884016752243042, -0.03520125523209572, -1.0258541107177734, -0.6089540719985962, -0.3509398102760315, -1.6097979545593262, -0.6234515309333801, -0.013697493821382523, 0.7530631422996521, -0.9167382121086121, -0.7041767239570618, 0.260763555765152, -0.9401645064353943, -0.001225098967552185, -0.1258784830570221, -0.4524661898612976, 0.9584091305732727, -1.4538458585739136, 0.3791322112083435, -0.20016396045684814, -0.21924160420894623, 0.8495499491691589, 0.8412528038024902, -0.3284760117530823, -0.18054218590259552, -0.7356933951377869, -0.5890035033226013, 0.7728365659713745, 0.4045632481575012, 1.4810656309127808, -0.2707502543926239, 0.2775692343711853, 0.2807731628417969, 0.12001454830169678, -0.038508638739585876, -0.3835192918777466, 0.31823235750198364, 0.3175399601459503, 0.3183613419532776, -0.5849081873893738, 1.1303199529647827, 0.3290463984012604, -1.039475440979004, 0.4512023329734802, -0.27709656953811646, 0.2778897285461426, 1.0659016370773315, -0.2152942717075348, -0.1337132453918457, 0.9508906006813049, 0.3153710961341858, 1.6587969064712524, -0.42371290922164917, 0.9539311528205872, 0.6202464699745178, 0.10606643557548523, -1.7571979761123657, 0.16084960103034973, -0.43027082085609436, 0.6554533243179321, 0.7888544797897339, 0.7259175777435303, 0.10625644028186798, 0.537586510181427, 0.07547745853662491, -0.07053345441818237, 0.8774773478507996, 0.6760169863700867, -0.058058708906173706, -0.1959962546825409, 0.04965522885322571, 0.575674295425415, -0.6901227831840515, 0.7176684737205505, -1.55597984790802, 0.7944281697273254, 0.01532808504998684, -0.802825391292572, -0.29018592834472656, -0.20245075225830078, 0.5831660032272339, -0.5300984978675842, -0.5873805284500122, -0.7644304037094116, 0.7417168617248535, 0.755325436592102, -0.3595823347568512, -0.12557968497276306, -0.3767968714237213, -0.06548579037189484, 1.8105906248092651, -1.0534381866455078, 0.11712131649255753, -1.4356317520141602, 0.41224849224090576, 0.37395554780960083, 1.3139790296554565, 0.02018880471587181, 0.5077126026153564, -0.20053111016750336, 0.10794737190008163, 0.05804053321480751, -0.5525877475738525, -0.6611174941062927, 0.5818695425987244, -0.4646156430244446, -0.787895917892456, -0.12740954756736755, 0.5235592126846313, 1.3678038120269775, -0.9751936793327332, 0.8614258766174316, 0.12139902263879776, -0.08391028642654419, -0.27285170555114746, 0.6302882432937622, 0.07398758083581924, -0.7815058827400208, -0.21230429410934448, 3.3201775550842285, -1.3364814519882202, 0.8256576657295227, -0.2734431028366089, -0.19355066120624542, -0.004850953817367554, 0.5332146286964417, 1.2704243659973145, 0.5554448366165161, -0.6849759817123413, -0.42352887988090515, 0.5613515377044678, -0.9759684205055237, 0.45678678154945374, -0.5864053964614868, -0.4066675305366516, -0.1855953186750412, 0.5371938943862915, -1.363483190536499, -0.45337867736816406, -0.023064661771059036, 0.485879510641098, 0.24884837865829468, 0.5579102039337158, -0.15204660594463348, 1.3774278163909912, 0.5494305491447449, -0.13009196519851685, -0.47819679975509644, 1.0281046628952026, -0.7682862877845764, 0.04227438196539879, 1.5995701551437378, 0.011945314705371857, -1.3157215118408203, -0.39389097690582275, 1.225813865661621, -0.2722953259944916, -0.07639168202877045, -0.30224838852882385, -0.49693289399147034, -0.12558647990226746, 0.8102582693099976, 0.7768517732620239, -0.25138068199157715, -0.2994406521320343, 0.3426773250102997, 0.46031704545021057, -0.6771799325942993, 0.5318654775619507, -0.14191140234470367, 0.458320677280426, -2.0549230575561523, -0.5481224656105042, -0.18037761747837067, 0.8142924904823303, -0.293872594833374, -0.2932058870792389, -0.2287663221359253, 0.858073890209198, 0.10937990248203278, -0.35780206322669983, 0.7784011363983154, -1.8444470167160034, -0.6006366014480591, 0.06327219307422638, 0.21203486621379852, -0.5390052199363708, -0.5176974534988403, 1.2927781343460083, 0.472278892993927, -0.5171120166778564, -0.6365839242935181, -1.8087890148162842, 0.2169342339038849, 1.9576183557510376, 0.25473326444625854, -1.034677505493164, -1.805793046951294, -0.6701616644859314, -0.004918359220027924, -1.0269700288772583, 0.8163808584213257, -0.5184566378593445, 0.37475326657295227, -1.200299859046936, 0.49562159180641174, -0.7334861755371094, 0.17297396063804626, 0.6857101321220398, 0.6659953594207764, -0.43089818954467773, -0.31124410033226013, -0.302636981010437, -0.5926807522773743, 0.7064375281333923, 0.28845059871673584, 0.05364688113331795, -0.1988544911146164, 1.207807183265686, 0.6198068857192993, 0.5602778196334839, -0.2579099237918854, 0.27015751600265503, -0.3831530213356018, 0.6059373617172241, -0.3900374472141266, 0.13995426893234253, -0.24439342319965363, -0.7019587159156799, 0.9829373955726624, -0.2476949244737625, -0.7619134187698364, -0.32663261890411377, 0.14630433917045593, -0.006291724741458893, 1.3595914840698242, 1.0250115394592285, -0.7683562636375427, 0.5321258306503296, -1.3529950380325317, 0.3799544870853424, -0.42693212628364563, -0.5806519389152527, -0.29895922541618347, 0.07927879691123962, 0.9708298444747925, -0.4018251299858093, -0.11052446067333221, -0.4043939709663391, 0.1510677933692932, -1.4758069515228271, -0.24082615971565247, 0.18237370252609253, -1.0418295860290527, -0.9515849351882935, 0.2829296290874481, 0.06341014057397842, -0.8563069701194763, -0.6586151123046875, 0.21608170866966248, 0.8232479095458984, 0.36962828040122986, 0.8491199016571045, 1.434970736503601, -0.3627505302429199, -0.06105741858482361, 0.3678776025772095, 0.6757533550262451, -0.6265077590942383, 0.8207892775535583, 0.4683983623981476, 0.5034483671188354, -0.7652317881584167, -0.10185237228870392, -0.04815101623535156, 0.5465611815452576, 0.18222296237945557, 0.4226600229740143, 0.5615628361701965, -0.5064210891723633, -1.0464829206466675, 1.3648583889007568, 0.04434416443109512, 0.008899793028831482, -1.257655143737793, 1.0609668493270874, 0.36386963725090027, -0.21700628101825714, 0.4211331605911255, 0.1529245674610138, 0.04138697311282158, 1.3698652982711792, -0.49035122990608215, 0.6023662686347961, 0.32765787839889526, -0.2965867519378662, -0.31331226229667664, 0.9251118302345276, -1.78905189037323, -0.11170459538698196, 0.26568031311035156, 0.10080249607563019, 0.397874116897583, -0.2737477421760559, 0.35727667808532715, -1.0183789730072021, -0.34690266847610474, -0.16159674525260925, -0.4170183539390564, 0.22315269708633423, -0.6362754106521606, -0.3316305875778198, 0.6068291664123535, -1.2147750854492188, 0.6209049820899963, 0.5996566414833069, 0.06910913437604904, -1.3321536779403687, -0.03233904764056206, 1.8015626668930054, -0.052719175815582275, 0.4462651014328003, 0.19269561767578125, 1.1169993877410889, 1.0550531148910522, -0.9113322496414185, 0.25108519196510315, 0.34044575691223145, 0.6891351342201233, 0.1958131194114685, 0.20128223299980164, -0.15727324783802032, 0.8689337372779846, -0.09816776216030121, 0.8538511395454407, 0.09423406422138214, -0.488307386636734, -1.4082425832748413, 0.23137272894382477, -0.5241445302963257, -0.03721442073583603, 2.3978185653686523, 0.7421767115592957, 1.7717472314834595, -0.10436948388814926, 0.3167324662208557, -0.8496770858764648, 0.329935222864151, 0.72055584192276, 0.4832676947116852, 0.01935042440891266, -0.5376205444335938, 0.5103570818901062, -0.09417775273323059, -0.40943101048469543, -0.6394557952880859, -0.04753758758306503, 1.0955827236175537, 0.12352237105369568, -1.0294034481048584, -0.23189294338226318, 0.006622932851314545, 0.5413183569908142, 1.4937846660614014, -0.6542759537696838, -0.8906506299972534, -0.3543800711631775, 0.47713950276374817, 0.6956812143325806, 0.4593789577484131, -0.8986771106719971, 0.2951246201992035, 0.38514000177383423, -0.234853133559227, 0.011315211653709412, 1.2503553628921509, 1.2512766122817993, -0.2920610308647156, -1.3554213047027588, -0.06086175888776779, -1.1952407360076904, -0.3156943619251251, 0.25949278473854065, -2.1260231733322144e-05, -0.8290174603462219, 0.4701906442642212, -0.050305724143981934, -0.9658638834953308, 0.9456683397293091, -0.8533173203468323, -1.954110860824585, 1.6932140588760376, 1.4601365327835083, -0.8668582439422607, -0.6353044509887695, 0.38055747747421265, -0.6491523385047913, -0.8672322630882263, 0.1108655333518982, -1.3165316581726074, 0.48378831148147583, 0.14546354115009308, 0.8805142641067505, 0.1526642143726349, -0.2985444962978363, -0.48894551396369934, 0.504472553730011, 1.1730421781539917, -0.49158787727355957, 0.5476038455963135, 0.36032959818840027, -0.10562238842248917, -0.2429998517036438, -1.96806001663208, -1.7052897214889526, 0.13088442385196686, 0.10122568905353546, 0.5164527893066406, -0.9587830901145935, -0.8759591579437256, 0.2820288836956024, -0.6478036046028137, 0.45144081115722656, -0.5766145586967468, 0.7622138857841492, -0.8104579448699951, -0.10786024481058121, 0.08605915307998657, -0.7996122241020203, -1.4375396966934204, 1.531290054321289, 0.007858872413635254, 0.5619045495986938, -0.08708709478378296, 0.9408854246139526, 1.7286020517349243, 0.3276829719543457, 0.2482137233018875, -0.42160937190055847, -10.831543922424316, 0.36638787388801575, 0.10105728358030319, 0.3489980101585388, 0.31597763299942017, -0.5207374095916748, 0.8152255415916443, -0.40489476919174194, 1.0674238204956055, -0.7051138281822205, 0.8711773753166199, 1.6177464723587036, 0.11325281113386154, -0.1414373368024826, -0.8056671023368835, -1.142784833908081, -0.18262618780136108, -0.3009861409664154, 0.5303563475608826, 0.3024709224700928, -0.933372974395752, -1.246611475944519, -0.09564817696809769, 0.22780418395996094, 0.48925885558128357, 0.3395422101020813, 0.26253440976142883, 0.07292483747005463, -0.45300614833831787, 0.29998886585235596, 0.6203857064247131, -0.4129563868045807, -1.3671389818191528, -0.11771988868713379, 0.20395798981189728, 0.05130481719970703, -1.3817938566207886, 0.006750974804162979, 1.445311427116394, 0.4610673189163208, -0.29363900423049927, 0.4700789153575897, 0.42154625058174133, -0.2713456153869629, -0.7984197735786438, 0.4481315612792969, 0.6378328204154968, -1.2111104726791382, -0.3141467869281769, -0.14895129203796387, -0.21672561764717102, -0.32980772852897644, -1.113440990447998, -0.1154412180185318, 1.0434643030166626, -0.4462675154209137, -0.5388408303260803, 0.29370829463005066, -0.6884873509407043, -1.3654638528823853, 1.5009238719940186, -0.08516671508550644, -0.3133249878883362, 0.4112585186958313, 0.6568418145179749, -0.5311325192451477, 0.37808284163475037, 0.018391050398349762, -0.011924833059310913, 0.23177970945835114, -0.49594569206237793, 0.33816128969192505, 0.6503739356994629, 0.18074311316013336, -0.4514921307563782, -0.40049120783805847, -0.2397400438785553, 0.20598763227462769, 0.26765596866607666, 0.3524008095264435, -1.036429762840271, 1.2505828142166138, -0.09815283119678497, 0.014138862490653992, -0.6919839382171631, -0.41788342595100403, -0.5556085705757141, -0.7509320378303528, 0.5697176456451416, -0.16057942807674408, 0.6977555751800537, -0.22758707404136658, -0.7885454297065735, 0.08298482745885849, -0.8731545805931091, 0.893544614315033, -0.30780941247940063, 1.128962755203247, 0.1931121051311493, -0.843952476978302, 0.40639740228652954, -0.7130329012870789, -0.23627768456935883, -0.0760309100151062, 0.6012526154518127, 0.4558645486831665, -0.03776067495346069, 0.14483880996704102, 0.48288694024086, 0.05360020324587822, 1.2160606384277344, -0.6704505085945129, -0.16758812963962555, 1.044175624847412, 0.3754632771015167, 0.7175532579421997, 0.3068465292453766, 0.002221539616584778, 0.7400065660476685, 0.6649529337882996, 0.5019426345825195, 0.9459736943244934, -0.01709587313234806, 1.1310640573501587, 0.33014559745788574, -0.6952565908432007, 0.9704153537750244, 0.5671846866607666, 0.17787042260169983, -2.040494680404663, 0.4954303503036499, 0.32366353273391724, -0.5655333995819092, -0.7418719530105591, -0.4912729561328888, -0.49418535828590393, -1.0391837358474731, 1.5615267753601074, -0.07653788477182388, 0.14290517568588257, 0.39789092540740967, -0.9059793949127197, 0.08435305953025818, 0.2311907261610031, -0.8239086270332336, -0.13644206523895264, -0.72234708070755, -0.2080448567867279, -0.7040899395942688, -0.6666679382324219, 0.15324880182743073, -0.10000579059123993, 0.99793541431427, -0.6617001891136169, -0.0377311147749424, 0.06721318513154984, 0.26456624269485474, -0.5653117299079895, -0.37262141704559326, 0.510267436504364, 0.36310097575187683, 0.6801386475563049, -0.5010654926300049, 0.8858767747879028, 0.7200992107391357, -0.09600329399108887, -0.8480837941169739, -0.32968148589134216, -0.2689782679080963, -0.02045789174735546, 1.6774286031723022, -1.0281140804290771, 0.16119439899921417, -0.15750113129615784, -0.13647203147411346, -1.2474513053894043, 0.6197127103805542, 1.5232805013656616, -1.2828959226608276, 0.18336153030395508, 0.329374223947525, 0.7842835783958435, 0.7309908270835876, -0.14245857298374176, -0.20837804675102234, -0.37060195207595825, -0.1898002326488495, 0.4373060464859009, 0.1659572422504425, 0.2556259334087372, -1.4137413501739502, -0.5358076095581055, -0.2987060844898224, -0.2132931351661682, 0.7190102338790894, 0.06363431364297867, 1.1090480089187622, 0.20273251831531525, 0.34185153245925903, 0.5121234655380249, 0.4117879867553711, 0.9756228923797607, 0.6992472410202026, 0.4385465383529663, -0.750377893447876, -0.6705993413925171, -0.5380580425262451, 0.4986366033554077, 0.4715305268764496, 0.4878784120082855, -1.1793458461761475, 0.09125222265720367, 0.47508010268211365, -0.5944586992263794, 0.7559463977813721, -0.721935510635376, 0.264808714389801, -0.040302108973264694, -0.7029860019683838, -1.7204151153564453, 0.05620032176375389, 1.1407543420791626, -1.1658787727355957, 0.6825992465019226, -0.46383148431777954, 0.027515975758433342, 0.9251317977905273, 0.005006581544876099, 1.8702882528305054, -0.04399177059531212, 0.217082217335701, 0.7683150172233582, -0.3817580044269562, -0.5042219161987305, -0.4555315375328064, 0.14554722607135773, -0.2751274108886719, 0.2278239130973816, -0.9757106900215149, 0.3680626153945923, -0.5116071701049805, -0.0849161446094513, 0.16998989880084991, 0.6148571372032166, -0.49313509464263916, -0.8154186606407166, -0.7378897666931152, -0.3822394013404846, -0.4697844088077545, 0.29045724868774414, -0.006252309773117304, 0.8036050200462341, 0.9582608938217163, 0.5498735308647156, 0.8382807374000549, 0.15827493369579315, -0.6810479164123535, -0.11135026067495346, 0.40182924270629883, 1.3132133483886719, 1.1196849346160889, -0.15448129177093506, -0.0658145621418953, -0.016812533140182495, -0.7146216630935669, -0.7836284637451172, -0.8726853132247925, 0.03454248607158661, 1.0057196617126465, -0.6065558195114136, -0.10208536684513092, -1.0107892751693726, 0.6084010601043701, -0.6391937732696533, 0.10178159177303314, 0.25807058811187744, -0.398728609085083, -0.36046522855758667, -0.5889080762863159, 0.043257471174001694, 1.0374873876571655, -0.2735210657119751, 0.013777215033769608, -0.45751941204071045, 0.621427595615387, -0.6516532897949219, -0.44875407218933105, -0.8332806825637817, 0.3477606773376465, -0.42851194739341736, 0.741098940372467, -0.4468717873096466, -0.7118960618972778, -0.9167812466621399, -0.21683229506015778, -1.0154062509536743, -0.10976386070251465, 0.1793510615825653, -0.7371225357055664, -0.5137242078781128, 0.2158159762620926, -0.7197130918502808, 0.14707976579666138, 0.8222049474716187, -0.9322988390922546, -1.1726274490356445, -0.019814297556877136, 0.7571746706962585, -0.03874772787094116, -0.7263431549072266, 0.4443693161010742, 0.6876677870750427, -0.0942571610212326, 0.8409261703491211]} +{"paper_id": "janck/bigscience-lama", "embedding": [-0.5850488543510437, 1.479323148727417, -0.459757536649704, -0.34123891592025757, 0.4661961793899536, -0.6887812614440918, 0.5982800126075745, 0.519572913646698, 0.7857096195220947, 1.1561119556427002, 0.38944151997566223, 0.28443285822868347, -0.05077357217669487, -0.4034396708011627, -0.3520338535308838, -0.6159220337867737, -0.8767868280410767, -1.1278785467147827, -1.805191159248352, -0.5510402917861938, -0.7769619226455688, -0.8644388318061829, -0.025005538016557693, 1.376081943511963, -0.8461796045303345, -1.5220882892608643, 1.2913037538528442, -0.8178525567054749, 0.746033787727356, 0.2644232511520386, -0.5072320103645325, 1.0921685695648193, -1.8777267932891846, 0.4801907241344452, -0.4270239770412445, -0.07678872346878052, 0.1443444788455963, 1.0967302322387695, -0.0018345490097999573, 0.20092616975307465, -0.24608708918094635, -0.3138340413570404, 0.2344919592142105, 0.5837156176567078, 0.966645359992981, -0.8695968985557556, 0.374858021736145, 0.008841235190629959, 0.13776569068431854, -0.675242006778717, -1.0506603717803955, 0.08054637908935547, -0.27024734020233154, 0.7491073608398438, -0.2802095115184784, 1.5671160221099854, 0.3252962529659271, -0.9223804473876953, 1.3363252878189087, -1.0102458000183105, 1.2701730728149414, 2.235400438308716, -0.3789500296115875, 0.037807855755090714, 0.720820426940918, -0.04155258461833, 1.4623574018478394, 0.0963255912065506, 0.6237387657165527, 0.5327273011207581, 0.21256978809833527, -0.08750047534704208, 0.6068241000175476, -0.1332513988018036, 0.8691195249557495, 1.2160166501998901, 0.5364406108856201, -0.03255823627114296, -0.21065476536750793, -0.5547850728034973, -0.3032402992248535, 0.39945369958877563, 0.47073230147361755, -0.39080798625946045, -0.09239287674427032, 0.3737891614437103, -0.05683872848749161, -0.712559163570404, 0.6002050638198853, -1.6656136512756348, 1.369676113128662, 0.14542259275913239, -0.017380863428115845, -0.35960853099823, -0.293658971786499, -0.06669855117797852, -1.062621831893921, -0.37987419962882996, -0.02530783787369728, 0.9521556496620178, 0.3676363229751587, -0.0810360386967659, 0.8510218262672424, 0.322988897562027, -0.28859084844589233, 1.0267452001571655, 0.1786012351512909, 0.03969068080186844, -0.9607565402984619, -0.37025150656700134, 0.5613243579864502, 1.1420291662216187, 0.19147467613220215, 0.3174278140068054, 0.1601196527481079, 0.5850903391838074, 0.5116176009178162, -0.9266544580459595, 0.09620130807161331, 0.5732094049453735, 0.4071613848209381, -1.1430327892303467, -0.6374983787536621, 0.1269509196281433, 0.6530552506446838, -0.3626821041107178, -0.174540176987648, -0.26107901334762573, 0.16067683696746826, 0.16744264960289001, 0.5371529459953308, 0.08503694832324982, -0.8417825698852539, -0.36451849341392517, 3.075300931930542, -1.2869287729263306, 1.7819498777389526, -0.8050305843353271, 0.19862446188926697, -0.281279981136322, -0.7434926629066467, 0.589592456817627, 0.31795385479927063, -1.2780429124832153, -0.17863915860652924, 0.6998023390769958, -0.3022806942462921, 0.5101302862167358, -1.4900295734405518, -0.056989457458257675, 0.010127346962690353, -0.32839515805244446, -1.3543213605880737, -0.42187047004699707, 0.4622412919998169, 0.0032931677997112274, -0.2728786766529083, 0.5272285342216492, -0.37124103307724, 1.3119570016860962, -0.20255258679389954, -0.15737587213516235, -0.07543369382619858, 0.3648579716682434, -0.8980219960212708, -0.6892544627189636, 0.9258019328117371, -0.3080371916294098, -0.9958068132400513, -0.2296406328678131, 0.7698308229446411, -0.011632058769464493, -0.3959529995918274, -0.14716729521751404, -0.07030288130044937, 0.08503900468349457, 0.7920058965682983, 0.775249183177948, 0.20652639865875244, -0.4968530535697937, -0.22568875551223755, -0.8627336621284485, 0.025263212621212006, 0.8221567273139954, -0.55612713098526, 0.8624804615974426, -2.3235559463500977, 0.28300875425338745, -0.5471646189689636, 0.3608369827270508, 0.15408408641815186, 0.008342532441020012, 0.3994382321834564, 0.33066555857658386, 0.6090914607048035, -1.2057735919952393, 0.6213139891624451, -1.1844626665115356, -0.6571937799453735, 0.08282752335071564, -0.6179839968681335, -0.10054294019937515, 0.36461785435676575, 0.8436152338981628, 0.24726492166519165, -0.5196441411972046, -0.784920334815979, -2.40432071685791, 0.4662019610404968, 2.3692100048065186, 0.1859448254108429, -0.6674844622612, -0.4723852276802063, -0.5700122714042664, -0.16687195003032684, -0.37596893310546875, 0.0863504707813263, -0.19958335161209106, 0.4054543375968933, -0.8843151330947876, 0.4381279945373535, -0.32420849800109863, 0.1964161992073059, 0.5163531303405762, 1.34681236743927, -0.3336530923843384, -0.10859140753746033, -0.3819476068019867, -1.4200468063354492, 0.7344534993171692, 0.7193648815155029, 0.2733628451824188, -0.2748890221118927, 0.9934908747673035, 0.11464093625545502, 0.9525059461593628, 0.9197412729263306, 0.6205369830131531, -1.177783727645874, 0.511452317237854, -0.37499892711639404, 1.1192717552185059, 0.08026938885450363, 0.022115426138043404, 0.342668354511261, 0.14981062710285187, -0.6865135431289673, -0.5210819244384766, 0.2971401810646057, -0.6778802275657654, 1.3465946912765503, 0.662004292011261, -0.6672956943511963, 0.9405892491340637, -0.5360442996025085, -0.06374900788068771, -0.5845513343811035, -0.672570526599884, -0.09687435626983643, 0.143399178981781, 1.0272657871246338, -0.21583902835845947, 0.32181817293167114, -0.15837430953979492, -0.23443002998828888, -1.6914710998535156, 0.0026429221034049988, 0.3777351379394531, -0.4233039617538452, -1.1532522439956665, 0.4121550917625427, -0.3055185079574585, -1.131283164024353, -0.6263787746429443, 0.7388182282447815, 0.07464037835597992, 0.07227358967065811, 1.3531904220581055, 1.4557121992111206, -0.3434050977230072, 0.6968235969543457, 0.3221815228462219, 1.6145721673965454, -0.8796666264533997, 0.29438158869743347, 0.2602017819881439, 0.25317373871803284, -1.0244951248168945, 0.9522615671157837, -0.608241081237793, 0.36806127429008484, 1.009660005569458, -0.34620392322540283, 0.44764846563339233, -0.267793208360672, -1.5258808135986328, 1.1970680952072144, -0.02979368343949318, -0.2756035625934601, -0.5668700933456421, 1.8396294116973877, -0.09938394278287888, -0.3097154200077057, 0.5301244854927063, 0.2948968708515167, -0.4146918058395386, 1.2002698183059692, -0.245767742395401, 0.5395255088806152, -0.1114489957690239, 0.13161598145961761, 0.11175994575023651, 0.506177544593811, -1.9695813655853271, 0.9740732908248901, 0.7269488573074341, -0.18347546458244324, -0.48398271203041077, -0.7937714457511902, 0.12354621291160583, -0.78855961561203, 0.3198528289794922, 0.4982074499130249, -0.4386163055896759, 0.1431766301393509, -0.2026890218257904, 0.015757005661725998, 1.5714257955551147, -0.9987105131149292, 0.07422369718551636, 1.00975501537323, 0.018785271793603897, -1.0428218841552734, -0.4508359432220459, 0.5524929165840149, -0.1377219706773758, 0.10679134726524353, 0.24496552348136902, 1.010036826133728, 1.0855255126953125, -0.06786300987005234, -0.09172245115041733, 0.4935547709465027, 0.527921199798584, 0.3226877748966217, 0.604525625705719, -0.9982264041900635, 0.14552049338817596, -0.4555506110191345, 1.307716965675354, -0.4448617994785309, -0.8239138722419739, -1.1504136323928833, -0.37249815464019775, -0.5125172138214111, -0.89961177110672, 2.1155591011047363, 0.22304341197013855, 1.3895432949066162, -0.1908770352602005, 0.18022304773330688, -0.8975821733474731, 0.04792917147278786, 0.9224005341529846, 0.6356605887413025, -0.013490468263626099, -1.047602891921997, 0.04989542067050934, 0.4830050766468048, -0.04784492775797844, -0.2021595984697342, 0.13056057691574097, 0.9647448062896729, 0.2604166269302368, -0.9509344696998596, 0.31016862392425537, 0.929976761341095, 0.04613635689020157, 0.9909472465515137, -0.7563692331314087, -0.12200720608234406, 0.45494866371154785, 0.08460202068090439, 0.2329813539981842, 0.2588072717189789, -0.7137126922607422, 0.9819436073303223, 0.39958420395851135, 0.24353089928627014, 0.2214837521314621, 0.9282581806182861, 1.8756905794143677, -0.6520077586174011, -1.198393702507019, -0.33211126923561096, -0.691618800163269, -0.2734193503856659, 0.14022418856620789, 0.028477009385824203, -0.7175495028495789, 1.1138478517532349, -0.5130026340484619, -0.7654916048049927, 0.9132082462310791, -0.6415035724639893, -1.5804506540298462, 0.9121782183647156, 0.7793365716934204, -1.0998635292053223, -0.373891681432724, 0.10441382229328156, -1.0648446083068848, -0.9359153509140015, -0.22810351848602295, -0.680465042591095, 0.41195639967918396, 0.2728540599346161, 1.031653642654419, -0.418130099773407, -0.2963709831237793, -0.940179705619812, 0.5571678876876831, 1.0920617580413818, -0.6704387068748474, 0.3114907443523407, 0.16479846835136414, 0.0597420334815979, -0.18080265820026398, -0.7332854866981506, -0.584892749786377, 1.1724975109100342, 0.06522130966186523, 0.6998706459999084, -1.1258450746536255, -0.7196593284606934, 0.629545271396637, -0.22692076861858368, 1.1530956029891968, -0.8893842101097107, -0.021901506930589676, -0.08032006025314331, 0.2601812183856964, 0.5907007455825806, -0.40100306272506714, -1.1856966018676758, 0.7853595018386841, -0.046364203095436096, 0.41439130902290344, -0.423860102891922, 0.6761846542358398, 1.4674177169799805, -0.5209382176399231, -0.3059248924255371, -0.44283416867256165, -10.590478897094727, 0.3058852255344391, 0.15127943456172943, 0.2710116505622864, 0.6341748833656311, -0.4788025915622711, 1.0384067296981812, -0.597246527671814, 0.44867226481437683, -0.8925908803939819, 0.13330408930778503, 1.3012425899505615, 0.7802059054374695, -0.017825616523623466, -0.7142089009284973, -1.406018614768982, -0.23739789426326752, -0.43714439868927, 0.18924160301685333, 0.10829901695251465, -0.5158607363700867, -0.5535245537757874, -0.25202006101608276, 0.3503228724002838, 0.6078644394874573, 0.031002119183540344, -0.7375237941741943, -0.2756853997707367, -0.247965008020401, -0.23111404478549957, 0.3796722888946533, 0.0016305295284837484, -1.0429418087005615, -0.35524868965148926, -0.32510635256767273, -0.7502905130386353, -0.4549882411956787, -0.2576458752155304, 1.134401559829712, -0.4904882311820984, -1.0107760429382324, 0.49882856011390686, 0.9071465730667114, -0.017852265387773514, -0.6739022731781006, 0.6303174495697021, 1.1008907556533813, -1.3277015686035156, 0.13357535004615784, -0.12229405343532562, -0.7428018450737, -0.6549926400184631, -0.6662304997444153, -0.2559323310852051, 0.17355045676231384, 0.4226696789264679, 0.04366611689329147, -0.2603839933872223, -0.9255968332290649, -1.486325979232788, 0.5565428137779236, -0.056098684668540955, -0.6048246026039124, 0.011188242584466934, 0.013866875320672989, -0.07475478202104568, 0.016527917236089706, -0.06309130042791367, -0.5132687091827393, 0.05786784738302231, -0.8806151747703552, 0.7778539061546326, -0.11511019617319107, -0.10796761512756348, -0.7318393588066101, 0.29550790786743164, -0.48231855034828186, -0.48787763714790344, -0.2182774841785431, 0.014495862647891045, -1.5438224077224731, 0.8958712816238403, 0.48579105734825134, -0.8208303451538086, -0.6076772809028625, 0.09002232551574707, -0.38375940918922424, 0.6553653478622437, 0.9444783926010132, -0.5305308699607849, 1.076714038848877, -0.0014922618865966797, -0.06353718042373657, 0.31048816442489624, -0.6482824683189392, 1.0442602634429932, -0.32787877321243286, 0.9345561265945435, 0.17269322276115417, -0.890203058719635, 0.3767666518688202, -0.5642492175102234, -0.3364380896091461, -0.2754261791706085, 0.3964887857437134, 0.8598158955574036, 0.38342422246932983, -0.046310506761074066, 0.0795673355460167, -0.3245474696159363, 1.3457248210906982, 0.5803988575935364, -0.6582264304161072, 1.3284120559692383, -0.6817315816879272, 0.2736709415912628, 0.029040822759270668, 0.5494688153266907, 0.030735211446881294, 1.001429557800293, -0.2635144591331482, 1.4892076253890991, -0.1988726258277893, 1.0077842473983765, 0.037601735442876816, -0.4018029272556305, 0.7058687806129456, 0.568431556224823, 0.13558711111545563, -1.6693158149719238, 0.20587864518165588, -0.33455607295036316, -0.26328736543655396, -0.8699952960014343, -0.2913849949836731, -0.4620540738105774, -0.8031854629516602, 1.459480881690979, -0.15771529078483582, -0.05676521360874176, 0.2611507177352905, -0.5989312529563904, 0.3094334602355957, -1.2300983667373657, -1.094724416732788, 0.25759533047676086, -1.257705569267273, -0.1852467656135559, -0.6612556576728821, -1.199337363243103, -0.3913743793964386, -0.2503736615180969, 0.7258265018463135, -0.9279917478561401, -0.3552819788455963, -0.24605819582939148, 0.47536489367485046, -0.18132983148097992, -0.47428640723228455, 0.006607189774513245, -0.23606693744659424, 0.8038803339004517, -0.8471066951751709, 0.9778140783309937, 0.2700081169605255, -0.8019250631332397, -0.09324375540018082, 0.1953701674938202, -0.49796271324157715, -0.003677085041999817, 0.7488217353820801, -0.930033266544342, 0.22000959515571594, -0.968598484992981, -0.3852015733718872, -1.1420552730560303, 0.4646564722061157, 1.2110158205032349, -0.14898736774921417, -0.20106081664562225, 0.5208017230033875, 1.039249300956726, 0.019453339278697968, 0.006825283169746399, -0.16837754845619202, -0.4271599054336548, -0.152287095785141, 0.44813650846481323, 0.0026095984503626823, 1.0235319137573242, -1.9067611694335938, -0.8767139315605164, -0.26590242981910706, 0.08523795008659363, 0.5775038599967957, -0.12644349038600922, 1.4564545154571533, 0.5565464496612549, -0.1933102309703827, 0.6700480580329895, 0.49553215503692627, 0.8374521136283875, 0.544438362121582, 0.5192161202430725, 0.12895698845386505, 0.1729186326265335, -0.6000092625617981, 0.2437496781349182, 0.2009735405445099, 0.43975985050201416, -1.2394334077835083, -0.4372416138648987, -0.09943549335002899, -0.5091949105262756, 0.18870297074317932, -0.7019929885864258, 0.9383131861686707, -0.5469315648078918, -0.3707139194011688, -1.6164225339889526, 0.2511252760887146, 1.0942248106002808, -0.23697596788406372, 0.30609574913978577, 0.8877550959587097, 0.7489163875579834, 0.8402224183082581, 0.50874263048172, 1.1695994138717651, -0.22731997072696686, -0.7549383640289307, 0.5856268405914307, 0.7879458665847778, 0.03097807615995407, -0.46503838896751404, -1.0341579914093018, -0.6328610777854919, 0.6232319474220276, -0.23321178555488586, 1.0180201530456543, -0.2984431982040405, 0.791414201259613, 0.8330946564674377, 0.9493690729141235, -1.0375988483428955, -1.410343050956726, -0.4290822744369507, -1.8012661933898926, 0.03714624419808388, 0.562135636806488, 1.1706538200378418, 0.5596439242362976, 0.8437727093696594, 0.2726008892059326, 1.5549265146255493, -0.6707128286361694, -0.4250260591506958, -0.19795149564743042, -0.13288769125938416, 1.1799243688583374, 0.3503127992153168, 0.9150598645210266, 0.26203930377960205, -0.22162818908691406, -0.6194025278091431, -0.47757023572921753, -0.5977255702018738, 1.0078907012939453, 0.35991716384887695, 0.09131966531276703, 0.0001535862684249878, -0.5273000597953796, 0.99800705909729, -0.6366922855377197, 0.42543670535087585, 0.254392147064209, -0.1447363942861557, -0.26017627120018005, -0.7593894600868225, -0.08344248682260513, 0.9488288760185242, -0.3368151783943176, -0.14825743436813354, -0.028398483991622925, 0.7424566149711609, 0.06240388751029968, -0.39188724756240845, -0.8803040981292725, -0.12144652754068375, -0.4757221043109894, 0.1788221150636673, 0.1221841499209404, -1.1602061986923218, -0.35909491777420044, -0.3307252526283264, -0.904062807559967, 0.6954350471496582, 0.022715404629707336, -0.7623862028121948, -0.8316178321838379, 0.2599061131477356, -0.6072835922241211, 0.6878330707550049, 0.22232089936733246, -0.5033987760543823, -1.5920019149780273, 0.6515864133834839, 1.2955305576324463, -0.7735565900802612, -0.6410099267959595, 0.11614296585321426, 0.11642411351203918, 0.34922271966934204, 0.7058894634246826]} +{"paper_id": "AmazonScience/massive", "embedding": [-0.19972707331180573, 1.1962902545928955, 0.3115346431732178, -0.1818457692861557, 0.6407241821289062, 0.018126722425222397, -0.06548089534044266, 0.7098735570907593, 1.5395491123199463, 0.04729142412543297, 0.8312152624130249, -0.18014901876449585, 0.2657882273197174, -0.39061152935028076, 0.053977057337760925, 0.21863165497779846, -1.1293476819992065, -0.949783444404602, -1.5811079740524292, -0.6400737166404724, -0.6116735935211182, -0.24560625851154327, 0.43255308270454407, 0.5406016707420349, -0.43094685673713684, -0.7251091599464417, 1.0256179571151733, -1.2894091606140137, 0.41545531153678894, 0.18005242943763733, -0.3866972327232361, 0.9000730514526367, -1.397455096244812, 0.22287532687187195, -0.5292384028434753, -0.6323637962341309, -0.15286630392074585, 0.5320636034011841, -0.0751563087105751, -0.3371832072734833, -0.5930808782577515, 0.1408972442150116, 0.4523144066333771, -0.3355562090873718, 0.42681026458740234, -0.185155987739563, -0.5759891271591187, 0.9847198128700256, -0.4872766137123108, -0.052002374082803726, -0.6081156730651855, -0.36634936928749084, 0.6181617975234985, 0.0725877657532692, -0.6706570982933044, 0.8791093230247498, 0.042650096118450165, -1.157143235206604, 0.7646475434303284, -1.7243884801864624, 0.6980418562889099, 1.40532648563385, -0.5035133957862854, 0.6123721599578857, 1.708827018737793, 0.5185862183570862, 0.8806126713752747, 0.4615422487258911, 0.3124404847621918, 0.3871256709098816, -0.4471219778060913, -1.3419792652130127, 0.6351059675216675, 0.6957606077194214, 0.08634443581104279, 0.8433654308319092, 0.2821466326713562, 0.5120251774787903, -0.4151918888092041, -0.22575649619102478, -0.6900328397750854, 0.3229808211326599, 0.5872530341148376, -0.6644951105117798, 0.15318766236305237, 0.4730200469493866, -0.01828834041953087, -0.7939466834068298, 0.7364048957824707, -1.8762565851211548, 0.10164685547351837, 0.2241544872522354, 0.5494869947433472, -0.5718308687210083, -0.3784210979938507, 0.3186196982860565, 0.35425812005996704, 0.07162997871637344, -0.26741519570350647, 0.14672324061393738, 0.6739108562469482, -0.23738661408424377, 0.7912556529045105, 0.20840004086494446, 0.4019697606563568, 0.2630532681941986, 0.43644148111343384, -0.758931040763855, -0.7589106559753418, -0.3873440623283386, -0.16194342076778412, 0.9905789494514465, 0.027434516698122025, 0.41901466250419617, 0.3660627603530884, 0.10343704372644424, 0.8112990260124207, -0.6596341133117676, 0.05997923016548157, -0.38676202297210693, -0.3050375282764435, -0.9066376090049744, -0.19203349947929382, -0.8320309519767761, 0.28090184926986694, -0.6974743008613586, 0.29692885279655457, -0.6674487590789795, -0.06338556855916977, -0.0689406618475914, 0.6059951782226562, 0.34515541791915894, -0.08025763928890228, 0.0483681745827198, 3.0150108337402344, -1.2176660299301147, 1.4225906133651733, -0.7079452276229858, -0.05388057231903076, -0.41919761896133423, -0.10311999171972275, 0.9564650058746338, 0.09356404095888138, -0.606721043586731, -0.41435906291007996, -0.2587491571903229, -0.44992363452911377, 0.3868401050567627, -0.8337681889533997, -0.057091306895017624, -0.13841034471988678, 0.4145066738128662, -1.2446743249893188, -0.640078604221344, -0.053877558559179306, 0.011457100510597229, 0.13288572430610657, 0.7922914028167725, 0.14056941866874695, 0.8901459574699402, 0.3074481189250946, 0.5930144786834717, -0.8441800475120544, 0.3195987939834595, -0.6805363297462463, 0.07847926020622253, 0.48225855827331543, -0.750720202922821, -0.26511499285697937, -1.0434335470199585, 0.7423756122589111, -0.15071219205856323, 0.21598920226097107, 0.29599273204803467, -0.1518007516860962, 0.7734764218330383, 0.32137876749038696, 0.42960184812545776, -0.13127398490905762, -0.7268596887588501, 0.13899710774421692, -0.2705203592777252, 0.21824342012405396, 0.3295556902885437, -0.10478490591049194, 0.25777995586395264, -2.0753417015075684, -0.2611163258552551, 0.18017388880252838, 0.6121465563774109, 0.16649407148361206, -0.3510463535785675, 0.18577221035957336, -0.44869840145111084, 0.2786639928817749, -0.050209179520606995, 0.5577280521392822, -0.8551477193832397, -0.44240525364875793, 0.6083333492279053, -0.17226101458072662, 0.17572730779647827, 0.2921731472015381, 0.9737098217010498, 0.9097968339920044, 0.04101749509572983, -0.24350446462631226, -1.0313355922698975, -0.03778181970119476, 1.751253604888916, 0.5880221724510193, -0.6907966732978821, -0.7849127054214478, -0.47240006923675537, -0.09398478269577026, -0.6028757691383362, 0.27617979049682617, -0.4641765356063843, 0.03894151747226715, -1.0620819330215454, 0.2545948624610901, -0.7080473303794861, 0.2513097822666168, 0.5974479913711548, 1.7431955337524414, -0.9676877856254578, 0.1989324986934662, -0.28314658999443054, -0.7099282145500183, 0.0307527594268322, 1.2601778507232666, 0.08776786923408508, -0.2977771461009979, 0.6054449081420898, -0.048125021159648895, 0.19589093327522278, 0.6578484177589417, 0.9072110652923584, -0.4954201579093933, 0.00880502350628376, 0.13174720108509064, 1.1309971809387207, -0.07194222509860992, 0.15278510749340057, -0.0578768216073513, 0.5463088750839233, -0.4114227592945099, -0.8013250827789307, 0.1046457588672638, 0.4778989255428314, 1.360886812210083, 1.3535319566726685, -0.5388360023498535, 0.7986133694648743, -0.8198418021202087, 0.2836049199104309, -0.6010806560516357, -0.1842205971479416, -0.49017345905303955, -0.977164626121521, 0.5436598658561707, -0.30208075046539307, 0.13132362067699432, -0.30810558795928955, -0.07860030233860016, -1.8670341968536377, -0.6630274653434753, -0.38865965604782104, -0.649066686630249, -1.0674668550491333, -0.8884261846542358, -0.22984598577022552, -0.31271451711654663, -0.6190556883811951, -0.29305800795555115, 0.5783777832984924, 0.41365674138069153, 1.6102901697158813, 1.8457601070404053, 0.20720484852790833, 0.21418634057044983, -0.008921995759010315, 1.0327343940734863, -0.3037596046924591, 0.2142157405614853, 0.29366376996040344, 0.4502720534801483, -0.5322765707969666, -0.017520777881145477, -0.6693442463874817, 0.29459714889526367, 0.42895859479904175, -0.36343029141426086, 0.3712928295135498, -0.5774780511856079, -0.9005106687545776, -0.004693698137998581, -0.8121939897537231, 0.3931637704372406, -0.46874529123306274, 1.6568100452423096, 0.6433085203170776, -0.8340250253677368, 0.6046006679534912, -0.577215850353241, 0.1285402923822403, 0.8252418637275696, -0.5741335153579712, 0.35900038480758667, 0.4727718234062195, -0.19383569061756134, 0.3101511299610138, 0.28259220719337463, -2.1276772022247314, 0.2396925538778305, 1.0696343183517456, 0.4910585582256317, -0.34686726331710815, -1.0041744709014893, 0.39726418256759644, -0.644453227519989, -0.2995215654373169, 0.2842225432395935, -0.66207355260849, 0.38506418466567993, -0.18246936798095703, 0.3198714852333069, 1.2777899503707886, -0.4513323903083801, 0.23100440204143524, 0.9388352632522583, 0.48429426550865173, -1.0647168159484863, -0.19133710861206055, 0.6145376563072205, -0.5896487832069397, 0.7929345369338989, 0.46511709690093994, 1.1156741380691528, 1.006927251815796, -0.49199599027633667, -0.5618999004364014, 0.5603275895118713, 0.563438892364502, 0.0030266495887190104, 0.17411357164382935, -0.5788676142692566, 0.18580728769302368, -0.17411455512046814, 1.2634094953536987, 0.41079115867614746, -0.7966107130050659, -0.8814738392829895, 0.2665758430957794, -0.3723790645599365, -0.7805728316307068, 1.5263421535491943, 0.7957257628440857, 0.841744065284729, 0.4792497158050537, 0.22178375720977783, -0.4334954619407654, 0.36242008209228516, 0.3740600347518921, -0.16890260577201843, -0.3244745135307312, -0.3179343640804291, -0.16215938329696655, 0.3643760085105896, -0.030561920255422592, -0.46108829975128174, 0.4828405976295471, 1.1888935565948486, 0.11183172464370728, -0.8049089908599854, 0.09073954820632935, 1.061076045036316, 0.3092085123062134, 1.0492464303970337, -0.22168150544166565, -0.32955989241600037, 0.49195846915245056, 0.8669087886810303, 0.1815701127052307, -0.23351052403450012, -0.39576485753059387, 0.4609377086162567, 0.29205209016799927, 1.2171279191970825, -0.19738131761550903, 0.8522201180458069, 1.046389102935791, -0.8207951188087463, -1.5259617567062378, -0.29086318612098694, -1.0770894289016724, -0.45939815044403076, 0.039569444954395294, -0.8083465099334717, -0.6820887923240662, 0.6163247227668762, -0.8136159181594849, -0.5700830221176147, 0.8175919055938721, -1.0788018703460693, -1.2623265981674194, 0.6731610298156738, 1.2065534591674805, -1.2927230596542358, -0.5352945923805237, -0.24077154695987701, -1.0733376741409302, -0.6167012453079224, 0.4445338249206543, -0.597622811794281, 0.16214925050735474, -0.38362544775009155, 0.8275771737098694, -0.2528461813926697, -0.037139564752578735, -1.0744149684906006, 0.9552879929542542, 1.2559947967529297, -0.6147127747535706, 0.6096043586730957, -0.08087146282196045, 0.7943703532218933, -0.437163382768631, -0.8807408213615417, -0.19565917551517487, 0.24886517226696014, 0.5487819910049438, -0.45855411887168884, -0.5996316075325012, -0.5343400835990906, 0.7066683769226074, -0.16398891806602478, 0.402654230594635, -0.9837278127670288, -0.11488289386034012, 0.07636154443025589, 0.4262046217918396, 0.8093115091323853, -0.31918978691101074, -0.2143155187368393, 0.6380297541618347, -0.7663128972053528, 0.18497616052627563, -0.06828528642654419, -0.11568590998649597, 0.7080787420272827, 0.030071407556533813, 0.2859238386154175, 0.0598519966006279, -12.016563415527344, 1.0860463380813599, -0.9281600117683411, 0.08809836208820343, 0.21014012396335602, -0.2576925754547119, 0.7966318130493164, 0.5045166015625, 0.8397473096847534, -0.7592946290969849, 0.182645782828331, 1.0896949768066406, 0.5750159025192261, -0.2924039661884308, -0.6950269937515259, -0.8762716054916382, -0.9795118570327759, -0.8921748399734497, 0.5228689908981323, 0.4156862497329712, -0.2737267017364502, -0.7692977786064148, -0.45926886796951294, 0.6482018828392029, -0.12782791256904602, -0.1854219287633896, -0.017791740596294403, -0.5149636268615723, 0.3450411558151245, 0.19472721219062805, 0.34349220991134644, -0.0940253734588623, -0.4364948272705078, -0.258878618478775, 1.0010942220687866, 0.3772810995578766, -0.9950631260871887, 0.08345586806535721, 0.2957182228565216, 0.1323791891336441, -0.14566397666931152, 0.13977809250354767, 0.18019568920135498, -0.36260250210762024, -0.4287550747394562, 0.8078280687332153, 0.7321417927742004, -0.44628241658210754, -0.12207253277301788, -1.1903716325759888, -0.895331084728241, -1.0470774173736572, -1.4015194177627563, -0.7448238730430603, 0.791935384273529, -0.25826913118362427, -0.16636520624160767, -0.036425843834877014, -0.3884395360946655, -1.30284583568573, 0.3632400631904602, 0.7711818814277649, -0.7769328355789185, 0.7233705520629883, 0.6005074977874756, -0.772499680519104, 0.15976619720458984, 0.04997164011001587, 0.0488443598151207, 0.413820743560791, -0.407710462808609, 0.2774544358253479, -0.22531366348266602, 0.6461858749389648, -0.49858126044273376, -0.6331601738929749, -0.41436249017715454, 0.22024387121200562, 0.2506030201911926, 0.2668616473674774, -0.8613001704216003, 0.28675293922424316, -0.08469907939434052, -0.238508403301239, -1.1254674196243286, 0.11395302414894104, -0.48433539271354675, 0.6932053565979004, 0.836419939994812, -0.024744786322116852, 0.9327528476715088, 0.2729559540748596, 0.024145759642124176, 0.35181736946105957, -0.12374299019575119, 1.380569338798523, -0.445751816034317, 0.7880448698997498, -0.36697638034820557, 0.1968207061290741, 0.28301018476486206, 0.45550259947776794, -0.8071519136428833, 0.027088146656751633, 0.31582000851631165, 0.15016469359397888, 0.15789148211479187, 0.11421895027160645, 0.46951374411582947, -0.49844324588775635, 0.7107970714569092, -0.30106645822525024, -0.31104207038879395, 1.1444921493530273, 0.405543714761734, 0.9417275786399841, 1.152350664138794, 0.5142257809638977, 0.4694198966026306, 0.6654602289199829, -0.7095232605934143, 1.1896789073944092, 0.36606982350349426, 1.4202936887741089, 0.36438652873039246, -0.10828045010566711, 0.6925260424613953, 0.2827041447162628, -0.12140588462352753, -0.5963516235351562, -0.21655580401420593, -0.4451899528503418, -0.020203275606036186, -0.2546188533306122, 0.3330620229244232, -0.25929537415504456, -1.6255106925964355, 1.390179991722107, -0.5309998989105225, 0.11388399451971054, -0.10184550285339355, -1.2536159753799438, -0.6045598983764648, -1.4625710248947144, -0.4173188805580139, 0.2325599193572998, -1.8844184875488281, -0.1487404853105545, -0.5572050213813782, 0.36881202459335327, 0.32055118680000305, 0.08512907475233078, 1.5364066362380981, -0.5998124480247498, -0.08823560178279877, -0.22890007495880127, 0.675360918045044, -0.4412168264389038, -1.1054564714431763, -0.8783037662506104, 0.5179694890975952, 1.1163052320480347, -0.6167390942573547, 1.3908536434173584, 0.6706928014755249, 0.16661064326763153, -0.5828275680541992, 0.35704922676086426, -0.6147408485412598, 0.8095287680625916, 0.8323933482170105, -0.7636669874191284, 0.11588826030492783, -0.6991557478904724, -0.3434402644634247, -1.0947396755218506, 0.027797957882285118, 1.3616353273391724, -1.1141997575759888, -0.22750692069530487, 0.4502542316913605, 0.6439593434333801, 0.7326564192771912, -0.40829822421073914, -0.9646735191345215, 0.2118104100227356, 0.030440162867307663, 0.9158114194869995, 0.2904779016971588, 0.8148460388183594, -1.7653629779815674, -1.3156712055206299, -0.7649507522583008, 0.033709172159433365, 0.2016497403383255, 0.09035293757915497, 1.060693383216858, 0.46926748752593994, 0.21328133344650269, -0.12497985363006592, -0.3648698031902313, 0.44784286618232727, -0.1857762336730957, 0.03668652102351189, 0.1032760888338089, -0.06258009374141693, -0.5354559421539307, 0.36705997586250305, 0.469682902097702, 0.250797837972641, -0.7808225750923157, -0.36125117540359497, 0.07272854447364807, 0.027539178729057312, -0.3846161663532257, -1.104671835899353, -0.4827187955379486, -0.2358858287334442, -0.3986890912055969, -0.9809269905090332, 0.13925226032733917, 1.4432302713394165, -0.06817618012428284, 0.7861697673797607, 0.7145504951477051, -0.017778627574443817, 0.47416171431541443, 0.3380516767501831, 0.7938553690910339, -0.13892526924610138, -0.22299981117248535, -0.4343366026878357, 0.8025373220443726, -0.4696197807788849, -0.13735076785087585, -0.03871554508805275, -1.034659743309021, -0.15541300177574158, -0.8678842186927795, 0.9254999756813049, -0.13277345895767212, 0.39187800884246826, 0.9985672831535339, 0.7414609789848328, -0.34145426750183105, -1.2788357734680176, 0.11084266006946564, -1.0278685092926025, 0.06351843476295471, -0.36226341128349304, -0.24575594067573547, 0.7984885573387146, 0.6041280031204224, -0.2373180240392685, 0.7836215496063232, 0.3801725208759308, -0.015114285051822662, -0.027341678738594055, 0.3522413372993469, 1.1626520156860352, 0.512005627155304, 0.2961432933807373, -0.15721693634986877, -0.7968816161155701, -0.8821706771850586, -0.012690586969256401, -0.5342860817909241, 0.8007933497428894, 0.8340958952903748, 0.20264200866222382, -0.2189158797264099, -0.6483888030052185, 0.06382845342159271, -0.6955664753913879, 0.9549303650856018, 0.3991358280181885, -0.36114585399627686, -0.62784743309021, -1.0362435579299927, 0.24385343492031097, 0.6965656280517578, -0.20631816983222961, -0.13773682713508606, -0.4327220916748047, 0.7636474370956421, 0.23872771859169006, -0.3108713924884796, -1.0386226177215576, 0.3891211152076721, -0.5704635381698608, 0.4506072402000427, 0.22429591417312622, -0.16995610296726227, -0.6691681146621704, 0.3205294609069824, -0.9750901460647583, 0.7235912084579468, -0.003120429813861847, -0.4990536868572235, -0.9899623990058899, 0.536977231502533, 0.38305285573005676, -0.40239518880844116, 0.751716673374176, 0.17782467603683472, -1.6124714612960815, 1.1096631288528442, 1.1328814029693604, -0.58949875831604, -0.7620719075202942, 0.4338885247707367, 0.1776817888021469, -0.13671216368675232, 1.1162800788879395]} +{"paper_id": "strombergnlp/danfever", "embedding": [-0.44688278436660767, 1.0575979948043823, -0.8651523590087891, -0.006519027054309845, -0.291025847196579, -0.3100826144218445, 0.34303152561187744, -0.009779341518878937, 1.1955876350402832, 1.215200662612915, 0.5747799277305603, -0.6072413921356201, -0.4559602737426758, 0.20357084274291992, 0.1186961829662323, -0.35750237107276917, -0.48401427268981934, -0.5000826716423035, 0.012297865934669971, -0.22624638676643372, -1.0770732164382935, -0.6561882495880127, -0.569389283657074, 0.39849433302879333, -1.0209376811981201, -0.4155622124671936, 0.7007726430892944, -0.8502377271652222, 0.45833083987236023, 0.12071067839860916, -0.31997695565223694, 1.2418181896209717, -2.4377222061157227, 0.31465378403663635, -0.2684606909751892, 0.15208099782466888, -0.4197149872779846, 0.6446495056152344, -0.030725087970495224, -0.484317421913147, -1.058173656463623, -0.1253536343574524, 0.8009496927261353, 0.47430822253227234, -0.001182781532406807, -0.08197063952684402, 0.9422202110290527, -0.8257362842559814, -0.0191192626953125, -0.2749953866004944, -0.17466679215431213, 0.6794394850730896, 0.21839678287506104, 0.7333312034606934, -0.42351630330085754, 1.1843652725219727, 0.35647547245025635, -0.18138331174850464, 1.1300275325775146, -0.9692296981811523, 1.2394282817840576, 1.0098527669906616, -0.8712120056152344, 0.21975529193878174, 0.7085788249969482, 0.31717729568481445, 0.8806084394454956, -0.33617931604385376, -0.2467326670885086, 0.8692081570625305, 0.5412261486053467, -1.327733039855957, 0.21352240443229675, -0.6106730699539185, -0.3026423454284668, 1.1659443378448486, -0.48608842492103577, 0.44877997040748596, -0.03146961331367493, -0.06420214474201202, 0.4147798418998718, 0.17551477253437042, -0.09907709062099457, -0.2541547119617462, 0.11038492619991302, 0.2896196246147156, 0.08770222961902618, -0.7267571687698364, 0.660957396030426, -1.7843230962753296, 0.6713280081748962, -0.28425872325897217, -0.3792770504951477, -0.14375993609428406, -0.08167661726474762, 0.6146434545516968, -0.7729318141937256, -0.017132693901658058, -0.4850033223628998, 0.5890564322471619, 0.3530800938606262, -0.7710261344909668, 0.6165635585784912, -0.05262937396764755, -0.024678386747837067, 1.1670048236846924, -0.5923682451248169, 0.08536705374717712, -0.8983251452445984, -0.2799533009529114, -0.7079901695251465, 1.4226574897766113, -0.5517295002937317, 0.5504046678543091, 0.20612114667892456, 0.015690360218286514, 0.4883943796157837, -0.910889744758606, -0.8317221999168396, -0.10291284322738647, -0.5481747984886169, -0.6484407186508179, -0.17632943391799927, 0.6500155329704285, 0.9024834632873535, -0.06712715327739716, 0.30216851830482483, -0.12046407908201218, -0.9945261478424072, 0.29683589935302734, 0.950885534286499, -0.2189202606678009, -0.7352893352508545, 0.1911138892173767, 2.463419198989868, -1.6277573108673096, 1.7982583045959473, -0.27340415120124817, 0.20578986406326294, -0.3908964991569519, -0.8404538035392761, 1.0814794301986694, 0.5710225701332092, -1.3991948366165161, -0.5485973954200745, 0.7181687355041504, -0.6334956288337708, 0.24771316349506378, -0.32314664125442505, -0.25702938437461853, 0.1832716166973114, 1.0251729488372803, -0.37703609466552734, 0.13808581233024597, 0.2574981153011322, -0.13215844333171844, 0.11519680917263031, 0.5924623608589172, -0.7668566703796387, 0.8101513385772705, 0.01837901771068573, 0.49293333292007446, -0.29858487844467163, 0.7447757124900818, -0.6873705983161926, -0.5395280122756958, 1.4186056852340698, 0.03156905621290207, -0.49560657143592834, 0.1918739676475525, 1.0385780334472656, -0.3063929080963135, 0.05377217009663582, -0.37924084067344666, -0.8177213072776794, -0.11681202799081802, 0.6058695316314697, 0.5222855806350708, 0.828701376914978, -0.7159833312034607, -0.10255010426044464, 0.3779284954071045, 0.1276790201663971, 0.36833110451698303, -0.7908951044082642, -0.4753134846687317, -1.4399348497390747, 0.41088294982910156, -0.5017038583755493, 1.0111520290374756, 0.4189980626106262, -0.0218843724578619, 0.47316262125968933, 0.34082698822021484, 0.6549968123435974, -0.3294954001903534, 0.34347862005233765, -1.2440557479858398, 0.03221505880355835, -0.4051358699798584, -0.25710606575012207, -0.616864025592804, -0.3363632261753082, -0.7098775506019592, 1.0739048719406128, -0.8466114401817322, -0.26609888672828674, -1.9595850706100464, 0.1863713562488556, 1.1820988655090332, -0.10509482026100159, -0.2928527891635895, -1.0105501413345337, 0.23505504429340363, -0.005938388407230377, -0.4659847915172577, 0.4149029552936554, -1.03823721408844, -0.2094128131866455, -1.67692232131958, 0.044397804886102676, -0.2864397168159485, 0.3059234917163849, 0.6355538368225098, 0.2660260498523712, -1.0853379964828491, -0.33440983295440674, -0.2566065192222595, -1.2689669132232666, 0.35470232367515564, 1.16690194606781, -0.17705181241035461, 0.10711759328842163, 1.0868358612060547, 0.4122169613838196, 1.29547917842865, -0.22263485193252563, 0.15372490882873535, -0.976426362991333, 0.3532979190349579, -0.11776565760374069, 0.11334168165922165, 0.5050187110900879, -0.7316769957542419, 1.3079471588134766, 0.5280604362487793, -0.5572129487991333, 0.11957995593547821, -0.681424081325531, -0.3313780725002289, 0.3777107298374176, 1.0514150857925415, -1.081834077835083, 0.5396345853805542, -0.19150324165821075, 0.33224183320999146, 0.09482930600643158, -0.38969406485557556, -0.5694716572761536, 0.6852849721908569, 0.7427322268486023, 0.6383945941925049, 0.5201624631881714, 0.12692785263061523, -0.3007875084877014, -0.7827904224395752, -0.3006604313850403, 0.29545363783836365, 0.018786422908306122, -0.4066395163536072, -0.28629380464553833, -0.9128221273422241, -1.2750000953674316, -0.3468325138092041, -0.1796344518661499, 0.31945040822029114, -0.6262099742889404, 0.40103429555892944, 0.8278502225875854, 0.8636674880981445, -0.14303410053253174, -0.7875685095787048, 1.054172158241272, -0.5007760524749756, 0.6213110089302063, 0.42240485548973083, 0.30906233191490173, -0.8016434907913208, -0.41703593730926514, 0.06556880474090576, -0.36294105648994446, -0.05628947541117668, -0.6517534255981445, 1.2047696113586426, -0.18334046006202698, -0.6970314979553223, 1.5607590675354004, 0.36198586225509644, -0.44373819231987, -0.8601264953613281, 0.9148029088973999, 0.178654745221138, 0.25873854756355286, 0.49121159315109253, 0.01954265497624874, -0.47554782032966614, 0.9845530390739441, -1.0825303792953491, -0.25324109196662903, 0.06615886092185974, -0.14237132668495178, -0.2885614335536957, 0.40378105640411377, -1.113460898399353, 0.3526170253753662, 0.5816179513931274, -0.8995151519775391, -0.6782349944114685, -0.23928025364875793, 0.3092826008796692, -0.30855366587638855, -0.502338171005249, 0.0768531784415245, -0.19217419624328613, -0.3772147595882416, -0.4752774238586426, -0.4134014844894409, 0.707801342010498, -0.6679564714431763, -0.10040272027254105, 0.18178275227546692, 0.6301928758621216, -0.09995678812265396, -0.2419055998325348, 1.1587204933166504, -0.4747013449668884, 0.7464244365692139, -0.6382130980491638, 1.031524896621704, 0.970555305480957, -0.5936269760131836, -0.06817983090877533, 0.8255113363265991, 0.2612435519695282, -0.1871102750301361, 0.4170908033847809, -0.12417274713516235, 1.3812751770019531, -0.5775351524353027, 1.6268749237060547, 0.5927355289459229, -0.6910352110862732, -1.7280259132385254, -0.6257412433624268, -0.2546520233154297, -0.3053378760814667, 1.279958963394165, 0.552668571472168, 1.0862030982971191, -0.018551459535956383, 0.5280531644821167, -0.45994678139686584, 0.5302279591560364, 0.7065607309341431, 0.2826155126094818, 0.3377699851989746, -0.348095178604126, 0.17585843801498413, 1.031027913093567, 0.022891655564308167, -0.810920774936676, -0.3474597930908203, 0.7057622075080872, -0.39777490496635437, 0.7005915641784668, 0.00400710292160511, 0.3448123335838318, -0.27989310026168823, 0.7954785227775574, -0.5426996946334839, -0.4567844569683075, -0.36825376749038696, 0.3370469808578491, 0.08133155852556229, 0.4035872519016266, -1.2731664180755615, 0.2645486295223236, -0.08503298461437225, 0.6204861402511597, -0.1402701437473297, 0.38665059208869934, 1.0318169593811035, 0.494197815656662, -1.0663902759552002, -0.023630589246749878, -0.9303508996963501, -0.08488672226667404, 0.3708689510822296, -0.16578309237957, -0.08454857021570206, 0.5508106350898743, -0.1840018928050995, -1.8397637605667114, 0.8203827142715454, -0.26316338777542114, -0.9152578115463257, 0.5418685078620911, 1.3464107513427734, -1.2576606273651123, -0.7944862246513367, 0.15726090967655182, -0.7618698477745056, -0.3993587791919708, 0.5184196829795837, -0.9116196632385254, 1.5606836080551147, 0.3665814697742462, 0.5735411047935486, 0.08450184017419815, -0.242885023355484, -0.022579040378332138, 1.6984199285507202, 0.902520477771759, -0.9406687021255493, 0.3305134177207947, 0.09582612663507462, 0.9864099621772766, 0.7660810947418213, -0.7197058796882629, -0.6062048077583313, 1.250306248664856, 0.6359360218048096, 1.0710899829864502, -0.6114100813865662, -1.1911847591400146, 0.7366029620170593, 0.677788496017456, 0.927716851234436, -0.6554173827171326, 0.7384645938873291, -0.7450571656227112, -0.12270680069923401, 0.25913962721824646, -0.2150886058807373, -1.255336880683899, 1.3364953994750977, -0.061241716146469116, 0.30168232321739197, -0.15084446966648102, -0.4848412275314331, 1.4728695154190063, -0.1632872223854065, 0.7585934400558472, -0.22182181477546692, -11.947169303894043, 0.4388159215450287, -0.04127393662929535, 1.4705077409744263, 0.9148284792900085, 0.09307009726762772, 0.0461139939725399, 0.29698002338409424, 1.6444084644317627, -0.46126917004585266, 0.09939238429069519, 1.6761468648910522, -0.4115345776081085, -1.1693105697631836, -0.9553210139274597, -0.2553253173828125, -0.446670800447464, -0.5593275427818298, 0.006327114999294281, -0.4431743323802948, 0.40448540449142456, -1.262947678565979, 0.13920335471630096, 0.005038008093833923, 0.8376220464706421, -0.1715819537639618, -0.2794516384601593, -0.3623197376728058, 0.11645375192165375, 0.27078303694725037, 0.9394906759262085, 0.11005599051713943, -0.5481597185134888, -0.47809603810310364, 0.33990389108657837, -0.14975188672542572, -0.999401330947876, -0.2114996761083603, 0.6945170164108276, -0.993315577507019, 0.3575551509857178, 0.3552124500274658, 0.39453253149986267, 0.093320831656456, -0.344825804233551, -0.03933040797710419, -0.2869858741760254, -0.24861055612564087, -0.6819838285446167, -0.39315077662467957, -0.10264930129051208, -0.38998761773109436, -0.6228909492492676, -0.2171511948108673, 0.5386947989463806, -1.3579716682434082, -0.5680425763130188, 0.42293503880500793, -0.6953938007354736, -1.6263335943222046, 0.8018139004707336, -0.5187289118766785, -0.4434082508087158, 0.17541182041168213, -0.17699626088142395, -0.3860902190208435, 0.6621793508529663, -0.2564987242221832, -0.0260604377835989, -0.17982608079910278, -0.47239071130752563, 1.2970168590545654, 0.3462989628314972, 0.4205566942691803, -0.5506011843681335, -0.12468580156564713, -0.5139432549476624, -0.31556954979896545, 0.4564770758152008, -0.18764249980449677, -1.055397629737854, 0.4207378923892975, 0.5522831082344055, 0.2865612506866455, -0.2936208248138428, -0.20703370869159698, 0.36779698729515076, -0.7142723798751831, 0.027351170778274536, 0.22455385327339172, 0.4963442087173462, -0.5475925803184509, 0.23882289230823517, -0.34161582589149475, -0.4455462694168091, 0.7044462561607361, -0.7860873937606812, 0.7997317910194397, -0.30758851766586304, -0.4216253161430359, -0.1210160031914711, -0.25660911202430725, -0.24067360162734985, -0.1088496595621109, 0.7839611172676086, 0.19434168934822083, 0.6885573863983154, -0.5056264996528625, -0.41116783022880554, 0.3120536804199219, 0.555720329284668, 0.29942017793655396, -0.05076493322849274, 1.4032766819000244, -0.33540070056915283, 0.4251939356327057, 0.7617959380149841, -0.22942370176315308, -0.06330770999193192, 1.3025859594345093, -0.18986186385154724, -0.11084828525781631, 0.46069467067718506, 0.6814417839050293, -0.5266255736351013, -0.25953707098960876, 0.11836913228034973, 0.4367915987968445, -0.4732687473297119, -1.435247540473938, 0.8384764790534973, -0.31615084409713745, 0.3088756799697876, -0.8659865856170654, 0.4013483226299286, -0.5882088541984558, -0.6722474694252014, 0.6760610342025757, -0.08041984587907791, 0.6346561312675476, -0.2739607095718384, -0.21341831982135773, 0.2889713644981384, -0.9215452075004578, -0.4028232991695404, -0.20222017168998718, -1.2997440099716187, 0.4168815314769745, -0.5104489922523499, -0.4462811350822449, 0.8878954648971558, -0.7764453887939453, 1.0037734508514404, -0.2134488970041275, 0.04602059721946716, -0.3448009192943573, -0.24717119336128235, -0.5191930532455444, -0.6946945190429688, -0.1511717438697815, 0.13929474353790283, 1.064141869544983, -0.9081913232803345, 1.1059678792953491, 0.461640328168869, -0.08608244359493256, -0.4966315031051636, -0.06179165467619896, -0.40013086795806885, 0.28694993257522583, 1.09116792678833, -1.0435088872909546, -0.07225602865219116, -0.05132710188627243, 0.009533867239952087, -1.1222333908081055, 1.0557769536972046, 0.5395107269287109, -1.4022817611694336, -0.1267356425523758, 0.025099605321884155, 0.2315819263458252, 0.5740578174591064, -0.797387421131134, -0.32079118490219116, 0.14447021484375, -0.6516882181167603, 0.7279614806175232, 0.29177406430244446, 0.8941133618354797, -1.4129061698913574, -1.247678279876709, -0.48305580019950867, -0.7426703572273254, 0.9284767508506775, -0.3239278197288513, 1.3831156492233276, 0.6313416361808777, 0.6216738224029541, -0.5609247088432312, -0.0470697395503521, 0.41272860765457153, -0.22708375751972198, -0.375950425863266, -1.005977749824524, 0.2921808063983917, -0.5274529457092285, 0.584499716758728, 0.4002975523471832, 0.8407004475593567, -0.24016690254211426, -0.42053842544555664, 0.24334226548671722, -0.3108488619327545, 0.12748710811138153, -1.0369242429733276, 0.5983142852783203, -0.6126032471656799, -0.20332325994968414, -1.0195783376693726, 0.5888965725898743, 0.9158152341842651, 0.13579130172729492, 1.071162462234497, -0.03857087716460228, 0.6093869209289551, 1.3131887912750244, 0.33121195435523987, 1.5851706266403198, 0.490932822227478, 0.18762268126010895, -0.21632561087608337, 0.04552805423736572, -0.24645614624023438, 0.7302320599555969, 0.36349594593048096, -0.3181012272834778, 0.5858712196350098, -0.9595184326171875, 0.3774593770503998, -0.27917319536209106, -0.347195565700531, 0.2599670886993408, 0.31070902943611145, -0.46301889419555664, -0.20041413605213165, -0.6695079207420349, -1.4322456121444702, -1.0626220703125, 0.7878242135047913, 0.8016991019248962, 1.0282561779022217, 0.6208057403564453, 0.031529247760772705, 1.1641100645065308, -0.45791202783584595, 0.009684570133686066, 0.7346994280815125, -0.020870216190814972, 1.1850254535675049, 0.3650478720664978, 0.8863524198532104, 0.4182337820529938, 0.03865280747413635, -0.6402912735939026, -0.43217387795448303, -0.3957148790359497, 0.9527715444564819, 0.3635548949241638, 0.06453822553157806, 0.7855052947998047, -0.5975067019462585, 0.38119950890541077, -0.2835436463356018, 0.5002696514129639, 0.286374032497406, -0.6548281908035278, -0.1956174224615097, -1.1274833679199219, -0.024475879967212677, 0.18376609683036804, -0.20128373801708221, -0.59149569272995, -0.4890707731246948, 0.8675947189331055, -0.05927861109375954, -0.4911293089389801, -0.917934238910675, 0.4394899606704712, -0.4681333899497986, 0.04178886115550995, 0.0410848967730999, -0.5377221703529358, -0.9083281755447388, 0.04754210636019707, -1.402264952659607, 0.1463630646467209, 0.223902627825737, -0.6899822354316711, -0.651206910610199, 0.8474178314208984, 0.5967919826507568, 0.35561704635620117, -0.2259809821844101, -0.05625205487012863, -1.3466248512268066, 0.3291415870189667, 0.7652344107627869, -0.10480041056871414, -0.21663400530815125, 1.3048875331878662, 0.006757766008377075, 0.08211812376976013, 1.7299220561981201]} +{"paper_id": "strombergnlp/broad_twitter_corpus", "embedding": [-0.7834675312042236, 0.9074610471725464, -0.13767299056053162, -0.339458167552948, 0.17770299315452576, 0.11807756125926971, -0.08261121064424515, 0.08404689282178879, 0.34086570143699646, 0.895721971988678, 0.6621098518371582, -0.011134276166558266, 0.36900752782821655, 0.10077983886003494, -0.3068285286426544, -0.37129175662994385, -0.7210146188735962, -0.5608665943145752, -0.013089587911963463, -0.13434523344039917, -0.778590977191925, -0.496890664100647, -0.21304136514663696, 0.015916697680950165, -1.0787508487701416, -0.7215936779975891, 0.13758587837219238, -0.2748359441757202, 0.13069021701812744, 0.205458402633667, -0.2500808537006378, 1.072396159172058, -0.7346246838569641, -0.20433229207992554, -0.5406789183616638, 0.022021861746907234, 0.2837827205657959, 0.7428218126296997, -0.45817142724990845, -0.2719314992427826, -1.0985236167907715, 0.1347060203552246, 0.9154342412948608, 0.2972612679004669, 1.138968586921692, -0.030147965997457504, 0.07169191539287567, 0.4481514096260071, 0.27872079610824585, 0.3505047559738159, -0.3200647234916687, 0.5843186974525452, -0.42550602555274963, -0.135442316532135, -0.4329208731651306, 0.6757366061210632, 0.15916717052459717, -0.7809903621673584, 0.1018829345703125, -1.01264226436615, 0.3402593731880188, 0.8977764248847961, -0.002765549346804619, 0.07272512465715408, 0.597786545753479, 0.12112978100776672, 1.074747085571289, -0.25444960594177246, 0.776741087436676, 1.0107920169830322, -0.2891797423362732, -1.2895475625991821, 0.10337293148040771, -0.048126429319381714, 0.4786425530910492, 0.5365011692047119, 0.23526695370674133, 0.042371369898319244, 0.06167872995138168, 0.07464561611413956, -0.29507580399513245, 0.7108026146888733, 0.20244622230529785, -0.8261359333992004, -0.34044378995895386, -0.3250509202480316, 0.7168656587600708, -0.34411048889160156, 0.740220308303833, -1.203499436378479, 0.8192288279533386, -0.4500550329685211, -0.010741096921265125, 0.3105032742023468, -0.5788663625717163, 0.6314277648925781, 0.1398029923439026, -0.010252701118588448, -1.1064311265945435, 0.7245837450027466, 0.9552968144416809, -0.12281256914138794, 0.40946343541145325, -0.04699825495481491, 0.20473459362983704, 1.283142328262329, -0.951922595500946, -0.6306920051574707, -0.4463580250740051, 0.0882621705532074, -0.516311764717102, 1.5979162454605103, 0.05202185735106468, 0.24675989151000977, -0.17760325968265533, -0.012814447283744812, 0.21112295985221863, -1.0411999225616455, -0.7166361808776855, 0.08391305804252625, -0.5708524584770203, -0.9594370126724243, -0.010641839355230331, 0.4936167001724243, 1.251157522201538, -0.4395568370819092, 0.5961889624595642, 0.31946325302124023, -0.36053547263145447, -0.5405654311180115, 0.8318265676498413, -0.12085753679275513, -0.5336514115333557, 0.4231816530227661, 2.6641809940338135, -0.9811807870864868, 1.204318881034851, -0.15055888891220093, -0.09068593382835388, 0.03658682107925415, 0.6862953305244446, 0.851477861404419, 0.48758265376091003, -0.2858230769634247, -1.0721912384033203, 0.04854957014322281, -0.6375285387039185, -0.018124060705304146, 0.071323923766613, -0.4645545184612274, 0.04507479816675186, 0.551692008972168, -1.1857486963272095, -0.2492467761039734, 0.32538554072380066, 0.8588236570358276, 0.01651647314429283, 0.37223413586616516, 0.03741602227091789, 0.9388077259063721, 0.8573178052902222, 0.5349690914154053, -0.877444863319397, 0.8635714650154114, -0.2433207631111145, 0.12565846741199493, 1.2024403810501099, 0.24535226821899414, -1.1679788827896118, 0.1561615765094757, 0.5175456404685974, -1.1370967626571655, 0.026457596570253372, 0.13009552657604218, -0.7240098118782043, -0.39711901545524597, 0.6617094874382019, 0.31793317198753357, -0.18921035528182983, 0.24035045504570007, 0.03089626505970955, 0.14529484510421753, -0.22420716285705566, 0.5318847894668579, -0.38880306482315063, -0.235694020986557, -1.596526026725769, -0.44989651441574097, -0.2438400387763977, 0.5484905242919922, -0.14563536643981934, -0.48731479048728943, 0.10858210921287537, 0.40240228176116943, 0.08335638046264648, -0.09276628494262695, 0.5646945834159851, -1.3837180137634277, -0.7835589051246643, -0.2847551107406616, 0.605624258518219, -0.09211215376853943, 0.1959909051656723, 0.9356113076210022, 0.43483054637908936, -0.5557559132575989, -0.3240939974784851, -1.411135196685791, 0.2619548738002777, 2.5529887676239014, -0.5940542221069336, -0.6294706463813782, -1.5488450527191162, -0.06053163856267929, 0.26549050211906433, -0.8719924688339233, 0.7244656085968018, -0.22346511483192444, 0.10382355749607086, -1.1905598640441895, 0.52559494972229, -0.2836787700653076, -0.23353075981140137, 0.2847265303134918, 1.0053647756576538, -0.47131332755088806, -0.6986993551254272, -0.5594295263290405, -0.5462796688079834, 0.800040066242218, 0.6272852420806885, 0.46363919973373413, -0.16267193853855133, 0.7775228023529053, 0.6747927665710449, 0.4651516079902649, -0.37243008613586426, 0.6199606657028198, -0.7131733894348145, 0.1245112195611, -0.33101266622543335, 0.18059350550174713, -0.22228048741817474, -0.2712849974632263, 0.9442781805992126, 0.7743256092071533, 0.1105099767446518, -0.5992777347564697, 0.1584116518497467, 0.47345325350761414, 0.5950461626052856, 1.368996262550354, -0.9273858666419983, 1.2717968225479126, -1.2410002946853638, 0.5385608077049255, -0.23509719967842102, -0.673732578754425, -0.2920648157596588, -0.2692851424217224, 0.6016098856925964, -0.4225660264492035, -0.42016494274139404, 0.038753263652324677, -0.2510196566581726, -1.2103502750396729, 0.3548429608345032, 0.0807671919465065, -0.5005217790603638, -0.6426419019699097, -0.17613187432289124, -0.37838250398635864, -0.8405376076698303, -0.758542001247406, 0.3557712435722351, 0.5626134872436523, -0.056571491062641144, 0.39009007811546326, 0.7079047560691833, -0.5955312252044678, -0.0381910614669323, -0.5223166942596436, 0.8009471893310547, -0.6806256175041199, 0.6734899282455444, 0.19288942217826843, 0.4254155158996582, -0.7884186506271362, -0.18380612134933472, 0.19416894018650055, 0.22694268822669983, 0.21023043990135193, 0.31410834193229675, 0.3314271569252014, -0.4163517355918884, -0.701237142086029, 0.9912887215614319, -0.5384792685508728, 0.11965608596801758, -0.8274029493331909, 1.062573790550232, 0.6273918747901917, 0.003398362547159195, 0.6129751801490784, 0.3728426992893219, 0.4413502514362335, 1.1000125408172607, -0.8330862522125244, 0.5580787062644958, 0.03498779237270355, 0.20777398347854614, 0.012335307896137238, 0.5313397645950317, -1.7387502193450928, -0.4385475814342499, 0.7231788635253906, -0.07762488722801208, 0.38977962732315063, 0.13403089344501495, 0.5073658227920532, -0.4451267719268799, -0.41773590445518494, -0.49723902344703674, -0.5135202407836914, 0.5188509225845337, -0.5306379795074463, 0.09943805634975433, 0.7067262530326843, -0.3415921926498413, 0.35346293449401855, 0.38488247990608215, 0.3796981871128082, -0.9933391213417053, -0.3127543032169342, 0.7444742918014526, 0.13226662576198578, 0.9258958101272583, 0.13955649733543396, 0.1866517812013626, 0.7234079837799072, -1.0442113876342773, -0.8014702200889587, 0.26285219192504883, 0.4557506740093231, -0.10651595145463943, 0.7442715764045715, 0.3326975107192993, 1.011659860610962, -0.4457324743270874, 1.0989506244659424, 0.4415179491043091, -0.48431020975112915, -1.0497418642044067, -0.011570189148187637, -0.6875490546226501, -0.2917219400405884, 1.7550239562988281, 1.0147536993026733, 1.64822518825531, 0.18080031871795654, 0.083748459815979, -0.40216484665870667, 0.1946249157190323, 0.9769457578659058, 0.6909881234169006, 0.31430232524871826, 0.35431376099586487, 0.33951956033706665, 0.4534170925617218, 0.0020168712362647057, -0.45271778106689453, 0.1391938030719757, 0.824561357498169, -0.22842229902744293, -0.616427481174469, 0.15258018672466278, 0.1733589470386505, 0.3712705075740814, 0.9380032420158386, -0.03282085061073303, -0.5423898696899414, -0.9000127911567688, 0.509754478931427, 0.46618321537971497, 0.690701425075531, -0.8745300769805908, -0.5234602689743042, -0.2761833071708679, -0.07452785968780518, -0.3339104652404785, 0.45826488733291626, 0.8714967370033264, -0.11473403126001358, -0.8283478021621704, -0.05398149415850639, -1.3509125709533691, -0.06662774831056595, 0.24762967228889465, -0.036427441984415054, -0.2901695966720581, 0.6826574206352234, -0.2947901785373688, -1.4235117435455322, 0.18521404266357422, -0.9117456078529358, -1.4755592346191406, 0.9618585705757141, 1.1954361200332642, -1.1640207767486572, -0.9125295877456665, -0.06611885130405426, -0.5719183087348938, -0.698932945728302, -0.14807872474193573, -0.7670149803161621, 0.3116425573825836, -0.20155169069766998, 0.4124852418899536, -0.4585394859313965, 0.21539835631847382, -0.3049056828022003, 0.6626570224761963, 0.8129482269287109, 0.1867496520280838, 0.2773628234863281, 0.28964823484420776, -0.5603204965591431, -0.14599275588989258, -1.1785500049591064, -1.1567972898483276, -0.08789080381393433, 0.38529878854751587, 0.060590822249650955, -0.58026123046875, -0.7957745790481567, 0.2628898024559021, -0.3403012752532959, 0.788419783115387, -1.1497817039489746, 1.066017746925354, -1.2116279602050781, -0.2325056791305542, -0.06374700367450714, -0.7684862017631531, -1.3927381038665771, 0.8937404751777649, -0.21288497745990753, 0.13929015398025513, -0.29874950647354126, 0.7317055463790894, 0.891252338886261, 0.63325434923172, 0.4843515157699585, -0.328512966632843, -13.02270793914795, 0.06823133677244186, -0.5086405277252197, 0.33930569887161255, 0.8081744313240051, -0.13552021980285645, 0.37200069427490234, -0.006190603598952293, 1.015519380569458, -0.6125271320343018, 0.2930697500705719, 1.2020097970962524, -0.34900200366973877, 0.006452321074903011, -0.6393141150474548, -0.698678731918335, -0.35082384943962097, -0.3746420741081238, 0.3945634365081787, -0.026647210121154785, -0.8980521559715271, -1.0624406337738037, -0.4086660146713257, -0.35243648290634155, 0.7532657980918884, 0.0952434167265892, 0.28530603647232056, -0.436654657125473, -0.2689926028251648, 0.02730126678943634, 0.8399287462234497, 0.13579998910427094, -0.8047457933425903, -0.4599289298057556, 0.2706531882286072, 0.691478431224823, -1.1191405057907104, -0.03938772529363632, 1.0546869039535522, 0.3722556233406067, 0.192908376455307, 0.3071323335170746, -0.3315587639808655, -0.23171481490135193, -0.485582560300827, 0.2560986876487732, 0.4147370159626007, -0.5429858565330505, 0.48684611916542053, -0.18839195370674133, -0.4233274459838867, 0.04299014434218407, -1.4036380052566528, -0.17210301756858826, 1.4639983177185059, 0.012800106778740883, -0.5527248382568359, 0.07948017865419388, -1.0247403383255005, -1.0697811841964722, 1.4514964818954468, -0.07045150548219681, -0.32739171385765076, 0.15947812795639038, 0.29791709780693054, -0.1935010701417923, 0.2873269319534302, 0.5618489384651184, -0.12093498557806015, -0.16783103346824646, -0.1144806370139122, 0.8268908262252808, 0.6350526213645935, 0.5313357710838318, 0.06461375951766968, -0.616218090057373, -0.18385644257068634, 0.1957172006368637, 0.09502960741519928, -0.02030930668115616, -0.8502605557441711, 0.9139437079429626, -0.7677352428436279, 0.05527644604444504, -0.5159500241279602, -0.11026118695735931, -0.7277966141700745, -0.9558579921722412, 0.25262153148651123, 0.662473201751709, 0.013614502735435963, -0.16054445505142212, -0.5460146069526672, 0.1923726201057434, -0.09850119054317474, 0.7145318984985352, -0.5367453694343567, 1.0408432483673096, 0.24527707695960999, 0.01719314232468605, 0.29115045070648193, -0.5310252904891968, -0.3442150354385376, -0.21206679940223694, 0.8846554756164551, -0.1803261935710907, -0.24314746260643005, -0.2646973431110382, -0.02438363805413246, -0.15728937089443207, 0.7781785130500793, -0.6537533402442932, 0.25774621963500977, 1.150579571723938, 0.504970908164978, 0.8187545537948608, 0.6054882407188416, -0.42174211144447327, 0.9666662216186523, 0.8537975549697876, 0.4111420214176178, 0.43039581179618835, -0.03933550417423248, 0.5094347596168518, 0.22225818037986755, -0.053549446165561676, 0.32895922660827637, 0.7500526905059814, 0.33483052253723145, -1.473009705543518, 0.21397675573825836, 0.11190588772296906, 0.09992377460002899, -0.90875244140625, -0.7972017526626587, -0.31123825907707214, -0.6546915769577026, 1.176792025566101, -0.6936419606208801, 0.3444807827472687, -0.4043766260147095, -0.4779931902885437, 0.1561584174633026, -0.02472265623509884, -0.6219708919525146, -0.3835441768169403, -0.45913320779800415, 0.26330894231796265, -0.5227546691894531, -0.03247777372598648, 0.2109886258840561, -0.5124470591545105, 0.8634492754936218, -0.7168146371841431, 0.4756782352924347, 0.4569733440876007, 0.27603262662887573, 0.004922956228256226, -0.5063974857330322, 0.13119149208068848, 0.08594602346420288, 0.7312824726104736, -0.5781525373458862, 1.2493705749511719, 0.42455601692199707, 0.37769168615341187, -0.5196178555488586, -0.3580552935600281, -0.49840328097343445, 0.22220581769943237, 1.2780965566635132, -0.6300823092460632, -0.2415238469839096, -0.5508512854576111, -0.1739654242992401, -1.3340198993682861, 0.5983654260635376, 0.6608709096908569, -0.6450559496879578, 0.6605006456375122, 0.45976418256759644, 0.4691084623336792, -0.14373628795146942, -0.02748873084783554, -0.25084763765335083, -0.04312944412231445, 0.23242324590682983, 1.3432703018188477, -0.15244688093662262, 0.1538701206445694, -1.352739930152893, -0.9287999868392944, -1.0509545803070068, -0.3518037497997284, 0.372444748878479, 0.08548808097839355, 0.6519842147827148, 0.5229835510253906, 0.0657176524400711, -0.21280157566070557, 0.03562997281551361, 1.1744400262832642, 0.16224150359630585, 0.39386308193206787, -0.70549476146698, -0.25476133823394775, -0.8285813927650452, 0.4102942943572998, 0.21329852938652039, 0.44341549277305603, -1.3807518482208252, -0.5762907862663269, 0.5197912454605103, -0.6928819417953491, 0.5108296275138855, -0.6498278379440308, 0.14213182032108307, 0.24649162590503693, -0.41118720173835754, -0.5766945481300354, 0.3543510138988495, 1.1981912851333618, -0.5573512315750122, 0.9478510022163391, -0.29764169454574585, 0.29429858922958374, 0.47956737875938416, 0.7077169418334961, 1.3725966215133667, -0.49888765811920166, -0.39679154753685, 0.44869041442871094, -1.4028178453445435, 0.054330237209796906, -0.06001465022563934, 0.6508452892303467, -0.8065482378005981, 0.12718701362609863, -0.9639185667037964, -0.09306130558252335, 0.25518858432769775, 0.5076473355293274, 0.38424694538116455, 0.3898088037967682, -0.34738802909851074, -0.6604083180427551, -0.809770941734314, -0.38637015223503113, -0.09709867835044861, 0.25754761695861816, 0.45924457907676697, 0.8981372714042664, 0.8434789180755615, -0.019821971654891968, 0.7425413727760315, 0.21380630135536194, 0.1535767912864685, -0.011767379939556122, 0.6316805481910706, 1.117365837097168, 0.7434685230255127, -0.4867261052131653, -0.13626611232757568, 0.25288474559783936, -1.1024351119995117, -0.6746526956558228, -0.4497019648551941, 0.5116646885871887, 0.9973663091659546, -0.3932023346424103, 0.07500438392162323, -0.7934257388114929, 0.2813587188720703, 0.2088591754436493, 0.1750919073820114, 0.5209238529205322, -0.3493303656578064, -0.6811916828155518, -0.5647240281105042, 0.503261923789978, 1.066841959953308, -0.29866617918014526, 0.00010943040251731873, -1.1228549480438232, -0.011763811111450195, -0.5470430850982666, -0.8339420557022095, -0.9226799011230469, 0.8722229599952698, 0.04490134119987488, 0.016791343688964844, 0.19590504467487335, -0.7889184951782227, -0.8614316582679749, 0.31142184138298035, -0.4274906516075134, 0.31698790192604065, 0.5204402804374695, -1.195514440536499, -0.11184380948543549, 0.07923179864883423, -0.49545541405677795, 0.35005709528923035, 0.37174808979034424, -0.5945172905921936, -1.2648745775222778, 0.18509013950824738, 0.39372745156288147, 0.4013203978538513, -0.35674986243247986, 0.5516120791435242, 0.9684059619903564, 0.15450844168663025, 0.9750686883926392]} +{"paper_id": "strombergnlp/ipm_nel", "embedding": [-0.5802049040794373, 1.1355340480804443, 0.13834716379642487, -0.19369985163211823, 0.39633312821388245, -0.4070706069469452, -0.5443474650382996, 0.5347561240196228, 0.17066660523414612, 1.4672083854675293, 0.49963751435279846, -0.33687683939933777, 0.052538029849529266, 0.03701163828372955, -0.2830052673816681, -0.327346533536911, -0.8364478349685669, -0.2142561972141266, -0.4269309639930725, -0.30620232224464417, -1.0126731395721436, -0.6674622893333435, -0.019920438528060913, 0.36047184467315674, -1.1778757572174072, -0.8983891606330872, -0.08660777658224106, -0.6228798627853394, -0.3164784908294678, -0.21056774258613586, -0.38295257091522217, 0.9957270622253418, -0.31988367438316345, -0.8700120449066162, -0.17007368803024292, 0.4886842668056488, 0.5193657875061035, 1.2048307657241821, -0.7856369614601135, -0.19389942288398743, -1.4529492855072021, 0.0910026803612709, 0.33027827739715576, 0.0027440302073955536, 0.7091996073722839, 0.44901394844055176, -0.2042960524559021, 0.7544489502906799, 0.2596091032028198, -0.02349853329360485, 0.30035457015037537, 0.48971128463745117, -0.32650336623191833, 0.38231873512268066, -0.7038561105728149, 1.002888798713684, -0.5215762853622437, -1.8027929067611694, 0.03573979437351227, -0.9213213920593262, 0.607056200504303, 1.4257290363311768, -0.3168254494667053, 0.112656369805336, 0.6301074624061584, -0.20656679570674896, 1.5157246589660645, -0.44733941555023193, 1.467699408531189, 0.9008696675300598, 0.01619081199169159, -0.9279506802558899, 0.9356599450111389, -0.7812944650650024, 0.3250299096107483, 1.019200325012207, 0.7752200961112976, -0.20294494926929474, -0.32718560099601746, 0.6812133193016052, -0.3748590350151062, 1.045621633529663, 0.4631684422492981, -1.5039945840835571, -0.8594650626182556, -0.04127388447523117, 0.4003523886203766, 0.16393910348415375, 0.3762412369251251, -1.6163686513900757, 0.26775023341178894, -0.751319408416748, -1.0583860874176025, 0.41325652599334717, -0.22895652055740356, 0.6473420858383179, -0.15030914545059204, 0.15308409929275513, -0.6122099161148071, 0.726138710975647, 0.4204775393009186, -1.0176340341567993, -0.16628043353557587, -0.29140934348106384, 0.1693914234638214, 1.5092376470565796, -1.1502501964569092, 0.09383602440357208, -0.12206818908452988, 0.43773022294044495, -0.2987186014652252, 0.9968459606170654, -0.32809457182884216, 0.21876469254493713, -0.6961705684661865, -0.5245413184165955, -0.09970439225435257, -1.3464552164077759, -0.5000473260879517, 0.16424694657325745, -0.9489390254020691, -0.7297836542129517, -0.42916586995124817, 1.0575884580612183, 1.1489454507827759, -0.6787515878677368, 0.9401107430458069, 0.11424485594034195, -0.2611832022666931, -0.23650002479553223, 0.7947040796279907, -0.24137595295906067, -0.3068683445453644, 0.1010199785232544, 2.268136739730835, -1.3996777534484863, 1.2963240146636963, 0.16696883738040924, 0.32683122158050537, -0.24308431148529053, 0.7110471725463867, 0.6479156613349915, -0.376962810754776, -0.2741672098636627, -0.9243547916412354, -0.041917674243450165, -0.21548733115196228, 0.10777711868286133, 0.13847078382968903, -0.7416670322418213, 0.16976813971996307, -0.25788047909736633, -0.901292085647583, -0.3742923438549042, -0.0927356630563736, 0.584831714630127, 0.012946758419275284, 0.41721317172050476, 0.4315200746059418, 1.2455745935440063, 1.5334886312484741, -0.06900694966316223, -0.4319831430912018, 0.7924047708511353, -1.156732439994812, -0.22048085927963257, 1.2050830125808716, -0.04355321452021599, -1.1494803428649902, 0.1832655966281891, 0.5694316625595093, -0.28969770669937134, -0.16155759990215302, -0.010081879794597626, -0.8248962163925171, -0.11909971386194229, 1.208351731300354, 0.7043576240539551, 0.03170127421617508, 0.15704834461212158, -0.18451520800590515, -0.42820650339126587, -0.24871310591697693, 0.6135470271110535, -0.2535087466239929, 0.9633921980857849, -1.5544649362564087, -1.0090938806533813, -0.5113232731819153, 1.3144012689590454, 0.012079045176506042, -0.427623987197876, -0.18655741214752197, 0.485566645860672, 0.34813153743743896, -0.11032213270664215, -0.016473371535539627, -0.7679850459098816, -0.9371615052223206, -0.10309739410877228, 0.7679773569107056, -0.2494070678949356, 0.18457026779651642, 1.2047456502914429, 0.9480993747711182, -1.217527151107788, 0.498636931180954, -1.1174169778823853, 0.5372439622879028, 2.99491548538208, -0.6109849214553833, -0.7240397334098816, -2.031471014022827, 0.3615182638168335, 0.05141320824623108, -0.6804982423782349, 0.5539815425872803, -0.4031367003917694, 0.44819045066833496, -0.9738892912864685, 0.7825687527656555, -0.7603797316551208, -0.04380808025598526, 0.14493317902088165, 0.14153045415878296, -0.19320571422576904, -0.795924186706543, -0.9556609392166138, -0.1544860303401947, 1.0750116109848022, 0.753421425819397, 0.16761060059070587, -0.44189491868019104, 0.5466759204864502, 0.45682817697525024, 0.2890585958957672, -0.6149777770042419, 0.28151845932006836, -0.4497702419757843, 0.05399737507104874, 0.23754775524139404, 0.872140109539032, 0.40937376022338867, -0.6118935346603394, 0.5149447321891785, 0.506528377532959, 0.6657102108001709, 0.032070815563201904, 0.3785194158554077, 0.4385945200920105, 0.13320350646972656, 1.467323660850525, -0.6981320977210999, 1.4493606090545654, -1.7317873239517212, 0.707866907119751, -0.49517345428466797, -1.2958968877792358, -0.045178189873695374, 0.22045935690402985, 0.6969407796859741, -0.5116569399833679, -0.2630555331707001, 0.16936320066452026, -0.4260415732860565, -1.2811756134033203, -0.4135063886642456, -0.24483844637870789, -0.3443569540977478, -1.0492472648620605, 0.682587206363678, -0.7055673599243164, -0.9068490266799927, -0.34515127539634705, 0.5464184880256653, 0.6686415076255798, -0.005869773216545582, 0.18760555982589722, 0.5204552412033081, -0.6095740795135498, 0.26511502265930176, -0.5794479250907898, 0.5957226753234863, -0.7551062107086182, 0.8527823090553284, -0.07690303027629852, -0.07630566507577896, 0.01761617138981819, -0.4892691671848297, 0.7552118301391602, 0.0804438516497612, 0.38044580817222595, 0.18554124236106873, 0.20852339267730713, -0.5386912822723389, -0.647826075553894, 0.5975101590156555, -0.3555241525173187, -0.7583329081535339, -1.368689775466919, 2.192490339279175, 0.4534875154495239, 0.5520244836807251, 0.6505234837532043, 0.677428126335144, 0.6932578682899475, 0.9752838611602783, -0.11039517819881439, 0.9100639224052429, 0.009422488510608673, 0.3499820828437805, -0.17303457856178284, 0.8303179740905762, -2.0502264499664307, -0.47805795073509216, 0.8733981847763062, -0.5124191641807556, 0.06562595814466476, -0.04716157913208008, 0.5499696135520935, -0.16772527992725372, -0.799424946308136, -0.00535135343670845, -0.49282214045524597, 0.5168375968933105, -1.1443760395050049, -0.5054202079772949, 0.9641129970550537, -0.5792431235313416, 0.5652103424072266, 0.9082232117652893, 0.6152884364128113, -1.6858410835266113, -0.29759055376052856, 0.7801198959350586, 0.25616464018821716, 1.2553191184997559, -0.23693403601646423, 0.49473437666893005, 0.8946951627731323, -0.8998416066169739, -0.23311357200145721, 0.9520767331123352, 1.0834765434265137, 0.9673078656196594, 0.774364709854126, -0.13382519781589508, 1.2304028272628784, -0.39521676301956177, 0.8993360996246338, 0.8033350706100464, -0.42041918635368347, -1.173393726348877, -0.30318453907966614, -0.06265811622142792, -0.8041197657585144, 1.4520169496536255, 0.8378506898880005, 1.9812595844268799, 0.059743545949459076, -0.06376605480909348, -0.7085155844688416, 0.13079170882701874, 1.1966451406478882, 1.0127700567245483, 0.40832144021987915, 0.05796588957309723, -0.19013077020645142, 0.5164221525192261, -0.5917696356773376, -0.5351216793060303, 0.0953945741057396, 0.8141012787818909, -0.023058723658323288, -0.12824836373329163, -0.2526018023490906, 0.04341872036457062, -0.2212749421596527, 0.2629283368587494, -0.9471921324729919, -0.6126745939254761, -0.646498441696167, 0.3883945345878601, -0.14615733921527863, 0.8800907135009766, -1.832456111907959, -0.08427782356739044, -0.24169081449508667, -0.5477408170700073, -0.49254459142684937, 0.40138813853263855, 1.3046563863754272, -0.1609921008348465, -0.21500521898269653, -0.07576838880777359, -0.5471803545951843, -0.3802848160266876, 0.8035238981246948, -0.06823869049549103, -1.2153478860855103, 1.0054256916046143, -0.40315863490104675, -1.3054217100143433, 0.9549646377563477, -0.6531439423561096, -1.6746615171432495, 0.6591874361038208, 0.7044088840484619, -1.339924931526184, -0.3879331350326538, -0.20584246516227722, -0.9564751982688904, -1.2513911724090576, 0.22412633895874023, -0.7934411764144897, 0.5385933518409729, 0.16743625700473785, 0.6188976168632507, -0.7640252113342285, -0.06191731616854668, -1.1681479215621948, 0.1277816742658615, 1.0153695344924927, 0.5170348882675171, -0.15803325176239014, 0.24668292701244354, -0.8179749846458435, -0.08624118566513062, -2.1458327770233154, -0.8303220868110657, -0.1257331222295761, 0.24988466501235962, 0.40988948941230774, -0.77723228931427, -0.9383817315101624, 0.23783093690872192, -0.5200706124305725, 1.2673754692077637, -1.0947515964508057, 0.7732117176055908, -1.070967435836792, 0.39811715483665466, 0.040137678384780884, 0.16520477831363678, -1.5491759777069092, 0.9109024405479431, -0.9722800850868225, 0.7398438453674316, 0.566227912902832, 1.1415581703186035, 0.48579302430152893, 0.5102046728134155, 0.6982520222663879, -0.593671441078186, -10.02949047088623, 0.08660002052783966, -0.41912928223609924, 0.39244580268859863, 0.4369800388813019, -0.25899916887283325, 0.6250780820846558, -0.9059087038040161, 2.091865062713623, -0.4142228364944458, 0.45650073885917664, 2.3536815643310547, -0.4183172285556793, -0.02051328867673874, -0.7765516042709351, -1.1340360641479492, -0.3265928626060486, 0.15362779796123505, -0.05569633096456528, 0.330374538898468, -1.6221022605895996, -0.9400926232337952, 0.16669347882270813, -0.34228697419166565, 0.9106199145317078, 0.12740591168403625, 0.7138621211051941, 0.2105463296175003, -1.176308035850525, -0.17015862464904785, 0.7117030620574951, -0.2744470238685608, -1.1250478029251099, 0.22929804027080536, 0.6967856287956238, 0.14427515864372253, -1.2098289728164673, -0.6639199256896973, 1.2647128105163574, 0.29808318614959717, -0.19877450168132782, 0.1013617143034935, 0.5587165951728821, -1.2082157135009766, -0.7858156561851501, 0.11692722141742706, 0.46660932898521423, -0.3154951333999634, 0.48603877425193787, 0.2700110375881195, -0.586421012878418, -0.2625869810581207, -2.1492488384246826, -0.16084307432174683, 1.7291022539138794, 0.5235841870307922, -0.4454299807548523, 0.42802056670188904, -0.7417135834693909, -0.30402475595474243, 1.4054640531539917, 0.2702888548374176, 0.1986657679080963, 0.1830676794052124, 0.1555553674697876, -0.12054884433746338, 0.5379579663276672, -0.09540882706642151, 1.2159429788589478, -1.094490647315979, -0.47835779190063477, 0.7715653777122498, 0.2635830342769623, -0.14228276908397675, -0.10406959801912308, -0.8568410873413086, -0.2835356891155243, -0.6560775637626648, 0.3068685233592987, -0.3105714023113251, -0.5321435332298279, 0.6902260780334473, -0.9231755137443542, -0.010262783616781235, -0.09040091186761856, 3.4850090742111206e-05, -0.46697309613227844, -1.4870387315750122, -0.14732958376407623, 0.6228276491165161, 0.5636204481124878, 0.3669376075267792, -0.47787362337112427, 1.392168402671814, -0.7022674679756165, 1.03359055519104, -1.0023070573806763, 1.3580384254455566, 0.7466951608657837, 0.13598695397377014, 0.48873499035835266, -0.44341012835502625, -0.19704772531986237, -0.5149645805358887, 0.5511853694915771, 0.1695822775363922, -0.2450951635837555, 0.07319177687168121, -0.07360382378101349, -0.23642899096012115, 0.6885123252868652, 0.009368911385536194, -0.016276776790618896, 0.28371402621269226, 1.1270591020584106, 1.0597947835922241, 0.6936085224151611, 0.04433581233024597, 0.6351087689399719, 1.4509432315826416, 0.12935015559196472, 0.5113798379898071, -0.41410812735557556, 0.02022426575422287, 0.2934279441833496, 0.18690349161624908, 0.3573283553123474, 1.3445929288864136, 0.5692018270492554, -1.697084665298462, 0.0004933439195156097, 0.04755105450749397, 0.07757329940795898, -1.6003752946853638, -0.74997478723526, -0.43119075894355774, -0.8583242893218994, 1.1355657577514648, -0.5706406235694885, 0.18180027604103088, -0.2555851340293884, -1.186370611190796, 0.37316983938217163, 0.26364395022392273, -0.31110650300979614, -0.21962100267410278, -0.49267348647117615, -0.05457330122590065, -0.4336336553096771, -0.05248931795358658, -0.09250879287719727, -0.017569009214639664, 0.15065425634384155, -0.8287266492843628, 0.21053063869476318, 0.09530500322580338, 0.3297591209411621, 0.18067502975463867, -1.0331166982650757, 0.5236460566520691, -0.26394715905189514, 1.1448287963867188, -1.2463130950927734, 0.9367389678955078, 0.6998335123062134, -0.2747156322002411, -0.8341132402420044, -0.031691774725914, -1.142592430114746, 0.5132101774215698, 1.4479830265045166, -0.6390045881271362, -0.3806251883506775, -0.3374505341053009, -0.49428409337997437, -1.258124828338623, 1.199940800666809, 0.681971549987793, -0.8594840168952942, -0.04862715303897858, 0.09134674072265625, 0.18516355752944946, -0.011875960975885391, 0.3194540739059448, -0.6452021598815918, 0.325591504573822, 0.1525469720363617, 1.5457229614257812, 0.03364299237728119, -0.02275850996375084, -1.641900658607483, -1.2296972274780273, -0.5512691736221313, -0.23133262991905212, 0.7261162400245667, -0.32429012656211853, 1.4318909645080566, 0.9887188076972961, 0.11173024773597717, -0.7817351222038269, -0.11337630450725555, 1.0615684986114502, 0.9105002880096436, 1.0287837982177734, -1.0449098348617554, -0.15458354353904724, -1.0528390407562256, 0.14713090658187866, -0.3814758062362671, -0.08360163122415543, -1.679196834564209, -0.06484568864107132, 0.44906139373779297, -0.42635321617126465, 0.6625431776046753, -0.9099146127700806, 0.48457270860671997, 0.334611713886261, -0.6611157655715942, -0.17726580798625946, 0.05614268034696579, 1.2228672504425049, -1.021956443786621, 0.9060068130493164, -0.19125410914421082, -0.18800213932991028, 0.3142022490501404, 0.7886473536491394, 2.386334180831909, -0.8578345775604248, 0.03235814347863197, 0.4836446940898895, -0.5095595121383667, -0.17767880856990814, -0.5217309594154358, -0.022290362045168877, -0.6117042303085327, 0.6028932929039001, -0.9941775798797607, 0.04146023094654083, 0.5042049288749695, 0.1874256432056427, 0.6618029475212097, 0.7463725209236145, -0.20537585020065308, -0.3584529757499695, -0.3709818720817566, -0.3541944622993469, 0.38506051898002625, 0.5165270566940308, 1.0284687280654907, 0.46559301018714905, 0.4342489242553711, 0.6403070688247681, 0.6888459920883179, -0.1788513958454132, 0.30898773670196533, -0.24639427661895752, 0.6897771954536438, 1.3649823665618896, 0.6291486024856567, -0.026219964027404785, -0.8770455718040466, 0.1955937147140503, -0.8240052461624146, -1.1504521369934082, -0.2497541606426239, 0.14681316912174225, 1.1402167081832886, 0.15468895435333252, 0.19521953165531158, -0.7565364241600037, 0.2684559226036072, 0.17498144507408142, 0.5737577080726624, -0.09286759793758392, 0.32087206840515137, -0.6700328588485718, -0.8184244632720947, -0.1385321170091629, 1.5904958248138428, -1.092447280883789, 0.06852375715970993, 0.10674472153186798, 0.18333695828914642, -1.1593457460403442, -1.0580601692199707, -0.7363983392715454, 0.9847726821899414, -0.545792818069458, -0.06487201899290085, 0.31046587228775024, -0.7743086814880371, -1.1725544929504395, -0.06845179200172424, -0.9938176870346069, 0.25485727190971375, 0.7436453700065613, -1.034385085105896, 0.30509525537490845, 0.6122730374336243, -0.3023149371147156, 0.03992282599210739, 0.7268519997596741, -0.7416977286338806, -1.5699692964553833, 0.42094483971595764, 0.8047596216201782, 0.6348915100097656, -1.1456329822540283, 0.6784064173698425, 0.6221856474876404, 0.003302004188299179, 0.7291908264160156]} +{"paper_id": "strombergnlp/shaj", "embedding": [-0.6405337452888489, 1.2817997932434082, -0.040620356798172, 0.3627437949180603, 1.4796066284179688, 0.812998354434967, -0.007681660354137421, -0.35847240686416626, 0.7682971358299255, 1.005476713180542, 0.24050480127334595, -0.344411164522171, -0.30271294713020325, 0.006091168150305748, 0.04455729201436043, 0.4197101294994354, -0.9498310685157776, -0.2696514427661896, 0.12705901265144348, -0.44733381271362305, -0.5329332947731018, -0.30372703075408936, -0.2972802221775055, 0.05614786595106125, -0.6876782178878784, 0.11870941519737244, 0.031187914311885834, -0.958936870098114, -0.5904925465583801, 0.031191764399409294, 0.21322616934776306, 0.7245118618011475, -1.8485013246536255, 0.21352502703666687, -1.0007004737854004, -0.24392910301685333, -0.20334695279598236, -0.2745504677295685, -0.3625791370868683, -0.7316285967826843, -0.8510897159576416, 0.6676623225212097, 0.38904663920402527, 0.05664828047156334, 0.32411468029022217, 0.025016196072101593, 0.29250118136405945, 0.09723582863807678, 0.2556420564651489, -0.5830623507499695, -0.5404077768325806, 0.6169624328613281, 0.3628440797328949, 0.11929638683795929, -0.6471351981163025, 0.6044766902923584, -0.4946068823337555, -0.9312472939491272, 0.6674783825874329, -1.06145179271698, 1.3538569211959839, 1.2049788236618042, -0.41373753547668457, 0.7580839395523071, 0.31867045164108276, -0.7215028405189514, 0.7032449245452881, -0.3095555901527405, 0.5037084817886353, 0.5264315605163574, -0.216943621635437, -0.7501071095466614, 0.29692044854164124, 0.14408522844314575, -1.0857648849487305, 0.30586886405944824, 0.15687303245067596, 0.2615005373954773, -0.6463068723678589, 0.40695440769195557, -0.20093587040901184, 0.9537372589111328, -0.07386160641908646, -0.9844343662261963, 0.6440907716751099, 0.3542492389678955, 0.2623552680015564, -0.5760406851768494, 0.8064931035041809, -1.0731141567230225, 0.7605717182159424, 0.4244740903377533, 0.2924003601074219, 0.6947621703147888, -1.500347375869751, 0.8081223964691162, -0.2931813597679138, 0.45906051993370056, -1.0922284126281738, 0.983527660369873, 0.3664553463459015, -0.777664303779602, 0.6475095748901367, -0.23797178268432617, 0.10789492726325989, 0.5300529599189758, -0.26188310980796814, -0.2765236496925354, 0.06237298995256424, -0.073247991502285, -0.18976734578609467, 1.4839577674865723, -0.5511394143104553, 0.6371636390686035, 0.4541856348514557, -0.20962950587272644, 0.013873368501663208, -1.076271414756775, -0.6753774285316467, -0.05709971487522125, -1.1889615058898926, -0.9659184813499451, 0.15056276321411133, 0.9223811030387878, 1.2253669500350952, 0.09408941864967346, 1.0286357402801514, -0.7374624609947205, -0.19138972461223602, 0.15899959206581116, 0.4537737965583801, -0.6749290227890015, -0.708362877368927, 0.17750966548919678, 2.642951726913452, -1.9626625776290894, 1.2921346426010132, -0.5517716407775879, 0.9797767400741577, -0.3113941550254822, -0.7297396063804626, 1.436732530593872, -0.10842036455869675, -1.7993361949920654, -1.0905269384384155, 0.19978004693984985, -0.9545832276344299, 0.6779767870903015, -0.0014699548482894897, -0.09921480715274811, -0.07708311080932617, 0.9254946112632751, -0.22159793972969055, 0.446476548910141, 0.2517845630645752, 5.038455128669739e-05, -0.64901202917099, 0.3673674166202545, -0.4580271244049072, -0.050866760313510895, 1.0238409042358398, 0.4714060425758362, -0.0840538740158081, 0.29627692699432373, -0.7425196766853333, -0.040860142558813095, 0.7332180738449097, -0.16633698344230652, -1.024317979812622, 0.00794045627117157, 0.7107008695602417, -0.07868864387273788, -0.30138736963272095, 0.1913849115371704, -0.5380755662918091, -0.4380037486553192, 0.6688599586486816, 0.9283087253570557, 0.06316499412059784, -0.5893718600273132, -0.49119237065315247, -0.9188976287841797, 0.020691268146038055, 0.8617699146270752, -0.8662632703781128, -0.5975689888000488, -1.040750503540039, 0.8567987680435181, -0.22294756770133972, 1.0646440982818604, 0.26304060220718384, -0.5228399038314819, -0.03881853073835373, 0.7237304449081421, 0.03589928150177002, 0.2948819398880005, 0.21731504797935486, -1.1807092428207397, 0.03924247622489929, -0.29583632946014404, 0.5117586255073547, -1.0577086210250854, -0.4127204716205597, 0.1920517534017563, 1.1186350584030151, -0.43048912286758423, 0.20513002574443817, -1.2166073322296143, 1.3060564994812012, 1.8503540754318237, 0.640887975692749, -1.1234205961227417, 0.3312718868255615, 0.3274291753768921, -0.08370276540517807, -0.3034709095954895, 0.4352233409881592, -1.113148808479309, 0.14818167686462402, -1.1566598415374756, 0.29702162742614746, -0.23095491528511047, 0.0003744065761566162, 0.20950809121131897, 0.5254316926002502, -0.9617751836776733, -0.3320009708404541, -0.4637635052204132, -0.5997380614280701, 0.37988385558128357, 1.0600448846817017, 0.11103959381580353, 0.3529748320579529, 1.1530333757400513, 0.48767995834350586, 0.6640135049819946, 0.5221173167228699, 0.23647905886173248, -0.7080875635147095, 0.3871069848537445, 0.12882612645626068, 0.063468798995018, -0.4489634037017822, -0.8996738195419312, 0.5440157651901245, 1.183592438697815, -0.39793336391448975, -0.6672868728637695, -0.7540156245231628, 0.18896231055259705, 0.8214014172554016, 1.3776520490646362, -1.0950554609298706, 0.6171262860298157, -0.2688310742378235, 0.5138484835624695, -0.5277770161628723, 0.17049868404865265, 0.12077310681343079, -0.6770954132080078, 0.6433663368225098, 0.118860624730587, -0.13521669805049896, 0.08333775401115417, -0.8545207381248474, -0.6306043863296509, -1.037903070449829, 0.08530623465776443, -0.6427130103111267, -0.9955878257751465, -0.16091328859329224, -1.3868780136108398, -0.9693536162376404, -0.8584797382354736, 0.03166557848453522, 0.2360197752714157, -0.8310348987579346, -0.08490917831659317, 0.8878648281097412, 0.11090120673179626, 0.5302454829216003, -0.5286248326301575, 0.9878665804862976, -0.06690181791782379, 0.07166651636362076, -0.02521250583231449, -0.12736265361309052, 0.40159374475479126, -0.7548891305923462, -0.2648531198501587, 0.20228761434555054, 0.5825095772743225, -0.7017288208007812, 1.0579220056533813, -0.07501272857189178, -0.5707197189331055, 1.2025574445724487, -0.5063877701759338, 0.4541933238506317, -0.4853811264038086, 0.9188709259033203, 0.057409703731536865, -0.9400690197944641, 0.5943899750709534, -0.9874616861343384, -0.03408026695251465, 0.2143964171409607, -1.6122558116912842, 0.3369903266429901, 0.5175122022628784, -0.21159499883651733, -0.7282326221466064, 0.5448309779167175, -2.011728525161743, -0.36905333399772644, 1.1216615438461304, -0.2702443301677704, 0.24226854741573334, 0.3162785470485687, 1.1272943019866943, -0.40372273325920105, -0.49225980043411255, -1.0207346677780151, -0.2753843367099762, 0.3203902244567871, -0.12434367835521698, -0.14414434134960175, 0.09249505400657654, -1.195176362991333, -0.5434969067573547, 0.4390271306037903, 1.165583848953247, -0.7870422005653381, 0.3161073327064514, -0.10869939625263214, -0.7238848209381104, 1.2780689001083374, 0.028503401204943657, 0.8032398223876953, 0.8685553073883057, -0.4689617156982422, -0.3106071650981903, 0.7885302901268005, 0.5549954175949097, 0.04161503165960312, 0.3239244818687439, 0.6411350965499878, 1.1083624362945557, -1.1963566541671753, 1.1319257020950317, 0.21066540479660034, -0.3503117561340332, -1.178023099899292, -0.26796355843544006, 0.20973511040210724, -0.720707356929779, 0.4998827576637268, 0.9670746326446533, 1.142948031425476, -0.10187861323356628, 0.2389400601387024, -0.5099539160728455, 0.9237232804298401, 1.5619070529937744, 0.49614742398262024, 0.8600289225578308, 0.08935804665088654, 0.023338887840509415, 1.052679181098938, -0.10060055553913116, -0.16629914939403534, -0.11866209656000137, 1.2214229106903076, -0.3648732006549835, -0.005005430430173874, -0.2699679136276245, -0.16088023781776428, -0.17796635627746582, 0.40219631791114807, -0.889215350151062, -1.070500135421753, -0.23745442926883698, 0.36916643381118774, 1.2849442958831787, 0.44233185052871704, -0.8943701982498169, 0.07529351860284805, 0.1301460862159729, 1.3210225105285645, -1.2049051523208618, 0.3863537907600403, 0.42422232031822205, -0.049359701573848724, -0.2391677051782608, -0.15635138750076294, -0.5319097638130188, -0.0024762549437582493, -0.33218249678611755, -0.07071694731712341, -0.7981497049331665, 1.0179924964904785, -0.6356844305992126, -1.6841038465499878, 0.200544536113739, 0.04639168828725815, -0.4403518736362457, 0.8834174275398254, 0.8401360511779785, -1.293331503868103, -1.4601444005966187, -0.06323879957199097, -0.9295497536659241, -1.3541314601898193, 0.5893232226371765, -0.870065450668335, 1.2808555364608765, 0.14844763278961182, 0.7161133289337158, 0.25800496339797974, -0.05560122802853584, -0.49916961789131165, 0.7933835387229919, 1.4618381261825562, -0.36957305669784546, -0.10364114493131638, 0.26299041509628296, 0.008870691061019897, 0.29664528369903564, -1.115229606628418, -0.5428993105888367, 0.2365686446428299, 0.576606273651123, 0.761776864528656, -0.9981522560119629, -0.38238367438316345, 0.03252875432372093, -0.013167209923267365, 0.346518337726593, -1.1804882287979126, 0.9697570204734802, -0.20508605241775513, 0.9063283801078796, 0.906467080116272, 0.20010508596897125, -0.6009126305580139, 0.7905852794647217, -0.7140214443206787, 0.46635913848876953, -0.044780433177948, 0.22313004732131958, 0.9311167597770691, 1.1082185506820679, 0.894882082939148, -0.36639875173568726, -10.55922794342041, 0.8044599294662476, -0.1833726465702057, 1.0527795553207397, 0.3961479067802429, -0.42323872447013855, 0.22091057896614075, 0.5568735003471375, 2.3042423725128174, -0.6603325605392456, -0.08669969439506531, 1.4714782238006592, 0.18738910555839539, -0.9366689324378967, -0.6630951166152954, -0.31809401512145996, -1.1428231000900269, -0.604522168636322, 0.05159689486026764, 0.3227625787258148, 0.20870797336101532, -1.065572738647461, -0.23258498311042786, -0.8106381297111511, 0.7355895042419434, -0.5719195008277893, 0.36177316308021545, -0.936159074306488, -1.1466360092163086, 0.5461363792419434, 1.100597858428955, 0.019042713567614555, -0.48676007986068726, -0.15664108097553253, 0.35428696870803833, 0.4229927659034729, -1.0247448682785034, -0.9627217054367065, 0.4245796203613281, 0.457902193069458, 0.016959097236394882, -0.13521993160247803, 0.5013724565505981, -1.0223654508590698, 0.2777373492717743, 0.13372205197811127, -0.7629848122596741, 0.2424679696559906, 0.32669883966445923, -0.2261885106563568, -0.0071986764669418335, -0.8544549345970154, -1.7161859273910522, -0.3435324728488922, 1.7101984024047852, -0.17316031455993652, -0.30725449323654175, -0.14577527344226837, -0.7919415235519409, -1.6398699283599854, 1.5869919061660767, 0.5791764855384827, -0.13898912072181702, 0.9969961643218994, 0.40935200452804565, -0.9811576008796692, 1.063300609588623, -0.2276105284690857, 0.158487468957901, 0.6910330653190613, -0.26689115166664124, 1.7653206586837769, 0.04146344214677811, 0.3745228946208954, -0.08851117640733719, -0.3701038360595703, -0.4903879463672638, 0.10664232820272446, 0.9516484141349792, -0.20928654074668884, -0.9706600308418274, 0.28652000427246094, -0.056441307067871094, -0.6162369847297668, -0.5647498965263367, 0.07169517874717712, -0.22393712401390076, -1.1420923471450806, 0.7060422897338867, 0.23155856132507324, 0.48671093583106995, 0.652992844581604, 0.2637467682361603, 0.4492242932319641, -0.7856122851371765, 0.15494614839553833, -1.5109584331512451, 1.71195387840271, -0.7606714963912964, 0.6701084971427917, 0.29911649227142334, -0.05241769924759865, -0.6399457454681396, -0.19265979528427124, 0.6629874110221863, -0.2511751353740692, 0.3207017779350281, 0.42245855927467346, -0.04731996729969978, 0.42292144894599915, 0.38844695687294006, 0.5722101330757141, -0.18393363058567047, 0.6251413822174072, 0.743937611579895, 0.3363244831562042, 0.49522316455841064, -0.25131142139434814, -0.009235086850821972, 1.1623420715332031, -0.5267606377601624, 0.6247780919075012, -0.47192949056625366, 0.6746917366981506, -0.4802054166793823, 1.0900421142578125, 0.243699848651886, -0.08698897063732147, 0.1183527335524559, -2.036118745803833, 0.4698036313056946, -0.6993061304092407, 0.6523181796073914, -1.0828887224197388, 0.7415891885757446, -0.20025330781936646, -1.5254801511764526, 0.7231643199920654, -0.6078265309333801, 0.3145860731601715, -0.6845822930335999, -0.06933912634849548, -0.06420468538999557, -0.6010976433753967, 0.012221992947161198, 0.1327914297580719, -2.152693271636963, -0.15891043841838837, -0.4731144309043884, 0.16968412697315216, 0.6205145120620728, -0.5193426012992859, 0.6806506514549255, -1.2271205186843872, -0.3188343048095703, 0.45996978878974915, 0.23495997488498688, -0.22130393981933594, -1.2696970701217651, -0.3227351903915405, 0.8698930144309998, 1.3905574083328247, -0.9208090305328369, 1.003082036972046, 0.09213808178901672, -0.32887640595436096, -0.4340496361255646, 0.03733772039413452, -0.11630121618509293, 0.14848372340202332, 1.2700252532958984, -0.6029355525970459, 0.1184367910027504, 0.29014113545417786, 0.1605510711669922, -1.1401135921478271, 0.48130154609680176, 1.2013225555419922, -1.413131594657898, 0.40482133626937866, 0.2834791839122772, 0.037491172552108765, 0.06137790530920029, -0.729630172252655, -0.16065675020217896, 0.5841528177261353, -0.40304070711135864, 1.2935197353363037, -0.2200668454170227, -0.06619983911514282, -2.208228826522827, -1.2439370155334473, -0.7785131335258484, -0.4116538166999817, 0.2283332347869873, 0.08948791027069092, 0.3966079354286194, 0.12015543133020401, 0.3755568563938141, -0.6686187982559204, -0.06906728446483612, 0.4050825238227844, 0.05580411106348038, -0.24143514037132263, -1.3634357452392578, -1.1350005865097046, -0.06956113874912262, 0.2453552484512329, 0.4916578233242035, -0.16213086247444153, -1.3317526578903198, -0.12886938452720642, 0.317056268453598, -0.2776867747306824, 0.359981507062912, -0.3713061809539795, -0.48428794741630554, -0.15745730698108673, -0.6604036092758179, -0.22775228321552277, 0.07749423384666443, 0.7573011517524719, 0.1163916140794754, 1.825189471244812, 0.8481330275535583, 0.5625051856040955, 0.2517755329608917, 0.8517321348190308, 1.4215515851974487, -0.2933214008808136, -0.28747785091400146, -0.6807678937911987, -0.38217946887016296, 0.2754327356815338, 0.19370236992835999, 0.9436455965042114, -1.1085946559906006, 0.5525020360946655, -1.2067973613739014, -0.24823039770126343, 0.01514122448861599, 0.21981750428676605, 0.3197134733200073, 0.6369720101356506, -1.164605975151062, -0.2834755778312683, -1.0103394985198975, -0.2214915156364441, -1.0295525789260864, -0.38562843203544617, 0.31459566950798035, 1.5674309730529785, 0.6901304721832275, -0.030215442180633545, 1.681452989578247, 0.394677072763443, 0.47385793924331665, 0.8343605995178223, 0.46554064750671387, 1.2346808910369873, 0.4810159504413605, 0.4521193504333496, -0.27899861335754395, -0.08259996026754379, -0.6457469463348389, -0.09337212145328522, -0.6394101977348328, 0.5816973447799683, 0.29176872968673706, 0.04066186025738716, 0.008514195680618286, 0.18333660066127777, -0.7586512565612793, 0.11703266203403473, 0.22496972978115082, 0.41703569889068604, 0.3299720287322998, 0.3027363717556, -0.5636165738105774, -0.344328373670578, 0.3235071897506714, -0.4885217547416687, -0.061233002692461014, -1.5109889507293701, -0.30358660221099854, -0.2829147279262543, -0.9826586246490479, -1.0755236148834229, 1.020046591758728, -0.04011332243680954, 0.4881799817085266, 0.5837750434875488, -1.2577824592590332, -1.137311339378357, -0.10783107578754425, -0.3795866370201111, 0.611867368221283, 0.0898795872926712, -2.036073684692383, -0.2289511263370514, 0.7026626467704773, 0.7128322124481201, -0.28487905859947205, -0.3695520758628845, 0.23612594604492188, -1.0863877534866333, 2.079554319381714, 1.7238376140594482, 0.5698319673538208, 0.1756676882505417, 1.5478541851043701, -0.3725433945655823, 0.1802082061767578, 1.630261778831482]} +{"paper_id": "strombergnlp/polstance", "embedding": [-0.6336657404899597, 0.5739259719848633, 0.3002694249153137, -0.05442769080400467, 0.04165700078010559, -0.4438178837299347, 0.3286980390548706, -0.07739289849996567, 0.3351516127586365, 0.576198399066925, -0.14826788008213043, -0.9124270677566528, 0.08698482066392899, 0.4952225685119629, -0.11447061598300934, -0.41746819019317627, -0.9674128890037537, 0.2515920102596283, -0.15027013421058655, -0.09978261590003967, -0.3283050060272217, -0.8277796506881714, -0.11783015727996826, 0.5373843908309937, -0.15687036514282227, -1.1425062417984009, 0.4406735301017761, -1.0191971063613892, 0.7460169792175293, -0.1767752468585968, -0.21506577730178833, 1.018822431564331, -0.8202596306800842, 0.028428196907043457, -0.38998475670814514, -0.3561553955078125, -0.15794864296913147, 1.1983927488327026, -0.4647667706012726, -0.07630422711372375, -0.4090295732021332, 0.10358024388551712, 1.024486780166626, 0.7402156591415405, -0.18322665989398956, -0.15628153085708618, -0.5486103892326355, -0.1644652634859085, -0.23143751919269562, -0.8098940253257751, 0.05550416558980942, 0.727348268032074, -1.6272958517074585, 0.4026269018650055, -0.4683839976787567, 0.4927041530609131, 0.5764868855476379, -2.1116981506347656, -0.00042055360972881317, -0.4200596809387207, 1.4968171119689941, 2.0216798782348633, -0.1893807351589203, 0.49383676052093506, 1.6169646978378296, 0.18570716679096222, 2.380126476287842, -0.1832258105278015, 0.07683500647544861, 1.2415504455566406, -0.2215149700641632, 0.2478453814983368, 0.4503054618835449, -0.07677789777517319, -0.5170258283615112, 0.858483076095581, 0.529120683670044, 0.023177992552518845, -0.6390978097915649, 0.8330188393592834, -0.08731058239936829, 0.35651659965515137, -0.3692043721675873, -0.43543776869773865, 0.021173804998397827, 0.5203474760055542, 0.6260343790054321, -1.1607741117477417, 0.5051082968711853, -1.4996211528778076, 0.6231352686882019, 0.34182336926460266, -0.12676267325878143, -0.058924488723278046, -0.9753780961036682, 0.539726972579956, 0.003008037805557251, 0.30539506673812866, -0.6613422632217407, -0.1802351176738739, 0.8202234506607056, -0.7337859869003296, -0.2548781931400299, 0.46526458859443665, 0.1494179368019104, 0.8921835422515869, 0.8315397500991821, 0.23136866092681885, -0.32488885521888733, -0.21394142508506775, 0.23783376812934875, 1.5175539255142212, -0.6558510661125183, 1.0243574380874634, -0.2582678496837616, -0.007198438048362732, 0.23681670427322388, -0.6343324184417725, -0.5017275214195251, 0.08542733639478683, -0.7806457281112671, -0.9741310477256775, 0.10971888899803162, 1.0633289813995361, 0.9005786180496216, -0.6176122426986694, 0.4798579216003418, -0.13495111465454102, -0.4715031683444977, -0.2792549729347229, 0.7158626317977905, -0.35519692301750183, -0.267724871635437, 0.27140504121780396, 2.806722640991211, -0.9406219124794006, 0.7376047372817993, -1.0942416191101074, -0.5872114896774292, -0.200005441904068, -0.3954598307609558, 1.117681622505188, 0.010810457170009613, -1.2804158926010132, -0.605045735836029, 0.1597105711698532, -0.6475382447242737, 0.0296616367995739, 0.5938237309455872, -0.784485399723053, 0.1246582418680191, 0.16152310371398926, -0.873988687992096, 0.06336881965398788, -0.11778786778450012, 0.3606245815753937, -0.04417963698506355, 0.81477290391922, 0.012996982783079147, 0.6526324152946472, 0.8450910449028015, -0.09399375319480896, -0.5222713947296143, 0.9385190010070801, -0.7333686351776123, -1.1419862508773804, 0.8134158849716187, 0.15899336338043213, -0.8911417722702026, -0.17397338151931763, 0.6550605297088623, -0.07027699798345566, -0.10449452698230743, 0.048532724380493164, -0.6575289368629456, -0.39421263337135315, 0.5017176866531372, 0.5745798945426941, 0.25340554118156433, -0.3000370264053345, -0.976368248462677, -0.41574159264564514, 0.6198674440383911, 0.7453929781913757, -0.049859873950481415, 0.683594286441803, -1.557356357574463, -0.2058124989271164, -0.7687456011772156, 0.8514315485954285, 0.36553096771240234, -0.706327497959137, -0.4231930077075958, 0.575122594833374, -0.3028421998023987, 0.5000635981559753, 0.8455204963684082, -0.5191356539726257, -0.31406399607658386, 0.7705431580543518, 0.08605848252773285, -0.7121837735176086, -0.32169631123542786, 0.664111316204071, 0.37285125255584717, -0.23239347338676453, 0.4091354310512543, -1.796185851097107, 0.6473269462585449, 2.1313982009887695, -0.24763044714927673, -0.2792049050331116, -1.305482268333435, 0.4263758063316345, 0.46081626415252686, 0.16135680675506592, 0.5250238180160522, -1.0399878025054932, 0.1708422601222992, -1.195306658744812, 0.7662132978439331, 0.19871973991394043, -0.08477537333965302, 0.22708924114704132, 0.2785123288631439, -0.8740020990371704, -0.1351015269756317, -0.8453066945075989, -0.10866411030292511, 0.3666955530643463, 0.44051679968833923, -0.05121489241719246, 0.1065576896071434, 0.5731020569801331, 0.29665759205818176, 1.0924454927444458, -0.25124287605285645, 0.588476300239563, -0.3240303099155426, 0.051457084715366364, 1.2382370233535767, 0.07452217489480972, -0.4167548418045044, -0.5026349425315857, 0.5378141403198242, 0.45391595363616943, 0.6440608501434326, -0.21921992301940918, -0.148187056183815, -0.4146127700805664, 1.3353322744369507, 1.0654140710830688, -0.7226709127426147, 1.0679070949554443, -0.507841169834137, 0.6211894154548645, -0.7063391208648682, -0.8975350856781006, 0.36968570947647095, -0.7751712203025818, 0.9433173537254333, 0.4950401186943054, 0.15813103318214417, -0.21593770384788513, -0.583214521408081, -0.311275452375412, -1.8117516040802002, -0.2546919286251068, -0.2823219299316406, -1.1504020690917969, 0.08149273693561554, -0.5419918298721313, -0.8111421465873718, 0.2621993124485016, -0.8626490235328674, 0.8197630643844604, -1.0294450521469116, 1.0118203163146973, 1.161805272102356, 0.20459532737731934, -0.11351697146892548, -0.6900904178619385, 0.9916945099830627, -0.3209053874015808, 0.8325960040092468, -0.5756872296333313, -0.20804071426391602, -0.3780127763748169, -0.08872881531715393, -0.6660078167915344, 0.4806951880455017, 0.6225436925888062, 0.2849891781806946, 0.7846245765686035, -0.05540984869003296, -1.5741404294967651, 0.7940292954444885, -0.4749373495578766, 0.21281123161315918, -0.5912836194038391, 1.3349459171295166, 0.28414690494537354, 0.26214921474456787, 0.6288238167762756, -0.6554344892501831, 0.4632309675216675, 0.9324596524238586, -0.20607733726501465, 0.4823005497455597, 0.11354255676269531, 0.1067635640501976, -0.19282689690589905, -0.1527140736579895, -1.8812841176986694, -0.09450160712003708, 1.0355578660964966, -0.3747531473636627, 0.15762114524841309, -0.7661008834838867, 1.2444875240325928, -0.5304985642433167, -0.25662440061569214, 0.18295666575431824, -0.5041428208351135, 0.28635331988334656, -1.0592191219329834, -0.7985711693763733, 0.6653428673744202, -1.2292481660842896, -0.043122924864292145, 0.6514447927474976, 0.4749431312084198, -1.2452514171600342, 0.22446227073669434, 1.1265754699707031, 0.24091053009033203, 1.1499751806259155, 0.08952771127223969, 0.6355238556861877, 0.3007778227329254, -0.1926843822002411, -0.18078871071338654, 0.12019504606723785, 0.5877591371536255, 0.5709446668624878, 0.294391393661499, 0.232767254114151, 1.1728981733322144, -0.7684349417686462, 2.1309027671813965, 0.09834963083267212, 0.061310965567827225, -0.8061948418617249, -0.1983589380979538, -0.2777518033981323, -0.5875789523124695, 0.6958734393119812, 0.8433052897453308, 1.9993094205856323, -1.0159367322921753, -0.4472010135650635, -0.29669931530952454, 1.0166453123092651, 1.0923031568527222, -0.42022964358329773, -0.02085012197494507, 0.3245352804660797, -0.07090342044830322, 0.8693381547927856, -0.10534601658582687, -0.5662710070610046, -0.8188573122024536, 1.215187668800354, -0.14949347078800201, -0.2082580178976059, -0.29280954599380493, 0.5012738108634949, 0.3130352199077606, 0.9446897506713867, -0.1438637226819992, -0.3200812041759491, -0.6602340936660767, 0.2449781596660614, 1.0442640781402588, -0.006200730800628662, -1.5372337102890015, 0.009042460471391678, -0.406521737575531, 0.5925301313400269, -0.42284178733825684, 0.3144872486591339, -0.17913584411144257, 0.32697731256484985, -1.5444351434707642, -0.17003092169761658, -0.44888487458229065, -0.6207872033119202, 0.937981903553009, -0.04001303389668465, -0.9784252643585205, 1.2721943855285645, 0.37568655610084534, -1.122230887413025, 1.0425078868865967, -0.8399636149406433, -0.7940202951431274, -0.12120164930820465, 0.9561513662338257, -1.0589226484298706, -0.7242770791053772, -0.014187917113304138, -0.9976761341094971, -0.7036150693893433, 0.5756990313529968, -1.08749520778656, 1.4267048835754395, 0.5399214029312134, 0.7127895355224609, -0.253786563873291, -0.2368554174900055, -0.6638855934143066, 1.1128004789352417, 0.3657236099243164, -0.1423388570547104, 0.7226450443267822, 0.14050084352493286, -0.27010077238082886, 0.9456406831741333, -1.1596806049346924, -0.8696669340133667, 0.4208073019981384, -0.6968896389007568, 0.11441408842802048, -0.566037118434906, -0.5018641352653503, -0.20954281091690063, 0.6794170141220093, 0.523072361946106, -2.000145435333252, -0.11876189708709717, -0.7359161376953125, 0.6737431883811951, 0.5333900451660156, -0.5860192775726318, -0.7793816924095154, 1.3754208087921143, -1.3359626531600952, 0.11531175673007965, 0.9879752397537231, 0.37608519196510315, 0.33220523595809937, 0.9059641361236572, 0.23635388910770416, -0.008160054683685303, -10.667046546936035, 0.5298218727111816, 0.2058081328868866, 0.44183504581451416, 1.2517021894454956, -0.31225523352622986, -0.5770136117935181, -0.12313683331012726, 1.0955455303192139, -0.2635011672973633, 0.6013659238815308, 1.175516128540039, 0.51762855052948, -1.2369818687438965, -0.6538268327713013, -0.671572208404541, -0.9565368890762329, -1.090630292892456, 0.44278979301452637, 0.6537688970565796, -0.17850489914417267, -0.6839393973350525, 0.8683490753173828, -0.3326382637023926, 0.3842002749443054, -0.9221497178077698, -0.030009634792804718, -0.21358740329742432, -0.7615004181861877, 0.36415666341781616, 1.1303867101669312, 0.20892523229122162, -0.9936327934265137, -0.32914453744888306, 0.1969424933195114, 0.8676259517669678, -1.0191082954406738, -0.025545569136738777, -0.27435195446014404, -0.5725834965705872, 0.1654949188232422, 0.0867370143532753, 0.5473842620849609, -0.7522671222686768, -0.27518725395202637, -0.47317665815353394, 0.004708142951130867, 0.012200694531202316, 0.2918844521045685, 0.0981232151389122, -0.15631923079490662, -0.10131491720676422, -1.485245943069458, -0.49001210927963257, 0.07154309004545212, -0.12550289928913116, -0.8066225647926331, 1.2083771228790283, -0.593387246131897, -0.9174172878265381, 0.256171852350235, 0.001112939789891243, -0.47015663981437683, 0.3045727610588074, 0.3469202220439911, -0.6569961309432983, 0.3251081705093384, 0.5076585412025452, -0.2478099763393402, 0.3430972993373871, -1.0234876871109009, 1.2329292297363281, -0.7094488739967346, 0.38197046518325806, 0.14908850193023682, 0.35172298550605774, -0.33665549755096436, -0.7641217112541199, 0.8860465884208679, 0.06725470721721649, -0.9107774496078491, 0.9359099268913269, 0.17250484228134155, -0.21430370211601257, -0.839954137802124, 0.1511692851781845, 0.30844223499298096, -1.2541143894195557, 0.06920181214809418, -0.5822350382804871, -0.04263588786125183, 0.32886072993278503, 0.032410308718681335, 0.23501530289649963, -0.18231645226478577, 1.1456522941589355, -1.2756965160369873, 1.507849931716919, 0.4259658753871918, 0.7919495701789856, -0.17256322503089905, -0.11510865390300751, -0.3511442542076111, -0.9999194145202637, 0.41396987438201904, -0.44369906187057495, 0.04055006802082062, -0.24767526984214783, -0.8363738656044006, -0.48231762647628784, 0.7084304094314575, 0.5906023383140564, -0.1472395807504654, -0.11614496260881424, 0.29562729597091675, 0.8167721033096313, 0.47326719760894775, -0.07450955361127853, 0.06416307389736176, 1.0809714794158936, -0.2663639783859253, 0.5651467442512512, 0.40277206897735596, 0.10404543578624725, -0.6263749599456787, 0.6167082190513611, 0.5907966494560242, 0.009351590648293495, 0.4519064426422119, -2.576382875442505, 0.6860480904579163, 0.20327451825141907, 0.08788502961397171, -0.11790713667869568, -0.47619327902793884, -0.46634089946746826, -1.3190816640853882, 1.4010347127914429, 0.11856131255626678, 0.2388407289981842, -0.533455491065979, -1.1866514682769775, -0.167873352766037, -0.36247819662094116, -0.6286923885345459, -0.33992627263069153, -2.3588674068450928, -0.16613171994686127, -0.18787026405334473, -0.7122107148170471, 0.924787700176239, -0.5790936946868896, 0.5489893555641174, -0.6778407692909241, -0.5491176843643188, 0.4745357036590576, 0.0214911550283432, -0.03212377801537514, -0.5159436464309692, 0.7440629601478577, 1.0443679094314575, 1.2241897583007812, -1.5028162002563477, 0.9672417640686035, 0.147456556558609, -0.08868515491485596, -0.6801453232765198, 0.06641368567943573, -0.8689632415771484, 0.14688363671302795, 1.3653026819229126, -0.6447920799255371, -0.5702613592147827, 0.15440580248832703, -0.8866599798202515, -1.7406926155090332, 0.8510760068893433, 0.7691434621810913, -1.2671467065811157, 0.7133747935295105, -0.7398192286491394, 0.3246188759803772, -0.03746478632092476, -0.0921889990568161, -0.16612431406974792, -0.4827091693878174, -0.29639896750450134, 1.2858166694641113, -0.628467857837677, 0.4055320620536804, -1.6092791557312012, -2.1347429752349854, -0.6527342796325684, 0.08121530711650848, 0.782129168510437, -0.029283124953508377, 0.8408873081207275, 0.9680081009864807, -0.2291806936264038, -0.5394023656845093, -0.0663347989320755, 0.006288640201091766, 0.176644429564476, 0.2133229523897171, -1.151504397392273, 0.06512953341007233, -0.14277271926403046, -0.33737853169441223, 0.3822260797023773, 0.7525342702865601, -1.4426159858703613, -0.4609041213989258, 0.32736173272132874, 0.17966847121715546, 0.6481777429580688, -0.2238510698080063, 0.3679850399494171, 0.08675527572631836, -0.2655376195907593, -0.4571165442466736, 0.17005063593387604, 0.6456999182701111, 0.29772406816482544, 1.2114406824111938, 1.2059892416000366, 0.34579187631607056, 0.5472998023033142, 0.37924325466156006, 1.7413558959960938, 0.9073333144187927, 0.08232247829437256, 0.111634761095047, 0.21504610776901245, 0.6095437407493591, -0.17510481178760529, -0.05920638516545296, -1.1711069345474243, 0.21165478229522705, -1.2634228467941284, -0.46628835797309875, -0.45448899269104004, -0.25891974568367004, 0.6424449682235718, 1.1490815877914429, 0.34627288579940796, -0.46664515137672424, -0.35220983624458313, -0.7603927254676819, -0.15562866628170013, -0.060674890875816345, 0.6923567056655884, 1.1872270107269287, 0.6834017038345337, 0.052899375557899475, 0.8497833013534546, -0.39778122305870056, -0.016390129923820496, 0.14379198849201202, 0.40194422006607056, 0.7564059495925903, 0.5998419523239136, 0.9566001892089844, -0.712355375289917, -0.29123654961586, -1.1216046810150146, -0.1645871251821518, -0.5419211983680725, 0.799108624458313, -0.05971066653728485, 0.1020161509513855, 0.35108834505081177, -0.38576972484588623, 0.9746165871620178, -0.13159430027008057, 0.5027026534080505, -0.21065166592597961, -0.2631368637084961, -0.7851728200912476, -0.697223961353302, -0.3625566065311432, 0.8160626888275146, -0.8535254597663879, -0.653259813785553, 0.16833823919296265, 0.2608986794948578, 0.3509010374546051, -0.9883621335029602, -0.28058600425720215, 0.673628568649292, -0.7577991485595703, 0.011137612164020538, -0.03966812044382095, -0.9085791707038879, -1.6694797277450562, 0.2026740163564682, -1.1967148780822754, 0.7778793573379517, 0.23294110596179962, -0.9296122193336487, -0.2482796609401703, 1.2919590473175049, 0.20874863862991333, -0.08880631625652313, 0.6774893999099731, 0.49968215823173523, -1.0665740966796875, 1.923912525177002, 1.3465510606765747, -0.5356648564338684, -0.6917182803153992, 0.9331405162811279, 0.26710182428359985, 0.410563588142395, 1.516438364982605]} +{"paper_id": "strombergnlp/twitter_pos_vcb", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "strombergnlp/zulu_stance", "embedding": [-0.6801928281784058, 1.257944941520691, -0.7041252255439758, -0.06473847478628159, 0.30709004402160645, 0.20047436654567719, 0.6763726472854614, 0.2527886927127838, 1.2141984701156616, 1.3871028423309326, -0.5110443830490112, -0.4972556233406067, -0.4834005832672119, -0.37049806118011475, -0.15676918625831604, -0.5928393602371216, -0.8301106691360474, -0.46057167649269104, -0.31966933608055115, -0.43575528264045715, -0.2811852693557739, -0.5780870914459229, -0.7952162027359009, 1.1475640535354614, -0.8834133148193359, -0.17026948928833008, 0.8568792343139648, -1.0736162662506104, 0.23433053493499756, 0.3221038281917572, -0.5363554358482361, 1.12526273727417, -1.7811779975891113, 0.17215389013290405, -0.8245139122009277, -0.44740405678749084, 0.14155741035938263, 0.2837215065956116, -0.42521655559539795, 0.04403218999505043, -1.4027700424194336, 0.1352425217628479, 0.2609078586101532, 1.0075994729995728, -0.28361600637435913, -0.20955929160118103, -0.06545821577310562, -0.2427065223455429, -0.16042211651802063, -0.5754331946372986, -0.7937389016151428, 0.5683250427246094, -0.24296480417251587, 0.6064776182174683, -0.29776081442832947, 0.5725568532943726, 0.1867157518863678, -1.2092939615249634, 0.6368058323860168, -1.2025564908981323, 1.5635746717453003, 1.586066484451294, -0.5991233587265015, 0.13463309407234192, 1.0232951641082764, -0.4614359736442566, 1.5162599086761475, -0.35958367586135864, -0.24195460975170135, 0.6712038516998291, 0.23417456448078156, -0.44715672731399536, 0.44588035345077515, -0.6026073098182678, -0.3394300639629364, 1.2927218675613403, 0.7297375202178955, -0.26426514983177185, -0.18964138627052307, -0.3255416452884674, 0.016355695202946663, 0.6450452208518982, 0.2105233520269394, -0.31505832076072693, -0.023497123271226883, 0.5780524611473083, 0.11876820027828217, -0.8336846828460693, 0.827375054359436, -2.1958842277526855, 0.7191379070281982, 0.6884177923202515, -0.18922345340251923, -0.013869032263755798, -0.6989599466323853, 0.5005388259887695, -0.8909234404563904, 0.047759152948856354, -0.19874875247478485, -0.21339881420135498, 0.48789459466934204, -0.6944783926010132, 0.15676113963127136, 0.43065768480300903, 0.1894332617521286, 1.0004336833953857, 0.2991616427898407, 0.3462761342525482, -0.7811258435249329, -0.4191620647907257, 0.004534371197223663, 1.8038580417633057, -0.7581620216369629, 1.3702267408370972, -0.03425310179591179, 0.5606535077095032, 0.9057307243347168, -0.8119245767593384, -0.4206528663635254, -0.18951334059238434, -0.2564954161643982, -0.8827293515205383, -1.2353578805923462, 0.26077330112457275, 0.9315938949584961, 0.006387844681739807, 0.5165776014328003, -0.6082932949066162, -0.019580041989684105, -0.10698837786912918, 0.4403688311576843, -0.32265183329582214, -1.1803313493728638, 0.30006906390190125, 3.1524248123168945, -0.9939002394676208, 1.639958143234253, -1.0966072082519531, -0.02133753150701523, -0.26508674025535583, -0.23586547374725342, 0.8385762572288513, 0.7998378872871399, -1.5524007081985474, -0.5984749794006348, 0.2896858751773834, -1.1152780055999756, 0.31698885560035706, -0.16120386123657227, -0.46765559911727905, -0.3576716184616089, 0.13258934020996094, -1.199502944946289, -0.018774598836898804, -0.22158066928386688, -0.05892152339220047, -0.41666242480278015, 1.0899173021316528, -0.06079655513167381, 0.5486689805984497, 0.5623980164527893, 0.05374816432595253, -0.024989411234855652, 0.7553194761276245, -0.8359775543212891, -1.1790813207626343, 1.37285315990448, -0.21836033463478088, -0.713564395904541, 0.41801953315734863, 0.9854046702384949, -0.4898459017276764, -0.5200218558311462, -0.3382556438446045, 0.047880761325359344, -0.16704970598220825, 0.5848604440689087, 0.4896969497203827, 0.2077787220478058, -0.5829727649688721, -1.3141968250274658, -0.20256425440311432, 0.4574804902076721, 0.7236097455024719, -0.5247070789337158, 0.5981943011283875, -1.8862946033477783, 0.8452231884002686, -0.8686792850494385, 1.488593578338623, 0.2588196098804474, -0.4076078236103058, -0.0976661965250969, 0.5398530960083008, 0.6525565385818481, -0.3716113269329071, 0.8215798735618591, -0.803112804889679, 0.16214728355407715, -0.13409429788589478, 0.2656061053276062, -1.4678106307983398, -0.22144298255443573, -0.05026477575302124, 0.47260090708732605, -0.7562901973724365, -0.5954548716545105, -1.8205201625823975, 0.35513991117477417, 2.6690444946289062, 0.1703551858663559, -0.2928958237171173, -0.9002606868743896, -0.015207290649414062, -0.06481026113033295, 0.28861773014068604, 0.5524517297744751, -1.3506062030792236, -0.564538300037384, -0.7439430356025696, 0.07241819053888321, -0.31641262769699097, 0.9275420308113098, 0.9099167585372925, 0.04926999658346176, -1.0442113876342773, 0.07024559378623962, -0.5249777436256409, -0.29300788044929504, 0.4741433560848236, 1.0168955326080322, -0.3463396430015564, 0.12258927524089813, 0.616870641708374, 0.4238172769546509, 1.2048826217651367, 0.615024209022522, 0.18690915405750275, -0.9004360437393188, -0.41581109166145325, 1.0534796714782715, 0.5702659487724304, -0.2882973551750183, -0.2787737250328064, 0.8777349591255188, 0.6883374452590942, -0.21061444282531738, 0.2487138956785202, -0.35503971576690674, -0.5873304009437561, 0.8079935312271118, 0.8232434391975403, -0.8005164861679077, 1.0130774974822998, -0.4241076111793518, 0.380016028881073, -0.35526078939437866, -0.9997724294662476, -0.038950204849243164, 0.10403428971767426, 0.621393620967865, 0.5844996571540833, 0.17903319001197815, -0.23748497664928436, 0.09623870253562927, -0.6329154372215271, -0.9673363566398621, -0.3281899392604828, -0.7407310009002686, -1.469847559928894, 0.1382133960723877, -0.7857646346092224, -1.0035730600357056, -0.05633159354329109, 0.03188101574778557, -0.003438737243413925, -0.225738525390625, 0.294019877910614, 1.0652222633361816, 0.9119618535041809, 0.3825283944606781, -0.06501074135303497, 1.2840884923934937, -0.32674840092658997, 0.6297925114631653, -0.08906395733356476, -0.22880758345127106, -0.13547003269195557, -0.26490283012390137, -0.2971840500831604, 0.7744889855384827, 1.1727242469787598, -0.32333260774612427, 0.8085957765579224, -0.10402434319257736, -1.7560309171676636, 0.6660742163658142, 0.3647313714027405, 0.4154409170150757, -1.1077295541763306, 1.5140684843063354, -0.07196817547082901, 0.18833494186401367, 0.7348631024360657, -0.4810750186443329, 0.32144540548324585, 0.9946200847625732, -0.3738851249217987, -0.019890129566192627, 0.08234131336212158, -0.2949794828891754, -0.7226482033729553, 0.39987292885780334, -1.317561149597168, 0.3018917739391327, 0.36161908507347107, -0.8134326934814453, -0.4781278073787689, -1.1446800231933594, 1.5651384592056274, -1.0161051750183105, -0.3235939145088196, -0.07877876609563828, -0.733707070350647, -0.16392643749713898, -0.5760316252708435, -0.8223085403442383, 0.19401094317436218, -1.2416282892227173, -0.31627243757247925, 0.7857709527015686, 0.877206563949585, -1.1132723093032837, 0.3644467890262604, 0.881412923336029, -0.35346081852912903, 1.082863450050354, 0.33703431487083435, 0.7319335341453552, 1.38697350025177, -0.41552644968032837, -0.24471786618232727, 0.751037061214447, 0.6924887895584106, 0.30369433760643005, 0.5865284204483032, -0.470120370388031, 0.9438846707344055, -0.7189429402351379, 1.4611567258834839, 0.35157862305641174, -0.472534716129303, -1.3224644660949707, -0.013815406709909439, 0.2967411279678345, -1.0486974716186523, 1.19259774684906, 1.515659213066101, 1.7315791845321655, -0.3546995520591736, 0.19379764795303345, -0.36740875244140625, 0.8841527104377747, 1.143320918083191, -0.6396569013595581, -0.13083669543266296, 0.2220824956893921, 0.05205591768026352, 1.2358403205871582, -0.23381374776363373, -0.4720599353313446, -0.4111683666706085, 1.0662360191345215, -0.13960307836532593, -0.357558935880661, -0.954672634601593, -0.02343866601586342, 0.06169898062944412, 0.6479160189628601, -0.9072248935699463, -0.4455997347831726, -0.5534365177154541, 0.33606085181236267, 0.8316934108734131, 0.4293786287307739, -1.1210439205169678, 0.0819796547293663, -0.5399545431137085, 0.20434212684631348, -0.24595871567726135, -0.10389667749404907, 0.5766986608505249, 0.20718924701213837, -1.5051703453063965, -0.5888643860816956, -0.8658264875411987, -0.1742689162492752, 0.17365193367004395, -0.701636791229248, -0.619640052318573, 1.2697902917861938, -0.34720373153686523, -0.9655285477638245, 1.0779684782028198, -0.6380112171173096, -1.0484702587127686, 0.2469085454940796, 0.6687339544296265, -1.7305546998977661, -0.2630768120288849, 0.06768457591533661, -0.7292104363441467, -0.9150210022926331, -0.046918582171201706, -1.1656605005264282, 1.7087242603302002, 0.12332017719745636, 0.9117606282234192, 0.6709396243095398, 0.13253429532051086, -0.3094344139099121, 1.2926455736160278, 0.9449611902236938, -0.9407802820205688, 0.4651102125644684, 0.23804105818271637, 0.32995933294296265, 0.3967154324054718, -1.1028090715408325, -0.2982836663722992, 0.8654983043670654, -0.3783889412879944, 0.5894342660903931, -1.0737709999084473, -0.8411092758178711, 0.5474279522895813, 0.43843740224838257, 0.2479800432920456, -1.5457409620285034, 0.28587520122528076, -0.6442506313323975, 0.5402496457099915, 0.5283719301223755, 0.025411561131477356, -1.4667526483535767, 1.597642183303833, -1.0907084941864014, 0.3139653205871582, 0.34705105423927307, 0.019667308777570724, 0.9344664216041565, 0.7795625925064087, 0.7994559407234192, -0.9042489528656006, -9.61947250366211, 0.210201695561409, -0.13695679605007172, 0.9338753819465637, 0.49559247493743896, -0.033472560346126556, -0.2364388108253479, -0.022337645292282104, 0.9940177202224731, -0.2396346479654312, 0.27772387862205505, 2.246504306793213, 0.35040026903152466, -1.7808423042297363, -1.067981243133545, -0.397743284702301, -1.2615050077438354, 0.02464534342288971, -0.24872730672359467, 0.10295911878347397, -1.1961616277694702, -0.7630228400230408, 0.5089406371116638, -0.03323671594262123, 0.5855705142021179, 0.08670862764120102, 0.0004568193107843399, -0.47954875230789185, -0.6214748620986938, -0.019929446280002594, 0.7950509190559387, 0.20370858907699585, -0.9162302017211914, -0.9394968748092651, 0.23342616856098175, 0.15215377509593964, -0.9023091197013855, 0.09641522914171219, 0.6204583048820496, -0.6113269329071045, -0.03795173019170761, 0.06402222067117691, 0.42575815320014954, -0.42014414072036743, -0.4003801643848419, 0.039622679352760315, -0.5368225574493408, -0.5060396790504456, 0.12337642908096313, -0.3130277097225189, 0.13981400430202484, -0.5691988468170166, -1.7313281297683716, -0.09653495997190475, 0.41952094435691833, -0.7067813277244568, -0.6562963724136353, 0.2250637263059616, -0.9430683851242065, -1.6296961307525635, 1.0564924478530884, -0.774971067905426, -0.6560739874839783, 0.4724995493888855, 0.19926917552947998, -0.5797332525253296, 0.3632541298866272, 0.2250138521194458, -0.08897477388381958, 0.016894906759262085, -0.22249415516853333, 1.3648244142532349, -0.48749223351478577, 0.10391496866941452, -0.10396263748407364, -0.31288060545921326, -0.6062219142913818, -0.6840787529945374, 0.9022387862205505, -0.00014480948448181152, -0.8704982995986938, 1.2050037384033203, 0.023194754496216774, 0.18662908673286438, -0.9171719551086426, -0.16431094706058502, -0.0701020136475563, -0.9232671856880188, -0.0006382055580615997, 0.046817950904369354, 0.855488657951355, -0.05440128594636917, -0.28295135498046875, 0.3758198320865631, -0.8904376029968262, 1.164389729499817, -1.6328307390213013, 1.8826875686645508, 0.052091941237449646, 0.18318383395671844, 0.36923548579216003, 0.43239885568618774, -0.049817658960819244, -0.06233874335885048, 0.4534572660923004, -0.003556549549102783, 0.728310763835907, -0.5019654035568237, -0.9777390360832214, -0.13944220542907715, 1.1228748559951782, 1.14993417263031, -0.10534600913524628, 0.16421303153038025, 0.09705281257629395, 0.8226282596588135, 0.25511813163757324, 0.5185918211936951, 0.011757008731365204, 1.6567761898040771, -0.01809907890856266, 0.8162368535995483, 0.15206663310527802, 0.48029500246047974, -0.6405798196792603, 1.028904914855957, 0.6539428234100342, 0.024778150022029877, -0.2022879719734192, -1.85737144947052, 0.5139475464820862, -0.6123442649841309, 0.8605149388313293, -0.6989403963088989, 0.25309404730796814, -0.352904349565506, -1.4250530004501343, 1.1321899890899658, 0.0726965069770813, 0.6312468647956848, -1.0144989490509033, -0.534586489200592, -0.003700248897075653, -0.533324658870697, -0.408038854598999, 0.45062652230262756, -2.0187439918518066, 0.267724871635437, -0.3341433107852936, -0.5705789923667908, 0.5974103808403015, -0.5642116069793701, 0.9616672992706299, -0.699962317943573, -0.3905743956565857, -0.20601102709770203, 0.11695073544979095, 0.05887383967638016, -0.8132776021957397, -0.09458792209625244, 0.09436246007680893, 1.3474005460739136, -1.183715581893921, 1.0144813060760498, 0.563386082649231, -0.20117318630218506, -0.27983278036117554, 0.07550565898418427, -0.8964951634407043, 0.21013036370277405, 0.6533685922622681, -0.588893473148346, 0.4084683060646057, 0.25298646092414856, -0.8241114020347595, -0.6962893605232239, 1.6621421575546265, 0.9478520154953003, -0.920104444026947, 0.6510869860649109, -0.24682676792144775, 0.41673269867897034, -0.3707667291164398, -0.07262296229600906, -0.14737828075885773, 0.2912611663341522, -0.6668390035629272, 1.6702215671539307, -0.03028375655412674, 0.3091176152229309, -1.5774260759353638, -1.2130320072174072, -0.03374333307147026, -0.1814243495464325, 0.6673728823661804, -0.17682139575481415, 1.3122330904006958, 0.7042474746704102, 0.3857513964176178, -0.38349825143814087, 0.45494550466537476, 0.4737122356891632, 0.24300722777843475, 0.33057212829589844, -1.8570764064788818, -0.22476227581501007, -0.7917332649230957, 0.23788267374038696, 0.14651188254356384, 0.48115789890289307, -1.4251295328140259, 0.1239592432975769, 0.663827657699585, -0.43941694498062134, 0.12430347502231598, -0.3846428692340851, 0.923019289970398, -0.7837375402450562, -0.34680628776550293, -0.8967463374137878, 0.8190099596977234, 1.1598337888717651, 0.47709953784942627, 1.2010877132415771, 0.8070010542869568, 0.5413997173309326, 0.8264937996864319, 0.7804259657859802, 1.9037879705429077, 0.8446155786514282, 0.036751341074705124, -0.30862119793891907, 0.3829686641693115, 0.14163899421691895, 0.14085568487644196, 0.19224759936332703, -0.8594532012939453, 0.7881762981414795, -1.2217662334442139, 0.1608041524887085, -0.45654451847076416, 0.5670630931854248, 0.9045158624649048, 1.0793704986572266, -1.2446829080581665, -0.40842482447624207, 0.038533326238393784, -0.892874538898468, -0.13858875632286072, 0.4035870134830475, 1.3562967777252197, 0.8842517733573914, 0.47943612933158875, -0.19398067891597748, 1.4856468439102173, -0.6637147068977356, -0.048343658447265625, 0.48953700065612793, 0.284214049577713, 0.5903666615486145, 0.6295469403266907, 0.9278661608695984, -0.7581308484077454, 0.1308118999004364, -0.719698965549469, -0.7428684830665588, -0.6829267144203186, 0.6835206747055054, 0.10606183111667633, 0.42314887046813965, 0.7544485330581665, -0.12704142928123474, 0.9575783610343933, -0.11949579417705536, 0.5107659697532654, 0.7339353561401367, -0.439001202583313, -0.5648566484451294, -0.459118127822876, -0.21796536445617676, 0.8729113936424255, -0.7105153799057007, -0.6082786321640015, -1.1369091272354126, 0.5921074151992798, 0.2409713715314865, -0.9600955843925476, -0.8971624374389648, 0.510707676410675, -0.45477965474128723, -0.17923694849014282, -0.08121343702077866, -1.0925147533416748, -1.3330844640731812, -0.08639203011989594, -0.9253367781639099, 0.500186562538147, -0.02927860990166664, -0.7608819007873535, -0.320361465215683, 0.8275502920150757, 0.4068028926849365, 0.18427960574626923, 0.2129235863685608, -0.3731948733329773, -1.5709556341171265, 1.815106749534607, 1.415116786956787, -0.5306445956230164, -0.6984573602676392, 1.3027163743972778, -0.8194125294685364, 0.5393584370613098, 1.6243252754211426]} +{"paper_id": "mozilla-foundation/common_voice_9_0", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "google/wit", "embedding": [-0.7566787600517273, 1.8764628171920776, -0.12739762663841248, -0.2853967845439911, 0.08139857649803162, -0.7123475670814514, -0.7903028726577759, 0.3093610405921936, 1.2524298429489136, 0.35549578070640564, 1.829360842704773, 0.12472167611122131, 0.6592667698860168, -0.5180549025535583, -0.41439172625541687, 0.29441219568252563, -0.5565658807754517, -1.234415054321289, -0.6176035404205322, 0.2665728032588959, -1.222528100013733, -0.07943625003099442, -0.09757080674171448, 0.7947563529014587, -0.2813965678215027, -1.488822102546692, 0.5546494722366333, -0.13047292828559875, 0.2816042900085449, 0.616797685623169, 0.01574457436800003, 0.751624584197998, -2.067389488220215, 1.2926784753799438, -0.40034109354019165, -0.8665302991867065, 0.8544694781303406, 0.9777214527130127, 0.09772755950689316, -1.26925790309906, -0.45444607734680176, 0.38757243752479553, 0.3036154508590698, 0.10334739834070206, 1.4289802312850952, -0.8566585779190063, 0.29523947834968567, 0.030073881149291992, 0.17741243541240692, -0.24406306445598602, 0.04568810015916824, 0.5823591947555542, -0.587165355682373, 0.28153449296951294, -1.2537462711334229, 1.350998878479004, 0.022061787545681, 0.012939883396029472, 0.20028342306613922, -1.349172830581665, 0.30396193265914917, 1.6566745042800903, -0.6555383205413818, -0.4817377030849457, 1.269287109375, 0.5948266386985779, 0.9951988458633423, -0.2224891185760498, 0.3488738536834717, 0.09018375724554062, -0.4256401062011719, -2.0130743980407715, 0.30190879106521606, 0.48482316732406616, 0.3935152292251587, 0.6804518699645996, 0.09533704817295074, -0.2584388256072998, -0.13208580017089844, 0.3328617513179779, -0.6969553232192993, 0.003960005939006805, 0.03927655518054962, -0.559951901435852, 0.19714218378067017, 0.2488543689250946, 0.2052803635597229, -0.10404645651578903, 0.5608234405517578, -1.889178991317749, 1.2913765907287598, -0.3048015534877777, 0.3238101899623871, 0.0718822330236435, 0.32018178701400757, -0.6140456795692444, 0.12483318895101547, -0.28756406903266907, -0.5498310923576355, 0.6670129895210266, 0.28265389800071716, -0.1325780153274536, 0.8208836317062378, 0.039278823882341385, 0.12636619806289673, 0.2930964231491089, -0.007255889475345612, -0.5571635961532593, -1.179693579673767, -0.4772600531578064, 0.11162443459033966, 0.6532632112503052, 0.5654982924461365, -0.5375358462333679, 0.36319780349731445, -0.6452034115791321, 0.5465229153633118, 0.19506379961967468, -0.6004526615142822, -0.15076561272144318, 0.0016881879419088364, -1.80350661277771, -0.969965398311615, -0.6982943415641785, 0.5129609704017639, -0.8949692845344543, 0.19219645857810974, -0.6977953910827637, -0.46472272276878357, -0.9178946614265442, 0.08724388480186462, 0.3111722469329834, -1.048534870147705, 0.03463991358876228, 3.4829800128936768, -0.14905542135238647, 1.140040397644043, -0.2344028800725937, -0.01813562586903572, -0.09122752398252487, -0.26980623602867126, 0.643096387386322, 1.0144249200820923, -0.7871471643447876, -0.09901869297027588, 0.13490016758441925, -0.4857536554336548, 0.556354284286499, -1.0563185214996338, -0.6045783758163452, 0.09800860285758972, 0.4507867693901062, -0.48702824115753174, -1.4492870569229126, -0.02361772209405899, -0.11650025844573975, 0.2591633200645447, 0.3321564495563507, -0.11340008676052094, 0.9470974206924438, -0.3679805099964142, 0.743854820728302, -0.872862696647644, 0.46769240498542786, -0.4166213870048523, 0.016992706805467606, 0.6769610643386841, -0.3383035957813263, 0.19122764468193054, -0.7243486642837524, 0.10261590778827667, -0.696424663066864, 0.34600022435188293, -0.1895228922367096, -0.30027180910110474, 0.1422591507434845, 0.3269074559211731, 1.168466567993164, -0.05403704196214676, -0.10326220840215683, -0.07099929451942444, -0.11761732399463654, 0.7044919729232788, 0.023480182513594627, 0.7087287306785583, -0.23431934416294098, -1.9663681983947754, -0.5740450024604797, -1.0445164442062378, -0.4250130355358124, 0.18267744779586792, -0.18383419513702393, 0.3722231388092041, -0.5457379221916199, -0.0578375868499279, 0.01564965769648552, 0.32738906145095825, -0.8660918474197388, -0.9905232787132263, 0.7649761438369751, -0.024987338110804558, 0.475829154253006, 0.0007107686251401901, 0.3739927113056183, -0.036213211715221405, 0.3573459982872009, -0.14259828627109528, -0.7455529570579529, 0.6400865316390991, 1.3168350458145142, 0.17208591103553772, -0.615889847278595, -1.1516581773757935, -0.5273255705833435, 0.31956344842910767, -1.0778758525848389, 0.6508809328079224, -0.700872004032135, -0.1482294499874115, -1.1252483129501343, -0.1811365932226181, -0.19068589806556702, 0.09213920682668686, -0.23833823204040527, 0.946158766746521, -0.3838750123977661, -0.6314849853515625, -0.6419858932495117, -1.3870213031768799, 0.8945382237434387, 0.08194372802972794, 0.254040002822876, -0.45168042182922363, 0.7387351989746094, 0.23390862345695496, 0.039315007627010345, 1.3389753103256226, 0.33235591650009155, -0.3202939033508301, 0.460073322057724, -0.5532980561256409, 0.41428232192993164, -0.3326045870780945, -0.055681802332401276, 0.3904069662094116, 0.8004399538040161, 0.10305559635162354, -0.914287805557251, 0.188592791557312, -0.012711770832538605, 1.9496979713439941, 1.1783325672149658, -0.6247700452804565, 1.2467848062515259, -0.8587558269500732, -0.060853250324726105, 0.5934884548187256, -0.2906569242477417, 1.3054752349853516, -0.7730205059051514, -0.12054206430912018, -0.803036630153656, 0.6386101841926575, 0.5914876461029053, -0.36293336749076843, -1.0478323698043823, -0.37470266222953796, -0.24377965927124023, -0.9365255832672119, -0.3723585605621338, -0.8286443948745728, -0.015054136514663696, -0.057287074625492096, -0.7030439972877502, 0.22081714868545532, 0.6680909395217896, -0.0033272309228777885, 0.8268463611602783, 0.783510148525238, -0.18151284754276276, 0.8360309600830078, -0.4065300226211548, 0.6177284121513367, 0.14279574155807495, 1.0120296478271484, 0.20581471920013428, 0.10272300243377686, -1.6865224838256836, -0.24905803799629211, -0.827436625957489, -0.1984960436820984, 0.5841429233551025, 0.31860315799713135, 0.8036032319068909, -0.43279510736465454, -1.5752149820327759, 1.5888075828552246, 0.17329919338226318, 0.04026978462934494, -0.4785391092300415, 1.568730354309082, 0.49254369735717773, -0.37268924713134766, 0.08435457944869995, 0.2679753005504608, -0.08845743536949158, 1.5740442276000977, -0.2037152349948883, 0.08778539299964905, 0.9356791973114014, 0.38920503854751587, -0.429365873336792, -0.29695290327072144, -1.5656319856643677, -0.20872539281845093, 0.31281909346580505, 0.39577046036720276, -0.09035870432853699, -1.0290181636810303, 0.3692657947540283, -0.39679697155952454, -0.2956676185131073, 0.007651187479496002, -0.47831791639328003, 0.3841679096221924, 0.42130976915359497, 0.7547755837440491, 1.5150926113128662, -0.5295900106430054, 0.21233950555324554, 1.1659011840820312, -0.2476230263710022, -0.8335800766944885, -0.28661856055259705, 1.0312232971191406, -0.16822592914104462, 0.16283106803894043, 0.47026488184928894, 0.1867697834968567, 0.8133423328399658, -0.5817937254905701, -0.49820825457572937, -0.5387927889823914, 0.2589709758758545, 0.3820643723011017, 0.7255871295928955, -0.277365505695343, 0.3298945128917694, 0.7976351380348206, 1.4141299724578857, 0.2842121124267578, -0.7825506925582886, -1.1134991645812988, 0.6536135077476501, -0.2318762093782425, 0.1628941297531128, 2.085340976715088, 0.26700708270072937, 1.5212092399597168, 0.032113075256347656, -0.1646472066640854, -0.2186458706855774, 0.06987957656383514, 0.7121977806091309, 0.5611295700073242, 0.16707265377044678, -0.37262842059135437, 0.3126963973045349, 0.25978371500968933, 0.35181206464767456, -0.34184661507606506, 0.1791647970676422, 1.33114492893219, -0.0704854428768158, -0.353728711605072, 0.5527136325836182, 0.9076113104820251, 0.38151562213897705, 0.7953945994377136, 0.3310703933238983, -0.6892191767692566, -0.9062727093696594, 0.7592542767524719, 0.37056905031204224, -0.49061375856399536, 0.14674201607704163, 0.593375027179718, 0.06668627262115479, 1.5157142877578735, 0.5665475130081177, 0.3338167071342468, 1.3815648555755615, 0.16885803639888763, -0.6424658298492432, 0.2450617253780365, -0.75461745262146, -0.8455140590667725, 0.018437370657920837, -0.07444444298744202, -0.39187338948249817, 0.7692472338676453, -0.6595070958137512, -1.0173994302749634, 0.6957298517227173, -0.634328305721283, -1.152323842048645, 0.7748299837112427, 1.0154883861541748, -1.059457540512085, -0.40375205874443054, 0.37414127588272095, -0.7229982018470764, -0.6299729347229004, -0.18209674954414368, 0.25481703877449036, -0.046595096588134766, -0.4215283691883087, 0.4225670099258423, -0.5307478904724121, -0.25097376108169556, -0.6138083338737488, 0.9068995118141174, 1.023866057395935, -0.8536909818649292, 0.08698784559965134, -0.4117402136325836, 0.7815099954605103, 0.2549651861190796, -1.061837911605835, -0.4079104959964752, 1.1445114612579346, 0.9276109933853149, 0.026192989200353622, -0.41800275444984436, -0.135000079870224, 0.5056203603744507, 0.6797098517417908, 1.1364667415618896, -0.8155810236930847, -0.11166176944971085, -0.30085939168930054, 1.5948067903518677, 0.26981860399246216, -0.3886075019836426, 0.10957320034503937, 1.6540162563323975, 0.15539994835853577, 0.6897376775741577, -0.8655657768249512, 0.4955386519432068, 1.1184861660003662, -0.05440668761730194, 0.5217878222465515, 0.17832106351852417, -11.054306983947754, -0.16003498435020447, -0.7387206554412842, 0.5454090237617493, 1.1831084489822388, -0.28424352407455444, 1.503233551979065, 0.283847838640213, 0.001608544960618019, -0.9165077209472656, 0.9208253622055054, 0.735977292060852, 0.34768378734588623, -0.5552360415458679, -0.47658079862594604, -1.1042579412460327, -1.095169186592102, -0.22815649211406708, 0.4928184151649475, -0.269260048866272, 0.22831611335277557, -0.05820988118648529, -1.3550446033477783, 0.4144057333469391, -0.06098750978708267, -0.764416515827179, 0.1516932249069214, -0.07406675815582275, -0.2898273468017578, -0.32305049896240234, 0.5675246715545654, -0.5139699578285217, -1.388068675994873, -0.8449011445045471, 0.573045015335083, -0.02687498927116394, -0.7546099424362183, 0.34817931056022644, 1.6714081764221191, 0.2523631453514099, -0.29346102476119995, 0.8396825790405273, -0.5702348947525024, 0.7433157563209534, -1.0697352886199951, 0.4995473623275757, 0.4761243164539337, -0.47261276841163635, 0.4848965108394623, -0.7513211369514465, -0.41159504652023315, -1.1866209506988525, -0.29109805822372437, -0.08036313205957413, 1.1631875038146973, 1.2353647947311401, -0.17426910996437073, 0.08936075121164322, -0.2802141308784485, -1.4868216514587402, 0.5753821134567261, 0.06391885876655579, -0.5218464136123657, 0.5058360695838928, -0.38528016209602356, -1.2132792472839355, 0.7373425960540771, 0.5820152759552002, -0.6316174864768982, -0.20196722447872162, -0.02986796945333481, 0.3173026144504547, 0.5795904994010925, 0.07188451290130615, -0.18843036890029907, 0.043158162385225296, -0.25042760372161865, 0.3170032203197479, -0.44247812032699585, 0.14558003842830658, -0.7904783487319946, 0.7614896893501282, -0.5739853382110596, -0.7027182579040527, 0.5804065465927124, 0.3629179894924164, -0.16615846753120422, 0.8098962903022766, -0.3510203957557678, 0.3007242679595947, 0.6662644743919373, -0.40222665667533875, 0.5432745218276978, -0.3302662670612335, 0.02460791915655136, 0.8445641994476318, -1.3491507768630981, 0.14565370976924896, -0.10573387891054153, -1.0758068561553955, 0.1954364776611328, 0.22761738300323486, -0.20791363716125488, 0.0025099478662014008, 0.5253055095672607, 0.3138430118560791, 0.5153021812438965, 0.42160525918006897, 0.4639398157596588, 0.20316115021705627, 0.43715700507164, -0.7413821816444397, -1.0043824911117554, 1.3510072231292725, -0.4057944118976593, 0.6669069528579712, 0.691369354724884, -0.683452844619751, 0.1513882279396057, 1.0830916166305542, 0.010497761890292168, 0.47841784358024597, 0.595421314239502, 0.8003542423248291, -0.010216997936367989, -0.2390488088130951, -0.15442341566085815, 0.06354618817567825, -0.052900344133377075, -1.3387905359268188, 0.6692556738853455, -0.06949621438980103, -1.0096087455749512, -0.5120579600334167, -0.4336434006690979, -0.7535202503204346, -1.4718849658966064, 1.795125961303711, 0.1024039089679718, -0.042180925607681274, -0.21229219436645508, -0.8598008751869202, -0.03471159189939499, -0.7036218047142029, -0.4320996105670929, -1.0939244031906128, -0.656838059425354, -0.5971978902816772, -0.6281777620315552, -1.1620234251022339, 0.5501096844673157, -0.2617681324481964, 0.9888041019439697, -1.195677399635315, -0.29217806458473206, 0.02814701944589615, 0.22643621265888214, -1.2352080345153809, -0.9241887927055359, 0.15121883153915405, 0.5202847123146057, 1.1033893823623657, -0.9404900670051575, 0.972339391708374, 0.5967206954956055, -0.20445483922958374, -0.8281199932098389, -0.3884378671646118, -0.21935924887657166, 0.49799174070358276, 1.100512146949768, -0.6080752015113831, -0.20300430059432983, -0.8927403092384338, -0.17865142226219177, -0.7934419512748718, -0.3565364480018616, 1.4442445039749146, -0.7107391953468323, 0.6817192435264587, 0.186676487326622, 1.3440353870391846, 0.310555636882782, -0.8059834837913513, -0.47542697191238403, -0.0912247747182846, -0.140744149684906, 0.7282117605209351, 0.006173466332256794, 0.7510331273078918, -1.7392659187316895, -0.7745181322097778, -0.641677737236023, -0.2435326874256134, 0.662368655204773, -0.2889080047607422, 0.3263317942619324, 0.23347584903240204, 0.17829406261444092, 0.37106671929359436, -0.40223002433776855, 0.1402747929096222, 0.10600070655345917, 0.3000207543373108, 0.6745533347129822, 0.2691724896430969, -0.43623924255371094, -0.47025519609451294, -0.47016778588294983, 0.7563522458076477, -1.173949956893921, -0.5056087970733643, 0.035987816751003265, -1.2473859786987305, 0.0653458684682846, -1.2012687921524048, 0.6758748292922974, -0.21919375658035278, 0.18478354811668396, -0.9729169011116028, -0.7524566650390625, 1.6348228454589844, -0.26618248224258423, 1.3977077007293701, 0.0012219520285725594, 0.8636112213134766, 0.31037890911102295, 0.14816181361675262, 1.5101852416992188, -0.3524692952632904, -0.49199146032333374, 0.22797131538391113, 0.25143909454345703, -0.7334372401237488, -0.2446894496679306, 0.33304092288017273, -0.7763046026229858, 0.2789178788661957, -1.1599018573760986, 0.786281168460846, -0.9206079840660095, -0.21169084310531616, 0.9546334147453308, 0.3413117229938507, -0.14588171243667603, -1.603966474533081, -0.1785658299922943, -0.9206246137619019, 0.1497049629688263, -0.29059869050979614, -0.132889986038208, 0.9113812446594238, 0.8140736222267151, 0.17996317148208618, 1.4370251893997192, 0.25818392634391785, -1.0790295600891113, 0.6502257585525513, -0.48043859004974365, 1.1147408485412598, 0.47179871797561646, 0.2371484786272049, 0.5070069432258606, 0.24724620580673218, -0.32370251417160034, -1.059051275253296, 0.09303636848926544, 0.7953820824623108, 1.1067240238189697, -0.37021300196647644, -0.4087698459625244, -1.2366902828216553, -0.2698264420032501, -0.4472682476043701, 0.38510504364967346, 0.37861937284469604, -0.14193110167980194, -1.4640271663665771, -0.47447091341018677, 0.4431365132331848, 0.4200179874897003, -0.09407970309257507, -0.0749334990978241, -0.5480408668518066, 0.8442870378494263, 1.3314789533615112, -0.24675723910331726, -1.1028742790222168, 0.2147400677204132, -0.05166330561041832, 0.5052377581596375, 0.510472297668457, -0.44510239362716675, -0.4952787458896637, -0.14510487020015717, -1.3796385526657104, -0.4147146940231323, -0.19157396256923676, -0.31407997012138367, -0.4048115313053131, 0.8015689849853516, -0.5423241257667542, -0.20972058176994324, 0.38293105363845825, 0.18555422127246857, -0.9480284452438354, 0.3733846843242645, 0.8792509436607361, -0.18610244989395142, -0.24348126351833344, 0.29056769609451294, -0.46501797437667847, 0.24472615122795105, 0.7678718566894531]} +{"paper_id": "shanya/crd3", "embedding": [-0.06689479947090149, 1.036242961883545, 0.1508304923772812, 0.5873868465423584, 0.45247507095336914, 0.5376659631729126, 0.5948796272277832, 0.6772541999816895, 1.0321943759918213, 0.5258433818817139, 0.3450402319431305, -0.052153028547763824, 0.11600273847579956, 0.167701855301857, 0.07567493617534637, -0.004787266254425049, -1.1878823041915894, -0.573371410369873, -1.1393063068389893, -0.05145372450351715, -1.0719763040542603, 0.1317640095949173, 0.07704265415668488, 0.6645642518997192, -0.754311740398407, -0.293624609708786, 1.2652987241744995, -1.5224095582962036, -0.25141847133636475, 0.11831239610910416, -0.2283053696155548, 1.4302113056182861, -0.8938232660293579, 0.23256441950798035, -0.31616225838661194, -0.401017963886261, 0.1414622962474823, 0.5123130679130554, 0.3404710590839386, 0.0014325417578220367, -0.5911336541175842, 0.43699464201927185, 0.35905832052230835, 0.2890467345714569, -0.09837201982736588, 0.14329025149345398, -0.32714295387268066, 0.05743321031332016, -1.0697928667068481, 0.19620557129383087, -0.12463356554508209, 0.4552524983882904, -0.05331788957118988, 0.6152971982955933, -0.1353071630001068, 0.9566932320594788, -0.19886261224746704, -0.9757325053215027, -0.21451054513454437, -0.4308161735534668, 1.688375473022461, 1.3132587671279907, -1.1254363059997559, 0.7289862632751465, 1.4958267211914062, -0.15118569135665894, 1.7870352268218994, 0.3061286211013794, -0.00489356555044651, 1.2681719064712524, -0.7740111351013184, -0.715747058391571, 0.34578680992126465, -0.7278909087181091, -0.9172965288162231, 0.7405297756195068, 0.29225829243659973, 0.3198751211166382, -0.030476722866296768, -0.06587854027748108, 0.11404229700565338, 0.440798282623291, 0.5928953886032104, -0.6927435994148254, 0.2580028474330902, 0.7041333913803101, 0.32377728819847107, -0.4087786078453064, -0.023201921954751015, -1.966858983039856, 0.14581122994422913, -0.33318665623664856, -0.10234445333480835, -0.2582625448703766, -0.5405009388923645, 0.31401604413986206, 0.2646271288394928, -0.4075218141078949, -0.5362788438796997, 0.6019834876060486, 0.2548612058162689, -0.8342317342758179, -0.13699835538864136, -0.10893676429986954, 0.8217474222183228, 0.015282876789569855, 0.22193297743797302, -0.023383691906929016, -0.4665678143501282, -0.6615456342697144, -0.3354673683643341, 1.1876896619796753, 0.14530161023139954, 1.1596862077713013, -0.6122206449508667, -0.24824848771095276, 0.05379936099052429, -0.4923493564128876, -0.2263125479221344, 0.009948134422302246, -0.5518208146095276, -0.8506202697753906, 0.1090325340628624, 0.07197187840938568, 0.5609377026557922, -1.1446930170059204, -0.44255152344703674, -1.018844723701477, 0.11133214831352234, -0.1671830415725708, 0.6096130609512329, -0.028378337621688843, -0.8036553263664246, -0.2897314131259918, 2.234531879425049, -0.4455481469631195, 1.6050821542739868, -0.5218369364738464, -0.5187916159629822, -0.7671163082122803, 0.016122296452522278, 2.0012571811676025, -0.1713915765285492, -0.45958736538887024, -0.8104725480079651, 0.33156758546829224, -0.4947252869606018, -0.08334104716777802, -0.45102375745773315, -0.6507261991500854, 0.05203905701637268, 0.7336421608924866, -1.2849534749984741, -0.8558679819107056, -0.3012556731700897, 0.46038374304771423, -0.3010925054550171, 0.7190840244293213, -0.31378352642059326, 0.6727032661437988, 0.8503985404968262, 0.06118667870759964, 0.04869624972343445, 0.3003307282924652, -0.9109839797019958, 0.1449841409921646, 0.1361074149608612, -0.4767584800720215, -0.2812688648700714, -1.1591882705688477, 0.5083106160163879, -0.5967100262641907, 0.06205914542078972, -0.5646343231201172, -0.5486385822296143, -0.014215398579835892, 0.6573165059089661, 0.44821611046791077, 0.5839508175849915, -0.6904290318489075, -0.8170142769813538, -0.6020098328590393, 0.4588385224342346, 0.633915364742279, -0.02997872419655323, 0.24349549412727356, -2.4402682781219482, -0.5521659255027771, -0.8125467896461487, 1.6949970722198486, 0.6265808343887329, -0.141985222697258, -0.0002538822591304779, 0.32138678431510925, -0.2926301956176758, -0.17715387046337128, 0.6312417387962341, -0.7222137451171875, -0.03660658001899719, -0.014613199979066849, 0.486870139837265, -0.36275580525398254, -0.14359939098358154, 1.1440150737762451, 1.6665889024734497, -0.8299600481987, 0.06571637094020844, -1.2360244989395142, 0.34844037890434265, 1.8843952417373657, 0.36810049414634705, -1.24659264087677, -1.5620756149291992, 0.14674504101276398, 0.704893946647644, 0.28712084889411926, -0.15051031112670898, -0.252679705619812, 0.042919062077999115, -1.3695625066757202, 0.48484617471694946, -0.30338361859321594, 0.5406389832496643, 0.4292133152484894, 1.1583991050720215, -0.5386143326759338, -0.5310971140861511, -0.9123386144638062, -0.5057892799377441, 0.2655736207962036, 0.9627166986465454, 0.17695996165275574, 0.06890183687210083, 0.8012809753417969, 0.08777400851249695, 0.28892993927001953, 0.38261815905570984, 0.4853690266609192, 0.1209317147731781, -0.29685357213020325, 0.2626826763153076, 0.8238669037818909, 0.6131658554077148, -0.12129928916692734, -0.35732752084732056, -0.175156369805336, -0.11440498381853104, -0.6291106343269348, -0.4253752827644348, -0.34720665216445923, 1.7879718542099, 1.0163487195968628, -0.3112979233264923, 0.3360995650291443, -0.9007707238197327, 0.3867000639438629, -0.20126357674598694, -0.25058746337890625, -0.5316188335418701, -0.1047009825706482, 0.6879055500030518, -0.10774880647659302, 0.34361350536346436, -0.4253383278846741, -0.2086266577243805, -0.6505016088485718, -0.9186537861824036, 0.009399309754371643, -0.16959595680236816, -1.274685025215149, -0.041854023933410645, -0.4193699359893799, -0.47850319743156433, -0.6060119867324829, -0.6253445148468018, -0.060172706842422485, -0.3079366683959961, 0.39755910634994507, 1.4360336065292358, -0.025878088548779488, -0.3947422504425049, -0.3657343089580536, 1.092160701751709, -0.282247930765152, 1.4194492101669312, -1.186708688735962, 0.14190426468849182, -1.1427452564239502, 0.4429931938648224, -0.7487729787826538, -0.1740686297416687, 0.03765697032213211, -0.23123466968536377, 0.7355987429618835, -0.24399372935295105, -0.6072834730148315, 1.0763579607009888, -0.7492347955703735, 0.28049328923225403, -0.30571532249450684, 0.9587486386299133, 0.06639600545167923, -1.1115983724594116, 0.9137628674507141, -0.5713570713996887, -0.11552901566028595, 0.6907000541687012, -0.16939625144004822, 1.1037588119506836, 0.24062950909137726, 0.12841567397117615, 0.2819281220436096, -0.4180058538913727, -2.065375328063965, -0.017578260973095894, 1.8222925662994385, -0.479011595249176, -0.2336796075105667, -0.7756456136703491, 0.41960346698760986, 0.142581507563591, -0.31722158193588257, 0.30309560894966125, -0.6441448330879211, 0.25192490220069885, -0.07258494198322296, 0.33183997869491577, 1.139973759651184, 0.445315957069397, 0.6370251178741455, 1.1772873401641846, 0.1099255234003067, -0.9755734205245972, -0.3599606454372406, 0.9453950524330139, -0.3363305628299713, 0.2265307903289795, 0.13765068352222443, 0.47973471879959106, 0.8011672496795654, -0.6481914520263672, -0.13184916973114014, 1.4155595302581787, 0.8370196223258972, 0.4831790328025818, 0.39605337381362915, -0.5982473492622375, 0.3387991786003113, -0.49462950229644775, 1.135221004486084, -0.2743610441684723, -0.006042005494236946, -1.0106515884399414, -0.04809046909213066, -0.6468492150306702, -1.3074486255645752, 1.3008471727371216, 0.1856234073638916, 1.7018719911575317, 0.014487845823168755, 0.19025173783302307, -0.7279893755912781, 0.1326616108417511, 0.47134456038475037, 0.07708297669887543, 0.5674988627433777, -0.3343779146671295, 0.17948885262012482, 1.0480213165283203, 0.019370675086975098, -0.19749079644680023, -1.0552573204040527, 0.739256739616394, 0.03619540482759476, -0.4824506640434265, 0.114055335521698, 0.8994664549827576, 0.6516541838645935, 1.4469106197357178, -1.1310001611709595, -0.47708508372306824, -0.218678280711174, 0.4686037003993988, 0.7864406108856201, 0.5037621259689331, -1.4624948501586914, 0.7517377734184265, 0.3288114666938782, 0.9606859683990479, 0.05115334689617157, 1.3974906206130981, 0.7264693379402161, -0.18129956722259521, -0.4852716326713562, -0.11967955529689789, -0.49276983737945557, -0.2692197561264038, 0.7514042258262634, 0.21276484429836273, -0.19745811820030212, 0.7639111876487732, -0.3478330671787262, -1.0684263706207275, 0.5817633867263794, -0.3909986615180969, -0.3979578912258148, -0.16689230501651764, 0.6937669515609741, -0.5586554408073425, -0.6862487196922302, -0.15297642350196838, -0.8754730820655823, -0.411826491355896, 0.10701663792133331, -0.6468387842178345, 1.2436418533325195, 0.34406575560569763, 0.6824631094932556, 0.5384409427642822, 0.19599629938602448, -0.8359974026679993, 0.8224800825119019, 0.7279829978942871, -0.9598591923713684, 0.8601459264755249, 0.1955656260251999, 0.2769913077354431, 0.4009854793548584, -1.0834317207336426, -0.5251772999763489, 1.1054562330245972, 0.007923565804958344, -0.27746403217315674, -0.5481438040733337, -0.21737731993198395, 0.162896066904068, -0.11980560421943665, 0.20747996866703033, -1.381449818611145, -0.4521859884262085, -0.14658908545970917, 0.5965519547462463, 0.4527348577976227, -0.8254385590553284, -0.5768370628356934, 0.5080469846725464, -0.7204970121383667, 0.5163862705230713, 0.03911493718624115, 0.043629806488752365, 1.4682950973510742, 0.8896304965019226, 0.10104171931743622, 0.05991027504205704, -11.518251419067383, 0.8677949905395508, -0.029515163972973824, -0.3647705316543579, -0.06984399259090424, -0.6605300307273865, 0.41835686564445496, 0.03333847224712372, 0.8416649699211121, -0.758801281452179, 0.43905919790267944, 1.0191545486450195, 0.13775981962680817, -0.8131632208824158, -0.668931782245636, -0.9098633527755737, -0.8812565803527832, -1.073352336883545, 0.5577355623245239, -0.4323120415210724, 0.14181400835514069, -0.5490108132362366, -0.09415480494499207, 0.34598129987716675, 0.35233643651008606, -0.13639873266220093, 0.0005820766091346741, -0.015637248754501343, -0.7219298481941223, 0.508337140083313, 1.6079989671707153, -0.28736793994903564, -0.3080870509147644, -0.9689520001411438, 1.1365208625793457, -0.012768082320690155, -1.8321855068206787, 0.14830636978149414, 0.2937627136707306, -0.7388262152671814, -0.11019594967365265, 0.08409184217453003, 0.08783985674381256, -0.6157386302947998, -0.35426831245422363, 0.036710456013679504, 0.45100122690200806, -0.5294817686080933, 0.6105577349662781, -0.28956249356269836, -0.7434062957763672, -0.5268298387527466, -1.3154579401016235, -0.959581196308136, 0.2152199149131775, -0.5540350079536438, -1.0500636100769043, 0.5798754692077637, 0.04628579691052437, -0.34192994236946106, 0.42621177434921265, 0.26565223932266235, -0.014095228165388107, 0.26159894466400146, 0.8203195929527283, -0.9839292168617249, 0.8436063528060913, 0.7831822633743286, 0.8011508584022522, 0.462567538022995, -1.0039628744125366, 1.1181265115737915, -0.13722527027130127, 0.14465734362602234, -0.5350914597511292, 0.1659604012966156, 0.0066812108270823956, -0.36766502261161804, 1.0788946151733398, 0.14169184863567352, -0.4428856372833252, 0.42062196135520935, 0.30010560154914856, -0.8243027925491333, -1.1361945867538452, 0.3785708546638489, 0.3813207447528839, -0.6877030730247498, 0.7573590278625488, -0.5956599712371826, 0.8026103973388672, 0.03198541700839996, -0.3969533443450928, 0.6350011825561523, -0.15750977396965027, 0.7741134762763977, -0.20861423015594482, 0.8326917290687561, 0.5906614065170288, -0.42868855595588684, -0.26264557242393494, -0.18692752718925476, -0.6951054334640503, -0.28237172961235046, 0.4737512767314911, -0.4968665838241577, -0.4704728126525879, 0.22230038046836853, -0.00757189467549324, -0.45474913716316223, 0.40823614597320557, 0.16411834955215454, -0.5915788412094116, 0.7657932043075562, -0.21192780137062073, 1.1378744840621948, 1.3106675148010254, 0.11837378144264221, 0.6055214405059814, 0.8173555731773376, -0.29263225197792053, 1.1028239727020264, 0.2506970465183258, 1.1645785570144653, 0.04456406459212303, 0.06317713856697083, 0.23552334308624268, 0.19470378756523132, 0.19004401564598083, -1.431795358657837, 0.21538518369197845, -0.38181301951408386, 0.06250620633363724, -0.1930353343486786, -0.5739331245422363, 0.418378084897995, -1.1433714628219604, 0.9945659637451172, -1.249171257019043, 0.28340944647789, 0.15782806277275085, -0.6211534738540649, -0.4223242402076721, -0.681010365486145, -0.7597072720527649, -0.3433910310268402, -2.2952632904052734, 0.21978788077831268, -0.5298793911933899, 0.09747891128063202, 0.8153149485588074, -0.3437750041484833, 0.4564071297645569, -0.7987836599349976, -0.597572922706604, -0.2919190227985382, 0.5508480668067932, -0.13895168900489807, -0.6726628541946411, 0.2594235837459564, 0.3325023949146271, 1.0509023666381836, -1.0981048345565796, 0.6718621850013733, 0.17225730419158936, 0.2602636516094208, -0.5325000286102295, 0.028498314321041107, -0.7937765121459961, 0.18081271648406982, 1.308895230293274, -1.305076241493225, -0.8040542602539062, -1.1378103494644165, 0.11699435114860535, -0.6438376307487488, 0.5904290080070496, 1.3982795476913452, -1.359458565711975, -0.677379846572876, -0.7582690119743347, 0.414027601480484, 0.4186839163303375, -0.38431525230407715, -0.6726667881011963, -0.09296658635139465, -0.35072797536849976, 0.6277257800102234, 0.3682539761066437, 0.554457426071167, -1.1781200170516968, -1.2205684185028076, -1.1452794075012207, -0.5792441964149475, 0.7774500250816345, -0.03731078281998634, 1.1290206909179688, 1.0587725639343262, -0.03170015662908554, -0.042419806122779846, -0.3490660786628723, 0.9084241390228271, 0.5545486807823181, 0.24483512341976166, -0.14936748147010803, 0.08890357613563538, -0.43393218517303467, 0.048853691667318344, 0.34220972657203674, -0.11331448704004288, -0.5986574292182922, 0.3166452646255493, 0.5945979952812195, 0.47281551361083984, 0.38580015301704407, -1.1742609739303589, -0.3294591009616852, -0.22896701097488403, -0.3205186128616333, -0.4189206659793854, 0.2991773188114166, 0.929802417755127, -0.3568195700645447, 1.291515827178955, 0.603131890296936, 0.1717030555009842, 0.7690268754959106, -0.0704430490732193, 0.8780065178871155, 0.05390595272183418, 0.06738951057195663, -0.37282246351242065, -0.339829683303833, 0.48957571387290955, 0.08867327868938446, -0.7500901818275452, -1.1079998016357422, 0.4419107437133789, -0.8987264633178711, -0.17242825031280518, 0.0345628596842289, -0.1588861644268036, 1.074061393737793, 1.9366676807403564, -0.19122667610645294, -1.1918020248413086, -0.5126566290855408, -1.2602514028549194, -0.12574058771133423, 1.2535834312438965, 0.4825390875339508, 0.7530192136764526, 0.6919190287590027, -0.02643778920173645, 1.2519817352294922, -0.4210606515407562, -0.16389818489551544, -0.04460830241441727, 0.16318300366401672, 0.9732490181922913, 1.0164566040039062, 0.646117091178894, 0.569378137588501, -0.2922794222831726, -0.5669813752174377, 0.0953252762556076, -0.2730977535247803, 0.2212754338979721, 0.477438747882843, -0.44438329339027405, -0.5191068649291992, -1.209829330444336, -0.029669728130102158, 0.0689062848687172, 0.9636799097061157, 0.264522910118103, -0.9688831567764282, -1.5603277683258057, -1.42098069190979, -1.013466238975525, 0.8487932682037354, -0.22898679971694946, -0.8236653804779053, -0.4304168224334717, 0.5488458275794983, 0.02488873526453972, 0.5300799608230591, -0.594520628452301, 0.6586956977844238, -0.6894543170928955, -0.11073380708694458, 0.07248944044113159, -0.3604543209075928, -0.8585174679756165, -0.1505671590566635, -0.334786057472229, 0.6192248463630676, -0.04333662614226341, -0.9318047761917114, -0.5299888253211975, 0.5496848821640015, 0.3780134916305542, -0.13948588073253632, 0.8537559509277344, 0.7644482254981995, -1.4890766143798828, 0.859605610370636, 0.9622913002967834, 0.13253387808799744, -0.18005530536174774, 0.704539954662323, 0.7630193829536438, 0.15854987502098083, 1.2923808097839355]} +{"paper_id": "wikimedia/wit_base", "embedding": [-0.7566787600517273, 1.8764628171920776, -0.12739762663841248, -0.2853967845439911, 0.08139857649803162, -0.7123475670814514, -0.7903028726577759, 0.3093610405921936, 1.2524298429489136, 0.35549578070640564, 1.829360842704773, 0.12472167611122131, 0.6592667698860168, -0.5180549025535583, -0.41439172625541687, 0.29441219568252563, -0.5565658807754517, -1.234415054321289, -0.6176035404205322, 0.2665728032588959, -1.222528100013733, -0.07943625003099442, -0.09757080674171448, 0.7947563529014587, -0.2813965678215027, -1.488822102546692, 0.5546494722366333, -0.13047292828559875, 0.2816042900085449, 0.616797685623169, 0.01574457436800003, 0.751624584197998, -2.067389488220215, 1.2926784753799438, -0.40034109354019165, -0.8665302991867065, 0.8544694781303406, 0.9777214527130127, 0.09772755950689316, -1.26925790309906, -0.45444607734680176, 0.38757243752479553, 0.3036154508590698, 0.10334739834070206, 1.4289802312850952, -0.8566585779190063, 0.29523947834968567, 0.030073881149291992, 0.17741243541240692, -0.24406306445598602, 0.04568810015916824, 0.5823591947555542, -0.587165355682373, 0.28153449296951294, -1.2537462711334229, 1.350998878479004, 0.022061787545681, 0.012939883396029472, 0.20028342306613922, -1.349172830581665, 0.30396193265914917, 1.6566745042800903, -0.6555383205413818, -0.4817377030849457, 1.269287109375, 0.5948266386985779, 0.9951988458633423, -0.2224891185760498, 0.3488738536834717, 0.09018375724554062, -0.4256401062011719, -2.0130743980407715, 0.30190879106521606, 0.48482316732406616, 0.3935152292251587, 0.6804518699645996, 0.09533704817295074, -0.2584388256072998, -0.13208580017089844, 0.3328617513179779, -0.6969553232192993, 0.003960005939006805, 0.03927655518054962, -0.559951901435852, 0.19714218378067017, 0.2488543689250946, 0.2052803635597229, -0.10404645651578903, 0.5608234405517578, -1.889178991317749, 1.2913765907287598, -0.3048015534877777, 0.3238101899623871, 0.0718822330236435, 0.32018178701400757, -0.6140456795692444, 0.12483318895101547, -0.28756406903266907, -0.5498310923576355, 0.6670129895210266, 0.28265389800071716, -0.1325780153274536, 0.8208836317062378, 0.039278823882341385, 0.12636619806289673, 0.2930964231491089, -0.007255889475345612, -0.5571635961532593, -1.179693579673767, -0.4772600531578064, 0.11162443459033966, 0.6532632112503052, 0.5654982924461365, -0.5375358462333679, 0.36319780349731445, -0.6452034115791321, 0.5465229153633118, 0.19506379961967468, -0.6004526615142822, -0.15076561272144318, 0.0016881879419088364, -1.80350661277771, -0.969965398311615, -0.6982943415641785, 0.5129609704017639, -0.8949692845344543, 0.19219645857810974, -0.6977953910827637, -0.46472272276878357, -0.9178946614265442, 0.08724388480186462, 0.3111722469329834, -1.048534870147705, 0.03463991358876228, 3.4829800128936768, -0.14905542135238647, 1.140040397644043, -0.2344028800725937, -0.01813562586903572, -0.09122752398252487, -0.26980623602867126, 0.643096387386322, 1.0144249200820923, -0.7871471643447876, -0.09901869297027588, 0.13490016758441925, -0.4857536554336548, 0.556354284286499, -1.0563185214996338, -0.6045783758163452, 0.09800860285758972, 0.4507867693901062, -0.48702824115753174, -1.4492870569229126, -0.02361772209405899, -0.11650025844573975, 0.2591633200645447, 0.3321564495563507, -0.11340008676052094, 0.9470974206924438, -0.3679805099964142, 0.743854820728302, -0.872862696647644, 0.46769240498542786, -0.4166213870048523, 0.016992706805467606, 0.6769610643386841, -0.3383035957813263, 0.19122764468193054, -0.7243486642837524, 0.10261590778827667, -0.696424663066864, 0.34600022435188293, -0.1895228922367096, -0.30027180910110474, 0.1422591507434845, 0.3269074559211731, 1.168466567993164, -0.05403704196214676, -0.10326220840215683, -0.07099929451942444, -0.11761732399463654, 0.7044919729232788, 0.023480182513594627, 0.7087287306785583, -0.23431934416294098, -1.9663681983947754, -0.5740450024604797, -1.0445164442062378, -0.4250130355358124, 0.18267744779586792, -0.18383419513702393, 0.3722231388092041, -0.5457379221916199, -0.0578375868499279, 0.01564965769648552, 0.32738906145095825, -0.8660918474197388, -0.9905232787132263, 0.7649761438369751, -0.024987338110804558, 0.475829154253006, 0.0007107686251401901, 0.3739927113056183, -0.036213211715221405, 0.3573459982872009, -0.14259828627109528, -0.7455529570579529, 0.6400865316390991, 1.3168350458145142, 0.17208591103553772, -0.615889847278595, -1.1516581773757935, -0.5273255705833435, 0.31956344842910767, -1.0778758525848389, 0.6508809328079224, -0.700872004032135, -0.1482294499874115, -1.1252483129501343, -0.1811365932226181, -0.19068589806556702, 0.09213920682668686, -0.23833823204040527, 0.946158766746521, -0.3838750123977661, -0.6314849853515625, -0.6419858932495117, -1.3870213031768799, 0.8945382237434387, 0.08194372802972794, 0.254040002822876, -0.45168042182922363, 0.7387351989746094, 0.23390862345695496, 0.039315007627010345, 1.3389753103256226, 0.33235591650009155, -0.3202939033508301, 0.460073322057724, -0.5532980561256409, 0.41428232192993164, -0.3326045870780945, -0.055681802332401276, 0.3904069662094116, 0.8004399538040161, 0.10305559635162354, -0.914287805557251, 0.188592791557312, -0.012711770832538605, 1.9496979713439941, 1.1783325672149658, -0.6247700452804565, 1.2467848062515259, -0.8587558269500732, -0.060853250324726105, 0.5934884548187256, -0.2906569242477417, 1.3054752349853516, -0.7730205059051514, -0.12054206430912018, -0.803036630153656, 0.6386101841926575, 0.5914876461029053, -0.36293336749076843, -1.0478323698043823, -0.37470266222953796, -0.24377965927124023, -0.9365255832672119, -0.3723585605621338, -0.8286443948745728, -0.015054136514663696, -0.057287074625492096, -0.7030439972877502, 0.22081714868545532, 0.6680909395217896, -0.0033272309228777885, 0.8268463611602783, 0.783510148525238, -0.18151284754276276, 0.8360309600830078, -0.4065300226211548, 0.6177284121513367, 0.14279574155807495, 1.0120296478271484, 0.20581471920013428, 0.10272300243377686, -1.6865224838256836, -0.24905803799629211, -0.827436625957489, -0.1984960436820984, 0.5841429233551025, 0.31860315799713135, 0.8036032319068909, -0.43279510736465454, -1.5752149820327759, 1.5888075828552246, 0.17329919338226318, 0.04026978462934494, -0.4785391092300415, 1.568730354309082, 0.49254369735717773, -0.37268924713134766, 0.08435457944869995, 0.2679753005504608, -0.08845743536949158, 1.5740442276000977, -0.2037152349948883, 0.08778539299964905, 0.9356791973114014, 0.38920503854751587, -0.429365873336792, -0.29695290327072144, -1.5656319856643677, -0.20872539281845093, 0.31281909346580505, 0.39577046036720276, -0.09035870432853699, -1.0290181636810303, 0.3692657947540283, -0.39679697155952454, -0.2956676185131073, 0.007651187479496002, -0.47831791639328003, 0.3841679096221924, 0.42130976915359497, 0.7547755837440491, 1.5150926113128662, -0.5295900106430054, 0.21233950555324554, 1.1659011840820312, -0.2476230263710022, -0.8335800766944885, -0.28661856055259705, 1.0312232971191406, -0.16822592914104462, 0.16283106803894043, 0.47026488184928894, 0.1867697834968567, 0.8133423328399658, -0.5817937254905701, -0.49820825457572937, -0.5387927889823914, 0.2589709758758545, 0.3820643723011017, 0.7255871295928955, -0.277365505695343, 0.3298945128917694, 0.7976351380348206, 1.4141299724578857, 0.2842121124267578, -0.7825506925582886, -1.1134991645812988, 0.6536135077476501, -0.2318762093782425, 0.1628941297531128, 2.085340976715088, 0.26700708270072937, 1.5212092399597168, 0.032113075256347656, -0.1646472066640854, -0.2186458706855774, 0.06987957656383514, 0.7121977806091309, 0.5611295700073242, 0.16707265377044678, -0.37262842059135437, 0.3126963973045349, 0.25978371500968933, 0.35181206464767456, -0.34184661507606506, 0.1791647970676422, 1.33114492893219, -0.0704854428768158, -0.353728711605072, 0.5527136325836182, 0.9076113104820251, 0.38151562213897705, 0.7953945994377136, 0.3310703933238983, -0.6892191767692566, -0.9062727093696594, 0.7592542767524719, 0.37056905031204224, -0.49061375856399536, 0.14674201607704163, 0.593375027179718, 0.06668627262115479, 1.5157142877578735, 0.5665475130081177, 0.3338167071342468, 1.3815648555755615, 0.16885803639888763, -0.6424658298492432, 0.2450617253780365, -0.75461745262146, -0.8455140590667725, 0.018437370657920837, -0.07444444298744202, -0.39187338948249817, 0.7692472338676453, -0.6595070958137512, -1.0173994302749634, 0.6957298517227173, -0.634328305721283, -1.152323842048645, 0.7748299837112427, 1.0154883861541748, -1.059457540512085, -0.40375205874443054, 0.37414127588272095, -0.7229982018470764, -0.6299729347229004, -0.18209674954414368, 0.25481703877449036, -0.046595096588134766, -0.4215283691883087, 0.4225670099258423, -0.5307478904724121, -0.25097376108169556, -0.6138083338737488, 0.9068995118141174, 1.023866057395935, -0.8536909818649292, 0.08698784559965134, -0.4117402136325836, 0.7815099954605103, 0.2549651861190796, -1.061837911605835, -0.4079104959964752, 1.1445114612579346, 0.9276109933853149, 0.026192989200353622, -0.41800275444984436, -0.135000079870224, 0.5056203603744507, 0.6797098517417908, 1.1364667415618896, -0.8155810236930847, -0.11166176944971085, -0.30085939168930054, 1.5948067903518677, 0.26981860399246216, -0.3886075019836426, 0.10957320034503937, 1.6540162563323975, 0.15539994835853577, 0.6897376775741577, -0.8655657768249512, 0.4955386519432068, 1.1184861660003662, -0.05440668761730194, 0.5217878222465515, 0.17832106351852417, -11.054306983947754, -0.16003498435020447, -0.7387206554412842, 0.5454090237617493, 1.1831084489822388, -0.28424352407455444, 1.503233551979065, 0.283847838640213, 0.001608544960618019, -0.9165077209472656, 0.9208253622055054, 0.735977292060852, 0.34768378734588623, -0.5552360415458679, -0.47658079862594604, -1.1042579412460327, -1.095169186592102, -0.22815649211406708, 0.4928184151649475, -0.269260048866272, 0.22831611335277557, -0.05820988118648529, -1.3550446033477783, 0.4144057333469391, -0.06098750978708267, -0.764416515827179, 0.1516932249069214, -0.07406675815582275, -0.2898273468017578, -0.32305049896240234, 0.5675246715545654, -0.5139699578285217, -1.388068675994873, -0.8449011445045471, 0.573045015335083, -0.02687498927116394, -0.7546099424362183, 0.34817931056022644, 1.6714081764221191, 0.2523631453514099, -0.29346102476119995, 0.8396825790405273, -0.5702348947525024, 0.7433157563209534, -1.0697352886199951, 0.4995473623275757, 0.4761243164539337, -0.47261276841163635, 0.4848965108394623, -0.7513211369514465, -0.41159504652023315, -1.1866209506988525, -0.29109805822372437, -0.08036313205957413, 1.1631875038146973, 1.2353647947311401, -0.17426910996437073, 0.08936075121164322, -0.2802141308784485, -1.4868216514587402, 0.5753821134567261, 0.06391885876655579, -0.5218464136123657, 0.5058360695838928, -0.38528016209602356, -1.2132792472839355, 0.7373425960540771, 0.5820152759552002, -0.6316174864768982, -0.20196722447872162, -0.02986796945333481, 0.3173026144504547, 0.5795904994010925, 0.07188451290130615, -0.18843036890029907, 0.043158162385225296, -0.25042760372161865, 0.3170032203197479, -0.44247812032699585, 0.14558003842830658, -0.7904783487319946, 0.7614896893501282, -0.5739853382110596, -0.7027182579040527, 0.5804065465927124, 0.3629179894924164, -0.16615846753120422, 0.8098962903022766, -0.3510203957557678, 0.3007242679595947, 0.6662644743919373, -0.40222665667533875, 0.5432745218276978, -0.3302662670612335, 0.02460791915655136, 0.8445641994476318, -1.3491507768630981, 0.14565370976924896, -0.10573387891054153, -1.0758068561553955, 0.1954364776611328, 0.22761738300323486, -0.20791363716125488, 0.0025099478662014008, 0.5253055095672607, 0.3138430118560791, 0.5153021812438965, 0.42160525918006897, 0.4639398157596588, 0.20316115021705627, 0.43715700507164, -0.7413821816444397, -1.0043824911117554, 1.3510072231292725, -0.4057944118976593, 0.6669069528579712, 0.691369354724884, -0.683452844619751, 0.1513882279396057, 1.0830916166305542, 0.010497761890292168, 0.47841784358024597, 0.595421314239502, 0.8003542423248291, -0.010216997936367989, -0.2390488088130951, -0.15442341566085815, 0.06354618817567825, -0.052900344133377075, -1.3387905359268188, 0.6692556738853455, -0.06949621438980103, -1.0096087455749512, -0.5120579600334167, -0.4336434006690979, -0.7535202503204346, -1.4718849658966064, 1.795125961303711, 0.1024039089679718, -0.042180925607681274, -0.21229219436645508, -0.8598008751869202, -0.03471159189939499, -0.7036218047142029, -0.4320996105670929, -1.0939244031906128, -0.656838059425354, -0.5971978902816772, -0.6281777620315552, -1.1620234251022339, 0.5501096844673157, -0.2617681324481964, 0.9888041019439697, -1.195677399635315, -0.29217806458473206, 0.02814701944589615, 0.22643621265888214, -1.2352080345153809, -0.9241887927055359, 0.15121883153915405, 0.5202847123146057, 1.1033893823623657, -0.9404900670051575, 0.972339391708374, 0.5967206954956055, -0.20445483922958374, -0.8281199932098389, -0.3884378671646118, -0.21935924887657166, 0.49799174070358276, 1.100512146949768, -0.6080752015113831, -0.20300430059432983, -0.8927403092384338, -0.17865142226219177, -0.7934419512748718, -0.3565364480018616, 1.4442445039749146, -0.7107391953468323, 0.6817192435264587, 0.186676487326622, 1.3440353870391846, 0.310555636882782, -0.8059834837913513, -0.47542697191238403, -0.0912247747182846, -0.140744149684906, 0.7282117605209351, 0.006173466332256794, 0.7510331273078918, -1.7392659187316895, -0.7745181322097778, -0.641677737236023, -0.2435326874256134, 0.662368655204773, -0.2889080047607422, 0.3263317942619324, 0.23347584903240204, 0.17829406261444092, 0.37106671929359436, -0.40223002433776855, 0.1402747929096222, 0.10600070655345917, 0.3000207543373108, 0.6745533347129822, 0.2691724896430969, -0.43623924255371094, -0.47025519609451294, -0.47016778588294983, 0.7563522458076477, -1.173949956893921, -0.5056087970733643, 0.035987816751003265, -1.2473859786987305, 0.0653458684682846, -1.2012687921524048, 0.6758748292922974, -0.21919375658035278, 0.18478354811668396, -0.9729169011116028, -0.7524566650390625, 1.6348228454589844, -0.26618248224258423, 1.3977077007293701, 0.0012219520285725594, 0.8636112213134766, 0.31037890911102295, 0.14816181361675262, 1.5101852416992188, -0.3524692952632904, -0.49199146032333374, 0.22797131538391113, 0.25143909454345703, -0.7334372401237488, -0.2446894496679306, 0.33304092288017273, -0.7763046026229858, 0.2789178788661957, -1.1599018573760986, 0.786281168460846, -0.9206079840660095, -0.21169084310531616, 0.9546334147453308, 0.3413117229938507, -0.14588171243667603, -1.603966474533081, -0.1785658299922943, -0.9206246137619019, 0.1497049629688263, -0.29059869050979614, -0.132889986038208, 0.9113812446594238, 0.8140736222267151, 0.17996317148208618, 1.4370251893997192, 0.25818392634391785, -1.0790295600891113, 0.6502257585525513, -0.48043859004974365, 1.1147408485412598, 0.47179871797561646, 0.2371484786272049, 0.5070069432258606, 0.24724620580673218, -0.32370251417160034, -1.059051275253296, 0.09303636848926544, 0.7953820824623108, 1.1067240238189697, -0.37021300196647644, -0.4087698459625244, -1.2366902828216553, -0.2698264420032501, -0.4472682476043701, 0.38510504364967346, 0.37861937284469604, -0.14193110167980194, -1.4640271663665771, -0.47447091341018677, 0.4431365132331848, 0.4200179874897003, -0.09407970309257507, -0.0749334990978241, -0.5480408668518066, 0.8442870378494263, 1.3314789533615112, -0.24675723910331726, -1.1028742790222168, 0.2147400677204132, -0.05166330561041832, 0.5052377581596375, 0.510472297668457, -0.44510239362716675, -0.4952787458896637, -0.14510487020015717, -1.3796385526657104, -0.4147146940231323, -0.19157396256923676, -0.31407997012138367, -0.4048115313053131, 0.8015689849853516, -0.5423241257667542, -0.20972058176994324, 0.38293105363845825, 0.18555422127246857, -0.9480284452438354, 0.3733846843242645, 0.8792509436607361, -0.18610244989395142, -0.24348126351833344, 0.29056769609451294, -0.46501797437667847, 0.24472615122795105, 0.7678718566894531]} +{"paper_id": "orieg/elsevier-oa-cc-by", "embedding": [-0.7826236486434937, 1.532058835029602, -0.17088456451892853, -0.0467061772942543, 0.48802638053894043, -0.44781461358070374, 0.6461927890777588, 0.38948914408683777, 0.4025697112083435, 0.4995242655277252, 0.6558102965354919, -0.1045440137386322, -0.3267950713634491, 0.15020841360092163, -0.1660470962524414, -0.2874712646007538, -1.0832679271697998, -0.5289551615715027, -0.3491411507129669, -0.9209528565406799, -1.455384612083435, -0.6897075176239014, -0.24328041076660156, 0.05210477113723755, -0.3607374429702759, -0.5565657019615173, -0.1949107050895691, -0.21977438032627106, 0.19379779696464539, -0.19726309180259705, 0.22556695342063904, 0.6730557084083557, -1.4535179138183594, 0.5869956612586975, -0.6233269572257996, 0.031121185049414635, 0.07797958701848984, 0.8329580426216125, -0.5976288914680481, -0.11454030871391296, -0.8641224503517151, -0.1835823953151703, 0.672356903553009, -0.355396032333374, 1.3753191232681274, -0.3050878047943115, 0.38504332304000854, 0.3526518642902374, 0.5618185997009277, 0.3136100769042969, -0.3835360109806061, 0.47588488459587097, -0.15928643941879272, -0.5877394676208496, -0.09230554848909378, 0.9794958233833313, 0.3870681822299957, -0.2034589797258377, 0.6478301286697388, -0.7855905294418335, 0.6602842807769775, 1.2959187030792236, -0.18157245218753815, -0.16347664594650269, 0.6518696546554565, 0.02522699534893036, 0.8277561068534851, 0.19524376094341278, 0.3855690658092499, 0.5284601449966431, -0.5941954255104065, -0.6504525542259216, -0.6177325248718262, -0.24698063731193542, 0.5305459499359131, 0.5783443450927734, 0.208927184343338, -0.3786974847316742, 1.058410406112671, 0.3149092197418213, -0.5111590027809143, 0.8382784128189087, 0.3569614887237549, -0.13515713810920715, -0.14766734838485718, -0.05175105109810829, 0.5514074563980103, -0.4662665128707886, 0.5646646618843079, -1.6248754262924194, 0.5078715682029724, 0.9031171202659607, -0.24814364314079285, 0.08697706460952759, -0.11910153925418854, 0.13229727745056152, -0.17411577701568604, -0.2862427830696106, -0.902898907661438, 0.4737086296081543, 0.2341632843017578, -0.35193151235580444, 0.5649828314781189, -0.16787993907928467, 0.3582797348499298, 0.7315801382064819, -0.6875121593475342, -0.36031362414360046, -0.9014028310775757, -0.31378623843193054, 0.10991021990776062, 0.8833343982696533, 0.2637578248977661, 0.48592889308929443, 0.16859057545661926, -1.1613174676895142, -0.4008580446243286, -0.1327873170375824, -1.1673611402511597, -0.2641087770462036, -0.5490448474884033, -1.5462805032730103, 0.13365185260772705, 0.21065936982631683, 1.25448739528656, -0.61532062292099, 0.4871208071708679, -0.267138808965683, 0.3139612078666687, 0.17783226072788239, 0.2869601249694824, 0.3754752278327942, -0.6574446558952332, -0.20319637656211853, 2.365335702896118, -0.23627178370952606, 0.5572689175605774, 0.6014828085899353, 0.4022478461265564, 0.011463701725006104, 0.2849139869213104, 1.207474708557129, 0.9207497239112854, -0.8424794673919678, -0.6625068187713623, 0.04414260387420654, -0.4457755386829376, 0.26654279232025146, -0.9615922570228577, 0.1998150795698166, -0.2537555694580078, 0.47161224484443665, -1.0434091091156006, -0.18525247275829315, 0.49964314699172974, 0.30056244134902954, 0.18472345173358917, 0.28414836525917053, -0.8118703961372375, 0.8697565197944641, 0.9340249300003052, 0.5290103554725647, -0.6718356609344482, 0.3228456676006317, -0.5884965658187866, -0.18741653859615326, 0.956992506980896, 0.05727517604827881, -1.337742567062378, -0.43450069427490234, 0.29499879479408264, -0.6497641801834106, 0.08322681486606598, -0.399308443069458, 0.23237848281860352, -0.04151582345366478, 0.22311873733997345, 0.22652529180049896, 0.3886951804161072, -0.43878406286239624, 0.11663500219583511, -0.3853023946285248, -0.100367471575737, -0.1420045793056488, 0.1385037899017334, 0.0668799877166748, -1.9378126859664917, -0.0802629142999649, -0.9810011386871338, 0.02121393010020256, -0.07442717254161835, 0.04476252198219299, 0.35018303990364075, 0.3052472472190857, -0.45915281772613525, 0.2433675080537796, 0.23217734694480896, -1.7209888696670532, -0.12369044125080109, 0.8423531651496887, 0.28588396310806274, 0.9798819422721863, 0.5657205581665039, 0.46236246824264526, 0.7960012555122375, -0.7021960020065308, -0.4115520715713501, -1.4116414785385132, 0.38267263770103455, 1.4793293476104736, -0.7058770656585693, -0.29421865940093994, -0.6039230227470398, -0.1472039520740509, 0.32242104411125183, -0.9338060021400452, -0.4575292468070984, -0.2753288149833679, -0.04479502886533737, -0.45404529571533203, 0.9477910995483398, -0.5328850746154785, -0.4183562994003296, -0.26623377203941345, 1.2756080627441406, -0.45199960470199585, -1.176522970199585, 0.5345777273178101, -1.3552403450012207, 0.21957515180110931, 0.917755663394928, 0.22074638307094574, -0.2857811748981476, 0.9224462509155273, 0.3059007525444031, 0.5460425615310669, 0.47573843598365784, 0.4378156363964081, -0.3586456775665283, 0.08090779185295105, 0.1769983470439911, 1.0150617361068726, -0.7275779843330383, -0.3382231593132019, 0.6699739694595337, 0.4835314154624939, 0.022832736372947693, -0.6674336791038513, -0.4516960382461548, 0.014910012483596802, 0.9058690071105957, 1.1225090026855469, -0.4709753096103668, 1.4375861883163452, -0.7096548676490784, 0.3570581078529358, 0.3466266989707947, -0.782006561756134, -0.3072957992553711, -0.4085206389427185, 0.2695942223072052, -0.1388980597257614, 0.5259850025177002, -0.27068817615509033, -0.28215134143829346, -0.6651268005371094, -0.1745089292526245, -0.4794595241546631, -0.6727609038352966, -0.42381179332733154, -0.1984085738658905, 0.65317702293396, -1.7343817949295044, -0.27481114864349365, -0.2725256681442261, 0.09501063078641891, -0.43785837292671204, 0.3181629180908203, 1.1279041767120361, -0.08509305119514465, -0.25758662819862366, 0.0450589656829834, 0.6996049880981445, -0.3295321762561798, 0.38239604234695435, -0.2603991627693176, 0.22935456037521362, -1.285636305809021, -0.19176176190376282, -0.33600133657455444, 0.5250594019889832, -0.266633540391922, 0.3606889545917511, 0.6938828229904175, -0.6135959625244141, -0.8846641182899475, 0.9686489701271057, -0.4977409541606903, -0.04235381633043289, -1.119379997253418, 1.173398733139038, 0.7990595698356628, 0.07663589715957642, 0.36785030364990234, 0.10644450783729553, -0.5577617883682251, 1.4381320476531982, -0.3102089762687683, 0.8824665546417236, -0.039170607924461365, 0.09849745780229568, 0.35304802656173706, 0.48056039214134216, -1.537091851234436, 0.2955344319343567, 0.9381598234176636, -0.12041877210140228, 0.28306934237480164, 0.0706743448972702, -0.9288713932037354, -0.8165270090103149, 0.047503627836704254, 0.2592107057571411, -1.0340957641601562, 0.7718883752822876, -0.2375863790512085, 0.3270595073699951, 0.7835214138031006, -0.5317947268486023, 0.9372857809066772, 0.4544380009174347, 0.27021029591560364, -0.5143001079559326, -0.29858502745628357, 0.39205968379974365, -0.20313549041748047, 1.1650512218475342, -0.11368050426244736, 0.21668954193592072, 0.9822690486907959, -0.29601868987083435, -0.16368882358074188, -0.2035093754529953, 0.34849369525909424, 0.08336473256349564, 0.18242453038692474, 0.65699303150177, 0.7867678999900818, -0.15449191629886627, 1.1248575448989868, 0.1662607043981552, -0.8489258289337158, -0.5306051969528198, -0.25039973855018616, -1.268505334854126, -0.21531960368156433, 1.898996114730835, 0.5506694316864014, 1.1710777282714844, 0.10009235888719559, 0.2945493757724762, 0.3382261097431183, -0.20392537117004395, 0.6460540294647217, 0.8103567957878113, 0.03925332799553871, 0.17807695269584656, 0.25696757435798645, 0.007455961778759956, 0.324279248714447, -0.474443644285202, 0.22188161313533783, -0.4248407781124115, -0.3469879925251007, -0.6688448190689087, 0.3616572618484497, 0.9720149040222168, 1.2786425352096558, 1.506716012954712, -0.07009546458721161, -0.9306942820549011, -0.65098637342453, 0.1724242866039276, 0.21242405474185944, 0.504719614982605, -0.7595478296279907, 0.2693063020706177, 0.4867434501647949, 0.1290823519229889, -0.4549281597137451, 1.254673719406128, 0.8376505970954895, -0.20391792058944702, -1.3040350675582886, -0.2953559160232544, -1.0172628164291382, 0.1033305898308754, -0.6028497219085693, 0.5613038539886475, -0.4176006615161896, -0.07520050555467606, -0.05567936971783638, -1.4904230833053589, -0.20949816703796387, -0.14721693098545074, -1.0048673152923584, 1.2634259462356567, 1.2652770280838013, -1.0045442581176758, -0.019737297669053078, -0.14172586798667908, -0.4944206774234772, -0.3671082556247711, 0.2571486234664917, -0.5328722596168518, 0.08682247996330261, 0.23385171592235565, 0.9748996496200562, 0.4128403067588806, -0.03459993004798889, -0.3588857054710388, 1.0132222175598145, 1.264169692993164, -0.3883625566959381, -0.04556639492511749, -0.696526825428009, 0.1616789549589157, -0.4758884012699127, -1.2239660024642944, -0.5462546348571777, 0.32465988397598267, -0.3393407464027405, -0.5166555047035217, -0.9901732802391052, -0.3457314074039459, 0.1506446897983551, 0.03560200706124306, 0.2154414802789688, -0.16728827357292175, 0.39560073614120483, -0.5824986100196838, -0.18134932219982147, 0.49911147356033325, -1.1150833368301392, -0.29520344734191895, 0.875173032283783, 0.30868959426879883, 0.5266813039779663, 0.9445481300354004, 0.039727356284856796, 0.3476064205169678, -0.47258615493774414, -0.27566343545913696, -0.6364971995353699, -13.259602546691895, 0.8611327409744263, -0.3444564640522003, 0.4102235436439514, 0.7747136950492859, 0.12371501326560974, 0.32400748133659363, 0.4563487470149994, 0.5936231017112732, -0.5564988851547241, 0.44694384932518005, 0.7722132205963135, -0.03706202656030655, -0.059527505189180374, 0.0751197561621666, -0.5458733439445496, -0.5190907716751099, -0.5198014974594116, 0.8597887754440308, 0.08403008431196213, 0.06500184535980225, -0.3356875777244568, -0.6817228198051453, -0.734044075012207, 0.09970571845769882, -0.2614189088344574, -0.028589218854904175, -0.02860366180539131, -0.2066696137189865, 0.3921312689781189, 0.8635930418968201, 0.3121592104434967, -0.7924657464027405, -0.7422042489051819, -0.19593150913715363, 0.12172676622867584, -1.143130898475647, 0.0009721033275127411, 0.6337615847587585, -0.3422758877277374, 0.18171870708465576, 0.5031473636627197, 0.23822855949401855, -0.2033061981201172, -0.38716942071914673, -0.07501743733882904, -0.07292526215314865, -0.9628139138221741, 0.27474796772003174, -0.34456518292427063, -0.20826910436153412, -0.6113123297691345, -0.7340658903121948, -0.13704456388950348, 0.5927436351776123, 0.04513295739889145, -0.8706225156784058, 0.5401816964149475, -0.9588069319725037, -0.014311099424958229, 1.1274747848510742, -0.20571188628673553, -0.08564013242721558, 0.2832511067390442, 0.19948282837867737, -0.04115334898233414, 1.339809536933899, 0.8772841691970825, 0.013603083789348602, 0.07399818301200867, -0.44032037258148193, 1.4324716329574585, 0.6074997186660767, -0.009123124182224274, 0.28241729736328125, 0.2707768976688385, 0.3538236618041992, -0.0038109533488750458, 0.13496698439121246, 0.6623259782791138, -1.048754334449768, 0.4982108771800995, -0.18590639531612396, -0.47767123579978943, -0.9638011455535889, 0.2144400179386139, -0.3845522701740265, -0.08552965521812439, 0.4833783209323883, -0.34501272439956665, 0.8687388896942139, 0.325676828622818, -0.3830931782722473, -0.6654244661331177, -0.43229764699935913, 0.40408092737197876, -0.6710963249206543, 0.2740153670310974, -0.30406779050827026, -0.697043240070343, 0.8082355856895447, -0.6349483132362366, -0.37646785378456116, -0.35806238651275635, 0.5268296003341675, -0.5252373814582825, 0.24700844287872314, 0.06670650839805603, -0.43226251006126404, -0.13416370749473572, 0.16139692068099976, -0.8483762741088867, 0.043337382376194, 1.1096636056900024, -0.6189996600151062, 1.3016421794891357, 0.4719237685203552, -0.962673008441925, 0.16745269298553467, 0.6393899321556091, 0.06446894258260727, 0.7088090777397156, 0.8218949437141418, 1.2971301078796387, -0.02225898578763008, -0.013338415883481503, 0.11938096582889557, 0.1194288432598114, -0.8152173161506653, -0.6613555550575256, 0.6722710132598877, -0.4012010991573334, -0.04099596291780472, -0.7048353552818298, -0.607444167137146, -0.37798798084259033, -0.23023231327533722, 1.447251319885254, -0.29996123909950256, 0.3757396638393402, -0.44609010219573975, -0.012282457202672958, 0.19315588474273682, -0.37715452909469604, -0.939315140247345, -0.09018334001302719, -1.4612336158752441, -0.6350254416465759, -0.6359686255455017, -1.0593663454055786, 0.48778000473976135, -0.27026376128196716, 0.27414947748184204, -0.8935070633888245, 0.14192532002925873, 0.0704713761806488, 0.14423879981040955, 0.09634823352098465, -0.4683607816696167, -0.08640508353710175, 0.8929650187492371, 0.2855193316936493, -0.06512034684419632, 0.3223645091056824, 0.36686933040618896, 0.0013610124588012695, -0.4475286900997162, 0.14053384959697723, -0.8072546720504761, 0.1697230339050293, 0.961527407169342, -0.9054597020149231, 0.08701368421316147, -0.43260034918785095, -0.3286384046077728, 0.21087640523910522, 0.5835643410682678, 0.7035512924194336, -0.12074688822031021, 0.8008320927619934, 0.09998317062854767, 0.46809473633766174, 0.5354648232460022, -0.9921529293060303, -0.5393299460411072, 0.03874509036540985, 0.05621125549077988, -0.13576416671276093, 0.21460141241550446, -0.2153903841972351, -0.8203548789024353, -1.1445050239562988, -0.06865199655294418, 0.10703758895397186, 0.543846607208252, 0.0925552025437355, 0.9153710007667542, 0.0627763420343399, 0.1848984658718109, 0.6031457185745239, 0.11497876048088074, 0.5638258457183838, 0.14288105070590973, 0.26016050577163696, -0.4567030966281891, 0.48139241337776184, -0.5031300187110901, 0.6733179092407227, 0.97757887840271, 0.6160436272621155, -0.4445590078830719, 0.1874602735042572, 0.6642530560493469, 0.2874172031879425, 0.09204289317131042, -1.2525205612182617, 0.24510076642036438, 0.006215762346982956, -0.9888291358947754, -0.449604868888855, -0.17757552862167358, 0.691888153553009, 0.012316294014453888, 0.6655352115631104, 0.22172638773918152, 0.027498627081513405, 0.6160731315612793, 0.608321487903595, 0.6422015428543091, -0.4286511242389679, -0.18735873699188232, 0.540391743183136, -0.30045801401138306, -0.1895045042037964, 0.0957031100988388, 0.09360018372535706, -1.1125141382217407, 0.19838666915893555, -0.9121457934379578, 1.0370545387268066, -0.6506017446517944, -0.1701657623052597, -0.6713050007820129, 0.8019722104072571, 0.2742306590080261, -1.396091341972351, -0.01986806094646454, -0.457359254360199, -0.6017734408378601, 0.2695994973182678, -0.27269676327705383, 0.3697968125343323, 0.7273479104042053, -0.14346365630626678, 0.8658969402313232, 0.31295472383499146, 0.2059473991394043, -0.1572040617465973, -0.8218861222267151, 1.0306733846664429, 0.8953396677970886, -0.0882713720202446, -0.25172579288482666, -0.30012381076812744, -0.9274314641952515, -0.5675640106201172, -0.4665173590183258, 0.6947050094604492, 1.007971167564392, -0.8635321855545044, 0.11397247016429901, -0.3552624583244324, 0.3222217261791229, -0.2680499255657196, 0.4730042815208435, 0.0682988166809082, -0.6438309550285339, -0.05253101885318756, -0.6729480028152466, -0.15833409130573273, 1.2614110708236694, -0.14930810034275055, 0.11810287833213806, 0.33674371242523193, 0.9217696785926819, -0.6686186194419861, -0.7737381458282471, -0.5510404109954834, 0.44319987297058105, -0.21440201997756958, 0.34207087755203247, 1.001171588897705, -0.12517337501049042, -1.1704580783843994, -0.34993064403533936, -0.1677374243736267, 0.6366415619850159, 0.00576154887676239, -0.9122642874717712, 0.7927107214927673, 0.7133108973503113, -0.6723848581314087, 0.286571741104126, 0.3963494300842285, 0.6661681532859802, -1.3007467985153198, 0.9123706817626953, -0.16760873794555664, 0.251313716173172, 0.1834242343902588, -0.3045614957809448, 0.8018280267715454, 0.12143711000680923, 0.8296259641647339]} +{"paper_id": "JoesSattle/common_voice_specific_version", "embedding": [-0.6964258551597595, 0.7587659358978271, 0.7008256912231445, -0.6351265907287598, 0.6637493371963501, 0.18815380334854126, 0.26958635449409485, 0.7869212031364441, 0.8645017743110657, 0.10471417009830475, 0.689410388469696, 0.1824640929698944, 0.834385335445404, 0.4001219570636749, -0.24751076102256775, -0.6838364005088806, -1.3520214557647705, -0.7296715974807739, -0.9807007312774658, -0.2861453592777252, -0.9370471239089966, 0.08918476104736328, 0.3447033762931824, -0.13705074787139893, -0.3178962171077728, -0.523357629776001, -0.013513379730284214, -0.9099142551422119, 0.34546157717704773, 0.20133793354034424, 0.060779545456171036, 0.7163176536560059, -0.8032077550888062, 0.4309972822666168, -0.456739604473114, -0.4025610387325287, -0.7236868143081665, -0.0224994458258152, -0.2559354603290558, -0.6282023191452026, -0.7679116129875183, -0.21615374088287354, 0.9333758354187012, 0.11533300578594208, 0.569138765335083, 0.2068498134613037, -0.2137622833251953, 0.44898390769958496, -0.00025226175785064697, 0.03230590000748634, -0.36245065927505493, 0.4173066020011902, 0.7980551719665527, 0.4953506886959076, -0.40533772110939026, 0.5976583957672119, -0.04184095561504364, -0.2196224182844162, 0.2897786796092987, -1.9095125198364258, 0.3823901116847992, 0.712536633014679, 0.07589372247457504, 0.49092233180999756, 0.8811604380607605, -0.029121864587068558, 0.8260776400566101, 0.21127469837665558, 0.8490163087844849, 0.6179599165916443, 0.11298877000808716, -1.2612502574920654, 1.0083444118499756, 0.7891091704368591, 0.6774444580078125, 0.797793984413147, -0.1768648773431778, 0.3448712229728699, -0.07446148991584778, 0.2948145270347595, -0.4844411015510559, 0.7193825244903564, 0.9521265029907227, -0.20765990018844604, 0.19768761098384857, 0.44217491149902344, 0.24805617332458496, -0.471737802028656, 0.33843833208084106, -1.2590900659561157, -0.0753292441368103, -0.06353018432855606, 0.7076790928840637, 0.5673520565032959, -0.1989898383617401, -0.07767471671104431, 0.18816819787025452, 0.2054174542427063, -0.7754849195480347, 0.6252298355102539, 0.7903676629066467, -0.057777151465415955, 0.4680202305316925, -0.3499242961406708, 0.3297872245311737, 0.5875242948532104, -0.43491581082344055, -1.0804822444915771, -0.8143275380134583, -0.3515980541706085, -0.07942098379135132, 0.7297954559326172, 0.38049131631851196, 0.499589204788208, 0.08309190720319748, -0.27453383803367615, 0.542536199092865, -0.47020184993743896, -0.5962920188903809, -0.2156001180410385, -0.5770454406738281, -1.1642721891403198, 0.39044395089149475, -0.28249967098236084, 1.3432408571243286, -0.7027633786201477, 0.07976199686527252, -0.18054774403572083, 0.43083035945892334, -0.6273140907287598, 0.39426520466804504, 0.12019413709640503, 0.13533341884613037, 0.24008116126060486, 3.1010351181030273, -0.6989174485206604, 1.2774468660354614, -1.3732210397720337, -0.03775044530630112, -0.18197095394134521, 0.3689757287502289, 1.47852623462677, -0.3163112699985504, -0.2755652666091919, -1.2109941244125366, -0.20562641322612762, -0.9937427639961243, 0.3333985507488251, -0.27212393283843994, -0.17010587453842163, 0.20605136454105377, 0.3912164866924286, -0.8960263729095459, -0.014581248164176941, -0.3993488550186157, 0.2982591688632965, 0.012164979241788387, 0.6747986674308777, -0.8630297780036926, -0.36581745743751526, 0.5150931477546692, -0.007668167352676392, -0.13625825941562653, 0.3103349506855011, -0.899093508720398, 0.22923853993415833, 0.6507103443145752, -0.4818311035633087, -0.537125825881958, -0.8842017650604248, 0.5568946599960327, 0.1598871946334839, 0.4321664273738861, 0.7838596701622009, -0.35159534215927124, 0.407060444355011, 0.38673025369644165, 0.30454832315444946, 0.08459899574518204, -0.6957315802574158, -0.10740861296653748, -0.5368607044219971, -0.352862685918808, 0.3736771047115326, -0.05307209491729736, -0.1540614515542984, -1.9022395610809326, -0.3110656142234802, 0.6038315296173096, 0.07482165098190308, -0.26041316986083984, -0.6037326455116272, 0.19635123014450073, -0.42043644189834595, 0.6169714331626892, 0.4030897915363312, 0.4715558588504791, -0.7002159357070923, -0.17574459314346313, 0.42115604877471924, 0.2582097053527832, -0.2980651557445526, -0.07161957770586014, 0.686642587184906, 0.49906739592552185, 0.27620136737823486, -0.19441001117229462, -0.5286657214164734, -0.02599523961544037, 1.8625373840332031, 0.10424982756376266, -1.0887843370437622, -0.2216467559337616, -0.5419130921363831, 0.14945095777511597, -0.7936335206031799, 0.036718495190143585, -0.8316461443901062, -0.10011962801218033, -1.4273755550384521, -0.07588092982769012, -0.10514740645885468, -0.21998602151870728, 0.3816928267478943, 1.1955794095993042, -0.5588363409042358, -0.20542442798614502, -0.28952866792678833, -0.29356664419174194, 0.1652948409318924, 0.7615879774093628, 0.22703640162944794, -0.21331045031547546, 0.3767344355583191, 0.3628109097480774, 0.5404669046401978, 0.4155561923980713, 0.6862912178039551, -0.48792967200279236, -0.3252754807472229, -0.13130372762680054, 0.7600375413894653, -0.18009553849697113, -0.30101925134658813, 0.476526141166687, 0.7522275447845459, 0.018831446766853333, -0.890535831451416, 0.09824428707361221, 0.5647466778755188, 1.5535883903503418, 1.5462591648101807, -0.2999109625816345, 0.5770569443702698, -0.7656091451644897, 0.8006640672683716, -0.38449713587760925, -0.5989180207252502, 0.006886690855026245, -0.8483099341392517, 0.8621461987495422, -0.9685611128807068, 0.12890468537807465, -0.016977708786725998, -0.5711634159088135, -1.1937909126281738, -0.6641002893447876, -0.21252025663852692, -0.17971064150333405, -0.8205691576004028, -0.9578606486320496, -0.3523402810096741, -0.24070897698402405, -0.8107357621192932, -0.2069985717535019, 0.6619107127189636, 0.06865856796503067, 0.6699017286300659, 1.851427435874939, -0.33099308609962463, 0.4215792417526245, -0.4010774493217468, 0.20169897377490997, -0.13780616223812103, 0.3955751061439514, 0.3202163279056549, 0.20145590603351593, -0.8538209199905396, -0.6512575149536133, -0.5123228430747986, -0.0047316402196884155, 0.28583624958992004, -0.0826607197523117, 0.12596818804740906, -0.5173135995864868, -0.28111517429351807, 0.5769277811050415, -0.5146821141242981, 0.5811038613319397, -0.7263022661209106, 1.2726361751556396, 0.41393738985061646, -0.4144120514392853, 0.30032312870025635, -0.6946069002151489, 0.3964245021343231, 0.7660110592842102, -0.6595312356948853, 0.4075832664966583, 0.3638269305229187, -0.7806986570358276, 0.16444522142410278, 0.7098110318183899, -2.2484323978424072, 0.07749561220407486, 1.0077111721038818, 0.2727159857749939, -0.32249709963798523, -0.5135790109634399, 0.181452676653862, -0.41031739115715027, -0.3808550536632538, -0.09864252805709839, -0.5343300104141235, 0.9053782224655151, 0.23205894231796265, 0.506106972694397, 0.2965872287750244, -0.6195066571235657, 0.0808715671300888, 0.8374631404876709, 0.6883156299591064, -0.47588294744491577, 0.056627072393894196, 0.5738485455513, -0.8828875422477722, 0.4982806146144867, 0.7563654780387878, 0.25059980154037476, 1.5479919910430908, -0.3737046718597412, -0.6500800848007202, 0.2596510052680969, 0.854979395866394, -0.5447604656219482, 0.5739338397979736, 0.3656885027885437, 0.887454092502594, 0.1289185881614685, 0.7707449197769165, 0.2686307728290558, -0.8301655650138855, -0.51552414894104, 0.048143643885850906, -0.4047500491142273, -0.6879994869232178, 1.2605026960372925, 0.5886946320533752, 0.8307477831840515, 0.10224810987710953, 0.26894786953926086, -0.7377606630325317, -0.10586239397525787, 1.2308119535446167, 0.3345041871070862, 0.2923906743526459, -0.06425486505031586, 0.20517536997795105, 0.42038118839263916, 0.36772364377975464, -0.6867238879203796, 0.1774846911430359, 0.9436635971069336, 0.23578856885433197, -0.6594263911247253, -0.37049275636672974, 0.8711689710617065, 0.5518954396247864, 1.5275392532348633, -0.17715919017791748, -0.21097908914089203, -0.20495334267616272, 1.2280831336975098, -0.04268084093928337, 0.3874961733818054, -0.5439590215682983, 0.12952148914337158, 0.6779400110244751, 0.8689703941345215, -0.16076141595840454, 0.965168297290802, 0.4106287956237793, -1.2837936878204346, -0.3297938108444214, 0.01817690208554268, -1.0732581615447998, -0.7368252277374268, 0.17363357543945312, -0.7904970049858093, -0.5853654742240906, 0.4772666096687317, -0.5337071418762207, -0.8193053603172302, 0.6769013404846191, -0.09114264696836472, -0.46566712856292725, 0.8090003728866577, 1.182883620262146, -1.4139138460159302, -0.3441101610660553, -0.4729958772659302, -0.5970464944839478, -0.8301113247871399, 0.9758503437042236, -0.444527268409729, 0.028915438801050186, -0.5411314964294434, 0.9052670001983643, -0.37091004848480225, -0.02927957847714424, -1.2905982732772827, 0.5888361930847168, 1.3510336875915527, -0.04877345636487007, 0.04738442599773407, -0.22139982879161835, 0.7437063455581665, -0.3965192139148712, -0.7897581458091736, 0.08832833170890808, 0.04540732502937317, 0.21277016401290894, -0.5973553657531738, -0.6612710952758789, 0.2979883849620819, -0.15061819553375244, 0.07126854360103607, 0.12418214976787567, -0.8336619138717651, 0.14908312261104584, -0.2342904806137085, 0.5185161828994751, 1.2571784257888794, -0.3532862663269043, -0.8116156458854675, 0.433828741312027, -0.7048701047897339, 0.2328270971775055, -0.3479194641113281, 0.16799874603748322, 0.35935384035110474, 0.7418746948242188, 0.8582668304443359, 0.18182796239852905, -12.806774139404297, 0.6757884621620178, -0.7576619982719421, 0.0037132203578948975, 0.5757501125335693, 0.06452158093452454, 0.7324476838111877, 0.6586999893188477, 0.2155034840106964, -0.988158106803894, 0.15102067589759827, 0.45595014095306396, -0.1004689559340477, -0.36708173155784607, -0.19532117247581482, -0.5372125506401062, -1.061144232749939, -0.3279399871826172, 0.7055752277374268, 0.3855697214603424, -0.6865827441215515, -1.1890660524368286, -0.6587775945663452, 0.482577919960022, 0.04166401922702789, -0.2598653733730316, -0.2442772388458252, -0.15028312802314758, -0.4443477988243103, 0.07888361811637878, 0.3655611574649811, -0.08408356457948685, -0.5893036723136902, -0.03541717305779457, 0.27348679304122925, 0.04196597635746002, -1.2548962831497192, -0.19395709037780762, 0.6049897074699402, 0.6403526663780212, 0.17802155017852783, 0.6031438708305359, -0.05227748304605484, -0.5315557718276978, -0.2905106842517853, 0.2878798246383667, 0.32058778405189514, 0.0076194144785404205, 0.20320115983486176, -1.000603199005127, -0.34357231855392456, -0.8002012968063354, -0.7167015671730042, -0.8225936889648438, 0.9039853811264038, 0.31018030643463135, -1.105910062789917, 0.34531134366989136, -0.19262990355491638, -1.1056749820709229, 1.1326043605804443, 0.6269501447677612, -0.1992701292037964, 0.9413005113601685, 0.6512565016746521, -0.8102717995643616, 0.11887094378471375, 0.051384907215833664, 0.10854225605726242, 0.1030387431383133, -0.5936282873153687, 0.639355480670929, 0.6035589575767517, 0.5972012877464294, -0.35273587703704834, -0.32366493344306946, -0.36034342646598816, -0.19395780563354492, 0.5704823136329651, 0.2492174506187439, -0.4205239415168762, 0.29101237654685974, -0.2558847665786743, -0.3613383173942566, -0.4916607439517975, 0.5833536982536316, -0.1670774519443512, 0.03972914442420006, 1.1652710437774658, 0.5428348779678345, 0.9481185674667358, 0.2901703417301178, -0.33182477951049805, 0.018846705555915833, -0.3401006758213043, 1.1476290225982666, -0.49983543157577515, 0.901721179485321, -0.1194651797413826, -0.4440402090549469, 0.5971295237541199, 0.09886384755373001, -0.6780557632446289, 0.160583958029747, 0.5433670282363892, -0.20753970742225647, -0.049811556935310364, 0.15842580795288086, 0.8077490925788879, 0.10039100050926208, 0.9941486716270447, -0.7093968391418457, 0.03110376186668873, 0.5570049285888672, 0.5883846282958984, 0.7652377486228943, 0.9090806841850281, 0.47516369819641113, 1.199033498764038, -0.2884063422679901, -0.4766312539577484, 0.7266480922698975, 0.31038787961006165, 1.3733123540878296, 0.4684928059577942, -0.015208936296403408, 0.2792190611362457, 0.30987319350242615, -0.33593663573265076, -0.5911381244659424, 0.3255687654018402, -0.011155596002936363, 0.38050875067710876, -0.4969031810760498, 0.4510721266269684, -0.5985608100891113, -1.1464422941207886, 1.001328468322754, -0.6376467943191528, 0.4800419211387634, -0.042278919368982315, -1.3003077507019043, -0.8491179943084717, -0.438673734664917, -0.49403634667396545, 0.503250241279602, -1.0805796384811401, -0.24268504977226257, -0.4457208216190338, 0.06859974563121796, 0.5894074440002441, 0.12399042397737503, 1.040403127670288, -1.6043884754180908, 0.23152628540992737, 0.4717610478401184, 0.7908474802970886, -0.3666207790374756, -0.42410406470298767, -0.8031015992164612, 0.7183600664138794, 1.2245721817016602, -1.1077154874801636, 1.0102964639663696, 0.26984354853630066, 0.3633245825767517, -0.596410870552063, -0.36697113513946533, -0.15001289546489716, 0.6600231528282166, 1.1010868549346924, -1.3563486337661743, -0.6777469515800476, -0.8826221227645874, 0.2713940441608429, -0.5273592472076416, -0.23978862166404724, 1.151483178138733, -0.8844433426856995, 0.46640515327453613, -0.19105000793933868, 0.6306263208389282, 0.37141305208206177, -1.3042778968811035, -0.9688359498977661, 0.37383362650871277, -0.028544113039970398, 0.6261604428291321, -0.022401470690965652, 0.17361032962799072, -1.383690357208252, -1.146653652191162, -0.7254267930984497, 0.031937580555677414, 0.35890477895736694, -0.2564384639263153, 0.6721453666687012, -0.10868769139051437, 0.4868859350681305, 0.07704820483922958, 0.010644922032952309, 0.6238014101982117, -0.5338407158851624, -0.45419129729270935, -0.2614395320415497, -0.49582669138908386, -0.7912499904632568, 0.2682481110095978, 0.33652013540267944, -0.3377624452114105, -1.547715187072754, -0.5852804183959961, -0.29400134086608887, -0.14243322610855103, -0.2809451222419739, -0.3279837667942047, -0.40545350313186646, 0.2438802868127823, -0.17652198672294617, -1.0145001411437988, -0.39234858751296997, 1.3718514442443848, -0.16829565167427063, 1.0852322578430176, -0.09391132742166519, 0.44140705466270447, 0.02066046930849552, 0.1128767877817154, 0.9793451428413391, -0.682356059551239, -0.5251498222351074, -0.6634184122085571, 0.12705069780349731, -0.03155435994267464, 0.2463611364364624, 0.49450844526290894, -1.0301625728607178, -0.2785598337650299, -1.5647687911987305, 0.32023030519485474, -0.648949921131134, 0.3786255717277527, 0.36019909381866455, 0.7035325169563293, -0.5680553317070007, -1.0704302787780762, -0.07615569978952408, -0.2575171887874603, -0.22372379899024963, 0.13428309559822083, 0.25926047563552856, 0.555020272731781, 0.8005070686340332, 0.13012152910232544, 0.828904926776886, -0.005938544869422913, 0.43964725732803345, 0.41193902492523193, 0.5438498854637146, 1.320813775062561, 0.9183309674263, -0.18909743428230286, 0.6116192936897278, -0.24799150228500366, -0.13242200016975403, 0.16757000982761383, -0.13352970778942108, 1.0741382837295532, 1.36723792552948, 0.04723695293068886, -0.42739689350128174, -0.8359169363975525, -0.40406864881515503, -0.44752147793769836, 0.7391309142112732, 0.5529456734657288, -0.5723008513450623, -1.2438185214996338, -0.34091123938560486, 0.21520155668258667, 0.6993356347084045, -0.02541380003094673, -0.4383012056350708, -1.6726679801940918, -0.02090723067522049, 0.3453645408153534, -0.48539459705352783, -1.2141008377075195, 0.6736190319061279, -0.6190375089645386, 0.42018359899520874, 0.13889048993587494, -0.4692257046699524, -0.41452091932296753, 0.6495381593704224, -0.4727386236190796, 0.6517488360404968, -0.4171602129936218, -1.3148702383041382, -0.5736005306243896, 0.24710474908351898, -0.04402659833431244, -0.30742400884628296, 0.7139511704444885, -0.29404017329216003, -1.3351130485534668, 0.972156286239624, 0.5178077816963196, -0.46445387601852417, -0.3506743609905243, 0.7993171215057373, -0.14768293499946594, 0.12238573282957077, 0.7534564733505249]} +{"paper_id": "filwsyl/video_tags", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "strombergnlp/twitter_pos", "embedding": [-0.8581934571266174, 1.1638329029083252, 0.028607558459043503, -0.28027528524398804, 0.5468502044677734, -0.2924346327781677, 0.09237734973430634, 0.2625439763069153, 0.6563900709152222, 1.1139729022979736, 0.885043740272522, -0.22522605955600739, 0.23151123523712158, -0.03687680512666702, -0.10007661581039429, -0.5670971870422363, -0.9759330749511719, -0.6365814208984375, -0.5751233696937561, -0.2695583403110504, -1.2342183589935303, -0.4751439690589905, 0.1659454107284546, 0.4680953025817871, -0.7441578507423401, -1.0694612264633179, 0.3716910779476166, -0.4033523499965668, -0.17355525493621826, -0.0720282793045044, -0.3149473965167999, 1.1037193536758423, -0.8760307431221008, -0.23329955339431763, -0.22572261095046997, -0.1371484398841858, 0.3693670332431793, 0.5172262191772461, -0.43112727999687195, -0.0974116176366806, -0.7028325796127319, -0.12370581179857254, 0.7762201428413391, 0.49254655838012695, 0.7500008940696716, 0.29697954654693604, -0.04704487323760986, 0.5339375138282776, 0.155842587351799, 0.13834752142429352, -0.14534936845302582, 0.4369693100452423, -0.34174904227256775, 0.45733627676963806, -0.5205085873603821, 1.2403898239135742, 0.2404826283454895, -1.6466675996780396, -0.03770244121551514, -0.7976737022399902, 0.618843138217926, 1.597044587135315, -0.630905270576477, -0.3597499430179596, 0.6374754309654236, -0.012639030814170837, 1.6625771522521973, -0.5094356536865234, 1.2728973627090454, 0.7689399123191833, -0.5689842104911804, -1.0564392805099487, 0.46161404252052307, -0.5252479314804077, 0.5507962703704834, 0.5623968839645386, 0.3848458230495453, -0.01566723734140396, -0.3657512962818146, 0.2486930787563324, -0.3590177893638611, 0.789923369884491, 0.21867907047271729, -0.5348034501075745, -0.458367258310318, 0.11017056554555893, 0.11166490614414215, -0.32636111974716187, 0.1349736750125885, -1.288772463798523, 0.8509977459907532, -0.40546929836273193, -0.6680817008018494, 0.31025490164756775, -0.2547153830528259, 0.8473210334777832, 0.10010609030723572, -0.21015137434005737, -0.6244393587112427, 0.6614854335784912, 0.6845912933349609, -0.5856591463088989, 0.3026781678199768, -0.14747920632362366, 0.1582159698009491, 1.9344061613082886, -0.9345194101333618, -0.4999123215675354, -0.8184874057769775, 0.07091806828975677, -0.15319259464740753, 1.2938575744628906, -0.049910299479961395, 0.39260247349739075, -0.208530992269516, -0.36029309034347534, 0.3690125644207001, -0.8254221677780151, -0.3042657673358917, 0.28552570939064026, -0.8152486085891724, -1.0102908611297607, -0.43303653597831726, 0.446414589881897, 1.5112721920013428, -0.5895114541053772, 0.7376864552497864, 0.23012948036193848, 0.041904862970113754, -0.13165903091430664, 0.6088258028030396, 0.07146856188774109, -0.38227054476737976, 0.6195335388183594, 2.289745330810547, -1.0235408544540405, 1.1635558605194092, -0.2714323103427887, -0.08305798470973969, -0.07765436172485352, 0.626308798789978, 1.1770167350769043, 0.20771536231040955, -0.5873517394065857, -1.232878565788269, 0.45601534843444824, -0.8185585141181946, 0.06991276890039444, -0.20439551770687103, -0.903323769569397, -0.0005395971238613129, 0.28730741143226624, -1.1063923835754395, -0.4926372170448303, 0.3890794813632965, 0.6852517127990723, 0.13708524405956268, 0.4226328432559967, 0.15335465967655182, 1.008297324180603, 0.8381377458572388, 0.1928354650735855, -0.6977552175521851, 0.7548502683639526, -1.194596529006958, -0.2162507176399231, 0.9873537421226501, -0.16072040796279907, -0.9740484356880188, -0.47069051861763, 1.0453782081604004, -0.39057832956314087, 0.1475793421268463, -0.2065419852733612, -0.5844166874885559, -0.04285997524857521, 0.7522960901260376, 0.7141366004943848, 0.1604149043560028, 0.19686874747276306, 0.14725622534751892, -0.3525952696800232, -0.03142266720533371, 0.44850990176200867, -0.07046950608491898, 0.5159825682640076, -1.5588083267211914, -1.001302719116211, -0.5746275782585144, 1.079007863998413, -0.27407166361808777, -0.6421882510185242, -0.2318490445613861, 0.574576199054718, 0.22243382036685944, -0.06919114291667938, 0.5649285316467285, -1.068147897720337, -0.9275738596916199, -0.02928341180086136, 0.6427832841873169, -0.4277324974536896, 0.15615050494670868, 1.2773067951202393, 0.8113052845001221, -0.8941069841384888, 0.12015078961849213, -1.0290131568908691, -0.022096633911132812, 2.7222986221313477, -0.11561034619808197, -0.9107460975646973, -1.9589890241622925, -0.20062944293022156, 0.5661180019378662, -0.7072415947914124, 0.5985056161880493, -0.5220018625259399, 0.08671241998672485, -1.4944497346878052, 0.6144418120384216, -0.5848806500434875, -0.3033811151981354, -0.05527517944574356, 0.8116735219955444, -0.04994244873523712, -0.8988944292068481, -0.351550817489624, -0.24923931062221527, 0.8817653059959412, 0.44739046692848206, 0.3376469314098358, -0.6318908929824829, 0.6323304176330566, 0.7066054940223694, 0.5225344896316528, -0.36370745301246643, 0.38872671127319336, -0.7583729028701782, 0.10410193353891373, 0.011462630704045296, 0.023938104510307312, -0.1988169401884079, -0.5173833966255188, 0.8041895627975464, 0.6209486126899719, 0.4422267973423004, -0.5730957388877869, 0.45259326696395874, 0.15153630077838898, 0.5738530158996582, 1.4493526220321655, -0.3147076368331909, 1.497650384902954, -1.3955340385437012, 0.6936667561531067, -0.08032697439193726, -0.839704692363739, 0.21004323661327362, -0.2174108475446701, 0.7877171635627747, -0.545169472694397, -0.15610381960868835, 0.10072410106658936, -0.11386042088270187, -1.389974594116211, -0.5523543357849121, 0.23196837306022644, -0.5901623368263245, -0.7157028913497925, 0.30228686332702637, -0.5085418224334717, -0.6593500971794128, -0.46180084347724915, 0.5415112972259521, 1.0801588296890259, 0.04593871533870697, 0.47116896510124207, 0.8081607818603516, -0.8663897514343262, 0.14989203214645386, -0.4347273111343384, 0.8005367517471313, -0.6923158168792725, 0.9859181642532349, -0.20004621148109436, 0.6806734800338745, -0.5067752599716187, -0.3160378336906433, 0.08567328751087189, -0.3641151785850525, 0.5396193265914917, 0.18152499198913574, 0.2578966021537781, -0.4542381763458252, -0.9123180508613586, 0.897843599319458, -0.9075626134872437, 0.056811172515153885, -0.9638860821723938, 1.4315766096115112, 0.6871457099914551, -0.031382568180561066, 0.5558809041976929, 0.7565594911575317, 0.6663191914558411, 0.8854050040245056, -0.41790300607681274, 1.0084021091461182, 0.21932657063007355, 0.059574540704488754, 0.253368616104126, 0.709414541721344, -1.8270822763442993, -0.6478155851364136, 0.9810109734535217, -0.570999264717102, 0.40252992510795593, -0.27152499556541443, 0.5486117005348206, -0.3347628712654114, -0.4383011758327484, -0.3666151463985443, -0.43597695231437683, 0.28960874676704407, -0.8284377455711365, -0.02356318011879921, 0.7567906379699707, -0.10358519852161407, 0.46882548928260803, 0.6565590500831604, 0.3164856731891632, -1.4309163093566895, -0.2680516242980957, 0.9871934056282043, 0.1822982281446457, 0.7864929437637329, 0.32720378041267395, 0.33188435435295105, 1.1434681415557861, -0.6819343566894531, -0.27782273292541504, 0.5180943608283997, 0.6163689494132996, 0.2687099277973175, 0.4065917432308197, -0.42162859439849854, 0.6584814786911011, -0.4476661682128906, 0.8635304570198059, 0.7779813408851624, -0.32549259066581726, -0.9743140935897827, 0.07004796713590622, -0.2971158027648926, -0.8057631850242615, 1.4575916528701782, 0.24459198117256165, 1.6082807779312134, -0.04361601918935776, 0.07070909440517426, -0.44181177020072937, 0.19100582599639893, 0.6653856039047241, 0.5690163373947144, 0.5501024723052979, 0.11211544275283813, 0.49558061361312866, 0.3888991177082062, -0.12939193844795227, -0.574802577495575, -0.07101188600063324, 1.1577577590942383, -0.3876822590827942, -0.6634851694107056, -0.3815179467201233, 0.37589094042778015, 0.3391539752483368, 0.6618688702583313, -0.6829001307487488, -0.888721764087677, -0.7111172080039978, 0.6937850117683411, 0.31278401613235474, 0.30306246876716614, -1.3837645053863525, -0.34543654322624207, -0.058661263436079025, -0.316961407661438, -0.009411074221134186, 0.7470757961273193, 0.9260230660438538, -0.7790541648864746, -0.6570327877998352, -0.23161862790584564, -1.1972554922103882, -0.1370547115802765, 0.6069398522377014, -0.21000973880290985, -1.0005921125411987, 0.9647942185401917, -0.5498380064964294, -1.2202579975128174, 0.5407179594039917, -0.7524521350860596, -1.3904626369476318, 0.6665124893188477, 1.2969861030578613, -1.0008436441421509, -0.8180344700813293, 0.0255252867937088, -0.6779250502586365, -0.6211354732513428, 0.16588521003723145, -0.8798531293869019, 0.03557337448000908, 0.08764871954917908, 0.038690466433763504, -0.2290036976337433, 0.05083031207323074, -0.4965180456638336, 0.5009913444519043, 0.9557692408561707, -0.12195394933223724, 0.1429940015077591, 0.13902732729911804, -0.7136185765266418, 0.18626323342323303, -1.770026445388794, -0.8338302373886108, -0.08918450772762299, -0.06838895380496979, 0.30697786808013916, -0.6638962626457214, -0.5707804560661316, 0.5165157318115234, -0.6000237464904785, 1.1073276996612549, -1.105568528175354, 0.5339875221252441, -1.110809564590454, 0.20108608901500702, -0.04935517907142639, 0.03636959195137024, -1.1403496265411377, 1.1339335441589355, -0.41064390540122986, 0.243303120136261, 0.4770858585834503, 0.9726638793945312, 0.41815289855003357, 0.6148732304573059, 0.43979668617248535, -0.14662441611289978, -11.904295921325684, 0.1262514293193817, -0.18625539541244507, 0.2559283375740051, 0.3687571883201599, -0.16372469067573547, 0.6017193794250488, -0.601955771446228, 1.2081900835037231, -0.5111388564109802, 0.5658680200576782, 1.6101298332214355, -0.0010270476341247559, 0.07646705210208893, -0.6709390878677368, -0.28780943155288696, -0.10017353296279907, -0.38922518491744995, 0.6302552819252014, 0.06431328505277634, -1.200922966003418, -0.7985948920249939, 0.027719713747501373, -0.47643202543258667, 1.0090328454971313, 0.27547845244407654, 0.4079476594924927, -0.06755466759204865, -0.785518229007721, 0.03646434098482132, 0.8967603445053101, -0.197146475315094, -1.214686393737793, -0.32211562991142273, 0.46857064962387085, 0.2224329113960266, -1.2819701433181763, 0.006318575702607632, 1.0282820463180542, 0.14038044214248657, 0.24795563519001007, -0.13564954698085785, 0.16801294684410095, -0.5198723673820496, -0.846034586429596, 0.2783045768737793, 0.8026389479637146, -0.30859610438346863, 0.594174861907959, -0.07948048412799835, -0.43998295068740845, -0.3772214353084564, -1.255737543106079, -0.3660241961479187, 1.3622068166732788, 0.17568844556808472, -0.5352433919906616, 0.5104512572288513, -0.3989658057689667, -0.8411432504653931, 1.593002438545227, 0.32201141119003296, 0.0394434779882431, 0.08313204348087311, 0.5278615951538086, -0.3365217447280884, 0.2712445557117462, 0.1772965043783188, 0.37477055191993713, -0.44744107127189636, -0.7530428767204285, 0.6551552414894104, 0.3918292820453644, -0.01492658257484436, 0.10192927718162537, -0.2911936640739441, -0.31287217140197754, -0.20724602043628693, 0.2697038948535919, -0.2294611781835556, -0.6860396862030029, 0.713086724281311, -0.5923678278923035, 0.2526547908782959, -0.6102384328842163, -0.033918578177690506, -0.5243182182312012, -1.0680145025253296, 0.056992530822753906, 0.7231122255325317, -0.07685790210962296, -0.24596303701400757, -0.5745078325271606, 0.7883303761482239, -0.4571843147277832, 1.5507198572158813, -1.0876315832138062, 1.264477252960205, 0.22280597686767578, -0.0197514146566391, 0.25260454416275024, -0.6684088110923767, 0.004795558750629425, 0.034452084451913834, 0.5109483599662781, 0.040342897176742554, -0.6937834620475769, 0.14737296104431152, 0.0776655301451683, -0.243728369474411, 0.729539692401886, -0.5454963445663452, -0.13401153683662415, 1.1175827980041504, 0.5298482179641724, 0.8726717233657837, 0.6606537699699402, 0.1549239456653595, 0.9240297675132751, 0.45755869150161743, 0.3278978765010834, 0.8088861703872681, -0.2943718433380127, 0.12234242260456085, 0.5273872017860413, -0.29936113953590393, 0.5591196417808533, 0.4399019777774811, 0.6299192905426025, -1.7834203243255615, 0.3214135468006134, 0.45282304286956787, -0.257308691740036, -0.9143025279045105, -0.4468790590763092, 0.006792079657316208, -1.0886521339416504, 1.4998317956924438, -0.6820530891418457, 0.373039573431015, -0.12683267891407013, -0.9005173444747925, 0.8028218746185303, 0.11007764935493469, -0.8049407601356506, -0.5631415247917175, -0.644363284111023, 0.07806619256734848, -0.8197261095046997, -0.3253629207611084, 0.15089645981788635, -0.31737664341926575, 0.4628295302391052, -1.1243842840194702, 0.3555113673210144, 0.08080573379993439, 0.5893957018852234, 0.2430669069290161, -0.6334266662597656, 0.3233073949813843, 0.32743528485298157, 0.8811315894126892, -0.7078090310096741, 1.3960040807724, 0.22317612171173096, -0.7359508275985718, -0.19958195090293884, -0.37792783975601196, -1.0323413610458374, -0.14303898811340332, 1.5571485757827759, -0.576889157295227, -0.10112593322992325, -0.43947041034698486, -0.2550048530101776, -1.3775403499603271, 0.5088828206062317, 0.9341859817504883, -0.6476790308952332, 0.1484382003545761, -0.35360172390937805, 0.7937259674072266, 0.30586695671081543, 0.26724520325660706, -0.7158074378967285, -0.11782395839691162, -0.091840460896492, 1.1304116249084473, -0.10776004195213318, -0.16336609423160553, -1.4741986989974976, -1.0345478057861328, -0.7043127417564392, -0.2583548128604889, 0.6944597959518433, -0.024741914123296738, 1.0135395526885986, 1.1765649318695068, 0.1810176968574524, -0.3450187146663666, -0.21231059730052948, 0.834979236125946, 0.28887274861335754, 0.2662533223628998, -0.6383674740791321, -0.1951959729194641, -0.9699568748474121, 0.32903096079826355, 0.14359943568706512, -0.001085206400603056, -1.8757256269454956, -0.4813196063041687, 0.300286203622818, -0.45574355125427246, 0.617904543876648, -0.922767162322998, -0.034569233655929565, 0.43175509572029114, -0.6186596155166626, -0.48400649428367615, 0.2839082181453705, 1.1966278553009033, -0.8132323026657104, 1.0444897413253784, -0.35150372982025146, -0.16207849979400635, 0.36695510149002075, 0.48639392852783203, 1.9223955869674683, -0.901979386806488, 0.126646026968956, 0.26908227801322937, -0.8664523363113403, -0.08557635545730591, -0.2894384264945984, 0.2997015416622162, -1.136638879776001, 0.41307979822158813, -1.2049018144607544, -0.025660455226898193, 0.32016944885253906, 0.46619293093681335, 0.6865723133087158, 0.6717351675033569, 0.2192821055650711, -0.2896353304386139, -0.6636385917663574, -0.23527094721794128, 0.16445279121398926, 0.3671876788139343, 0.27650386095046997, 1.1057801246643066, 0.7077409625053406, 0.04235260933637619, 0.691057562828064, -0.032275691628456116, -0.1563405990600586, -0.1374150514602661, 0.9036731719970703, 1.2390893697738647, 0.5663427114486694, -0.14267432689666748, -0.17698457837104797, -0.27279114723205566, -0.6353580355644226, -0.9691314101219177, -0.19580547511577606, 0.28067588806152344, 1.0290086269378662, 0.017066270112991333, 0.2577928304672241, -0.8050530552864075, -0.14614728093147278, 0.6585180759429932, 0.33173418045043945, 0.47481679916381836, -0.14014697074890137, -0.9321690797805786, -0.753029465675354, -0.07905098050832748, 1.7827140092849731, -0.8274165391921997, -0.0643826276063919, -0.47552865743637085, 0.14265017211437225, -0.5009551048278809, -0.9594470262527466, -0.824198842048645, 0.8522614240646362, -0.3938429057598114, -0.00174800306558609, 0.3494799733161926, -0.7110124826431274, -1.0316864252090454, -0.10628552734851837, -0.6642870903015137, 0.5228021144866943, 0.5597954392433167, -0.8478243947029114, -0.2723323106765747, 0.0703236386179924, -0.2037968784570694, 0.3646372854709625, 0.9084895253181458, -0.8410452604293823, -1.49044668674469, 0.44577139616012573, 0.484567254781723, 0.03440648317337036, -0.7310672998428345, 0.6211262941360474, 1.0743850469589233, -0.09980106353759766, 0.9095937609672546]} +{"paper_id": "strombergnlp/rustance", "embedding": [-0.37107810378074646, 1.079072117805481, -0.8887675404548645, 0.19066382944583893, 0.5172100067138672, 0.22053654491901398, 0.5109151601791382, -0.16635003685951233, 1.062079906463623, 1.3274409770965576, -0.07917416840791702, -0.7077124714851379, -0.01522153802216053, 0.06734170019626617, 0.5157731771469116, -0.46781790256500244, -0.7292032241821289, 0.7668229341506958, 0.6896762251853943, -0.061578866094350815, -0.5342383980751038, -0.8428627252578735, -0.5555959343910217, 1.097990870475769, -0.8534975647926331, -0.2662999629974365, 0.7378102540969849, -0.6336968541145325, 0.3266189396381378, 0.051326535642147064, -0.07087432593107224, 1.2229523658752441, -0.937367856502533, -0.394752562046051, -1.4223911762237549, -0.9597586393356323, -0.42829203605651855, 0.6080714464187622, -0.26893624663352966, -0.012303631752729416, -1.645039677619934, 0.37740910053253174, 0.628278374671936, 1.0459901094436646, 0.10730691999197006, 0.2968977689743042, 0.4910222291946411, -0.3855229616165161, 0.08185862004756927, -0.4926895499229431, -0.45914021134376526, 0.8592724800109863, -0.785818874835968, -0.02619990147650242, -0.4550028443336487, 0.500325083732605, -0.1999770998954773, -1.0830669403076172, -0.01846376806497574, -0.8870235681533813, 1.2560502290725708, 1.7810148000717163, -0.6050354242324829, -0.305690199136734, 0.6142808794975281, -0.5245481133460999, 1.478311538696289, -0.6431195735931396, -0.14992976188659668, 1.0202974081039429, -0.25065237283706665, 0.232444167137146, -0.281318336725235, -0.7166344523429871, -0.7430106401443481, 0.7539255619049072, 0.3448721766471863, 0.27472811937332153, -0.5323660969734192, 0.4873661398887634, -0.04938562586903572, 0.9999964237213135, -1.1253204345703125, -0.46967989206314087, 0.7441977262496948, 0.12581318616867065, 0.640381932258606, -0.9121715426445007, 0.7012157440185547, -1.5304826498031616, 1.0047777891159058, 0.14150801301002502, -0.10814325511455536, 0.2828552722930908, -1.0844008922576904, 1.2456753253936768, -0.24278782308101654, 0.3270118236541748, -0.15425454080104828, -0.027407649904489517, 1.1594905853271484, -1.4453610181808472, 0.3973933756351471, 0.2112458348274231, 0.03112632967531681, 1.854202151298523, 0.2845495939254761, -0.29048800468444824, -0.24521932005882263, -0.3798062205314636, -0.4072205126285553, 2.2172553539276123, -1.0167722702026367, 1.0388355255126953, -0.036536503583192825, -0.03382907807826996, 0.3575094938278198, -0.7180501222610474, -0.863189697265625, 0.24183952808380127, -0.9639431834220886, -0.9975169897079468, -0.3708752989768982, 0.8976402282714844, 1.4530209302902222, 0.1827823370695114, 1.4427224397659302, -0.3800370395183563, -0.12701241672039032, -0.16490760445594788, 0.23101668059825897, -0.296123206615448, -1.2154611349105835, 0.13557417690753937, 2.040576934814453, -0.7886850833892822, 1.6055102348327637, -1.063375473022461, 0.31147605180740356, -0.4831879138946533, -0.2982771396636963, 0.45992347598075867, -0.013775568455457687, -0.8784388303756714, -0.7766920924186707, 0.7331092357635498, -1.2994046211242676, 0.14959214627742767, 0.23913070559501648, -0.9648868441581726, 0.10912474989891052, 0.6657413840293884, -0.7824491858482361, -0.03139845281839371, 0.13242900371551514, 0.3801054060459137, -0.6168959736824036, 0.7441428303718567, 0.19052940607070923, 0.6185839772224426, 1.0748510360717773, 0.3524385690689087, -0.18813413381576538, 0.5885776281356812, -0.3549061417579651, -1.2759275436401367, 0.9437720775604248, 0.2511257231235504, -0.9678878784179688, 0.14878728985786438, 1.031049370765686, -0.7238062620162964, -0.44512003660202026, -0.43723830580711365, -0.7373901605606079, -0.7398189902305603, 0.27808335423469543, 0.31690680980682373, 0.3811148703098297, -0.38943207263946533, -0.7763199806213379, 0.05325022712349892, 0.01573369652032852, 0.3926001191139221, -0.28518351912498474, 0.04982243850827217, -1.0996137857437134, 0.3245229125022888, -0.6715604066848755, 1.709909200668335, 0.17423206567764282, -0.8052787184715271, -0.5939987301826477, 1.1789591312408447, 0.20472808182239532, 0.0886734277009964, 1.0869354009628296, -0.5360864400863647, -0.5216842889785767, -0.5624979734420776, 0.7845869064331055, -1.0781090259552002, 0.037137288600206375, -0.4949645400047302, 0.4566408097743988, -0.6489717364311218, -0.0431562215089798, -1.8113898038864136, 1.0351313352584839, 2.185678005218506, -0.08240169286727905, -0.41481298208236694, -0.7993348240852356, -0.004652738571166992, 0.6398181915283203, -0.2178354412317276, 0.9235439300537109, -1.1160368919372559, -0.06778650730848312, -0.9827213287353516, 0.28624096512794495, -0.007506515830755234, -0.16689473390579224, 0.19566436111927032, 0.19024771451950073, -0.5276653170585632, -0.875267744064331, -0.5515167117118835, -0.689816415309906, 0.5610278844833374, 0.5724820494651794, -0.5171663761138916, -0.06759597361087799, 0.3139938712120056, 1.1443095207214355, 1.1827900409698486, -0.7249954342842102, 0.5630141496658325, -0.769113302230835, -0.11366641521453857, 0.7858390212059021, 0.2795243263244629, -0.17533428966999054, -1.312957763671875, 1.3597564697265625, 1.2030320167541504, 0.15473400056362152, 0.12585143744945526, -0.5191709399223328, -0.11596503108739853, 0.43291717767715454, 1.2508279085159302, -0.8643385171890259, 1.3813978433609009, -0.8703280091285706, 0.3376227617263794, 0.0220613032579422, -0.7447541952133179, 0.08012041449546814, 0.12572365999221802, 0.3641817569732666, 0.4336785078048706, -0.45975810289382935, -0.012688115239143372, -0.36954638361930847, -0.43945786356925964, -0.903822660446167, -0.12117694318294525, -1.081355094909668, -0.9473675489425659, 0.01732054352760315, -0.8991225361824036, -0.9086769819259644, -0.06785020232200623, -0.0349106527864933, 0.004830745980143547, -0.9773237705230713, 0.04345703125, 0.5866579413414001, 0.5727065205574036, -0.39268001914024353, -0.27610981464385986, 1.3490833044052124, -0.14418743550777435, 0.3860706090927124, -0.6838183403015137, 0.3730694353580475, -0.03633997216820717, -0.5748344659805298, -0.005614936351776123, 0.6733061671257019, 0.3802681565284729, -0.06981569528579712, 1.2636017799377441, 0.05112738907337189, -1.3052337169647217, 1.308440089225769, -0.10904139280319214, 0.7480437755584717, -1.1542328596115112, 0.9170532822608948, 0.529472827911377, -0.002011675387620926, 0.6969563364982605, -0.3491995632648468, 0.3529762029647827, 0.9219256043434143, -1.0179953575134277, 0.08290053904056549, -0.5153813362121582, -0.033580973744392395, -0.39563092589378357, 0.6451608538627625, -1.3393880128860474, 0.0013360423035919666, 1.1467076539993286, -0.42091166973114014, 0.14591078460216522, -0.12470856308937073, 1.6763653755187988, -0.3454936146736145, -0.11289068311452866, -0.3054805099964142, -0.733034610748291, 0.16705894470214844, -1.0219793319702148, -0.1956421583890915, 0.5336015820503235, -0.7709514498710632, -0.6014055013656616, 0.28336161375045776, 0.9951269030570984, -1.938724160194397, -0.19898957014083862, 0.7315044403076172, -0.15289804339408875, 1.331432580947876, 0.04593402147293091, 0.33665338158607483, 1.063853144645691, -0.5905963778495789, -0.48830604553222656, 0.7755386829376221, 0.15052151679992676, 0.303395539522171, -0.07562533766031265, 0.05824878439307213, 0.8406408429145813, -1.09172785282135, 1.7045992612838745, 0.46940097212791443, -0.034611742943525314, -1.260765552520752, -0.07787249982357025, 0.02830975502729416, -0.6865748167037964, 0.6325281262397766, 0.7119043469429016, 1.3920806646347046, -0.07012384384870529, 0.05247175693511963, 0.19503824412822723, 1.3161779642105103, 1.164095401763916, -0.30320310592651367, 0.12625277042388916, 0.32350340485572815, 0.3987036347389221, 0.765932023525238, -0.11923246085643768, -0.8597068786621094, -0.10779362916946411, 1.1112111806869507, -0.24431733787059784, -0.0010353215038776398, -0.6724196672439575, 0.02538459002971649, 0.10207238793373108, 0.8837710022926331, -0.20754177868366241, -0.7666525840759277, -0.802026629447937, -0.013049829751253128, 1.3564980030059814, 0.7527956366539001, -1.3957935571670532, -0.4504247009754181, -1.010310173034668, 0.17699018120765686, -0.8554801940917969, 0.09657863527536392, 0.17643532156944275, 0.24025709927082062, -0.7006843686103821, -0.5969136953353882, -0.7343701720237732, 0.1451418697834015, 0.47730374336242676, -0.06767533719539642, -0.275849312543869, 1.5484791994094849, -0.23475271463394165, -1.944379210472107, 0.4280124604701996, -0.41680654883384705, -0.9070936441421509, 0.29106074571609497, 0.8758397102355957, -1.0929123163223267, -1.163111686706543, -0.3065286874771118, -0.5965714454650879, -0.7710152268409729, 0.6585596799850464, -1.1213829517364502, 1.9509406089782715, 0.2688310146331787, 0.6682029962539673, 0.15973864495754242, 0.07657225430011749, 0.03140152245759964, 1.0925978422164917, 0.7304495573043823, -0.8187242746353149, 0.38112786412239075, 0.19038528203964233, -0.9036508798599243, 0.7232652902603149, -1.3339574337005615, -0.388468861579895, 0.3449344336986542, -0.41759511828422546, 0.45105475187301636, -0.3021949529647827, -0.3176288604736328, -0.012916846200823784, 0.15408889949321747, 0.4822958707809448, -1.4126300811767578, 0.729189395904541, -0.9728797078132629, 0.33026859164237976, 0.4163512885570526, -0.1023554727435112, -1.0136641263961792, 0.8070387244224548, -1.2989952564239502, -0.029323212802410126, 0.6989866495132446, 0.3852902054786682, 0.5093540549278259, 1.0723706483840942, 0.9385499358177185, -0.5536477565765381, -9.763907432556152, 0.6690924763679504, -0.014477293938398361, 0.6937854886054993, 0.550681471824646, -0.03816135227680206, -0.7795049548149109, 0.21447694301605225, 1.6046311855316162, -0.6031177639961243, 0.017641376703977585, 2.058091640472412, -0.2116660475730896, -1.150888204574585, -0.8664635419845581, 0.1502363085746765, -0.742901086807251, -1.0856194496154785, 0.04300776124000549, 0.19953003525733948, -0.5931766629219055, -0.47348737716674805, 0.6413261890411377, -0.9289037585258484, 0.47834885120391846, -0.37788623571395874, 0.9064827561378479, -0.41649383306503296, -0.8693361878395081, 0.708753228187561, 0.9683400392532349, -0.20991088449954987, -0.9240540862083435, -0.7910807132720947, 0.46829622983932495, 0.5177059769630432, -1.2437974214553833, 0.14250850677490234, 0.1698596328496933, -0.5885319709777832, 0.7963307499885559, -0.02053944021463394, -0.12650176882743835, -0.8832868337631226, -0.12182807922363281, -0.4842141270637512, -0.5683614611625671, -0.4723239839076996, -0.5174782276153564, 0.18178856372833252, -0.19667446613311768, -0.15017962455749512, -2.015728712081909, -0.49277547001838684, 0.7171739339828491, -0.42376914620399475, -0.8189384937286377, 0.7045961022377014, -1.103348970413208, -1.1814045906066895, 0.7287633419036865, -0.07349832355976105, -0.5581227540969849, 0.4003065526485443, 0.5097615122795105, -0.6141458749771118, 0.8152579665184021, 0.5362598299980164, 0.07410383224487305, -0.15204069018363953, -0.4867643713951111, 1.977768898010254, -0.15608453750610352, 0.6255486011505127, 0.17341578006744385, -0.2144586443901062, -0.3611038327217102, -0.17902076244354248, 1.0212794542312622, -0.05295810475945473, -1.6424133777618408, 0.4881468117237091, -0.10847900062799454, 0.2545982003211975, -0.8756369352340698, 0.2689880430698395, -0.12621530890464783, -1.7044116258621216, 0.4962914288043976, 0.27146124839782715, 0.048351991921663284, 0.06470686942338943, -0.13432030379772186, 0.8632870316505432, -0.51546311378479, 0.9213367700576782, -1.9255915880203247, 1.8532190322875977, 0.5340273380279541, 0.824424147605896, 0.2319689393043518, 0.05939584970474243, 0.08613775670528412, 0.008496519178152084, 0.4240267276763916, -0.38726523518562317, -0.14791756868362427, -0.28858810663223267, -0.9462735652923584, -0.4779258668422699, 0.706363320350647, 0.6800962090492249, 0.43802398443222046, 0.5601614117622375, 0.12297379970550537, 0.905636727809906, 0.2692674994468689, -0.33077937364578247, 0.18791618943214417, 1.5768262147903442, -0.4777796268463135, 0.25704777240753174, 0.10633941739797592, 0.008287571370601654, -0.29252296686172485, 0.8479231595993042, 0.13887763023376465, -0.26543286442756653, 0.2741211950778961, -1.8978352546691895, 0.8571816086769104, -0.3218650817871094, 0.8803001642227173, -0.49375781416893005, -0.14978338778018951, -0.5165113806724548, -1.4844151735305786, 1.1496706008911133, 0.06298580765724182, 0.08991216123104095, -0.9491365551948547, -0.3996599316596985, 0.3859598934650421, -0.4302494525909424, -0.609330415725708, 0.0935632735490799, -2.180654525756836, 0.3735101521015167, -0.6987126469612122, -0.42798393964767456, 0.6624846458435059, -0.9726191759109497, 0.562466025352478, -0.6627404093742371, -0.4842049479484558, 0.1318587362766266, 0.452129602432251, 0.5196136236190796, -0.7755672931671143, 0.31801414489746094, 0.8812829852104187, 0.7264420390129089, -0.5781736373901367, 1.2066532373428345, 0.8208260536193848, -0.485248863697052, -0.3410666882991791, 0.20645606517791748, -0.6126298308372498, 0.26557084918022156, 1.073641300201416, -0.7411273717880249, -0.10106631368398666, 0.2029860019683838, -0.6309429407119751, -1.7563343048095703, 0.7480554580688477, 0.7429511547088623, -0.8769094944000244, -0.014294922351837158, -0.25700005888938904, 0.5164186358451843, -0.1290988177061081, -0.02942083775997162, 0.03009819984436035, 0.4361077547073364, -0.6537398099899292, 1.3492848873138428, -0.05754169821739197, -0.4522199034690857, -1.738065242767334, -1.4465413093566895, -0.33445754647254944, -0.8406063914299011, 1.0761051177978516, 0.010784860700368881, 0.7519739270210266, 0.7487508058547974, -0.22143808007240295, -1.3413784503936768, -0.09470924735069275, 0.7394263744354248, 0.3429161310195923, 0.1383962780237198, -1.590869426727295, -0.41277018189430237, -0.4154456853866577, 0.5987857580184937, 0.7624199390411377, 0.4637490212917328, -1.37139892578125, -0.4820792078971863, 0.3715835213661194, -0.3436983525753021, 0.6310001611709595, -0.7643156051635742, 0.2832803726196289, 0.08152781426906586, -0.5486301779747009, -0.7207133769989014, -0.1002267524600029, 0.9824815392494202, 0.49033498764038086, 1.1582345962524414, 0.9244813323020935, 0.018713567405939102, 1.0021103620529175, 0.6188226938247681, 1.7782416343688965, 0.6147254109382629, 0.5796262621879578, 0.30976760387420654, -0.16323646903038025, 0.708792507648468, -0.4267280697822571, 0.6502016186714172, -1.0501346588134766, 0.762485146522522, -1.1479843854904175, -0.6106163263320923, 0.2642582654953003, 0.0606343075633049, 0.6257408857345581, 0.7110599875450134, -0.6287549138069153, 0.10127843916416168, -0.8640666604042053, -0.5185706615447998, -0.35496678948402405, 0.3989216387271881, 0.4513360559940338, 1.852232575416565, 0.6467118263244629, 0.0006719231605529785, 0.9376503825187683, -0.21714594960212708, -0.1532762050628662, 0.4184269905090332, 0.4987705945968628, 1.0127860307693481, 0.747193455696106, 0.43902528285980225, -0.7194860577583313, -0.689726710319519, -1.3138346672058105, -0.4596167802810669, -0.919738233089447, 0.48007041215896606, 0.12651900947093964, 0.15757626295089722, 0.4734489917755127, 0.399361252784729, 0.23004814982414246, 0.825625479221344, 0.3638211488723755, 0.25366532802581787, -0.28510046005249023, 0.05123620852828026, -0.6160511374473572, -0.3620568513870239, 0.8891555070877075, -0.8008171319961548, -0.3253147602081299, -0.8925605416297913, 0.26846349239349365, 0.028998691588640213, -1.382624626159668, -0.8684006333351135, 0.47252175211906433, 0.07155542075634003, -0.2169349193572998, 0.32265135645866394, -1.2683415412902832, -1.4999312162399292, -0.18007276952266693, -1.1758865118026733, 0.5771526098251343, 0.46986550092697144, -1.1544793844223022, 0.07532112300395966, 0.9279382824897766, 0.9336115121841431, 0.09087955951690674, 0.5057979226112366, -0.28377363085746765, -0.9138132929801941, 1.5897531509399414, 0.9739789962768555, -0.16890516877174377, -0.39078933000564575, 1.3960528373718262, 0.5542928576469421, 0.6364437937736511, 1.8755059242248535]} +{"paper_id": "rpeeters/wdc-computers", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "rpeeters/wdc-watches", "embedding": [-0.3957008123397827, 0.5837695002555847, -0.6753758192062378, 0.35943302512168884, 0.2443157434463501, -0.27321138978004456, 0.9140288233757019, -0.2632511258125305, 0.3878202736377716, 0.7052634358406067, 0.03446999937295914, 0.04233555495738983, 0.29264724254608154, -0.12933185696601868, -0.14259876310825348, 0.22956255078315735, -0.7793280482292175, -0.5183826088905334, -0.1677795648574829, -0.5443355441093445, -0.6973442435264587, -0.07539831101894379, -0.1625661700963974, -0.06821462512016296, -0.0991690456867218, 0.2052045613527298, 0.1063399612903595, -0.11193187534809113, 0.5416922569274902, 0.3195684254169464, 0.15972942113876343, 0.7835677266120911, -0.48484814167022705, 0.5075597763061523, -0.41326284408569336, 0.07891438156366348, -0.03971794992685318, 0.37844327092170715, -0.5253956913948059, -0.3924628496170044, -0.19254912436008453, 0.08288813382387161, 0.8320604562759399, 0.01875981315970421, 0.9188703894615173, 0.20495370030403137, 0.06575562804937363, 0.5557678937911987, -0.36744225025177, 0.9371306300163269, 0.08587443083524704, 0.39527836441993713, 0.49209970235824585, 0.484773188829422, -0.3780752122402191, -0.018828243017196655, 0.16979381442070007, -0.2836073338985443, -0.11987604200839996, -1.5532644987106323, -0.19324347376823425, 0.5543773174285889, -0.40383729338645935, 0.3470107614994049, 0.9308748245239258, -0.5116407871246338, 0.10607011616230011, 0.4541376829147339, 0.5297790765762329, 0.3237290382385254, -0.16988518834114075, -1.0865689516067505, 0.19061854481697083, -0.2340632975101471, 0.3715452253818512, 0.8620243072509766, -0.07905900478363037, -0.6031972169876099, 0.5475931763648987, 0.3616757094860077, -0.24782545864582062, 0.015994124114513397, 0.2923683822154999, -0.13022373616695404, 0.07545328140258789, -0.760593056678772, 0.1519542783498764, -0.28577256202697754, -0.26884540915489197, -0.6753862500190735, 0.7355884909629822, 0.5308300852775574, 0.2549172341823578, -0.10364925861358643, 0.4621441960334778, -0.013248935341835022, 0.26118332147598267, 0.009130293503403664, -0.8292728662490845, 0.8310143947601318, -0.33528754115104675, -0.11755599081516266, 0.3506889343261719, 0.014751888811588287, 0.2543429136276245, 0.6478779315948486, -0.6455890536308289, -0.45438647270202637, 0.5477843880653381, 0.1808270364999771, -0.04568645358085632, 0.8717261552810669, 0.13732539117336273, 0.5591545104980469, 0.6093260049819946, 0.3686719238758087, 0.7625327110290527, -0.4193996489048004, -0.31747159361839294, 0.13255655765533447, -0.5426108837127686, -1.2663027048110962, 0.030996238812804222, -0.7419604063034058, 0.637789249420166, -0.14713406562805176, 0.03560306504368782, 0.2660152316093445, -0.09231186658143997, -0.6156578063964844, 0.6567755937576294, -0.1365143209695816, 0.3024328947067261, 0.42809709906578064, 2.510352373123169, -0.7229201197624207, 0.3523821532726288, -0.39542528986930847, -0.2566595673561096, 0.2874508500099182, -0.5209580063819885, 0.8500361442565918, 0.7533202171325684, -0.6903944611549377, -1.3303511142730713, -0.1858319640159607, 0.17047102749347687, 0.2328723818063736, -0.7300289273262024, 0.7713318467140198, 0.17300289869308472, 0.5512953400611877, -0.9404382109642029, -0.883082389831543, 0.04695102199912071, -0.12286669760942459, 0.34927791357040405, -0.07052992284297943, -0.8769050240516663, 0.009896008297801018, -0.07975896447896957, 0.8698614835739136, -0.31893908977508545, 0.4750271737575531, -0.4025556147098541, -0.36441439390182495, 0.9707813858985901, -0.052973370999097824, -0.6349071264266968, -0.2137306034564972, -0.26048147678375244, 0.5882962346076965, -0.27275222539901733, 0.40255817770957947, -0.1653437614440918, -0.5078474283218384, 0.20594477653503418, 0.5913225412368774, 0.5943020582199097, -0.6304882168769836, 0.379992812871933, 0.1765088140964508, -0.18494951725006104, -0.06833361089229584, 0.0031471047550439835, -0.3294084072113037, -0.7129106521606445, 0.04300957918167114, -0.1556168794631958, 0.11170777678489685, -0.020586766302585602, -0.4780854880809784, 0.08925783634185791, 0.020392168313264847, -0.03389402851462364, 0.6223428845405579, -0.11187796294689178, -0.7547903656959534, -0.6283473968505859, 1.34458327293396, -0.06475186347961426, -0.5764697194099426, -0.5701393485069275, 0.49383723735809326, 0.1411360502243042, 0.269568532705307, -0.14084449410438538, -0.9316684603691101, -0.28989166021347046, 1.3511148691177368, 0.31391698122024536, -0.1475299894809723, -0.8251364231109619, -0.3595450222492218, 0.22950035333633423, -1.0078718662261963, -0.5073059797286987, -0.7402721643447876, 0.21229133009910583, -1.394288420677185, 0.3234775960445404, -0.7008441686630249, -0.5869497060775757, -0.34895291924476624, 0.6970987915992737, -0.7402195334434509, -0.4506409466266632, 0.5333472490310669, -0.7043562531471252, -0.03831346705555916, 0.9228206276893616, 0.2638886570930481, 0.02944934368133545, 0.434834361076355, -0.1935560405254364, 0.018050476908683777, 0.032863177359104156, 0.8731208443641663, -0.757920503616333, 0.19988007843494415, -0.044947169721126556, 0.2745048999786377, 0.08258602023124695, -0.11708157509565353, 0.07152718305587769, 0.2902972400188446, 0.00037724152207374573, -0.9359389543533325, -0.5905548334121704, 0.22586414217948914, 1.3457766771316528, 0.5771365761756897, 0.19109360873699188, 0.3653561770915985, 0.14502045512199402, 0.5892698764801025, 0.22222742438316345, -0.4269035756587982, -0.22491052746772766, -0.16958022117614746, 0.21973827481269836, -0.1833477020263672, -0.06436523050069809, -0.2010202258825302, -0.1137770414352417, 0.09661689400672913, -0.39653480052948, -0.7785478830337524, -0.15624773502349854, -0.04656040668487549, -0.3721587359905243, 0.8208465576171875, -0.12781506776809692, -0.3213626742362976, 0.2746908962726593, 0.6820337176322937, -0.6186631917953491, 0.4611658751964569, 0.6863720417022705, -0.36585697531700134, -0.21004179120063782, -0.7737961411476135, 0.43107688426971436, -0.06552758812904358, 0.19286218285560608, -0.4310421645641327, -1.0203354358673096, -0.6120311617851257, -0.44054627418518066, -0.08830802887678146, 0.1386512815952301, 0.15950891375541687, -0.44432297348976135, -0.001233704388141632, -0.6684707403182983, -0.8267288208007812, 2.02392840385437, 0.08353382349014282, 0.43967851996421814, -0.3765066862106323, 1.5896952152252197, 0.21689137816429138, -0.20109374821186066, -0.3465954065322876, -0.10789087414741516, -0.3293078541755676, 1.388803243637085, -0.6196106672286987, 0.7247979640960693, 0.5942879915237427, 0.28770527243614197, -0.12135438621044159, 0.08109447360038757, -2.552764415740967, 0.04112107679247856, -0.45560017228126526, 0.07417672872543335, 0.48194992542266846, -0.6881706714630127, -0.07296966016292572, 0.07502034306526184, -0.10464048385620117, 0.6115779280662537, -0.9523845911026001, 0.27997899055480957, -0.7200053930282593, 0.1262056678533554, 0.24138009548187256, -0.7084775567054749, -0.14346802234649658, 0.411482036113739, 0.8249498009681702, -0.08234377950429916, 0.36896321177482605, -0.019978011026978493, -0.44864678382873535, 0.5727455615997314, 1.0009082555770874, 0.6738242506980896, 0.6877032518386841, -0.2362595498561859, -0.27504435181617737, -0.392175555229187, 0.2627655565738678, -0.2378692775964737, 0.1516411006450653, -0.049947142601013184, 0.039668403565883636, 0.2096022069454193, 0.47885599732398987, -0.18488211929798126, -0.8082521557807922, -0.4698179364204407, -0.14049196243286133, -0.6949906945228577, 0.016832582652568817, 0.7364487648010254, 0.28421565890312195, 0.6257862448692322, -0.7654913067817688, 0.8622402548789978, 0.16787680983543396, 0.2652607858181, 0.3060624301433563, 0.30147862434387207, -0.09148751199245453, -0.16476944088935852, -0.07057523727416992, 0.7081975340843201, 0.268831729888916, 0.13520771265029907, -0.05372307077050209, 0.6760831475257874, 0.10075866430997849, -0.27057313919067383, 0.004755672533065081, 0.5798362493515015, 0.24906936287879944, 1.3172390460968018, -0.14195950329303741, -0.6917858123779297, -0.10367149859666824, -0.046864598989486694, -0.27329227328300476, -0.7777469158172607, -0.47595763206481934, -0.448648065328598, 0.056411925703287125, 0.9873661994934082, -0.5209252834320068, 0.494394451379776, 0.012558510527014732, -0.24641820788383484, -0.749321460723877, 0.4137045741081238, -0.5409039258956909, -0.20135512948036194, 0.062386058270931244, -0.7681676149368286, -0.11651033163070679, 0.5019682049751282, 0.32251766324043274, -0.9353163838386536, -0.19315147399902344, -0.2681939899921417, -0.4162460267543793, 0.22549624741077423, 0.7492657899856567, -0.6054640412330627, -0.16480675339698792, -0.3296951353549957, -0.3289160132408142, -0.4620494842529297, 0.38034120202064514, -0.1737551987171173, -0.0943928137421608, -0.46682748198509216, 0.34339389204978943, -0.5654082298278809, 0.14619459211826324, -0.7502486109733582, 1.8210575580596924, 1.281436562538147, 0.20008140802383423, 0.32147419452667236, -0.9405943751335144, 0.2631874084472656, 0.5506801605224609, -0.8313246965408325, 0.4610837399959564, 0.6122050881385803, -0.04784499853849411, -0.3880409002304077, -0.07475775480270386, 0.18726755678653717, 0.6417855024337769, -0.062179602682590485, 0.7001852989196777, -0.783187747001648, 1.15691339969635, -0.4104863107204437, 0.09616977721452713, 0.5201331377029419, -0.5791051387786865, -0.5310900211334229, 0.9937215447425842, -0.30029183626174927, -0.20086102187633514, 0.014177471399307251, -1.0919517278671265, 0.2569411098957062, 0.15638574957847595, 0.3497586250305176, 0.7556283473968506, -14.660968780517578, 0.7008824348449707, -0.23977035284042358, 0.2142149657011032, 0.6943473815917969, 0.669082522392273, 0.2322084903717041, 0.21521487832069397, 0.677362322807312, -0.20310324430465698, -0.5131370425224304, 0.7257011532783508, 0.31446850299835205, -0.4762493073940277, -0.09714289754629135, -2.059475898742676, -0.3804674446582794, -0.05049160495400429, -0.10878886282444, 0.585485577583313, -0.29060375690460205, -0.3379215598106384, -0.7554832696914673, -0.4279765486717224, 0.09883875399827957, -0.5348936319351196, -0.18562808632850647, -0.006430007517337799, 0.055332764983177185, 0.4825282394886017, 0.167222797870636, 0.005139024928212166, -0.20619799196720123, -0.2735747694969177, -0.33106690645217896, -0.018495604395866394, -1.1931179761886597, 0.41394636034965515, 0.14239537715911865, 0.026043202728033066, 0.49608099460601807, 0.4414924383163452, 0.010272515937685966, -0.45930954813957214, -0.6080254316329956, 0.14043401181697845, -0.20212742686271667, 0.08255381882190704, 0.6901924014091492, -0.3741304576396942, -0.7253179550170898, -0.6971644759178162, 0.19611452519893646, -0.33635005354881287, -0.2731568217277527, -0.36053043603897095, -0.9484539031982422, 0.3306030333042145, -0.5159274935722351, -1.2341902256011963, 0.7316828966140747, -0.2435903400182724, -0.5521172285079956, 0.42148077487945557, 0.6354922652244568, -0.18250425159931183, 0.8406964540481567, 0.7584646344184875, 0.3200116753578186, 0.3689134418964386, -0.25495922565460205, 0.9856992959976196, -0.15958952903747559, -0.05016319453716278, -0.37520986795425415, 0.34953469038009644, 0.71353679895401, -0.3993915319442749, -0.08997423946857452, 0.2965412437915802, -0.38469401001930237, 0.3327785134315491, 0.43348219990730286, 0.17929401993751526, -0.5567704439163208, 0.4297638535499573, 0.6186413764953613, -0.30957239866256714, 0.9305795431137085, 0.1695716381072998, 0.2907457649707794, -0.08463157713413239, -0.649135410785675, -0.17069005966186523, -0.5532979965209961, 0.6785331964492798, -0.23689238727092743, 0.49969327449798584, 0.026757508516311646, -0.235467791557312, 0.3366260826587677, 0.6283279061317444, -0.3308800756931305, 0.18761993944644928, 0.6757538318634033, -0.6065168976783752, 0.5426892042160034, 0.45512792468070984, 0.07168485969305038, 0.3410571813583374, 0.8217788934707642, -0.5597449541091919, 0.4356241822242737, 0.9023561477661133, -0.38324281573295593, -0.010403146967291832, 0.9467103481292725, -0.01473197340965271, 0.0549527108669281, 0.8850367069244385, 0.07330330461263657, 0.12981067597866058, 0.19174647331237793, 0.56348717212677, 0.5370923280715942, 0.09334852546453476, -0.1810164749622345, 0.20826053619384766, -0.37399423122406006, -0.45661821961402893, 0.007766857743263245, -0.10194286704063416, 0.1464037150144577, -0.5986935496330261, -0.10610347241163254, -1.2908213138580322, -0.2310166209936142, -0.00731611717492342, -0.3292778730392456, 0.24658840894699097, -0.24156852066516876, -0.4969401955604553, -0.371380090713501, -1.2864296436309814, -1.198459267616272, -0.042532674968242645, -0.9843155145645142, 0.3535454273223877, -0.7262564897537231, -0.8942358493804932, 0.025508621707558632, -0.155506893992424, 0.157911017537117, -0.2870447039604187, 0.16573835909366608, -0.37090569734573364, 0.10114622116088867, -0.8639180064201355, 0.3656785190105438, -0.38272824883461, 0.7085578441619873, 0.7620725035667419, -1.0305546522140503, 0.872032642364502, 0.7318402528762817, 0.05930190905928612, -0.46091121435165405, -0.689307689666748, 0.26573431491851807, -0.29086369276046753, 0.09081117808818817, -0.7875306606292725, -0.05366663634777069, -0.458290159702301, 0.0047481972724199295, -0.8018978834152222, 0.22681531310081482, 0.10786114633083344, -0.924616813659668, 0.2377898395061493, 0.5103734135627747, 0.7933217883110046, -0.08863542973995209, -1.0878934860229492, -0.7803680896759033, 0.2213675081729889, 0.4030182957649231, 0.40098121762275696, 0.12695200741291046, 0.3551328182220459, -1.5364785194396973, -0.5842187404632568, -0.41659611463546753, 0.580258309841156, 0.5287520885467529, -0.14155785739421844, 1.3720884323120117, 0.7564232349395752, -0.6299689412117004, -0.007647760212421417, 0.08533014357089996, -0.05649002641439438, -0.019654054194688797, -0.22807182371616364, -0.06297069787979126, -0.03253265470266342, -0.27708712220191956, -0.6185227632522583, 0.5568984150886536, 0.26150742173194885, -0.9238296747207642, 0.023736469447612762, -0.11776015162467957, 0.22240810096263885, -0.534899115562439, -0.2923678457736969, -0.1034029945731163, -0.08173390477895737, -0.12407898902893066, -0.24287383258342743, -0.05188324302434921, 0.8343669772148132, -0.39615821838378906, 0.5641277432441711, 0.23276865482330322, 0.04261069372296333, 0.719214916229248, 0.792262077331543, 0.9601461291313171, 0.4358949661254883, 0.28649449348449707, 0.4670604467391968, -0.4557688534259796, -0.28605473041534424, 0.07782280445098877, 0.27042534947395325, -0.7841746211051941, 0.030798692256212234, -0.9478469491004944, 0.4397568702697754, -0.39559417963027954, 0.6847267746925354, 0.16409747302532196, 0.8466446995735168, -0.31673330068588257, -2.303521156311035, -0.43203598260879517, 0.05897640436887741, 0.4129112958908081, 0.5039170980453491, -0.22638371586799622, 0.16477389633655548, 0.6385898590087891, -0.5465410947799683, 1.2601158618927002, 0.16357333958148956, -0.09304559230804443, 0.24741098284721375, 0.5250165462493896, 1.3744258880615234, 0.38875412940979004, 0.6210611462593079, -0.03433212637901306, 0.6374182105064392, 0.3475361466407776, -0.11013446748256683, -0.452540785074234, 0.4014723300933838, 0.5369671583175659, -0.12351994216442108, -0.5962145328521729, -0.04235563054680824, 0.4043305814266205, 0.17745545506477356, 0.45651715993881226, -0.09549708664417267, 0.15051186084747314, 0.17506533861160278, 0.20501765608787537, 0.3460387587547302, 0.9235997796058655, 0.520601212978363, -0.24893788993358612, -0.1596083790063858, -0.18494945764541626, 0.4500575363636017, 0.20434890687465668, -0.12101045250892639, 0.8836780786514282, -0.5557522773742676, 0.4421207904815674, 0.5440136194229126, -0.2866615653038025, -0.48579350113868713, -0.07058759033679962, -0.3051796853542328, 0.09636951237916946, 0.17166313529014587, -0.5420293807983398, 0.7946999073028564, 0.2343442589044571, 0.36164742708206177, -0.41861408948898315, -0.11144985258579254, 0.23936353623867035, -1.2472748756408691, 1.107633113861084, 0.5052422881126404, -0.3868979811668396, 0.291423499584198, 0.064197838306427, 0.07882633805274963, 0.2783164381980896, 0.7363926768302917]} +{"paper_id": "MilaNLProc/honest", "embedding": [-0.21296918392181396, 1.1960418224334717, -0.4074806869029999, 0.07246824353933334, 0.89725661277771, -0.42379721999168396, 0.9178874492645264, -0.4208245873451233, 0.8506805300712585, 0.822843074798584, 0.5765297412872314, -0.049302130937576294, -0.0914984866976738, 0.5287216305732727, 0.08438841998577118, -0.7296558022499084, -1.325110912322998, -0.34716928005218506, -1.2627474069595337, -0.8265994787216187, -0.8640128970146179, -0.42173540592193604, 0.06314614415168762, 1.235585331916809, -0.579637885093689, -0.930441677570343, 0.7295723557472229, -1.0126304626464844, -0.02995048463344574, -0.18287062644958496, -0.4020150899887085, 0.5554312467575073, -1.456815481185913, 0.7673954367637634, 0.16658228635787964, 0.09720244258642197, -0.8804205656051636, 0.9507481455802917, -0.4870566725730896, 0.2058267444372177, -0.8812490105628967, 0.3504751920700073, 0.6771560907363892, 0.2457781732082367, -0.23377640545368195, 0.2941600978374481, -0.6043001413345337, 0.1386478841304779, -0.1511220932006836, -0.24246539175510406, -0.1697351038455963, -0.60502690076828, 0.21559718251228333, -0.4701857268810272, -0.7423542141914368, 1.1519708633422852, 0.5879968404769897, -1.204167366027832, 0.7086758017539978, -1.1314138174057007, 0.9674014449119568, 1.754473090171814, -0.61686110496521, 0.8151668310165405, 0.6556121110916138, -0.12122641503810883, 0.7763320803642273, -0.407692551612854, -0.3838856518268585, 0.7221301198005676, 0.2956998348236084, -0.6454243063926697, 0.6429169774055481, 0.12189018726348877, 0.4206036329269409, 0.05276862904429436, 0.1568206250667572, 0.6102609038352966, -0.767862856388092, 0.748773992061615, -0.15657156705856323, 0.2814444899559021, 0.498165488243103, -1.1924949884414673, 0.2105664163827896, 0.9645541310310364, 0.3016396760940552, -0.3992725610733032, -0.051740244030952454, -1.6256951093673706, 0.5609769821166992, 0.17442451417446136, 0.8898622989654541, -0.020468667149543762, 0.010768130421638489, 0.3569951057434082, 0.6864109635353088, 0.7666580677032471, -0.4345841109752655, 0.6482111215591431, 0.07884480804204941, -0.4384506642818451, 0.5584073066711426, 0.4693501591682434, -0.13533462584018707, 0.4435420334339142, 0.28171831369400024, -0.5329482555389404, -0.31440579891204834, -0.23185335099697113, -0.37806275486946106, 1.5155906677246094, -0.07271015644073486, 1.4088083505630493, 0.3543025255203247, 0.35534393787384033, -0.2701086103916168, -1.0213372707366943, 0.5110845565795898, 0.5176820158958435, -0.5954596400260925, -0.7188063263893127, 0.2860945463180542, 0.1655845195055008, 1.1379133462905884, -0.037031661719083786, 0.046830493956804276, -0.19999447464942932, -0.14231261610984802, -0.4684373736381531, 0.5014004707336426, 0.3417454957962036, -0.8855186104774475, 0.4287920892238617, 3.0202314853668213, -0.7006198763847351, 0.9833300709724426, -0.9403495192527771, -0.4631709158420563, -0.1297740787267685, -0.5271834135055542, 0.3756367266178131, 0.2701045870780945, -0.8945673704147339, -0.4161423146724701, 0.27234959602355957, -0.45518556237220764, 0.20279549062252045, -0.39139020442962646, 0.03583907335996628, 0.6705597639083862, -0.6059936881065369, -0.8889039158821106, -0.0798509418964386, 0.6289082169532776, -0.042836278676986694, -0.23188568651676178, 0.708037257194519, -0.030483346432447433, 1.0133470296859741, 0.059636734426021576, 0.5885850191116333, -0.48110711574554443, 0.08607201278209686, -0.7163398861885071, -0.24482794106006622, 0.8356015682220459, -0.7271790504455566, -0.17016306519508362, -0.33363592624664307, 0.8560570478439331, -0.1343945860862732, -0.18893900513648987, -0.1929803341627121, -0.11761777848005295, 0.5019015073776245, 0.6700235605239868, 0.7283270359039307, 0.3854115307331085, 0.0866604894399643, -0.5328494310379028, -0.22692358493804932, -0.5057273507118225, 0.7860413789749146, -0.9295201897621155, 0.5115102529525757, -1.6175117492675781, -0.34421807527542114, -0.9962158799171448, 0.7464189529418945, -0.5818009972572327, 0.694481611251831, 0.2872644066810608, 0.41314423084259033, -0.25838714838027954, 0.36837029457092285, 0.9119683504104614, -1.3605488538742065, -0.2588953971862793, -0.5625415444374084, -0.28703656792640686, -0.5017107129096985, -0.15253077447414398, 0.3788553476333618, 0.20045775175094604, -0.47237396240234375, -0.18575823307037354, -2.098435401916504, -0.04921475052833557, 2.7261335849761963, 0.2895423173904419, -0.5613659620285034, -0.9036463499069214, -0.29224544763565063, -0.011148124933242798, 0.5064249038696289, 0.3591127097606659, -0.5238845944404602, -0.3047190308570862, -0.9173556566238403, 0.1736489087343216, -0.5133020281791687, 0.7297404408454895, 0.8475348353385925, 1.046995759010315, -0.8963351249694824, -0.33201223611831665, -0.6646357178688049, -1.1494309902191162, 0.08022847026586533, 0.7973066568374634, 0.5846370458602905, 0.011401994153857231, 1.076204776763916, 0.23744931817054749, 1.012973666191101, 0.6601095795631409, 0.6045344471931458, -0.6739214658737183, -0.36740756034851074, 0.13594359159469604, 0.33143842220306396, -0.06656070053577423, -0.09930851310491562, 0.21265049278736115, 0.5992575883865356, -0.6913806796073914, 0.23928646743297577, -0.6948883533477783, -0.18664780259132385, 0.6287013292312622, 0.889562726020813, -0.7294961214065552, 1.0818742513656616, -0.6230610609054565, 0.5921555757522583, -0.5741986632347107, -0.5679530501365662, -0.6643834710121155, 0.5599821209907532, 0.2305106818675995, 0.5316023826599121, 0.5435377955436707, -0.41129469871520996, 0.07337284088134766, -1.305199384689331, 0.22968897223472595, -0.35542845726013184, -0.16960377991199493, -1.1207520961761475, -0.29363375902175903, 0.40562212467193604, -1.222061038017273, -0.12086671590805054, -0.16435514390468597, -0.01563919149339199, -0.3377739191055298, 0.9880181550979614, 1.720098614692688, -0.40700915455818176, -0.2754170000553131, 0.3518298864364624, 1.025314211845398, -1.485458254814148, 1.0922033786773682, -0.20697152614593506, 0.001409958116710186, -0.2876832187175751, 0.1836070716381073, -0.7563551664352417, 0.7176116704940796, 0.8078683018684387, -0.9055882692337036, 0.7284279465675354, -0.31825757026672363, -0.27740970253944397, 0.577707827091217, -0.13777309656143188, 0.4419848918914795, -0.748399019241333, 0.6249721050262451, 0.6865627765655518, -0.13002488017082214, 0.4813573956489563, -0.7857416868209839, 0.05246401205658913, 0.7982501983642578, -0.7643563747406006, 0.14894135296344757, 0.07929040491580963, -0.3717508912086487, -0.23334567248821259, 0.31976425647735596, -1.930859088897705, 0.45114773511886597, 1.4168646335601807, -0.7974013686180115, -0.12210160493850708, -0.9436615109443665, 0.3035750389099121, -0.47096413373947144, -0.38569581508636475, 0.4307782053947449, -0.43730977177619934, -0.167024627327919, -0.8115082383155823, 0.21648328006267548, -0.14998415112495422, -1.073198676109314, -0.24349191784858704, 1.5586094856262207, 1.1054757833480835, -0.5371222496032715, 0.2678859531879425, 0.07507491856813431, -1.140602707862854, 0.770531415939331, 0.09913986921310425, 1.0941617488861084, 0.7228634357452393, -0.43482351303100586, -0.7401091456413269, 0.31041020154953003, 0.1451694667339325, 0.9174770712852478, 0.5413811802864075, -0.2706448435783386, 0.06944289058446884, -0.5437917709350586, 2.1432671546936035, -0.5383716225624084, -0.7888311147689819, -1.065932273864746, -0.9579841494560242, -0.6295437216758728, -0.6954377293586731, 0.8946864604949951, 1.5205639600753784, 1.5049569606781006, -0.19171087443828583, 0.1607372909784317, -0.2879939377307892, 0.21344028413295746, 0.627884566783905, -0.20508833229541779, 0.2773388922214508, -0.31185007095336914, -0.13962864875793457, 1.0190502405166626, 0.2832663357257843, -0.8837380409240723, 0.3506002128124237, 0.8939369320869446, 0.12685774266719818, -0.5545108914375305, 0.8005255460739136, 0.021655935794115067, -0.051249854266643524, 1.0124084949493408, -0.35757067799568176, -0.1912597268819809, 0.3997400999069214, 0.2656457722187042, 0.11326031386852264, 0.2231447994709015, -1.1555898189544678, -2.396106719970703e-05, 0.09046474099159241, 0.804107666015625, 0.4727964997291565, -0.22219526767730713, 1.24881911277771, -0.5505240559577942, -1.4841067790985107, -0.3981902003288269, -1.1583173274993896, 0.03845157474279404, -0.12977126240730286, -0.03717711195349693, 0.0915776789188385, 0.6181657314300537, -0.07703742384910583, -1.054892897605896, 0.7041878700256348, -0.3290047347545624, -0.9317755699157715, 0.13925699889659882, 0.7901923656463623, -1.4194104671478271, -0.9792598485946655, -0.20537519454956055, -1.0707440376281738, -0.7780194282531738, -0.130893737077713, -0.7751879692077637, 1.1960612535476685, -0.30977994203567505, 0.16865254938602448, 0.02236103266477585, -0.19310855865478516, -0.8079533576965332, 0.8624047636985779, 1.8969590663909912, -0.47441476583480835, 1.2596583366394043, 0.5929597020149231, 0.20926176011562347, 0.48055586218833923, -0.12437732517719269, -0.09454268962144852, 0.5870954990386963, 0.7108994722366333, 0.8498029112815857, -0.6914862990379333, -0.934827446937561, 1.4044440984725952, 0.19109049439430237, 0.6917046308517456, -1.0897735357284546, 0.3998243808746338, -0.3735370934009552, 0.7392598986625671, 0.8163375854492188, -0.7072007656097412, -1.2699191570281982, 1.3125555515289307, -0.5698208808898926, -0.4950990676879883, -0.0010284259915351868, 0.07063870131969452, 1.6207537651062012, -0.19721883535385132, 0.3183973431587219, -0.7669878005981445, -11.06482982635498, 0.7916556000709534, -0.6257834434509277, 0.3179895281791687, 0.3450353741645813, -0.6971370577812195, -0.07334653288125992, -0.2587006390094757, 1.5419456958770752, -0.1985979974269867, -0.5299292206764221, 1.9276163578033447, 0.3544210195541382, -0.06260541826486588, -0.9375442862510681, -1.6800061464309692, -0.661900520324707, -0.5249881148338318, -0.01292361319065094, 0.4685721695423126, -0.7115767002105713, -1.6262564659118652, 0.8354144096374512, 0.11904571950435638, 1.018141508102417, -0.24578425288200378, -0.5353569984436035, -0.7083783149719238, 0.25872743129730225, 1.0222387313842773, 0.8382408618927002, 0.283540815114975, -0.6957588195800781, 0.04412436485290527, -0.06804093718528748, 0.052340034395456314, -0.9630405306816101, -0.2471681833267212, 0.9139864444732666, 0.16744281351566315, -0.3244659900665283, 0.36783096194267273, 0.8270084857940674, -0.3362502455711365, -0.7374505400657654, -0.5476860404014587, 0.277433842420578, -0.42496249079704285, -0.6547650098800659, -0.7230719923973083, -0.04458963871002197, -0.014217592775821686, -1.034703254699707, -0.7393523454666138, 0.028195181861519814, -0.34671226143836975, 0.002055712044239044, 0.08505716174840927, -0.5807533860206604, -1.6677682399749756, 0.6474525332450867, 0.7380537390708923, -1.4106836318969727, 0.1065988838672638, 0.05383104830980301, -0.3501345217227936, -0.575444757938385, -0.2631028890609741, -0.12793032824993134, 0.16534364223480225, -0.4249451458454132, 1.3011980056762695, -0.3089088797569275, 1.31280517578125, 0.2756640911102295, 0.1274721920490265, -0.3741247355937958, -0.5934035181999207, 0.6756240725517273, -0.3839774429798126, -1.0611237287521362, 0.6938632130622864, -0.6167802214622498, 0.15761098265647888, -0.5684440732002258, 0.4835732877254486, -0.2533342242240906, -0.33133700489997864, 0.9927213191986084, -0.336745947599411, 0.5831740498542786, -0.27524814009666443, -0.011686582118272781, 0.7050079107284546, -0.9134604334831238, 1.1214187145233154, -0.6708015203475952, 0.5164749622344971, -0.019026394933462143, -0.21114176511764526, 0.47490641474723816, -0.3482319414615631, -0.9561281204223633, -1.1552467346191406, 0.22718317806720734, 0.06613881140947342, 0.1710883378982544, -0.5587040185928345, -0.3221030533313751, -0.5548670291900635, 0.38992393016815186, 0.4079326391220093, 0.2584187388420105, 1.0585073232650757, -0.12836462259292603, 0.052332013845443726, 0.935515284538269, 0.37824302911758423, 0.35406675934791565, 1.111914038658142, -0.8853451013565063, 0.26347073912620544, 0.12699562311172485, 0.5789363384246826, 0.27961307764053345, 0.8911861777305603, 0.872433602809906, 0.08232704550027847, -0.4330601692199707, -1.4163293838500977, 0.10068196058273315, -1.10915207862854, -0.11688952147960663, -0.6311207413673401, 0.3682822585105896, -0.47831839323043823, -0.7056487202644348, 0.9244757890701294, -0.4794664978981018, 0.7570781111717224, 0.4513370394706726, -0.8737071752548218, -0.21143022179603577, -0.7103649973869324, -0.7124534845352173, -0.1802685260772705, -1.7832438945770264, -0.0008582286536693573, -0.4618649482727051, -0.4468792676925659, -0.2910190522670746, -0.17975012958049774, 0.918278694152832, -0.9803110957145691, -0.13283418118953705, 0.3508521318435669, 0.4359041452407837, -0.9303046464920044, -0.4758246839046478, -0.7227941751480103, 0.22959470748901367, 1.4658504724502563, -0.32696810364723206, 1.4058583974838257, 0.05444692075252533, 0.012438371777534485, -0.24863183498382568, 0.1019870936870575, -1.2025070190429688, 0.564301609992981, 0.9737986326217651, -0.37374627590179443, -0.6957342028617859, -0.4532665014266968, -0.0011396612972021103, -1.3145861625671387, 1.419227957725525, 1.025684118270874, -0.751871645450592, 0.010324269533157349, 0.2349822223186493, 0.28972721099853516, -0.0790366679430008, 0.1515667736530304, -0.41383886337280273, -0.025986414402723312, 0.07349780201911926, 0.7755283117294312, -0.43316784501075745, 1.2421178817749023, -2.22196102142334, -1.2544879913330078, -0.4448324143886566, 0.38856637477874756, 0.7741530537605286, -0.5845194458961487, 1.2151448726654053, 0.562384307384491, 0.3279169499874115, -0.6945710182189941, -0.2829492688179016, 0.1703978180885315, -0.49976488947868347, 0.17063532769680023, -0.7915410399436951, 0.19393733143806458, -0.9829730987548828, 0.5827845335006714, 0.17680983245372772, 0.8041223287582397, -0.8392855525016785, -0.953200101852417, -0.20267385244369507, -0.32387787103652954, -0.28265127539634705, -0.15863865613937378, 0.3357468545436859, 0.13349758088588715, -0.32950127124786377, -0.8659652471542358, 0.5196458697319031, 1.2772475481033325, 0.5906597375869751, 0.5851653218269348, 1.206363558769226, -0.04429221898317337, 0.4935336112976074, 0.933721125125885, 1.7545074224472046, 0.40172624588012695, -1.2800441980361938, -0.4239077866077423, -0.015107816085219383, 0.1698603630065918, -0.6176500916481018, -0.1876704841852188, -0.29416370391845703, 0.18063509464263916, -0.9504956603050232, 0.6828457117080688, 0.15394830703735352, -0.37234044075012207, 1.1696230173110962, 0.34285104274749756, -0.03861268609762192, -1.1535192728042603, -0.1742650270462036, -1.2951878309249878, 0.5415809154510498, 0.23499323427677155, 0.6951658725738525, 0.6649084687232971, 0.4754684865474701, 0.9272440671920776, 1.1821657419204712, 0.3925342261791229, -0.12493434548377991, 0.2585102319717407, 0.8426331281661987, 1.217499017715454, 0.8527237176895142, 0.45571333169937134, -0.33113038539886475, 0.06934484839439392, -0.7989569902420044, -0.13666009902954102, -0.8811473846435547, 0.9968817234039307, -0.32402127981185913, 1.0187207460403442, -0.19256573915481567, -1.0534077882766724, 0.95697420835495, -0.7339749932289124, 0.2988957166671753, 0.35081011056900024, -0.3435215353965759, -0.4917709529399872, -1.1098600625991821, 0.6332395672798157, 0.5622541308403015, -0.6519410014152527, 0.18929393589496613, -0.9095503687858582, 0.3332294225692749, 0.3003561496734619, -0.015995461493730545, -1.1692492961883545, 0.2711188495159149, -0.2488681524991989, 0.4288504123687744, 0.08854535967111588, -0.5561504364013672, -0.5533933043479919, -0.09730647504329681, -0.541234016418457, 0.9180757999420166, 0.6217078566551208, -1.1464436054229736, -0.5354104042053223, 0.6296164989471436, -0.3115196228027344, 0.2827432155609131, 1.0029289722442627, -0.34463971853256226, -1.656225562095642, 1.3016546964645386, 0.9976782202720642, -0.17369553446769714, -0.3477535545825958, -0.21920561790466309, 0.09346026182174683, 0.20047667622566223, 1.9180787801742554]} +{"paper_id": "strombergnlp/nordic_langid", "embedding": [-0.9392358064651489, 1.0100572109222412, -0.1251474916934967, 0.2112661898136139, 0.5575463771820068, 0.07631433010101318, -0.7170559763908386, 0.2280091643333435, 1.3103643655776978, 0.6731457710266113, -0.6696027517318726, -1.1930959224700928, -0.1914301961660385, -0.5653933882713318, 0.13804051280021667, -0.5369553565979004, -0.9768925905227661, -1.579383373260498, -0.9168632626533508, -0.28437376022338867, -0.8259654641151428, -0.890376091003418, -0.5183172225952148, 0.5202198028564453, -0.02495460771024227, 0.16371142864227295, 0.26621755957603455, -1.368626594543457, 0.5755418539047241, 0.4615100026130676, -0.8337390422821045, -0.027959637343883514, -1.853627324104309, -0.6258130669593811, -0.699845016002655, -0.4735381603240967, 0.18686814606189728, 1.0471899509429932, -1.0054324865341187, -0.6011235117912292, -0.6500968933105469, -0.5220200419425964, 0.5706900358200073, -0.21299932897090912, -0.05448922514915466, -0.2794347107410431, 0.7835449576377869, 0.8353683352470398, 0.06487859785556793, -0.14682084321975708, -0.7590113878250122, -0.6089425086975098, 0.6956560015678406, 0.4208660423755646, -0.6539862751960754, 0.4067705273628235, 0.057351306080818176, -0.6069687008857727, 0.6050054430961609, -0.18542492389678955, 0.7612581253051758, 1.4494801759719849, -0.9066071510314941, 0.6851730346679688, -0.34690213203430176, -0.36488205194473267, 0.7692165970802307, 0.2943308353424072, 0.5336944460868835, 0.9635030627250671, 0.4857115149497986, 0.03027462214231491, 1.3379236459732056, 0.3552546501159668, 0.7089269161224365, 0.6831121444702148, 0.5961661338806152, 0.5986032485961914, 0.487480103969574, 0.16930562257766724, -0.6189655661582947, 0.8486827611923218, 0.34877267479896545, -0.15630437433719635, -0.32674044370651245, 0.3195008933544159, -0.04131587594747543, -1.208171010017395, 1.3152302503585815, -1.651291012763977, 0.2833351492881775, 0.7255294322967529, -0.13544520735740662, 0.3006015121936798, -0.4642782211303711, 0.8063720464706421, 0.35303401947021484, -0.41333669424057007, -0.21948380768299103, 0.45088452100753784, 0.79035484790802, -1.1290706396102905, 0.8038354516029358, 0.3921373188495636, 0.1489870399236679, 1.3970746994018555, -1.0623462200164795, 0.8370188474655151, -0.881913959980011, 0.3583897054195404, 0.20345985889434814, 1.9993314743041992, -0.5795121192932129, 0.5163145661354065, 0.18801450729370117, 0.19018617272377014, 0.7934749722480774, -0.7928893566131592, -0.6824564933776855, -0.44487935304641724, -0.7095915675163269, -0.543070375919342, -0.050088927149772644, 0.5689799785614014, 0.7640213966369629, -0.655288815498352, 1.2391905784606934, -0.12140430510044098, 0.3360072374343872, -0.40606454014778137, -0.07431161403656006, 0.24184976518154144, -0.5243813395500183, -0.24130775034427643, 1.9281076192855835, -1.1717664003372192, 0.3789004683494568, -0.9500312805175781, 0.5909669995307922, -0.5516781210899353, -0.6680915355682373, 0.7910116910934448, 0.010309044271707535, -1.3590612411499023, -0.6543022394180298, 0.3956080675125122, -0.2522116005420685, 0.1715102344751358, -0.6247254014015198, 0.7989392280578613, 0.4300317168235779, 0.27345559000968933, -0.6187204718589783, 0.12200037389993668, 1.1499581336975098, 0.8856302499771118, -0.42492127418518066, 0.11761601269245148, -0.07843504846096039, 0.6092143058776855, 0.867311418056488, 0.24538584053516388, -0.7502756118774414, 0.14720675349235535, -0.9325169324874878, 0.5348556637763977, 1.4016270637512207, -0.88204425573349, -0.6660338044166565, -0.5785208940505981, 1.3248370885849, -0.17055216431617737, 0.3088279962539673, 0.2414761781692505, 0.6405391097068787, 0.1297529637813568, 0.10212427377700806, 0.21175971627235413, 0.14403779804706573, -0.7344185709953308, -0.08080291748046875, -0.305796355009079, 0.4567973017692566, 1.051041603088379, -0.17171180248260498, -0.09942729771137238, -1.7898907661437988, 0.021030869334936142, 0.30661892890930176, 0.8830896615982056, 0.07600554823875427, -1.062027096748352, -0.2808297872543335, 1.0338160991668701, 0.622767984867096, 0.005727257579565048, 0.2605511546134949, -1.7470718622207642, -1.1160380840301514, 0.4658457636833191, -0.7212493419647217, -0.9059864282608032, -0.32602617144584656, 0.2574504017829895, -0.09693557769060135, -0.7253305315971375, 0.19029368460178375, -1.2731683254241943, 0.41373735666275024, 1.710990309715271, 0.42159587144851685, -1.0271155834197998, -0.6381507515907288, -0.10630226135253906, -0.6167969703674316, -0.8857439160346985, 0.5047116279602051, -0.6318553686141968, 0.004676923155784607, -0.8856362700462341, 0.891408383846283, -0.8874396085739136, 0.3583034873008728, -0.7669575810432434, 0.8728325963020325, -1.013812780380249, -0.3769480288028717, -0.4520319402217865, -0.9689992070198059, 0.8299461603164673, 0.8740447759628296, 0.043513160198926926, 0.12254516780376434, 0.17898061871528625, -0.06602992862462997, 1.3570386171340942, 0.229841411113739, 0.71185702085495, -0.5498620271682739, 0.3803534507751465, 0.45976898074150085, 0.5786188244819641, -0.7570761442184448, 0.05487923324108124, 0.21832166612148285, 0.9473268985748291, 0.16846980154514313, -1.0453613996505737, -0.7323323488235474, 0.13107801973819733, 1.4381757974624634, 1.4188939332962036, -0.5865315198898315, 0.13827133178710938, -1.300913691520691, 0.3058992922306061, -0.48550134897232056, -0.4645867943763733, -0.06120132654905319, 0.08014155924320221, 0.6061981916427612, 0.3259064853191376, 0.27185049653053284, -0.1028301790356636, -0.5107699036598206, -1.1271337270736694, -0.9456979632377625, -0.6208198666572571, -1.1032732725143433, -1.6027127504348755, 0.2992451786994934, -0.19172705709934235, -1.405011534690857, -0.5562639236450195, -0.8092189431190491, 0.2367447465658188, -0.17208224534988403, 0.615867018699646, 1.6503089666366577, 0.23201599717140198, 0.6839132905006409, 0.5050135254859924, 0.7561143636703491, -0.6215826869010925, -0.23936332762241364, 0.4936201870441437, 0.24999435245990753, -0.522299587726593, -0.5799633264541626, 0.060534317046403885, 0.07745041698217392, -0.21211153268814087, -0.9048213362693787, 0.630458652973175, -0.6137813329696655, -1.358035922050476, 1.3865132331848145, 0.4026964008808136, -0.28108787536621094, -1.478813648223877, 2.0213167667388916, 0.23564113676548004, 0.6660358309745789, -0.18749122321605682, -0.7012476921081543, 0.31226903200149536, 0.814064621925354, -0.4437480568885803, -0.11500626057386398, 0.5953256487846375, -0.2626937925815582, -0.1577439159154892, 0.33529362082481384, -1.9891802072525024, -0.34461644291877747, 1.3160922527313232, 0.7091032862663269, 0.6743943691253662, -0.31876346468925476, -0.3300173282623291, -0.6162860989570618, -1.1358758211135864, 0.9061512351036072, -0.8620330691337585, 1.0233073234558105, -0.10045623779296875, -0.7917535901069641, 0.5517000555992126, -0.2749291658401489, 0.3438984155654907, 0.9021005630493164, 0.9966034293174744, -0.7889291644096375, 0.9795520901679993, 0.8362513780593872, -0.7244138121604919, 0.8811289072036743, 0.43227121233940125, 0.7905499935150146, 1.3307981491088867, -0.6508720517158508, 0.0850890651345253, 0.8065806031227112, -0.4109700322151184, 0.5409646034240723, 0.13829168677330017, -0.1746862679719925, 1.351266622543335, 0.148670956492424, 0.6602174043655396, 0.8967434167861938, -1.245546579360962, -0.8714267015457153, -0.28975293040275574, -0.25186312198638916, -0.8071678280830383, 1.1277316808700562, 1.6459234952926636, 1.0318366289138794, 0.09409978240728378, 0.5064062476158142, -0.4864331781864166, 0.41370123624801636, 1.7522797584533691, 0.6837619543075562, -0.18926380574703217, 0.1171758770942688, 0.2577994465827942, 0.06747749447822571, -0.6665603518486023, -0.5936684608459473, -0.38598430156707764, 1.0173931121826172, -0.27912190556526184, -1.183957815170288, -0.3770757019519806, -0.3062814474105835, 0.42080041766166687, 1.0811764001846313, -1.3425052165985107, 0.09838235378265381, 0.8646977543830872, 0.3494884967803955, 0.23967938125133514, -0.051951564848423004, -0.47579091787338257, 0.4508225619792938, 0.6052496433258057, 1.9017432928085327, -0.5965906381607056, 0.7898816466331482, 0.37893396615982056, -0.4471658170223236, 0.09417712688446045, -0.7262250185012817, -0.5066690444946289, -0.2835719585418701, -0.17585813999176025, -0.3049980401992798, -1.0906617641448975, 0.47509732842445374, 0.07472699880599976, -0.12048245966434479, 0.7402968406677246, -0.4058462083339691, -0.5970619916915894, 0.6315121054649353, 0.39994779229164124, -1.1019294261932373, -1.415480375289917, -0.26656246185302734, -0.3666057288646698, -1.0381520986557007, 1.0082719326019287, -0.5263125896453857, 0.22583381831645966, -0.020092908293008804, 1.2968084812164307, 0.27059054374694824, -0.7966786623001099, -0.43273892998695374, 0.05970430374145508, 1.440751075744629, 0.4771072566509247, -1.0123459100723267, -0.13954652845859528, 0.24483005702495575, -0.28553298115730286, -1.4837024211883545, 0.15125785768032074, 1.744113802909851, -0.11167453229427338, 0.8319507837295532, -1.0713427066802979, -0.7574482560157776, -0.27128860354423523, -0.08845850080251694, -0.20565226674079895, -1.087071418762207, 0.5051946640014648, -0.6058294177055359, 1.2123318910598755, 1.2041488885879517, -0.6464422941207886, -0.5295974612236023, 1.0810972452163696, -1.013915777206421, 0.42904460430145264, 0.7958295345306396, 1.137839913368225, 0.5911396741867065, 0.5901536345481873, 0.44096285104751587, -1.0677950382232666, -10.182891845703125, 1.1028199195861816, 0.11180202662944794, 0.7930681705474854, 0.24267049133777618, -0.3044049143791199, 0.5035524964332581, -0.2431941032409668, 1.679195523262024, 0.054685283452272415, -0.5435774922370911, 1.896263599395752, 0.8803325295448303, -0.37615177035331726, -0.20619355142116547, -0.44593679904937744, -0.9936370253562927, -0.610418975353241, 0.3550502061843872, 1.919352650642395, -0.20878583192825317, -1.542146921157837, 0.5962367653846741, -0.42635592818260193, 0.20975638926029205, -1.1836810111999512, 0.31372740864753723, -0.18035389482975006, -0.6686499118804932, -0.7002650499343872, 0.18127718567848206, -0.12387261539697647, -1.1486202478408813, -0.11665520817041397, 1.1612910032272339, 0.09943237900733948, -0.5585843920707703, -0.5385990142822266, 1.124616026878357, 0.11451202630996704, -0.39540284872055054, -0.24950852990150452, 0.36436882615089417, -0.4897334575653076, -0.015500628389418125, -1.1033650636672974, -0.20888303220272064, -0.34196776151657104, 0.130305215716362, -0.6261690855026245, 0.187127485871315, -1.2585132122039795, -0.9235466718673706, -1.058164358139038, 1.6284475326538086, -0.22795704007148743, -0.2020101249217987, 0.18209707736968994, -0.7142341136932373, -1.2794045209884644, 0.7419626712799072, 0.32971370220184326, -0.8926399350166321, 0.9594506621360779, -0.552360475063324, -1.0371488332748413, 0.7617437243461609, 0.556596040725708, 1.1476101875305176, -0.059085723012685776, -1.2825324535369873, 0.3215510845184326, 0.6069347262382507, 0.5596429109573364, 0.19103482365608215, -0.6208562254905701, 0.5083185434341431, -1.2015912532806396, 0.5362861752510071, 0.11648602783679962, -1.0454998016357422, -0.12916351854801178, -0.26671111583709717, -0.10337737947702408, -0.8363561034202576, 0.152134507894516, -0.531475841999054, -0.22901064157485962, 0.4114196300506592, 0.2278417944908142, 0.988448441028595, 0.18989652395248413, 0.19155463576316833, 0.17179185152053833, -0.9854360818862915, 0.6640578508377075, -0.7553066611289978, 1.33711576461792, -0.49206045269966125, -0.18244364857673645, 0.7667449712753296, -0.16564255952835083, -0.4192991554737091, -0.01233329251408577, 0.883539080619812, -0.4171139597892761, 0.681940495967865, 0.125396728515625, 1.4205611944198608, 0.7176688313484192, 0.7531644105911255, 0.026070550084114075, -0.4214426875114441, 0.5191404223442078, 0.31176209449768066, 0.9431366920471191, 0.3304183781147003, 0.12465324997901917, 0.31470662355422974, 0.4798462390899658, 0.5773394107818604, 0.3407210111618042, 0.17818890511989594, 1.1571640968322754, 0.18374395370483398, 0.48960545659065247, 0.08520510792732239, 0.7813485860824585, -0.3835761249065399, -2.010474681854248, 0.4459656774997711, -0.621084988117218, 0.4433469772338867, -0.942055344581604, 0.599470853805542, -1.0027822256088257, -1.5061719417572021, 0.8264521360397339, -0.6183221936225891, 0.3599832355976105, -0.6669166684150696, -0.2900892496109009, -0.4213945269584656, -0.23595841228961945, -0.2847844958305359, 0.25687894225120544, -1.8558961153030396, -0.45202723145484924, -0.5472328662872314, -1.2290817499160767, 1.0077602863311768, -0.2120782732963562, 0.45290517807006836, -0.4675278067588806, 0.4840901792049408, 0.056518830358982086, 0.05947469547390938, 0.1187153235077858, -0.574363648891449, 0.2880110442638397, 0.606446385383606, 1.2936770915985107, -0.7332053184509277, 1.0388084650039673, 1.4477152824401855, -0.33270660042762756, -0.8663666248321533, -0.5909169912338257, -0.1721256673336029, -0.11505641788244247, 0.7959471344947815, -0.6843082904815674, -0.03956003487110138, -0.014525866135954857, -0.4929512143135071, -1.513761043548584, -0.26319971680641174, 0.936394214630127, 0.02229592204093933, 1.222438931465149, 0.21561138331890106, 0.6555841565132141, 0.33907440304756165, -0.7613725662231445, -0.4743480980396271, -0.33540287613868713, -0.25621557235717773, 0.42208272218704224, 0.4039987325668335, 0.5424705147743225, -1.2456121444702148, -1.4155850410461426, -0.2145041823387146, -0.06193133816123009, 0.4061794877052307, 0.047688182443380356, 0.9478529095649719, 0.444815456867218, 0.10760664939880371, 0.37738433480262756, -0.4044216275215149, -0.09741632640361786, 0.654640793800354, -0.7288802862167358, -1.472956895828247, -0.35309091210365295, -0.03294031322002411, 0.6717157959938049, 0.8577337265014648, 0.09648896753787994, -0.9605881571769714, -0.3931840658187866, 0.4814806282520294, -0.6383655667304993, 0.526410698890686, -0.5166908502578735, 0.01713036373257637, -0.4300069510936737, -0.7332245111465454, -0.6299885511398315, -0.1594846248626709, 0.8743053078651428, -0.3741964101791382, 0.3953075706958771, 0.3995559513568878, -0.6631819605827332, 0.22843123972415924, 0.4939810037612915, 1.8444182872772217, -0.763718843460083, -0.1622527837753296, 0.24647483229637146, 0.8428336381912231, -0.4241124987602234, -1.3608481884002686, 0.2553947865962982, -0.6226412057876587, -0.6757194995880127, -1.0829493999481201, 0.8210152387619019, -0.6960638165473938, -0.2804565131664276, -0.21602515876293182, 0.6261500716209412, -1.0842880010604858, -0.6206459999084473, -0.06791196763515472, -0.3399588465690613, -0.4794786274433136, -0.33206644654273987, 0.8435646295547485, 1.013213872909546, 0.9117212295532227, 0.3896297812461853, 1.5764944553375244, 0.5049004554748535, 0.5268602967262268, 0.3996337950229645, 0.024045903235673904, 2.0037147998809814, 0.24042055010795593, 0.5224401354789734, -0.7936401963233948, 0.209901362657547, -1.1225769519805908, -0.7932718396186829, -0.4244362711906433, 0.5676301121711731, 0.7014608979225159, 0.07027864456176758, 0.7145295143127441, 0.058577947318553925, -0.2664419710636139, 0.15637008845806122, -0.2096467912197113, 0.40532732009887695, 0.535406768321991, -0.022831261157989502, -0.9189817905426025, 0.1396319419145584, 1.1266062259674072, -0.9908115267753601, -0.2522280514240265, -0.3866274356842041, -0.3132123053073883, -0.5292541980743408, -0.9688612818717957, -0.6307480335235596, -0.11211249232292175, -0.4218721389770508, 0.4942386746406555, 0.3897242248058319, -0.3000860810279846, -1.039495587348938, 0.6027764678001404, -0.8133519887924194, 0.08172798156738281, -0.5553586483001709, -1.0164755582809448, 0.5287764072418213, 0.9374802112579346, 0.12223762273788452, -1.02479088306427, 1.1818122863769531, 0.05871136486530304, -0.8542957305908203, 0.8727770447731018, 1.3501337766647339, -0.3523830771446228, -0.4463920593261719, 0.706838846206665, -0.13498862087726593, -0.028044719249010086, 1.3392894268035889]} +{"paper_id": "aps/charades", "embedding": [-0.5656746625900269, 0.5665237903594971, -0.0741192027926445, 0.08651915192604065, 0.32316529750823975, 0.5007998943328857, 0.4853634536266327, -0.06550631672143936, 1.0946319103240967, 0.2307678759098053, 0.25539925694465637, 0.030725067481398582, -0.03796352073550224, -0.07999749481678009, -0.43256843090057373, -0.33502182364463806, -0.4870619475841522, -0.09141630679368973, -0.6883675456047058, 0.30488333106040955, -1.0215208530426025, -0.6403353810310364, -0.26139605045318604, -0.04831426590681076, -1.0233639478683472, 0.6145040988922119, 0.8873569965362549, -0.8079195618629456, -0.10265956073999405, 0.3205835223197937, 0.09731000661849976, 0.718505322933197, -1.048054575920105, 0.5688862800598145, -0.48829546570777893, -0.7042404413223267, 0.254966139793396, 0.6009150743484497, 0.09002678841352463, -0.7577559351921082, 0.006009448319673538, 0.5846712589263916, 1.365386724472046, 0.14810438454151154, -0.0011840900406241417, -0.19085922837257385, 0.07194602489471436, 0.452006995677948, -0.9058159589767456, 0.16928483545780182, -0.1949031502008438, 0.3698805868625641, 0.55269455909729, -0.4638986587524414, 0.005169190466403961, 0.580134391784668, -0.15711021423339844, -0.32837483286857605, -0.35461097955703735, -0.24348106980323792, 0.42118126153945923, 0.3006907105445862, 0.16085267066955566, 0.5372861623764038, 0.6968057751655579, 0.022077277302742004, 0.7089057564735413, 0.26919466257095337, -0.06484927237033844, 0.39312782883644104, -0.4558035731315613, -1.8737913370132446, 0.12082666158676147, 0.19107580184936523, 0.18876612186431885, 0.3315979838371277, -0.3713184595108032, -0.11429761350154877, 0.6192053556442261, 0.7817454934120178, 0.25761276483535767, -0.2720212936401367, 0.03578071668744087, -0.4485526382923126, -0.26378464698791504, -0.2073160707950592, 0.6590003967285156, -0.6520887613296509, 0.04853363707661629, -1.439485788345337, 0.3862815499305725, -0.4782225787639618, 1.1200031042099, -0.053703054785728455, -0.6779510378837585, 0.5577958822250366, 0.4081728458404541, -0.9050623774528503, -0.4180937707424164, 1.0851473808288574, 0.48834067583084106, 0.04451262950897217, 0.49982932209968567, -0.18809521198272705, 0.6594722270965576, 0.12454384565353394, -0.3846212923526764, 0.08732447773218155, -0.03287901729345322, -0.6164931058883667, -0.5732694864273071, 1.073904275894165, 0.793414831161499, 0.7546804547309875, -0.5803272128105164, 0.13140609860420227, 0.43061572313308716, -0.4469999372959137, -0.36821672320365906, 0.2899893522262573, 0.15737225115299225, -1.311768889427185, 0.2621365189552307, -0.8180375695228577, 0.7230321764945984, -0.13872697949409485, 0.5136643648147583, -0.23062455654144287, -0.6711791157722473, -0.7647862434387207, 0.11225668340921402, 0.09824424982070923, -0.3706724941730499, 0.7681253552436829, 2.8287856578826904, -0.6766122579574585, 0.7891315221786499, -0.2754324674606323, -1.2095657587051392, -0.6251571774482727, -0.2288837432861328, 1.246152639389038, 0.09365945309400558, -0.20138175785541534, -0.8126852512359619, -0.594994068145752, 0.04908131808042526, -0.39925602078437805, -0.28633618354797363, -0.07272009551525116, 0.42410731315612793, 0.8582739233970642, -1.1045217514038086, -1.1138477325439453, -0.013063257560133934, 1.0417838096618652, -0.2986734211444855, -0.0751868337392807, -0.40582916140556335, -0.10459870845079422, -0.17537671327590942, 0.5307853817939758, -0.38057565689086914, 0.7648642063140869, 0.02651377022266388, 0.7906525731086731, 1.0091866254806519, -0.30979272723197937, -0.5989215970039368, -0.39511361718177795, 0.4020117223262787, -0.6219318509101868, 0.6518012881278992, -0.23865410685539246, -0.2863349914550781, 0.7880751490592957, 0.09091705083847046, 0.640792965888977, -0.14965873956680298, -0.5258797407150269, -0.5660862326622009, 0.25661036372184753, -0.005693897604942322, -0.24132868647575378, 0.5753641724586487, -0.9679297208786011, -2.218183755874634, 0.012670524418354034, -0.4442858099937439, 0.4753137230873108, 0.6523428559303284, 0.09352397173643112, 0.027463510632514954, 0.7468385100364685, -1.0859577655792236, 0.06161179021000862, 0.5635874271392822, -1.0436140298843384, -0.8038406372070312, 0.4030489921569824, -0.003971751779317856, 0.3656938076019287, -1.324162483215332, 0.41779112815856934, 1.0125967264175415, 0.2752861976623535, -0.3573838174343109, -1.4426860809326172, 0.3491686284542084, 1.1687344312667847, 0.9335793256759644, -0.49977049231529236, -0.7483800053596497, 0.10039018094539642, 0.551217794418335, -0.3366282880306244, 1.125929594039917, 0.13326582312583923, -0.23296287655830383, -1.140834093093872, 0.21900959312915802, -0.13199609518051147, 0.9744099974632263, -0.1365116536617279, 1.0591380596160889, -0.8592460751533508, -0.6166237592697144, -0.6077718138694763, -0.751622200012207, 0.4895364046096802, 0.47786620259284973, 0.13328713178634644, 0.5520462393760681, 0.8081091642379761, 0.617219865322113, -0.06052310764789581, 0.5120379328727722, 0.4408932626247406, -0.15627703070640564, 0.21670769155025482, -0.06048181653022766, -0.120526984333992, 0.17110276222229004, -0.37985995411872864, 0.25846248865127563, -0.3804737627506256, 0.21199601888656616, -1.4012824296951294, -0.9506049752235413, 0.20535311102867126, 1.3035743236541748, 0.5011763572692871, 0.059509292244911194, -0.47502341866493225, -0.13035258650779724, -0.0063131749629974365, 0.5568963885307312, -0.16033931076526642, -0.07576462626457214, -0.4985576272010803, -0.020741555839776993, -0.36941665410995483, -0.32470062375068665, -0.07813253253698349, 0.07720576226711273, 0.07590946555137634, -0.9762831926345825, 0.345047265291214, -0.040737271308898926, -0.12413662672042847, -0.3869212567806244, -0.21243788301944733, -0.17952623963356018, -0.7378884553909302, -0.1417943239212036, -0.0179001372307539, 0.18518316745758057, 0.1152547299861908, 0.7580376863479614, 0.013660449534654617, 0.10535302013158798, -0.830169141292572, 0.2608267068862915, 0.2247195541858673, 0.2158101201057434, -0.8953067064285278, 0.1808980256319046, -0.5224599242210388, 0.05028583109378815, -0.7301865220069885, 0.5716991424560547, -1.102657675743103, -0.3102375268936157, 0.23202034831047058, -0.4413336515426636, -0.21117936074733734, 1.3541094064712524, 0.35458818078041077, 0.1480126678943634, -0.10703835636377335, 0.004138201475143433, 1.0253689289093018, -1.1315397024154663, 0.4387780427932739, -0.6296418905258179, 0.10519732534885406, 1.6171529293060303, -0.5791618824005127, 0.11653819680213928, 1.2731233835220337, 0.16385968029499054, 0.33704307675361633, -0.20308631658554077, -1.5595524311065674, -0.06248186156153679, 0.35743317008018494, 0.8177060484886169, 0.20097960531711578, -1.131349802017212, 0.2132701724767685, -0.5669189691543579, -0.13339287042617798, -0.14113041758537292, -1.2053967714309692, 0.1746128648519516, -0.052119120955467224, 1.338055968284607, 0.04107771813869476, -0.4463101625442505, 0.3810378313064575, 0.28344422578811646, -0.14642205834388733, -0.341514527797699, 0.2735230326652527, 1.1697232723236084, -0.3683136999607086, 0.02468631975352764, 0.5809292793273926, 1.1003589630126953, -0.11121141910552979, -0.15445342659950256, -0.4382721483707428, 0.9615392088890076, -0.155106782913208, -0.39151763916015625, 0.749549150466919, -0.0004788339138031006, 0.7201125025749207, -0.07848630845546722, 0.6519694328308105, -0.47370532155036926, 0.14977148175239563, -0.39724186062812805, 0.5288200378417969, -0.7012436389923096, 0.04208313673734665, 1.087594985961914, 0.6366509795188904, 1.3677103519439697, 0.004898197948932648, 0.22119298577308655, -0.5288823246955872, 0.08127932250499725, -0.16232149302959442, 0.7862718105316162, 0.663894772529602, -0.43748989701271057, -0.1680557280778885, -0.008122125640511513, 0.9757499694824219, 0.1613365113735199, -0.37862691283226013, 0.5161195993423462, -0.029707778245210648, -0.2707895040512085, 0.6743713021278381, -0.20831769704818726, 0.8186221718788147, 1.837929606437683, 0.15008974075317383, -0.5076311826705933, -0.35279381275177, -0.2707024812698364, 0.5637110471725464, -0.4212872087955475, -0.0540584921836853, 0.22617554664611816, 0.24142907559871674, 1.2400351762771606, 0.6335604786872864, 1.2672160863876343, 0.890626847743988, -0.05794018507003784, -1.1294102668762207, -0.2406860888004303, -1.0903291702270508, -0.7226285934448242, 0.3951857388019562, -0.47059720754623413, 0.24573005735874176, 0.475880891084671, -0.33074942231178284, -1.5089468955993652, 0.17176678776741028, 0.06209573894739151, -0.33468663692474365, -0.13998737931251526, 1.2844120264053345, -0.7018460035324097, -0.9586679339408875, -0.005644932389259338, -0.785347044467926, 0.009785589762032032, -0.03400002792477608, -0.04281942546367645, 1.1662527322769165, -0.6296325325965881, 0.14662745594978333, -0.7932709455490112, 0.4694927930831909, -0.09521172940731049, 1.474169135093689, 0.31789061427116394, -0.3823515772819519, 0.6810444593429565, -0.09872999042272568, 0.5044234395027161, 0.8307000398635864, -1.1303740739822388, -0.3836385905742645, 0.8555682897567749, 0.9840191602706909, -0.678676426410675, -0.796059787273407, 0.10566549003124237, -0.3164200782775879, -0.013706736266613007, 0.16074156761169434, -0.7649461030960083, 0.09237619489431381, -0.5828742384910583, 0.6378664374351501, 0.9892641305923462, -0.7508032917976379, -0.5005438327789307, 1.0249743461608887, -0.91391921043396, 0.8969618082046509, -0.4563930332660675, -0.6343786120414734, 1.7270150184631348, 0.14284875988960266, 0.10953527688980103, 0.34535545110702515, -13.112055778503418, 0.5984142422676086, -0.5860372185707092, 0.40024155378341675, 0.4180143177509308, 0.017336271703243256, 0.2878750264644623, 0.7724312543869019, 0.8947362303733826, -1.36087965965271, 0.4906587600708008, 0.7119105458259583, -0.1847536861896515, -0.08186313509941101, -0.9485116004943848, -1.1460078954696655, -0.6597200632095337, -0.6082572340965271, 0.6474165320396423, 0.7253988981246948, 0.7147890329360962, -0.8742858171463013, -0.549282968044281, -0.4063897132873535, 0.224790558218956, -0.5169197916984558, 0.3419077396392822, -0.4747235178947449, -0.3107839822769165, 0.03306030482053757, 1.1381704807281494, 0.09935370087623596, 0.22373132407665253, -0.4661768674850464, 0.8210327625274658, 0.26880863308906555, -1.1146364212036133, -0.6081641316413879, 1.008420467376709, 0.09874249994754791, -0.2500268220901489, 0.527114987373352, -0.5625784397125244, 0.02888084016740322, -0.6310887336730957, 0.6235000491142273, -0.21276135742664337, -0.42164450883865356, 0.05537805333733559, -0.503131091594696, -0.9081302881240845, -0.4175562560558319, -0.35959118604660034, -1.0910369157791138, 1.269010305404663, 0.013937966898083687, -0.9357534050941467, -1.0436077117919922, -0.16759705543518066, -0.7475394010543823, 0.5868579149246216, 0.23687849938869476, -0.2586601674556732, 1.0996066331863403, 0.6488657593727112, -0.7474028468132019, 0.9420900344848633, 0.8189768195152283, 0.034737132489681244, 0.6317617893218994, -0.5681440830230713, 0.4077243506908417, 0.14469099044799805, 0.8146173357963562, -0.2489469051361084, -0.1287909746170044, -0.20845302939414978, 0.21770869195461273, 0.03231203183531761, 0.2474825233221054, -0.4420298933982849, 0.9865446090698242, -0.6502987146377563, -0.2988831698894501, -0.2872658669948578, 0.3858366012573242, 0.5292428135871887, -0.17201653122901917, 0.9411978721618652, 0.49163246154785156, 0.24145424365997314, -0.3142174184322357, -0.6819438338279724, -0.3397078514099121, -1.0276222229003906, 0.7109938859939575, 0.4987154006958008, 0.04111816734075546, -0.30804145336151123, -1.1022827625274658, 0.4895719885826111, 0.4970627725124359, -0.6176975965499878, -0.021461425349116325, 0.8183706998825073, -0.406154066324234, -0.014191582798957825, 0.2532055675983429, 0.4906799793243408, 0.7761420011520386, -0.17170026898384094, -1.2319308519363403, -0.6484487056732178, 1.355700969696045, -0.11440055072307587, -0.23545555770397186, 1.128833532333374, -0.715630292892456, 0.5641591548919678, -0.04199425131082535, 0.41810670495033264, 0.05633505433797836, 0.38590359687805176, 0.4928501844406128, 0.5379626154899597, -0.27397438883781433, 0.07951454818248749, 0.5567703247070312, -0.7336466908454895, -0.9622424840927124, 0.32650595903396606, -0.06098925322294235, -0.33080801367759705, -0.17720815539360046, -0.34011709690093994, -0.35877466201782227, -0.18811586499214172, 1.1093977689743042, -1.278498888015747, -0.16195213794708252, 0.29188138246536255, -0.1357055902481079, -1.109127402305603, -1.0011361837387085, -1.0960407257080078, -0.031817831099033356, -1.1528006792068481, 0.4544964134693146, -0.8691918253898621, -0.27146202325820923, 0.5765686631202698, -0.4020426273345947, 1.0771126747131348, -0.5686509609222412, 0.02783399261534214, -0.02630087174475193, -0.006313607096672058, -0.5378451943397522, 0.13410021364688873, -0.48107191920280457, 0.7570571899414062, 0.037954576313495636, -0.8746610283851624, 0.36524006724357605, 0.7318315505981445, 0.864227294921875, -0.498238205909729, -0.5222907066345215, 0.276470422744751, -0.13381558656692505, 0.7561573386192322, -0.9874311089515686, -0.2669837474822998, -0.2914424538612366, 0.9423592686653137, -0.7857654690742493, 0.37050849199295044, 0.7634989023208618, -1.5302985906600952, 0.14454786479473114, 0.18506790697574615, 0.7165042161941528, 0.3036145269870758, -0.9924098253250122, -0.0352896973490715, -0.08398120105266571, 0.36711522936820984, 0.8903080224990845, -0.012382516637444496, 0.9020986557006836, -1.4430549144744873, -0.9136747121810913, -1.0168331861495972, -0.4308798015117645, 0.36009109020233154, 0.048863328993320465, 0.8541500568389893, 0.07884714007377625, -0.15963132679462433, 0.11149544268846512, 0.0572846420109272, 0.4478655755519867, 0.1286095827817917, 0.24998103082180023, -0.09018221497535706, -0.6269234418869019, -0.38967251777648926, -0.4637758433818817, 0.03759313374757767, 0.2823891043663025, -0.8617361783981323, 0.5641087889671326, 0.17973797023296356, -0.8179230690002441, 0.36272913217544556, -0.9570736885070801, -0.1171545758843422, -0.44570714235305786, -0.17235533893108368, -0.837943434715271, 0.2700086236000061, 1.1311250925064087, 0.3459354639053345, 1.0353987216949463, -0.09574871510267258, 0.387759268283844, 0.6944350004196167, 0.21880608797073364, 1.018033742904663, 0.599055826663971, -0.24148622155189514, -0.04279821738600731, -0.4904591143131256, 0.00821242481470108, -0.1220698356628418, 0.37893804907798767, -0.6561859846115112, -0.10255483537912369, -0.8088507056236267, -0.09555468708276749, -0.5826267004013062, 0.17066694796085358, 0.5470969676971436, 0.4548987150192261, -0.9419059753417969, -0.9235983490943909, -0.9371113777160645, -0.9335383772850037, 0.15633249282836914, 0.509976327419281, 0.018751870840787888, 0.8951349258422852, 0.46873196959495544, -0.05270451307296753, 0.2519184648990631, 0.32620447874069214, 0.14803655445575714, 0.26108086109161377, 0.5375547409057617, 1.8079191446304321, 0.9832137227058411, -0.504558801651001, 0.9258236289024353, 0.8780011534690857, -0.2675256133079529, 0.488101065158844, -0.3697725534439087, -0.03565873205661774, 0.23455585539340973, -0.9706900715827942, -0.24789883196353912, -0.5562763214111328, -0.360770046710968, -0.3929511606693268, 0.16947224736213684, 0.6908504962921143, -0.43688178062438965, -0.2213028520345688, -0.20319809019565582, -0.2549017369747162, -0.16626320779323578, 0.1143026053905487, -0.7383196353912354, -0.40852195024490356, 0.7768149971961975, 0.27312830090522766, 0.7309330701828003, -0.3074837327003479, 0.4623246490955353, -0.15480244159698486, 0.9583796858787537, -0.8502368927001953, -0.34813886880874634, -0.32036924362182617, 0.8792169690132141, -0.22067907452583313, -0.46771571040153503, -0.4772341847419739, -0.25154414772987366, -0.3587218225002289, 0.12998545169830322, 0.39935749769210815, 0.03678557276725769, 0.045149028301239014, 0.8171421885490417, -0.4037367105484009, 0.6027621030807495, 0.033137403428554535, 0.1363639384508133, -0.7391782402992249, 0.5589562058448792, 0.03199928626418114, -0.3339245021343231, 0.6675084829330444]} +{"paper_id": "strombergnlp/bornholmsk_parallel", "embedding": [-0.2750778794288635, 1.1996861696243286, -0.5044354200363159, -0.5658421516418457, 0.5106287598609924, -0.08542758226394653, 0.1449841558933258, 0.513123095035553, 0.6492425799369812, 0.9626162648200989, -0.1592046022415161, -0.5432660579681396, -0.11129464954137802, 0.4768448770046234, -0.2879562973976135, -0.6043961048126221, -1.3149925470352173, -1.5620352029800415, -0.912868320941925, -0.3161967694759369, -1.1647400856018066, -0.1888866275548935, 0.09296444058418274, 0.5110200047492981, -0.455965518951416, -0.5936064720153809, 0.10799610614776611, -1.023175597190857, 0.26804423332214355, 0.548725962638855, -0.03824876993894577, 0.6344105005264282, -1.0603455305099487, 0.02244226634502411, -0.26202261447906494, -0.7658911943435669, -0.4322470426559448, 0.5119531154632568, -0.6139413714408875, 0.06643660366535187, -0.7711012363433838, -0.5505725741386414, 0.4391350746154785, 0.2361735701560974, 0.48984676599502563, -0.06300243735313416, -0.22539184987545013, 0.35094332695007324, 0.23945282399654388, 0.14397484064102173, -0.35484281182289124, -0.09555972367525101, 0.3446615934371948, 0.19239965081214905, -0.6207377910614014, 0.6602217555046082, 0.4899345934391022, -1.4340405464172363, 0.45235732197761536, -1.0938035249710083, 0.2702118158340454, 1.803240180015564, -0.483088880777359, 0.7320551872253418, 0.657203197479248, -0.7664066553115845, 1.4451276063919067, -0.0324748232960701, 0.8982182145118713, 0.6483548283576965, 0.08219602704048157, -0.4466188848018646, 1.0624370574951172, -0.1641312688589096, 0.9609235525131226, 0.9599862098693848, 0.3860872685909271, 0.23830007016658783, -0.4292758107185364, 0.012233475223183632, -0.6558138728141785, 0.7636526823043823, 0.8326125741004944, -0.7994207739830017, -0.3693595826625824, 0.8599813580513, 0.24256545305252075, -0.7403261065483093, 0.618598997592926, -1.7931104898452759, 0.12810154259204865, 0.024081261828541756, -0.008884018287062645, 0.3341839611530304, -0.41800081729888916, -0.06509426236152649, 0.02048204094171524, -0.18156109750270844, 0.09508390724658966, 0.4916638433933258, 0.25300508737564087, -0.39607784152030945, 0.12330187857151031, 0.34399646520614624, 0.7045592665672302, 1.1613895893096924, -0.3739109933376312, -0.027822725474834442, -0.3875160217285156, 0.16880731284618378, 0.031054500490427017, 1.8427921533584595, -0.024670414626598358, 0.18045207858085632, -0.055336106568574905, -0.03559056296944618, 0.18182717263698578, -0.9340853691101074, -0.4163760244846344, -0.24449191987514496, -0.5520391464233398, -1.0519518852233887, -0.4925386905670166, -0.12478234618902206, 0.42167574167251587, -0.7121456265449524, 0.5080750584602356, -0.288209468126297, 0.8295010328292847, -0.5392687916755676, 0.054506558924913406, -0.11179570853710175, -0.00223560631275177, -0.04151305556297302, 2.442025661468506, -0.9442877769470215, 1.307626724243164, -0.42769333720207214, 0.13331136107444763, -0.2078184187412262, 0.36964547634124756, 0.9331946969032288, -0.2653839886188507, -1.250943899154663, -0.8463147878646851, 0.21431371569633484, -0.7130511999130249, 0.7230631113052368, -0.7757015824317932, 0.0828092098236084, 0.3576768934726715, -0.25190892815589905, -1.1943475008010864, -0.4034937620162964, 0.23645581305027008, 0.25800642371177673, 0.08957649767398834, 0.6713737845420837, -0.4280320405960083, 1.044034719467163, 1.4695831537246704, 0.007737092673778534, -0.21292704343795776, 0.2589024007320404, -1.0510667562484741, -0.1730731874704361, 0.5866467952728271, -0.4059397876262665, -0.5537614226341248, -0.384394109249115, 0.48214447498321533, -0.33294281363487244, 0.12934379279613495, -0.03745776414871216, 0.16951380670070648, 0.3747468590736389, 0.8701654672622681, 0.6082702279090881, -0.06555341929197311, -0.6301408410072327, 0.232286274433136, -0.7090060710906982, -0.014320939779281616, 0.5819154381752014, 0.22597672045230865, 0.9215710759162903, -1.6992825269699097, 0.08101958781480789, -0.523779571056366, 0.1921178102493286, -0.6649119853973389, -0.3896433711051941, -0.11394219845533371, 0.29202190041542053, 0.394228994846344, 0.18020027875900269, 0.7415026426315308, -0.843134880065918, -1.3526408672332764, 0.6071114540100098, -0.2798471748828888, -0.16019749641418457, -0.2910832464694977, 1.3396422863006592, 0.30569639801979065, -0.8505514860153198, -0.3837335705757141, -1.3117399215698242, 0.21568605303764343, 2.5290372371673584, 0.17792166769504547, -1.1721649169921875, -1.0072450637817383, -0.5406906008720398, -0.048284806311130524, -0.6202512979507446, 0.2499719262123108, -0.5298667550086975, 0.18113522231578827, -1.1602964401245117, 0.5065800547599792, -0.07881392538547516, 0.28995299339294434, 0.3136894404888153, 1.0749906301498413, -0.5850457549095154, -0.632296085357666, -0.48465198278427124, -0.3472801744937897, 0.5961728096008301, 1.0057380199432373, 0.6213059425354004, -0.42039334774017334, 0.10280153155326843, -0.1852058470249176, 0.052557896822690964, 0.43996235728263855, 0.4390101730823517, 0.12125945091247559, -0.13238556683063507, 0.004408054053783417, 1.366105079650879, -0.23123960196971893, -0.22880840301513672, 0.23890812695026398, 0.10295602679252625, 0.3683854043483734, 0.3594815135002136, -0.038687191903591156, -0.4015845060348511, 1.917680263519287, 1.3095194101333618, 0.005330976098775864, 0.9658678770065308, -1.3887519836425781, 0.47712260484695435, -0.6898286938667297, -0.5569456219673157, -0.039512064307928085, 0.3306708335876465, 0.35760772228240967, -0.5057418942451477, -0.5977394580841064, 0.1946030706167221, -0.3291959762573242, -1.4360551834106445, -0.6090490221977234, -0.5444352626800537, -0.7848608493804932, -1.1678849458694458, -0.018847793340682983, 0.19332532584667206, -0.6014409065246582, -0.24276301264762878, 0.13161040842533112, 0.8700363039970398, -0.10664654523134232, 0.5279228687286377, 1.2632197141647339, 0.2296287715435028, 0.6405260562896729, 0.03043884038925171, 0.7158074378967285, -0.4288703203201294, 0.642400324344635, -0.15132692456245422, -0.2759026885032654, 0.18689841032028198, -0.26237577199935913, -0.3323971629142761, 1.1220574378967285, 0.5897281169891357, -0.21029481291770935, 0.3907041847705841, -0.5111747980117798, -1.9586774110794067, 0.81536465883255, -0.31560879945755005, 0.36796262860298157, -0.9329082369804382, 1.3236078023910522, 0.17235973477363586, 0.26375263929367065, 0.47289955615997314, -0.2861303985118866, 0.5052739381790161, 1.0923922061920166, -0.0854807049036026, 0.6226964592933655, -0.2865733206272125, 0.06715631484985352, -0.2057754248380661, 0.5254260301589966, -2.2817790508270264, -0.4613916277885437, 1.1802220344543457, 0.2165575474500656, -0.24296067655086517, -0.640233039855957, 0.38555729389190674, -0.7841230630874634, -0.6367565393447876, 0.4283543527126312, -1.1119195222854614, 0.44424960017204285, -0.5135587453842163, -0.3787059783935547, 0.7083977460861206, -0.8673388361930847, 0.16104945540428162, 0.6367124915122986, 1.0278494358062744, -1.6863632202148438, 0.19687846302986145, 0.863692045211792, -0.8334227204322815, 0.9672812223434448, 0.9614477753639221, 0.7198677659034729, 1.0000308752059937, -0.829395592212677, -0.22870923578739166, 0.43199044466018677, 0.1275528073310852, 0.7799772024154663, 0.9973008036613464, -0.3119041323661804, 0.6458752155303955, -0.40786367654800415, 0.911337673664093, 0.8305152654647827, -0.8964219093322754, -0.8786935806274414, -0.25883159041404724, -0.40691161155700684, -1.3044184446334839, 1.552613377571106, 1.3083243370056152, 1.2794266939163208, 0.11920364201068878, 0.21849359571933746, -0.2383473515510559, 0.46368876099586487, 1.8279298543930054, 0.2817119359970093, -0.034818559885025024, 0.2403111457824707, 0.26263904571533203, 0.5316170454025269, -0.20441143214702606, -0.4032166302204132, -0.7184470295906067, 0.7657511830329895, 0.46938493847846985, -1.3044391870498657, -0.24282436072826385, 0.36191436648368835, -0.1982659101486206, 1.695529580116272, -0.9858534932136536, -0.13820989429950714, 0.7747456431388855, 0.6107121706008911, 0.03008759766817093, -0.19479677081108093, -0.8403487205505371, 0.6447275876998901, 0.5034860372543335, 1.378161072731018, -0.5205556750297546, 0.6148557066917419, 0.9554919004440308, -0.19201435148715973, -0.24254855513572693, -0.49754735827445984, -1.3587121963500977, -0.09983331710100174, 0.08871258050203323, -0.6330066323280334, -0.4873380959033966, 0.7632924318313599, -0.3621468245983124, -0.12207692861557007, 0.5029672384262085, -0.4789849817752838, -0.9031124114990234, 0.6497592329978943, 0.9377093315124512, -0.6107029914855957, -0.001793859526515007, -0.3020089268684387, -0.43800368905067444, -1.5325067043304443, 0.07710626721382141, -1.1643099784851074, 0.5931844711303711, -0.4060002863407135, 1.3231987953186035, 0.06917577981948853, -0.2603669762611389, -0.880635678768158, 0.4468764662742615, 0.8883196115493774, 0.21053530275821686, -0.19691051542758942, -0.36682629585266113, 0.5195877552032471, -0.41136208176612854, -1.624891996383667, 0.19646614789962769, 0.7254947423934937, 0.011333771049976349, -0.16352076828479767, -0.9351099133491516, -0.6267179846763611, 0.04464848339557648, 0.6780744791030884, 0.07330916076898575, -1.391756296157837, 0.769948422908783, 0.2638641595840454, 0.6675531268119812, 0.39853253960609436, -0.29389119148254395, -0.7808055281639099, 0.8006566762924194, -0.47639280557632446, 0.7453169822692871, 0.4449286162853241, 0.9121540188789368, 0.5080299377441406, 0.39001864194869995, 0.25452589988708496, -0.2903680205345154, -11.877752304077148, 0.3045172095298767, -0.9148820042610168, 0.22094549238681793, 0.28348392248153687, -0.13394063711166382, 0.5594790577888489, -0.3758390545845032, 0.9262272119522095, -0.5080466270446777, 0.41143617033958435, 1.0774437189102173, 0.3151659071445465, -0.1715310513973236, -0.4393486976623535, -0.8542594313621521, -0.722131609916687, -0.44335949420928955, 0.26972854137420654, 0.7078019380569458, -0.7925437688827515, -1.339089035987854, 0.3959962725639343, 0.09891490638256073, 0.15441498160362244, -0.3078380525112152, -0.2385265827178955, 0.16703392565250397, -0.9396146535873413, -0.6578208208084106, 0.2921035885810852, 0.18291717767715454, -1.2537786960601807, 0.1243412122130394, 1.2193858623504639, -0.24429862201213837, -1.2173130512237549, -0.6983399987220764, 0.9868116974830627, 0.569882869720459, -0.48368990421295166, -0.2747761309146881, 0.046731941401958466, -0.773323118686676, -0.43641215562820435, 0.38805365562438965, -0.1174774318933487, -0.7535427808761597, 0.19260360300540924, -0.6548143029212952, -0.2573259472846985, -0.33991706371307373, -0.639019787311554, -0.8114045262336731, 0.33159658312797546, 0.12408740818500519, -0.22655737400054932, 0.3397977948188782, -0.4900188446044922, -0.9969210624694824, 0.5222076773643494, 0.3458247184753418, -0.06546042114496231, 0.30897805094718933, 0.3578983247280121, -0.3469814360141754, 0.22941499948501587, 0.1415468156337738, 0.8566799163818359, 0.1059582531452179, -1.1136385202407837, 0.7709414958953857, 0.09364989399909973, -0.03715893626213074, -0.15181273221969604, -0.5062317252159119, -0.24665561318397522, -0.5781965851783752, 0.28498122096061707, 0.02519744448363781, -0.36627790331840515, 0.8711218237876892, -0.1829552799463272, 0.2902367413043976, -0.3473690450191498, 0.18491984903812408, -0.006926305592060089, -0.646492063999176, 1.087571620941162, -0.06046225130558014, 0.7891027331352234, 0.23599773645401, -0.0831167995929718, 0.6989890336990356, -1.0449827909469604, 1.0872758626937866, -0.05476552993059158, 1.6866035461425781, 0.37973061203956604, -0.015203051269054413, 0.07111238688230515, -0.4764021933078766, 0.06246273219585419, -0.5372788906097412, 0.5222300291061401, -0.012745700776576996, 0.42499756813049316, 0.3258903920650482, 0.5526441335678101, 0.01067502424120903, 1.2462589740753174, 0.08550751209259033, -0.11247341334819794, 0.4758608639240265, 0.2644645571708679, 0.6153430938720703, 0.3922211229801178, 0.3804205656051636, 0.18224622309207916, 0.9085198640823364, 0.28706955909729004, 1.120468258857727, 0.19198575615882874, 1.0471194982528687, 0.7814890146255493, 0.03480252996087074, 0.4808397591114044, 0.6078464388847351, -0.06365565210580826, -1.7494670152664185, -0.05272608622908592, -0.3886803686618805, -0.22245557606220245, -0.38268354535102844, 0.05561700090765953, -0.8021110892295837, -1.652405023574829, 1.3487615585327148, -0.5113005042076111, -0.1533140242099762, -0.10084876418113708, -0.6073593497276306, -0.5814141035079956, -0.7098507285118103, -0.4786522388458252, 0.6451224684715271, -1.818284034729004, -0.11255405843257904, -0.09141051024198532, -1.003869891166687, -0.16593067348003387, 0.21685433387756348, 0.15733382105827332, -0.6921772956848145, -0.07468937337398529, 0.5874376893043518, 0.21700437366962433, -0.10782437026500702, -0.592619001865387, 0.18699994683265686, 0.2485489845275879, 0.637925922870636, -0.8783133029937744, 0.1899728626012802, 1.2724215984344482, -0.10722100734710693, -0.9654973149299622, -0.357794851064682, -0.3623950481414795, 0.7604313492774963, 0.4817577004432678, -1.018350601196289, -0.09418616443872452, -0.2698264718055725, -0.16220590472221375, -1.0806288719177246, 0.0900903195142746, 1.1670974493026733, -0.6310029625892639, 0.06825664639472961, 0.15175440907478333, 0.8747666478157043, 0.2904311716556549, -0.36490386724472046, -0.6324546337127686, -0.08311904966831207, -0.2131151556968689, 0.7292127013206482, 0.08232555538415909, 0.448636919260025, -1.3906099796295166, -1.254655122756958, -0.32220444083213806, 0.6823504567146301, 0.5031837821006775, -0.12598946690559387, 1.1282540559768677, 0.8154072165489197, -0.04361901432275772, 0.00619080662727356, -0.2793150544166565, 0.08808407187461853, 0.8779416680335999, 0.13914014399051666, -0.39107343554496765, -0.22433362901210785, -0.17122666537761688, -0.2707279920578003, 0.26950153708457947, 0.2821829915046692, -1.7487311363220215, -0.3619958758354187, 0.09117087721824646, -0.06310538947582245, 0.1826162487268448, -0.4367315173149109, -0.20271345973014832, 0.4464969038963318, -0.37902575731277466, -0.647911548614502, -0.20835790038108826, 1.1983652114868164, -0.36671656370162964, 0.5669364333152771, 0.39964601397514343, -0.09217828512191772, 0.046194035559892654, 0.6135649085044861, 2.2263312339782715, -0.09700632095336914, -0.043210845440626144, -0.009147409349679947, 0.8666725158691406, -0.27404361963272095, -0.9429725408554077, -0.055793751031160355, -0.7671932578086853, -0.04034586250782013, -0.7679111361503601, 0.3089360296726227, -0.5664970874786377, -0.1672278642654419, 0.3418590724468231, 0.9098880290985107, -0.136327862739563, -1.2493709325790405, -0.4631679058074951, -0.8258787393569946, -0.10634049773216248, 0.05160606652498245, 0.006090518087148666, 0.9791057705879211, 0.7024120688438416, 0.44549697637557983, 1.3964070081710815, 0.37029048800468445, -0.00987793505191803, -0.34560227394104004, 0.22016584873199463, 1.3852019309997559, 0.808650016784668, 0.44833749532699585, 0.17315435409545898, -0.3208793103694916, -0.4638630151748657, -0.4064215421676636, -0.680618166923523, 0.8398712277412415, 1.0603113174438477, -0.14839431643486023, -0.33092838525772095, -0.3087483048439026, 0.6476489901542664, 0.24996283650398254, 0.16025543212890625, 0.13748590648174286, 0.2010268121957779, -0.49971914291381836, -0.44482553005218506, 0.09445363283157349, 1.8892852067947388, -1.009724497795105, -0.5170902013778687, -0.29953640699386597, -0.26081356406211853, -0.0456426739692688, -0.41330116987228394, -0.9553417563438416, 0.22528667747974396, -0.6566123366355896, 0.15795908868312836, 0.4505842924118042, -0.33629310131073, -0.8104473352432251, -0.3671773076057434, -0.6782670617103577, 0.17980405688285828, -0.25930702686309814, -0.9583030343055725, -0.19818072021007538, 0.8356636166572571, -0.2034890353679657, -0.5523536801338196, 1.3687132596969604, -0.2829248011112213, -1.1259102821350098, 0.9951739311218262, 1.0326718091964722, -0.8323991894721985, -1.0556601285934448, 0.3283896744251251, 0.009744804352521896, 0.19052013754844666, 0.3942268192768097]} +{"paper_id": "strombergnlp/bajer_danish_misogyny", "embedding": [-0.7644430994987488, 1.7941733598709106, -0.12326198816299438, -0.09466658532619476, 0.676726758480072, 0.4259209632873535, 0.5008577108383179, -0.11210129410028458, 1.0194343328475952, 0.9065613746643066, 0.4234912395477295, -0.2956743836402893, -0.041679754853248596, -0.08928557485342026, -0.5267934799194336, -0.0068387798964977264, -0.2992697060108185, -0.4140695631504059, -0.47842082381248474, -0.06922175735235214, -0.7042880058288574, -0.7689533233642578, -0.2535684406757355, 0.5271983742713928, -1.0918495655059814, -0.6563096642494202, -0.07429225742816925, -0.41542091965675354, -0.4801373779773712, -0.2928481996059418, -0.4272509217262268, 0.3535321354866028, -1.5983823537826538, 0.09119199961423874, 0.03044816106557846, -0.13967156410217285, -0.6269961595535278, 0.4725681245326996, -0.4354686439037323, -0.27661699056625366, -0.6846444010734558, 0.3338595926761627, 0.7965205907821655, -0.05953892692923546, -0.08435472100973129, 0.1945360004901886, 0.4108138680458069, 0.19471189379692078, 0.7595202922821045, -0.2998516261577606, -0.45073187351226807, -0.19413214921951294, -0.2592368721961975, -0.20621727406978607, -0.5120944976806641, 0.6719908118247986, -0.29298245906829834, -0.9106485247612, 0.6324160695075989, -0.7498030662536621, 1.2432724237442017, 1.4172321557998657, -0.3219910264015198, 0.17753863334655762, 0.3494128882884979, -0.18237684667110443, 0.8588560819625854, -0.46036338806152344, 0.12864257395267487, 0.5697889924049377, 0.030407890677452087, -0.8616835474967957, 0.41365766525268555, 0.013336554169654846, -0.21811902523040771, 0.485747754573822, 0.23619382083415985, 0.4015560448169708, -0.4380635917186737, 0.2678472101688385, -0.14968666434288025, 0.6982167959213257, -0.05829477682709694, -0.7693132758140564, -0.08805675804615021, 0.06228824704885483, -0.3433598279953003, -0.5941144227981567, 0.543807327747345, -1.1822351217269897, 1.2680410146713257, -0.2390478253364563, -0.06631536781787872, 0.38956165313720703, -0.7752276659011841, 0.498526394367218, -0.5098577737808228, 0.844024658203125, -0.05621083825826645, 0.4342935383319855, 0.6927927732467651, -0.8483779430389404, 0.5963973999023438, -0.535041868686676, -0.513276219367981, 0.66169273853302, -0.06980224698781967, -0.34046006202697754, -0.35459429025650024, -0.32902318239212036, 0.10073810815811157, 1.8991103172302246, -0.7809566855430603, 0.8067163228988647, 0.5304932594299316, 0.0613606795668602, -0.21585533022880554, -1.4171016216278076, 0.11809833347797394, 0.23960860073566437, -0.562313973903656, -0.5052990913391113, -0.2093343734741211, 0.6788349151611328, 0.8500844836235046, -0.1083938479423523, 0.669411838054657, -0.9411819577217102, -0.29115965962409973, 0.2890644669532776, 0.34063011407852173, -0.24874290823936462, -0.6702877283096313, 0.019781019538640976, 2.448248863220215, -1.7836670875549316, 0.9950239062309265, -0.7286463379859924, 0.2774744927883148, -0.3345702886581421, -0.4862048625946045, 1.2546097040176392, 0.46483054757118225, -0.9663123488426208, -0.6820641756057739, 0.13001194596290588, -0.032021135091781616, 0.08913735300302505, -0.7597029805183411, 0.08627894520759583, 0.11492492258548737, 0.3525881767272949, -0.9808443784713745, 0.12470493465662003, 0.041657086461782455, -0.1540927141904831, -0.046901170164346695, 0.5986968278884888, -0.5387617945671082, 1.162347435951233, 0.6044394969940186, 0.46538424491882324, -0.6820432543754578, 0.7189574837684631, -0.7634763121604919, -0.649390459060669, 1.5935347080230713, -0.12474031746387482, -1.5728834867477417, 0.004403017461299896, 0.9773768186569214, -0.32550573348999023, -0.12591814994812012, -0.10355541855096817, -0.5557076930999756, -0.23602956533432007, 0.5540575385093689, 0.8426020741462708, 0.7639630436897278, -0.4242861568927765, -0.17491382360458374, -0.31062614917755127, 0.5141704678535461, 1.013509750366211, -0.5723006129264832, 0.26660260558128357, -2.1863136291503906, -0.1023799329996109, -0.49794822931289673, 1.4161638021469116, 0.3905642628669739, 0.04852563142776489, 0.24681147933006287, 0.7288000583648682, 0.3181365728378296, -0.41876545548439026, 0.23955771327018738, -1.51502525806427, -0.39318332076072693, -0.34947991371154785, 0.028792787343263626, -0.8881344795227051, -0.37893879413604736, 0.17380088567733765, 0.9152356386184692, -0.9280387759208679, 0.07021365314722061, -1.8757152557373047, 0.24437367916107178, 3.00057053565979, -0.015687182545661926, -0.41402027010917664, -0.9536710381507874, 0.26584476232528687, -0.3548952639102936, 0.1697758436203003, 1.294122576713562, -0.6573103666305542, -0.4120844006538391, -0.7536043524742126, 0.5951558947563171, -0.22358518838882446, 0.3086682856082916, 0.17143923044204712, 0.6716490983963013, -1.140209674835205, -0.686443567276001, -0.6662095785140991, -0.6076081395149231, 0.6867319941520691, 0.4661162495613098, 0.34029293060302734, 0.6715861558914185, 0.4971804618835449, 0.3618382215499878, 0.9887910485267639, 0.7262724041938782, 0.28439149260520935, -1.3191864490509033, 0.3757949471473694, 0.41080814599990845, 0.34995904564857483, -0.020580679178237915, -0.6098164916038513, 0.8086317777633667, 0.2268694043159485, -0.1939130425453186, -0.7047325968742371, -0.5826951861381531, 0.08032703399658203, 0.28395310044288635, 1.1802453994750977, -0.6159830093383789, 0.15232506394386292, -0.366203248500824, 0.24763259291648865, -0.5907064080238342, -0.7412492632865906, -0.07935985177755356, -0.1412261724472046, 0.3786732852458954, 0.4555915296077728, 0.30371612310409546, -0.11649133265018463, 0.22172501683235168, -0.8682988286018372, -0.06237467750906944, 0.15390637516975403, -0.3302192687988281, -0.736068606376648, 0.4346742033958435, -0.6299552321434021, -1.751846432685852, -0.30432477593421936, 0.35938897728919983, 0.06148722767829895, -0.4475463330745697, 0.550089955329895, 0.8170933723449707, -0.18320277333259583, 0.12008190900087357, -0.13140465319156647, 1.0854313373565674, -0.6533551216125488, -0.3043974041938782, 0.10696768760681152, -0.20640529692173004, 0.16179564595222473, -0.40837082266807556, -0.14670102298259735, 0.5046468377113342, 0.9717786908149719, -0.7987938523292542, 0.9030396342277527, -0.01112540066242218, -1.5070436000823975, 0.9226669669151306, 0.2542787492275238, -0.3011670410633087, -1.2054698467254639, 1.0145665407180786, 0.002880444750189781, 0.0688251256942749, 0.4746091961860657, -0.7152164578437805, -0.013707933947443962, 0.8307597637176514, -0.9316754341125488, 0.16026540100574493, 0.29788917303085327, -0.20006200671195984, -0.8705394268035889, 0.6528587937355042, -1.8967756032943726, 0.33197376132011414, 0.6415321826934814, -0.2446933090686798, 0.024339279159903526, -0.33694449067115784, 1.165773630142212, -0.5551241636276245, 0.044465579092502594, 0.442653089761734, -0.8434911966323853, 0.2275746464729309, -0.08858539909124374, 0.042114920914173126, -0.6826488375663757, -1.1102173328399658, -0.21302011609077454, 0.845194399356842, 0.9063780903816223, -0.9756494760513306, 0.1114688441157341, 0.31275177001953125, -1.2040613889694214, 1.1406185626983643, 0.10145281255245209, 0.8053814768791199, 0.5446852445602417, -0.6730824708938599, -0.6133719682693481, 0.4379191994667053, 0.15959832072257996, 0.06321857124567032, 0.37273529171943665, -0.14044421911239624, 1.2191925048828125, -0.8615946173667908, 1.6478468179702759, 0.03900955244898796, -0.5684096217155457, -1.4239822626113892, -0.6581718921661377, 0.21950392425060272, -0.5519882440567017, 1.513848066329956, 1.2550575733184814, 1.3119498491287231, 0.03032604791224003, -0.09274448454380035, -0.8479780554771423, 0.390408456325531, 0.9054760336875916, 0.370245099067688, 0.3494766354560852, -0.5308960676193237, 0.1542797088623047, 0.9004125595092773, 0.4365825653076172, -0.9910222291946411, 0.39782753586769104, 1.030143141746521, -0.21743880212306976, -0.3631589114665985, 0.0912654772400856, -0.23272526264190674, 0.17583173513412476, 0.6879886984825134, -0.3897637128829956, -0.1885053962469101, -0.09693431854248047, -0.027106013149023056, 0.2729465663433075, 0.07406049221754074, -0.768216609954834, 0.6889408826828003, 0.35950636863708496, 0.5366090536117554, 0.27080869674682617, 0.6386409997940063, 1.6012187004089355, 0.016396623104810715, -0.9621825814247131, -0.6979312896728516, -1.1627910137176514, 0.1487084925174713, -0.1888464391231537, 0.3939806818962097, -0.8206121921539307, 0.3766475319862366, -0.22852540016174316, -1.2512625455856323, 0.6149288415908813, -0.22355994582176208, -0.9085229635238647, 0.8282078504562378, 0.42025262117385864, -1.3775404691696167, -0.746813952922821, 0.2416367083787918, -0.7130538821220398, -0.8763383030891418, 0.17729152739048004, -0.9896628856658936, 1.5717501640319824, 0.6380301713943481, 0.15704819560050964, 0.003964361734688282, 0.2494618445634842, -0.5915327668190002, 0.8465331792831421, 1.5345733165740967, -0.110875204205513, 0.16174638271331787, 0.48805129528045654, 0.20988766849040985, 0.43341362476348877, -1.0124058723449707, -0.5101792812347412, 0.6867859959602356, 0.22951599955558777, 0.4335727393627167, -0.7409505248069763, -1.229883074760437, 0.9816781282424927, 0.29384076595306396, 1.1210463047027588, -0.22266925871372223, 0.5213152766227722, -1.023954153060913, 0.12163715064525604, 0.6472408771514893, -0.2883579730987549, -1.32707679271698, 0.8026158213615417, -0.7212689518928528, 0.4441346824169159, 0.669636607170105, 0.12543660402297974, 1.2119128704071045, -0.039093900471925735, 0.548289954662323, -0.8978062868118286, -11.03155517578125, 0.7945621609687805, 0.06125766783952713, 1.1721551418304443, 0.5386691689491272, 0.39756959676742554, 0.42619290947914124, -0.33285287022590637, 1.7501757144927979, -0.31369107961654663, -0.3477797210216522, 2.8698177337646484, -0.021752752363681793, -0.2360413670539856, -1.070886254310608, -1.0491684675216675, -0.6623606085777283, -0.5594390630722046, -0.13958799839019775, 1.0245431661605835, -0.812219500541687, -1.0757386684417725, -0.8624123334884644, -0.7323961853981018, 0.9317759871482849, -0.5555257797241211, -0.22505560517311096, -1.193528175354004, 0.0791187733411789, 0.3266426622867584, 0.29420846700668335, 0.41024306416511536, -0.416315495967865, 0.6286057233810425, -0.2564484477043152, 0.10375979542732239, -0.7644124031066895, -1.0042715072631836, 0.830302357673645, -0.4552532434463501, 0.15095695853233337, -0.09870302677154541, 0.7988013625144958, -0.776098370552063, -0.8748958110809326, 0.20596866309642792, -0.6286357045173645, -0.3588704466819763, -0.2940191924571991, -0.7220708727836609, -0.6363635063171387, -0.6158218383789062, -1.9949146509170532, -0.5490474104881287, 1.447192668914795, -0.20338426530361176, -0.35840392112731934, -0.8603214025497437, -0.8889894485473633, -1.2216886281967163, 0.7383706569671631, -0.10278414189815521, -0.06828844547271729, 0.7997438311576843, 0.46041351556777954, -0.07888802886009216, 0.31937500834465027, -0.49200886487960815, 0.428009569644928, -0.022586066275835037, -0.5147715210914612, 1.2320560216903687, 0.06304153800010681, 0.4991675019264221, -0.23383596539497375, -0.3959845304489136, -0.983353853225708, -0.07492872327566147, 0.7470609545707703, -0.4581410884857178, -1.0996134281158447, 0.5259788036346436, -0.17430542409420013, -0.24394583702087402, -0.3549085259437561, 0.2312002182006836, -0.5936973690986633, 0.21939250826835632, 0.4086262285709381, 0.30212414264678955, 0.5412884950637817, -0.32178711891174316, -0.23142190277576447, 0.33550694584846497, -1.464943289756775, 0.3786885142326355, -1.064333438873291, 1.117081880569458, 0.2682729959487915, 0.180182546377182, 0.7444726824760437, 0.1802552342414856, -1.278298258781433, -0.4060097932815552, 0.5552176237106323, 0.20052942633628845, -0.025201931595802307, -0.22847023606300354, -0.40812990069389343, -0.40141549706459045, 0.24629467725753784, 0.8593911528587341, 0.3786592483520508, 0.9498960375785828, 0.07758188247680664, 0.10916432738304138, 0.36096304655075073, 0.18496796488761902, 0.3078458905220032, 0.8581081628799438, -0.24173110723495483, 0.4227510094642639, -0.3363015651702881, 0.47579139471054077, 0.1520705223083496, 0.7341773509979248, 1.044110655784607, 0.10703456401824951, 0.47483548521995544, -1.8333313465118408, 0.6416382193565369, -0.7590054869651794, 0.1647658795118332, -1.480635643005371, -0.13242031633853912, -0.27612748742103577, -0.9411101341247559, 0.4891708195209503, -0.8676002621650696, 0.21139481663703918, -0.6997969150543213, 0.03969744220376015, -0.18003037571907043, -0.7677449584007263, -0.5509024858474731, 0.8122554421424866, -1.2434885501861572, 0.29602479934692383, -0.7369257211685181, -0.2370932400226593, -0.3441615402698517, -0.9117792248725891, 0.6509618759155273, -0.970956563949585, -0.0251968652009964, 0.2575032413005829, 0.26289498805999756, -0.6479955911636353, -0.926835298538208, -0.3295576572418213, 0.3567349910736084, 1.467746376991272, -0.6420985460281372, 1.0053038597106934, 0.9768862724304199, -0.2683877944946289, -0.5265532732009888, 0.22789788246154785, -0.1789800375699997, 0.22519522905349731, 0.39615827798843384, -0.22210323810577393, -0.13129755854606628, 0.5028982758522034, 0.38512200117111206, -1.1633799076080322, 1.3756624460220337, 0.9989737272262573, -1.1518404483795166, 0.030974507331848145, 0.37260276079177856, 0.5777099132537842, 0.27018681168556213, 0.04742228984832764, -0.02596750110387802, 0.10905157774686813, -0.1988806128501892, 1.0961921215057373, 0.18954962491989136, 0.9598682522773743, -1.6769791841506958, -1.194967269897461, -0.4366229772567749, 0.21447256207466125, 0.647148847579956, -0.5027723908424377, 1.3240734338760376, 0.4160996079444885, 0.63805091381073, -0.4024517834186554, -0.15400834381580353, 1.0477185249328613, 0.09261273592710495, 0.793529748916626, -0.9617846012115479, 0.20945218205451965, -1.1716307401657104, 0.7864476442337036, 0.5491621494293213, 0.4690064787864685, -1.5500659942626953, -0.23725034296512604, 0.18961374461650848, -0.22212360799312592, 0.23317770659923553, -0.5679599046707153, 0.3397237956523895, -0.16207429766654968, -1.202277421951294, -0.5318611264228821, 0.8359748721122742, 0.9075523018836975, 0.5014141201972961, 0.760176420211792, 0.9654543399810791, 0.2525365352630615, 0.4983411729335785, 0.7425527572631836, 1.535735845565796, -0.2726188004016876, -0.5532455444335938, 0.08544407784938812, 0.2505929172039032, -0.03450428321957588, -0.077779121696949, -0.1904952973127365, -0.615935206413269, 0.4932311177253723, -0.9841729998588562, 0.4931333363056183, -0.4743189215660095, 0.19005261361598969, 1.08331298828125, 0.6760857105255127, -1.2763041257858276, -0.6216789484024048, -0.6244648098945618, -1.4104505777359009, 0.27901971340179443, -0.0047848522663116455, 1.3088048696517944, 1.2823745012283325, 0.5680321455001831, 0.7323044538497925, 1.0529992580413818, 0.8130229711532593, 0.8342006802558899, 0.5383042693138123, -0.06558786332607269, 1.397965669631958, 0.9182589054107666, 0.244903102517128, -0.2797880172729492, 0.001826263964176178, -1.6034595966339111, -0.9990846514701843, -0.41472890973091125, 0.9939732551574707, 0.09443977475166321, 0.3543379306793213, 0.9210614562034607, -0.5645163059234619, 0.4758945405483246, -0.1043216660618782, 0.6257039308547974, 0.60496586561203, 0.28356534242630005, -0.2623310983181, -0.9932936429977417, 0.3547435700893402, 0.5921603441238403, -1.0274590253829956, 0.7560520172119141, -0.7712458372116089, 0.8353559970855713, -0.36884307861328125, -0.75290846824646, -0.9192644357681274, 0.8323020339012146, -0.6301273107528687, 0.35348737239837646, 0.5328322649002075, -1.0019224882125854, -1.201779842376709, -0.2819174826145172, -0.880028247833252, 0.19506728649139404, 0.23109574615955353, -0.9971407055854797, -0.053871043026447296, 0.5830541253089905, 0.8235217332839966, 0.34462854266166687, -0.06491422653198242, -0.07570243626832962, -1.355176568031311, 0.8534770607948303, 1.1635383367538452, 0.15819817781448364, -0.3922850489616394, 0.38280123472213745, -0.38466450572013855, 0.4621705412864685, 1.2032512426376343]} diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..4b2ec9fc5060cd4ef921d894a029b91054076c5d --- /dev/null +++ b/requirements.txt @@ -0,0 +1,10 @@ +beautifulsoup4==4.11.1 +bokeh==2.4.2 +datasets==2.0.0 +numpy==1.21.5 +pandas==1.4.2 +requests==2.27.1 +streamlit==1.9.0 +torch==1.10.2 +tqdm==4.64.0 +transformers==4.18.0